diff --git a/.github/workflows/documentation.yaml b/.github/workflows/documentation.yaml deleted file mode 100644 index 2d16afdd..00000000 --- a/.github/workflows/documentation.yaml +++ /dev/null @@ -1,21 +0,0 @@ -name: documentation -on: - push: - branches: - - main - -jobs: - build-docs: - runs-on: ubuntu-22.04 - steps: - # Set up dependencies - - uses: actions/checkout@v3 - - uses: actions/setup-python@v4 - with: - python-version: '3.10.11' - cache: 'pip' - - run: python3 -m pip install mkdocs==1.4.2 mkdocstrings==0.21.2 "mkdocstrings[python]>=0.18" - - # Deploy docs - - name: Deploy documentation - run: mkdocs gh-deploy --force diff --git a/.github/workflows/json_to_md.py b/.github/workflows/json_to_md.py deleted file mode 100644 index 49f1e024..00000000 --- a/.github/workflows/json_to_md.py +++ /dev/null @@ -1,64 +0,0 @@ -import json -import sys - - -def to_markdown(data): - markdown = "" - for key, value in data.items(): - markdown += f"**{key}:**\n\n" - if isinstance(value, dict): - markdown += "| Key | Value |\n| --- | --- |\n" - for nested_key, nested_value in value.items(): - nested_value = ( - round(nested_value, 3) - if isinstance(nested_value, float) - else {k: round(v, 3) for k, v in nested_value.items()} - if isinstance(nested_value, dict) - else nested_value - ) - markdown += f"| {nested_key} | {nested_value} |\n" - elif isinstance(value, list) and all(isinstance(item, dict) for item in value): - if value: - headers = sorted(set().union(*[item.keys() for item in value])) - markdown += "| " + " | ".join(headers) + " |\n| " + " | ".join(["---"] * len(headers)) + " |\n" - for item in value: - value_list = [ - "{:.3e}".format(float(item.get(header, ""))) if not str(item.get(header, "")).isdigit() else str(item.get(header, "")) - for header in headers - ] - markdown += "| " + " | ".join(value_list) + " |\n" - else: - markdown += "(empty list)\n" - else: - markdown += f"{value}\n" - markdown += "\n" - return markdown - - -def json_to_markdown(json_fp, md_fp): - """Convert a json file to markdown.""" - # Read JSON file - with open(json_fp, "r") as file: - data = json.load(file) - - # Convert to markdown - markdown = to_markdown(data) - - # Save to markdown file - with open(md_fp, "w") as file: - file.write(markdown) - return markdown - - -if __name__ == "__main__": - # Check if the correct number of arguments is provided - if len(sys.argv) < 3: - print("Usage: python script.py ") - sys.exit(1) - - # Get the JSON file path and output Markdown file path from command-line arguments - json_file = sys.argv[1] - md_file = sys.argv[2] - - # Call the JSON to Markdown conversion function - json_to_markdown(json_file, md_file) diff --git a/.github/workflows/serve.yaml b/.github/workflows/serve.yaml deleted file mode 100644 index 60cd8dba..00000000 --- a/.github/workflows/serve.yaml +++ /dev/null @@ -1,35 +0,0 @@ -name: serve -on: - workflow_dispatch: # manual - push: - branches: - - main -permissions: write-all - -jobs: - serve: - runs-on: ubuntu-22.04 - steps: - - # Configure AWS credentials - - name: Configure AWS credentials - uses: aws-actions/configure-aws-credentials@v2 - with: - role-to-assume: arn:aws:iam::593241322649:role/github-actions-madewithml - role-session-name: s3access - aws-region: us-west-2 - - # Set up dependencies - - uses: actions/checkout@v3 - - uses: actions/setup-python@v4 - with: - python-version: '3.10.11' - cache: 'pip' - - run: python3 -m pip install anyscale==0.5.131 typer==0.9.0 - - # Serve model - - name: Serve model - run: | - export ANYSCALE_HOST=${{ secrets.ANYSCALE_HOST }} - export ANYSCALE_CLI_TOKEN=${{ secrets.ANYSCALE_CLI_TOKEN }} - anyscale service rollout --service-config-file deploy/services/serve_model.yaml diff --git a/.github/workflows/workloads.yaml b/.github/workflows/workloads.yaml deleted file mode 100644 index cfc587fc..00000000 --- a/.github/workflows/workloads.yaml +++ /dev/null @@ -1,53 +0,0 @@ -name: workloads -on: - workflow_dispatch: # manual - pull_request: - branches: - - main -permissions: write-all - -jobs: - workloads: - runs-on: ubuntu-22.04 - steps: - - # Configure AWS credentials - - name: Configure AWS credentials - uses: aws-actions/configure-aws-credentials@v2 - with: - role-to-assume: arn:aws:iam::593241322649:role/github-actions-madewithml - role-session-name: s3access - aws-region: us-west-2 - - # Set up dependencies - - uses: actions/checkout@v3 - - uses: actions/setup-python@v4 - with: - python-version: '3.10.11' - cache: 'pip' - - run: python3 -m pip install anyscale==0.5.131 typer==0.9.0 - - # Run workloads - - name: Workloads - run: | - export ANYSCALE_HOST=${{ secrets.ANYSCALE_HOST }} - export ANYSCALE_CLI_TOKEN=${{ secrets.ANYSCALE_CLI_TOKEN }} - anyscale jobs submit deploy/jobs/workloads.yaml --wait - - # Read results from S3 - - name: Read results from S3 - run: | - mkdir results - aws s3 cp s3://madewithml/${{ github.actor }}/results/ results/ --recursive - python .github/workflows/json_to_md.py results/training_results.json results/training_results.md - python .github/workflows/json_to_md.py results/evaluation_results.json results/evaluation_results.md - - # Comment results to PR - - name: Comment training results on PR - uses: thollander/actions-comment-pull-request@v2 - with: - filePath: results/training_results.md - - name: Comment evaluation results on PR - uses: thollander/actions-comment-pull-request@v2 - with: - filePath: results/evaluation_results.md diff --git a/.gitignore b/.gitignore index 2709347a..0e28960b 100644 --- a/.gitignore +++ b/.gitignore @@ -1,14 +1,5 @@ -# Data -logs/ -stores/ -mlflow/ -results/ -workspaces/ -efs/ - -# VSCode -.vscode/ -.idea +# Mac files +*.DS_Store # Byte-compiled / optimized / DLL files __pycache__/ @@ -18,8 +9,17 @@ __pycache__/ # C extensions *.so +# Data +*.rdb +*.pem +*.m4v +*.key +*.mov +*.pages + # Distribution / packaging .Python +venv/ build/ develop-eggs/ dist/ @@ -31,13 +31,10 @@ lib64/ parts/ sdist/ var/ -wheels/ -pip-wheel-metadata/ -share/python-wheels/ *.egg-info/ .installed.cfg *.egg -MANIFEST +*.pyc # PyInstaller *.manifest @@ -50,62 +47,43 @@ pip-delete-this-directory.txt # Unit test / coverage reports htmlcov/ .tox/ -.nox/ .coverage .coverage.* .cache nosetests.xml coverage.xml -*.cover -*.py,cover +*,cover .hypothesis/ -.pytest_cache/ -# Flask: +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py + +# Flask instance folder instance/ .webassets-cache -# Scrapy: +# Scrapy stuff: .scrapy -# Sphinx +# Sphinx documentation docs/_build/ # PyBuilder target/ -# IPython +# IPython Notebook .ipynb_checkpoints -profile_default/ -ipython_config.py # pyenv .python-version -# PEP 582 -__pypackages__/ - -# Celery +# celery beat schedule file celerybeat-schedule -celerybeat.pid -# Environment +# dotenv .env -.venv -env/ -venv/ -ENV/ -env.bak/ -venv.bak/ - -# mkdocs -site/ - -# Airflow -airflow/airflow.db - -# MacOS -.DS_Store - -# Clean up -.trash/ diff --git a/.pre-commit-config.yaml b/.pre-commit-config.yaml deleted file mode 100644 index 2b188ae7..00000000 --- a/.pre-commit-config.yaml +++ /dev/null @@ -1,23 +0,0 @@ -# See https://pre-commit.com for more information -# See https://pre-commit.com/hooks.html for more hooks -repos: -- repo: https://github.com/pre-commit/pre-commit-hooks - rev: v4.5.0 - hooks: - - id: trailing-whitespace - - id: end-of-file-fixer - - id: check-merge-conflict - - id: check-yaml - - id: check-added-large-files - args: ['--maxkb=1000'] - exclude: "notebooks" - - id: check-yaml - exclude: "mkdocs.yml" -- repo: local - hooks: - - id: clean - name: clean - entry: make - args: ["clean"] - language: system - pass_filenames: false diff --git a/LICENSE b/LICENSE index 4190552c..26f8804b 100644 --- a/LICENSE +++ b/LICENSE @@ -1,6 +1,6 @@ MIT License -Copyright (c) 2023 Made With ML +Copyright (c) 2018 Goku Mohandas Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal @@ -18,4 +18,4 @@ FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE -SOFTWARE. +SOFTWARE. \ No newline at end of file diff --git a/Makefile b/Makefile deleted file mode 100644 index ca840bd1..00000000 --- a/Makefile +++ /dev/null @@ -1,20 +0,0 @@ -# Makefile -SHELL = /bin/bash - -# Styling -.PHONY: style -style: - black . - flake8 - python3 -m isort . - pyupgrade - -# Cleaning -.PHONY: clean -clean: style - python notebooks/clear_cell_nums.py - find . -type f -name "*.DS_Store" -ls -delete - find . | grep -E "(__pycache__|\.pyc|\.pyo)" | xargs rm -rf - find . | grep -E ".pytest_cache" | xargs rm -rf - find . | grep -E ".ipynb_checkpoints" | xargs rm -rf - rm -rf .coverage* diff --git a/README.md b/README.md index 2d6fe872..e6687b5a 100644 --- a/README.md +++ b/README.md @@ -1,541 +1,54 @@ -
-

 Made With ML

-Design · Develop · Deploy · Iterate -
-Join 40K+ developers in learning how to responsibly deliver value with ML. -
-
+# PracticalAI -
+[![Colab](https://img.shields.io/badge/launch-Google%20Colab-orange.svg)](https://github.com/GokuMohandas/practicalAI#notebooks) +[![Binder](https://img.shields.io/badge/launch-Jupyter-blue.svg)](https://mybinder.org/v2/gh/GokuMohandas/practicalAI/master) +[![MIT](https://img.shields.io/badge/license-MIT-brightgreen.svg)](https://github.com/GokuMohandas/practicalAI/blob/master/LICENSE) -
-   -   -   - -
- 🔥  Among the top ML repositories on GitHub -
+Empowering you to use machine learning to get valuable insights from data. +- 🔥 Implement basic ML algorithms and deep neural networks with PyTorch. +- 🖥️ Run everything on the browser without any set up using Google Colab. +- 📦 Learn object-oriented ML to code for products, not just tutorials. -
-
+## Notebooks +|Basics|Deep Learning|Advanced|Topics| +|-|-|-|-| +| 📓 [Notebooks](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/00_Notebooks.ipynb)|🔥 [PyTorch](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/07_PyTorch.ipynb)|📚 [Advanced RNNs](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/14_Advanced_RNNs.ipynb)|📸 [Computer Vision](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/15_Computer_Vision.ipynb)| +| 🐍 [Python](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/01_Python.ipynb)|🎛️ [Multilayer Perceptrons](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/08_Multilayer_Perceptron.ipynb)|🏎️ Highway and Residual Networks|⏰ Time Series Analysis| +|🔢 [NumPy](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/02_NumPy.ipynb)|🔎 [Data & Models](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/09_Data_and_Models.ipynb)|🔮 Autoencoders|🏘️ Topic Modeling| +| 🐼 [Pandas](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/03_Pandas.ipynb) |📦 [Object-Oriented ML](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/10_Object_Oriented_ML.ipynb)|🎭 Generative Adversarial Networks|🛒 Recommendation Systems| +|📈 [Linear Regression](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/04_Linear_Regression.ipynb)|🖼️ [Convolutional Neural Networks](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/11_Convolutional_Neural_Networks.ipynb)|🐝 Spatial Transformer Networks|🗣️ Pretrained Language Modeling| +|📊 [Logistic Regression](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/05_Logistic_Regression.ipynb)|📝 [Embeddings](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/12_Embeddings.ipynb)||🤷 Multitask Learning| +|🌳 [Random Forests](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/06_Random_Forests.ipynb)|📗 [Recurrent Neural Networks](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/13_Recurrent_Neural_Networks.ipynb)||🎯 Low Shot Learning| +|💥 KMeans Clustering|||🍒 Reinforcement Learning| -## Lessons +## Running the notebooks +1. Access the notebooks in the [`notebooks`](https://github.com/GokuMohandas/practicalAI/tree/master/notebooks) directory in this repo. +2. You can run these notebook on Google Colab (recommended) or on your local machine. +3. Click on a notebook and replace `https://github.com/` with `https://colab.research.google.com/github/` in the notebook URL or use this [Chrome extension](https://chrome.google.com/webstore/detail/open-in-colab/iogfkhleblhcpcekbiedikdehleodpjo) to do it with one click. +4. Sign into your Google account. +5. Click the `COPY TO DRIVE` button on the toolbar. This will open the notebook on a new tab. -Learn how to combine machine learning with software engineering to design, develop, deploy and iterate on production-grade ML applications. + -- Lessons: https://madewithml.com/ -- Code: [GokuMohandas/Made-With-ML](https://github.com/GokuMohandas/Made-With-ML) +5. Rename this new notebook by removing the `Copy of` part in the title. +6. Run the code, make changes, etc. and it's all automatically saved to you personal Google Drive. - - lessons - -## Overview +## Contributing to notebooks +1. Make your changes and download the Google colab notebook as an .ipynb file. -In this course, we'll go from experimentation (design + development) to production (deployment + iteration). We'll do this iteratively by motivating the components that will enable us to build a *reliable* production system. + -
-   Be sure to watch the video below for a quick overview of what we'll be building. -
+2. Go to https://github.com/GokuMohandas/practicalAI/tree/master/notebooks +3. Click on `Upload files`. -
- Course overview video -
+ -
+5. Upload the .ipynb file. +6. Write a detailed commit title and message. +7. Name your branch as appropriately. +8. Click on `Propose changes`. -- **💡 First principles**: before we jump straight into the code, we develop a first principles understanding for every machine learning concept. -- **💻 Best practices**: implement software engineering best practices as we develop and deploy our machine learning models. -- **📈 Scale**: easily scale ML workloads (data, train, tune, serve) in Python without having to learn completely new languages. -- **⚙️ MLOps**: connect MLOps components (tracking, testing, serving, orchestration, etc.) as we build an end-to-end machine learning system. -- **🚀 Dev to Prod**: learn how to quickly and reliably go from development to production without any changes to our code or infra management. -- **🐙 CI/CD**: learn how to create mature CI/CD workflows to continuously train and deploy better models in a modular way that integrates with any stack. + -## Audience -Machine learning is not a separate industry, instead, it's a powerful way of thinking about data that's not reserved for any one type of person. - -- **👩‍💻 All developers**: whether software/infra engineer or data scientist, ML is increasingly becoming a key part of the products that you'll be developing. -- **👩‍🎓 College graduates**: learn the practical skills required for industry and bridge gap between the university curriculum and what industry expects. -- **👩‍💼 Product/Leadership**: who want to develop a technical foundation so that they can build amazing (and reliable) products powered by machine learning. - -## Set up - -Be sure to go through the [course](https://madewithml/#course) for a much more detailed walkthrough of the content on this repository. We will have instructions for both local laptop and Anyscale clusters for the sections below, so be sure to toggle the ► dropdown based on what you're using (Anyscale instructions will be toggled on by default). If you do want to run this course with Anyscale, where we'll provide the **structure**, **compute (GPUs)** and **community** to learn everything in one day, join our next upcoming live cohort → [sign up here](https://4190urw86oh.typeform.com/madewithml)! - -### Cluster - -We'll start by setting up our cluster with the environment and compute configurations. - -
- Local
- Your personal laptop (single machine) will act as the cluster, where one CPU will be the head node and some of the remaining CPU will be the worker nodes. All of the code in this course will work in any personal laptop though it will be slower than executing the same workloads on a larger cluster. -
- -
- Anyscale
- - We can create an [Anyscale Workspace](https://docs.anyscale.com/develop/workspaces/get-started) using the [webpage UI](https://console.anyscale.com/o/madewithml/workspaces/add/blank). - - ```md - - Workspace name: `madewithml` - - Project: `madewithml` - - Cluster environment name: `madewithml-cluster-env` - # Toggle `Select from saved configurations` - - Compute config: `madewithml-cluster-compute-g5.4xlarge` - ``` - - > Alternatively, we can use the [CLI](https://docs.anyscale.com/reference/anyscale-cli) to create the workspace via `anyscale workspace create ...` - -
- -
- Other (cloud platforms, K8s, on-prem)
- - If you don't want to do this course locally or via Anyscale, you have the following options: - - - On [AWS and GCP](https://docs.ray.io/en/latest/cluster/vms/index.html#cloud-vm-index). Community-supported Azure and Aliyun integrations also exist. - - On [Kubernetes](https://docs.ray.io/en/latest/cluster/kubernetes/index.html#kuberay-index), via the officially supported KubeRay project. - - Deploy Ray manually [on-prem](https://docs.ray.io/en/latest/cluster/vms/user-guides/launching-clusters/on-premises.html#on-prem) or onto platforms [not listed here](https://docs.ray.io/en/latest/cluster/vms/user-guides/community/index.html#ref-cluster-setup). - -
- -### Git setup - -Create a repository by following these instructions: [Create a new repository](https://github.com/new) → name it `Made-With-ML` → Toggle `Add a README file` (**very important** as this creates a `main` branch) → Click `Create repository` (scroll down) - -Now we're ready to clone the repository that has all of our code: - -```bash -git clone https://github.com/GokuMohandas/Made-With-ML.git . -``` - -### Credentials - -```bash -touch .env -``` -```bash -# Inside .env -GITHUB_USERNAME="CHANGE_THIS_TO_YOUR_USERNAME" # ← CHANGE THIS -``` -```bash -source .env -``` - -### Virtual environment - -
- Local
- - ```bash - export PYTHONPATH=$PYTHONPATH:$PWD - python3 -m venv venv # recommend using Python 3.10 - source venv/bin/activate # on Windows: venv\Scripts\activate - python3 -m pip install --upgrade pip setuptools wheel - python3 -m pip install -r requirements.txt - pre-commit install - pre-commit autoupdate - ``` - - > Highly recommend using Python `3.10` and using [pyenv](https://github.com/pyenv/pyenv) (mac) or [pyenv-win](https://github.com/pyenv-win/pyenv-win) (windows). - -
- -
- Anyscale
- - Our environment with the appropriate Python version and libraries is already all set for us through the cluster environment we used when setting up our Anyscale Workspace. So we just need to run these commands: - ```bash - export PYTHONPATH=$PYTHONPATH:$PWD - pre-commit install - pre-commit autoupdate - ``` - -
- -## Notebook - -Start by exploring the [jupyter notebook](notebooks/madewithml.ipynb) to interactively walkthrough the core machine learning workloads. - -
- -
- -
- Local
- - ```bash - # Start notebook - jupyter lab notebooks/madewithml.ipynb -``` - -
- -
- Anyscale
- - Click on the Jupyter icon    at the top right corner of our Anyscale Workspace page and this will open up our JupyterLab instance in a new tab. Then navigate to the `notebooks` directory and open up the `madewithml.ipynb` notebook. - -
- - -## Scripts - -Now we'll execute the same workloads using the clean Python scripts following software engineering best practices (testing, documentation, logging, serving, versioning, etc.) The code we've implemented in our notebook will be refactored into the following scripts: - -```bash -madewithml -├── config.py -├── data.py -├── evaluate.py -├── models.py -├── predict.py -├── serve.py -├── train.py -├── tune.py -└── utils.py -``` - -**Note**: Change the `--num-workers`, `--cpu-per-worker`, and `--gpu-per-worker` input argument values below based on your system's resources. For example, if you're on a local laptop, a reasonable configuration would be `--num-workers 6 --cpu-per-worker 1 --gpu-per-worker 0`. - -### Training -```bash -export EXPERIMENT_NAME="llm" -export DATASET_LOC="https://raw.githubusercontent.com/GokuMohandas/Made-With-ML/main/datasets/dataset.csv" -export TRAIN_LOOP_CONFIG='{"dropout_p": 0.5, "lr": 1e-4, "lr_factor": 0.8, "lr_patience": 3}' -python madewithml/train.py \ - --experiment-name "$EXPERIMENT_NAME" \ - --dataset-loc "$DATASET_LOC" \ - --train-loop-config "$TRAIN_LOOP_CONFIG" \ - --num-workers 1 \ - --cpu-per-worker 3 \ - --gpu-per-worker 1 \ - --num-epochs 10 \ - --batch-size 256 \ - --results-fp results/training_results.json -``` - -### Tuning -```bash -export EXPERIMENT_NAME="llm" -export DATASET_LOC="https://raw.githubusercontent.com/GokuMohandas/Made-With-ML/main/datasets/dataset.csv" -export TRAIN_LOOP_CONFIG='{"dropout_p": 0.5, "lr": 1e-4, "lr_factor": 0.8, "lr_patience": 3}' -export INITIAL_PARAMS="[{\"train_loop_config\": $TRAIN_LOOP_CONFIG}]" -python madewithml/tune.py \ - --experiment-name "$EXPERIMENT_NAME" \ - --dataset-loc "$DATASET_LOC" \ - --initial-params "$INITIAL_PARAMS" \ - --num-runs 2 \ - --num-workers 1 \ - --cpu-per-worker 3 \ - --gpu-per-worker 1 \ - --num-epochs 10 \ - --batch-size 256 \ - --results-fp results/tuning_results.json -``` - -### Experiment tracking - -We'll use [MLflow](https://mlflow.org/) to track our experiments and store our models and the [MLflow Tracking UI](https://www.mlflow.org/docs/latest/tracking.html#tracking-ui) to view our experiments. We have been saving our experiments to a local directory but note that in an actual production setting, we would have a central location to store all of our experiments. It's easy/inexpensive to spin up your own MLflow server for all of your team members to track their experiments on or use a managed solution like [Weights & Biases](https://wandb.ai/site), [Comet](https://www.comet.ml/), etc. - -```bash -export MODEL_REGISTRY=$(python -c "from madewithml import config; print(config.MODEL_REGISTRY)") -mlflow server -h 0.0.0.0 -p 8080 --backend-store-uri $MODEL_REGISTRY -``` - -
- Local
- - If you're running this notebook on your local laptop then head on over to http://localhost:8080/ to view your MLflow dashboard. - -
- -
- Anyscale
- - If you're on Anyscale Workspaces, then we need to first expose the port of the MLflow server. Run the following command on your Anyscale Workspace terminal to generate the public URL to your MLflow server. - - ```bash - APP_PORT=8080 - echo https://$APP_PORT-port-$ANYSCALE_SESSION_DOMAIN - ``` - -
- -### Evaluation -```bash -export EXPERIMENT_NAME="llm" -export RUN_ID=$(python madewithml/predict.py get-best-run-id --experiment-name $EXPERIMENT_NAME --metric val_loss --mode ASC) -export HOLDOUT_LOC="https://raw.githubusercontent.com/GokuMohandas/Made-With-ML/main/datasets/holdout.csv" -python madewithml/evaluate.py \ - --run-id $RUN_ID \ - --dataset-loc $HOLDOUT_LOC \ - --results-fp results/evaluation_results.json -``` -```json -{ - "timestamp": "June 09, 2023 09:26:18 AM", - "run_id": "6149e3fec8d24f1492d4a4cabd5c06f6", - "overall": { - "precision": 0.9076136428670714, - "recall": 0.9057591623036649, - "f1": 0.9046792827719773, - "num_samples": 191.0 - }, -... -``` - -### Inference -```bash -export EXPERIMENT_NAME="llm" -export RUN_ID=$(python madewithml/predict.py get-best-run-id --experiment-name $EXPERIMENT_NAME --metric val_loss --mode ASC) -python madewithml/predict.py predict \ - --run-id $RUN_ID \ - --title "Transfer learning with transformers" \ - --description "Using transformers for transfer learning on text classification tasks." -``` -```json -[{ - "prediction": [ - "natural-language-processing" - ], - "probabilities": { - "computer-vision": 0.0009767753, - "mlops": 0.0008223939, - "natural-language-processing": 0.99762577, - "other": 0.000575123 - } -}] -``` - -### Serving - -
- Local
- - ```bash - # Start - ray start --head - ``` - - ```bash - # Set up - export EXPERIMENT_NAME="llm" - export RUN_ID=$(python madewithml/predict.py get-best-run-id --experiment-name $EXPERIMENT_NAME --metric val_loss --mode ASC) - python madewithml/serve.py --run_id $RUN_ID - ``` - - Once the application is running, we can use it via cURL, Python, etc.: - - ```python - # via Python - import json - import requests - title = "Transfer learning with transformers" - description = "Using transformers for transfer learning on text classification tasks." - json_data = json.dumps({"title": title, "description": description}) - requests.post("http://127.0.0.1:8000/predict", data=json_data).json() - ``` - - ```bash - ray stop # shutdown - ``` - -
- -
- Anyscale
- - In Anyscale Workspaces, Ray is already running so we don't have to manually start/shutdown like we have to do locally. - - ```bash - # Set up - export EXPERIMENT_NAME="llm" - export RUN_ID=$(python madewithml/predict.py get-best-run-id --experiment-name $EXPERIMENT_NAME --metric val_loss --mode ASC) - python madewithml/serve.py --run_id $RUN_ID - ``` - - Once the application is running, we can use it via cURL, Python, etc.: - - ```python - # via Python - import json - import requests - title = "Transfer learning with transformers" - description = "Using transformers for transfer learning on text classification tasks." - json_data = json.dumps({"title": title, "description": description}) - requests.post("http://127.0.0.1:8000/predict", data=json_data).json() - ``` - -
- -### Testing -```bash -# Code -python3 -m pytest tests/code --verbose --disable-warnings - -# Data -export DATASET_LOC="https://raw.githubusercontent.com/GokuMohandas/Made-With-ML/main/datasets/dataset.csv" -pytest --dataset-loc=$DATASET_LOC tests/data --verbose --disable-warnings - -# Model -export EXPERIMENT_NAME="llm" -export RUN_ID=$(python madewithml/predict.py get-best-run-id --experiment-name $EXPERIMENT_NAME --metric val_loss --mode ASC) -pytest --run-id=$RUN_ID tests/model --verbose --disable-warnings - -# Coverage -python3 -m pytest tests/code --cov madewithml --cov-report html --disable-warnings # html report -python3 -m pytest tests/code --cov madewithml --cov-report term --disable-warnings # terminal report -``` - -## Production - -From this point onwards, in order to deploy our application into production, we'll need to either be on Anyscale or on a [cloud VM](https://docs.ray.io/en/latest/cluster/vms/index.html#cloud-vm-index) / [on-prem](https://docs.ray.io/en/latest/cluster/vms/user-guides/launching-clusters/on-premises.html#on-prem) cluster you manage yourself (w/ Ray). If not on Anyscale, the commands will be [slightly different](https://docs.ray.io/en/latest/cluster/running-applications/job-submission/index.html) but the concepts will be the same. - -> If you don't want to set up all of this yourself, we highly recommend joining our [upcoming live cohort](https://4190urw86oh.typeform.com/madewithml){:target="_blank"} where we'll provide an environment with all of this infrastructure already set up for you so that you just focused on the machine learning. - -
- -
- -### Authentication - -These credentials below are **automatically** set for us if we're using Anyscale Workspaces. We **do not** need to set these credentials explicitly on Workspaces but we do if we're running this locally or on a cluster outside of where our Anyscale Jobs and Services are configured to run. - -``` bash -export ANYSCALE_HOST=https://console.anyscale.com -export ANYSCALE_CLI_TOKEN=$YOUR_CLI_TOKEN # retrieved from Anyscale credentials page -``` - -### Cluster environment - -The cluster environment determines **where** our workloads will be executed (OS, dependencies, etc.) We've already created this [cluster environment](./deploy/cluster_env.yaml) for us but this is how we can create/update one ourselves. - -```bash -export CLUSTER_ENV_NAME="madewithml-cluster-env" -anyscale cluster-env build deploy/cluster_env.yaml --name $CLUSTER_ENV_NAME -``` - -### Compute configuration - -The compute configuration determines **what** resources our workloads will be executes on. We've already created this [compute configuration](./deploy/cluster_compute.yaml) for us but this is how we can create it ourselves. - -```bash -export CLUSTER_COMPUTE_NAME="madewithml-cluster-compute-g5.4xlarge" -anyscale cluster-compute create deploy/cluster_compute.yaml --name $CLUSTER_COMPUTE_NAME -``` - -### Anyscale jobs - -Now we're ready to execute our ML workloads. We've decided to combine them all together into one [job](./deploy/jobs/workloads.yaml) but we could have also created separate jobs for each workload (train, evaluate, etc.) We'll start by editing the `$GITHUB_USERNAME` slots inside our [`workloads.yaml`](./deploy/jobs/workloads.yaml) file: -```yaml -runtime_env: - working_dir: . - upload_path: s3://madewithml/$GITHUB_USERNAME/jobs # <--- CHANGE USERNAME (case-sensitive) - env_vars: - GITHUB_USERNAME: $GITHUB_USERNAME # <--- CHANGE USERNAME (case-sensitive) -``` - -The `runtime_env` here specifies that we should upload our current `working_dir` to an S3 bucket so that all of our workers when we execute an Anyscale Job have access to the code to use. The `GITHUB_USERNAME` is used later to save results from our workloads to S3 so that we can retrieve them later (ex. for serving). - -Now we're ready to submit our job to execute our ML workloads: -```bash -anyscale job submit deploy/jobs/workloads.yaml -``` - -### Anyscale Services - -And after our ML workloads have been executed, we're ready to launch our serve our model to production. Similar to our Anyscale Jobs configs, be sure to change the `$GITHUB_USERNAME` in [`serve_model.yaml`](./deploy/services/serve_model.yaml). - -```yaml -ray_serve_config: - import_path: deploy.services.serve_model:entrypoint - runtime_env: - working_dir: . - upload_path: s3://madewithml/$GITHUB_USERNAME/services # <--- CHANGE USERNAME (case-sensitive) - env_vars: - GITHUB_USERNAME: $GITHUB_USERNAME # <--- CHANGE USERNAME (case-sensitive) -``` - -Now we're ready to launch our service: -```bash -# Rollout service -anyscale service rollout -f deploy/services/serve_model.yaml - -# Query -curl -X POST -H "Content-Type: application/json" -H "Authorization: Bearer $SECRET_TOKEN" -d '{ - "title": "Transfer learning with transformers", - "description": "Using transformers for transfer learning on text classification tasks." -}' $SERVICE_ENDPOINT/predict/ - -# Rollback (to previous version of the Service) -anyscale service rollback -f $SERVICE_CONFIG --name $SERVICE_NAME - -# Terminate -anyscale service terminate --name $SERVICE_NAME -``` - -### CI/CD - -We're not going to manually deploy our application every time we make a change. Instead, we'll automate this process using GitHub Actions! - -
- -
- -1. Create a new github branch to save our changes to and execute CI/CD workloads: -```bash -git remote set-url origin https://github.com/$GITHUB_USERNAME/Made-With-ML.git # <-- CHANGE THIS to your username -git checkout -b dev -``` - -2. We'll start by adding the necessary credentials to the [`/settings/secrets/actions`](https://github.com/GokuMohandas/Made-With-ML/settings/secrets/actions) page of our GitHub repository. - -``` bash -export ANYSCALE_HOST=https://console.anyscale.com -export ANYSCALE_CLI_TOKEN=$YOUR_CLI_TOKEN # retrieved from https://console.anyscale.com/o/madewithml/credentials -``` - -3. Now we can make changes to our code (not on `main` branch) and push them to GitHub. But in order to push our code to GitHub, we'll need to first authenticate with our credentials before pushing to our repository: - -```bash -git config --global user.name $GITHUB_USERNAME # <-- CHANGE THIS to your username -git config --global user.email you@example.com # <-- CHANGE THIS to your email -git add . -git commit -m "" # <-- CHANGE THIS to your message -git push origin dev -``` - -Now you will be prompted to enter your username and password (personal access token). Follow these steps to get personal access token: [New GitHub personal access token](https://github.com/settings/tokens/new) → Add a name → Toggle `repo` and `workflow` → Click `Generate token` (scroll down) → Copy the token and paste it when prompted for your password. - -4. Now we can start a PR from this branch to our `main` branch and this will trigger the [workloads workflow](/.github/workflows/workloads.yaml). If the workflow (Anyscale Jobs) succeeds, this will produce comments with the training and evaluation results directly on the PR. - -
- -
- -5. If we like the results, we can merge the PR into the `main` branch. This will trigger the [serve workflow](/.github/workflows/serve.yaml) which will rollout our new service to production! - -### Continual learning - -With our CI/CD workflow in place to deploy our application, we can now focus on continually improving our model. It becomes really easy to extend on this foundation to connect to scheduled runs (cron), [data pipelines](https://madewithml.com/courses/mlops/data-engineering/), drift detected through [monitoring](https://madewithml.com/courses/mlops/monitoring/), [online evaluation](https://madewithml.com/courses/mlops/evaluation/#online-evaluation), etc. And we can easily add additional context such as comparing any experiment with what's currently in production (directly in the PR even), etc. - -
- -
- -## FAQ - -### Jupyter notebook kernels - -Issues with configuring the notebooks with jupyter? By default, jupyter will use the kernel with our virtual environment but we can also manually add it to jupyter: -```bash -python3 -m ipykernel install --user --name=venv -``` -Now we can open up a notebook → Kernel (top menu bar) → Change Kernel → `venv`. To ever delete this kernel, we can do the following: -```bash -jupyter kernelspec list -jupyter kernelspec uninstall venv -``` diff --git a/data/harrypotter.txt b/data/harrypotter.txt new file mode 100644 index 00000000..a1f6b4e8 --- /dev/null +++ b/data/harrypotter.txt @@ -0,0 +1,6589 @@ +Harry Potter and the Deathly Hallows By J. K. Rowling + +Chapter One The Dark Lord Ascending +The two men appeared out of nowhere, a few yards apart in the narrow, moonlit lane. For a second they stood quite still, wands directed at each other's chests; then, recognizing each other, they stowed their wands beneath their cloaks and started walking briskly in the same direction. "News?" asked the taller of the two. "The best," replied Severus Snape. The lane was bordered on the left by wild, low-growing brambles, on the right by a high, neatly manicured hedge. The men's long cloaks flapped around their ankles as they marched. "Thought I might be late," said Yaxley, his blunt features sliding in and out of sight as the branches of overhanging trees broke the moonlight. "It was a little trickier than I expected. But I hope he will be satisfied. You sound confident that your reception will be good?" Snape nodded, but did not elaborate. They turned right, into a wide driveway that led off the lane. The high hedge curved into them, running off into the distance beyond the pair of imposing wrought-iron gates barring the men�s way. Neither of them broke step: In silence both raised their left arms in a kind of salute and passed straight through, as though the dark metal was smoke. +The yew hedges muffled the sound of the men�s footsteps. There was a rustle somewhere to their right: Yaxley drew his wand again pointing it over his companion�s head, but the source of the noise proved to be nothing more than a pure-white peacock, strutting majestically along the top of the hedge. +"He always did himself well, Lucius. Peacocks ..." Yaxley thrust his wand back under his cloak with a snort. +A handsome manor house grew out of the darkness at the end of the straight drive, lights glinting in the diamond paned downstairs windows. Somewhere in the dark garden beyond the hedge a fountain was playing. Gravel crackled beneath their feet as Snape and Yaxley sped toward the front door, which swung inward at their approach, though nobody had visibly opened it. +The hallway was large, dimly lit, and sumptuously decorated, with a magnificent carpet covering most of the stone floor. The eyes of the pale-faced portraits on the wall followed Snape and Yaxley as they strode past. The two men halted at a heavy wooden door leading into the next room, hesitated for the space of a heartbeat, then Snape turned the bronze handle. +The drawing room was full of silent people, sitting at a long and ornate table. The room�s usual furniture had been pushed carelessly up against the walls. Illumination came from a roaring fire beneath a handsome marble mantelpiece surmounted by a gilded mirror. Snape and Yaxley lingered for a moment on the threshold. As their eyes grew accustomed to the lack of light, they were drawn upward to the strangest feature of the scene: an apparently unconscious human figure hanging upside down over the table, revolving slowly as if suspended by an invisible rope, and reflected in the mirror and in the bare, polished surface of the table below. None of the people seated underneath this +singular sight were looking at it except for a pale young man sitting almost directly below it. He seemed unable to prevent himself from glancing upward every minute or so. +"Yaxley. Snape," said a high, clear voice from the head of the table. "You are very nearly late." +The speaker was seated directly in front of the fireplace, so that it was difficult, at first, for the new arrivals to make out more than his silhouette. As they drew nearer, however, his face shone through the gloom, hairless, snakelike, with slits for nostrils and gleaming red eyes whose pupils were vertical. He was so pale that he seemed to emit a pearly glow. +"Severus, here," said Voldemort, indicating the seat on his immediate right. "Yaxley - beside Dolohov." +The two men took their allotted places. Most of the eyes around the table followed Snape, and it was to him that Voldemort spoke first. +"So?" +"My Lord, the Order of the Phoenix intends to move Harry Potter from his current place of safety on Saturday next, at nightfall." +The interest around the table sharpened palpably: Some stiffened, others fidgeted, all gazing at Snape and Voldemort. +"Saturday ... at nightfall," repeated Voldemort. His red eyes fastened upon Snape�s black ones with such intensity that some of the watchers looked away, apparently fearful that they themselves would be scorched by the ferocity of the gaze. Snape, however, looked calmly back into Voldemort�s face and, after a moment or two, Voldemort�s lipless mouth curved into something like a smile. +"Good. Very good. And this information comes -" +" - from the source we discussed," said Snape. +"My Lord." +Yaxley had leaned forward to look down the long table at Voldemort and Snape. All faces turned to him. +"My Lord, I have heard differently." +Yaxley waited, but Voldemort did not speak, so he went on, "Dawlish, the Auror, let slip that Potter will not be moved until the thirtieth, the night before the boy turns seventeen." +Snape was smiling. +"My source told me that there are plans to lay a false trail; this must be it. No doubt a Confundus Charm has been placed upon Dawlish. It would not be the first time; he is known to be susceptible." +"I assure you, my Lord, Dawlish seemed quite certain," said Yaxley. +"If he has been Confunded, naturally he is certain," said Snape. "I assure you, Yaxley, the Auror Office will play no further part in the protection of Harry Potter. The Order believes that we have infiltrated the Ministry." +"The Order�s got one thing right, then, eh?" said a squat man sitting a short distance from Yaxley; he gave a wheezy giggle that was echoed here and there along the table. +Voldemort did not laugh. His gaze had wandered upward to the body revolving slowly overhead, and he seemed to be lost in thought. +"My Lord," Yaxley went on, "Dawlish believes an entire party of Aurors will be used to transfer the boy -" +Voldemort held up a large white hand, and Yaxley subsided at once, watching resentfully as Voldemort turned back to Snape. +"Where are they going to hide the boy next?" +"At the home of one of the Order," said Snape. "The place, according to the source, has been given every protection that the Order and Ministry together could provide. I think that there is little chance of taking him once he is there, my Lord, unless, of course, the Ministry has fallen before next Saturday, which might give us the opportunity to discover and undo enough of the enchantments to break through the rest." +"Well, Yaxley?" Voldemort called down the table, the firelight glinting strangely in his red eyes. "Will the Ministry have fallen by next Saturday?" +Once again, all heads turned. Yaxley squared his shoulders. +"My Lord, I have good news on that score. I have - with difficulty, and after great effort - succeeded in placing an Imperius Curse upon Pius Thicknesse." +Many of those sitting around Yaxley looked impressed; his neighbor, Dolohov, a man with a long, twisted face, clapped him on the back. +"It is a start," said Voldemort. "But Thicknesse is only one man. Scrimgeour must be surrounded by our people before I act. One failed attempt on the Minister�s life will set me back a long way." +"Yes - my Lord, that is true - but you know, as Head of the Department of Magical Law Enforcement, Thicknesse has regular contact not only with the Minister himself, but also with the Heads of all the other Ministry departments. It will, I think, be easy now that we have such a high-ranking official under our control, to subjugate the others, and then they can all work together to bring Scrimgeour down." +"As long as our friend Thicknesse is not discovered before he has converted the rest," said Voldemort. "At any rate, it remains unlikely that the Ministry will be mine before next Saturday. If we cannot touch the boy at his destination, then it must be done while he travels." +"We are at an advantage there, my Lord," said Yaxley, who seemed determined to receive some portion of approval. "We now have several people planted within the Department of Magical Transport. If Potter Apparates or uses the Floo Network, we shall know immediately." +"He will not do either," said Snape. "The Order is eschewing any form of transport that is controlled or regulated by the Ministry; they mistrust everything to do with the place." +"All the better," said Voldemort. "He will have to move in the open. Easier to take, by far." +Again, Voldemort looked up at the slowly revolving body as he went on, "I shall attend to the boy in person. There have been too many mistakes where Harry Potter is concerned. Some of them have been my own. That Potter lives is due more to my errors than to his triumphs." +The company around the table watched Voldemort apprehensively, each of them, by his or her expression, afraid that they might be blamed for Harry Potter�s continued existence. Voldemort, however, seemed to be speaking more to himself than to any of them, still addressing the unconscious body above him. +"I have been careless, and so have been thwarted by luck and chance, those wreckers of all but the best-laid plans. But I know better now. I understand those things that I did not understand before. I must be the one to kill Harry Potter, and I shall be." +At these words, seemingly in response to them, a sudden wail sounded, a terrible, drawn-out cry of misery and pain. Many of those at the table looked downward, startled, for the sound had seemed to issue from below their feet. +"Wormtail," said Voldemort, with no change in his quiet, thoughtful tone, and without removing his eyes from the revolving body above, "have I not spoken to you about keeping our prisoner quiet?" +"Yes, m-my Lord," gasped a small man halfway down the table, who had been sitting so low in his chair that it appeared, at first glance, to be unoccupied. Now he scrambled from his seat and scurried from the room, leaving nothing behind him but a curious gleam of silver. +"As I was saying," continued Voldemort, looking again at the tense faces of his followers, "I understand better now. I shall need, for instance, to borrow a wand from one of you before I go to kill Potter." +The faces around him displayed nothing but shock; he might have announced that he wanted to borrow one of their arms. +"No volunteers?" said Voldemort. "Let�s see ... Lucius, I see no reason for you to have a wand anymore." +Lucius Malfoy looked up. His skin appeared yellowish and waxy in the firelight, and his eyes were sunken and shadowed. When he spoke, his voice was hoarse. +"My Lord?" +"Your wand, Lucius. I require your wand." +"I ..." +Malfoy glanced sideways at his wife. She was staring straight ahead, quite as pale as he was, her long blonde hair hanging down her back, but beneath the table her slim fingers closed briefly on his wrist. At her touch, Malfoy put his hand into his robes, withdrew a wand, and passed it along to Voldemort, who held it up in front of his red eyes, examining it closely. +"What is it?" +"Elm, my Lord," whispered Malfoy. +"And the core?" +"Dragon - dragon heartstring." +"Good," said Voldemort. He drew out his wand and compared the lengths. Lucius Malfoy made an involuntary movement; for a fraction of a second, it seemed he expected to receive Voldemort�s wand in exchange for his own. The gesture was not missed by Voldemort, whose eyes widened maliciously. +"Give you my wand, Lucius? My wand?" +Some of the throng sniggered. +"I have given you your liberty, Lucius, is that not enough for you? But I have noticed that you and your family seem less than happy of late ... What is it about my presence in your home that displaces you, Lucius?" +"Nothing - nothing, my Lord!" +"Such lies Lucius ... " +The soft voice seemed to hiss on even after the cruel mouth had stopped moving. One or two of the wizards barely repressed a shudder as the hissing grew louder; something heavy could be heard sliding across the floor beneath the table. +The huge snake emerged to climb slowly up Voldemort�s chair. It rose, seemingly endlessly, and came to rest across Voldemort�s shoulders: its neck the thickness of a man�s thigh; its eyes, with their vertical slits for pupils, unblinking. Voldemort stroked the creature absently with long thin fingers, still looking at Lucius Malfoy. +"Why do the Malfoys look so unhappy with their lot? Is my return, my rise to power, not the very thing they professed to desire for so many years?" +"Of course, my Lord," said Lucius Malfoy. His hand shook as he wiped sweat from his upper lip. "We did desire it - we do." +To Malfoy�s left, his wife made an odd, stiff nod, her eyes averted from Voldemort and the snake. To his right, his son, Draco, who had been gazing up at the inert body overhead, glanced quickly at Voldemort and away again, terrified to make eye contact. +"My Lord," said a dark woman halfway down the table, her voice constricted with emotion, "it is an honor to have you here, in our family�s house. There can be no higher pleasure." +She sat beside her sister, as unlike her in looks, with her dark hair and heavily lidded eyes, as she was in bearing and demeanor; where Narcissa sat rigid and impassive, Bellatrix leaned toward Voldemort, for mere words could not demonstrate her longing for closeness. +"No higher pleasure," repeated Voldemort, his head tilted a little to one side as he considered Bellatrix. "That means a great deal, Bellatrix, from you." +Her face flooded with color; her eyes welled with tears of delight. +"My Lord knows I speak nothing but the truth!" +"No higher pleasure ... even compared with the happy event that, I hear, has taken place in your family this week?" +She stared at him, her lips parted, evidently confused. +"I don�t know what you mean, my Lord." +"I�m talking about your niece, Bellatrix. And yours, Lucius and Narcissa. She has just married the werewolf, Remus Lupin. You must be so proud." +There was an eruption of jeering laughter from around the table. Many leaned forward to exchange gleeful looks; a few thumped the table with their fists. The giant snake, disliking the disturbance, opened its mouth wide and hissed angrily, but the Death Eaters did not hear it, so jubilant were they at Bellatrix and the Malfoys� humiliation. Bellatrix�s face, so recently flushed wit happiness, had turned an ugly, blotchy red. +"She is no niece of ours, my Lord," she cried over the outpouring of mirth. "We - Narcissa and I - have never set eyes on our sister since she married the Mudblood. This brat has nothing to do with either of us, nor any beast she marries." +"What say you, Draco?" asked Voldemort, and though his voice was quiet, it carried clearly through the catcalls and jeers. "Will you babysit the cubs?" +The hilarity mounted; Draco Malfoy looked in terror at his father, who was staring down into his own lap, then caught his mother�s eye. She shook her head almost imperceptibly, then resumed her own deadpan stare at the opposite wall. +"Enough," said Voldemort, stroking the angry snake. "Enough." +And the laughter died at once. +"Many of our oldest family trees become a little diseased over time," he said as Bellatrix gazed at him, breathless and imploring, "You must prune yours, must you not, to keep it healthy? Cut away those parts that threaten the health of the rest." +"Yes, my Lord," whispered Bellatrix, and her eyes swam with tears of gratitude again. "At the first chance!" +"You shall have it," said Voldemort. "And in your family, so in the world ... we shall cut away the canker that infects us until only those of the true blood remain ..." +Voldemort raised Lucius Malfoy�s wand, pointed it directly at the slowly revolving figure suspended over the table, and gave it a tiny flick. The figure came to life with a groan and began to struggle against invisible bonds. +"Do you recognize our guest, Severus?" asked Voldemort. +Snape raised his eyes to the upside down face. All of the Death Eaters were looking up at the captive now, as though they had been given permission to show curiosity. As she revolved to face the firelight, the woman said in a cracked and terrified voice, "Severus! Help me!" +"Ah, yes," said Snape as the prisoner turned slowly away again. +"And you, Draco?" asked Voldemort, stroking the snake�s snout with his wand-free hand. Draco shook his head jerkily. Now that the woman had woken, he seemed unable to look at her anymore. +"But you would not have taken her classes," said Voldemort. "For those of you who do not know, we are joined here tonight by Charity Burbage who, until recently, taught at Hogwarts School of Witchcraft and Wizardry." +There were small noises of comprehension around the table. A broad, hunched woman with pointed teeth cackled. +"Yes ... Professor Burbage taught the children of witches and wizards all about Muggles ... how they are not so different from us ... " +One of the Death Eaters spat on the floor. Charity Burbage revolved to face Snape again. +"Severus ... please ... please ... " +"Silence," said Voldemort, with another twitch of Malfoy�s wand, and Charity fell silent as if gagged. "Not content with corrupting and polluting the minds of Wizarding children, last week Professor Burbage wrote an impassioned defense of Mudbloods in the Daily Prophet. Wizards, she says, must accept these thieves of their knowledge and magic. The dwindling of the purebloods is, says Professor Burbage, a most desirable circumstance ... She would have us all mate with Muggles ... or, no doubt, werewolves ... " +Nobody laughed this time. There was no mistaking the anger and contempt in Voldemort�s voice. For the third time, Charity Burbage revolved to face Snape. Tears were pouring from her eyes into her hair. Snape looked back at her, quite impassive, as she turned slowly away from him again. +"Avada Kedavra" +The flash of green light illuminated every corner of the room. Charity fell, with a resounding crash, onto the table below, which trembled and creaked. Several of the Death Eaters leapt back in their chairs. Draco fell out of his onto the floor. +"Dinner, Nagini," said Voldemort softly, and the great snake swayed and slithered from his shoulders onto the polished wood. +Chapter Two +In Memorandum +Harry was bleeding. Clutching his right hand in his left and swearing under his breath, he shouldered open his bedroom door. There was a crunch of breaking china. He had trodden on a cup of cold tea that had been sitting on the floor outside his bedroom door. +"What the --?" +He looked around, the landing of number four, Privet Drive, was deserted. Possibly the cup of tea was Dudley's idea of a clever booby trap. Keeping his bleeding hand elevated, Harry scraped the fragments of cup together with the other hand and threw them into the already crammed bin just visible inside his bedroom door. Then he tramped across to the bathroom to run his finger under the tap. +It was stupid, pointless, irritating beyond belief that he still had four days left of being unable to perform magic...but he had to admit to himself that this jagged cut in his finger would have defeated him. He had never learned how to repair wounds, and now he came to think of it - particularly in light of his immediate plans - this seemed a serious flaw in his magical education. Making a mental note to ask Hermione how it was done, he used a large wad of toilet paper to mop up as much of the tea as he could before returning to his bedroom and slamming the door behind him. +Harry had spent the morning completely emptying his school trunk for the first time since he had packed it six years ago. At the start of the intervening school years, he had merely skimmed off the topmost three quarters of the contents and replaced or updated them, leaving a layer of general debris at the bottom - old quills, desiccated beetle eyes, single socks that no longer fit. Minutes previously, Harry had plunged his hand into this mulch, experienced a stabbing pain in the fourth finger of his right hand, and withdrawn it to see a lot of blood. +He now proceeded a little more cautiously. Kneeling down beside the trunk again, he groped around in the bottom and, after retrieving an old badge that flickered feebly between SUPPORT CEDRIC DIGGORY and POTTER STINKS, a cracked and worn-out Sneakoscope, and a gold locket inside which a note signed R.A.B. had been hidden, he finally discovered the sharp edge that had done the damage. He recognized it at once. It was a two-inch-long fragment of the enchanted mirror that his dead godfather, Sirius, had given him. Harry laid it aside and felt cautiously around the trunk for the rest, but nothing +more remained of his godfather's last gift except powdered glass, which clung to the deepest layer of debris like glittering grit. +Harry sat up and examined the jagged piece on which he had cut himself, seeing nothing but his own bright green eye reflected back at him. Then he placed the fragment on top of that morning's Daily prophet, which lay unread on the bed, and attempted to stem the sudden upsurge of bitter memories, the stabs of regret and of longing the discovery of the broken mirror had occasioned, by attacking the rest of the rubbish in the trunk. +It took another hour to empty it completely, throw away the useless items, and sort the remainder in piles according to whether or not he would need them from now on. His school and Quidditch robes, cauldron, parchment, quills, and most of his textbooks were piled in a corner, to be left behind. He wondered what his aunt and uncle would do with them; burn them in the dead of night, probably, as if they were evidence of some dreadful crime. His Muggle clothing, Invisibility Cloak, potion-making kit, certain books, the photograph album Hagrid had once given him, a stack of letters, and his wand had been repacked into an old rucksack. In a front pocket were the Marauder's Map and the locket with the note signed R.A.B. inside it. The locket was accorded this place of honor not because it was valuable - in all usual senses it was worthless - but because of what it had cost to attain it. +This left a sizable stack of newspapers sitting on his desk beside his snowy owl, Hedwig: one for each of the days Harry had spent at Privet Drive this summer. +He got up off the floor, stretched, and moved across to his desk. Hedwig made no movement as he began to flick through newspapers, throwing them into the rubbish pile one by one. The owl was asleep or else faking; she was angry with Harry about the limited amount of time she was allowed out of her cage at the moment. +As he neared the bottom of the pile of newspapers, Harry slowed down, searching for one particular issue that he knew had arrived shortly after he had returned to Privet Drive for the summer; he remembered that there had been a small mention on the front about the resignation of Charity Burbage, the Muggle Studies teacher at Hogwarts. At last he found it. Turning to page ten, he sank into his desk chair and reread the article he had been looking for. +ALBUS DUMBLEDORE REMEMBERED +By Elphias Doge +I met Albus Dumbledore at the age of eleven, on our first day at Hogwarts. Our mutual attraction was undoubtedly due to the fact that we both felt ourselves to be outsiders. I had contracted dragon pox shortly before arriving at school, and while +I was no longer contagious, my pock-marked visage and greenish hue did not encourage many to approach me. For his part, Albus had arrived at Hogwarts under the burden of unwanted notoriety. Scarcely a year previously, his father, Percival, had been convicted of a savage and well-publicized attack upon three young Muggles. +Albus never attempted to deny that his father (who was to die in Azkaban) had committed this crime; on the contrary, when I plucked up courage to ask him, he assured me that he knew his father to be guilty. Beyond that, Dumbledore refused to speak of the sad business, though many attempted to make him do so. Some, indeed, were disposed to praise his father's action and assumed that Albus too was a Muggle-hater. They could not have been more mistaken: As anybody who knew Albus would attest, he never revealed the remotest anti-Muggle tendency. Indeed, his determined support for Muggle rights gained him many enemies in subsequent years. +In a matter of months, however, Albus's own fame had begun to eclipse that of his father. By the end of his first year he would never again be known as the son of a Muggle-hater, but as nothing more or less than the most brilliant student ever seen at the school. Those of us who were privileged to be his friends benefited from his example, not to mention his help and encouragement, with which he was always generous. He confessed to me later in life that he knew even then that his greatest pleasure lay in teaching. +He not only won every prize of note that the school offered, he was soon in regular correspondence with the most notable magical names of the day, including Nicolas Flamel, the celebrated alchemist; Bathilda Bagshot, the noted historian; and Adalbert Waffling, the magical theoretician. Several of his papers found their way into learned publications such as Transfiguration Today, Challenges in Charming, and The Practical Potioneer. Dumbledore's future career seemed likely to be meteoric, and the only question that remained was when he would become Minister of Magic. Though it was often predicted in later years that he was on the point of taking the job, however, he never had Ministerial ambitions. +Three years after we had started at Hogwarts, Albus's brother, Aberforth, arrived at school. They were not alike: Aberforth was never bookish and, unlike Albus, preferred to settle arguments by dueling rather than through reasoned discussion. However, it is quite wrong to suggest, as some have, that the brothers were not friends. They rubbed along as comfortably as two such different boys could do. In fairness to Aberforth, it must be admitted that living in Albus's shadow cannot have been an altogether comfortable experience. Being continually outshone was an occupational hazard of being his friend and cannot have been any more pleasurable as a brother. When Albus and I left Hogwarts we intended to take the then-traditional tour of the world together, visiting and observing foreign wizards, before pursuing our separate careers. However, tragedy intervened. On the very eve of our trip, Albus's mother, Kendra, died, leaving +Albus the head, and sole breadwinner, of the family. I postponed my departure long enough to pay my respects at Kendra's funeral, then left for what was now to be a solitary journey. With a younger brother and sister to care for, and little gold left to them, there could no longer be any question of Albus accompanying me. +That was the period of our lives when we had least contact. I wrote to Albus, describing, perhaps insensitively, the wonders of my journey, from narrow escapes from chimaeras in Greece to the experiments of the Egyptian alchemists. His letters told me little of his day-to-day life, which I guessed to be frustratingly dull for such a brilliant wizard. Immersed in my own experiences, it was with horror that I heard, toward the end of my year's travels, that another tragedy had struck the Dumbledores: the death of his sister, Ariana. +Though Ariana had been in poor health for a long time, the blow, coming so soon after the loss of their mother, had a profound effect on both of her brothers. All those closest to Albus - and I count myself one of that lucky number - agree that Ariana's death, and Albus's feeling of personal responsibility for it (though, of course, he was guiltless), left their mark upon him forevermore. +I returned home to find a young man who had experienced a much older person's suffering. Albus was more reserved than before, and much less light-hearted. To add to his misery, the loss of Ariana had led, not to a renewed closeness between Albus and Aberforth, but to an estrangement. (In time this would lift - in later years they reestablished, if not a close relationship, then certainly a cordial one.) However, he rarely spoke of his parents or of Ariana from then on, and his friends learned not to mention them. +Other quills will describe the triumphs of the following years. Dumbledore's innumerable contributions to the store of Wizarding knowledge, including his discovery of the twelve uses of dragon's blood, will benefit generations to come, as will the wisdom he displayed in the many judgments while Chief Warlock of the Wizengamot. They say, still, that no Wizarding duel ever matched that between Dumbledore and Grindelwald in 1945. Those who witnessed it have written of the terror and the awe they felt as they watched these two extraordinary wizards to battle. Dumbledore's triumph, and its consequences for the Wizarding world, are considered a turning point in magical history to match the introduction of the International Statute of Secrecy or the downfall of He-Who-Must-Not-Be-Named. +Albus Dumbledore was never proud or vain; he could find something to value in anyone, however apparently insignificant or wretched, and I believe that his early losses endowed him with great humanity and sympathy. I shall miss his friendship more than I can say, but my loss is nothing compared to the Wizarding world's. That he was the most inspiring and best loved of all Hogwarts headmasters cannot be in question. He died as he lived: working always for the +greater good and, to his last hour, as willing to stretch out a hand to a small boy with dragon pox as he was on the day I met him. +Harry finished reading, but continued to gaze at the picture accompanying the obituary. Dumbledore was wearing his familiar, kindly smile, but as he peered over the top of his half-moon spectacles, he gave the impression, even in newsprint, of X-raying Harry, whose sadness mingled with a sense of humiliation. +He had thought he knew Dumbledore quite well, but ever since reading this obituary he had been forced to recognize that he had barely known him at all. Never once had he imagined Dumbledore's childhood or youth; it was as though he had sprung into being as Harry had known him, venerable and silver-haired and old. The idea of a teenage Dumbledore was simply odd, like trying to imagine a stupid Hermione or a friendly Blast-Ended Skrewt. +He had never thought to ask Dumbledore about his past. No doubt it would have felt strange, impertinent even, but after all it had been common knowledge that Dumbledore had taken part in that legendary duel with Grindelwald, and Harry had not thought to ask Dumbledore what that had been like, nor about any of his other famous achievements. No, they had always discussed Harry, Harry's past, Harry's future, Harry's plans... and it seemed to Harry now, despite the fact that his future was so dangerous and so uncertain, that he had missed irreplaceable opportunities when he had failed to ask Dumbledore more about himself, even though the only personal question he had ever asked his headmaster was also the only one he suspected that Dumbledore had not answered honestly: +"What do you see when you look in the mirror?" +"I? I see myself holding a pair of thick, woolen socks." +After several minutes' thought, Harry tore the obituary out of the Prophet, folded it carefully, and tucked it inside the first volume of Practical Defensive Magic and its Use against the Dark Arts. Then he threw the rest of the newspaper onto the rubbish pile and turned to face the room. It was much tidier. The only things left out of place were today's Daily Prophet, still lying on the bed, and on top of it, the piece of broken mirror. +Harry moved across the room, slid the mirror fragment off today's Prophet, and unfolded the newspaper. He had merely glanced at the headline when he had taken the rolled-up paper from the delivery owl early that morning and thrown it aside, after noting that it said nothing about Voldemort. Harry was sure that the Ministry was leaning on the Prophet to suppress news about Voldemort. It was only now, therefore, that he saw what he had missed. +Across the bottom half of the front page a smaller headline was set over a picture of Dumbledore striding along, looking harried: +DUMBLEDORE - THE TRUTH AT LAST? +Coming next week, the shocking story of the flawed genius considered by many to be the greatest wizard of his generation. Striping away the popular image of serene, silver-bearded wisdom, Rita Skeeter reveals the disturbed childhood, the lawless youth, the life-long feuds, and the guilty secrets that Dumbledore carried to his grave, WHY was the man tipped to be the Minister of Magic content to remain a mere headmaster? WHAT was the real purpose of the secret organization known as the Order of the Phoenix? HOW did Dumbledore really meet his end? +The answers to these and many more questions are explored in the explosive new biography, The Life and Lies of Albus Dumbledore, by Rita Skeeter, exclusively interviewed by Berry Braithwaite, page 13, inside. +Harry ripped open the paper and found page thirteen. The article was topped with a picture showing another familiar face: a woman wearing jeweled glasses with elaborately curled blonde hair, her teeth bared in what was clearly supposed to be a winning smile, wiggling her fingers up at him. Doing his best to ignore this nauseating image, Harry read on. +In person, Rita Skeeter is much warmer and softer than her famously ferocious quill-portraits might suggest. Greeting me in the hallway of her cozy home, she leads me straight into the kitchen for a cup of tea, a slice of pound cake and, it goes without saying, a steaming vat of freshest gossip. +"Well, of course, Dumbledore is a biographer's dream," says Skeeter. "Such a long, full life. I'm sure my book will be the first of very, very many." +Skeeter was certainly quick off the mark. Her nine-hundred-page book was completed in a mere four weeks after Dumbledore's mysterious death in June. I ask her how she managed this superfast feat. +"Oh, when you've been a journalist as long as I have, working to a deadline is second nature. I knew that the Wizarding world was clamoring for the full story and I wanted to be the first to meet that need." +I mention the recent, widely publicized remarks of Elphias Doge, Special Advisor to the Wizengamot and longstanding friend of Albus Dumbledore's, that "Skeeter's book contains less fact than a Chocolate Frog card." +Skeeter throws back her head and laughs. +"Darling Dodgy! I remember interviewing him a few years back about merpeople rights, bless him. Completely gaga, seemed to think we were sitting at the bottom of Lake Windermere, kept telling me to watch out for trout." +And yet Elphias Doge's accusations of inaccuracy have been echoed in many places. Does Skeeter really feel that four short weeks have been enough to gain a full picture of Dumbledore's long and extraordinary life? +"Oh, my dear," beams Skeeter, rapping me affectionately across the knuckles, "you know as well as I do how much information can be generated by a fat bag of Galleons, a refusal to hear the word 'no,' and a nice sharp Quick-Quotes Quill! People were queuing to dish the dirt on Dumbledore anyway. Not everyone thought he was so wonderful, you know - he trod on an awful lot of important toes. But old Dodgy Doge can get off his high hippogriff, because I've had access to a source most journalists would swap their wands for, one who has never spoken in public before and who was close to Dumbledore during the most turbulent and disturbing phase of his youth." +The advance publicity for Skeeter's biography has certainly suggested that there will be shocks in store for those who believe Dumbledore to have led a blameless life. What were the biggest surprises she uncovered, I ask? +"Now, come off it. Betty, I'm not giving away all the highlights before anybody's bought the book!" laughs Skeeter. "But I can promise that anybody who still thinks Dumbledore was white as his beard is in for a rude awakening! Let's just say that nobody hearing him rage against You-Know-Who would have dreamed that he dabbled in the Dark Arts himself in his youth! And for a wizard who spent his later years pleading for tolerance, he wasn't exactly broad-minded when he was younger! Yes, Albus Dumbledore had an extremely murky past, not to mention that very fishy family, which he worked so hard to keep hushed up." +I ask whether Skeeter is referring to Dumbledore's brother, Aberforth, whose conviction by the Wizengamot for misuse of magic caused a minor scandal fifteen years ago. +"Oh, Aberforth is just the tip of the dung heap," laughs Skeeter. "No, no, I'm talking about much worse than a brother with a fondness for fiddling about with goats, worse even than the Muggle-maiming father - Dumbledore couldn't keep either of them quiet anyway, they were both charged by the Wizengamot. No, it's the mother and the sister that intrigued me, and a little digging uncovered a +positive nest of nastiness - but, as I say, you'll have to wait for chapters nine to twelve for full details. All I can say now is, it's no wonder Dumbledore never talked about how his nose got broken." +Family skeletons notwithstanding, does Skeeter deny the brilliance that led to Dumbledore's many magical discoveries? +"He had brains," she concedes, "although many now question whether he could really take full credit for all of his supposed achievements. As I reveal in chapter sixteen, Ivor Dillonsby claims he had already discovered eight uses of dragon's blood when Dumbledore 'borrowed' his papers." +But the importance of some of Dumbledore's achievements cannot, I venture, be denied. What of his famous defeat of Grindelwald? +"Oh, now, I'm glad you mentioned Grindelwald," says Skeeter with such a tantalizing smile. "I'm afraid those who go dewy-eyed over Dumbledore's spectacular victory must brace themselves for a bombshell - or perhaps a Dungbomb. Very dirty business indeed. All I'll say is, don't be so sure that there really was a spectacular duel of legend. After they've read my book, people may be forced to conclude that Grindelwald simply conjured a white handkerchief from the end of his wand and came quietly!" +Skeeter refuses to give any more away on this intriguing subject, so we turn instead to the relationship that will undoubtedly fascinate her readers more than any other. +"Oh yes," says Skeeter, nodding briskly, "I devote an entire chapter to the whole Potter-Dumbledore relationship. It's been called unhealthy, even sinister. Again, your readers will have to buy my book for the whole story, but there is no question that Dumbledore took an unnatural interest in Potter from the word go. Whether that was really in the boy's best interests - well, we'll see. It's certainly an open secret that Potter has had a most troubled adolescence." +I ask whether Skeeter is still in touch with Harry Potter, whom she so famously interviewed last year: a breakthrough piece in which Potter spoke exclusively of his conviction that You-Know-Who had returned. +"Oh, yes, we've developed a closer bond," says Skeeter. "Poor Potter has few real friends, and we met at one of the most testing moments of his life - the Triwizard Tournament. I am probably one of the only people alive who can say that they know the real Harry Potter." +Which leads us neatly to the many rumors still circulating about Dumbledore's final hours. Does Skeeter believe that Potter was there when Dumbledore died? +"Well, I don't want to say too much - it's all in the book - but eyewitnesses inside Hogwarts castle saw Potter running away from the scene moments after Dumbledore fell, jumped, or was pushed. Potter later gave evidence against Severus Snape, a man against whom he has a notorious grudge. Is everything as it seems? That is for the Wizarding community to decide - once they've read my book." +On that intriguing note, I take my leave. There can be no doubt that Skeeter has quilled an instant bestseller. Dumbledore's legion of admirers, meanwhile, may well be trembling at what is soon to emerge about their hero. +Harry reached the bottom of the article, but continued to stare blankly at the page. Revulsion and fury rose in him like vomit; he balled up the newspaper and threw it, with all his force, at the wall, where it joined the rest of the rubbish heaped around his overflowing bin. +He began to stride blindly around the room, opening empty drawers and picking up books only to replace them on the same piles, barely conscious of what he was doing, as random phrases from Rita's article echoed in his head: An entire chapter to the whole Potter-Dumbledore relationship ... It's been called unhealthy, even sinister ... He dabbled in the Dark Arts himself in his youth ... I've had access to a source most journalists would swap their wands for... +"Lies!" Harry bellowed, and through the window he saw the next-door neighbor, who had paused to restart his lawn mower, look up nervously. +Harry sat down hard on the bed. The broken bit of mirror danced away from him; he picked it up and turned it over in his fingers, thinking, thinking of Dumbledore and the lies with which Rita Skeeter was defaming him ... +A flash of brightest blue. Harry froze, his cut finger slipping on the jagged edge of the mirror again. He had imagined it, he must have done. He glanced over his shoulder, but the wall was a sickly peach color of Aunt Petunia's choosing: There was nothing blue there for the mirror to reflect. He peered into the mirror fragment again, and saw nothing but his own bright green eye looking back at him. +He had imagined it, there was no other explanation; imagined it, because he had been thinking of his dead headmaster. If anything was certain, it was that the bright blue eyes of Albus Dumbledore would never pierce him again. +Chapter Three +The Dursleys Departing +The sound of the front door slamming echoed up the stairs and a voice roared, "Oh! You!" +Sixteen years of being addressed thus left Harry in no doubt when his uncle was calling, nevertheless, he did not immediately respond. He was still at the narrow fragment in which, for a split second, he had thought he saw Dumbledore�s eye. It was not until his uncle bellowed, "BOY!" that Harry got slowly out of bed and headed for the bedroom door, pausing to add the piece of broken mirror to the rucksack filled with things he would be taking with him. +"You took you time!" roared Vernon Dursley when Harry appeared at the top of the stairs, "Get down here. I want a word!" +Harry strolled downstairs, his hands deep in his pants pockets. When he searched the living room he found all three Dursleys. They were dressed for packing; Uncle Vernon in an old ripped-up jacket and Dudley, Harry�s, large, blond, muscular cousin, in his leather jacket. +"Yes?" asked Harry. +"Sit down!" said Uncle Vernon. Harry raised his eyebrows. "Please!" added Uncle Vernon, wincing slightly as though the word was sharp in his throat. +Harry sat. He though he knew what was coming. His uncle began to pace up and down, Aunt Petunia and Dudley, following his movement with anxious expressions. Finally, his large purple face crumpled with concentration. Uncle Vernon stopped in front of Harry and spoke. +"I've changed my mind," he said. +"What a surprise," said Harry. +"Don't you take that tone-" began Aunt Petunia in a shrill voice, but Vernon Dursley waved her down +"It's all a lot of claptrap," said Uncle Vernon, glaring at Harry with piggy little eyes. "I've decided I don't believe a word of it. We�re staying put, we�re not going anywhere." +Harry looked up at his uncle and felt a mixture of exasperation and amusement. Vernon Dursley had been changing his mind every twenty four hours for the past four weeks, packing and unpacking and repacking the car with every change of heart. Harry�s favorite moment had been the one when Uncle Vernon, unaware the Dudley had added his dumbbells to his case since the last time it been repacked, had attempted to hoist it back into the boot and collapsed with a yelp of pain and much swearing. +"According to you," Vernon Dursley said, now resuming his pacing up and down the living room, "we - Petunia, Dudley, and I - are in danger. From - from -" +"Some of �my lot� right?" said Harry +"Well I don�t believe it," repeated Uncle Vernon, coming to a halt in front of Harry again. "I was awake half the night thinking it all over, and I believe it's a plot to get the house." +"The house?" repeated Harry. "What house?" +"This house!" shrieked Uncle Vernon, the vein his forehead starting to pulse. "Our house! House prices are skyrocketing around here! You want us out of the way and +then you're going to do a bit of hocus pocus and before we know it the deeds will be in your name and -" +"Are you out of your mind?" demanded Harry. "A plot to get this house? Are you actually as stupid as you look?" +"Don't you dare --!" squealed Aunt Petunia, but again Vernon waved her down. Slights on his personal appearance were it seemed as nothing to the danger he had spotted. +"Just in case you've forgotten," said Harry, "I've already got a house my godfather left me one. So why would I want this one? All the happy memories?" +There was silence. Harry thought he had rather impressed his uncle with this argument. +"You claim," said Uncle Vernon, starting to pace yet again, "that this Lord Thing -" +"-Voldemort," said Harry impatiently, "and we've been through this about a hundred times already. This isn't a claim, it's fact. Dumbledore told you last year, and Kingsley and Mr. Weasley -" +Vernon Dursley hunched his shoulders angrily, and Harry guessed that his uncle was attempting to ward off recollections of the unannounced visit, a few days into Harry's summer holidays, of two fully grown wizards. The arrival on the doorstep of Kingsley Shacklebolt and Arthur Weasley had come as a most unpleasant shock to the Dursleys. Harry had to admit, however that as Mr. Weasley had once demolished half of the living room, his reappearance could not have been expected to delight Uncle Vernon. +"-Kingsley and Mr. Weasley explained it all as well," Harry pressed on remorselessly, "Once I'm seventeen, the protective charm that keeps me safe will break, and that exposes you as well as me. The Order is sure Voldemort will target you, whether to torture you to try and find out where I am, or because he thinks by holding you hostage I'd come and try to rescue you." +Uncle Vernon's and Harry's eyes met. Harry was sure that in that instant they were both wondering the same thing. Then Uncle Vernon walked on and Harry resumed, "You've got to go into hiding and the Order wants to help. You're being offered serious protection, the best there is." +Uncle Vernon said nothing but continued to pace up and down. Outside the sun hung low over the privet hedges. The next door neighbor's lawn mower stalled again. +"I thought there was a Ministry of Magic?" asked Vernon Dursley abruptly. +"There is," said Harry, surprised. +"Well, then, why can't they protect us? It seems to me that, as innocent victims, guilty of nothing more than harboring a marked man, we ought to qualify for government protection!" +Harry laughed; he could not help himself. It was so very typical of his uncle to put his hopes in the establishment, even within this world that he despised and mistrusted. +"You heard what Mr. Weasley and Kingsley said," Harry replied. +"We think the Ministry has been infiltrated." +Uncle Vernon strode back to the fireplace and back breathing so strongly that his great black mustache rippled his face still purple with concentration. +"All right," he said. Stopping in front of Harry get again. "All right, let's say for the sake of argument we accept this protection. I still don't see why we can't have that Kingsley bloke." +Harry managed not to roll his eyes, but with difficulty. This question had also been addressed half a dozen times. +"As I've told you," he said through gritted teeth, "Kingsley is protecting the Mug - I mean, your Prime Minister." +"Exactly - he's the best!" said Uncle Vernon, pointing at the blank television screen. The Dursleys had spotted Kingsley on the news, walking along the Muggle Prime Minister as he visited a hospital. This, and the fact that Kingsley had mastered the knack of dressing like a Muggle, not to mention a certain reassuring something in his slow, deep voice, had caused the Dursleys to take to Kingsley in a way that they had certainly not done with any other wizard, although it was true that they had never seen him with earring in. +"Well, he's taken," said Harry. "But Hestia Jones and Dedalus Diggle are more than up to the job -" +"If we'd even seen CVs..." began Uncle Vernon, but Harry lost patience. Getting to his feet, he advanced on his uncle, not pointing at the TV set himself. +"These accidents aren't accidents - the crashed and explosions and derailments and whatever else has happened since we last watched the news. People are disappearing and dying and he's behind it - Voldemort. I've told you this over and over again, he kills Muggles for fun. Even the fogs - they're caused by dementors, and if you can't remember what they are, ask your son!" +Dudley's hands jerked upward to tower his mouth. With his parents' and Harry's eyes upon him, he slowly lowered them again and asked, "There are... more of them?" +"More?" laughed Harry. "More than the two that attacked us, you mean? Of course there are hundreds, maybe thousands by this time, seeing as they feed off fear and despair-" +"All right, all right blustered," blustered Vernon Dursley. "You've made your point -" +"I hope so," said Harry, "because once I'm seventeen, all of them - Death Eaters, elementors, maybe even Inferi - which means dead bodies enchanted by a Dark wizard - will be able to find you and will certainly attack you. And if you remember the last time you tried to outrun wizards, I think you'll agree you need help." +There was a brief silence in which the distant echo of Hagrid smashing down a wooden front door seemed to reverberate through the intervening years. Aunt Petunia was looking at Uncle Vernon; Dudley was staring at Harry. Finally Uncle Vernon blurted out, "But what about my work? What about Dudley's school? I don't suppose those things matter to a bunch of layabout wizards -" +"Don't you understand?" shouted Harry. "They will torture and kill you like they did my parents!" +"Dad," said Dudley in a loud voice, "Dad - I'm going with these Order people." +"Dudley," said Harry, "for the first time in your life, you're talking sense." +He knew the battle was won. If Dudley was frightened enough to accept the Order's help, his parents would accompany him. There could be no question of being separated from their Duddykins. Harry glanced at the carriage clock on the mantelpiece. +"They'll be here in about five minutes, he said, and when one of the Dursleys replied, he left the room. The prospect of parting-probably forever - from his aunt, uncle, and cousin was one that he was able to contemplate quite cheerfully but there was nevertheless a certain awkwardness in the air. What did you say to one another at the end of sixteen years' solid dislike? +Back in his bedroom, Harry fiddled aimlessly with his rucksack then poked a couple of owl nuts through the bats of Hedwig's cage. They fell with dull thuds to the bottom where she ignored them. +"We're leaving soon, really soon," Harry told her. "And then you'll be able to fly again." +The doorbell rang. Harry hesitated, then headed back out of his room and downstairs. It was too much to expect Hestia and Dedalus to cope with the Dursleys on their own. +"Harry Potter!" squeaked an excited voice, the moment Harry had opened the door; a small man in a mauve top hat that was sweeping him a deep bow. "An honor as ever!" +"Thanks, Dedalus," said Harry, bestowing a small and embarrassed smile upon the dark haired Hestia. "It's really good of you to do this... They're through here, my aunt and uncle and cousin..." +"Good day to you, Harry Potter's relatives!" said Dedalus happily striding into the living room. The Dursleys did not look at all happy to be addressed thus; Harry half expected another change of mind. Dudley shrank neared to his mother at the sight of the witch and wizard. +"I see you are packed and ready. Excellent! The plan, as Harry has told you, is a simple one," said Dedalus, pulling an immense pocket watch out of his waistcoat and examining it. "We shall be leaving before Harry does. Due to the danger of using magic in your house -Harry being still underage it could provide the Ministry with an excuse to arrest him - we shall be driving, say, ten miles or so before Disapparating to the safe location we have picked out for you. You know how to drive, I take it?" He asked Uncle Vernon politely. +"Know how to -? Of course I ruddy well know how to drive!" spluttered Uncle Vernon. +"Very clever of you, sir, very clever. I personally would be utterly bamboozled by all those buttons and knobs," said Dedalus. He was clearly under the impression that he was flattering Vernon Dursley, who was visibly losing confidence in the plan with every word Dedalus spoke. +"Can't even drive," he muttered under his breath, his mustache rippling indignantly, but fortunately neither Dedalus nor Hestia seemed to hear him. +"You, Harry," Dedalus continued, "will wait here for your guard. There has been a little change in the arrangements -" +"What d'you mean?" said Harry at once. "I thought Mad-Eye was going to come and take me by Side Along-Apparition?" +"Can't do it," said Hestia tersely, "Mad-Eye will explain." +The Dursleys, who had listened to all of this with looks of utter incomprehension on their faces, jumped as a loud voice screeched, "Hurry up!" Harry looked all around the room before realizing the voice had issued from Dedalus's pocket watch. +"Quite right, were operating to a very tight schedule," said Dedalus nodding at his watch and tucking it back into his waist coat. "We are attempting to time your departure from the house with your family's Disapparition, Harry thus the charm breaks the moment you all head for safety." He turned to the Dursleys, "Well, are we all packed and ready to go?" +None of them answered him. Uncle Vernon was still staring appalled at the bulge in Dedalus's waistcoat pocket. +"Perhaps we should wait outside in the hall, Dedalus," murmured Hestia. She clearly felt that it would be tactless for them to remain the room while Harry and the Dursleys exchanged loving, possibly tearful farewells. +"There's no need," Harry muttered, but Uncle Vernon made any further explanation unnecessary by saying loudly, +"Well, this is good-bye then boy." +He swung his right arm upward to shake Harry's hand, but at the last moment seemed unable to face it, and merely closed his fist and began swinging it backward and forward like a metronome. +"Ready, Duddy?" asked Petunia, fussily checking the clasp of her handbag so as to avoid looking at Harry altogether. +Dudley did not answer but stood there with his mouth slightly ajar, reminding Harry a little of the giant, Grawp. +"Come along, then," said Uncle Vernon. +He had already reached the living room door when Dudley mumbled, "I don't understand." +"What don't you understand, popkin?" asked Petunia looking up at her son. +Dudley raised a large, hamlike hand to point at Harry. +"Why isn't he coming with us? +Uncle Vernon and Aunt Petunia froze when they stood staring at Dudley as though he had just expressed a desire to become a ballerina. +"What?" said Uncle Vernon loudly. +"Why isn't he coming too?" asked Dudley. +"Well, he-doesn't want to," said Uncle Vernon, turning to glare at Harry and adding, "You don't want to, do you?" +"Not in the slightest," said Harry. +"There you are," Uncle Vernon told Dudley. "Now come on we're off." +He marched out of the room. They heard the front door open, but Dudley did not move and after a few faltering steps Aunt Petunia stopped too. +"What now?" barked Uncle Vernon, reappearing in the doorway. +It seemed that Dudley was struggling with concepts too difficult to put into words. After several moments of apparently painful internal struggle he said, "But where's he going to go?" +Aunt Petunia and Uncle Vernon looked at each other. It was clear that Dudley was frightening them. Hestia Jones broke the silence. +"But... surely you know where your nephew is going?" she asked looking bewildered. +"Certainly we know," said Vernon Dursley. "He's off with some of your lot, isn't he? Right, Dudley, let's get in the car, you heard the man, we're in a hurry. +Again, Vernon Dursley marched as far as the front door, but Dudley did not follow. +"Off with some of our lot?" +Hestia looked outraged. Harry had met this attitude before Witches and wizards seemed stunned that his closed living relatives took so little interest in the famous Harry Potter. +"It's fine," Harry assured her. "It doesn't matter, honestly." +"Doesn't matter?" repeated Hestia, her voice rising considerably. +"Don't these people realize what you've been through? What danger you are in? The unique position you hold in the hearts of the anti Voldemort movement?" +"Er -no, they don't," said Harry. "They think I'm a waste of space, actually but I'm used to -" +"I don't think you're a waste of space" +If Harry had not seen Dudley's lips move, he might not have believed it. As it was, he stared at Dudley for several seconds before accepting that it must have been his cousin who had spoken; for one thing, Dudley had turned red. Harry was embarrassed and astonished himself. +"Well... er... thanks, Dudley." +Again, Dudley appeared to grapple with thoughts too unwieldy for expression before mumbling, "You saved my life," +"Not really," said Harry. "It was your soul the dementor would have taken..." +He looked curiously at his cousin. They had had virtually no contact during this summer or last, as Harry had come back to Privet Drive so briefly and kept to his room so much. It now dawned on Harry, however, that the cup of cold tea on which he had trodden that morning might not have been a booby trap at all. Although rather touched he was nevertheless quite relieved that Dudley appeared to have exhausted his ability to express his feelings. After opening his mouth once or twice more, Dudley subsided into scarlet-faced silence. +Aunt Petunia burst into tears. Hestia Jones gave her an approving look that changed to outrage as Aunt Petunia ran forward and embraced Dudley rather than Harry. +"S-so sweet, Dudders..." she sobbed into his massive chest. "S-such a lovely b-boy... s-saying thank you..." +"But he hasn't said thank you at all!" said Hestia indignantly. "He only said he didn't think Harry was a waste of space!" +"Yea but coming from Dudley that's like 'I love you,'" said Harry, torn between annoyance and a desire to laugh as Aunt Petunia continued to clutch at Dudley as if he had just saved Harry from a burning building. +"Are we going or not?" roared Uncle Vernon, reappearing yet again at the living room door. "I thought we were on a tight schedule!" +"Yes -yes, we are," said Dedalus Diggle, who had been watching these exchanged with an air of bemusement and now seemed to pull himself together. "We really must be off. Harry -" +He tripped forward and wrung Harry's hand with both of his own. +"-good luck. I hope we meet again. The hopes of the Wizarding world rest upon your shoulders." +"Oh," said Harry, "right. Thanks." +"Farwell, Harry," said Hestia also clasping his hand. "Our thoughts go with you." +"I hope everything's okay," said Harry with a glance toward Aunt Petunia and Dudley. +"Oh I'm sure we shall end up the best of chums," said Diggle slightly, waving his hat as he left the room. Hestia followed him. +Dudley gently released himself from his mother's clutches and walked toward Harry who had to repress an urge to threaten him with magic. Then Dudley held out his large, pink hand. +"Blimey, Dudley," said Harry over Aunt Petunia's renewed sobs, "did the dementors blow a different personality into you?" +"Dunno," muttered Dudley, "See you, Harry." +"Yea ..." said Harry, raking Dudley's hand and shaking it. "Maybe. Take care, Big D." +Dudley nearly smiled. They lumbered from the room. Harry heard his heavy footfalls on the graveled drive, and then a car door slammed. +Aunt Petunia whose face had been buried in her handkerchief looked around at the sound. She did not seem to have expected to find herself alone with Harry. Hastily stowing her wet handkerchief into her pocket, she said, "Well - good-bye" and marched towards the door without looking at him. +"Good-bye" said Harry. +She stopped and looked back. For a moment Harry had the strangest feeling that she wanted to say something to him; She gave him an odd, tremulous look and seemed to teeter on the edge of speech, but then, with a little of her head, she hustled out of the room after he husband and son. +Chapter Four +The Seven Potters +Harry ran back upstairs to his bedroom, arriving at the window just in time to see the Dursleys' car swinging out of the drive and off up the road. Dedalus�s top hat was visible between Aunt Petunia and Dudley in the backseat. The car turned right at the end of Privet Drive, its windows burned scarlet for a moment in the now setting sun, and then it was gone. +Harry picked up Hedwig�s cage, his Firebolt, and his rucksack, gave his unnaturally tidy bedroom one last sweeping look, and then made his ungainly way back downstairs to the hall, where he deposited cage, broomstick, and bag near the foot of the stairs. The light was fading rapidly, the hall full of shadows in the evening light. It felt most strange to stand here in the silence and know that he was about to leave the house for the last time. Long ago, when he had been left alone while the Dursleys went out to enjoy themselves, the hours of solitude had been a rare treat. Pausing only to sneak something tasty from the fridge, he had rushed upstairs to play on Dudley�s computer, or put on the television and flicked through the channels to his heart�s content. It gave him an odd, empty feeling remembering those times; it was like remembering a younger brother whom he had lost. +"Don�t you want to take a last look at the place?" he asked Hedwig, who was still sulking with her head under her wing. "We�ll never be here again. Don�t you want to remember all the good times? I mean, look at this doormat. What memories ... Dudley sobbed on it after I saved him from the dementors ... Turns out he was grateful after all, can you believe it? ... And last summer, Dumbledore walked through that front door ... " +Harry lost the thread of his thoughts for a moment and Hedwig did nothing to help him retrieve it, but continued to sit with her head under her wing. Harry turned his back on the front door. +"And under here, Hedwig" - Harry pulled open a door under the stairs - "is where I used to sleep! You never knew me then - Blimey, it�s small, I�d forgotten ... " +Harry looked around at the stacked shoes and umbrellas remembering how he used to wake every morning looking up at the underside of the staircase, which was more often than not adorned with a spider or two. Those had been the days before he had known anything about his true identity; before he had found out how his parents had died or why such strange things often happened around him. But Harry could still remember the dreams that had dogged him, even in those days: confused dreams involving flashes of green light and once - Uncle Vernon had nearly crashed the car when Harry had recounted it - a flying motorbike ... +There was a sudden, deafening roar from somewhere nearby. Harry straightened up with a jerk and smacked the top of his head on the low door frame. Pausing only to employ a few of Uncle Vernon�s choicest swear words, he staggered back into the kitchen, clutching his head and staring out of the window into the back garden. +The darkness seemed to be rippling, the air itself quivering. Then, one by one, figures began to pop into sight as their Disillusionment Charms lifted. Dominating the scene was Hagrid, wearing a helmet and goggles and sitting astride an enormous motorbike with a black sidecar attached. All around him other people were dismounting from brooms and, in two cases, skeletal, black winged horses. +Wrenching open the back door, Harry hurtled into their midst. There was a general cry of greeting as Hermione flung her arms around him, Ron clapped him on the back, and Hagrid said, "All righ�, Harry? Ready fer the off?" +"Definitely," said Harry, beaming around at them all. "But I wasn�t expecting this many of you!" +"Change of plan," growled Mad-Eye, who was holding two enormous bulging sacks, and whose magical eye was spinning from darkening sky to house to garden with dizzying rapidity. "Let�s get undercover before we talk you through it." +Harry led them all back into the kitchen where, laughing and chattering, they settled on chairs, sat themselves upon Aunt Petunia�s gleaming work surfaces, or leaned up against her spotless appliances; Ron, long and lanky; Hermione, her bushy hair tied back in a long plait; Fred and George, grinning identically; Bill, badly scarred and long-haired; Mr. Weasley, kind-faced, balding, his spectacles a little awry; Mad-Eye, battle-worn, one-legged, his bright blue magical eye whizzing in its socket; Tonks, whose short hair was her favorite shade of bright pink; Lupin, grayer, more lined; Fleur, slender and beautiful, with her long silvery blonde hair; Kingsley, bald and broad-shouldered; Hagrid, with his wild hair and beard, standing hunchbacked to avoid hitting his head on the ceiling; and Mundungus Fletcher, small, dirty, and hangdog, with his droopy beady hound�s eyes and matted hair. Harry�s heart seemed to expand and glow at the sight: He +felt incredibly fond of all of them, even Mundungus, whom he had tried to strangle the last time they had met. +"Kingsley, I thought you were looking after the Muggle Prime Minister?" he called across the room. +"He can get along without me for one night," said Kingsley, "You�re more important." +"Harry, guess what?" said Tonks from her perch on top of the washing machine, and she wiggled her left hand at him; a ring glistened there. +"You got married?" Harry yelped, looking from her to Lupin. +"I�m sorry you couldn�t be there, Harry, it was very quiet." +"That�s brilliant, congrat -" +"All right, all right, we�ll have time for a cozy catch-up later," roared Moody over the hubbub, and silence fell in the kitchen. Moody dropped his sacks at his feet and turned to Harry. "As Dedalus probably told you, we had to abandon Plan A. Pius Thicknesse has gone over, which gives us a big problem. He�s made it an imprisonable offense to connect this house to the Floo Network, place a Portkey here, or Apparate in or out. All done in the name of your protection, to prevent You-Know-Who getting in at you. Absolutely pointless, seeing as your mother�s charm does that already. What he�s really done is to stop you getting out of here safely." +"Second problem: You�re underage, which means you�ve still got the Trace on you." +"I don�t -" +"The Trace, the Trace!" said Mad-Eye impatiently. "The charm that detects magical activity around under-seventeens, the way the Ministry finds out about underage magic! If you, or anyone around you, casts a spell to get you out of here, Thicknesse is going to know about it, and so will the Death Eaters." +"We can�t wait for the Trace to break, because the moment you turn seventeen you�ll lose all the protection your mother gave you. In short, Pius Thicknesse thinks he�s got you cornered good and proper." +Harry could not help but agree with the unknown Thicknesse. +"So what are we going to do?" +"We�re going to use the only means of transport left to us, the only ones the Trace can�t detect, because we don�t need to cast spells to use them: brooms, thestrals, and Hagrid�s motorbike." +Harry could see flaws in this plan; however, he held his tongue to give Mad-Eye the chance to address them. +"Now, your mother�s charm will only break under two conditions: when you come of age, or" - Moody gestured around the pristine kitchen - "you no longer call this place home. You and your aunt and uncle are going your separate ways tonight, in the full understanding that you�re never going to live together again, correct?" +Harry nodded. +"So this time, when you leave, there�ll be no going back, and the charm will break the moment you get outside its range. We�re choosing to break it early, because the alternative is waiting for You-Know-Who to come and seize you the moment you turn seventeen. +"The one thing we�ve got on our side is that You-Know-Who doesn�t know we�re moving you tonight. We�ve leaked a fake trail to the Ministry: They think you�re not leaving until the thirtieth. However, this is You-Know-Who we�re dealing with, so we can�t rely on him getting the date wrong; he�s bound to have a couple of Death Eaters patrolling the skies in this general area, just in case. So, we�ve given a dozen different houses every protection we can throw at them. They all look like they could be the place we�re going to hide you, they�ve all got some connection with the Order: my house, Kingsley�s place, Molly�s Auntie Muriel�s - you get the idea." +"Yeah," said Harry, not entirely truthfully, because he could still spot a gaping hole in the plan. +"You�ll be going to Tonks�s parents. Once you�re within the boundaries of the protective enchantments we�ve put on their house you�ll be able to use a Portkey to the Burrow. Any questions?" +"Er - yes," said Harry. "Maybe they won�t know which of the twelve secure houses I�m heading for at first, but won�t it be sort of obvious once" - he performed a quick headcount - "fourteen of us fly off toward Tonks�s parents?" +"Ah," said Moody, "I forgot to mention the key point. Fourteen of us won�t be flying to Tonks�s parents. There will be seven Harry Potters moving through the skies tonight, each of them with a companion, each pair heading for a different safe house." +From inside his cloak Moody now withdrew a flask of what looked like mud. There was no need for him to say another word; Harry understood the rest of the plan immediately. +"No!" he said loudly, his voice ringing through the kitchen. "No way!" +"I told them you�d take it like this," said Hermione with a hint of complacency. +"If you think I�m going to let six people risk their lives -- !" +"-because it�s the first time for all of us," said Ron. +"This is different, pretending to be me -" +"Well, none of us really fancy it, Harry," said Fred earnestly. "Imagine if something went wrong and we were stuck as specky, scrawny gits forever." +Harry did not smile. +"You can�t do it if I don�t cooperate, you need me to give you some hair." +"Well, that�s the plan scuppered," said George. "Obviously there�s no chance at all of us getting a bit of your hair unless you cooperate." +"Yeah, thirteen of us against one bloke who�s not allowed to use magic; we�ve got no chance," said Fred. +"Funny," said Harry, "really amusing." +"If it has to come to force, then it will," growled Moody, his magical eye now quivering a little in its socket as he glared at Harry. "Everyone here�s overage, Potter, and they�re all prepared to take the risk." +Mundungus shrugged and grimaced; the magical eye swerved sideways to glance at him out of the side of Moody�s head. +"Let�s have no more arguments. Time�s wearing on. I want a few of your hairs, boy, now." +"But this is mad, there�s no need -" +"No need!" snarled Moody. "With You-Know-Who out there and half the Ministry on his side? Potter, if we�re lucky he�ll have swallowed the fake bait and he�ll +be planning to ambush you on the thirtieth, but he�d be mad not to have a Death Eater or two keeping an eye out, it�s what I�d do. They might not be able to get at you or this house while your mother�s charm holds, but it�s about to break and they know the rough position of the place. Our only chance is to use decoys. Even You-Know-Who can�t split himself into seven." +Harry caught Hermione�s eye and looked away at once. +"So, Potter - some of your hair, if you please." +Harry glanced at Ron, who grimaced at him in a just-do-it sort of way. +"Now!" barked Moody. +With all of their eyes upon him, Harry reached up to the top of his head, grabbed a hank of hair, and pulled. +"Good," said Moody, limping forward as he pulled the stopper out of the flask of potion. "Straight in here, if you please." +Harry dropped the hair into the mudlike liquid. The moment it made contact with its surface, the potion began to froth and smoke, then, all at once, it turned a clear, bright gold. +"Ooh, you look much tastier than Crabbe and Goyle, Harry," said Hermione, before catching sight of Ron�s raised eyebrows, blushing slightly, and saying, "Oh, you know what I mean - Goyle�s potion tasted like bogies." +"Right then, fake Potters line up over here, please," said Moody. +Ron, Hermione, Fred, George, and Fleur lined up in front of Aunt Petunia�s gleaming sink. +"We�re one short," said Lupin. +"Here," said Hagrid gruffly, and he lifted Mundungus by the scruff of the neck and dropped him down beside Fleur, who wrinkled her nose pointedly and moved along to stand between Fred and George instead. +"I�m a soldier, I�d sooner be a protector," said Mundungus. +"Shut it," growled Moody. "As I�ve already told you, you spineless worm, any Death Eaters we run into will be aiming to capture Potter, not kill him. Dumbledore always said You-Know-Who would want to finish Potter in person. It�ll be the protectors who have got the most to worry about, the Death Eaters�ll want to kill them." +Mundungus did not look particularly reassured, but Moody was already pulling half a dozen eggcup-sized glasses from inside his cloak, which he handed out, before pouring a little Polyjuice Potion into each one. +"Altogether, then ... " +Ron, Hermione, Fred, George, Fleur, and Mundungus drank. All of them gasped and grimaced as the potion hit their throats; At once, their features began to bubble and distort like hot wax. Hermione and Mundungus were shooting upward; Ron, Fred, and George were shrinking; their hair was darkening, Hermione�s and Fleur�s appearing to shoot backward into their skulls. +Moody, quite unconcerned, was now loosening the ties of the large sacks he had brought with him. When he straightened up again, there were six Harry Potters gasping and panting in front of him. +Fred and George turned to each other and said together, "Wow - we�re identical!" +"I dunno, though, I think I�m still better-looking," said Fred, examining his reflection in the kettle. +"Bah," said Fleur, checking herself in the microwave door, "Bill, don�t look at me - I�m �ideous." +"Those whose clothes are a bit roomy, I�ve got smaller here," said Moody, indicating the first sack, "and vice versa. Don�t forget the glasses, there�s six pairs in the side pocket. And when you�re dressed, there�s luggage in the other sack." +The real Harry thought that this might just be the most bizarre thing he had ever seen, and he had seen some extremely odd things. He watched as his six doppelgangers rummaged in the sacks, pulling out sets of clothes, putting on glasses, stuffing their own things away. He felt like asking them to show a little more respect for privacy as they all began stripping off with impunity, clearly more at ease with displaying his body than they would have been with their own. +"I knew Ginny was lying about that tattoo," said Ron, looking down at his bare chest. +"Harry, your eyesight really is awful," said Hermione, as she put on glasses. +Once dressed, the fake Harrys took rucksacks and owl cages, each containing a stuffed snowy owl, from the second sack. +"Good," said Moody, as at last seven dressed, bespectacled, and luggage-laden Harrys faced him. "The pairs will be as follows: Mundungus will be traveling with me, by broom -" +"Why�m I with you?" grunted the Harry nearest the back door. +"Because you�re the one that needs watching," growled Moody, and sure enough, his magical eye did not waver from Mundungus as he continued, "Arthur and Fred -" +"I�m George," said the twin at whom Moody was pointing. "Can�t you even tell us apart when we�re Harry?" +"Sorry, George -" +"I�m only yanking your wand, I�m Fred really -" +"Enough messing around!" snarled Moody. "The other one - George or Fred or whoever you are - you�re with Remus. Miss Delacour -" +"I�m taking Fleur on a thestral," said Bill. "She�s not that fond of brooms." +Fleur walked over to stand beside him, giving him a soppy, slavish look that Harry hoped with all his heart would never appear on his face again. +"Miss Granger with Kingsley, again by thestral -" +Hermione looked reassured as she answered Kingsley�s smile; Harry knew that Hermione too lacked confidence on a broomstick. +"Which leaves you and me, Ron!" said Tonks brightly, knocking over a mug tree as she waved at him. +Ron did not look quite as pleased as Hermione. +"An� you�re with me, Harry. That all righ�?" said Hagrid, looking a little anxious. "We�ll be on the bike, brooms an� thestrals can�t take me weight, see. Not a lot o� room on the seat with me on it, though, so you�ll be in the sidecar." +"That�s great," said Harry, not altogether truthfully. +"We think the Death Eaters will expect you to be on a broom," said Moody, who seemed to guess how Harry was feeling. "Snape�s had plenty of time to tell them everything about you he�s never mentioned before, so if we do run into any Death Eaters, we�re betting they�ll choose one of the Potters who looks at home on a broomstick. All right then," he went on, tying up the sack with the fake Potters� clothes in it and leading +the way back to the door, "I make it three minutes until we�re supposed to leave. No point locking the back door, it won�t keep the Death Eaters out when they come looking. Come on ..." +Harry hurried to gather his rucksack, Firebolt, and Hedwig�s cage and followed the group to the dark back garden. +On every side broomsticks were leaping into hands; Hermione had already been helped up onto a great black thestral by Kingsley, Fleur onto the other by Bill. Hagrid was standing ready beside the motorbike, goggles on. +"Is this it? Is this Sirius�s bike?" +"The very same," said Hagrid, beaming down at Harry. "An� the last time yeh was on it, Harry, I could fit yeh in one hand!" +Harry could not help but feel a little humiliated as he got into the sidecar. It placed him several feet below everybody else: Ron smirked at the sight of him sitting there like a child in a bumper car. Harry stuffed his rucksack and broomstick down by his feet and rammed Hedwig�s cage between his knees. He was extremely uncomfortable. +"Arthur�s done a bit o� tinkerin�," said Hagrid, quite oblivious to Harry�s discomfort. He settled himself astride the motorcycle, which creaked slightly and sank inches into the ground. "It�s got a few tricks up its sleeves now. Tha� one was my idea." He pointed a thick finger at a purple button near the speedometer. +"Please be careful, Hagrid." said Mr. Weasley, who was standing beside them, holding his broomstick. "I'm still not sure that was advisable and it's certainly only to be used in emergencies." +"All right, then." said Moody. "Everyone ready, please. I want us all to leave at exactly the same time or the whole point of the diversion's lost." +Everybody motioned their heads. +"Hold tight now, Ron," said Tonks, and Harry saw Ron throw a forcing, guilty look at Lupin before placing his hands on each side of her waist. Hagrid kicked the motorbike into life: It roared like a dragon, and the sidecar began to vibrate. +"Good luck, everyone," shouted Moody. "See you all in about an hour at the Burrow. On the count of three. One ... two .. THREE." +There was a great roar from the motorbike, and Harry felt the sidecar give a nasty lurch. He was rising through the air fast, his eyes watering slightly, hair whipped back off his face. Around him brooms were soaring upward too; the long black tail of a thestral flicked past. His legs, jammed into the sidecar by Hedwig�s cage and his rucksack, were already sore and starting to go numb. So great was his discomfort that he almost forgot to take a last glimpse of number four Privet Drive. By the time he looked over the edge of the sidecar he could no longer tell which one it was. +And then, out of nowhere, out of nothing, they were surrounded. At least thirty hooded figures, suspended in midair, formed a vast circle in the middle of which the Order members had risen, oblivious - +Screams, a blaze of green light on every side: Hagrid gave a yell and the motorbike rolled over. Harry lost any sense of where they were. Streetlights above him, yells around him, he was clinging to the sidecar for dear life. Hedwig's cage, the Firebolt, and his rucksack slipped from beneath his knees - +"No - HELP!" +The broomstick spun too, but he just managed to seize the strap of his rucksack and the top of the cage as the motorbike swung the right way up again. A second's relief, and then another burst of green light. The owl screeched and fell to the floor of the cage. +"No - NO!" +The motorbike zoomed forward; Harry glimpsed hooded Death Eaters scattering as Hagrid blasted through their circle. +"Hedwig - Hedwig -" +But the owl lay motionless and pathetic as a toy on the floor of her cage. He could not take it in, and his terror for the others was paramount. He glanced over his shoulder and saw a mass of people moving, flares of green light, two pairs of people on brooms soaring off into the distance, but he could not tell who they were - +"Hagrid, we've got to go back, we've got to go back!" he yelled over the thunderous roar of the engine, pulling out his wand, ramming Hedwig's cage into the floor, refusing to believe that she was dead. "Hagrid, TURN AROUND!" +"My job's ter get you there safe, Harry!" bellow Hagrid, and he opened the throttle. +"Stop - STOP!" Harry shouted, but as he looked back again two jets of green light flew past his left ear: Four Death Eaters had broken away from the circle and were pursuing them, aiming for Hagrid's broad back. Hagrid swerved, but the Death Eaters were keeping up with the bike; more curses shot after them, and Harry had to sink low into the sidecar to avoid them. Wriggling around he cried, "Stupefy!" and a red bolt of light shot from his own wand, cleaving a gap between the four pursuing Death Eaters as they scattered to avoid it. +"Hold on, Harry, this'll do for 'em!" roared Hagrid, and Harry looked up just in time to see Hagrid slamming a thick finger into a green button near the fuel gauge. +A wall, a solid black wall, erupted out of the exhaust pipe. Craning his neck, Harry saw it expand into being in midair. Three of the Death Eaters swerved and avoided it, but the fourth was not so lucky; He vanished from view and then dropped like a boulder from behind it, his broomstick broken into pieces. One of his fellows slowed up to save him, but they and the airborne wall were swallowed by darkness as Hagrid leaned low over the handlebars and sped up. +More Killing Curses flew past Harry's head from the two remaining Death Eaters' wands; they were aiming for Hagrid. Harry responded with further Stunning Spells: Red and green collided in midair in a shower of multicolored sparks, and Harry thought wildly of fireworks, and the Muggles below who would have no idea what was happening - +"Here we go again, Harry, hold on!" yelled Hagrid, and he jabbed at a second button. This time a great net burst from the bike's exhaust, but the Death Eaters were ready for it. Not only did they swerve to avoid it, but the companion who had slowed to save their unconscious friend had caught up. He bloomed suddenly out of the darkness and now three of them were pursuing the motorbike, all shooting curses after it. +"This'll do it, Harry, hold on tight!" yelled Hagrid, and Harry saw him slam his whole hand onto the purple button beside the speedometer. +With an unmistakable bellowing roar, dragon fire burst from the exhaust, white-hot and blue, and the motorbike shot forward like a bullet with a sound of wrenching metal. Harry saw the Death Eaters swerve out of sight to avoid the deadly trail of flame, +and at the same time felt the sidecar sway ominously: Its metal connections to the bike had splintered with the force of acceleration. +"It's all righ', Harry!" bellowed Hagrid, now thrown flat onto the back by the surge of speed; nobody was steering now, and the sidecar was starting to twist violently in the bike's slipstream. +"I'm on it, Harry, don' worry!" Hagrid yelled, and from inside his jacket pocket he pulled his flowery pink umbrella. +"Hagrid! No! Let me!" +"REPARO!" +There was a deafening bang and the sidecar broke away from the bike completely. Harry sped forward, propelled by the impetus of the bike's flight, then the sidecar began to lose height - +In desperation Harry pointed his wand at the sidecar and shouted, "Wingardium Leviosa!" +The sidecar rose like a cork, unsteerable but at least still airborne. He had but a split second's relief, however, as more curses streaked past him: The three Death Eaters were closing in. +"I'm comin', Harry!" Hagrid yelled from out of the darkness, but Harry could feel the sidecar beginning to sink again: Crouching as low as he could, he pointed at the middle of the oncoming figures and yelled, "Impedimenta!" +The jinx hit the middle Death Eater in the chest; For a moment the man was absurdly spread-eagled in midair as though he had hit an invisible barrier: One of his fellows almost collided with him - +Then the sidecar began to fall in earnest, and the remaining Death Eater shot a curse so close to Harry that he had to duck below the rim of the car, knocking out a tooth on the edge of his seat - +"I'm comin', Harry, I'm comin'!" +A huge hand seized the back of Harry's robes and hoisted him out of the plummeting sidecar; Harry pulled his rucksack with him as he dragged himself onto the motorbike's seat and found himself back-to-back with Hagrid. As they soared upward, away from the two remaining Death Eaters, Harry spat blood out of his mouth, pointed his wand at the falling sidecar, and yelled, "Confringo!" +He knew a dreadful, gut-wrenching pang for Hedwig as it exploded; the Death Eater nearest it was blasted off his broom and fell from sight; his companion fell back and vanished. +"Harry, I'm sorry, I'm sorry," moaned Hagrid, "I shouldn'ta tried ter repair it meself - yeh've got no room -" +"It's not a problem, just keep flying!" Harry shouted back, as two more Death Eaters emerged out of the darkness, drawing closer. +As the curses came shooting across the intervening space again, Hagrid swerved and zigzagged: Harry knew that Hagrid did not dare use the dragon-fire button again, with Harry seated so insecurely. Harry sent Stunning Spell after Stunning Spell back at their pursuers, barely holding them off. He shot another blocking jinx at them: The closest Death Eater swerved to avoid it and his hood slipped, and by the red light of his next Stunning Spell, Harry saw the strangely blank face of Stanley Shunpike - Stan - +"Expelliarmus!" Harry yelled. +"That's him, it's him, it's the real one!" +The hooded Death Eater's shout reached Harry even above the thunder of the motorbike's engine: Next moment, both pursuers had fallen back and disappeared from view. +"Harry, what's happened?" bellowed Hagrid. "Where've they gone?" +"I don't know!" +But Harry was afraid: The hooded Death Eater had shouted, "It's the real one!"; how had he known? He gazed around at the apparently empty darkness and felt its menace. Where were they? +He clambered around on the seat to face forward and seized hold of the back of Hagrid's jacket. +"Hagrid, do the dragon-fire thing again, let's get out of here!" +"Hold on tight, then, Harry!" +There was a deafening, screeching roar again and the white-blue fire shot from the exhaust: Harry felt himself slipping backwards off what little of the seat he had. Hagrid flung backward upon him, barely maintaining his grip on the handlebars - +"I think we've lost 'em Harry, I think we've done it!" yelled Hagrid. +But Harry was not convinced; Fear lapped at him as he looked left and right for pursuers he was sure would come. . . . Why had they fallen back? One of them had still had a wand. . . . It's him. . . it's the real one. . . . They had said it right after he had tried to Disarm Stan. . . . +"We're nearly there, Harry, we've nearly made it!" shouted Hagrid. +Harry felt the bike drop a little, though the lights down on the ground still seemed remote as stars. +Then the scar on his forehead burned like fire: as a Death Eater appeared on either side of the bike, two Killing Curses missed Harry by millimeters, cast from behind - +And then Harry saw him. Voldemort was flying like smoke on the wind, without broomstick or thestral to hold him, his snake-like face gleaming out of the blackness, his white fingers raising his wand again - +Hagrid let out a bellow of fear and steered the motorbike into a vertical dive. Clinging on for dear life, Harry sent Stunning Spells flying at random into the whirling night. He saw a body fly past him and knew he had hit one of them, but then he heard a bang and saw sparks from the engine; the motorbike spiraled through the air, completely out of control - +Green jets of light shot past them again. Harry had no idea which way was up, which down: His scar was still burning; he expected to die at any second. A hooded figure on a broomstick was feet from him, he saw it raise its arm - +"NO!" +With a shout of fury Hagrid launched himself off the bike at the Death Eater; to his horror, Harry saw both Hagrid and the Death Eater, falling out of sight, their combined weight too much for the broomstick - +Barely gripping the plummeting bike with his knees, Harry heard Voldemort scream, "Mine!" +It was over: He could not see or hear where Voldemort was; he glimpsed another Death Eater swooping out of the way and heard, "Avada -" +As the pain from Harry's scar forced his eyes shut, his wand acted of its own accord. He felt it drag his hand around like some great magnet, saw a spurt of golden fire through his half-closed eyelids, heard a crack and a scream of fury. The remaining Death Eater yelled; Voldemort screamed, "NO!" Somehow, Harry found his nose an inch from the dragon-fire button. He punched it with his wand-free hand and the bike shot more flames into the air, hurtling straight toward the ground. +"Hagrid!" Harry called, holding on to the bike for dear life. "Hagrid - Accio Hagrid!" +The motorbike sped up, sucked towards the earth. Face level with the handlebars, Harry could see nothing but distant lights growing nearer and nearer: He was going to crash and there was nothing he could do about it. Behind him came another scream, "Your wand, Selwyn, give me your wand!" +He felt Voldemort before he saw him. Looking sideways, he stared into the red eyes and was sure they would be the last thing he ever saw: Voldemort preparing to curse him once more - +And then Voldemort vanished. Harry looked down and saw Hagrid spread-eagled on the ground below him. He pulled hard at the handlebars to avoid hitting him, groped for the brake, but with an earsplitting, ground trembling crash, he smashed into a muddy pond. +Chapter Five +Fallen Warrior +"Hagrid?" +Harry struggled to raise himself out of the debris of metal and leather that surrounded him; his hands sank into inches of muddy water as he tried to stand. He could not understand where Voldemort had gone and expected him to swoop out of the darkness at any moment. Something hot and wet was trickling down his chin and from his forehead. He crawled out of the pond and stumbled toward the great dark mass on the ground that was Hagrid. +"Hagrid? Hagrid, talk to me -" +But the dark mass did not stir. +"Who's there? Is it Potter? Are you Harry Potter?" +Harry did not recognize the man's voice. Then a woman shouted. "They've crashed. Ted! Crashed in the garden!" +Harry's head was swimming. +"Hagrid," he repeated stupidly, and his knees buckled. +The next thing he knew, he was lying on his back on what felt like cushions, with a burning sensation in his ribs and right arm. His missing tooth had been regrown. The scar on his forehead was still throbbing. +"Hagrid?" +He opened his eyes and saw that he was lying on a sofa in an unfamiliar, lamplit sitting room. His rucksack lay on the floor a short distance away, wet and muddy. A fair-haired, big-bellied man was watching Harry anxiously. +"Hagrid's fine, son," said the man, "the wife's seeing to him now. How are you feeling? Anything else broken? I've fixed your ribs, your tooth, and your arm. I'm Ted, by the way, Ted Tonks - Dora's father." +Harry sat up too quickly. Lights popped in front of his eyes and he felt sick and giddy. +"Voldemort -" +"Easy, now," said Ted Tonks, placing a hand on Harry's shoulder and pushing him back against the cushions. "That was a nasty crash you just had. What happened, anyway? Something go wrong with the bike? Arthur Weasley overstretch himself again, him and his Muggle contraptions?" +"No," said Harry, as his scar pulsed like an open wound. "Death Eaters, loads of them - we were chased -" +"Death Eaters?" said Ted sharply. "What d'you mean, Death Eaters? I thought they didn't know you were being moved tonight, I thought -" +"They knew," said Harry. +Ted Tonks looked up at the ceiling as though he could see through it to the sky above. +"Well, we know our protective charms hold, then, don't we? They shouldn't be able to get within a hundred yards of the place in any direction." +Now Harry understood why Voldemort had vanished; it had been at the point when the motorbike crossed the barrier of the Order's charms. He only hoped they would continue to work: He imagined Voldemort, a hundred yards above them as they spoke, looking for a way to penetrate what Harry visualized as a great transparent bubble. +He swung his legs off the sofa; he needed to see Hagrid with his own eyes before he would believe that he was alive. He had barely stood up, however, when a door opened and Hagrid squeezed through it, his face covered in mud and blood, limping a little but miraculously alive. +"Harry!" +Knocking over two delicate tables and an aspidistra, he covered the floor between them in two strides and pulled Harry into a hug that nearly cracked his newly repaired ribs. "Blimey, Harry, how did yeh get out o' that? I thought we were both goners." +"Yeah, me too. I can't believe -" +Harry broke off. He had just noticed the woman who had entered the room behind Hagrid. +"You!" he shouted, and he thrust his hand into his pocket, but it was empty. +"Your wand's here, son," said Ted, tapping it on Harry's arm. "It fell right beside you, I picked it up...And that's my wife you're shouting at." +"Oh, I'm - I'm sorry." +As she moved forward into the room, Mrs. Tonks's resemblance to her sister Bellatrix became much less pronounced: Her hair was a light�s oft brown and her eyes were wider and kinder. Nevertheless, she looked a little haughty after Harry's exclamation. +"What happened to our daughter?" she asked. "Hagrid said you were ambushed; where is Nymphadora?" +"I don't know," said Harry. "We don't know what happened to anyone else." +She and Ted exchanged looks. A mixture of fear and guilt gripped Harry at the sight of their expressions, if any of the others had died, it was his fault, all his fault. He had consented to the plan, given them his hair . . . +"The Portkey," he said, remembering all of a sudden. "We've got to get back to the Burrow and find out - then we'll be able to send you word, or - or Tonks will, once she's -" +"Dora'll be ok, 'Dromeda," said Ted. "She knows her stuff, she's been in plenty of tight spots with the Aurors. The Portkey's through here," he added to Harry. "It's supposed to leave in three minutes, if you want to take it." +"Yeah, we do," said Harry. He seized his rucksack, swung it onto his shoulders. "I -" +He looked at Mrs. Tonks, wanting to apologize for the state of fear in which he left her and for which he felt so terribly responsible, but no words occurred to him that he did not seem hollow and insincere. +"I'll tell Tonks - Dora - to send word, when she . . . Thanks for patching us up, thanks for everything, I -" +He was glad to leave the room and follow Ted Tonks along a short hallway and into a bedroom. Hagrid came after them, bending low to avoid hitting his head on the door lintel. +"There you go, son. That's the Portkey." +Mr. Tonks was pointing to a small, silver-backed hairbrush lying on the dressing table. +"Thanks," said Harry, reaching out to place a finger on it, ready to leave. +"Wait a moment," said Hagrid, looking around. "Harry, where's Hedwig?" +"She . . . she got hit," said Harry. +The realization crashed over him: He felt ashamed of himself as the tears stung his eyes. The owl had been his companion, his one great link with the magical world whenever he had been forced to return to the Dursleys. +Hagrid reached out a great hand and patted him painfully on the shoulder. +"Never mind," he said gruffly, "Never mind. She had a great old life -" +"Hagrid!" said Ted Tonks warningly, as the hairbrush glowed bright blue, and Hagrid only just got his forefinger to it in time. +With a jerk behind the navel as though an invisible hook and line had dragged him forward, Harry was pulled into nothingness, spinning uncontrollably, his finger glued to the Portkey as he and Hagrid hurtled away from Mr. Tonks. Second later, Harry's feet slammed onto hard ground and he fell onto his hands and knees in the yard of the Burrow. He heard screams. Throwing aside the no longer glowing hairbrush, Harry stood up, swaying slightly, and saw Mrs. Weasley and Ginny running down the steps by the back door as Hagrid, who had also collapsed on landing, clambered laboriously to his feet. +"Harry? You are the real Harry? What happened? Where are the others?" cried Mrs. Weasley. +"What d'you mean? Isn't anyone else back?" Harry panted. +The answer was clearly etched in Mrs. Weasley's pale face. +"The Death Eaters were waiting for us," Harry told her, "We were surrounded the moment we took off - they knew it was tonight - I don't know what happened to anyone +else, four of them chased us, it was all we could do to get away, and then Voldemort caught up with us -" +He could hear the self-justifying note in his voice, the plea for her to understand why he did not know what had happened to her sons, but - +"Thank goodness you're all right," she said, pulling him into a hug he did not feel he deserved. +"Haven't go' any brandy, have yeh, Molly?" asked Hagrid a little shakily, "Fer medicinal purposes?" +She could have summoned it by magic, but as she hurried back toward the crooked house, Harry knew that she wanted to hide her face. He turned to Ginny and she answered his unspoken plea for information at once. +"Ron and Tonks should have been back first, but they missed their Portkey, it came back without them," she said, pointing at a rusty oil can lying on the ground nearby. "And that one," she pointed at an ancient sneaker, "should have been Dad and Fred's, they were supposed to be second. You and Hagrid were third and," she checked her watch, "if they made it, George and Lupin aught to be back in about a minute." +Mrs. Weasley reappeared carrying a bottle of brandy, which she handed to Hagrid. He uncorked it and drank it straight down in one. +"Mum!" shouted Ginny pointing to a spot several feet away. +A blue light had appeared in the darkness: It grew larger and brighter, and Lupin and George appeared, spinning and then falling. Harry knew immediately that there was something wrong: Lupin was supporting George, who was unconscious and whose face was covered in blood. +Harry ran forward and seized George's legs. Together, he and Lupin carried George into the house and through the kitchen to the living room, where they laid him on the sofa. As the lamplight fell across George's head, Ginny gasped and Harry's stomach lurched: One of George's ears was missing. The side of his head and neck were drenched in wet, shockingly scarlet blood. +No sooner had Mrs. Weasley bent over her son that Lupin grabbed Harry by the upper arm and dragged him, none too gently, back into the kitchen, where Hagrid was still attempting to ease his bulk through the back door. +"Oi!" said Hagrid indignantly, "Le' go of him! Le' go of Harry!" +Lupin ignored him. +"What creature sat in the corner the first time that Harry Potter visited my office at Hogwarts?" he said, giving Harry a small shake. "Answer me!" +"A - a grindylow in a tank, wasn't it?" +Lupin released Harry and fell back against a kitchen cupboard. +"Wha' was tha' about?" roared Hagrid. +"I'm sorry, Harry, but I had to check," said Lupin tersely. "We've been betrayed. Voldemort knew that you were being moved tonight and the only people who could have told him were directly involved in the plan. You might have been an impostor." +"So why aren' you checkin' me?" panted Hagrid, still struggling with the door. +"You're half-giant," said Lupin, looking up at Hagrid. "The Polyjuice Potion is designed for human use only." +"None of the Order would have told Voldemort we were moving tonight," said Harry. The idea was dreadful to him, he could not believe it of any of them. "Voldemort +only caught up with me toward the end, he didn't know which one I was in the beginning. If he'd been in on the plan he'd have known from the start I was the one with Hagrid." +"Voldemort caught up with you?" said Lupin sharply. "What happened? How did you escape?" +Harry explained how the Death Eaters pursuing them had seemed to recognize him as the true Harry, how they had abandoned the chase, how they must have summoned Voldemort, who had appeared just before he and Hagrid had reached the sanctuary of Tonks's parents. +"They recognized you? But how? What had you done?" +"I . . ." Harry tried to remember; the whole journey seemed like a blur of panic and confusion. "I saw Stan Shunpike . . . . You know, the bloke who was the conductor on the Knight Bus? And I tried to Disarm him instead of - well, he doesn't know what he's doing, does he? He must be Imperiused!" +Lupin looked aghast. +"Harry, the time for Disarming is past! These people are trying to capture and kill you! At least Stun if you aren't prepared to kill!" +"We were hundreds of feet up! Stan's not himself, and if I Stunned him and he'd fallen, he'd have died the same as if I'd used Avada Kedavra! Expelliarmus saved me from Voldemort two years ago," Harry added defiantly. Lupin was reminding him of the sneering Hufflepuff Zacharias Smith, who had jeered at Harry for wanting to teach Dumbledore's Army how to Disarm. +"Yes, Harry," said Lupin with painful restraint, "and a great number of Death Eaters witnessed that happening! Forgive me, but it was a very unusual move then, under the imminent threat of death. Repeating it tonight in front of Death Eaters who either witnessed or heard about the first occasion was close to suicidal!" +"So you think I should have killed Stan Shunpike?" said Harry angrily. +"Of course not," said Lupin, "but the Death Eaters - frankly, most people! - would have expected you to attack back! Expelliarmus is a useful spell, Harry, but the Death Eaters seem to think it is your signature move, and I urge you not to let it become so!" +Lupin was making Harry feel idiotic, and yet there was still a grain of defiance inside him. +"I won't blast people out of my way just because they're there," said Harry, "That's Voldemort's job." +Lupin's retort was lost: Finally succeeding in squeezing through the door, Hagrid staggered to a chair and sat down; it collapsed beneath him. Ignoring his mingled oaths and apologies, Harry addressed Lupin again. +"Will George be okay?" +All Lupin's frustration with Harry seemed to drain away at the question. +"I think so, although there's no chance of replacing his ear, not when it's been cursed off -" +There was a scuffling from outside. Lupin dived for the back door; Harry leapt over Hagrid's legs and sprinted into the yard. +Two figures had appeared in the yard, and as Harry ran toward them he realized they were Hermione, now returning to her normal appearance, and Kingsley, both clutching a bent coat hanger, Hermione flung herself into Harry's arms, but Kingsley +showed no pleasure at the sight of any of them. Over Hermione's shoulder Harry saw him raise his wand and point it at Lupin's chest. +"The last words Albus Dumbledore spoke to the pair of us!" +"'Harry is the best hope we have. Trust him,'" said Lupin calmly. +Kingsley turned his wand on Harry, but Lupin said, "It's him, I've checked!" +"All right, all right!" said Kingsley, stowing his wand back beneath his cloak, "But somebody betrayed us! They knew, they knew it was tonight!" +"So it seems," replied Lupin, "but apparently they did not realize that there would be seven Harrys." +"Small comfort!" snarled Kingsley. "Who else is back?" +"Only Harry, Hagrid, George, and me." +Hermione stifled a little moan behind her hand. +"What happened to you?" Lupin asked Kingsley. +"Followed by five, injured two, might've killed one," Kingsley reeled off, "and we saw You-Know-Who as well, he joined the chase halfway through but vanished pretty quickly. Remus, he can -" +"Fly," supplied Harry. "I saw him too, he came after Hagrid and me." +"So that's why he left, to follow you!" said Kingsley, "I couldn't understand why he'd vanished. But what made him change targets?" +"Harry behaved a little too kindly to Stan Shunpike," said Lupin. +"Stan?" repeated Hermione. "But I thought he was in Azkaban?" +Kingsley let out a mirthless laugh. +"Hermione, there's obviously been a mass breakout which the Ministry has hushed up. Travers's hood fell off when I cursed him, he's supposed to be inside too. But what happened to you, Remus? Where's George?" +"He lost an ear," said Lupin. +"lost an -- ?" repeated Hermione in a high voice. +"Snape's work," said Lupin. +"Snape?" shouted Harry. "You didn't say -" +"He lost his hood during the chase. Sectumsempra was always a specialty of Snape's. I wish I could say I'd paid him back in kind, but it was all I could do to keep George on the broom after he was injured, he was losing so much blood." +Silence fell between the four of them as they looked up at the sky. There was no sign of movement; the stars stared back, unblinking, indifferent, unobscured by flying friends. Where was Ron? Where were Fred and Mr. Weasley? Where were Bill, Fleur, Tonks, Mad-Eye, and Mundungus? +"Harry, give us a hand!" called Hagrid hoarsely from the door, in which he was stuck again. Glad of something to do, Harry pulled him free, the headed through the empty kitchen and back into the sitting room, where Mrs. Weasley and Ginny were still tending to George. Mrs. Weasley had staunched his bleeding now, and by the lamplight Harry saw a clean gaping hole where George's ear had been. +"How is he?" +Mrs. Weasley looked around and said, "I can't make it grow back, not when it's been removed by Dark Magic. But it could've been so much worse . . . . He's alive." +"Yeah," said Harry. "Thank God." +"Did I hear someone else in the yard?" Ginny asked. +"Hermione and Kingsley," said Harry. +"Thank goodness," Ginny whispered. They looked at each other; Harry wanted to hug her, hold on to her; he did not even care much that Mrs. Weasley was there, but before he could act on the impulse, there was a great crash from the kitchen. +"I'll prove who I am, Kingsley, after I've seen my son, now back off if you know what's good for you!" +Harry had never heard Mr. Weasley shout like that before. He burst into the living room, his bald patch gleaming with sweat, his spectacles askew, Fred right behind him, both pale but uninjured. +"Arthur!" sobbed Mrs. Weasley. "Oh thank goodness!" +"How is he?" +Mr. Weasley dropped to his knees beside George. For the first time since Harry had known him, Fred seemed to be lost for words. He gaped over the back of the sofa at his twin's wound as if he could not believe what he was seeing. +Perhaps roused by the sound of Fred and their father's arrival, George stirred. +"How do you feel, Georgie?" whispered Mrs. Weasley. +George's fingers groped for the side of his head. +"Saintlike," he murmured. +"What's wrong with him?" croaked Fred, looking terrified. "Is his mind affected?" +"Saintlike," repeated George, opening his eyes and looking up at his brother. "You see. . . I'm holy. Holey, Fred, geddit?" +Mrs. Weasley sobbed harder than ever. Color flooded Fred's pale face. +"Pathetic," he told George. "Pathetic! With the whole wide world of ear-related humor before you, you go for holey?" +"Ah well," said George, grinning at his tear-soaked mother. "You'll be able to tell us apart now, anyway, Mum." +He looked around. +"Hi, Harry - you are Harry, right?" +"Yeah, I am," said Harry, moving closer to the sofa. +"Well, at least we got you back okay," said George. "Why aren't Ron and Bill huddled round my sickbed?" +"They're not back yet, George," said Mrs. Weasley. George's grin faded. Harry glanced at Ginny and motioned to her to accompany him back outside. As they walked through the kitchen she said in a low voice. +"Ron and Tonks should be back by now. They didn't have a long journey; Auntie Muriel's not that far from here." +Harry said nothing. He had been trying to keep fear at bay ever since reaching the Burrow, but now it enveloped him, seeming to crawl over his skin, throbbing in his chest, clogging his throat. As they walked down the back steps into the dark yard, Ginny took his hand. +Kingsley was striding backward and forward, glancing up at the sky every time he turned. Harry was reminded of Uncle Vernon pacing the living room a million years ago. Hagrid, Hermione, and Lupin stood shoulder to shoulder, gazing upward in silence. None of them looked around when Harry and Ginny joined their silent vigil. +The minutes stretched into what might as well have been years. The slightest breath of wind made them all jump and turn toward the whispering bush or tree in the hope that one of the missing Order members might leap unscathed from its leaves - +And then a broom materialized directly above them and streaked toward the ground - +"It's them!" screamed Hermione. +Tonks landed in a long skid that sent earth and pebbles everywhere. +"Remus!" Tonks cried as she staggered off the broom into Lupin's arms. His face was set and white: He seemed unable to speak, Ron tripped dazedly toward Harry and Hermione. +"You're okay," he mumbled, before Hermione flew at him and hugged him tightly. +"I thought - I thought -" +"'M all right," said Ron, patting her on the back. "'M fine." +"Ron was great," said Tonks warmly, relinquishing her hold on Lupin. "Wonderful. Stunned one of the Death Eaters, straight to the head, and when you're aiming at a moving target from a flying broom -" +"You did?" said Hermione, gazing up at Ron with her arms still around his neck. +"Always the tone of surprise," he said a little grumpily, breaking free. "Are we the last back?" +"No," said Ginny, "we're still waiting for Bill and Fleur and Mad-Eye and Mundungus. I'm going to tell Mum and Dad you're okay, Ron -" +She ran back inside. +"So what kept you? What happened?" Lupin sounded almost angry at Tonks. +"Bellatrix," said Tonks. "She wants me quite as much as she wants Harry, Remus, She tried very hard to kill me. I just wish I'd got her, I owe Bellatrix. But we definitely injured Rodolphus . . . . Then we got to Ron's Auntie Muriel's and we missed our Portkey and she was fussing over us -" +A muscle was jumping in Lupin's jaw. He nodded, but seemed unable to say anything else. +"So what happened to you lot?" Tonks asked, turning to Harry, Hermione, and Kingsley. +They recounted the stories of their own journeys, but all the time the continued absence of Bill, Fleur, Mad-Eye, and Mundungus seemed to lie upon them like a frost, its icy bite harder and harder to ignore. +"I'm going to have to get back to Downing Street, I should have been there an hour ago," said Kingsley finally, after a last sweeping gaze at the sky. "Let me know when they're back,." +Lupin nodded. With a wave to the others, Kingsley walked away into the darkness toward the gate. Harry thought he heard the faintest pop as Kingsley Disapparated just beyond the Burrow's boundaries. +Mr. And Mrs. Weasley came racing down the back steps, Ginny behind them. Both parents hugged Ron before turning to Lupin and Tonks. +"Thank you," said Mrs. Weasley, "for our sons." +"Don't be silly, Molly," said Tonks at once. +"How's George?" asked Lupin. +"What's wrong with him?" piped up Ron. +"He's lost -" +But the end of Mrs. Weasley's sentence was drowned in a general outcry. A thestral had just soared into sight and landed a few feet from them. Bill and Fleur slid from its back, windswept but unhurt. +"Bill! Thank God, thank God -" +Mrs. Weasley ran forward, but the hug Bill bestowed upon her was perfunctory. Looking directly at his father, he said, "Mad-Eye's dead." +Nobody spoke, nobody moved. Harry felt as though something inside him was falling, falling through the earth, leaving him forever. +"We saw it," said Bill; Fleur nodded, tear tracks glittering on her cheeks in the light from the kitchen window. "It happened just after we broke out of the circle: Mad-Eye and Dung were close by us, they were heading north too. Voldemort - he can fly - went straight for them. Dung panicked, I heard him cry out, Mad-Eye tried to stop him, but he Disapparated. Voldemort's curse hit Mad-Eye full in the face, he fell backward off his broom and - there was nothing we could do, nothing, we had half a dozen of them on our own tail -" +Bill's voice broke. +"Of course you couldn't have done anything," said Lupin. +They all stood looking at each other. Harry could not quite comprehend it. Mad-Eye dead; it could not be . . . . Mad-Eye, so tough, so brave, the consummate survivor . . . +At last it seemed to dawn on everyone, though nobody said it, that there was no point of waiting in the yard anymore, and in silence they followed Mr. And Mrs. Weasley back into the Burrow, and into the living room, where Fred and George were laughing together. +"What's wrong?" said Fred, scanning their faces as they entered, "What's happened? Who's --?" +"Mad-Eye," said Mr. Weasley, "Dead." +The twins' grins turned to grimaces of shock. Nobody seemed to know what to do. Tonks was crying silently into a handkerchief: She had been close to Mad-Eye, Harry knew, his favorite and his prot�g�e at the Ministry of Magic. Hagrid, who had sat down on the floor in the corner where he had most space, was dabbing at his eyes with his tablecloth-sized handkerchief. +Bill walked over to the sideboard and pulled out a bottle of fire-whisky and some glasses. +"Here," he said, and with a wave of his wand, eh sent twelve full glasses soaring through the room to each of them, holding the thirteenth aloft. "Mad-Eye." +"Mad-Eye," they all said, and drank. +"Mad-Eye," echoed Hagrid, a little late, with a hiccup. The firewhisky seared Harry's throat. It seemed to burn feeling back into him, dispelling the numbness and sense of unreality firing him with something that was like courage. +"So Mundungus disappeared?" said Lupin, who had drained his own glass in one. +The atmosphere changed at once. Everybody looked tense, watching Lupin, both wanting him to go on, it seemed to Harry, and slightly afraid of what they might hear. +"I know what you're thinking," said Bill, "and I wondered that too, on the way back here, because they seemed to be expecting us, didn't they? But Mundungus can't have betrayed us. They didn't know there would be seven Harrys, that confused them the +moment we appeared, and in case you've forgotten, it was Mundungus who suggested that little bit of skullduggery. Why wouldn't he have told them the essential point? I think Dung panicked, it's as simple as that. He didn't want to come in the first place, but Mad-Eye made him, and You-Know-Who went straight for them. It was enough to make anyone panic." +"You-Know-Who acted exactly as Mad-Eye expected him to," sniffed Tonks. "Mad-Eye said he'd expect the real Harry to be with the toughest, most skilled Aurors. He chased Mad-Eye first, and when Mundungus gave them away he switched to Kingsley. . . . " +"Yes, and zat eez all very good," snapped Fleur, "but still eet does not explain 'ow zey know we were moving 'Arry tonight, does eet? Somebody must 'ave been careless. Somebody let slip ze date to an outsider. It is ze only explanation for zem knowing ze date but not ze 'ole plan." +She glared around at them all, tear tracks still etched on her beautiful face, silently daring any of them to contradict her. Nobody did. The only sound to break the silence was that of Hagrid hiccupping from behind his handkerchief. Harry glanced at Hagrid, who had just risked his own life to save Harry's - Hagrid, whom he loved, whom he trusted, who had once been tricked into giving Voldemort crucial information in exchange for a dragon's egg. . . . +"No," Harry said aloud, and they all looked at him, surprised: The firewhisky seemed to have amplified his voice. "I mean . . . if somebody made a mistake," Harry went on, "and let something slip, I know they didn't mean to do it. It's not their fault," he repeated, again a little louder than he would usually have spoken. "We've got to trust each other. I trust all of you, I don't think anyone in this room would ever sell me to Voldemort." +More silence followed his words. They were all looking at him; Harry felt a little hot again, and drank some more firewhisky for something to do. As he drank, he thought of Mad-Eye. Mad-Eye had always been scathing about Dumbledore's willingness to trust people. +"Well said, Harry," said Fred unexpectedly. +"Year, 'ear, 'ear," said George, with half a glance at Fred, the corner of whose mouth twitched. +Lupin was wearing an odd expression as he looked at Harry. It was close to pitying. +"You think I'm a fool?" demanded Harry. +"No, I think you're like James," said Lupin, "who would have regarded it as the height of dishonor to mistrust his friends." +Harry knew what Lupin was getting at: that his father had been betrayed by his friend Peter Pettigrew. He felt irrationally angry. He wanted to argue, but Lupin had turned away from him, set down his glass upon a side table, and addressed Bill, "There's work to do. I can ask Kingsley whether -" +"No," said Bill at once, "I'll do it, I'll come." +"Where are you going?" said Tonks and Fleur together. +"Mad-Eye's body," said Lupin. "We need to recover it." +"Can't it -- ?" began Mrs. Weasley with an appealing look at Bill. +"Wait?" said Bill, "Not unless you'd rather the Death Eaters took it?" +Nobody spoke. Lupin and Bill said good bye and left. +The rest of them now dropped into chairs, all except for Harry, who remained standing. The suddenness and completeness of death was with them like a presence. +"I've got to go too," said Harry. +Ten pairs of startled eyes looked at him. +"Don't be silly, Harry," said Mrs. Weasley, "What are you talking about?" +"I can't stay here." +He rubbed his forehead; it was prickling again, he had not hurt like this for more than a year. +"You're all in danger while I'm here. I don't want -" +"But don't be so silly!" said Mrs. Weasley. "The whole point of tonight was to get you here safely, and thank goodness it worked. And Fleur's agreed to get married here rather than in France, we've arranged everything so that we can all stay together and look after you -" +She did not understand; she was making him feel worse, not better. +"If Voldemort finds out I'm here -" +"But why should he?" asked Mrs. Weasley. +"There are a dozen places you might be now, Harry," said Mr. Weasley. "He's got no way of knowing which safe house you're in." +"It's not me I'm worried for!" said Harry. +"We know that," said Mr. Weasley quietly, but it would make our efforts tonight seem rather pointless if you left." +"Yer not goin' anywhere," growled Hagrid. "Blimey, Harry, after all we wen' through ter get you here?" +"Yeah, what about my bleeding ear?" said George, hoisting himself up on his cushions. +"I know that -" +"Mad-Eye wouldn't want -" +"I KNOW!" Harry bellowed. +He felt beleaguered and blackmailed: Did they think he did not know what they had done for him, didn't they understand that it was for precisely that reason that he wanted to go now, before they had to suffer any more on his behalf? There was a long and awkward silence in which his scar continued to prickle and throb, and which was broken at last by Mrs. Weasley. +"Where's Hedwig, Harry?" she said coaxingly. "We can put her up with Pidwidgeon and give her something to eat." +His insides clenched like a fist. He could not tell her the truth. He drank the last of his firewhisky to avoid answering. +"Wait till it gets out yeh did it again, Harry," said Hagrid. "Escaped him, fought him off when he was right on top of yeh!" +"It wasn't me," said Harry flatly. "It was my wand. My wand acted of its own accord." +After a few moments, Hermione said gently, "But that's impossible, Harry. You mean that you did magic without meaning to; you reacted instinctively." +"No," said Harry. "The bike was falling, I couldn't have told you where Voldemort was, but my wand spun in my hand and found him and shot a spell at him, and it wasn't even a spell I recognized. I've never made gold flames appear before." +"Often," said Mr. Weasley, "when you're in a pressured situation you can produce magic you never dreamed of. Small children often find, before they're trained -" +"It wasn't like that," said Harry through gritted teeth. His scar was burning. He felt angry and frustrated; he hated the idea that they were all imagining him to have power to match Voldemort's. +No one said anything. He knew that they did not believe him. Now that he came to think of it, he had never heard of a wand performing magic on its own before. +His scar seared with pain, it was all he could do not to moan aloud. Muttering about fresh air, he set down his glass and left the room. +As he crossed the yard, the great skeletal thestral looked up - rustled its enormous batlike wings, then resumed its grazing. Harry stopped at the gate into the garden, staring out at its overgrown plants, rubbing his pounding forehead and thinking of Dumbledore. +Dumbledore would have believed him, he knew it. Dumbledore would have known how and why Harry's wand had acted independently, because Dumbledore always had the answers; he had known about wands, had explained to Harry the strange connection that existed between his wand and Voldemort's . . . . But Dumbledore, like Mad-Eye, like Sirius, like his parents, like his poor owl, all were gone where Harry could never talk to them again. He felt a burning in his throat that had nothing to do with firewhisky. . . . +And then, out of nowhere, the pain in his scar peaked. As he clutched his forehead and closed his eyes, a voice screamed inside his head. +"You told me the problem would be solved by using another's wand!" +And into his mind burst the vision of an emaciated old man lying in rags upon a stone floor, screaming, a horrible drawn-out scream, a scream of unendurable agony. . . . +"No! No! I beg you, I beg you. . . ." +"You lied to Lord Voldemort, Ollivander!" +"I did not. . . . I swear I did not. . . ." +"You sought to help Potter, to help him escape me!" +"I swear I did not. . . . I believed a different wand would work. . . ." +"Explain, then, what happened. Lucius's wand is destroyed!" +"I cannot understand. . . . The connection . . . exists only . . between your two wands. . . ." +"Lies!" +"Please . . . I beg you. . . ." +And Harry saw the white hand raise its wand and felt Voldemort's surge of vicious anger, saw the frail old main on the floor writhe in agony - +"Harry?" +It was over as quickly as it had come: Harry stood shaking in the darkness, clutching the gate into the garden, his heart racing, his scar still tingling. It was several moments before he realized that Ron and Hermione were at his side. +"Harry, come back in the house," Hermione whispered, "You aren't still thinking of leaving?" +"Yeah, you've got to stay, mate," said Ron, thumping Harry on the back. +"Are you all right?" Hermione asked, close enough now to look into Harry's face. "You look awful!" +"Well," said Harry shakily, "I probably look better than Ollivander. . . ." +When he had finished telling them what he had seen, Ron looked appalled, but Hermione downright terrified. +"But it was supposed to have stopped! Your scar - it wasn't supposed to do this anymore! You mustn't let that connection open up again - Dumbledore wanted you to close your mind!" +When he did not reply, she gripped his arm. +"Harry, he's taking over the Ministry and the newspapers and half the Wizarding world! Don't let him inside your head too!" +Chapter Six +The Ghoul in Pajamas +The shock of losing Mad-Eye hung over the house in the days that followed; Harry kept expecting to see him stumping in through the back door like the other Order members, who passed in and out to relay news. Harry felt that nothing but action would assuage his feelings of guilt and grief and that he ought to set out on his mission to find and destroy Horcruxes as soon as possible. +"Well, you can�t do anything about the" - Ron mouthed the word Horcruxes - "till you�re seventeen. You�ve still got the Trace on you. And we can plan here as well as anywhere, can�t we? Or," he dropped his voice to a whisper, "d�you reckon you already know where the You-Know-Whats are?" +"No," Harry admitted. +"I think Hermione�s been doing a bit of research," said Ron. "She said she was saving it for when you got here." +They were sitting at the breakfast table; Mr. Weasley and Bill had just left for work. Mrs. Weasley had gone upstairs to wake Hermione and Ginny, while Fleur had drifted off to take a bath. +"The Trace�ll break on the thirty-first," said Harry. "That means I only need to stay here four days. Then I can -" +"Five days," Ron corrected him firmly. "We�ve got to stay for the wedding. They�ll kill us if we miss it." +Harry understood "they" to mean Fleur and Mrs. Weasley. +"It�s one extra day," said Ron, when Harry looked mutinous. +"Don�t they realize how important -?" +"�Course they don�t," said Ron. "They haven�t got a clue. And now you mention it, I wanted to talk to you about that." +Ron glanced toward the door into the hall to check that Mrs. Weasley was not returning yet, then leaned in closer to Harry. +"Mum�s been trying to get it out of Hermione and me. What we�re off to do. She�ll try you next, so brace yourself. Dad and Lupin�ve both asked as well, but when we +said Dumbledore told you not to tell anyone except us, they dropped it. Not Mum, though. She�s determined." +Ron�s prediction came true within hours. Shortly before lunch, Mrs. Weasley detached Harry from the others by asking him to help identify a lone man�s sock that she thought might have come out of his rucksack. Once she had him cornered in the tiny scullery off the kitchen, she started. +"Ron and Hermione seem to think that the three of you are dropping out of Hogwarts," she began in a light, casual tone. +"Oh," said Harry. "Well, yeah. We are." +The mangle turned of its own accord in a corner, wringing out what looked like one of Mr. Weasley�s vests. +"May I ask why you are abandoning your education?" said Mrs. Weasley. +"Well, Dumbledore left me . . . stuff to do," mumbled Harry. "Ron and Hermione know about it, and they want to come too." +"What sort of �stuff�?" +"I�m sorry, I can�t -" +"Well, frankly, I think Arthur and I have a right to know, and I�m sure Mr. And Mrs. Granger would agree!" said Mrs. Weasley. Harry had been afraid of the "concerned parent" attack. He forced himself to look directly into her eyes, noticing as he did so that they were precisely the same shade of brown as Ginny�s. This did not help. +"Dumbledore didn�t want anyone else to know, Mrs. Weasley. I�m sorry. Ron and Hermione don�t have to come, it�s their choice -" +"I don�t see that you have to go either!" she snapped, dropping all pretense now. "You�re barely of age, any of you! It�s utter nonsense, if Dumbledore needed work doing, he had the whole Order at his command! Harry, you must have misunderstood him. Probably he was telling you something he wanted done, and you took it to mean that he wanted you-" +"I didn�t misunderstand," said Harry flatly. "It�s got to be me." +He handed her back the single sock he was supposed to be identifying, which was patterned with golden bulrushes. +"And that�s not mine. I don�t support Puddlemere United." +"Oh, of course not," said Mrs. Weasley with a sudden and rather unnerving return to her casual tone. "I should have realized. Well, Harry, while we�ve still got you here, you won�t mind helping with the preparations for Bill and Fleur�s wedding, will you? There�s still so much to do." +"No - I - of course not," said Harry, disconcerted by this sudden change of subject. +"Sweet of you," she replied, and she smiled as she left the scullery. +From that moment on, Mrs. Weasley kept Harry, Ron and Hermione so busy with preparations for the wedding that they hardly had any time to think. The kindest explanation of this behavior would have been that Mrs. Weasley wanted to distract them all from thoughts of Mad-Eye and the terrors of their recent journey. After two days of nonstop cutlery cleaning, of color-matching favors, ribbons, and flowers, of de-gnoming the garden and helping Mrs. Weasley cook vast batches of canap�s, however, Harry started to suspect her of a different motive. All the jobs she handed out seemed to keep him, Ron, and Hermione away from one another; he had not had a chance to speak to the +two of them alone since the first night, when he had told them about Voldemort torturing Ollivander. +"I think Mum thinks that if she can stop the three of you getting together and planning, she�ll be able to delay you leaving," Ginny told Harry in an undertone, as they laid the table for dinner on the third night of his stay. +"And then what does she think�s going to happen?" Harry muttered. "Someone else might kill off Voldemort while she�s holding us here making vol-au-vents?" +He had spoken without thinking, and saw Ginny�s face whiten. +"So it�s true?" she said. "That�s what you�re trying to do?" +"I - not - I was joking," said Harry evasively. +They stared at each other, and there was something more than shock in Ginny�s expression. Suddenly Harry became aware that this was the first time that he had been alone with her since those stolen hours in secluded corners of the Hogwarts grounds. He was sure she was remembering them too. Both of them jumped as the door opened, and Mr. Weasley, Kingsley, and Bill walked in. +They were often joined by other Order members for dinner now, because the Burrow had replaced number twelve, Grimmauld Place as the headquarters. Mr. Weasley had explained that after the death of Dumbledore, their Secret-Keeper, each of the people to whom Dumbledore had confided Grimmauld Place�s location had become a Secret-Keeper in turn. +"And as there are around twenty of us, that greatly dilutes the power of the Fidelius Charm. Twenty times as many opportunities for the Death Eaters to get the secret out of somebody. We can�t expect it to hold much longer." +"But surely Snape will have told the Death Eaters the address by now?" asked Harry. +"Well, Mad-Eye set up a couple of curses against Snape in case he turns up there again. We hope they�ll be strong enough both to keep him out and to bind his tongue if he tries to talk about the place, but we can�t be sure. It would have been insane to keep using the place as headquarters now that its protection has become so shaky." +The kitchen was so crowded that evening it was difficult to maneuver knives and forks. Harry found himself crammed beside Ginny; the unsaid things that had just passed between them made him wish they had been separated by a few more people. He was trying so hard to avoid brushing her arm he could barely cut his chicken. +"No news about Mad-Eye?" Harry asked Bill. +"Nothing," replied Bill. +They had not been able to hold a funeral for Moody, because Bill and Lupin had failed to recover his body. It had been difficult to know where he might have fallen, given the darkness and the confusion of the battle. +"The Daily Prophet hasn�t said a word about him dying or about finding the body," Bill went on. "But that doesn�t mean much. It�s keeping a lot quiet these days." +"And they still haven�t called a hearing about all the underage magic I used escaping the Death Eaters?" Harry called across the table to Mr. Weasley, who shook his head. +"Because they know I had no choice or because they don�t want me to tell the world Voldemort attacked me?" +"The latter, I think. Scrimgeour doesn�t want to admit that You-Know-Who is as powerful as he is, nor that Azkaban�s seen a mass breakout." +"Yeah, why tell the public the truth?" said Harry, clenching his knife so tightly that the faint scars on the back of his right hand stood out, white against his skin: I must not tell lies. +"Isn�t anyone at the Ministry prepared to stand up to him?" asked Ron angrily. +"Of course, Ron, but people are terrified," Mr. Weasley replied, "terrified that they will be next to disappear, their children the next to be attacked! There are nasty rumors going around; I for one don�t believe the Muggle Studies professor at Hogwarts resigned. She hasn�t been seen for weeks now. Meanwhile Scrimgeour remains shut up in his office all day; I just hope he�s working on a plan." +There was a pause in which Mrs. Weasley magicked the empty plates onto the work surface and served apple tart. +"We must decide �ow you will be disguised, �Arry," said Fleur, once everyone had pudding. "For ze wedding," she added, when he looked confused. "Of course, none of our guests are Death Eaters, but we cannot guarantee zat zey will not let something slip after zey �ave �ad champagne." +From this, Harry gathered that she still suspected Hagrid. +"Yes, good point," said Mrs. Weasley from the top of the table where she sat, spectacles perched on the end of her nose, scanning an immense list of jobs that she had scribbled on a very long piece of parchment. "Now, Ron, have you cleaned out your room yet?" +"Why?" exclaimed Ron, slamming his spoon down and glaring at his mother. "Why does my room have to be cleaned out? Harry and I are fine with it the way it is!" +"We are holding your brother�s wedding here in a few days� time, young man -" +"And are they getting married in my bedroom?" asked Ron furiously. "No! So why in the name of Merlin�s saggy left -" +"Don�t talk to your mother like that," said Mr. Weasley firmly. "And do as you�re told." +Ron scowled at both his parents, then picked up his spoon and attacked the last few mouthfuls of his apple tart. +"I can help, some of it�s my mess." Harry told Ron, but Mrs. Weasley cut across him. +"No, Harry, dear, I�d much rather you helped Arthur much out the chickens, and Hermione, I�d be ever so grateful if you�d change the sheets for Monsieur and Madame Delacour; you know they�re arriving at eleven tomorrow morning." +But as it turned out, there was very little to do for the chickens. "There�s no need to, er, mention it to Molly," Mr. Weasley told Harry, blocking his access to the coop, "but, er, Ted Tonks sent me most of what was left of Sirius�s bike and, er, I�m hiding - that�s to say, keeping - it in here. Fantastic stuff: There�s an exhaust gaskin, as I believe it�s called, the most magnificent battery, and it�ll be a great opportunity to find out how brakes work. I�m going to try and put it all back together again when Molly�s not - I mean, when I�ve got time." +When they returned to the house, Mrs. Weasley was nowhere to be seen, so Harry slipped upstairs to Ron�s attic bedroom. +"I�m doing it, I�m doing - ! Oh, it�s you," said Ron in relief, as Harry entered the room. Ron lay back down on the bed, which he had evidently just vacated. The room was just as messy as it had been all week; the only chance was that Hermione was now sitting in the far corner, her fluffy ginger cat, Crookshanks, at her feet, sorting books, some of which Harry recognized as his own, into two enormous piles. +"Hi, Harry," she said, as he sat down on his camp bed. +"And how did you manage to get away?" +"Oh, Ron�s mum forgot that she asked Ginny and me to change the sheets yesterday," said Hermione. She threw Numerology and Grammatica onto one pile and The Rise and Fall of the Dark Arts onto the other. +"We were just talking about Mad-Eye," Ron told Harry. "I reckon he might have survived." +"But Bill saw him hit by the Killing Curse," said Harry. +"Yeah, but Bill was under attack too," said Ron. "How can he be sure what he saw?" +"Even if the Killing Curse missed, Mad-Eye still fell about a thousand feet," said Hermione, now weight Quidditch Teams of Britain and Ireland in her hand. +"He could have used a Shield Charm -" +"Fleur said his wand was blasted out of his hand," said Harry. +"Well, all right, if you want him to be dead," said Ron grumpily, punching his pillow into a more comfortable shape. +"Of course we don�t want him to be dead!" said Hermione, looking shocked. "It�s dreadful that he�s dead! But we�re being realistic!" +For the first time, Harry imagined Mad-Eye�s body, broken as Dumbledore�s had been, yet with that one eye still whizzing in its socket. He felt a stab of revulsion mixed with a bizarre desire to laugh. +"The Death Eaters probably tidied up after themselves, that�s why no one�s found him," said Ron wisely. +"Yeah," said Harry. "Like Barty Crouch, turned into a bone and buried in Hagrid�s front garden. They probably transfigured Moody and stuffed him -" +"Don�t!" squealed Hermione. Startled, Harry looked over just in time to see her burst into tears over her copy of Spellman�s Syllabary. +"Oh no," said Harry, struggling to get up from the old camp bed. "Hermione, I wasn�t trying to upset -" +But with a great creaking of rusty bedsprings, Ron bounded off the bed and got there first. One arm around Hermione, he fished in his jeans pocket and withdrew a revolting-looking handkerchief that he had used to clean out the oven earlier. Hastily pulling out his wand, he pointed it at the rag and said, "Tergeo." +The wand siphoned off most of the grease. Looking rather pleased with himself, Ron handed the slightly smoking handkerchief to Hermione. +"Oh . . . thanks, Ron. . . . I�m sorry. . . ." She blew her nose and hiccupped. "It�s just so awf-ful, isn�t it? R-right after Dumbledore . . . I j-just n-never imagined Mad-Eye dying, somehow, he seemed so tough!" +"Yeah, I know," said Ron, giving her a squeeze. "But you know what he�d say to us if he was here?" +"�C-constant vigilance,�" said Hermione, mopping her eyes. +"That�s right," said Ron, nodding. "He�d tell us to learn from what happened to him. And what I�ve learned is not to trust that cowardly little squit, Mundungus." +Hermione gave a shaky laugh and leaned forward to pick up two more books. A second later, Ron had snatched his arm back from around her shoulders; she had dropped The Monster of Monsters on his foot. The book had broken free from its restraining belt and snapped viciously at Ron�s ankle. +"I�m sorry, I�m sorry!" Hermione cried as Harry wrenched the book from Ron�s leg and retied it shit. +"What are you doing with all those books anyway?" Ron asked, limping back to his bed. +"Just trying to decide which ones to take with us," said Hermione, "When we�re looking for the Horcruxes." +"Oh, of course," said Ron, clapping a hand to his forehead. "I forgot we�ll be hunting down Voldemort in a mobile library." +"Ha ha," said Hermione, looking down at Spellman�s Syllabary. "I wonder . . . will we need to translate runes? It�s possible. . . . I think we�d better take it, to be safe." +She dropped the syllabary onto the larger of the two piles and picked up Hogwarts, A History. +"Listen," said Harry. +He had sat up straight. Ron and Hermione looked at him with similar mixtures of resignation and defiance. +"I know you said after Dumbledore�s funeral that you wanted to come with me," Harry began. +"Here he goes," Ron said to Hermione, rolling his eyes. +"As we knew he would," he sighed, turning back to the books. "You know, I think I will take Hogwarts, A History. Even if we�re not going back there, I don�t think I�d feel right if I didn�t have it with -" +"Listen!" said Harry again. +"No, Harry, you listen," said Hermione. "We�re coming with you. That was decided months ago - years, really." +"But -" +"Shut up," Ron advised him. +"- are you sure you�ve thought this through?" Harry persisted. +"Let�s see," said Hermione, slamming Travels with Trolls onto the discarded pile with a rather fierce look. "I�ve been packing for days, so we�re ready to leave at a moment�s notice, which for your information has included doing some pretty difficult magic, not to mention smuggling Mad-Eye�s whole stock of Polyjuice Potion right under Ron�s mum�s nose. +"I�ve also modified my parents� memories so that they�re convinced they�re really called Wendell and Monica Wilkins, and that their life�s ambition is to move to Australia, which they have now done. That�s to make it more difficult for Voldemort to track them down and interrogate them about me - or you, because unfortunately, I�ve told them quite a bit about you. +"Assuming I survive our hunt for the Horcruxes, I�ll find Mum and Dad and lift the enchantment. If I don�t - well, I think I�ve cast a good enough charm to keep them +safe and happy. Wendell and Monica Wilkins don�t know that they�ve got a daughter, you see." +Hermione�s eyes were swimming with tears again. Ron got back off the bed, put his arm around her once more, and frowned at Harry as though reproaching him for lack of tact. Harry could not think of anything to say, not least because it was highly unusual for Ron to be teaching anyone else tact. +"I - Hermione, I�m sorry - I didn�t -" +"Didn�t realize that Ron and I know perfectly well what might happen if we come with you? Well, we do. Ron, show Harry what you�ve done." +"Nah, he�s just eaten," said Ron. +"Go on, he needs to know!" +"Oh, all right. Harry, come here." +For the second time Ron withdrew his arm from around Hermione and stumped over to the door. +"C�mon." +"Why?" Harry asked, following Ron out of the room onto the tiny landing. +"Descendo," muttered Ron, pointing his wand at the low ceiling. A hatch opened right over their heads and a ladder slid down to their feet. A horrible, half-sucking, half-moaning sound came out of the square hole, along with an unpleasant smell like open drains. +"That�s your ghoul, isn�t it?" asked Harry, who had never actually met the creature that sometimes disrupted the nightly silence. +"Yeah, it is," said Ron, climbing the ladder. "Come and have a look at him." +Harry followed Ron up the few short steps into the tiny attic space. His head and shoulders were in the room before he caught sight of the creature curled up a few feet from him, fast asleep in the gloom with its large mouth wide open. +"But it . . . it looks . . . do ghouls normally wear pajamas?" +"No," said Ron. "Nor have they usually got red hair or that number of pustules." +Harry contemplated the thing, slightly revolted. It was human in shape and size, and was wearing what, now that Harry�s eyes became used to the darkness, was clearly an old pair of Ron�s pajamas. He was also sure that ghouls were generally rather slimy and bald, rather than distinctly hairy and covered in angry purple blisters. +"He�s me, see?" said Ron. +"No," said Harry. "I don�t." +"I�ll explain it back in my room, the smell�s getting to me," said Ron. They climbed back down the ladder, which Ron returned to the ceiling, and rejoined Hermione, who was still sorting books. +"Once we�ve left, the ghoul�s going to come and live down here in my room," said Ron. "I think he�s really looking forward to it - well, it�s hard to tell, because all he can do is moan and drool - but he nods a lot when you mention it. Anyway, he�s going to be me with spattergroit. Good, eh?" +Harry merely looked his confusion. +"It is!" said Ron, clearly frustrated that Harry had not grasped the brilliance of the plan. "Look, when we three don�t turn up at Hogwarts again, everyone�s going to think Hermione and I must be with you, right? Which means the Death Eaters will go straight for our families to see if they�ve got information on where you are." +"But hopefully it�ll look like I�ve gone away with Mum and Dad; a lot of Muggle-borns are talking about going into hiding at the moment," said Hermione. +"We can�t hide my whole family, it�ll look too fishy and they can�t all leave their jobs," said Ron. "So we�re going to put out the story that I�m seriously ill with spattergroit, which is why I can�t go back to school. If anyone comes calling to investigate, Mum or Dad can show them the ghoul in my bed, covered in pustules. Spattergroit�s really contagious, so they�re not going to want to go near him. It won�t matter that he can�t say anything, either, because apparently you can�t once the fungus has spread to your uvula." +"And your mum and dad are in on this plan?" asked Harry. +"Dad is. He helped Fred and George transform the ghoul. Mum . . . well, you�ve seen what she�s like. She won�t accept we�re going till we�re gone." +There was silence in the room, broken only by gentle thuds as Hermione continued to throw books onto one pile or the other. Ron sat watching her, and Harry looked from one to the other, unable to say anything. The measure they had taken to protect their families made him realize, more than anything else could have done, that they really were going to come with him and that they knew exactly how dangerous that would be. He wanted to tell them what that meant to him, but he simply could not find words important enough. +Through the silence came the muffled sounds of Mrs. Weasley shouting from four floors below. +"Ginny�s probably left a speck of dust on a poxy napkin ring," said Ron. "I dunno why the Delacours have got to come two days before the wedding." +"Fleur�s sister�s a bridesmaid, she needs to be here for the rehearsal, and she�s too young to come on her own," said Hermione, as she pored indecisively over Break with a Banshee. +"Well, guests aren�t going to help Mum�s stress levels," said Ron. +"What we really need to decide," said Hermione, tossing Defensive Magical Theory into the bin without a second glance and picking up An Appraisal of Magical Education in Europe, "is where we�re going after we leave here. I know you said you wanted to go to Godric�s Hollow first, Harry, and I understand why, but . . . well . . . shouldn�t we make the Horcruxes our priority?" +"If we knew where any of the Horcruxes were, I�d agree with you," said Harry, who did not believe that Hermione really understood his desire to return to Godric�s Hollow. His parents� graves were only part of the attraction: He had a strong, though inexplicable, feeling that the place held answers for him. Perhaps it was simply because it was there that he had survived Voldemort�s Killing Curse; now that he was facing the challenge of repeating the feat, Harry was drawn to the place where it had happened, wanting to understand. +"Don�t you think there�s a possibility that Voldemort�s keeping a watch on Godric�s Hollow?" Hermione asked. "He might expect you to go back and visit your parents� graves once you�re free to go wherever you like?" +This had not occurred to Harry. While he struggled to find a counterargument, Ron spoke up, evidently following his own train of thought. +"This R.A.B. person," he said. "You know, the one who stole the real locket?" +Hermione nodded. +"He said in his note he was going to destroy it, didn�t he?" +Harry dragged his rucksack toward him and pulled out the fake Horcrux in which R.A.B.�s note was still folded. +"�I have stolen the real Horcrux and intend to destroy it as soon as I can.�" Harry read out. +"Well, what if he did finish it off?" said Ron. +"Or she." Interposed Hermione. +"Whichever," said Ron. "it�d be one less for us to do!" +"Yes, but we�re still going to have to try and trace the real locket, aren�t we?" said Hermione, "to find out whether or not it�s destroyed." +"And once we get hold of it, how do you destroy a Horcrux?" asked Ron. +"Well," said Hermione, "I�ve been researching that." +"How?" asked Harry. "I didn�t think there were any books on Horcruxes in the library?" +"There weren�t," said Hermione, who had turned pink. "Dumbledore removed them all, but he - he didn�t destroy them." Ron sat up straight, wide-eyed. +"How in the name of Merlin�s pants have you managed to get your hands on those Horcrux books?" +"It - it wasn�t stealing!" said Hermione, looking from Harry to Ron with a kind of desperation. "They were still library books, even if Dumbledore had taken them off the shelves. Anyway, if he really didn�t want anyone to get at them, I�m sure he would have made it much harder to -" +"Get to the point!" said Ron. +"Well . . . it was easy," said Hermione in a small voice. "I just did a Summoning Charm. You know - Accio. And - they zoomed out of Dumbledore�s study window right into the girls� dormitory." +"But when did you do this?" Harry asked, regarding Hermione with a mixture of admiration and incredulity. +"Just after his - Dumbledore�s - funeral," said Hermione in an even smaller voice. "Right after we agreed we�d leave school and go and look for the Horcruxes. When I went back upstairs to get my things it - it just occurred to me that the more we knew about them, the better it would be . . . and I was alone in there . . . so I tried . . . and it worked. They flew straight in through the open window and I - I packed them." +She swallowed and then said imploringly, "I can�t believe Dumbledore would have been angry, it�s not as though we�re going to use the information to make a Horcrux, is it?" +"Can you hear us complaining?" said Ron. "Where are these books anyway?" +Hermione rummaged for a moment and then extracted from the pile a large volume, bound in faded black leather. She looked a little nauseated and held it as gingerly as if it were something recently dead. +"This is the one that gives explicit instructions on how to make a Horcrux. Secrets of the Darkest Art - it�s a horrible book, really awful, full of evil magic. I wonder when Dumbledore removed it from the library. . . . if he didn�t do it until he was headmaster, I bet Voldemort got all the instruction he needed from here." +"Why did he have to ask Slughorn how to make a Horcrux, then, if he�d already read that?" asked Ron. +"He only approached Slughorn to find out what would happen if you split your soul into seven," said Harry. "Dumbledore was sure Riddle already knew how to make a Horcrux by the time he asked Slughorn about them. I think you�re right, Hermione, that could easily have been where he got the information." +"And the more I�ve read about them," said Hermione, "the more horrible they seem, and the less I can believe that he actually made six. It warns in this book how unstable you make the rest of your soul by ripping it, and that�s just by making one Horcrux!" +Harry remembered what Dumbledore had said about Voldemort moving beyond "usual evil." +"Isn�t there any way of putting yourself back together?" Ron asked. +"Yes," said Hermione with a hollow smile, "but it would be excruciatingly painful." +"Why? How do you do it?" asked Harry. +"Remorse," said Hermione. "You�ve got to really feel what you�ve done. There�s a footnote. Apparently the pain of it can destroy you. I can�t see Voldemort attempting it somehow, can you?" +"No," said Ron, before Harry could answer. "So does it say how to destroy Horcruxes in that book?" +"Yes," said Hermione, now turning the fragile pages as if examining rotting entrails, "because it warns Dark wizards how strong they have to make the enchantments on them. From all that I�ve read, what Harry did to Riddle�s diary was one of the few really foolproof ways of destroying a Horcrux." +"What, stabbing it with a basilisk fang?" asked Harry. +"Oh well, lucky we�ve got such a large supply of basilisk fangs, then," said Ron. "I was wondering what we were going to do with them." +"It doesn�t have to be a basilisk fang," said Hermione patiently. "It has to be something so destructive that the Horcrux can�t repair itself. Basilisk venom only has one antidote, and it�s incredibly rare -" +"- phoenix tears," said Harry, nodding. +"Exactly," said Hermione. "Our problem is that there are very few substances as destructive as basilisk venom, and they�re all dangerous to carry around with you. That�s a problem we�re going to have to solve, though, because ripping, smashing, or crushing a Horcrux won�t do the trick. You�ve got to put it beyond magical repair." +"But even if we wreck the thing it lives in," said Ron, "why can�t the bit of soul in it just go and live in something else?" +"Because a Horcrux is the complete opposite of a human being." +Seeing that Harry and Ron looked thoroughly confused, Hermione hurried on. "Look, if I picked up a sword right now, Ron, and ran you through with it, I wouldn�t damage your soul at all." +"Which would be a real comfort to me, I�m sure," said Ron. Harry laughed. +"It should be, actually! But my point is that whatever happens to your body, your soul will survive, untouched," said Hermione. "But it�s the other way round with a +Horcrux. The fragment of soul inside it depends on its container, its enchanted body, for survival. It can�t exist without it." +"That diary sort of died when I stabbed it," said Harry, remembering ink pouring like blood from the punctured pages, and the screams of the piece of Voldemort�s soul as it vanished. +"And once the diary was properly destroyed, the bit of soul trapped in it could no longer exist. Ginny tried to get rid of the diary before you did, flushing it away, but obviously it came back good as new." +"Hang on," said Ron, frowning. "The bit of soul in that diary was possessing Ginny, wasn�t it? How does that work, then?" +"While the magical container is still intact, the bit of soul inside it can flit in and out of someone if they get too close to the object. I don�t mean holding it for too long, it�s nothing to do with touching it," she added before Ron could speak. "I mean close emotionally. Ginny poured her heart out into that diary, she made herself incredibly vulnerable. You�re in trouble if you get too fond of or dependent on the Horcrux." +"I wonder how Dumbledore destroyed the ring?" said Harry. "Why didn�t I ask him? I never really . . ." +His voice trailed away: He was thinking of all the things he should have asked Dumbledore, and of how, since the headmaster had died, it seemed to Harry that he had wasted so many opportunities when Dumbledore had been alive, to find out more . . . to find out everything. . . . +The silence was shattered as the bedroom door flew open with a wall-shaking crash. Hermione shrieked and dropped Secrets of the Darkest Art; Crookshanks streaked under the bed, hissing indignantly; Ron jumped off the bed, skidded on a discarded Chocolate Frog wrapper, and smacked his head on the opposite wall; and Harry instinctively dived for his wand before realizing that he was looking up at Mrs. Weasley, whose hair was disheveled and whose face was contorted with rage. +"I�m so sorry to break up this cozy little gathering," she said, her voice trembling. "I�m sure you all need your rest . . . but there are wedding presents stacked in my room that need sorting out and I was under the impression that you had agreed to help." +"Oh yes," said Hermione, looking terrified as she leapt to her feet, sending books flying in every direction. "we will . . . we�re sorry . . ." +With an anguished look at Harry and Ron, Hermione hurried out of the room after Mrs. Weasley. +"it�s like being a house-elf," complained Ron in an undertone, still massaging his head as he and Harry followed. "Except without the job satisfaction. The sooner this wedding�s over, the happier, I�ll be." +"Yeah," said Harry, "then we�ll have nothing to do except find Horcruxes. . . . It�ll be like a holiday, won�t it?" +Ron started to laugh, but at the sight of the enormous pile of wedding presents waiting for them in Mrs. Weasley�s room, stopped quite abruptly. +The Delacours arrived the following morning at eleven o� clock. Harry, Ron, Hermione and Ginny were feeling quite resentful toward Fleur�s family by this time; and it was with ill grace that Ron stumped back upstairs to put on matching socks, and Harry attempted to flatten his hair. Once they had all been deemed smart enough, they trooped out into the sunny backyard to await the visitors. +Harry had never seen the place looking so tidy. The rusty cauldrons and old Wellington boots that usually littered the steps by the back door were gone, replaced by two new Flutterby bushes standing either side of the door in large pots; though there was no breeze, the leaves waved lazily, giving an attractive rippling effect. The chickens had been shut away, the yard had been swept, and the nearby garden had been pruned, plucked, and generally spruced up, although Harry, who liked it in its overgrown state, thought that it looked rather forlorn without its usual contingent of capering gnomes. +He had lost track of how many security enchantments had been placed upon the Burrow by both the Order and the Ministry; all he knew was that it was no longer possible for anybody to travel by magic directly into the place. Mr. Weasley had therefore gone to meet the Delacours on top of a nearby hill, where they were to arrive by Portkey. The first sound of their approach was an unusually high-pitched laugh, which turned out to be coming from Mr. Weasley, who appeared at the gate moments later, laden with luggage and leading a beautiful blonde woman in long, leaf green robes, who could be Fleur�s mother. +"Maman!" cried Fleur, rushing forward to embrace her. "Papa!" +Monsieur Delacour was nowhere near as attractive as his wife; he was a head shorter and extremely plumb, with a little, pointed black beard. However, he looked good-natured. Bouncing towards Mrs. Weasley on high-heeled boots, he kissed her twice on each cheek, leaving her flustered. +"You �ave been so much trouble," he said in a deep voice. "Fleur tells us you �ave been working very �ard." +"Oh, it�s been nothing, nothing!" trilled Mrs. Weasley. "No trouble at all!" +Ron relieved his feelings by aiming a kick at a gnome who was peering out from behind one of the new Flutterby bushes. +"Dear lady!" said Monsieur Delacour, still holding Mrs. Weasley�s hand between his own two plump ones and beaming. "We are most honored at the approaching union of our two families! Let me present my wife, Apolline." +Madame Delacour glided forward and stooped to kiss Mrs. Weasley too. +"Enchant�e," she said. "Your �usband �as been telling us such amusing stories!" +Mr. Weasley gave a maniacal laugh; Mrs. Weasley threw him a look, upon which he became immediately silent and assumed an expression appropriate to the sickbed of a close friend. +"And, of course, you �ave met my leetle daughter, Gabrielle!" said Monsieur Delacour. Gabrielle was Fleur in miniature; eleven years old, with waist-length hair of pure, silvery blonde, she gave Mrs. Weasley a dazzling smile and hugged her, then threw Harry a glowing look, batting her eyelashes. Ginny cleared her throat loudly. +"Well, come in, do!" said Mrs. Weasley brightly, and she ushered the Delacours into the house, with many "No, please!"s and "After you!"s and "Not at all!"s. +The Delacours, it soon transpired, were helpful, pleasant guests. They were pleased with everything and keen to assist with the preparations for the wedding. Monsieur Delacour pronounced everything from the seating plan to the bridesmaids� shoes "Charmant!" Madame Delacour was most accomplished at household spells and had the oven properly cleaned in a trice; Gabrielle followed her elder sister around, trying to assist in any way she could and jabbering away in rapid French. +On the downside, the Burrow was not built to accommodate so many people. Mr. and Mrs. Weasley were now sleeping in the sitting room, having shouted down Monsieur and Madame Delacour�s protests and insisted they take their bedroom. Gabrielle was sleeping with Fleur in Percy�s old room, and Bill would be sharing with Charlie, his best man, once Charlie arrived from Romania. Opportunities to make plans together became virtually nonexistent, and it was in desperation that Harry, Ron and Hermione took to volunteering to feed the chickens just to escape the overcrowded house. +"But she still won�t leave us alone!" snarled Ron, and their second attempt at a meeting in the yard was foiled by the appearance of Mrs. Weasley carrying a large basket of laundry in her arms. +"Oh, good, you�ve fed the chickens," she called as she approached them. "We�d better shut them away again before the men arrive tomorrow . . . to put up the tent for the wedding," she explained, pausing to lean against the henhouse. She looked exhausted. "Millamant�s Magic Marquees . . . they�re very good. Bill�s escorting them. . . . You�d better stay inside while they�re here, Harry. I must say it does complicate organizing a wedding, having all these security spells around the place." +"I�m sorry," said Harry humbly. +"Oh, don�t be silly, dear!" said Mrs. Weasley at once. "I didn�t mean - well, your safety�s much more important! Actually, I�ve been wanting to ask you how you want to celebrate your birthday, Harry. Seventeen, after all, it�s an important day. . . ." +"I don�t want a fuss," said Harry quickly, envisaging the additional strain this would put on them all. "Really, Mrs. Weasley, just a normal dinner would be fine. . . . It�s the day before the wedding. . . ." +"Oh, well, if you�re sure, dear. I�ll invite Remus and Tonks, shall I? And how about Hagrid?" +"That�d be great," said Harry. "But please, don�t go to loads of trouble." +"Not at all, not at all . . . It�s no trouble. . . ." +She looked at him, a long, searching look, then smiled a little sadly, straightened up, and walked away. Harry watched as she waved her wand near the washing line, and the damp clothes rose into the air to hang themselves up, and suddenly he felt a great wave of remorse for the inconvenience and the pain he was giving her. +Chapter Seven +The Will of Albus Dumbledore +He was walking along a mountain road in the cool blue light of dawn. Far below, swathed in mist, was the shadow of a small town. Was the man he sought down there, the man he needed so badly he could think of little else, the man who held the answer, the answer to his problem...? +"Oi, wake up." +Harry opened his eyes. He was lying again on the camp bed in Ron's dingy attic room. The sun had not yet risen and the room was still shadowy. Pigwidgeon was asleep with his head under his tiny wing. The scar on Harry's forehead was prickling. +"You were muttering in your sleep." +"Was I?" +"Yeah. 'Gregorovitch.' You kept saying 'Gregorovitch.'" +Harry was not wearing his glasses; Ron's face appeared slightly blurred. +"Who's Gregorovitch?" +"I dunno, do I?" You were the one saying it." +Harry rubbed his forehead, thinking. He had a vague idea he had heard the name before, but he could not think where. +"I think Voldemort's looking for him." +"Poor bloke," said Ron fervently. +Harry sat up, still rubbing his scar, now wide awake. He tried to remember exactly what he had seen in the dream, but all that came back was a mountainous horizon and the outline of the little village cradled in a deep valley. +"I think he's abroad." +"Who, Gregorovitch?" +"Voldemort. I think he's somewhere abroad, looking for Gregorovitch. It didn't look like anywhere in Britain." +"You reckon you were seeing into his mind again?" +Ron sounded worried. +"Do me a favor and don't tell Hermione," said Harry. "Although how she expects me to stop seeing stuff in my sleep..." +He gazed up at little Pigwidgeon's cage, thinking...Why was the name "Gregorovitch" familiar? +"I think," he said slowly, "he's got something to do with Quidditch. There's some connection, but I can't--I can't think what it is." +"Quidditch?" said Ron. "Sure you're not thinking of Gorgovitch?" +"Who?" +"Dragomir Gorgovitch, Chaser, transferred to the Chudley Cannons for a record fee two years ago. Record holder for most Quaffle drops in a season." +"No," said Harry. "I'm definitely not thinking of Gorgovitch." +"I try not to either," said Ron. "Well, happy birthday anyway." +"Wow -- that's right, I forgot! I'm seventeen!" +Harry seized the wand lying beside his camp bed, pointed it at the cluttered desk where he had left his glasses, and said, "Accio Glasses!" Although they were only around a foot away, there was something immensely satisfying about seeing them zoom toward him, at least until they poked him in the eye. +"Slick," snorted Ron. +Reveling in the removal of his Trace, Harry sent Ron's possessions flying around the room, causing Pigwidgeon to wake up and flutter excitedly around his cage. Harry also tried tying the laces of his trainers by magic (the resultant knot took several minutes to untie by hand) and, purely for the pleasure of it, turned the orange robes on Ron's Chudley Cannons posters bright blue. +"I'd do your fly by hand, though," Ron advised Harry, sniggering when Harry immediately checked it. "Here's your present. Unwrap it up here, it's not for my mother's eyes." +"A book?" said Harry as he took the rectangular parcel. "Bit of a departure from tradition, isn't it?" +"This isn't your average book," said Ron. "It'd pure gold: Twelve Fail-Safe Ways to Charm Witches. Explains everything you need to know about girls. If only I'd had this last year I'd have known exactly how to get rid of Lavender and I would've known how to get going with... Well, Fred and George gave me a copy, and I've learned a lot. You'd be surprised, it's not all about wandwork, either." +When they arrived in the kitchen they found a pile of presents waiting on the table. Bill and Monsieur Delacour were finishing their breakfasts, while Mrs. Weasley stood chatting to them over the frying pan. +"Arthur told me to wish you a happy seventeenth, Harry," said Mrs. Weasley, beaming at him. "He had to leave early for work, but he'll be back for dinner. That's our present on top." +Harry sat down, took the square parcel she had indicated, and unwrapped it. Inside was a watch very like the one Mr. and Mrs. Weasley had given Ron for his seventeenth; it was gold, with stars circling around the race instead of hands. +"It's traditional to give a wizard a watch when he comes of age," said Mrs. Weasley, watching him anxiously from beside the cooker. "I'm afraid that one isn't new like Ron's, it was actually my brother Fabian's and he wasn't terribly careful with his possessions, it's a bit dented on the back, but--" +The rest of her speech was lost; Harry had got up and hugged her. He tried to put a lot of unsaid things into the hug and perhaps she understood them, because she patted his cheek clumsily when he released her, then waved her wand in a slightly random way, causing half a pack of bacon to flop out of the frying pan onto the floor. +"Happy birthday, Harry!" said Hermione, hurrying into the kitchen and adding her own present to the top of the pile. "It's not much, but I hope you like it. What did you get him?" she added to Ron, who seemed not to hear her. +"Come on, then, open Hermione's!" said Ron. +She had bought him a new Sneakoscope. The other packages contained an enchanted razor from Bill and Fleur ("Ah yes, zis will give you ze smoothest shave you will ever 'ave," Monsieur Delacour assured him, "but you must tell it clearly what you want...ozzerwise you might find you 'ave a leetle less hair zan you would like..."), chocolates from the Delacours, and an enormous box of the latest Weasleys' Wizard Wheezes merchandise from Fred and George. +Harry, Ron, and Hermione did not linger at the table, as the arrival of Madame Delacour, Fleur, and Gabrielle made the kitchen uncomfortably crowded. +"I'll pack these for you," Hermione said brightly, taking Harry's presents out of his arms as the three of them headed back upstairs. "I'm nearly done, I'm just waiting for the rest of your underpants to come out of the wash, Ron--" +Ron's splutter was interrupted by the opening of a door on the first-floor landing. +"Harry, will you come in here a moment?" +It was Ginny. Ron came to an abrupt halt, but Hermione took him by the elbow and tugged him on up the stairs. Feeling nervous, Harry followed Ginny into her room. +He had never been inside it before. It was small, but bright. There was a large poster of the Wizarding band the Weird Sisters on one wall, and a picture of Gwenog Jones, Captain of the all-witch Quidditch team the Holyhead Harpies, on the other. A desk stood facing the open window, which looked out over the orchard where he and Ginny had once played a two-a-side Quidditch with Ron and Hermione, and which now housed a large, pearly white marquee. The golden flag on top was level with Ginny's window. +Ginny looked up into Harry's face, took a deep breath, and said, "Happy seventeenth." +"Yeah...thanks." +She was looking at him steadily; he however, found it difficult to look back at her; it was like gazing into a brilliant light. +"Nice view," he said feebly, pointing toward with window. +She ignored this. He could not blame her. +"I couldn't think what to get you," she said. +"You didn't have to get me anything." +She disregarded this too. +"I didn't know what would be useful. Nothing too big, because you wouldn't be able to take it with you." +He chanced a glance at her. She was not tearful; that was one of the many wonderful things about Ginny, she was rarely weepy. He had sometimes thought that having six brothers must have toughened her up. +She took a step closer to him. +"So then I thought, I'd like you to have something to remember me by, you know, if you meet some veela when you're off doing whatever you're doing." +"I think dating opportunities are going to be pretty thin on the ground, to be honest." +"There's the silver lining I've been looking for," she whispered, and then she was kissing him as she had never kissed him before, and Harry was kissing her back, and it was blissful oblivion better than firewhisky; she was the only real thing in the world, Ginny, the feel of her, one hand at her back and one in her long, sweet-smelling hair-- +The door banged open behind them and they jumped apart. +"Oh," said Ron pointedly. "Sorry." +"Ron!" Hermione was just behind him, slight out of breath. There was a strained silence, then Ginny had said in a flat little voice, +"Well, happy birthday anyway, Harry." +Ron's ears were scarlet; Hermione looked nervous. Harry wanted to slam the door in their faces, but it felt as though a cold draft had entered the room when the door opened, and his shining moment had popped like a soap bubble. All the reasons for ending his relationship with Ginny, for staying well away from her, seemed to have slunk inside the room with Ron, and all happy forgetfulness was gone. +He looked at Ginny, wanting to say something, though he hardly knew what, but she had turned her back on him. He thought that she might have succumbed, for once, to tears. He could not do anything to comfort her in front of Ron. +"I'll see you later," he said, and followed the other two out of the bedroom. +Ron marched downstairs, though the still-crowded kitchen and into the yard, and Harry kept pace with him all the way, Hermione trotting along behind them looking scared. +Once he reached the seclusion of the freshly mown lawn, Ron rounded on Harry. +"You ditched her. What are you doing now, messing her around?" +"I'm not messing her around," said Harry, as Hermione caught up with them. +"Ron--" +But Ron held up a hand to silence her. +"She was really cut up when you ended it--" +"So was I. You know why I stopped it, and it wasn't because I wanted to." +"Yeah, but you go snogging her now and she's just going to get her hopes up again--" +"She's not an idiot, she knows it can't happen, she's not expecting us to--to end up married, or--" +As he said it, a vivid picture formed in Harry's mind of Ginny in a white dress, marrying a tall, faceless, and unpleasant stranger. +In one spiraling moment it seemed to hit him: Her future was free and unencumbered, whereas his...he could see nothing but Voldemort ahead. +"If you keep groping her every chance you get--" +"It won't happen again," said Harry harshly. The day was cloudless, but he felt as though the sun had gone in. "Okay?" +Ron looked half resentful, half sheepish; he rocked backward and forward on his feet for a moment, then said, "Right then, well, that's...yeah." +Ginny did not seek another one-to-one meeting with Harry for the rest of the day, nor by any look or gesture did she show that they had shared more than polite conversation in her room. Nevertheless, Charlie's arrival came as a relief to Harry. It provided a distraction, watching Mrs. Weasley force Charlie into a chair, raise her wand threateningly, and announce that he was about to get a proper haircut. +As Harry's birthday dinner would have stretched the Burrow's kitchen to breaking point even before the arrival of Charlie, Lupin, Tonks, and Hagrid, several tables were placed end to end in the garden. Fred and George bewitched a number of purple lanterns all emblazoned with a large number 17, to hang in midair over the guests. Thanks to Mrs. Weasley's ministrations, George's wound was neat and clean, but Harry was not yet used to the dark hole in the side of his head, despite the twins' many jokes about it. +Hermione made purple and gold streamers erupt from the end of her wand and drape themselves artistically over the trees and bushes. +"Nice," said Ron, as with one final flourish of her wand, Hermione +turned the leaves on the crabapple tree to gold. "You've really got an eye for that sort of thing." +"Thank you, Ron!" said Hermione, looking both pleased and a little confused. Harry turned away, smiling to himself. He had a funny notion that he would find a chapter on compliments when he found time to peruse his copy of Twelve Fail-Safe Ways to Charm Witches; he caught Ginny's eye and grinned at her before remembering his promise to Ron and hurriedly striking up a conversation with Monsieur Delacour. +"Out of the way, out of the way!" sang Mrs. Weasley, coming through the gate with what appeared to be a giant, beach-ball-sized Snitch floating in front of her. Seconds later Harry realized that it was his birthday cake, which Mrs. Weasley was suspending with her wand, rather than risk carrying it over the uneven ground. When the cake had finally landed in the middle of the table, Harry said, +"That looks amazing, Mrs. Weasley." +"Oh, it's nothing, dear," she said fondly. Over her shoulder, Ron gave Harry the thumbs-up and mouthed, Good one. +By seven o'clock all the guests had arrived, led into the house by Fred and George, who had waited for them at the end of the lane. Hagrid had honored the occasion by wearing his best, and horrible, hairy brown suit. Although Lupin smiled as he shook Harry's hand, Harry thought he looked rather unhappy. It was all very odd; Tonks, beside him, looked simply radiant. +"Happy birthday, Harry," she said, hugging him tightly. +"Seventeen, eh!" said Hagrid as he accepted a bucket-sized glass of wine from Fred. "Six years ter the day since we met, Harry, d'yeh remember it?" +"Vaguely," said Harry, grinning up at him. "Didn't you smash down the front door, give Dudley a pig's tail, and tell me I was a wizard?" +"I forge' the details," Hagrid chortled. "All righ', Ron, Hermione?" +"We're fine," said Hermione. "How are you?" +"Ar, not bad. Bin busy, we got some newborn unicorns. I'll show yeh when yeh get back--" Harry avoided Ron's and Hermione's gazes as Hagrid rummaged in his pocket. "Here. Harry -- couldn't think what ter get teh, but then I remembered this." He pulled out a small, slightly furry drawstring pouch with a long string, evidently intended to be worn around the neck. "Mokeskin. Hide anythin' in there an' no one but the owner can get it out. They're rare, them." +"Hagrid, thanks!" +"'S'nothin'," said Hagrid with a wave of a dustbin-lid-sized hand. "An' there's Charlie! Always liked him -- hey! Charlie!" +Charlie approached, running his hand slightly ruefully over his new, brutally short haircut. He was shorter than Ron, thickset, with a number of burns and scratches up his muscley arms. +"Hi, Hagrid, how's it going?" +"Bin meanin' ter write fer ages. How's Norbert doin'?" +"Norbert?" Charlie laughed. "The Norwegian Ridgeback? We call her Norberta now." +"Wha -- Norbert's a girl?" +"Oh yeah," said Charlie. +"How can you tell?" asked Hermione. +"They're a lot more vicious," said Charlie. He looked over his shoulder and dropped his voice. "Wish Dad would hurry up and get here. Mum's getting edgy." +They all looked over at Mrs. Weasley. She was trying to talk to Madame Delacour while glancing repeatedly at the gate. +"I think we'd better start without Arthur," she called to the garden at large after a moment or two. "He must have been held up at -- oh!" +They all saw it at the same time: a streak of light that came flying across the yard and onto the table, where it resolved itself into a bright silver weasel, which stood on its hind legs and spoke with Mr. Weasley's voice. +"Minister of Magic coming with me." +The Patronus dissolved into thin air, leaving Fleur's family peering in astonishment at the place where it had vanished. +"We shouldn't be here," said Lupin at once. "Harry -- I'm sorry -- I'll explain some other time--" +He seized Tonks�s wrist and pulled her away; they reached the fence, climbed over it, and vanished from sight. Mrs. Weasley looked bewildered. +"The Minister -- but why--? I don't understand--" +But there was no time to discuss the matter; a second later, Mr. Weasley had appeared out of thin air at the gate, accompanied by Rufus Scrimgeour, instantly recognizable by his mane of grizzled hair. +The two newcomers marched across the yard toward the garden and the lantern-lit table, where everybody sat in silence, watching them draw closer. As Scrimgeour came within range of the lantern light. Harry saw that he looked much older than the last time that had met, scraggy and grim. +"Sorry to intrude," said Scrimgeour, as he limped to a halt before the table. "Especially as I can see that I am gate-crashing a party." +His eyes lingered for a moment on the giant Snitch cake. +"Many happy returns." +"Thanks," said Harry. +"I require a private word with you," Scrimgeour went on. "Also with Mr. Ronald Weasley and Miss Hermione Granger." +"Us?" said Ron, sounding surprised. "Why us?" +"I shall tell you that when we are somewhere more private," said Scrimgeour. "Is there such a place?' he demanded of Mr. Weasley. +"Yes, of course," said Mr. Weasley, who looked nervous. "The, er, sitting room, why don't you use that?" +"You can lead the way," Scrimgeour said to Ron. "There will be no need for you to accompany us, Arthur." +Harry saw Mr. Weasley exchange a worried look with Mrs. Weasley as he, Ron, and Hermione stood up. As they led the way back to the house in silence, Harry knew that the other two were thinking the same as he was; Scrimgeour must, somehow, had learned that the three of them were planning to drop out of Hogwarts. +Scrimgeour did not speak as they all passed through the messed kitchen and into the Burrow's sitting room. Although the garden had been full of soft golden evening light, +it was already dark in here; Harry flicked his wand at the oil lamps as he entered and they illuminated the shabby but cozy room. Scrimgeour sat himself in the sagging armchair that Mr. Weasley normally occupied, leaving Harry, Ron, and Hermione to squeeze side by side onto the sofa. Once they had done so, Scrimgeour spoke. +"I have some questions for the three of you, and I think it will be best if we do it individually. If you two" -- he pointed at Harry and Hermione -- "can wait upstairs, I will start with Ronald." +"We're not going anywhere," said Harry, while Hermione nodded vigorously. "You can speak to us together, or not at all." +Scrimgeour gave Harry a cold, appraising look. Harry had the impression that the Minister was wondering whether it was worthwhile opening hostilities this early. +"Very well then, together," he said, shrugging. He cleared his throat. "I am here, as I'm sure you know, because of Albus Dumbledore's will." +Harry, Ron, and Hermione looked at one another. +"A surprise, apparently! You were not aware then that Dumbledore had left you anything?" +"A-all of us?" said Ron, "Me and Hermione too?" +"Yes, all of --" +But Harry interrupted. +"Dumbledore died over a month ago. Why has it taken this long to give us what he left us?" +"Isn't it obvious?" said Hermione, before Scrimgeour could answer. "They wanted to examine whatever he's left us. You had no right to do that!" she said, and her voice trembled slightly. +"I had every right," said Scrimgeour dismissively. "The Decree for Justifiable Confiscation gives the Ministry the power the confiscate the contents of a will--" +"That law was created to stop wizards passing on Dark artifacts," said Hermione, "and the Ministry is supposed to have powerful evidence that the deceased's possessions are illegal before seizing them! Are you telling me that you thought Dumbledore was trying to pass us something cursed?" +"Are you planning to follow a career in Magical Law, Miss Granger?" asked Scrimgeour. +"No, I'm not," retorted Hermione. "I'm hoping to do some good in the world!" +Ron laughed. Scrimgeour's eyes flickered toward him and away again as Harry spoke. +"So why have you decided to let us have our things now? Can't think of a pretext to keep them?" +"No, it'll be because thirty-one days are up," said Hermione at once. "They can't keep the objects longer than that unless they can prove they're dangerous. Right?" +"Would you say you were close to Dumbledore, Ronald?" asked Scrimgeour, ignoring Hermione. Ron looked startled. +"Me? Not -- not really... It was always Harry who..." +Ron looked around at Harry and Hermione, to see Hermione giving him a stop-talking-now! sort of look, but the damage was done; Scrimgeour looked as though he had +heard exactly what he had expected, and wanted, to hear. He swooped like a bird of prey upon Ron's answer. +"If you were not very close to Dumbledore, how do you account for the fact that he remembered you in his will? He made exceptionally few personal bequests. The vast majority of his possessions -- his private library, his magical instruments, and other personal effects -- were left to Hogwarts. Why do you think you were singled out?" +"I...dunno," said Ron. "I...when I say we weren't close...I mean, I think he liked me..." +"You're being modest, Ron," said Hermione. "Dumbledore was very fond of you." +This was stretching the truth to breaking point; as far as Harry knew, Ron and Dumbledore had never been alone together, and direct contact between them had been negligible. However, Scrimgeour did not seem to be listening. He put his hand inside his cloak and drew out a drawstring pouch much larger than the one Hagrid had given Harry. From it, he removed a scroll of parchment which he unrolled and read aloud. +"'The Last Will and Testament of Albus Percival Wulfric Brian Dumbledore'... Yes, here we are... 'To Ronald Bilius Weasley, I leave my Deluminator, in the hope that he will remember me when he uses it.'" +Scrimgeour took from the bag an object that Harry had seen before: It looked something like a silver cigarette lighter, but it had, he knew, the power to suck all light from a place, and restore it, with a simple click. Scrimgeour leaned forward and passed the Deluminator to Ron, who took it and turned it over in the fingers looking stunned. +"That is a valuable object," said Scrimgeour, watching Ron. "It may even be unique. Certainly it is of Dumbledore's own design. Why would he have left you and item so rare?" +Ron shook his head, looking bewildered. +"Dumbledore must have taught thousands of students," Scrimgeour persevered. "Yet the only ones he remembered in his will are you three. Why is that? To what use did he think you would put to the Deluminator, Mr. Weasley?" +"Put out lights, I s'pose," mumbled Ron. "What else could I do with it?" +Evidently Scrimgeour had no suggestions. After squinting at Ron for a moment or tow, he turned back to Dumbledore's will. +"'To Miss Hermione Jean Granger, I leave my copy of The Tales of Beedle the Bard, in the hope that she will find it entertaining and instructive.'" +Scrimgeour now pulled out of the bag a small book that looked as ancient as the copy of Secrets of the Darkest Art upstairs. Its binding was stained and peeling in places. Hermione took it from Scrimgeour without a word. She held the book in her lap and gazed at it. Harry saw that the title was in runes; he had never learned to read them. As he looked, a tear splashed onto the embossed symbols. +"Why do you think Dumbledore left you that book, Miss Granger?" asked Scrimgeour. +"He... he knew I liked books," said Hermione in a thick voice, mopping her eyes with her sleeve. +"But why that particular book?" +"I don't know. He must have thought I'd enjoy it." +"Did you ever discuss codes, or any means of passing secret messages, with Dumbledore?" +"No, I didn't," said Hermione, still wiping her eyes on her sleeve. "And if the Ministry hasn't found any hidden codes in this book in thirty-one days, I doubt that I will." +She suppressed a sob. They were wedged together so tightly that Ron had difficulty extracting his arm to put it around Hermione's shoulders. Scrimgeour turned back to the will. +"'To Harry James Potter,'" he read, and Harry's insides contracted with a sudden excitement, "'I leave the Snitch he caught in his first Quidditch match at Hogwarts, as a reminder of the rewards of perseverance and skill.'" +As Scrimgeour pulled out the tiny, walnut-sized golden ball, its silver wings fluttered rather feebly, and Harry could not help feeling a definite sense of anticlimax. +"Why did Dumbledore leave you this Snitch?" asked Scrimgeour. +"No idea," said Harry. "For the reasons you just read out, I suppose... to remind me what you can get if you... persevere and whatever it was." +"You think this a mere symbolic keepsake, then?" +"I suppose so," said Harry. "What else could it be?" +"I'm asking the questions," said Scrimgeour, shifting his chair a little closer to the sofa. Dusk was really falling outside now; the marquee beyond the windows towered ghostly white over the hedge. +"I notice that your birthday cake is in the shape of a Snitch," Scrimgeour said to Harry. "Why is that?" +Hermione laughed derisively. +"Oh, it can't be a reference to the fact Harry's a great Seeker, that's way too obvious," she said. "There must be a secret message from Dumbledore hidden in the icing!" +"I don't think there's anything hidden in the icing," said Scrimgeour, "but a Snitch would be a very good hiding place for a small object. You know why, I'm sure?" +Harry shrugged, Hermione, however, answered: Harry thought that answering questions correctly was such a deeply ingrained habit she could not suppress the urge. +"Because Snitches have flesh memories," she said. +"What?" said Harry and Ron together; both considered Hermione's Quidditch knowledge negligible. +"Correct," said Scrimgeour. "A Snitch is not touched by bare skin before it is released, not even by the maker, who wears gloves. It carries an enchantment by which it can identify the first human to lay hands upon it, in case of a disputed capture. This Snitch" -- he held up the tiny golden ball -- "will remember your touch, Potter. +It occurs to me that Dumbledore, who had prodigious magical skill, whatever his other faults, might have enchanted this Snitch so that it will open only for you." +Harry's heart was beating rather fast. He was sure that Scrimgeour was right. How could he avoid taking the Snitch with his bare hand in front of the Minister? +"You don't say anything," said Scrimgeour. "Perhaps you already know what the Snitch contains?" +"No," said Harry, still wondering how he could appear to touch the Snitch without really doing so. If only he knew Legilimency, really knew it, and could read Hermione's mind; he could practically hear her brain whizzing beside him. +"Take it," said Scrimgeour quietly. +Harry met the Minister's yellow eyes and knew he had no option but to obey. He held out his hand, and Scrimgeour leaned forward again and place the Snitch, slowly and deliberately, into Harry's palm. +Nothing happened. As Harry's fingers closed around the Snitch, its tired wings fluttered and were still. Scrimgeour, Ron, and Hermione continued to gaze avidly at the now partially concealed ball, as if still hoping it might transform in some way. +"That was dramatic," said Harry coolly. Both Ron and Hermione laughed. +"That's all, then, is it?" asked Hermione, making to raise herself off the sofa. +"Not quite," said Scrimgeour, who looked bad tempered now. "Dumbledore left you a second bequest, Potter." +"What is it?" asked Harry, excitement rekindling. +Scrimgeour did not bother to read from the will this time. +"The sword of Godric Gryffindor," he said. Hermione and Ron both stiffened. Harry looked around for a sign of the ruby-encrusted hilt, but Scrimgeour did not pull the sword from the leather pouch, which in any case looked much too small to contain it. +"So where is it?" Harry asked suspiciously. +"Unfortunately," said Scrimgeour, "that sword was not Dumbledore's to give away. The sword of Godric Gryffindor is an important historical artifact, and as such, belongs--" +"It belongs to Harry!" said Hermione hotly. "It chose him, he was the one who found it, it came to him out of the Sorting Hat--" +"According to reliable historical sources, the sword may present itself to any worthy Gryffindor," said Scrimgeour. "That does not make it the exclusive property of Mr. Potter, whatever Dumbledore may have decided." Scrimgeour scratched his badly shaven cheek, scrutinizing Harry. "Why do you think--?" +"--Dumbledore wanted to give me the sword?" said Harry, struggling to keep his temper. "Maybe he thought it would look nice on my wall." +"This is not a joke, Potter!" growled Scrimgeour. "Was it because Dumbledore believed that only the sword of Godric Gryffindor could defeat the Heir of Slytherin? Did he wish to give you that sword, Potter, because he believed, as do many, that you are the one destined to destroy He-Who-Must-Not-Be-Named?" +"Interesting theory," said Harry. "Has anyone ever tried sticking a sword in Voldemort? Maybe the Ministry should put some people onto that, instead of wasting their time stripping down Deluminators or covering up breakouts from Azkaban. So this is what you've been doing, Minister, shut up in your office, trying to break open a Snitch? People are dying - I was nearly one of them - Voldemort chased me across three countries, he killed Mad-Eye Moody, but there's no word about any of that from the Ministry, has there? And you still expect us to cooperate with you!" +"You go too far!" shouted Scrimgeour, standing up: Harry jumped to his feet too. Scrimgeour limped toward Harry and jabbed him hard in the chest with the point of his wand; It singed a hole in Harry's T-shirt like a lit cigarette. +"Oi!" said Ron, jumping up and raising his own wand, but Harry said, +"No! D'you want to give him an excuse to arrest us?" +"Remembered you're not at school, have you?" said Scrimgeour breathing hard into Harry's face. "Remembered that I am not Dumbledore, who forgave your insolence +and insubordination? You may wear that scar like a crown, Potter, but it is not up to a seventeen-year-old boy to tell me how to do my job! It's time you learned some respect!" +"It's time you earned it." said Harry. +The floor trembled; there was a sound of running footsteps, then the door to the sitting room burst open and Mr. and Mrs. Weasley ran in. +"We --- we thought we heard --" began Mr. Weasley, looking thoroughly alarmed at the sight of Harry and the Minister virtually nose to nose. +"-raised voices," panted Mrs. Weasley. +Scrimgeour took a couple of steps back from Harry, glancing at the hole he had made in Harry's T-shirt. He seemed to regret his loss of temper. +"It - it was nothing," he growled. "I ... regret your attitude," he said, looking Harry full in the face once more. "You seem to think that the Ministry does not desire what you - what Dumbledore - desired. We ought to work together." +"I don't like your methods, Minister," said Harry. "Remember?" +For the second time, he raised his right fist and displayed to Scrimgeour the scar that still showed white on the back of it, spelling I must not tell lies . Scrimgeour's expression hardened. He turned away without another word and limped from the room. Mrs. Weasley hurried after him; Harry heard her stop at the back door. After a minute or so she called, "He's gone!" +What did he want?" Mr. Weasley asked, looking around at Harry, Ron, and Hermione as Mrs. Weasley came hurrying back to them. +"To give us what Dumbledore left us," said Harry. "They've only just released the content of his will." +Outside in the garden, over the dinner tables, the three objects Scrimgeour had given them were passed from hand to hand. Everyone exclaimed over the Deluminator and The Tales of Beedle the Bard and lamented the fact that Scrimgeour had refused to pass on the sword, but none of them could offer any suggestion as to why Dumbledore would have left Harry an old Snitch. As Mr. Weasley examined the Deluminator for the third of fourth time, Mrs. Weasley said tentatively, "Harry, dear, everyone's awfully hungry we didn't like to start without you... Shall I serve dinner now?" +They all ate rather hurriedly and then after a hasty chorus of "Happy Birthday" and much gulping of cake, the party broke up. Hagrid, who was invited to the wedding the following day, but was far too bulky to sleep in the overstretched Burrow, left to set up a tent for himself in a neighboring field. +"Meet us upstairs," Harry whispered to Hermione, while they helped Mrs. Weasley restore the garden to its normal state. "After everyone's gone to bed." +Up in the attic room, Ron examined his Deluminator, and Harry filled Hagrid's mokeskin purse, not with gold, but with those items he most prized, apparently worthless though some of them were the Marauder's Map, the shard of Sirius's enchanted mirror, and R.A.B.'s locket. He pulled the string tight and slipped the purse around his neck, then sat holding the old Snitch and watching its wings flutter feebly. At last, Hermione tapped on the door and tiptoed inside. +"Muffiato," she whispered, waving her wand in the direction of the stairs. +"Thought you didn't approve of that spell?" said Ron. +"Times change," said Hermione. "Now, show us that Deluminator." +Ron obliged at once. Holding I up in front of him, he clicked it. The solitary lamp they had lit went out at once. +"The thing is," whispered Hermione through the dark, "we could have achieved that with Peruvian Instant Darkness Powder." +There was a small click, and the ball of light from the lamp flew back to the ceiling and illuminated them all once more. +"Still, it's cool," said Ron, a little defensively. "And from what they said, Dumbledore invented it himself!" +"I know but, surely he wouldn't have singled you out in his will just to help us turn out the lights!" +"D'you think he knew the Ministry would confiscate his will and examine everything he'd left us?" asked Harry. +"Definitely," said Hermione. "He couldn't tell us in the will why he was leaving us these things, but that will doesn't explain..." +"... why he couldn't have given us a hint when he was alive?" asked Ron. +"Well, exactly," said Hermione, now flicking through The Tales of Beedle the Bard. "If these things are important enough to pass on right under the nose of the Ministry, you'd think he'd have left us know why... unless he thought it was obvious?" +"Thought wrong, then, didn't he?" said Ron. "I always said he was mental. Brilliant and everything, but cracked. Leaving Harry an old Snitch - what the hell was that about?" +"I've no idea," said Hermione. "When Scrimgeour made you take it, Harry, I was so sure that something was going to happen!" +"Yeah, well," said Harry, his pulse quickened as he raised the Snitch in his fingers. "I wasn't going to try too hard in front of Scrimgeour was I?" +"What do you mean?" asked Hermione. +"The Snitch I caught in my first ever Quidditch match?" said Harry. "Don't you remember?" +Hermione looked simply bemused. Ron, however, gasped, pointing frantically from Harry to the Snitch and back again until he found his voice. +"That was the one you nearly swallowed!" +"Exactly," said Harry, and with his heart beating fast, he pressed his mouth to the Snitch. +It did not open. Frustration and bitter disappointment welled up inside him: He lowered the golden sphere, but then Hermione cried out. +"Writing! There's writing on it, quick, look!" He nearly dropped the Snitch in surprise and excitement. Hermione was quite right. Engraved upon the smooth golden surface, where seconds before there had been nothing, were five words written in the thin, slanted handwriting that Harry recognized as Dumbledore's +I open at the close. +He had barely read them when the words vanished again. +"I open at the close...." What's that supposed to mean?" +Hermione and Ron shook their heads, looking blank. +"I open at the close... at the close... I open at the close..." +But no matter how often they repeated the words, with many different inflections, they were unable to wring any more meaning from them. +"And the sword," said Ron finally, when they had at last abandoned their attempts to divine meaning in the Snitch's inscription. +"Why did he want Harry to have the sword?" +"And why couldn't he just have told me?" Harry said quietly. "I was there, it was right there on the wall of his office during all our talks last year! If he wanted me to have it, why didn't he just give it to me then?" +He felt as thought he were sitting in an examination with a question he ought to have been able to answer in front of him, his brain slow and unresponsive. Was there something he had missed in the long talks with Dumbledore last year? Ought he to know what it all meant? Had Dumbledore expected him to understand? +"And as for this book." Said Hermione, "The Tales of Beedle the Bard ... I've never even heard of them!" +"You've never heard of The Tales of Beedle the Bard?" said Ron incredulously. "You're kidding, right?" +"No, I'm not," said Hermione in surprise. "Do you know them then?" +"Well, of course I do!" +Harry looked up, diverted. The circumstance of Ron having read a book that Hermione had not was unprecedented. Ron, however, looked bemused by their surprise. +"Oh come on! All the old kids' stories are supposed to be Beedle's aren't they? 'The Fountain of Fair Fortune' ... 'The Wizard and the Hopping Pot'... 'Babbitty Rabbitty and her Cackling Stump'..." +"Excuse me?" said Hermione giggling. "What was the last one?" +"Come off it!" said Ron, looking in disbelief from Harry to Hermione. "You must've heard of Babbitty Rabbitty -" +"Ron, you know full well Harry and I were brought up by Muggles!" said Hermione. "We didn't hear stories like that when we were little, we heard 'Snow White and the Seven Dwarves' and 'Cinderella' -" +"What's that, an illness?" asked Ron. +"So these are children's stories?" asked Hermione, bending against over the runes. +"Yeah." Said Ron uncertainly. "I mean, just what you hear, you know, that all these old stories came from Beedle. I dunno what they're like in the original versions." +"But I wonder why Dumbledore thought I should read them?" +Something cracked downstairs. +"Probably just Charlie, now Mum's asleep, sneaking off to regrow his hair," said Ron nervously. +"All the same, we should get to bed," whispered Hermione. "It wouldn't do to oversleep tomorrow." +"No," agreed Ron. "A brutal triple murder by the bridegroom's mother might put a bit of damper on the wedding. I'll get the light." +And he clicked the Deluminator once more as Hermione left the room. +Chapter Eight +The Wedding +Three o�clock on the following afternoon found Harry, Ron, Fred and George standing outside the great white marquee in the orchard, awaiting the arrival of the wedding guests. Harry had taken a large dose of Polyjuice Potion and was now the double of a redheaded Muggle boy from the local village, Ottery St. Catchpole, from whom Fred had stolen hairs using a Summoning Charm. The plan was to introduce Harry as "Cousin Barny" and trust to the great number of Weasley relatives to camouflage him. +All four of them were clutching seating plans, so that they could help show people to the right seats. A host of white-robed waiters had arrived an hour earlier, along with a golden jacketed band, and all of these wizards were currently sitting a short distance away under a tree. Harry could see a blue haze of pipe smoke issuing from the spot. Behind Harry, the entrance to the marquee revealed rows and rows of fragile golden chairs set on either side of a long purple carpet. The supporting poles were entwined with white and gold flowers. Fred and George had fastened an enormous bunch of golden balloons over the exact point where Bill and Fleur would shortly become husband and wife. Outside, butterflies and bees were hovering lazily over the grass and hedgerow. Harry was rather uncomfortable. The Muggle boy whose appearance he was affecting was slightly fatter than him and his dress robes felt hot and tight in the full glare of a summer�s day. +"When I get married," said Fred, tugging at the collar of his own robes, "I won�t be bothering with any of this nonsense. You can all wear what you like, and I�ll put a full Body Bird Curse on Mum until it�s all over." +"She wasn�t too bad this morning, considering," said George. "Cried a bit about Percy not being here, but who wants him. Oh blimey, brace yourselves, here they come, look." +Brightly colored figures were appearing, one by one out of nowhere at the distant boundary of the yard. Within minutes a procession had formed, which began to snake its way up through the garden toward the marquee. Exotic flowers and bewitched birds fluttered on the witches� hats, while precious gems glittered from many of the wizards� cravats; a hum of excited chatter grew louder and louder, drowning the sound of the bees as the crowd approached the tent. +"Excellent, I think I see a few veela cousins," said George, craning his neck for a better look. "They�ll need help understanding our English customs, I�ll look after them...." +"Not so fast, Your Holeyness," said Fred, and darting past the gaggle of middle-aged witches heading for the procession, he said, "Here - permetiez moi to assister vous," to a pair of pretty French girls, who giggled and allowed him to escort them inside. George was left to deal with the middle-aged witches and Ron took charge of Mr. Weasley�s old Ministry-colleague Perkins, while a rather deaf old couple fell to Harry�s lot. +"Wotcher," said a familiar voice as he came out of the marquee again and found Tonks and Lupin at the front of the queue. She had turned blonde for the occasion. "Arthur told us you were the one with the curly hair. Sorry about last night," she added +in a whisper as Harry led them up the aisle. "The Ministry�s being very anti-werewolf at the museum and we thought our presence might not do you any favors." +"It�s fine, I understand," said Harry, speaking more to Lupin than Tonks. Lupin gave him a swift smile, but as they turned away Harry saw Lupin�s face fall again into lines of misery. He did not understand it, but there was no time to dwell on the matter. Hagrid was causing a certain amount of disruption. Having misunderstood Fred�s directions as he had sat himself, not upon the magically enlarged and reinforced seat set aside for him in the back row, but on five sets that now resembled a large pile of golden matchsticks. +While Mr. Weasley repaired the damage and Hagrid shouted apologies to anybody who would listen, Harry hurried back to the entrance to find Ron face-to-face with a most eccentric-looking wizard. Slightly cross-eyed, with shoulder-length white hair the texture of candyfloss, he wore a cap whose tassel dangled in front of his nose and robes of an eye-watering shade of egg-yolk yellow. An odd symbol, rather like a triangular eye, glistened from a golden chain around his neck. +"Xenophilius Lovegood," he said, extending a hand to Harry, "my daughter and I live just over the hill, so kind of the good Weasleys to invite us. But I think you know my Luna?" he added to Ron. +"Yes," said Ron. "Isn�t she with you?" +"She lingered in that charming little garden to say hello to the gnomes, such a glorious infestation! How few wizards realize just how much we can learn from the wise little gnomes - or, to give them their correct name, the Gernumbli gardensi." +"Ours do know a lot of excellent swear words," said Ron, "but I think Fred and George taught them those." +He led a party of warlocks into the marquee as Luna rushed up. +"Hello, Harry!" she said. +"Er - my name�s Barry," said Harry, flummoxed. +"Oh, have you changed that too?" she asked brightly. +"How did you know -?" +"Oh, just your expression," she said. +Like her father, Luna was wearing bright yellow robes, which she had accessorized with a large sunflower in her hair. Once you get over the brightness of it all, the general effect was quite pleasant. At least there were no radishes dangling from her ears. +Xenophilius, who was deep in conversation with an acquaintance, had missed the exchange between Luna and Harry. Biding the wizard farewell, he turned to his daughter, who held up her finger and said, "Daddy, look - one of the gnomes actually bit me." +"How wonderful! Gnome saliva is enormously beneficial." Said Mr. Lovegood, seizing Luna�s outstretched fingers and examining the bleeding puncture marks. "Luna, my love, if you should feel any burgeoning talent today - perhaps an unexpected urge to sing opera or to declaims in Mermish - do not repress it! You may have been gifted by the Gernumblies!" +Ron, passing them in the opposite direction let out a loud snort. +"Ron can laugh," said Luna serenely as Harry led her and Xenophilius toward their seats, "but my father has done a lot of research on Gernumbli magic." +"Really?" said Harry, who had long since decided not to challenge Luna or her father�s peculiar views. "Are you sure you don�t want to put anything on that bite, though?" +"Oh, it�s fine," said Luna, sucking her finger in a dreamy fashion and looking Harry up and down. "You look smart. I told Daddy most people would probably wear dress robes, but he believes you ought to wear sun colors to a wedding, for luck, you know." +As she drifted off after her father, Ron reappeared with an elderly witch clutching his arm. Her beaky nose, red-rimmed eyes, and leathery pink hat gave her the look of a bad-tempered flamingo. +"...and your hair�s much too long, Ronald, for a moment I thought you were Ginevra. Merlin�s beard, what is Xenophilius Lovegood wearing? He looks like an omelet. And who are you?" she barked at Harry. +"Oh yeah, Auntie Muriel, this is our cousin Barny." +"Another Weasley? You breed like gnomes. Isn�t Harry Potter here? I was hoping to meet him. I thought he was a friend of yours, Ronald, or have you merely been boasting?" +"No - he couldn�t come -" +"Hmm. Made an excuse, did he? Not as gormless as he looks in press photographs, then. I�ve just been instructing the bride on how best to wear my tiara," she shouted at Harry. "Goblin-made, you know, and been in my family for centuries. She�s a good-looking girl, but still - French. Well, well, find me a good seat, Ronald, I am a hundred and seven and I ought not to be on my feet too long." +Ron gave Harry a meaningful look as he passed and did not reappear for some time. When next they met at the entrance, Harry had shown a dozen more people to their places. The Marquee was nearly full now and for the first time there was no queue outside. +"Nightmare, Muriel is," said Ron, mopping his forehead on his sleeve. "She used to come for Christmas every year, then, thank God, she took offense because Fred and George set off a Dungbomb under her chair at diner. Dad always says she�ll have written them out of her will - like they care, they�re going to end up richer than anyone in the family, rate they�re going... Wow," he added, blinking rather rapidly as Hermione came hurrying toward them. "You look great!" +"Always the tone of surprise," said Hermione, though she smiled. She was wearing a floaty, lilac-colored dress with matching high heels; her hair was sleek and shiny. "Your Great-Aunt Muriel doesn�t agree, I just met her upstairs while she was giving Fleur the tiara. She said, �Oh dear, is this the Muggle-born?� and then, �Bad posture and skinny ankles.�" +"Don�t take it personally, she�s rude to everyone," said Ron. +"Talking about Muriel?" inquired George, reemerging from the marquee with Fred. "Yeah, she�s just told me my ears are lopsided. Old bat. I wish old Uncle Bilius was still with us, though; he was a right laugh at weddings." +"Wasn�t he the one who saw a Grim and died twenty-four hours later?" asked Hermione. +"Well, yeah, he went a bit odd toward the end," conceded George. +"But before he went loopy he was the life and soul of the party," said Fred. "He used to down an entire bottle of firewhisky, then run onto the dance floor, hoist up his robes, and start pulling bunches of flowers out of his -" +"Yes, he sounds a real charmer," said Hermione, while Harry roared with laughter. +"Never married, for some reason," said Ron. +"You amaze me," said Hermione. +They were all laughing so much that none of them noticed the latecomer, a dark-haired young man with a large, curved nose and thick black eyebrows, until he held out his invitation to Ron and said, with his eyes on Hermione, "You look vunderful." +"Viktor!" she shrieked, and dropped her small beaded bag, which made a loud thump quite disproportionate to its size. As she scrambled, blushing, to pick it up, she said "I didn�t know you were - goodness - it�s lovely to see - how are you?" +Ron�s ears had turned bright red again. After glancing at Krum�s invitation as if he did not believe a word of it, he said, much too loudly, "how come you�re here?" +"Fleur invited me," said Krum, eyebrows raised. +Harry, who had no grudge against Krum, shook hands; then feeling that it would be prudent to remove Krum from Ron�s vicinity, offered to show him his seat. +"Your friend is not pleased to see me," said Krum, as they entered the now packed marquee. "Or is he a relative?" he added with a glance at Harry�s red curly hair. +"Cousin." Harry muttered, but Krum was not really listening. His appearance was causing a stir, particularly amongst the veela cousins: He was, after all, a famous Quidditch player. While people were still craning their necks to get a good look at him, Ron, Hermione, Fred, and George came hurrying down the aisle. +"Time to sit down," Fred told Harry, "or we�re going to get run over by the bride." +Harry, Ron and Hermione took their seats in the second row behind Fred and George. Hermione looked rather pink and Ron�s ears were still scarlet. After a few moments he muttered to Harry, "Did you see he�s grown a stupid little beard?" +Harry gave a noncommittal grunt. +A sense of jittery anticipation had filled the warm tent, the general murmuring broken by occasional spurts of excited laughter. Mr. and Mrs. Weasley strolled up the aisle, smiling and waving at relatives; Mrs. Weasley was wearing a brand-new set of amethyst colored robes with a matching hat. +A moment later Bill and Charlie stood up at the front of the marquee, both wearing dress robes, with larger white roses in their buttonholes; Fred wolf-whistled and there was an outbreak of giggling from the veela cousins. Then the crowd fell silent as music swelled from what seemed to be the golden balloons. +"Ooooh!" said Hermione, swiveling around in her seat to look at the entrance. +A great collective sigh issued from the assembled witches and wizards as Monsieur Delacour and Fleur came walking up the aisle, Fleur gliding, Monsieur Delacour bouncing and beaming. Fleur was wearing a very simple white dress and seemed to be emitting a strong, silvery glow. While her radiance usually dimmed everyone else by comparison, today it beautified everybody it fell upon. Ginny and Gabrielle, both wearing golden dresses, looked even prettier than usual and once Fleur had reached for him, Bill did not look as though he had ever met Fenrit Greyback. +"Ladies and gentlemen," said a slightly singsong voice, and with a slight shock, Harry saw the same small, tufty-hired wizard who had presided at Dumbledore�s funeral, now standing in front of Bill and Fleur. "We are gathered here today to celebrate the union of two faithful souls..." +"Yes, my tiara set off the whole thing nicely," said Auntie Muriel in a rather carrying whisper. "But I must say, Ginevra�s dress is far too low cut." +Ginny glanced around, grinning, winked at Harry, then quickly faced the front again. Harry�s mind wandered a long way from the marquee, back to the afternoons spent alone with Ginny in lonely parts of the school grounds. They seemed so long ago; they had always seemed too good to be true, as though he had been stealing shining hours from a normal person�s life, a person without a lightning-shaped scar on his forehead.... +"Do you, William Arthur, take Fleur Isabelle...?" +In the front row, Mrs. Weasley and Madame Delacour were both sobbing quietly into scraps of lace. Trumpetlike sounds from the back of the marquee told everyone that Hagrid had taken out one of his own tablecloth-sized handkerchiefs. Hermione turned around and beamed at Harry; her eyes too were full of tears. +"...then I declare you bonded for life." +The tufty-haired wizard waved his hand high over the heads of Bill and Fleur and a shower of silver stars fell upon them, spiraling around their now entwined figures. As Fred and George led a round of applause, the golden balloons overhead burst. Birds of paradise and tiny golden bells flew and floated out of them, adding their songs and chimes to the din. +"Ladies and gentlemen!" called the tufty-haired wizard. "If you would please stand up!" +They all did so, Auntie Muriel grumbling audibly; he waved his wand again. The scars on which they had been sitting rose gracefully into the air as the canvas walls of the marquee vanished, so that they stood beneath a canopy supported by golden poles, with a glorious view of the sunlit orchard and surrounding countryside. Next, a pool of molten gold spread from the center of the tent to form a gleaming dance floor; the hovering chairs grouped themselves around small, white-clothed tables, which all floated gracefully back to earth round it, and the golden-jacketed hand trooped toward a podium. +"Smooth," said Ron approvingly as the waiters popped up on all sides, some hearing silver trays of pumpkin juice, butterbeer, and firewhisky, others tottering piles of tarts and sandwiches. +"We should go and congratulate them!" said Hermione, standing on tiptoe to see the place where Bill and Fleur had vanished amid a crowd of well-wishers. +"We�ll have time later," shrugged Ron, snatching three butterbeers from a passing tray and handing one to Harry. "Hermione, cop hold, let�s grab a table.... Not there! Nowhere near Muriel -" +Ron led the way across the empty dance floor, glancing left and right as he went; Harry felt sure that he was keeping an eye out for Krum. By the time they had reached the other side of the marquee, most of the tables were occupied: The emptiest was the one where Luna sat alone. +"All right if we join you?" asked Ron. +"Oh yes," she said happily. "Daddy�s just gone to give Bill and Fleur our present." +"What is it, a lifetime�s supply of Gurdyroots?" asked Ron. +Hermione aimed a kick at him under the table, but caught Harry instead. Eyes watering in pain, Harry lost track of the conversation for a few moments. +The band had begun to play, Bill and Fleur took to the dance floor first, to great applause; after a while, Mr. Weasley led Madame Delacour onto the floor, followed by Mr. Weasley and Fleur�s father. +"I like this song," said Luna, swaying in time to the waltzlike tune, and a few seconds later she stood up and glided onto the dance floor, where she revolved on the spot, quite alone, eyes closed and waving her arms. +"She�s great isn�t she?" said Ron admiringly. "Always good value." +But the smile vanished from his face at once: Viktor Krum had dropped into Luna�s vacant seat. Hermione looked pleasurably flustered but this time Krum had not come to compliment her. With a scowl on his face he said, "Who is that man in the yellow?" +"That�s Xenophilius Lovegood, he�s the father of a friend of ours," said Ron. His pugnacious tone indicated that they were not about to laugh at Xenophilius, despite the clear provocation. "Come and dance," he added abruptly to Hermione. +She looked taken aback, but pleased too, and got up. They vanished together into the growing throng on the dance floor. +"Ah, they are together now?" asked Krum, momentarily distracted. +"Er - sort of," said Harry. +"Who are you?" Krum asked. +"Barny Weasley." +They shook hands. +"You, Barny - you know this man Lovegood well?" +"No, I only met him today. Why?" +Krum glowered over the top of his drink, watching Xenophilius, who was chatting to several warlocks on the other side of the dance floor. +"Because," said Krum, "If he vus not a guest of Fleur�s I vould dud him, here and now, for veering that filthy sign upon his chest." +"Sign?" said Harry, looking over at Xenophilius too. The strange triangular eye was gleaming on his chest. "Why? What�s wrong with it?" +"Grindelvald. That is Grindelvald�s sign." +"Grindelwald... the Dark wizard Dumbledore defeated?" +"Exactly." +Krum�s jaw muscles worked as if he were chewing, then he said, "Grindelvald killed many people, my grandfather, for instance. Of course, he vos never powerful in this country, they said he feared Dumbledore - and rightly, seeing how he vos finished. But this" - he pointed a finger at Xenophilius - "this is his symbol, I recognized it at vunce: Grindelvald carved it into a vall at Durmstrang ver he vos a pupil there. Some idiots copied it onto their books and clothes thinking to shock, make themselves impressive - until those of us who had lost family members to Grindelvald taught them better." +Krum cracked his knuckles menacingly and glowered at Xenophilius. Harry felt perplexed. It seemed incredibly unlikely that Luna�s father was a supporter of the Dark Arts, and nobody else in the tent seemed to have recognized the triangular, finlike shape. +"Are you - er - quite sure it�s Grindelwald�s -?" +"I am not mistaken," said Krum coldly. "I walked past that sign for several years, I know it vell." +"Well, there�s a chance," said Harry, "that Xenophilius doesn�t actually know what the symbol means, the Lovegoods are quite... unusual. He could have easily picked it up somewhere and think it�s a cross section of the head of a Crumple-Horned Snorkack or something." +"The cross section of a vot?" +"Well, I don�t know what they are, but apparently he and his daughter go on holiday looking for them...." +Harry felt he was doing a bad job explaining Luna and her father. +"That�s her," he said, pointing at Luna, who was still dancing alone, waving her arms around her head like someone attempting to beat off midges. +"Vy is she doing that?" asked Krum. +"Probably trying to get rid of a Wrackspurt," said Harry, who recognized the symptoms. +Krum did not seem to know whether or not Harry was making fun of him. He drew his hand from inside his robe and tapped it menacingly on his thighs; sparks flew out of the end. +"Gregorovitch!" said Harry loudly, and Krum started, but Harry was too excited to care; the memory had come back to him at the sight of Krum�s wand: Ollivander taking it and examining it carefully before the Triwizard Tournament. +"Vot about him?" asked Krum suspiciously. +"He�s a wandmaker!" +"I know that," said Krum. +"He made your wand! That�s why I thought - Quidditch -" +Krum was looking more and more suspicious. +"How do you know Gregorovitch made my wand?" +"I...I read it somewhere, I think," said Harry. "In a - a fan magazine," he improvised wildly and Krum looked mollified. +"I had not realized I ever discussed my vand with fans," he said. +"So... er... where is Gregorowitch these days?" +Krum looked puzzled. +"He retired several years ago. I was one of the last to purchase a Gregorovitch vand. They are the best -although I know, of course, that your Britons set much store by Ollivander." +Harry did not answer. He pretended to watch the dancers, like Krum, but he was thinking hard. So Voldemort was looking for a celebrated wandmaker and Harry did not have to search far for a reason. It was surely because of what Harry� wand had done on the night that Voldemort pursued him across the skies. The holly and phoenix feather wand had conquered the borrowed wand, some thing that Ollivander had not anticipated or understood. Would Gregorowitch know better? Was he truly more skilled than Ollivander, did he know secrets of wands that Ollivander did not? +"This girl is very nice-looking," Krum said, recalling Harry to his surroundings. Krum was pointing at Ginny, who had just joined Luna. "She is also a relative of yours?" +"Yeah," said Harry, suddenly irritated, "and she�s seeing someone. Jealous type. Big bloke. You wouldn�t want to cross him." +Krum grunted. +"Vot," he said, draining his goblet and getting to his feet again, "is the point of being an international Quidditch player if all the good-looking girls are taken?" +And he strode off leaving Harry to take a sandwich from a passing waiter and make his way around the edge of the crowded dance floor. He wanted to find Ron, to tell him about Gregorovitch, but he was dancing with Hermione out in the middle of the floor. Harry leaned up against one of the golden pillars and watched Ginny, who was now dancing with Fred and George�s friend Lee Jordan, trying not to feel resentful about the promise he had given Ron. +He had never been to a wedding before, so he could not judge how Wizarding celebrations differed from Muggle ones, though he was pretty sure that the latter would not involve a wedding cake topped with two model phoenixes that took flight when the cake was cut, or bottles of champagne that floated unsupported through the crowd. As the evening drew in, and moths began to swoop under the canopy, now lit with floating golden lanterns, the revelry became more and more uncontained. Fred and George had long since disappeared into the darkness with a pair of Fleur�s cousins; Charlie, Hagrid, and a squat wizard in a purple porkpie hat were singing "Odo the Hero" in the corner. +Wandering through the crowd so as to escape a drunken uncle of Ron�s who seemed unsure whether or not Harry was his son, Harry spotted an old wizard sitting alone at a table. His cloud of white hair made him look rather like an aged dandelion clock and was topped by a moth-eaten fez. He was vaguely familiar: Racking his brains, Harry suddenly realized that this was Elphias Doge, member of the Order of the Phoenix and the writer of Dumbledore�s obituary. +Harry approached him. +"May I sit down?" +"Of course, of course," said Doge; he had a rather high-pitched, wheezy voice. +Harry leaned in. +"Mr. Doge, I�m Harry Potter." +Doge gasped. +"My dear boy! Arthur told me you were here, disguised.... I am so glad, so honored!" +In a flutter of nervous pleasure Doge poured Harry a goblet of champagne. +"I thought of writing to you," he whispered, "after Dumbledore... the shock... and for you, I am sure..." +Doge�s tiny eyes filled with sudden tears. +"I saw the obituary you wrote for the Daily Prophet," said Harry. "I didn�t realize you knew Professor Dumbledore so well." +"As well as anyone," said Doge, dabbing his eyes with a napkin. "Certainly I knew him longest, if you don�t count Aberforth - and somehow, people never do seem to count Aberforth." +"Speaking of the Daily Prophet... I don�t know whether you saw, Mr. Doge -?" +"Oh, please call me Elphias, dear boy." +"Elphias, I don�t know whether you saw the interview Rita Skeeter gave about Dumbledore?" +Doge�s face flooded with angry color. +"Oh yes, Harry, I saw it. That woman, or vulture might be a more accurate term, positively pestered me to talk to her, I am ashamed to say that I became rather rude, called her an interfering trout, which resulted, as you my have seen, in aspersions cast upon my sanity." +"Well, in that interview," Harry went on, "Rita Skeeter hinted that Professor Dumbledore was involved in the Dark Arts when he was young." +"Don�t believe a word of it!" said Doge at once. "Not a word, Harry! Let nothing tarnish your memories of Albus Dumbledore!" +Harry looked into Doge�s earnest, pained face, and felt, not reassured, but frustrated. Did Doge really think it was that easy, that Harry could simply choose not to believe? Didn�t Doge understand Harry�s need to be sure, to know everything?" +Perhaps Doge suspected Harry�s feelings, for he looked concerned and hurried on, "Harry, Rita Skeeter is a dreadful -" +But he was interrupted by a shrill cackle. +"Rita Skeeter? Oh, I love her, always read her!" +Harry and Doge looked up to see Auntie Muriel standing there, the plumes dancing on her hair, a goblet of champagne in her hand. "She�s written a book about Dumbledore, you know!" +"Hello, Muriel," said Doge, "Yes, we were just discussing -" +"You there! Give me your chair, I�m a hundred and seven!" +Another redheaded Weasley cousin jumped off his seat, looking alarmed, and Auntie Muriel swung it around with surprising strength and plopped herself down upon it between Doge and Harry. +"Hello again, Barry or whatever your name is," she said to Harry, "Now what were you saying about Rita Skeeter, Elphias? You know, she�s written a biography of Dumbledore? I can�t wait to read it. I must remember to place an order at Flourish and Blotts!" +Doge looked stiff and solemn at this but Auntie Muriel drained her goblet and clicked her bony fingers at a passing waiter for a replacement. She took another large gulp of champagne, belched and then said, "There�s no need to look like a pair of stuffed frogs! Before he became so respected and respectable and all that tosh, there were some mighty funny rumors about Albus!" +"Ill-informed sniping," said Doge, turning radish-colored again. +"You would say that, Elphias," cackled Auntie Muriel. "I noticed how you skated over the sticky patches in that obituary of yours!" +"I�m sorry you think so," said Doge, more coldly still. "I assure you I was writing from the heart." +"Oh, we all know you worshipped Dumbledore; I daresay you�ll still think he was a saint even if it does turn out that he did away with his Squib sister!" +"Muriel!" exclaimed Doge. +A chill that had nothing to do with the iced champagne was stealing through Harry�s chest. +"What do you mean?" he asked Muriel. "Who said his sister was a Squib? I thought she was ill?" +"Thought wrong, then, didn�t you, Barry!" said Auntie Muriel, looking delighted at the effect she had produced. "Anyway, how could you expect to know anything about it! IT all happened years and years before you were even thought of, my dear, and the truth is that those of us who were alive then never knew what really happened. That�s why I can�t wait to find out what Skeeter�s unearthed! Dumbledore kept that sister of his quiet for a long time!" +"Untrue!" wheezed Doge, "Absolutely untrue!" +"He never told me his sister as a Squib," said Harry, without thinking, still cold inside. +"And why on earth would he tell you?" screeched Muriel, swaying a little in her seat as she attempted to focus upon Harry. +"The reason Albus never spoke about Ariana," began Elphias in a voice stiff with emotion, "is, I should have thought, quite clear. He was so devastated by her death -" +"Why did nobody ever see her, Elphias?" squawked Muriel, "Why did half of us never even know she existed, until they carried the coffin out of the house and held a funeral for her? Where was saintly Albus while Ariana was locked in the cellar? Off being brilliant at Hogwarts, and never mind what was going on in his own house!" +"What d�you mean, locked in the cellar?" asked Harry. "What is this?" +Doge looked wretched. Auntie Muriel cackled again and answered Harry. +"Dumbledore�s mother was a terrifying woman, simply terrifying. Muggle-born, though I heard she pretended otherwise-" +"She never pretended anything of the sort! Kendra was a fine woman," whispered Doge miserably, but Auntie Muriel ignored him. +"- proud and very domineering, the sort of witch who would have been mortified to produce a Squib-" +"Ariana was not a Squib!" wheezed Doge. +"So you say, Elphias, but explain, then, why she never attended Hogwarts!" said Auntie Muriel. She turned back to Harry. "In our day, Squibs were often hushed up, thought to take it to the extreme of actually imprisoning a little girl in the house and pretending she didn�t exist -" +"I tell you, that�s not what happened!" said Doge, but Auntie Muriel steamrollered on, still addressing Harry. +Squibs were usually shipped off to Muggle schools and encouraged to integrate into the Muggle community... much kinder than trying to find them a place in the Wizarding world, where they must always be second class, but naturally Kendra Dumbledore wouldn�t have dreamed of letting her daughter go to a Muggle school -" +"Ariana was delicate!" said Doge desperately. "Her health was always too poor to permit her -" +"- to permit her to leave the house?" cackled Muriel. "And yet she was never taken to St. Mungo�s and no Healer was ever summoned to see her!" +"Really, Muriel, how can you possibly know whether -" +"For your information, Elphias, my cousin Lancelot was a Healer at St. Mungo�s at the time, and he told my family in strictest confidence that Ariana had never been seen there. All most suspicious, Lancelot thought!" +Doge looked to be on the verge of tears. Auntie Muriel, who seemed to be enjoying herself hugely, snapped her fingers for more champagne. Numbly Harry +thought of how the Dursleys had once shut him up, locked him away, kept him out of sight, all for the crime of being a wizard. Had Dumbledore�s sister suffered the same fate in reverse: imprisoned for her lack of magic? And had Dumbledore truly left her to her fate while he went off to Hogwarts to prove himself brilliant and talented? +"Now, if Kendra hadn�t died first," Muriel resumed, "I�d have said that it was she who finished off Ariana -" +"How can you, Muriel!" groaned Doge. "A mother kill her own daughter? Think what you�re saying!" +"If the mother in question was capable of imprisoning her daughter for years on end, why not?" shrugged Auntie Muriel. "But as I say, it doesn�t fit, because Kendra died before Ariana - of what, nobody ever seemed sure-" +"Yes, Ariana might have made a desperate bid for freedom and killed Kendra in the struggle," said Auntie Muriel thoughtfully. "Shake your head all you like, Elphias. You were at Ariana�s funeral, were you not?" +"Yes I was," said Doge, through trembling lips," and a more desperately sad occasion I cannot remember. Albus was heartbroken-" +"His heart wasn�t the only thing. Didn�t Aberforth break Albus� nose halfway through the service?" +If Doge had looked horrified before this, it was nothing to how he looked now. Muriel might have stabbed him. She cackled loudly and took another swig of champagne, which dribbled down her chin. +"How do you -?" croaked Doge. +"My mother was friendly with old Bathilda Bagshot," said Auntie Muriel happily. "Bathilda described the whole thing to mother while I was listening at the door. A coffin-side brawl. The way Bathilda told it, Aberforth shouted that it was all Albus� fault that Ariana was dead and then punched him in the face. According to Bathilda, Albus did not even defend himself, and that�s odd enough in itself. Albus could have destroyed Aberforth in a duel with both hands tied behind his back. +Muriel swigged yet more champagne. The recitation of those old scandals seemed to elate her as much as they horrified Doge. Harry did not know what to think, what to believe. He wanted the truth and yet all Doge did was sit there and bleat feebly that Ariana had been ill. Harry could hardly believe that Dumbledore would not have intervened if such cruelty was happening inside his own house, and yet there was undoubtedly something odd about the story. +"And I�ll tell you something else," Muriel said, hiccupping slightly as she lowered her goblet. "I think Bathilda has spilled the beans to Rita Skeeter. All those hints in Skeeter�s interview about an important source close to the Dumbledores - goodness knows she was there all through the Ariana business, and it would fit!" +"Bathilda, would never talk to Rita Skeeter!" whispered Doge. +"Bathilda Bagshot?" Harry said. "The author of A History of Magic?" +The name was printed on the front of one of Harry�s textbooks, though admittedly not one of the ones he had read more attentively. +"Yes," said Doge, clutching at Harry�s question like a drowning man at a life heir. "A most gifted magical historian and an old friend of Albus�s." +"Quite gaga these days, I�ve heard," said Auntie Muriel cheerfully. +"If that is so, it is even more dishonorable for Skeeter to have taken advantage of her," said Doge, "and no reliance can be placed on anything Bathilda may have said!" +"Oh, there are ways of bringing back memories, and I�m sure Rita Skeeter knows them all," said Auntie Muriel "But even if Bathilda�s completely cuckoo, I�m sure she�d still have old photographs, maybe even letters. She knew the Dumbledores for years.... Well worth a trip to Godric�s Hollow, I�d have thought." +Harry, who had been taking a sip of butterbeer, choked. Doge banged him on the back as Harry coughed, looking at Auntie Muriel through streaming eyes. Once he had control of his voice again, he asked, "Bathilda Bagshot lives in Godric�s Hollow?" +"Oh yes, she�s been there forever! The Dumbledores moved there after Percival was imprisoned, and she was their neighbor." +"The Dumbledores lived in Godric�s Hollows?" +"Yes, Barry, that�s what I just said," said Auntie Muriel testily. +Harry felt drained, empty. Never once, in six years, had Dumbledore told Harry that they had both lived and lost loved ones in Godric�s Hollow. Why? Were Lily and James buried close to Dumbledore�s mother and sister? Had Dumbledore visited their graves, perhaps walked past Lily�s and James�s to do so? And he had never once told Harry ... never bothered to say... +And why it was so important, Harry could not explain even to himself, yet he felt it had been tantamount to a lie not to tell him that they had this place and these experiences in common. He stared ahead of him, barely noticing what was going on around him, and did not realize that Hermione had appeared out of the crowd until she drew up a chair beside him. +"I simply can�t dance anymore," she panted, slipping of one of her shoes and rubbing the sole of her foot. "Ron�s gone looking to find more butterbeers. It�s a bit odd. I�ve just seen Viktor storming away from Luna�s father, it looked like they�d been arguing -" She dropped her voice, staring at him. "Harry, are you okay?" +Harry did not know where to begin, but it did not matter, at that moment, something large and silver came falling through the canopy over the dance floor. Graceful and gleaming, the lynx landed lightly in the middle of the astonished dancers. Heads turned, as those nearest it froze absurdly in mid-dance. Then the Patronus�s mouth opened wide and it spoke in the loud, deep, slow voice of Kingsley Shacklebolt. +"The Ministry has fallen. Scrimgeour is dead. They are coming." +Chapter Nine +A Place to Hide +Everything seemed fuzzy, slow. Harry and Hermione jumped to their feet and drew their wands. Many people were only just realizing that something strange had happened; heads were still turning toward the silver cat as it vanished. Silence spread outward in cold ripples from the place where the Patronus had landed. Then somebody screamed. +Harry and Hermione threw themselves into the panicking crowd. Guests were sprinting in all directions; many were Disapparating; the protective enchantments around the Burrow had broken. +"Ron!" Hermione cried. "Ron, where are you?" +As they pushed their way across the dance floor, Harry saw cloaked and masked figures appearing in the crowd; then he saw Lupin and Tonks, their wands raised, and heard both of them shout, "Protego!", a cry that was echoed on all sides - +"Ron! Ron!" Hermione called, half sobbing as she and Harry were buffered by terrified guests: Harry seized her hand to make sure they weren�t separated as a streak of light whizzed over their heads, whether a protective charm or something more sinister he did not know - +And then Ron was there. He caught hold of Hermione�s free arm, and Harry felt her turn on the spot; sight and sound were extinguished as darkness pressed in upon him; all he could feel was Hermione�s hand as he was squeezed through space and time, away from the Burrow, away from the descending Death Eaters, away, perhaps, from Voldemort himself. . . . +"Where are we?" said Ron�s voice. +Harry opened his eyes. For a moment he thought they had not left the wedding after all; They still seemed to be surrounded by people. +"Tottenham Court Road," panted Hermione. "Walk, just walk, we need to find somewhere for you to change." +Harry did as she asked. They half walked, half ran up the wide dark street thronged with late-night revelers and lined with closed shops, stars twinkling above them. A double-decker bus rumbled by and a group of merry pub-goers ogled them as they passed; Harry and Ron were still wearing dress robes. +"Hermione, we haven�t got anything to change into," Ron told her, as a young woman burst into raucous giggles at the sight of him. +"Why didn�t I make sure I had the Invisibility Cloak with me?" said Harry, inwardly cursing his own stupidity. "All last year I kept it on me and -" +"It�s okay, I�ve got the Cloak, I�ve got clothes for both of you," said Hermione, "Just try and act naturally until - this will do." +She led them down a side street, then into the shelter of a shadowy alleyway. +"When you say you�ve got the Cloak, and clothes . . ." said Harry, frowning at Hermione, who was carrying nothing except her small beaded handbag, in which she was now rummaging. +"Yes, they�re here," said Hermione, and to Harry and Ron�s utter astonishment, she pulled out a pair of jeans, a sweatshirt, some maroon socks, and finally the silvery Invisibility Cloak. +"How the ruddy hell - ?" +"Undetectable Extension Charm," said Hermione. "Tricky, but I think I�ve done it okay; anyway, I managed to fit everything we need in here." She gave the fragile-looking bag a little shake and it echoed like a cargo hold as a number of heavy objects rolled around inside it. "Oh, damn, that�ll be the books," she said, peering into it, "and I had them all stacked by subject. . . . Oh well. . . . Harry, you�d better take the Invisibility Cloak. Ron, hurry up and change. . . ." +"When did you do all this?" Harry asked as Ron stripped off his robes. +"I told you at the Burrow, I�ve had the essentials packed for days, you know, in case we needed to make a quick getaway. I packed your rucksack this morning, Harry, after you changed, and put it in here. . . . I just had a feeling. . . ." +"You�re amazing, you are," said Ron, handing her his bundled-up robes. +"Thank you," said Hermione, managing a small smile as she pushed the robes into the bag. "Please, Harry, get that Cloak on!" +Harry threw his Invisibility Cloak around his shoulders and pulled it up over his head, vanishing from sight. He was only just beginning to appreciate what had happened. +"The others - everybody at the wedding -" +"We can�t worry about that now," whispered Hermione. "It�s you they�re after, Harry, and we�ll just put everyone in even more danger by going back." +"She�s right," said Ron, who seemed to know that Harry was about to argue, even if he could not see his face. "Most of the Order was there, they�ll look after everyone." +Harry nodded, then remembered that they could not see him, and said, "Yeah." But he thought of Ginny, and fear bubbled like acid in his stomach. +"Come on, I think we ought to keep moving," said Hermione. +They moved back up the side street and onto the main road again, where a group of men on the opposite side was singing and weaving across the pavement. +"Just as a matter of interest, why Tottenham Court Road?" Ron asked Hermione. +"I�ve no idea, it just popped into my head, but I�m sure we�re safer out in the Muggle world, it�s not where they�ll expect us to be." +"True," said Ron, looking around, "but don�t you feel a bit - exposed?" +"Where else is there?" asked Hermione, cringing as the men on the other side of the road started wolf-whistling at her. "We can hardly book rooms at the Leaky Cauldron, can we? And Grimmauld Place is out if Snape can get in there. . . . I suppose we could try my parents� home, though I think there�s a chance they might check there. . . . Oh, I wish they�d shut up!" +"All right, darling?" the drunkest of the men on the other pavement was yelling. "Fancy a drink? Ditch ginger and come and have a pint!" +"Let�s sit down somewhere," Hermione said hastily as Ron opened his mouth to shout back across the road. "Look, this will do, in here!" +It was a small and shabby all-night caf�. A light layer of grease lay on all the Formica-topped tables, but it was at least empty. Harry slipped into a booth first and Ron sat next to him opposite Hermione, who had her back to the entrance and did not like it: She glanced over her shoulder so frequently she appeared to have a twitch. Harry did not like being stationary; walking had given the illusion that they had a goal. Beneath the Cloak he could feel the last vestiges of Polyjuice leaving him, his hands returning to their usual length and shape. He pulled his glasses out of his pocket and put them on again. +After a minute or two, Ron said, "You know, we�re not far from the Leaky Cauldron here, it�s only in Charing Cross -" +"Ron, we can�t!" said Hermione at once. +"Not to stay there, but to find out what�s going on!" +"We know what�s going on! Voldemort�s taken over the Ministry, what else do we need to know?" +"Okay, okay, it was just an idea!" They relapsed into a prickly silence. The gum-chewing waitress shuffled over and Hermione ordered two cappuccinos: As Harry was invisible, it would have looked odd to order him one. A pair of burly workmen entered the caf� and squeezed into the next booth. Hermione dropped her voice to a whisper. +"I say we find a quiet place to Disapparate and head for the countryside. Once we�re there, we could send a message to the Order." +"Can you do that talking Patronus thing, then?" asked Ron. +"I�ve been practicing and I think so," said Hermione. +"Well, as long as it doesn�t get them into trouble, though they might�ve been arrested already. God, that�s revolting," Ron added after one sip of the foamy, grayish coffee. The waitress had heard; she shot Ron a nasty look as she shuffled off to take the new customers� orders. The larger of the two workmen, who was blond and quite huge, now that Harry came to look at him, waved her away. She stared, affronted. +"Let�s get going, then, I don�t want to drink this muck," said Ron. "Hermione, have you got Muggle money to pay for this?" +"Yes, I took out all my Building Society savings before I came to the Burrow. I�ll bet all the change is at the bottom," sighed Hermione, reaching for her beaded bag. +The two workmen made identical movements, and Harry mirrored them without conscious thought: All three of them drew their wands. Ron, a few seconds late in realizing what was going on, lunged across the table, pushing Hermione sideways onto her bench. The force of the Death Eaters� spells shattered the tiled wall where Ron�s head had just been, as Harry, still invisible, yelled, "Stupefy!" +The great blond Death Eater was hit in the face by a jet of red light: He slumped sideways, unconscious. His companion, unable to see who had cast the spell, fired another at Ron: Shining black ropes flew from his wand-tip and bound Ron head to foot - the waitress screamed and ran for the door - Harry sent another Stunning Spell at the Death Eater with the twisted face who had tied up Ron, but the spell missed, rebounded on the window, and hit the waitress, who collapsed in front of the door. +"Expulso!" bellowed the Death Eater, and the table behind which Harry was standing blew up: The force of the explosion slammed him into the wall and he felt his wand leave his hand as the Cloak slipped off him. +"Petrificus Totalus!" screamed Hermione from out of sight, and the Death Eater fell forward like a statue to land with a crunching thud on the mess of broken china, table, and coffee. Hermione crawled out from underneath the bench, shaking bits of glass ashtray out of her hair and trembling all over. +"D-diffindo," she said, pointing her wand at Ron, who roared in pain as she slashed open the knee of his jeans, leaving a deep cut. "Oh, I�m so sorry, Ron, my hand�s shaking! Diffindo!" +The severed ropes fell away. Ron got to his feet, shaking his arms to regain feeling in them. Harry picked up his wand and climbed over all the debris to where the large blond Death Eater was sprawled across the bench. +"I should�ve recognized him, he was there the night Dumbledore died," he said. He turned over the darker Death Eater with his foot; the man�s eyes moved rapidly between Harry, Ron and Hermione. +"That�s Dolohov," said Ron. "I recognize him from the old wanted posters. I think the big one�s Thorfinn Rowle." +"Never mind what they�re called!" said Hermione a little hysterically. "How did they find us? What are we going to do?" +Somehow her panic seemed to clear Harry�s head. +"Lock the door," he told her, "and Ron, turn out the lights." +He looked down at the paralyzed Dolohov, thinking fast as the lock clicked and Ron used the Deluminator to plunge the caf� into darkness. Harry could hear the men who had jeered at Hermione earlier, yelling at another girl in the distance. +"What are we going to do with them?" Ron whispered to Harry through the dark; then, even more quietly, "Kill them? They�d kill us. They had a good go just now." +Hermione shuddered and took a step backward. Harry shook his head. +"We just need to wipe their memories," said Harry. "It�s better like that, it�ll throw them off the scent. If we killed them it�d be obvious we were here." +"You�re the boss," said Ron, sounding profoundly relieved. "But I�ve never down a Memory Charm." +"Nor have I," said Hermione, "but I know the theory." +She took a deep, calming breath, then pointed her wand at Dolohov�s forehead and said, "Obliviate." +At once, Dolohov�s eyes became unfocused and dreamy. +"Brilliant!" said Harry, clapping her on the back. "Take care of the other one and the waitress while Ron and I clear up." "Clear up?" said Ron, looking around at the partly destroyed caf�. "Why?" +"Don�t you think they might wonder what�s happened if they wake up and find themselves in a place that looks like it�s just been bombed?" +"Oh right, yeah . . ." +Ron struggled for a moment before managing to extract his wand from his pocket. +"It�s no wonder I can�t get it out, Hermione, you packed my old jeans, they�re tight." +"Oh, I�m so sorry," hissed Hermione, and as she dragged the waitress out of sight of the windows, Harry heard her mutter a suggestion as to where Ron could stick his wand instead. +Once the caf� was restored to its previous condition, they heaved the Death Eaters back into their booth and propped them up facing each other. "But how did they find us?" Hermione asked, looking from one inert man to the other. "How did they know where we were?" +She turned to Harry. +"You - you don�t think you�ve still got your Trace on you, do you, Harry?" +"He can�t have," said Ron. "The Trace breaks at seventeen, that�s Wizarding law, you can�t put it on an adult." +"As far as you know," said Hermione. "What if the Death Eaters have found a way to put it on a seventeen-year-old?" +"But Harry hasn�t been near a Death Eater in the last twenty-four hours. Who�s supposed to have put a Trace back on him?" +Hermione did not reply. Harry felt contaminated, tainted: Was that really how the Death Eaters had found them? +"If I can�t use magic, and you can�t use magic near me, without us giving away our position - " he began. +"We�re not splitting up!" said Hermione firmly. +"We need a safe place to hide," said Ron. "Give us time to think things through." +"Grimmauld Place," said Harry. +The other two gaped. +"Don�t be silly, Harry, Snape can get in there!" +"Ron�s dad said they�ve put up jinxes against him - and even if they haven�t worked," he pressed on as Hermione began to argue "so what? I swear, I�d like nothing better than to meet Snape!" +"But -" +"Hermione, where else is there? It�s the best chance we�ve got. Snape�s only one Death Eater. If I�ve still got the Trace on me, we�ll have whole crowds of them on us wherever else we go." +She could not argue, though she looked as if she would have liked to. While she unlocked the caf� door, Ron clicked the Deluminator to release the caf�s light. Then, on Harry�s count of three, they reversed the spells upon their three victims, and before the waitress or either of the Death Eaters could do more than stir sleepily, Harry, Ron and Hermione had turned on the spot and vanished into the compressing darkness once more. +Seconds later Harry�s lungs expanded gratefully and he opened his eyes: They were now standing in the middle of a familiar small and shabby square. Tall, dilapidated houses looked down on them from every side. Number twelve was visible to them, for they had been told of its existence by Dumbledore, its Secret-Keeper, and they rushed toward it, checking every few yards that they were not being followed or observed. They raced up the stone steps, and Harry tapped the front door once with his wand. They heard a series of metallic clicks and the clatter of a chain, then the door swung open with a creak and they hurried over the threshold. +As Harry closed the door behind them, the old-fashioned gas lamps sprang into life, casting flickering light along the length of the hallway. It looked just as Harry remembered it: eerie, cobwebbed, the outlines of the house-elf heads on the wall throwing odd shadows up the staircase. Long dark curtains concealed the portrait of Sirius�s mother. The only thing that was out of place was the troll�s leg umbrella stand, which was lying on its side as if Tonks had just knocked it over again. +"I think somebody�s been in here," Hermione whispered, pointing toward it. +"That could�ve happened as the Order left," Ron murmured back. +"So where are these jinxes they put up against Snape?" Harry asked. +"Maybe they�re only activated if he shows up?" suggested Ron. +Yet they remained close together on the doormat, backs against the door, scared to move farther into the house. +"Well, we can�t stay here forever," said Harry, and he took a step forward. +"Severus Snape?" +Mad-Eye Moody�s voice whispered out of the darkness, making all three of them jump back in fright. "We�re not Snape!" croaked Harry, before something whooshed over him like cold air and his tongue curled backward on itself, making it impossible to speak. Before he had time to feel inside his mouth, however, his tongue had unraveled again. +The other two seemed to have experienced the same unpleasant sensation. Ron was making retching noises; Hermione stammered, "That m-must have b-been the T-Tongue-Tying Curse Mad-Eye set up for Snape!" +Gingerly Harry took another step forward. Something shifted in the shadows at the end of the hall, and before any of them could say another word, a figure had risen up out of the carpet, tall, dust-colored, and terrible; Hermione screamed and so did Mrs. Black, her curtains flying open; the gray figure was gliding toward them, faster and faster, +its waist-length hair and beard streaming behind it, its face sunken, fleshless, with empty eye sockets: Horribly familiar, dreadfully altered, it raised a wasted arm, pointing at Harry. +"No!" Harry shouted, and though he had raised his wand no spell occurred to him. "No! It wasn�t us! We didn�t kill you -" +On the word kill, the figure exploded in a great cloud of dust: Coughing, his eyes watering, Harry looked around to see Hermione crouched on the floor by the door with her arms over her head, and Ron, who was shaking from head to foot, patting her clumsily on the shoulder and saying, "It�s all r-right. . . . It�s g-gone. . . ." +Dust swirled around Harry like mist, catching the blue gaslight, as Mrs. Black continued to scream. +"Mudbloods, filth, stains of dishonor, taint of shame on the house of my fathers -" +"SHUT UP!" Harry bellowed, directing his wand at her, and with a bang and a burst of red sparks, the curtains swung shut again, silencing her. +"That . . . that was . . . " Hermione whimpered, as Ron helped her to her feet. +"Yeah," said Harry, "but it wasn�t really him, was it? Just something to scare Snape." Had it worked, Harry wondered, or had Snape already blasted the horror-figure aside as casually as he had killed the real Dumbledore? Nerves still tingling, he led the other two up the hall, half-expecting some new terror to reveal itself, but nothing moved except for a mouse skittering along the skirting board. +"Before we go any farther, I think we�d better check," whispered Hermione, and she raised her wand and said, "Homenum revelio." +Nothing happened. +"Well, you�ve just had a big shock," said Ron kindly. "What was that supposed to do?" +"It did what I meant it to do!" said Hermione rather crossly. "That was a spell to reveal human presence, and there�s nobody here except us!" "And old Dusty," said Ron, glancing at the patch of carpet from which the corpse-figure had risen. +"Let�s go up," said Hermione with a frightened look at the same spot, and she led the way up the creaking stairs to the drawing room on the first floor. +Hermione waved her wand to ignite the old gas lamps, then, shivering slightly in the drafty room, she perched on the sofa, her arms wrapped tightly around her. Ron crossed to the window and moved the heavy velvet curtains aside an inch. +"Can�t see anyone out there," he reported. "And you�d think, if Harry still had a Trace on him, they�d have followed us here. I know they can�t get in the house, but - what�s up, Harry?" +Harry had given a cry of pain: His scar had burned against as something flashed across his mind like a bright light on water. He saw a large shadow and felt a fury that was not his own pound through his body, violent and brief as an electric shock. +"What did you see?" Ron asked, advancing on Harry. "Did you see him at my place?" +"No, I just felt anger - he�s really angry -" +"But that could be at the Burrow," said Ron loudly. "What else? Didn�t you see anything? Was he cursing someone?" +"No, I just felt anger - I couldn�t tell -" +Harry felt badgered, confused, and Hermione did not help as she said in a frightened voice, "Your scar, again? But what�s going on? I thought that connection had closed!" +"It did, for a while," muttered Harry; his scar was still painful, which made it hard to concentrate. "I - I think it�s started opening again whenever he loses control, that�s how it used to -" +"But then you�ve got to close your mind!" said Hermione shrilly. "Harry, Dumbledore didn�t want you to use that connection, he wanted you to shut it down, that�s why you were supposed to use Occlumency! Otherwise Voldemort can plant false images in your mind, remember -" +"Yeah, I do remember, thanks," said Harry through gritted teeth; he did not need Hermione to tell him that Voldemort had once used this selfsame connection between them to lead him into a trap, nor that it had resulted in Sirius�s death. He wished that he had not told them what he had seen and felt; it made Voldemort more threatening, as though he were pressing against the window of the room, and still the pain in his scar was building and he fought it: It was like resisting the urge to be sick. +He turned his back on Ron and Hermione, pretending to examine the old tapestry of the Black family tree on the wall. Then Hermione shrieked: Harry drew his wand again and spun around to see a silver Patronus soar through the drawing room window and land upon the floor in front of them, where it solidified into the weasel that spoke with the voice of Ron�s father. +"Family safe, do not reply, we are being watched." +The Patronus dissolved into nothingness. Ron let out a noise between a whimper and a groan and dropped onto the sofa: Hermione joined him, gripping his arm. +"They�re all right, they�re all right!" she whispered, and Ron half laughed and hugged her. +"Harry," he said over Hermione�s shoulder, "I -" +"It�s not a problem," said Harry, sickened by the pain in his head. "It�s your family, �course you were worried. I�d feel the same way." He thought of Ginny. "I do feel the same way." +The pain in his scar was reaching a peak, burning as it had back in the garden of the Burrow. Faintly he heard Hermione say "I don�t want to be on my own. Could we use the sleeping bags I�ve brought and camp in here tonight?" +He heard Ron agree. He could not fight the pain much longer. He had to succumb. +"Bathroom," he muttered, and he left the room as fast as he could without running. +He barely made it: Bolting the door behind him with trembling hands, he grasped his pounding head and fell to the floor, then in an explosion of agony, he felt the rage that did not belong to him possess his soul, saw a long room lit only by firelight, and the giant blond Death Eater on the floor, screaming and writhing, and a slighter figure standing over him, wand outstretched, while Harry spoke in a high, cold, merciless voice. +"More, Rowle, or shall we end it and feed you to Nagini? Lord Voldemort is not sure that he will forgive this time. . . . You called me back for this, to tell me that Harry Potter has escaped again? Draco, give Rowle another taste of our displeasure. . . . Do it, or feel my wrath yourself!" +A log fell in the fire: Flames reared, their light darting across a terrified, pointed white face - with a sense of emerging from deep water, Harry drew heaving breaths and opened his eyes. +He was spread-eagled on the cold black marble floor, his nose inches from one of the silver serpent tails that supported the large bathtub. He sat up. Malfoy�s gaunt, petrified face seemed burned on the inside of his eyes. Harry felt sickened by what he had seen, by the use to which Draco was now being put by Voldemort. +There was a sharp rap on the door, and Harry jumped as Hermione�s voice rang out. +"Harry, do you want your toothbrush? I�ve got it here." +"Yeah, great, thanks," he said, fighting to keep his voice casual as he stood up to let her in. +Chapter Ten +Kreacher�s Tale +Harry woke early next morning, wrapped in a sleeping bag on the drawing room floor. A chink of sky was visible between the heavy curtains. It was the cool, clear blue of watered ink, somewhere between night and dawn, and everything was quiet except for Ron and Hermione�s slow, deep breathing. Harry glanced over at the dark shapes they made on the floor beside him. Ron had had a fit of gallantry and insisted that Hermione sleep on the cushions from the sofa, so that her silhouette was raised above his. Her arm curved to the floor, her fingers inches from Ron�s. Harry wondered whether they had fallen asleep holding hands. The idea made him feel strangely lonely. +He looked up at the shadowy ceiling, the cobwebbed chandelier. Less than twenty-four house ago, he had been standing in the sunlight at the entrance to the marquee, waiting to show in wedding guests. It seemed a lifetime away. What was going to happen now? He lay on the floor and he thought of the Horcruxes, of the daunting complex mission Dumbledore had left him... Dumbledore... +The grief that had possessed him since Dumbledore�s death felt different now. The accusations he had heard from Muriel at the wedding seemed to have nested in his brain like diseased things, infecting his memories of the wizard he had idolized. Could Dumbledore have let such things happen? Had he been like Dudley, content to watch neglect and abuse as long as it did not affect him? Could he have turned his back on a sister who was being imprisoned and hidden? +Harry thought of Godric�s Hollow, of graves Dumbledore had never mentioned there; he thought of mysterious objects left without explanation in Dumbledore�s will, and resentment swelled in the darkness. Why hadn�t Dumbledore told him? Why hadn�t he explained? Had Dumbledore actually cared about Harry at all? Or had Harry been nothing more than a tool to be polished and honed, but not trusted, never confided in? +Harry could not stand lying there with nothing but bitter thoughts for company. Desperate for something to do, for distraction, he slipped out of his sleeping bad, picked up his wand, and crept out of the room. On the landing he whispered, "Lumos," and started to climb the stairs by wandlight. +On the second landing was the bedroom in which he and Ron had slept last time they had been here; he glanced into it. The wardrobe doors stood open and the bedclothes had been ripped back. Harry remembered the overturned troll leg downstairs. Somebody had searched the house since the Order had left. Snape? Or perhaps Mundungus, who had pilfered plenty from this house both before and after Sirius died? Harry�s gaze wandered to the portrait that sometimes contained Phineas Nigellus Black, Sirius�s great-great grandfather, but it was empty, showing nothing but a stretch of muddy backdrop. Phineas Nigellus was evidently spending the night in the headmaster�s study at Hogwarts. +Harry continued up the stairs until he reached the topmost landing where there were only two doors. The one facing him bore a nameplate reading Sirius. Harry had never entered his godfather�s bedroom before. He pushed open the door, holding his wand high to cast light as widely as possible. The room was spacious and must once have been handsome. There was a large bed with a carved wooden headboard, a tall window obscured by long velvet curtains and a chandelier thickly coated in dust with candle scrubs still resting in its sockets, solid wax banging in frostlike drips. A fine film of dust covered the pictures on the walls and the bed�s headboard; a spiders web stretched between the chandelier and the top of the large wooden wardrobe, and as Harry moved deeper into the room, he head a scurrying of disturbed mice. +The teenage Sirius had plastered the walls with so many posters and pictures that little of the wall�s silvery-gray silk was visible. Harry could only assume that Sirius�s parents had been unable to remove the Permanent Sticking Charm that kept them on the wall because he was sure they would not have appreciated their eldest son�s taste in decoration. Sirius seemed to have long gone out of his way to annoy his parents. There were several large Gryffindor banners, faded scarlet and gold just to underline his difference from all the rest of the Slytherin family. There were many pictures of Muggle motorcycles, and also (Harry had to admire Sirius�s nerve) several posters of bikini-clad Muggle girls. Harry could tell that they were Muggles because they remained quite stationary within their pictures, faded smiles and glazed eyes frozen on the paper. This was in contrast the only Wizarding photograph on the walls which was a picture of four Hogwarts students standing arm in arm, laughing at the camera. +With a leap of pleasure, Harry recognized his father, his untidy black hair stuck up at the back like Harry�s, and he too wore glasses. Beside him was Sirius, carelessly handsome, his slightly arrogant face so much younger and happier than Harry had ever seen it alive. To Sirius�s right stood Pettigrew, more than a head shorter, plump and watery-eyed, flushed with pleasure at his inclusion in this coolest of gangs, with the much-admired rebels that James and Sirius had been. On James�s left was Lupin, even then a little shabby-looking, but he had the same air of delighted surprise at finding himself liked and included or was it simply because Harry knew how it had been, that he saw these things in the picture? He tried to take it from the wall; it was his now, after all, Sirius had left him everything, but it would not budge. Sirius had taken no chances in preventing his parents from redecorating his room. +Harry looked around at the floor. The sky outside was growing brightest. A shaft of light revealed bits of paper, books, and small objects scattered over the carpet. Evidently Sirius�s bedroom had been reached too, although its contents seemed to have been judged mostly, if not entirely, worthless. A few of the books had been shaken roughly enough to part company with the covers and sundry pages littered the floor. +Harry bent down, picked up a few of the pieces of paper, and examined them. He recognized one as a part of an old edition of A History of Magic, by Bathilda Bagshot, and another as belonging to a motorcycle maintenance manual. The third was handwritten and crumpled. He smoothed it out. +Dear Padfoot, +Thank you, thank you, for Harry�s birthday present! It was his favorite by far. One year old and already zooming along on a toy broomstick, he looked so pleased with himself. I�m enclosing a picture so you can see. You know it only rises about two feet off the ground but he nearly killed the cat and he smashed a horrible vase Petunia sent me for Christmas (no complaints there). Of course James thought it was so funny, says he�s going to be a great Quidditch player but we�ve had to pack away all the ornaments and make sure we don�t take our eyes off him when he gets going. +We had a very quiet birthday tea, just us and old Bathilda who has always been sweet to us and who dotes on Garry. We were so sorry you couldn�t come, but the Order�s got to come first, and Harry�s not old enough to know it�s his birthday anyway! James is getting a bit frustrated shut up here, he tries not to show it but I can tell - also Dumbledore�s still got his Invisibility Cloak, so no chance of little excursions. If you could visit, it would cheer him up so much. Wormy was here last weekend. I thought he seemed down, but that was probably the next about the McKinnons; I cried all evening when I heard. +Bathilda drops in most days, she�s a fascinating old thing with the most amazing stories about Dumbledore. I�m not sure he�d be pleased if he knew! I don�t know how much to believe, actually because it seems incredible that Dumbledore +Harry�s extremities seemed to have gone numb. He stood quite still, holding the miraculous paper in his nerveless fingers while inside him a kind of quiet eruptions sent joy and grief thundering its equal measure through his veins. Lurching to the bed, he sat down. +He read the letter again, but could not take in any more meaning than he had done the first time, and was reduced to staring at the handwriting itself. She had made her "g"s the same way he did. He searched through the letter for every one of them, and each felt like a friendly little wave glimpsed from behind a veil. The letter was an incredible treasure, proof that Lily Potter had lived, really lived, that her warm hand had once moved across this parchment, tracing ink into these letters, these words, words about him, Harry, her son. +Impatiently brushing away the wetness in his eyes, he reread the letter, this time concentrating on the meaning. It was like listening to a half-remembered voice. +They had a cat... perhaps it had perished, like his parents at Godric�s Hollow... or else fled when there was nobody left to feed it... Sirius had bought him his first broomstick... His parents had known Bathilda Bagshot; had Dumbledore introduced them? Dumbledore�s still got his Invisibility Cloak... there was something funny there... +Harry paused, pondering his mother�s words. Why had Dumbledore taken James�s Invisibility Cloak? Harry distinctly remembered his headmaster telling him years before, "I don�t need a cloak to become invisible" Perhaps some less gifted Order +member had needed its assistance, and Dumbledore had acted as a carrier? Harry passed on... +Wormy was here... Pettigrew, the traitor, had seemed "down" had he? Was he aware that he was seeing James and Lily alive for the last time? +And finally Bathilda again, who told incredible stories about Dumbledore. It seems incredible that Dumbledore --- +That Dumbledore what? But there were any number of things that would seem incredible about Dumbledore; that he had once received bottom marks in a Transfiguration test, for instance or had taken up goat charming like Aberforth... +Harry got to his feet and scanned the floor: Perhaps the rest of the letter was here somewhere. He seized papers, treating them in his eagerness, with as little consideration as the original searcher, he pulled open drawers, shook out books, stood on a chair to run his hand over the top of the wardrobe, and crawled under the bed and armchair. +At last, lying facedown on the floor, he spotted what looked like a torn piece of paper under the chest of drawers. When he pulled it out, it proved to be most of the photograph that Lily had described in her letter. A black-haired baby was zooming in and out of the picture on a tiny broom, roaring with laughter, and a pair of legs that must have belonged to James was chasing after him. Harry tucked the photograph into his pocket with Lily�s letter and continued to look for the second sheet. +After another quarter of an hour, however he was forced to conclude that the rest of his mother�s letter was gone. Had it simply been lost in the sixteen years that had elapsed since it had been written, or had it been taken by whoever had searched the room? Harry read the first sheet again, this time looking for clues as to what might have made the second sheet valuable. His toy broomstick could hardly be considered interesting to the Death Eaters... The only potentially useful thing he could see her was possible information on Dumbledore. It seems incredible that Dumbledore - what? +"Harry? Harry? Harry!" +"I�m here!" he called, "What�s happened?" +There was a clatter of footsteps outside the door, and Hermione burst inside. +"We woke up and didn�t know where you were!" she said breathlessly. She turned and shouted over her shoulder, "Ron! I�ve found him" +Ron�s annoyed voice echoed distantly from several floors below. +"Good! Tell him from me he�s a git!" +"Harry don�t just disappear, please, we were terrified! Why did you come up here anyway?" She gazed around the ransacked room. "What have you been doing?" +"Look what I�ve just found" +He held out his mother�s letter. Hermione took it out and read it while Harry watched her. When she reached the end of the page she looked up at him. +"Oh Harry..." "And there�s this too" +He handed her the torn photograph, and Hermione smiled at the baby zooming in and out of sight on the toy broom. +"I�ve been looking for the rest of the letter," Harry said, "but it�s not here." +Hermione glanced around. +"Did you make all this mess, or was some of it done when you got here?" +"Someone had searched before me," said Harry. +"I thought so. Every room I looked into on the way up had been disturbed. What were they after, do you think?" +"Information on the Order, if it was Snape." +"But you�d think he�d already have all he needed. I mean was in the Order, wasn�t he?" +"Well then," said Harry, keen to discuss his theory, "what about information on Dumbledore? The second page of the letter, for instance. You know this Bathilda my mum mentions, you know who she is?" +"Who?" +"Bathilda Bagshot, the author of -" +"A History of Magic," said Hermione, looking interested. "So your parents knew her? She was an incredible magic historian." +"And she�s still alive," said Harry, "and she lives in Godric�s Hollow. Ron�s Auntie Muriel was talking about her at the wedding. She knew Dumbledore�s family too. Be pretty interesting to talk to, wouldn�t she?" There was a little too much understanding in the smile Hermione gave him for Harry�s liking. He took back the letter and the photograph and tucked them inside the pouch around his neck, so as not to have to look at her and give himself away. "I understand why you�d love to talk to her about your mum and dad, and Dumbledore too," said Hermione. "But that wouldn�t really help us in our search for the Horcruxes, would it?" Harry did not answer, and she rushed on, "Harry, I know you really want to go to Godric�s Hollow, but I�m scared. I�m scared at how easily those Death Eaters found us yesterday. It just makes me feel more than ever that we ought to avoid the place where your parents are buried, I�m sure they�d be expecting you to visit it." +"It�s not just that," Harry said, still avoiding looking at her, "Muriel said stuff about Dumbledore at the wedding. I want to know the truth..." +He told Hermione everything that Muriel had told him. When he had finished, Hermione said, "Of course, I can see why that�s upset you, Harry -" +"I�m not upset," he lied, "I�d just like to know whether or not it�s true or -" +"Harry do you really think you�ll get the truth from a malicious old woman like Muriel, or from Rita Skeeter? How can you believe them? You knew Dumbledore!" +"I thought I did," he muttered. +"But you know how much truth there was in everything Rita wrote about you! Doge is right, how can you let these people tarnish your memories of Dumbledore?" +He looked away, trying not to betray the resentment he felt. There it was again: Choose what to believe. He wanted the truth. Why was everybody so determined that he should not get it? +"Shall we go down to the kitchen?" Hermione suggested after a little pause. "Find something for breakfast?" +He agreed, but grudgingly, and followed her out onto the landing and past the second door that led off it. There were deep scratch marks in the paintwork below a small sign that he had not noticed in the dark. He passed at the top of the stairs to read it. It was a pompous little sign, neatly lettered by hand the sort of thing that Percy Weasley might have stuck on his bedroom door. +Do Not Enter +Without the Express Permission of +Regulus Arcturus Black +Excitement trickled through Harry, but he was not immediately sure why. He read the sign again. Hermione was already a flight of stairs below him. +"Hermione," he said, and he was surprised that his voice was so calm. "Come back up here." +"What�s the matter?" +"R.A.B. I think I�ve found him." +There was a gasp, and then Hermione ran back up the stairs. +"In your mum�s letter? But I didn�t see -" +Harry shook his head, pointing at Regulus�s sign. She read it, then clutched Harry�s arm so tightly that he winced. +"Sirius�s brother?" she whispered. +"He was a Death Eater," said Harry. "Sirius told me about him, he joined up when he was really young and then got cold feet and tried to leave - so they killed him." +"That fits!" gasped Hermione. "If he was a Death Eater he had access to Voldemort, and if he became disenchanted, then he would have wanted to bring Voldemort down!" +She released Harry, leaned over the banister, and screamed, "Ron! RON! Get up here, quick!" +Ron appeared, panting, a minute later, his wand ready in his hand. +"What�s up? If it�s massive spiders again I want breakfast before I -" +He frowned at the sign on Regulus�s door, in which Hermione was silently pointing. +"What? That was Sirius�s brother, wasn�t it? Regulus Arcturus ... Regulus ... R.A.B.! The locket - you don�t reckon -- ?" +"Let�s find out," said Harry. He pushed the door: It was locked. Hermione pointed her wand at the handle and said, "Alohamora." There was a click, and the door swung open. +They moved over the threshold together, gazing around. Regulus�s bedroom was slightly smaller than Sirius�s, though it had the same sense of former grandeur. Whereas Sirius had sought to advertise his diffidence from the rest of the family, Regulus had striven to emphasize the opposite. The Slytherin colors of emerald and silver were everywhere, draping the bed, the walls, and the windows. The Black family crest was painstakingly painted over the bed, along with its motto, TOUJOURS PUR. Beneath this was a collection of yellow newspaper cuttings, all stuck together to make a ragged collage. Hermione crossed the room to examine them. +"They�re all about Voldemort," she said. "Regulus seems to have been a fan for a few years before he joined the Death Eaters ..." +A little puff of dust rose from the bedcovers as she sat down to read the clippings. Harry, meanwhile, had noticed another photograph: a Hogwarts Quidditch team was smiling and waving out of the frame. He moved closer and saw the snakes emblazoned on their chests: Slytherins. Regulus was instantly recognizable as the boy sitting in the middle of the front row: He had the same dark hair and slightly haughty look of his brother, though he was smaller, slighter, and rather less handsome than Sirius had been. +"He played Seeker," said Harry. +"What?" said Hermione vaguely; she was still immersed in Voldemort�s press clippings. +"He�s sitting in the middle of the front row, that�s where the Seeker ... Never mind," said Harry, realizing that nobody was listening. Ron was on his hands and knees, searching under the wardrobe. Harry looked around the room for likely hiding places and approached the desk. Yet again, somebody had searched before them. The drawers� contents had been turned over recently, the dust disturbed, but there was nothing of value there: old quills, out-of-date textbooks that bore evidence of being roughly handled, a recently smashed ink bottle, its sticky residue covering the contents of the drawer. +"There�s an easier way," said Hermione, as Harry wiped his inky fingers on his jeans. She raised her wand and said, "Accio Locket!" +Nothing happened. Ron, who had been searching the folds of the faded curtains, looked disappointed. +"Is that it, then? It�s not here?" +"Oh, it could still be here, but under counter-enchantments," said Hermione. "Charms to prevent it from being summoned magically, you know." +"Like Voldemort put on the stone basin in the cave," said Harry, remembering how he had been unable to Summon the fake locket. +"How are we supposed to find it then?" asked Ron. +"We search manually," said Hermione. +"That�s a good idea," said Ron, rolling his eyes, and he resumed his examination of the curtains. +They combed every inch of the room for more than an hour, but were forced, finally, to conclude that the locket was not there. +The sun had risen now; its light dazzled them even through the grimy landing windows. +"It could be somewhere else in the house, though," said Hermione in a rallying tone as they walked back downstairs. As Harry and Ron had become more discouraged, she seemed to have become more determined. "Whether he�d manage to destroy it or not, he�d want to keep it hidden from Voldemort, wouldn�t he? Remember all those awful things we had to get rid of when we were here last time? That clock that shot bolts at everyone and those old robes that tried to strangle Ron; Regulus might have put them there to protect the locket�s hiding place, even though we didn�t realize it at ... at ... " +Harry and Ron looked at her. She was standing with one foot in midair, with the dumbstruck look of one who had just been Obliviated: her eyes had even drifted out of focus. +"... at the time," she finished in a whisper. +"Something wrong?" asked Ron. +"There was a locket." +"What?" said Harry and Ron together. +"In the cabinet in the drawing room. Nobody could open it. And we ... we ... " +Harry felt as though a brick had slid down through his chest into his stomach. He remembered. He had even handled the thing as they passed it around, each trying in turn to pry it open. It had been tossed into a sack of rubbish, along with the snuffbox of Wartcap powder and the music box that had made everyone sleepy ..." +"Kreacher nicked loads of things back from us," said Harry. It was the only chance, the only slender hope left to them, and he was going to cling to it until forced to let go. "He had a whole stash of stuff in his cupboard in the kitchen. C�mon." +He ran down the stairs taking two steps at a time, the other two thundering along in his wake. They made so much noise that they woke the portrait of Sirius�s mother as they passed through the hall. +"Filth! Mudbloods! Scum!" she screamed after them as they dashed down into the basement kitchen and slammed the door behind them. Harry ran the length of the room, skidded to a halt at the door of Kreacher�s cupboard, and wrenched it open. There was the nest of dirty old blankets in which the house-elf had once slept, but they were not longer glittering with the trinkets Kreacher had salvaged. The only thing there was an old copy of Nature�s Nobility: A Wizarding Genealogy. Refusing to believe his eyes, Harry snatched up the blankets and shook them. A dead mouse fell out and rolled dismally across the floor. Ron groaned as he threw himself into a kitchen chair; Hermione closed her eyes. +"It�s not over yet," said Harry, and he raised his voice and called, "Kreacher!" +There was a loud crack and the house elf that Harry had so reluctantly inherited from Sirius appeared out of nowhere in front of the cold and empty fireplace: tiny, half human-sized, his pale skin hanging off him in folds, white hair sprouting copiously from his batlike ears. He was still wearing the filthy rag in which they had first met him, and the contemptuous look he bent upon Harry showed that his attitude to his change of ownership had altered no more than his outfit. +"Master," croaked Kreacher in his bullfrog�s voice, and he bowed low; muttering to his knees, "back in my Mistress�s old house with the blood-traitor Weasley and the Mudblood -" +"I forbid you to call anyone �blood traitor� or �Mudblood,�" growled Harry. He would have found Kreacher, with his snoutlike nose and bloodshot eyes, a distinctively unlovable object even if the elf had not betrayed Sirius to Voldemort. +"I�ve got a question for you," said Harry, his heart beating rather fast as he looked down at the elf, "and I order you to answer it truthfully. Understand?" +"Yes, Master," said Kreacher, bowing low again. Harry saw his lips moving soundlessly, undoubtedly framing the insults he was now forbidden to utter. +"Two years ago," said Harry, his heart now hammering against his ribs, "there was a big gold locket in the drawing room upstairs. We threw it out. Did you steal it back?" +There was a moment�s silence, during which Kreacher straightened up to look Harry full in the face. Then he said, "Yes." +"Where is it now?" asked Harry jubilantly as Ron and Hermione looked gleeful. +Kreacher closed his eyes as though he could not bear to see their reactions to his next word. +"Gone." +"Gone?" echoed Harry, elation floating out of him, "What do you mean, it�s gone?" +The elf shivered. He swayed. +"Kreacher," said Harry fiercely, "I order you -" +"Mundungus Fletcher," croaked the elf, his eyes still tight shut. "Mundungus Fletcher stole it all; Miss Bella�s and Miss Cissy�s pictures, my Mistress�s gloves, the Order of Merlin, First Class, the goblets with the family crest, and - and - " +Kreacher was gulping for air: His hollow chest was rising and falling rapidly, then his eyes flew open and he uttered a bloodcurdling scream. +"-and the locket, Master Regulus�s locket. Kreacher did wrong, Kreacher failed in his orders!" +Harry reacted instinctively: As Kreacher lunged for the poker standing in the grate, he launched himself upon the elf, flattening him. Hermione�s scream mingled with Kreacher�s but Harry bellowed louder than both of them: "Kreacher, I order you to stay still!" +He felt the elf freeze and released him. Kreacher lay flat on the cold stone floor, tears gushing from his sagging eyes. +"Harry, let him up!" Hermione whispered. +"So he can beat himself up with the poker?" snorted Harry, kneeling beside the elf. "I don�t think so. Right. Kreacher, I want the truth: How do you know Mundungus Fletcher stole the locket?" +"Kreacher saw him!" gasped the elf as tears poured over his snout and into his mouth full of graying teeth. "Kreacher saw him coming out of Kreacher�s cupboard with his hands full of Kreacher�s treasures. Kreacher told the sneak thief to stop, but Mundungus Fletcher laughed and r-ran ... " +"You called the locket �Master Regulus�s,�" said Harry. "Why? Where did it come from? What did Regulus have to do with it? Kreacher, sit up and tell me everything you know about that locket, and everything Regulus had to do with it!" +The elf sat up, curled into a ball, placed his wet face between his knees, and began to rock backward and forward. When he spoke, his voice was muffled but quite distinct in the silent, echoing kitchen. +"Master Sirius ran away, good riddance, for he was a bad boy and broke my Mistress�s heart with his lawless ways. But Master Regulus had proper order; he knew what was due to the name of Black and the dignity of his pure blood. For years he talked of the Dark Lord, who was going to bring the wizards out of hiding to rule the Muggles and the Muggle-borns ... and when he was sixteen years old, Master Regulus joined the Dark Lord. So proud, so proud, so happy to serve ... +And one day, a year after he joined, Master Regulus came down to the kitchen to see Kreacher. Master Regulus always liked Kreacher. And Master Regulus said ... he said ..." +The old elf rocked faster than ever. +"... he said that the Dark Lord required an elf." +"Voldemort needed an elf?" Harry repeated, looking around at Ron and Hermione, who looked just as puzzled as he did. +"Oh yes," moaned Kreacher. "And Master Regulus had volunteered Kreacher. It was an honor, said Master Regulus, an honor for him and for Kreacher, who must be sure to do whatever the Dark Lord ordered him to do ... and then to c-come home." +Kreacher rocked still faster, his breath coming in sobs. +"So Kreacher went to the Dark Lord. The Dark Lord did not tell Kreacher what they were to do, but took Kreacher with him to a cave beside the sea. And beyond the cave was a cavern, and in the cavern was a great black lake ... " +The hairs on the back of Harry�s neck stood up. Kreacher�s croaking voice seemed to come to him from across the dark water. He saw what had happened as clearly as though he had been present. +"... There was a boat ..." +Of course there had been a boat; Harry knew the boat, ghostly green and tiny, bewitched so as to carry one wizard and one victim toward the island in the center. This, then, was how Voldemort had tested the defenses surrounding the Horcrux, by borrowing a disposable creature, a house-elf... +"There was a b-basin full of potion on the island. The D-Dark Lord made Kreacher drink it ..." +The elf quaked from head to foot. +"Kreacher drank, and as he drank he saw terrible thing ... Kreacher�s insides burned ... Kreacher cried for Master Regulus to save him, he cried for his Mistress Black, but the Dark Lord only laughed ... He made Kreacher drink all the potion ... He dropped a locket into the empty basin ... He filled it with more potion." +"And then the Dark Lord sailed away, leaving Kreacher on the island ... " +Harry could see it happening. He watched Voldemort�s white, snakelike face vanishing into darkness, those red eyes fixed pitilessly on the thrashing elf whose death would occur within minutes, whenever he succumbed to the desperate thirst that the burning poison caused its victim ... But here, Harry�s imagination could go no further, for he could not see how Kreacher had escaped. +"Kreacher needed water, he crawled to the island�s edge and he drank from the black lake ... and hands, dead hands, came out of the water and dragged Kreacher under the surface ... " +"How did you get away?" Harry asked, and he was not surprised to hear himself whispering. +Kreacher raised his ugly head and looked Harry with his great, bloodshot eyes. +"Master Regulus told Kreacher to come back," he said. +"I know - but how did you escape the Inferi?" +Kreacher did not seem to understand. +"Master Regulus told Kreacher to come back," he repeated. +"I know, but - " +"Well, it�s obvious, isn�t it, Harry?" said Ron. "He Disapparated!" +"But ... you couldn�t Apparate in and out of that cave," said Harry, "otherwise Dumbledore - " +"Elf magic isn�t like wizard�s magic, is it?" said Ron, "I mean, they can Apparate and Disapparate in and out of Hogwarts when we can�t." +There was a silence as Harry digested this. How could Voldemort have made such a mistake? But even as he thought this, Hermione spoke, and her voice was icy. +"Of course, Voldemort would have considered the ways of house-elves far beneath his notice ... It would never have occurred to him that they might have magic that he didn�t." +"The house-elf�s highest law is his Master�s bidding," intoned Kreacher. "Kreacher was told to come home, so Kreacher came home ... " +"Well, then, you did what you were told, didn�t you?" said Hermione kindly. "You didn�t disobey orders at all!" +Kreacher shook his head, rocking as fast as ever. +"So what happened when you got back?" Harry asked. "What did Regulus say when you told him what happened?" +"Master Regulus was very worried, very worried," croaked Kreacher. "Master Regulus told Kreacher to stay hidden and not to leave the house. And then ... it was a little while later ... Master Regulus came to find Kreacher in his cupboard one night, and Master Regulus was strange, not as he usually was, disturbed in his mind, Kreacher could tell ... and he asked Kreacher to take him to the cave, the cave where Kreacher had gone with the Dark Lord ... " +And so they had set off. Harry could visualize them quite clearly, the frightened old elf and the thin, dark Seeker who had so resembled Sirius ... Kreacher knew how to open the concealed entrance to the underground cavern, knew how to raise the tiny boat: this time it was his beloved Regulus who sailed with him to the island with its basin of poison ... +"And he made you drink the poison?" said Harry, disgusted. +But Kreacher shook his head and wept. Hermione�s hands leapt to her mouth: She seemed to have understood something. +"M-Master Regulus took from his pocket a locket like the one the Dark Lord had," said Kreacher, tears pouring down either side of his snoutlike nose. "And he told Kreacher to take it and, when the basin was empty, to switch the lockets ..." +Kreacher�s sobs came in great rasps now; Harry had to concentrate hard to understand him. +"And he order - Kreacher to leave - without him. And he told Kreacher - to go home - and never to tell my Mistress - what he had done - but to destroy - the first locket. And he drank - all the potion - and Kreacher swapped the lockets - and watched ... as Master Regulus ... was dragged beneath the water ... and ... " +"Oh, Kreacher!" wailed Hermione, who was crying. She dropped to her knees beside the elf and tried to hug him. At once he was on his feet, cringing away from her, quite obviously repulsed. +"The Mudblood touched Kreacher, he will not allow it, what would his Mistress say?" +"I told you not to call her �Mudblood�!" snarled Harry, but the elf was already punishing himself. He fell to the ground and banged his forehead on the floor. +"Stop him - stop him!" Hermione cried. "Oh, don�t you see now how sick it is, the way they�ve got to obey?" +"Kreacher - stop, stop!" shouted Harry. +The elf lay on the floor, panting and shivering, green mucus glistening around his snot, a bruise already blooming on his pallid forehead where he had struck himself, his eyes swollen and bloodshot and swimming in tears. Harry had never seen anything so pitiful. +"So you brought the locket home," he said relentlessly, for he was determined to know the full story. "And you tried to destroy it?" +"Nothing Kreacher did made any mark upon it," moaned the elf. "Kreacher tried everything, everything he knew, but nothing, nothing would work ... So many powerful spells upon the casing, Kreacher was sure the way to destroy it was to get inside it, but it would not open ... Kreacher punished himself, he tried again, he punished himself, he tried again. Kreacher failed to obey orders, Kreacher could not destroy the locket! And his mistress was mad with grief, because Master Regulus had disappeared and Kreacher could not tell her what had happened, no, because Master Regulus had f-f-forbidden him to tell any of the f-f-family what happened in the c-cave ..." +Kreacher began to sob so hard that there were no more coherent words. Tears flowed down Hermione�s cheeks as she watched Kreacher, but she did not dare touch him again. Even Ron, who was no fan of Kreacher�s, looked troubled. Harry sat back on his heels and shook his head, trying to clear it. +"I don�t understand you, Kreacher," he said finally. "Voldemort tried to kill you, Regulus died to bring Voldemort down, but you were still happy to betray Sirius to Voldemort? You were happy to go to Narcissa and Bellatrix, and pass information to Voldemort through them ... " +"Harry, Kreacher doesn�t think like that," said Hermione, wiping her eyes on the back of her hand. "He�s a slave; house-elves are used to bad, even brutal treatment; what Voldemort did to Kreacher wasn�t that far out of the common way. What do wizard wars mean to an elf like Kreacher? He�s loyal to people who are kind to him, and Mrs. Black must have been, and Regulus certainly was, so he served them willingly and parroted their beliefs. I know what you�re going to say," she went on as Harry began to protest, "that Regulus changed his mind ... but he doesn�t seem to have explained that to Kreacher, does he?" And I think I know why. Kreacher and Regulus�s family were all safest if they kept to the old pure-blood line. Regulus was trying to protect them all." +"Sirius - " +"Sirius was horrible to Kreacher, Harry, and it�s no good looking like that, you know it�s true. Kreacher had been alone for such a long time when Sirius came to live here, and he was probably starving for a bit of affection. I�m sure �Miss Cissy� and �Miss Bella� were perfectly lovely to Kreacher when he turned up, so he did them a favor and told them everything they wanted to know. I�ve said all along that wizards would pay for how they treat house-elves. Well, Voldemort did ... and so did Sirius." +Harry had no retort. As he watched Kreacher sobbing on the floor, he remembered what Dumbledore had said to him, mere hours after Sirius�s death: I do not think Sirius ever saw Kreacher as a being with feelings as acute as a human�s ... +"Kreacher," said Harry after a while, "when you feel up to it, er ... please sit up." +It was several minutes before Kreacher hiccupped himself into silence. Then he pushed himself into a sitting position again, rubbing his knuckles into his eyes like a small child. +"Kreacher, I am going to ask you to do something," said Harry. He glanced at Hermione for assistance. He wanted to give the order kindly, but at the same time, he could not pretend that it was not an order. However, the change in his tone seemed to have gained her approval: She smiled encouragingly. +"Kreacher, I want you, please, to go and find Mundungus Fletcher. We need to find out where the locket - where Master Regulus�s locket it. It�s really important. We +want to finish the work Master Regulus started, we want to - er - ensure that he didn�t die in vain." +Kreacher dropped his fists and looked up at Harry. +"Find Mundungus Fletcher?" he croaked. +And bring him here, to Grimmauld Place," said Harry. "Do you think you could do that for us?" +As Kreacher nodded and got to his feet, Harry had a sudden inspiration. He pulled out Hagrid�s purse and took out the fake Horcrux, the substitute locket in which Regulus had placed the note to Voldemort. +"Kreacher, I�d, er, like you to have this," he said, pressing the locket into the elf�s hand. "This belonged to Regulus and I�m sure he�d want you to have it as a token of gratitude for what you-" +"Overkill, mate," said Ron as the elf took one look at the locket, let out a howl of shock and misery, and threw himself back onto the ground. +It took them nearly half an hour to calm down Kreacher, who was so overcome to be presented with a Black family heirloom for his very own that he was too weak at the knees to stand properly. When finally he was able to totter a few steps they all accompanied him to his cupboard, watched him tuck up the locket safely in his dirty blankets, and assured him that they would make its protection their first priority while he was away. He then made two low bows to Harry and Ron, and even gave a funny little spasm in Hermione�s direction that might have been an attempt at a respectful salute, before Disapparating with the usual loud crack. +Chapter Eleven +The Bribe +If Kreacher could escape a lake full of Inferi, Harry was confident that the capture of Mundungus would take a few hours at most, and he prowled the house all morning in a state of high anticipation. However, Kreacher did not return that morning or even that afternoon. By nightfall, Harry felt discouraged and anxious, and a supper composed largely of moldy bread, upon which Hermione had tried a variety of unsuccessful Transfigurations, did nothing to help. +Kreacher did not return the following day, nor the day after that. However, two cloaked men had appeared in the square outside number twelve, and they remained there into the night, gazing in the direction of the house that they could not see. +"Death Eaters, for sure," said Ron, as he, Harry, and Hermione watched from the drawing room windows. "Reckon they know we�re in here?" +"I don�t think so," said Hermione, though she looked frightened, "or they�d have sent Snape in after us, wouldn�t they?" +"D�you reckon he�s been in here and has his tongue tied by Moody�s curse?" asked Ron. +"Yes," said Hermione, "otherwise he�d have been able to tell that lot how to get in, wouldn�t he? But they�re probably watching to see whether we turn up. They know that Harry owns the house, after all." +"How do they --?" began Harry. +"Wizarding wills are examined by the Ministry, remember? They�ll know Sirius left you the place." +The presence of the Death Eaters outside increased the ominous mood inside number twelve. They had not heard a word form anyone beyond Grimmauld Place since Mr. Weasley�s Patronus, and the strain was starting to tell. Restless and irritable, Ron had developed an annoying habit of playing with the Deluminator in his pocket; This particularly infuriated Hermione, who was whiling away the wait for Kreacher by studying The Tales of Beedle the Bard and did not appreciate the way the lights kept flashing on and off. +"Will you stop it!" she cried on the third evening of Kreacher�s absence, as all the light was sucked from the drawing room yet again. +"Sorry, sorry!" said Ron, clicking the Deluminator and restoring the lights. "I don�t know I�m doing it!" +"Well, can�t you find something useful to occupy yourself?" +"What, like reading kids� stories?" +"Dumbledore left me this book, Ron -" +"-and he left me the Deluminator, maybe I�m supposed to use it!" +Unable to stand the bickering, Harry slipped out of the room unnoticed by either of them. He headed downstairs toward the kitchen, which he kept visiting because he was sure that was where Kreacher was most likely to reappear. Halfway down the flight of stairs into the hall, however, he heard a tap on the front door, then metallic clicks and the grinding of the chain. +Every nerve in his body seemed to tauten: He pulled out his wand, moved into the shadows beside the decapitated elf heads, and waited. The door opened: He saw a glimpse of the lamplit square outside, and a cloaked figure edged into the hall and closed the door behind it. The intruder took a step forward, and Moody�s voice asked, "Severus Snape?" Then the dust figure rose from the end of the hall and rushed him, raising its dead hand. +"It was not I who killed you, Albus," said a quiet voice. +The jinx broke: The dust-figure exploded again, and it was impossible to make out the newcomer through the dense gray cloud it left behind. +Harry pointed the wand into the middle of it. +"Don�t move!" +He had forgotten the portrait of Mrs. Black: At the sound of his yell, the curtains hiding her flew open and she began to scream, "Mudbloods and filth dishonoring my house -" +Ron and Hermione came crashing down the stairs behind Harry, wands pointing, like his, at the unknown man now standing with his arms raised in the hall below. +"Hold your fire, it�s me, Remus!" +"Oh, thank goodness," said Hermione weakly, pointing her wand at Mrs. Black instead; with a bang, the curtains swished shut again and silence fell. Ron too lowered his wand, but Harry did not. +"Show yourself!" he called back. +Lupin moved forward into the lamplight, hands still held high in a gesture of surrender. +"I am Remus John Lupin, werewolf, sometimes known as Moony, one of the four creators of the Marauder�s Map, married to Nymphadora, usually known as Tonks, and I taught you how to produce a Patronus, Harry, which takes the form of a stag." +"Oh, all right," said Harry, lowering his wand, "but I had to check, didn�t I?" +"Speaking as your ex-Defense Against the Dark Arts teacher, I quite agree that you had to check. Ron, Hermione, you shouldn�t be so quick to lower your defenses." +They ran down the stairs towards him. Wrapped in a thick black traveling cloak, he looked exhausted, but pleased to see them. +"No sign of Severus, then?" he asked. +"No," said Harry. "What�s going on? Is everyone okay?� +"Yes," said Lupin, "but we�re all being watched. There are a couple of Death Eaters in the square outside -" +"We know -" +"I had to Apparate very precisely onto the top step outside the front door to be sure that they would not see me. They can�t know you�re in here or I�m sure they�d have more people out there; they�re staking out everywhere that�s got any connection with you, Harry. Let�s go downstairs, there�s a lot to tell you, and I want to know what happened after you left the Burrow." +They descended into the kitchen, where Hermione pointed her wand at the grate. A fire sprang up instantly: It gave the illusion of coziness to the stark stone walls and glistened off the long wooden table. Lupin pulled a few butterbeers from beneath his traveling cloak and they sat down. +"I�d have been here three days ago but I needed to shake off the Death Eater tailing me," said Lupin. "So, you came straight here after the wedding?" +"No," said Harry, "only after we ran into a couple of Death Eaters in a caf� on Tottenham Court Road." +Lupin slopped most of his butterbeer down his front. +"What?" +They explained what had happened; when they had finished, Lupin looked aghast. +"But how did they find you so quickly? It�s impossible to track anyone who Apparates, unless you grab hold of them as they disappear." +"And it doesn�t seem likely they were just strolling down Tottenham Court Road at the time, does it?" said Harry. +"We wondered," said Hermione tentatively, "whether Harry could still have the Trace on him?" +"Impossible," said Lupin. Ron looked smug, and Harry felt hugely relieved. "Apart from anything else, they�d know for sure Harry was here if he still had the Trace on him, wouldn�t they? But I can�t see how they could have tracked you to Tottenham Court Road, that�s worrying, really worrying." +He looked disturbed, but as far as Harry was concerned, that question could wait. +"Tell us what happened after we left, we haven�t heard a thing since Ron�s dad told us the family was safe." +"Well, Kingsley saved us," said Lupin. "Thanks to his warning most of the wedding guests were able to Disapparate before they arrived." +"Were they Death Eaters or Ministry people?" interjected Hermione. +"A mixture; but to all intents and purposes they�re the same thing now," said Lupin. "There were about a dozen of them, but they didn�t know you were there, Harry. Arthur heard a rumor that they tried to torture your whereabouts out of Scrimgeour before they killed him; if it�s true, he didn�t give you away." +Harry looked at Ron and Hermione; their expressions reflected the mingled shock and gratitude he felt. He had never liked Scrimgeour much, but if what Lupin said was true, the man�s final act had been to try to protect Harry. +"The Death Eaters searched the Burrow from top to bottom," Lupin went on. "They found the ghoul, but didn�t want to get too close - and then they interrogated those of us who remained for hours. They were trying to get information on you, Harry, but of course nobody apart from the Order knew that you had been there. +"At the same time that they were smashing up the wedding, more Death Eaters were forcing their way into every Order-connected house in the country. No deaths," he added quickly, forestalling the question, "but they were rough. They burned down Dedalus Diggle�s house, but as you know he wasn�t there, and they used the Cruciarus Curse on Tonks�s family. Again, trying to find out where you went after you visited them. They�re all right - shaken, obviously, but otherwise okay." +"The Death Eaters got through all those protective charms?" +Harry asked, remembering how effective these had been on the night he had crashed in Tonks�s parents� garden. +"What you�ve got to realize, Harry, is that the Death Eaters have got the full might of the Ministry on their side now," said Lupin. "They�ve got the power to perform brutal spells without fear of identification or arrest. They managed to penetrate every defensive spell we�d cast against them, and once inside, they were completely open about why they�d come." +"And are they bothering to give an excuse for torturing Harry�s whereabouts out of people?" asked Hermione, an edge to her voice. +"Well," Lupin said. He hesitated, then pulled out a folded copy of the Daily Prophet. +"Here," he said, pushing it across the table to Harry, "you�ll know sooner or later anyway. That�s their pretext for going after you." +Harry smoothed out the paper. A huge photograph of his own face filled the front page. He read the headline over it: +WANTED FOR QUESTIONING ABOUT +THE DEATH OF ALBUS DUMBLEDORE +Ron and Hermione gave roars of outrage, but Harry said nothing. He pushed the newspaper away; he did not want to read anymore: He knew what it would say. Nobody but those who had been on top of the tower when Dumbledore died knew who had really killed him and, as Rita Skeeter had already told the Wizarding world, Harry had been seen running from the place moments after Dumbledore had fallen. +"I�m sorry, Harry," Lupin said. +"So Death Eaters have taken over the Daily Prophet too?" asked Hermione furiously. +Lupin nodded. +"But surely people realize what�s going on?" +"The coup has been smooth and virtually silent," said Lupin. +"The official version of Scrimgeour�s murder is that he resigned; he has been replaced by Pius Thicknesse, who is under the Imperius Curse." +"Why didn�t Voldemort declare himself Minister of Magic?" asked Ron. +Lupin laughed. +"He doesn�t need to, Ron. Effectively, he is the Minister, but why should he sit behind a desk at the Ministry? His puppet, Thicknesse, is taking care of everyday business, leaving Voldemort free to extend his power beyond the Ministry. +"Naturally many people have deduced what has happened: There has been such a dramatic change in Ministry policy in the last few days, and many are whispering that Voldemort must be behind it. However, that is the point: They whisper. They daren�t confide in each other, not knowing whom to trust; they are scared to speak out, in case their suspicions are true and their families are targeted. Yes, Voldemort is playing a very clever game. Declaring himself might have provoked open rebellion: Remaining masked has created confusion, uncertainty, and fear." +"And this dramatic change in Ministry policy," said Harry, "involves warning the Wizarding world against me instead of Voldemort?" +"That�s certainly a part of it," said Lupin, "and it is a masterstroke. Now that Dumbledore is dead, you - the Boy Who Lived - were sure to be the symbol and rallying point for any resistance to Voldemort. But by suggesting that you had a hand in the old hat�s death, Voldemort has not only set a price upon your head, but sown doubt and fear amongst many who would have defended you. +"Meanwhile, the Ministry has started moving against Muggle-borns." +Lupin pointed at the Daily Prophet. +"Look at page two." +Hermione turned the pages with much the same expression of distaste she had when handling Secrets of the Darkest Art. +"Muggle-born Register!" she read aloud. "�The Ministry of Magic is undertaking a survey of so-called "Muggle-borns" the better to understand how they came to possess magical secrets. +"�Recent research undertaken by the Department of Mysteries reveals that magic can only be passed from person to person when Wizards reproduce. Where no proven Wizarding ancestry exists, therefore, the so-called Muggle-born is likely to have obtained magical power by theft or force. +"�The Ministry is determined to root out such usurpers of magical power, and to this end has issued an invitation to every so-called Muggle-born to present themselves for interview by the newly appointed Muggle-born Registration Commission.�" +"People won�t let this happen," said Ron. +"It is happening, Ron," said Lupin. "Muggle-borns are being rounded up as we speak." +"But how are they supposed to have �stolen� magic?" said Ron. "It�s mental, if you could steal magic there wouldn�t be any Squibs, would there?" +"I know," said Lupin. "Nevertheless, unless you can prove that you have at least one close Wizarding relative, you are now deemed to have obtained your magical power illegally and must suffer the punishment." +Ron glanced at Hermione, then said, "What if purebloods and halfbloods swear a Muggle-born�s part of their family? I�ll tell everyone Hermione�s my cousin -" +Hermione covered Ron�s hand with hers and squeezed it. +"Thank you, Ron, but I couldn�t let you -" +"You won�t have a choice," said Ron fiercely, gripping her hand back. "I�ll teach you my family tree so you can answer questions on it." +Hermione gave a shaky laugh. +"Ron, as we�re on the run with Harry Potter, the most wanted person in the country, I don�t think it matters. If I was going back to school it would be different. What�s Voldemort planning for Hogwarts?" she asked Lupin. +"Attendance is now compulsory for every young witch and wizard," he replied. "That was announced yesterday. It�s a change, because it was never obligatory before. Of course, nearly every witch and wizard in Britain has been educated at Hogwarts, but their parents had the right to teach them at home or send them abroad if they preferred. This way, Voldemort will have the whole Wizarding population under his eye from a young age. And it�s also another way of weeding out Muggle-borns, because students must be given Blood Status - meaning that they have proven to the Ministry that they are of Wizard descent - before they are allowed to attend." +Harry felt sickened and angry: At this moment, excited eleven-year-olds would be poring over stacks of newly purchased spell-books, unaware that they would never see Hogwarts, perhaps never see their families again either. +"It�s . . . it�s . . ." he muttered, struggling to find words that did justice to the horror of his thoughts, but Lupin said quietly, +"I know." +Lupin hesitated. +I�ll understand if you can�t confirm this, Harry, but the Order is under the impression that Dumbledore left you a mission." +"He did," Harry replied, "and Ron and Hermione are in on it and they�re coming with me." +"Can you confide in me what the mission is?" +Harry looked into the prematurely lined face, framed in thick but graying hair, and wished that he could return a different answer. +"I can�t, Remus, I�m sorry. If Dumbledore didn�t tell you I don�t think I can." +"I thought you�d say that," said Lupin, looking disappointed. "But I might still be of some use to you. You know what I am and what I can do. I could come with you to provide protection. There would be no need to tell me exactly what you were up to." +Harry hesitated. It was a very tempting offer, though how they would be able to keep their mission secret from Lupin if he were with them all the time he could not imagine. +Hermione, however, looked puzzled. +"But what about Tonks?" she asked. +"What about her?" said Lupin. +"Well," said Hermione, frowning, "you�re married! How does she feel about you going away with us?" +"Tonks will be perfectly safe," said Lupin, "She�ll be at her parents� house." +There was something strange in Lupin�s tone, it was almost cold. There was also something odd in the idea of Tonks remaining hidden at her parents� house; she was, after all, a member of the Order and, as far as Harry knew, was likely to want to be in the thick of the action. +"Remus," said Hermione tentatively, "is everything all right . . . you know . . . between you and - " +"Everything is fine, thank you," said Lupin pointedly. +Hermione turned pink. There was another pause, an awkward and embarrassed one, and then Lupin said, with an air of forcing himself to admit something unpleasant, "Tonks is going to have a baby." +"Oh, how wonderful!" squealed Hermione. +"Excellent!" said Ron enthusiastically. +"Congratulations," said Harry. +Lupin gave an artificial smile that was more like a grimace, then said, "So . . . do you accept my offer? Will three become four? I cannot believe that Dumbledore would have disapproved, he appointed me your Defense Against the Dark Arts teacher, after all. And I must tell you that I believe we are facing magic many of us have never encountered or imagined." +Ron and Hermione both looked at Harry. +"Just - just to be clear," he said. "You want to leave Tonks at her parents� house and come away with us?" +"She�ll be perfectly safe there, they�ll look after her," said Lupin. He spoke with a finality bordering on indifference: "Harry, I�m sure James would have wanted me to stick with you." +"Well," said Harry slowly, "I�m not. I�m pretty sure my father would have wanted to know why you aren�t sticking with your own kid, actually." +Lupin�s face drained of color. The temperature in the kitchen might have dropped ten degrees. Ron stared around the room as though he had been bidden to memorize it, while Hermione�s eyes swiveled backward and forward from Harry to Lupin. +"You don�t understand," said Lupin at last. +"Explain, then," said Harry. +Lupin swallowed. +"I - I made a grave mistake in marrying Tonks. I did it against my better judgment and have regretted it very much every since." +"I see," said Harry, "so you�re just going to dump her and the kid and run off with us?" +Lupin sprang to his feet: His chair toppled over backward, and he glared at them so fiercely that Harry saw, for the first time ever, she shadow of the wolf upon his human face. +"Don�t you understand what I�ve done to my wife and my unborn child? I should never have married her, I�ve made her an outcast!" +Lupin kicked aside the chair he had overturned. +"You have only ever seen me amongst the Order, or under Dumbledore�s protection at Hogwarts! You don�t know how most of the Wizarding world sees creatures like me! When they know of my affliction, they can barely talk to me! Don�t you see what I�ve done? +Even her own family is disgusted by our marriage, what parents want their only daughter to marry a werewolf? And the child - the child - " +Lupin actually seized handfuls of his own hair; he looked quite deranged. +"My kind don�t usually breed! It will be like me, I am convinced of it - how can I forgive myself, when I knowingly risked passing on my own condition to an innocent child? And if, by some miracle, it is not like me, then it will be better off, a hundred times so, without a father of whom it must always be ashamed!" +"Remus!" whispered Hermione, tears in her eyes. "Don�t say that - how could any child be ashamed of you?" +"Oh, I don�t know, Hermione," said Harry. "I�d be pretty ashamed of him." +Harry did not know where his rage was coming from, but it had propelled him to his feet too. Lupin looked as though Harry had hit him. +"If the new regime thinks Muggle-borns are bad," Harry said, "what will they do to a half-werewolf whose father�s in the Order? My father died trying to protect my mother and me, and you reckon he�d tell you to abandon your kid to go on an adventure with us?" +"How - how dare you?" said Lupin. "This is not about a desire for - for danger or personal glory - how dare you suggest such a - " +"I think you�re feeling a bit of a daredevil," Harry said, "You fancy stepping into Sirius�s shoes -" +"Harry, no!" Hermione begged him, but he continued to glare into Lupin�s livid face. +"I�d never have believed this," Harry said. "The man who taught me to fight dementors - a coward." +Lupin drew his wand so fast that Harry had barely reached for his own; there was a loud bang and he felt himself flying backward as if punched; as he slammed into the kitchen wall and slid to the floor, he glimpsed the tail of Lupin�s cloak disappearing around the door. +"Remus, Remus, come back!" Hermione cried, but Lupin did not respond. A moment later they heard the front door slam. +"Harry!" wailed Hermione. "How could you?" +"It was easy," said Harry. He stood up, he could feel a lump swelling where his head had hit the wall. He was still so full of anger he was shaking. +"Don�t look at me like that!" he snapped at Hermione. +"Don�t you start on her!" snarled Ron. +"No - no - we mustn�t fight!" said Hermione, launching herself between them. +"You shouldn�t have said that stuff to Lupin," Ron told Harry. +"He had it coming to him," said Harry. Broken images were racing each other through his mind: Sirius falling through the veil; Dumbledore suspended, broken, in midair; a flash of green light and his mother�s voice, begging for mercy . . . +"Parents," said Harry, "shouldn�t leave their kids unless - unless they�ve got to." +"Harry -" said Hermione, stretching out a consoling hand, but he shrugged it off and walked away, his eyes on the fire Hermione had conjured. He had once spoken to Lupin out of that fireplace, seeking reassurance about James, and Lupin had consoled him. Now Lupin�s tortured white face seemed to swim in the air before him. He felt a +sickening surge of remorse. Neither Ron nor Hermione spoke, but Harry felt sure that they were looking at each other behind his back, communicating silently. +He turned around and caught them turning hurriedly away form each other. +"I know I shouldn�t have called him a coward." +"No, you shouldn�t," said Ron at once. +"But he�s acting like one." +"All the same . . ." said Hermione. +"I know," said Harry. "But if it makes him go back to Tonks, it�ll be worth it, won�t it?" +He could not keep the plea out of his voice. Hermione looked sympathetic, Ron uncertain. Harry looked down at his feet, thinking of his father. Would James have backed Harry in what he had said to Lupin, or would he have been angry at how his son had treated his old friend? +The silent kitchen seemed to hum with the shock of the recent scene and with Ron and Hermione�s unspoken reproaches. The Daily Prophet Lupin had brought was still lying on the table, Harry�s own face staring up at the ceiling from the front page. He walked over to it and sat down, opened the paper at random, and pretended to read. He could not take in the words; his mind was still too full of the encounter with Lupin. He was sure that Ron and Hermione had resumed their silent communications on the other side of the Prophet. He turned a page loudly, and Dumbledore�s name leapt out at him. It was a moment or two before he took in the meaning of the photograph, which showed a family group. Beneath the photograph were the words: The Dumbledore family, left to right: Albus; Percival, holding newborn Ariana; Kendra, and Aberforth. +His attention caught, Harry examined the picture more carefully. Dumbledore�s father, Percival, was a good-looking man with eyes that seemed to twinkle even in this faded old photograph. The baby, Ariana, was a little longer than a loaf of bread and no more distinctive-looking. The mother, Kendra, had jet black hair pulled into a high bun. Her face had a carved quality about it. Harry thought of photos of Native Americans he�d seen as he studied her dark eyes, high cheekbones, and straight nose, formally composed above a high-necked silk gown. Albus and Aberforth wore matching lacy collared jackets and had identical, shoulder-length hairstyles. Albus looked several years older, but otherwise the two boys looked very alike, for this was before Albus�s nose had been broken and before he started wearing glasses. +The family looked quite happy and normal, smiling serenely up out of the newspaper. Baby Ariana�s arm waved vaguely out of her shawl. Harry looked above the picture and saw the headline: +EXCLUSIVE EXTRACT FROM UPCOMING +BIOGRAPHY OF ALBUS DUMBLEDORE +by Rita Skeeter +Thinking it could hardly make him feel any worse than he already did, Harry began to read: +Proud and haughty, Kendra Dumbledore could not bear to remain in Mould-on-the-Wold after her husband Percival�s well-publicized arrest and imprisonment in Azkaban. She therefore decided to uproot the family and relocate to Godric�s Hollow, the village that was later to gain fame as the scene of Harry Potter�s strange escape from You-Know-Who. +Like Mould-on-the-Wold, Godric�s Hollow was home to a number of Wizarding families, but as Kendra knew none of them, she would be spared the curiosity about her husband�s crime she had faced in her former village. By repeatedly rebuffing the friendly advances of her new Wizarding neighbors, she soon ensured that her family was left well alone. +"Slammed the door in my face when I went around to welcome her with a batch of homemade Cauldron Cakes," says Bathilda Bagshot. "The first year they were there I only ever saw the two boys. Wouldn�t have known there was a daughter if I hadn�t been picking Plangentines by moonlight the winter after they moved in, and saw Kendra leading Ariana out into the back garden. Walked her round the lawn once, keeping a firm grip on her, then took her back inside. Didn�t know what to make of it." +It seems that Kendra thought the move to Godric�s Hollow was the perfect opportunity to hide Ariana once and for all, something she had probably been planning for years. The timing was significant. Ariana was barely seven years old when she vanished from sight, and seven is the age by which most experts agree that magic will have revealed itself, if present. Nobody now alive remembers Ariana ever demonstrating even the slightest sign of magical ability. It seems clear, therefore, that Kendra made a decision to hide her daughter�s existence rather than suffer the shame of admitting that she had produced a Squib. Moving away from the friends and neighbors who knew Ariana would, of course, make imprisoning her all the easier. The tiny number of people who henceforth knew of Ariana�s existence could be counted upon to keep the secret, including her two brothers, who had deflected awkward questions with the answer their mother had taught them. "My sister is too frail for school." +Next week: Albus Dumbledore at Hogwarts - the Prizes and the Pretense. +Harry had been wrong: What he had read had indeed made him feel worse. He looked back at the photograph of the apparently happy family. Was it true? How could he find out? He wanted to go to Godric�s Hollow, even if Bathilda was in no fit state to talk to him: he wanted to visit the place where he and Dumbledore had both lost loved ones. He was in the process of lowering the newspaper, to ask Ron�s and Hermione�s opinions, when a deafening crack echoed around the kitchen. +For the first time in three days Harry had forgotten all about Kreacher. His immediate thought was that Lupin had burst back into the room, and for a split second, he did not take in the mass of struggling limbs that had appeared out of thin air right beside his chair. He hurried to his feet as Kreacher disentangled himself and, bowing low to Harry, croaked, "Kreacher has returned with the thief Mundungus Fletcher, Master." +Mundungus scrambled up and pulled out his wand; Hermione, however, was too quick for him. +"Expelliarmus!" +Mundungus�s wand soared into the air, and Hermione caught it. Wild-eyed, Mundungus dived for the stairs. Ron rugby-tackled him and Mundungus hit the stone floor with a muffled crunch. +"What?" he bellowed, writhing in his attempts to free himself from Ron�s grip. "Wha�ve I done? Setting a bleedin� �house-elf on me, what are you playing at, wha�ve I done, lemme go, lemme go, of - " +"You�re not in much of a position to make threats," said Harry. He threw aside the newspaper, crossed the kitchen in a few strides, and dropped to his knees beside Mundungus, who stopped struggling and looked terrified. Ron got up, panting, and watched as Harry pointed his wand deliberately at Mundungus�s nose. Mundungus stank of stale sweat and tobacco smoke. His hair was matted and his robes stained. +"Kreacher apologizes for the delay in bringing the thief, Master," croaked the elf. "Fletcher knows how to avoid capture, has many hidey-holes and accomplices. Nevertheless, Kreacher cornered the thief in the end." +"You�ve done really well, Kreacher," said Harry, and the elf bowed low. +"Right, we�ve got a few questions for you," Harry told Mundungus, who shouted at once. +"I panicked, okay? I never wanted to come along, no offense, mate, but I never volunteered to die for you, an� that was bleedin� You-Know-Who come flying at me, anyone woulda got outta there. I said all along I didn�t wanna do it -" +"For your information, none of the rest of us Disapparated," said Hermione. +"Well, you�re a bunch of bleedin� �eroes then, aren�t you, but I never pretended I was up for killing meself -" +"We�re not interested in why you ran out on Mad-Eye," said Harry, moving his wand a little closer to Mundungus�s baggy, bloodshot eyes. "We already knew you were an unreliable bit of scum." +"Well then, why the �ell am I being �unted down by �ouse-elves? Or is this about them goblets again? I ain�t got none of �em left, or you could �ave �em -" +"It�s not about the goblets either, although you�re getting warmer," said Harry. "Shut up and listen." +It felt wonderful to have something to do, someone of whom he could demand some small portion of truth. Harry�s wand was now so close to the bridge of Mundungus�s nose that Mundungus had gone cross-eyed trying to keep it in view. +"When you cleaned out this house of anything valuable," Harry began, but Mundungus interrupted him again. +"Sirius never cared about any of the junk -" +There was the sound of pattering fee, a blaze of shining copper, an echoing clang, and a shriek of agony; Kreacher had taken a run at Mundungus and hit him over the head with a saucepan. +"Call �im off, call �im off, �e should be locked up!" screamed Mundungus, cowering as Kreacher raised the heavy-bottomed pan again. +"Kreacher, no!" shouted Harry. +Kreacher�s thin arms trembled with the weight of the pan, still held aloft. +"Perhaps just one more, Master Harry, for luck?" +Ron laughed. +"We need him conscious, Kreacher, but if he needs persuading, you can do the honors," said Harry. +"Thank you very much, Master," said Kreacher with a bow, and he retreated a short distance, his great pale eyes still fixed upon Mundungus with loathing. +"When you stripped this house of all the valuables you could find," Harry began again, "you took a bunch of stuff from the kitchen cupboard. There was a locket there." Harry�s mouth was suddenly dry: He could sense Ron and Hermione�s tension and excitement too. "What did you do with it?" +"Why?" asked Mundungus. "Is it valuable?" +"You�ve still got it!" cried Hermione. +"No, he hasn�t," said Ron shrewdly. "He�s wondering whether he should have asked more money for it." +"More?" said Mundungus. "That wouldn�t have been effing difficult . . .bleedin� gave it away, di�n� I? No choice." +"What do you mean?" +"I was selling in Diagon Alley and she come up to me and asks if I�ve got a license for trading in magical artifacts. Bleedin� snoop. She was gonna fine me, but she took a fancy to the locket an� told me she�d take it and let me off that time, and to fink meself lucky." +"Who was this woman?" asked Harry. +"I dunno, some Ministry hag." +Mundungus considered for a moment, brow wrinkled. +"Little woman. Bow on top of �er head." +He frowned and then added, "Looked like a toad." +Harry dropped his wand: It hit Mundungus on the nose and shot red sparks into his eyebrows, which ignited. +"Aquamenti!" screamed Hermione, and a jet of water streamed from her wand, engulfing a spluttering and choking Mundungus. +Harry looked up and saw his own shock reflected in Ron�s and Hermione�s faces. The scars on the back of his right hand seemed to be tingling again. +Chapter Twelve +Magic is Might +As August wore on, the square of unkempt grass in the middle of Grimmauld Place shriveled in the sun until it was brittle and brown. The inhabitants of number twelve were never seen by anyone in the surrounding houses, and nor was number twelve itself. The muggles who lived in Grimmauld Place had long since accepted the amusing mistake in the numbering that had caused number eleven to sit beside number thirteen. +And yet the square was now attracting a trickle of visitors who seemed to find the anomaly most intriguing. Barely a day passed without one or two people arriving in Grimmauld Place with no other purpose, or so it seemed, than to lean against the railings facing numbers eleven and thirteen, watching the join between the two houses. The lurkers were never the same two days running, although they all seemed to share a dislike +for normal clothing. Most of the Londoners who passed them were used to eccentric dressers and took little notice, though occasionally one of them might glance back, wondering why anyone would wear cloaks in this heat. +The watchers seemed to be gleaning little satisfaction from their vigil. Occasionally one of them started forward excitedly, as if they had seen something interesting at last, only to fall back looking disappointed. +On the first day of September there were more people lurking in the square than ever before. Half a dozen men in long cloaks stood silent and watchful, gazing as ever at houses eleven and thirteen, but the thing for which they were waiting still appeared elusive. As evening drew in, bringing with it an unexpected gust of chilly rain for the first time in weeks, there occurred one of those inexplicable moments when they appeared to have seen something interesting. The man with the twisted face pointed and his closest companion, a podgy, pallid man, started forward, but a moment later they had relaxed into their previous state of inactivity, looking frustrated and disappointed. +Meanwhile, inside number twelve, Harry had just entered the hall. He had nearly lost his balance as he Apparated onto the top step just outside the front door, and thought that the Death Eaters might have caught a glimpse of his momentarily exposed elbow. Shutting the front door carefully behind him, he pulled off the Invisibility Cloak, draped it over his arm, and hurried along the gloomy hallway toward the door that led to the basement, a stolen copy of the Daily Prophet clutched in his hand. +The usual low whisper of "Severus Snape" greeted him, the chill wind swept him, and his tongue rolled up for a moment. +"I didn�t kill you," he said, once it had unrolled, then held his breath as the dusty jinx-figure exploded. He waited until he was halfway down the stairs to the kitchen, out of earshot of Mrs. Black and clear of the dust cloud, before calling, "I�ve got news, and you won�t like it." +The kitchen was almost unrecognizable. Every surface now shone; Copper pots and pans had been burnished to a rosy glow; the wooden tabletop gleamed; the goblets and plates already laid for dinner glinted in the light from a merrily blazing fire, on which a cauldron was simmering. Nothing in the room, however, was more dramatically different than the house-elf who now came hurrying toward Harry, dressed in a snowy-white towel, his ear hair as clean and fluffy as cotton wool, Regulus�s locket bouncing on his thin chest. +"Shoes off, if you please, Master Harry, and hands washed before dinner," croaked Kreacher, seizing the Invisibility Cloak and slouching off to hang it on a hook on the wall, beside a number of old-fashioned robes that had been freshly laundered. +"What�s happened?" Ron asked apprehensively. He are Hermione had been pouring over a sheaf of scribbled notes and hand drawn maps that littered the end of the long kitchen table, but now they watched Harry as he strode toward them and threw down the newspaper on top of their scattered parchment. +A large picture of a familiar, hook-nosed, black-haired man stared up at them all, beneath a headline that read: +SEVERUS SNAPE CONFIRMED AS HOGWARTS HEADMASTER +"No!" said Ron and Hermione loudly. +Hermione was quickest; she snatched up the newspaper and began to read the accompanying story out loud. +"Severus Snape, long-standing Potions master at Hogwarts School of Witchcraft and wizardry, was today appointed headmaster in the most important of several staffing changes at the ancient school. Following the resignation of the previous Muggle Studies teacher, Alecto Carrow will take over the post while her brother, Amycus, fills the position of Defense Against the Dark Arts professor." +" �I welcome the opportunity to uphold our finest Wizarding traditions and values -� Like committing murder and cutting off people�s ears, I suppose! Snape, headmaster! Snape in Dumbledore�s study - Merlin�s pants!" she shrieked, making both Harry and Ron jump. She leapt up from the table and hurtled from the room, shouting as she went, "I�ll be back in a minute!" +"�Merlin�s pants�?" repeated Ron, looking amused. "She must be upset." He pulled the newspaper toward him and perused the article about Snape. +"The other teachers won�t stand for this, McGonagall and Flitwick and Sprout all know the truth, they know how Dumbledore died. They won�t accept Snape as headmaster. And who are these Carrows?" +"Death Eaters," said Harry. "There are pictures of them inside. They were at the top of the tower when Snape killed Dumbledore, so it�s all friends together. And," Harry went on bitterly, drawing up a chair, "I can�t see that the other teachers have got any choice but to stay. If the Ministry and Voldemort are behind Snape it�ll be a choice between staying and teaching, or a nice few years in Azkaban - and that�s if they�re lucky. I reckon they�ll stay to try and protect the students." +Kreacher came bustling to the table with a large curcen in his hands, and ladled out soup into pristine bowls, whistling between his teeth as he did so. +"Thanks, Kreacher," said Harry, flipping over the Prophet so as not to have to look at Snape�s face. "Well, at least we know exactly where Snape is now." +He began to spoon soup into his mouth. The quality of Kreacher�s cooking had improved dramatically ever since he had been given Regulus�s locket: Today�s French onion was as good as Harry had ever tasted. +"There are still a load of Death Eaters watching this house," he told Ron as he ate, "more than usual. It�s like they�re hoping we�ll march out carrying our school trunks and head off for the Hogwarts Express." +Ron glanced at his watch. +"I�ve been thinking about that all day. It left nearly six hours ago. Weird, not being on it, isn�t it?" +In his mind�s eye Harry seemed to see the scarlet steam engine as he and Ron had once followed it by air, shimmering between fields and hills, a rippling scarlet caterpillar. He was sure Ginny, Neville, and Luna were sitting together at this moment, perhaps wondering where he, Ron, and Hermione were, or debating how best to undermine Snape�s new regime. +"They nearly saw me coming back in just now," Harry said, "I landed badly on the top step, and the Cloak slipped." +"I do that every time. Oh, here she is," Ron added, craning around in his seat to watch Hermione reentering the kitchen. "And what in the name of Merlin�s most baggy Y Fronts was that about?" +"I remembered this," Hermione panted. +She was carrying a large, framed picture, which she now lowered to the floor before seizing her small, beaded bag from the kitchen sideboard. Opening it, she proceeded to force the painting inside and despite the fact that it was patently too large to fit inside the tiny bag, within a few seconds it had vanished, like so much ease, into the bag�s capacious depths. +"Phineas Nigellus," Hermione explained as she threw the bag onto the kitchen table with the usual sonorous, clanking crash. +"Sorry?" said Ron, but Harry understood. The painted image of Phineas Nigellus Black was able to travel between his portrait in Grimmauld Place and the one that hung in the headmaster�s office at Hogwarts: the circular cower-top room where Snape was no doubt sitting right now, in triumphant possession of Dumbledore�s collection of delicate, silver magical instruments, the stone Pensieve, the Sorting Hat and, unless it ad been moved elsewhere, the sword of Gryffindor. +"Snape could send Phineas Nigellus to look inside this house for him," Hermione explained to Ron as she resumed her seat. "But let him try it now, all Phineas Nigellus will be able to see is the inside of my handbag." +"Good thinking!" said Ron, looking impressed. +"Thank you," smiled Hermione, pulling her soup toward her. "So, Harry, what else happened today?" +"Nothing," said Harry. "Watched the Ministry entrance for seven hours. No sign of her. Saw your dad though, Ron. He looks fine." +Ron nodded his appreciation of this news. The had agreed that it was far too dangerous to try and communicate with Mr. Weasley while he walked in and out of the Ministry, because he was always surrounded by other Ministry workers. It was, however, reassuring to catch these glimpses of him, even if he did look very strained and anxious. +"Dad always told us most Ministry people use the Floo Network to get to work," Ron said. "That�s why we haven�t seen Umbridge, she�d never walk, she�d think she�s too important." +"And what about that funny old witch and that little wizard in the navy robes?" Hermione asked. +"Oh yeah, the bloke from Magical Maintenance," said Ron. +"How do you know he works for Magical Maintenance?" Hermione asked, her soupspoon suspended in midair. +"Dad said everyone from Magical Maintenance wears navy blue robes." +"But you never told us that!" +Hermione dropped her spoon and pulled toward her the sheaf of notes and maps that she and Ron had been examining when Harry had entered the kitchen. +"There�s nothing in here about navy blue robes, nothing!" she said, flipping feverishly through the pages. +"Well, dies it really matter?" +"Ron, it all matters! If we�re going to get into the Ministry and not give ourselves away when they�re bound to be on the lookout for intruders, every little detail matters! We�ve been over and over this, I mean, what�s the point of all these reconnaissance trips if you aren�t even bothering to tell us -" +"Blimey, Hermione, I forget one little thing - " +"You do realize, don�t you, that there�s probably no more dangerous place in the whole world for us to be right now than the Ministry of -" +"I think we should do it tomorrow," said Harry. +Hermione stopped dead, her jaw hanging; Ron choked a little over his soup. +"Tomorrow?" repeated Hermione. "You aren�t serious, Harry?" +"I am," said Harry. "I don�t think we�re going to be much better prepared than we are now even if we skulk around the Ministry entrance for another month. The longer we put it off, the farther away that locket could be. There�s already a good chance Umbridge has chucked it away; the thing doesn�t open." +"Unless," said Ron, "she�s found a way of opening it and she�s now possessed." +"Wouldn�t make any difference to her, she was so evil in the first place," Harry shrugged. +Hermione was biting her lip, deep in thought. +"We know everything important," Harry went on, addressing Hermione. "We know they�ve stopped Apparition in and out of the Ministry; We know only the most senior Ministry members are allowed to connect their homes to the Floo Network now, because Ron heard those two Unspeakables complaining about it. And we know roughly where Umbridge�s office is, because of what you heard the bearded bloke saying to his mate -" +"�I�ll be up on level one, Dolores wants to see me,�" Hermione recited immediately. +"Exactly," said Harry. "And we know you get in using those funny coins, or tokens, or whatever they are, because I saw that witch borrowing one from her friend - " +"But we haven�t got any!" +"If the plan works, we will have," Harry continued calmly. +"I don�t know, Harry, I don�t know ... There are an awful lot of things that could go wrong, so much relies on chance ... " +That�ll be true even if we spend another three months preparing," said Harry. "It�s time to act." +He could tell from Ron�s and Hermione�s faces that they were scared; he was not particularly confident himself, and yet he was sure the time had come to put their plan into operation. +They had spent the previous four weeks taking it in turns to don the Invisibility Cloak and spy on the official entrance to the Ministry, which Ron, thanks to Mr. Weasley, had known since childhood. They had tailed Ministry workers on their way in, eavesdropped on their conversations, and learned by careful observation which of them could be relied upon to appear, alone, at the same time every day. Occasionally there had been a chance to sneak a Daily Prophet out of somebody�s briefcase. Slowly they had built up the sketchy maps and notes now stacked in front of Hermione. +"All right," said Ron slowly, "let�s say we go for it tomorrow ... I think it should just be me and Harry." +"Oh, don�t start that again!" sighed Hermione. "I thought we�d settled this." +"It�s one thing hanging around the entrances under the Cloak, but this is different. Hermione," Ron jabbed a finger at a copy of the Daily Prophet dated ten days previously. "You�re on the list of Muggle-borns who didn�t present themselves for interrogation!" +"And you�re supposed to be dying of spattergroit at the Burrow! If anyone shouldn�t go, it�s Harry, he�s got a ten-thousand-Galleon price on his head - " +"Fine, I�ll stay here," said Harry. "Let me know if you ever defeat Voldemort, won�t you?" +As Ron and Hermione laughed, pain shot through the scar on Harry�s forehead. His hand jumped to it. He saw Hermione�s eyes narrow, and he tried to pass off the movement by brushing his hair out of his eyes. +"Well, if all three of us go we�ll have to Disapparate separately," Ron was saying. "We can�t all fit under the Cloak anymore." +Harry�s scar was becoming more and more painful. He stood up. At once, Kreacher hurried forward. +"Master has not finished his soup, would master prefer the savory stew, or else the treacle tart to which Master is so partial?" +"Thanks, Kreacher, but I�ll be back in a minute - er - bathroom." +Aware that Hermione was watching him suspiciously, Harry hurried up the stairs to the hall and then to the first landing, where he dashed into the bathroom and bolted the door again. Grunting with pain, he slumped over the black basin with its taps in the form of open-mouthed serpents and closed his eyes .... +He was gliding along a twilit street. The buildings on either side of him had high, timbered gables; they looked like gingerbread houses. He approached one of them, then saw the whiteness of his own long-fingered hand against the door. He knocked. He felt a mounting excitement ... +The door opened: A laughing woman stood there. Her face fell as she looked into Harry�s face: humor gone, terror replacing it .... +"Gregorovitch?" said a high, cold voice. +She shook her head: She was trying to close the door. A white hand held it steady, prevented her shutting him out ... +"I want Gregorovitch." +"Er wohnt hier nicht mehr!" she cried, shaking her head. "He no live here! He no live here! I know him not!" +Abandoning the attempt to close the door, she began to back away down the dark hall, and Harry followed, gliding toward her, and his long-fingered hand had drawn his wand. +"where is he?" +"Das weiff ich nicht! He move! I know not, I know not!" +He raised his hand. She screamed. Two young children came running into the hall. She tried to shield them with her arms. There was a flash of green light - +"Harry! HARRY!" +He opened his eyes; he had sunk to the floor. Hermione was pounding on the door again. +"Harry, open up!" +He had shouted out, he knew it. He got up and unbolted the door; Hermione toppled inside at once, regained her balance, and looked around suspiciously. Ron was right behind her, looking unnerved as he pointed his wand into the corners of the chilly bathroom. +"What were you doing?" asked Hermione sternly. +"What d�you think I was doing?" asked Harry with feeble bravado. +"You were yelling your head off!" said Ron. +"Oh yeah ... I must�ve dozed off or - " +"Harry, please don�t insult our intelligence," said Hermione, taking deep breaths. "We know your scar hurt downstairs, and you�re white as a sheet." +Harry sat down on the edge of the bath. +"Fine. I�ve just seen Voldemort murdering a woman. By now he�s probably killed her whole family. And he didn�t need to. It was Cedric all over again, they were just there ... " +"Harry, you aren�t supposed to let this happen anymore!" Hermione cried, her voice echoing through the bathroom. "Dumbledore wanted you to use Occlumency! HE thought the connection was dangerous - Voldemort can use it, Harry! What good is it to watch him kill and torture, how can it help?" +"Because it means I know what he�s doing," said Harry. +"So you�re not even going to try to shut him out?" +"Hermione, I can�t. You know I�m lousy at Occlumency. I never got the hang of it." +"You never really tried!" she said hotly. "I don�t get it, Harry - do you like having this special connection or relationship or what - whatever - " +She faltered under the look he gave her as he stood up. +"Like it?" he said quietly. "Would you like it?" +"I - no - I�m sorry, Harry. I just didn�t mean - " +"I hate it, I hate the fact that he can get inside me, that I have to watch him when he�s most dangerous. But I�m going to use it." +"Dumbledore -" +"Forget Dumbledore. This is my choice, nobody else�s. I want to know why he�s after Gregorovitch." +"Who?" +"He�s a foreign wandmaker," said Harry. "He made Krum�s wand and Krum reckons he�s brilliant." +"But according to you," said Ron, "Voldemort�s got Ollivander locked up somewhere. If he�s already got a wandmaker, what does he need another one for?" +"Maybe he agrees with Krum, maybe he thinks Gregorovitch is better ... or else he thinks Gregorovitch will be able to explain what my wand did when he was chasing me, because Ollivander didn�t know." +Harry glanced into the cracked, dusty mirror and saw Ron and Hermione exchanging skeptical looks behind his back. +"Harry, you keep talking about what your wand did," said Hermione, "but you made it happen! Why are you so determined not to take responsibility for your own power?" +"Because I know it wasn�t me! And so does Voldemort, Hermione! We both know what really happened!" +They glared at each other; Harry knew that he had not convinced Hermione and that she was marshaling counterarguments, against both his theory on his wand and the fact that he was permitting himself to see into Voldemort�s mind. To his relief, Ron intervened. +"Drop it," he advised her. "It�s up to him. And if we�re going to the Ministry tomorrow, don�t you reckon we should go over the plan?" +Reluctantly, as the other two could tell, Hermione let the matter rest, though Harry was quite sure she would attack again at the first opportunity. In the meantime, they returned to the basement kitchen, where Kreacher served them all stew and treacle tart. +They did not get to bed until late that night, after spending hours going over and over their plan until they could recite it, word perfect, to each other. Harry, who was now sleeping in Sirius�s room, lay in bed with his wandlight trained on the old photograph of his father, Sirius, Lupin, and Pettigrew, and muttered the plan to himself for another ten minutes. As he extinguished his wand, however, he was thinking not of Polyjuice Potion, Puking Pastilles, or the navy blue robes of Magical Maintenance; he though of Gregorovitch the wandmaker, and how long he could hope to remain hidden while Voldemort sought him so determinedly. +Dawn seemed to follow midnight with indecent haste. +"You look terrible," was Ron�s greeting as he entered the room to wake Harry. +"Not for long," said Harry, yawning. +They found Hermione downstairs in the kitchen. She was being served coffee and hot rolls by Kreacher and wearing the slightly manic expression that Harry associated with exam review. +"Robes," she said under her breath, acknowledging their presence with a nervous nod and continuing to poke around in her beaded bag, "Polyjuice Potion ... Invisibiliity Cloak ... Decoy Detonators ... You should each take a couple just in case ... Puking Pastilles, Nosebleed Norgat, Extendable Ears ..." +They gulped down their breakfast, then set off upstairs, Kreacher bowing them out and promising to have a steak-and-kidney pie ready for them when they returned. +"Bless him," said Ron fondly, "and when you think I used to fantasize about cutting off his head and sticking it on the wall." +They made their way onto the front step with immense caution. They could see a couple of puffy-eyed Death Eaters watching the house from across the misty square. +Hermione Disapparated with Ron first, then came back for Harry. +After the usual brief spell of darkness and near suffocation, Harry found himself in the tiny alleyway where the first phase of their plan was scheduled to take place. It was as yet deserted, except for a couple of large bins; the first Ministry workers did not usually appear here until at least eight o�clock. +"Right then," said Hermione, checking her watch. "she ought to be here in about five minutes. When I�ve Stunned her -" +"Hermione, we know," said Ron sternly. "And I thought we were supposed to open the door before she got here?" +Hermione squealed. +"I nearly forgot! Stand back -" +She pointed her wand at the padlocked and heavily graffitied fire door beside them, which burst open with a crash. The dark corridor behind it led, as they knew from their careful scouting trips, into an empty theater. Hermione pulled the door back toward her, to make it look as thought it was still closed. +"And now," she said, turning, back to face the other two in the alleyway, "we put on the Cloak again -" +"-and we wait," Ron finished, throwing it over Hermione�s head like a blanket over a birdcage and rolling his eyes at Harry. +Little more than a minute later, there was a tiny pop and a little Ministry witch with flyaway gray hair Apparated feet from them, blinking a little in the sudden brightness: the sun had just come out from behind a cloud. She barely had time to enjoy the unexpected warmth, however, before Hermione�s silent Stunning Spell hit her in the chest and she toppled over. +"Nicely done, Hermione," said Ron, emerging behind a bin beside the theater door as Harry took off the Invisibility Cloak. Together they carried the little witch into the dark passageway that led backstage. Hermione plucked a few hairs from the witch�s head and added them to a flask of muddy Polyjuice Potion she had taken from the beaded bag. Ron was rummaging through the little witch�s handbag. +"She�s Mafalda Hopkirk," he said, reading a small card that identified their victim as an assistant in the Improper Use of Magic Office. "You�d better take this, Hermione, and here are the tokens." +He passed her several small golden coins, all embossed with the letters M.O.M., which he had taken from the witch�s purse. +Hermione drank the Polyjuice Potion, which was now a pleasant heliotrope color, and within seconds stood before them, the double of Mafalda Hopkirk. As she removed Mafalda�s spectacles and put them on, Harry checked his watch. +"We�re running late, Mr. Magical Maintenance will be here any second." +They hurried to close the door on the real Mafalda; Harry and Ron threw the Invisibility Cloak over themselves but Hermione remained in view, waiting. Seconds later there was another pop, and a small, ferrety looking wizard appeared before them. +"Oh, hello, Mafalda." +"Hello!" said Hermione in a quavery voice, "How are you today?" +"Not so good, actually," replied the little wizard, who looked thoroughly downcast. +As Hermione and the wizard headed for the main road, Harry and Ron crept along behind them. +"I�m sorry to hear you�re under the weather," said Hermione, talking firmly over the little wizard and he tried to expound upon his problems; it was essential to stop him from reaching the street. "Here, have a sweet." +"Eh? Oh, no thanks -" +"I insist!" said Hermione aggressively, shaking the bag of pastilles in his face. Looking rather alarmed, the little wizard took one. +The effect was instantaneous. The moment the pastille touched his tongue, the little wizard started vomiting so hard that he did not even notice as Hermione yanked a handful of hairs from the top of his head. +"Oh dear!" she said, as he splattered the alley with sick. "Perhaps you�d better take the day off!" +"No - no!" He choked and retched, trying to continue on his way despite being unable to walk straight. "I must - today - must go - " +"But that�s just silly!" said Hermione, alarmed. "You can�t go to work in this state - I think you ought to go to St. Mungo�s and get them to sort you out." +The wizard had collapsed, heaving, onto all fours, still trying to crawl toward the main street. +"You simply can�t go to work like this!" cried Hermione. +At last he seemed to accept the truth of her words. Using a reposed Hermione to claw his way back into a standing position, he turned on the spot and vanished, leaving nothing behind but the bag Ron had snatched from his hand as he went and some flying chunks of vomit. +"Urgh," said Hermione, holding up the skirt of her robe to avoid the puddles of sick. "It would have made much less mess to Stun him too." +"Yeah," said Ron, emerging from under the cloak holding the wizard�s bag, "but I still think a whole pile of unconscious bodies would have drawn more attention. Keen on his job, though, isn�t he? Chuck us the hair and the potion, then." +Within two minutes, Ron stood before them, as small and ferrety as the sick wizard, and wearing the navy blue robes that had been folded in his bag. +"Weird he wasn�t wearing them today, wasn�t it, seeing how much he wanted to go? Anyway, I�m Reg Cattermole, according to the label in the back." +"Now wait here," Hermione told Harry, who was still under the Invisibility Cloak, "and we�ll be back with some hairs for you." +He had to wait ten minutes, but it seemed much longer to Harry, skulking alone in the sick-splattered alleyway beside the door concealing the Stunned Mafalda. Finally Ron and Hermione reappeared. +"We don�t know who he is," Hermione said, passing Harry several curly black hairs, "but he�s gone home with a dreadful nosebleed! Here, he�s pretty tall, you�ll need bigger robes ..." +She pulled out a set of the old robes Kreacher had laundered for them, and Harry retired to take the potion and change. +Once the painful transformation was complete he was more than six feet tall and, from what he could tell from his well-muscled arms, powerfully built. He also had a beard. Stowing the Invisibility Cloak and his glasses inside his new robes, he rejoined the other two. +"Blimey, that�s scary," said Ron, looking up at Harry, who now towered over him. +"Take one of Mafalda�s tokens," Hermione told Harry, "and let�s go, it�s nearly nine." +They stepped out of the alleyway together. Fifty yards along the crowded pavement there were spiked black railings flanking two flights of stairs, one labeled GENTLEMEN, the other LADIES. +"See you in a moment, then," said Hermione nervously, and she tottered off down the steps to LADIES. Harry and Ron joined a number of oddly dressed men descending into what appeared to be an ordinary underground public toilet, tiled in grimy black and white. +"Morning, Reg!" called another wizard in navy blue robes as he let himself into a cubicle by inserting his golden token into a slot in the door. "Blooming pain in the bum, this, eh? Forcing us all to get to work this way! Who are they expecting to turn up, Harry Potter?" +The wizard roared with laughter at his own wit. Ron gave a forced chuckle. +"Yeah," he said, "stupid, isn�t it?" +And he and Harry let themselves into adjoining cubicles. +To Harry�s left and right came the sound of flushing. He crouched down and peered through the gap at the bottom of the cubicle, just in time to see a pair of booted feet climbing into the toilet next door. He looked left and saw Ron blinking at him. +"We have to flush ourselves in?" he whispered. +"Looks like it," Harry whispered back; his voice came out deep and gravelly. +They both stood up. Feeling exceptionally foolish, Harry clambered into the toilet. +He knew at once that he had done the right thing; thought he appeared to be standing in water, his shoes, feet, and robes remained quite dry. He reached up, pulled the chain, and next moment had zoomed down a short chute, emerging out of a fireplace into the Ministry of Magic. +He got up clumsily; there was a lot more of his body than he was accustomed to. The great Atrium seemed darker than Harry remembered it. Previously a golden fountain had filled the center of the hall, casting shimmering spots of light over the polished wooden floor and walls. Now a gigantic statue of black stone dominated the scene. It was rather frightening, this vast sculpture of a witch and a wizard sitting on ornately carved thrones, looking down at the Ministry workers toppling out of fireplaces below them. Engraved in foot-high letters at the base of the statue were the words MAGIC IS MIGHT. +Harry received a heavy blow on the back of the legs. Another wizard had just flown out of the fireplace behind him. +"Out of the way, can�t y - oh, sorry, Runcorn." +Clearly frightened, the balding wizard hurried away. Apparently the man who Harry was impersonating, Runcorn, was intimidating. +"Psst!" said a voice, and he looked around to see a whispy little witch and the ferrety wizard from Magical Maintenance gesturing to him from over beside the statue. Harry hastened to join them. +"You got in all right, then?" Hermione whispered to Harry. +"No, he�s still stuck in the hog," said Ron. +"Oh, very funny ... It�s horrible, isn�t it?" she said to Harry, who was staring up at the statue. "Have you seen what they�re sitting on?" +Harry looked more closely and realized that what he had thought were decoratively carved thrones were actually mounds of carved humans: hundreds and hundreds of naked bodies, men, women, and children, all with rather stupid, ugly faces, twisted and pressed together to support the weight of the handsomely robed wizards. +"Muggles," whispered Hermione, "In their rightful place. Come on, let�s get going." +They joined the stream of witches and wizards moving toward the golden gates at the end of the hall, looking around as surreptitiously as possible, but there was no sign of the distinctive figure of Dolores Umbridge. They passed through the gates and into a smaller hall, where queues were forming in front of twenty golden grilles housing as many lifts. They had barely joined the nearest one when a voice said, "Cattermole!" +They looked around: Harry�s stomach turned over. One of the Death Eaters who had witnessed Dumbledore�s death was striding toward them. The Ministry workers beside them fell silent, their eyes downcast; Harry could feel fear rippling through them. +The man�s scowling, slightly brutish face was somehow at odds with his magnificent, sweeping robes, which were embroidered with much gold thread. Someone in the crowd around the lifts called sycophantically, "Morning, Yaxley!" Yaxley ignored them. +"I requested somebody from Magical Maintenance to sort out my office, Cattermole. It�s still raining in there." +Ron looked around as though hoping somebody else would intervene, but nobody spoke. +"Raining ... in your office? That�s - that�s not good, is it?" +Ron gave a nervous laugh. Yaxley�s eyes widened. +"You think it�s funny, Cattermole, do you?" +A pair of witches broke away from the queue for the lift and bustled off. +"No," said Ron, "no, of course -" +"You realize that I am on my way downstairs to interrogate your wife, Cattermole? In fact, I�m quite surprised you�re not down there holding her hand while she waits. Already given her up as a bad job, have you? Probably wise. Be sure and marry a pureblood next time." +Hermione had let out a little squeak of horror. Yaxley looked at her. She cough feebly and turned away. +"I - I -" stammered Ron. +"But if my wife were accused of being a Mudblood," said Yaxley, "-not that any woman I married would ever be mistaken for such filth - and the Head of Department of Magical Law Enforcement needed a job doing, I would make it my priority to do this job, Cattermole. Do you understand me?" +"Yes," whispered Ron. +"Then attend to it, Cattermole, and if my office is not completely dry within an hour, your wife�s Blood Status will be in even greater doubt than it is now." +The golden grille before them clattered open. With a nod and unpleasant smile to Harry, who was evidently expected to appreciate this treatment of Cattermole, Yaxley swept away toward another lift. Harry, Ron, and Hermione entered theirs, but nobody followed them: It was as if they were infectious. The grilles shut with a clang and the lift began to move upward. +"What am I going to do?" Ron asked the other two at once; he looked stricken. "If I don�t turn up, my wife ... I mean, Cattermole�s wife - " +"We�ll come with you, we should stick together -" began Harry, but Ron shook his head feverishly. +"That�s mental, we haven�t got much time. You two find Umbridge, I�ll go and sort out Yaxley�s office - but how do I stop a raining?" +"Try Finite Incantatem," said Hermione at once, "that should stop the rain if it�s a hex or curse; if it doesn�t something�s gone wrong with an Atmospheric Charm, which will be more difficult to fix, so as an interim measure try Impervius to protect his belongings - " +"Say it again, slowly - " said Ron, searching his pockets desperately for a quill, but at that moment the lift juddered to a halt. A disembodied female voice said, "Level four, Department for the Regulation and Control of Magical Creatures, incorporating Beast, Being, and Spirit Divisions, Goblin Liaison Office, and Pest Advisory Bureau," +and the grilles slid open again, admitting a couple of wizards and several pale violet paper airplanes that fluttered around the lamp in the ceiling of the lift. +"Morning, Albert," said a bushily whiskered man, smiling at Harry. He glanced over at Ron and Hermione as the lift creaked upward once more; Hermione was now whispering frantic instructions to Ron. The wizard leaned toward Harry, leering, and muttering "Dirk Cresswell, eh? From Goblin Liaison? Nice one, Albert. I�m pretty confident I�ll get his job now!" +He winked. Harry smiled back, hoping that this would suffice. The lift stopped; the grilles opened once more. +"Level two, Department of Magical Law Enforcement, including the Improper Use of Magic Office, Auror Headquarters, and Wizengamot Administration Services," said the disembodied witch�s voice. +Harry saw Hermione give Ron a little push and he hurried out of the lift, followed by the other wizards, leaving Harry and Hermione alone. The moment the golden door had closed Hermione said, very fast, "Actually, Harry, I think I�d better go after him, I don�t think he knows what he�s doing and if he gets caught the whole thing - " +"Level one, Minister of Magic and Support Staff." +The golden grilles slid apart again and Hermione gasped. Four people stood before them, two of them deep in conversation: a long-haired wizard wearing magnificent robes of black and gold, and a squat, toadlike witch wearing a velvet bow in her short hair and clutching a clipboard to her chest. +Chapter Thirteen +The Muggle-Born Registration Commission +"Ah, Mafalda!" said Umbridge, looking at Hermione. "Travers sent you, did he?" +"Y-yes," squeaked Hermione. +"God, you�ll do perfectly well." Umbridge spoke to the wizard in black and gold. "That�s that problem solved. Minister, if Mafalda can be spared for record-keeping we shall be able to start straightaway." She consulted her clipboard. "Ten people today and one of them the wife of a Ministry employee! Tut, tut... even here, in the heart of the Ministry!" She stepped into the lift besides Hermione, as did the two wizards who had been listening to Umbridge�s conversation with the Minister. "We�ll go straight down, Mafalda, you�ll find everything you need in the courtroom. Good morning, Albert, aren�t you getting out?" +"Yes, of course," said Harry in Runcorn�s deep voice. +Harry stepped out of the life. The golden grilles clanged shut behind him. Glancing over his shoulder, Harry saw Hermione�s anxious face sinking back out of sight, a tall wizard on either side of her, Umbridge�s velvet hair-bow level with her shoulder. +"What brings you here, Runcorn?" asked the new Minister of Magic. His long black hair and beard were streaked with silver and a great overhanging forehead shadowed his glinting eyes, putting Harry in the mind of a crab looking out from beneath a rock. +"Needed a quick word with," Harry hesitated for a fraction of a second, "Arthur Weasley. Someone said he was up on level one." +"Ah," said Plum Thicknesse. "Has he been caught having contact with an Undesirable?" +"No," said Harry, his throat dry. "No, nothing like that." +"Ah, well. It�s only a matter of time," said Thicknesse. "If you ask me, the blood traitors are as bad as the Mudbloods. Good day, Runcorn." +"Good day, Minister." +Harry watched Thicknesse march away along the thickly carpeted corridor. The moment the Minister had passed out of sight, Harry tugged the Invisibility Cloak out from under his heavy black cloak, threw it over himself, and set off along the corridor in the opposite direction. Runcorn was so tall that Harry was forced to stoop to make sure his big feet were hidden. +Panic pulsed in the pit of his stomach. As he passed gleaming wooden door after gleaming wooden door, each bearing a small plaque with the owner�s name and occupation upon it, the might of the Ministry, its complexity, its impenetrability, seemed to force itself upon him so that the plan he had been carefully concocting with Ron and Hermione over the past four weeks seemed laughably childish. They had concentrated all their efforts on getting inside without being detected: They had not given a moment�s thought to what they would do if they were forced to separate. Now Hermione was stuck in court proceedings, which would undoubtedly last hours; Ron was struggling to do magic that Harry was sure was beyond him, a woman�s liberty possibly depending on the outcome, and he, Harry, was wandering around on the top floor when he knew perfectly well that his quarry had just gone down in the lift. +He stopped walking, leaned against a wall, and tried to decide what to do. The silence pressed upon him: There was no bustling or talk or swift footsteps here the purple-carpeted corridors were as hushed as though the Muffliato charm had been cast over the place. +Her office must be up here, Harry thought. +It seemed most unlikely that Umbridge would keep her jewelry in her office, but on the other hand it seemed foolish not to search it to make sure. He therefore set off along the corridor again, passing nobody but a frowning wizard who was murmuring instructions to a quill that floated in front of him, scribbling on a trail of parchment. +Now paying attention to the names on the doors, Harry turned a corner. Halfway along the next corridor he emerged into a wide, open space where a dozen witches and wizards sat in rows at small desks not unlike school desks, though much more highly polished and free from graffiti. Harry paused to watch them, for the effect was quite mesmerizing. They were all waving and twiddling their wands in unison, and squares of colored paper were flying in every direction like little pink kites. After a few seconds, Harry realized that there was a rhythm to the proceedings, that the papers all formed the same pattern and after a few more seconds he realized what he was watching was the creation of pamphlets - that the paper squares were pages, which, when assembled, folded and magicked into place, fell into neat stacks beside each witch or wizard. +Harry crept closer, although the workers were so intent on what they were doing that he doubted they would notice a carpet-muffled footstep, and he slid a completed +pamphlet from the pile beside a young witch. He examined it beneath the Invisibility Cloak. Its pink cover was emblazoned with a golden title: +Mudbloods +and the Dangers They Pose to +a Peaceful Pure-Blood Society +Beneath the title was a picture of a red rose with a simpering face in the middle of its petals, being strangled by a green weed with fangs and a scowl. There was no author�s name upon the pamphlet, but again, the scars on the back of his right hand seemed to tingle as he examined it. Then the young witch beside him confirmed his suspicion as she said, still waving and twirling her wand, "Will the old hag be interrogating Mudbloods all day, does anyone know?" +"Careful," said the wizard beside her, glancing around nervously; one of his pages slipped and fell to the floor. +"What, has she got magic ears as well as an eye, now?" +The witch glanced toward the shining mahogany door facing the space full of pamphlet-makers; Harry looked too, and the rage reared in him like a snake. Where there might have been a peephole on a Muggle front door, a large, round eye with a bright blue iris had been set into the wood - an eye that was shockingly familiar to anybody who had known Alastor Moody. +For a split second Harry forgot where he was and what he was doing there: He even forgot that he was invisible. He strode straight over to the door to examine the eye. It was not moving. It gazed blindly upward, frozen. The plaque beneath it read: +Dolores Umbridge +Senior Undersecretary to the Minister +Below that a slightly shinier new plaque read: +Head of the Muggle-Born +Registration Commission +Harry looked back at the dozen pamphlet-makers: Though they were intent upon their work, he could hardly suppose that they would not notice if the door of an empty office opened in front of them. He therefore withdrew from an inner pocket an odd object with little waving legs and a rubber-bulbed horn for a body. Crouching down beneath the Cloak, he placed the Decoy Detonator on the ground. +It scuttled away at once through the legs of the witches and wizards in front of him. A few moments later, during which Harry waited with his hand upon the doorknob, there came a loud bang and a great deal of acrid smoke billowed from a corner. The young witch in the front row shrieked: Pink pages flew everywhere as she and her fellows jumped up, looking around for the source of the commotion. Harry turned the doorknob, stepped into Umbridge�s office, and closed the door behind him. +He felt he had stepped back in time. The room was exactly like Umbridge�s office at Hogwarts: Lace draperies, doilies and dried flowers covered every surface. The walls bore the same ornamental plates, each featuring a highly colored, beribboned kitten, gamboling and frisking with sickening cuteness. The desk was covered with a flouncy, flowered cloth. Behind Mad-eye�s eye, a telescopic attachment enabled Umbridge to spy on the workers on the other side of the door. Harry took a look through it and saw that they were all still gathered around the Decoy Detonator. He wrenched the telescope out of the door, leaving a hole behind, pulled the magical eyeball out of it, and placed it in his pocket. The he turned to face the room again, raised his wand, and murmured, "Accio Locker." +Nothing happened, but he had not expected it to; no doubt Umbridge knew all about protective charms and spells. He therefore hurried behind her desk and began pulling open all the drawers. He saw quills and notebooks and Spellotape; enchanted paper clips that coiled snakelike from their drawer and had be beaten back; a fussy little lace box full of spare hair bows and clips; but no sign of a locket. +There was a filing cabinet behind the desk: Harry set to searching it. Like Filch�s filing cabinet at Hogwarts, it was full of folders, each labeled with a name. It was not until Harry reached the bottommost drawer that he saw something to distract him from the search: Mr. Weasley�s file. +He pulled it out and opened it. +Arthur Weasley +Blood Status: +Pureblood, but with unacceptable pro-Muggle leanings. Known member of the Order of the Phoenix. +Family: +Wife (pureblood), seven children, two youngest at Hogwarts. NB: Youngest son currently at home, seriously ill, Ministry inspectors have confirmed. +Security Status: +TRACKED. All movements are being monitored. Strong likelihood Undesirable No. 1 will contact (has stayed with Weasley family previously) +"Undesirable Number One," Harry muttered under his breath as he replaced Mr. Weasley�s folder and shut the drawer. He had an idea he knew who that was, and sure enough, as he straightened up and glanced around the office for fresh hiding places he saw a poster of himself on the wall, with the words UNDESIRABLE NO. 1 emblazoned across his chest. A little pink note was stuck to it with a picture of a kitten in the corner. Harry moved across to read it and saw that Umbridge had written, "To be punished." +Angrier than ever, he proceeded to grope in the bottoms of the vases and baskets of dried flowers, but was not at all surprised that the locket was not there. He gave the office one last sweeping look, and his heart skipped a beat. Dumbledore was staring at him from a small rectangular mirror, propped up on a bookcase beside the desk. +Harry crossed the room at a run and snatched it up, but realized that the moment he touched it that it was not a mirror at all. Dumbledore was smiling wistfully out of the +front cover of a glossy book. Harry had not immediately noticed the curly green writing across his hat - The Life and Lies of Albus Dumbledore - nor the slightly smaller writing across his chest: "by Rita Skeeter, bestselling author of Armando Dippet: Master or Moron?" +Harry opened the book at random and saw a full-page photograph of two teenage boys, both laughing immoderately with their arms around each other�s shoulders. Dumbledore, now with elbow-length hair, had grown a tiny wispy beard that recalled the one on Krum�s chin that had so annoyed Ron. The boy who roared in silent amusement beside Dumbledore had a gleeful, wild look about him. His golden hair fell in curls to his shoulders. Harry wondered whether it was a young Doge, but before he could check the caption, the door of the office opened. +If Thicknesse had not been looking over his shoulder as he entered, Harry would not have had time to pull the Invisibility Cloak over himself. As it was, he thought Thicknesse might have caught a glimpse of movement, because for a moment or two he remained quite still, staring curiously at the place where Harry had just vanished. Perhaps deciding that that all he had seen was Dumbledore scratching his nose on the front of the book, for Harry had hastily replaced it upon the shelf. Thicknesse finally walked to the desk and pointed his wand at the quill standing ready in the ink pot. It sprang out and began scribbling a note to Umbridge. Very slowly, hardly daring to breathe, Harry backed out of the office into the open area beyond. +The pamphlet-makers were still clustered around the remains of the Decoy Detonator, which continued to hoot feebly as it smoked. Harry hurried off up the corridor as the young witch said, "I bet it sneaked up here from Experimental Charms, they�re so careless, remember that poisonous duck?" +Speeding back toward the lifts, Harry reviewed his options. It had never been likely that the locket was here at the Ministry, and there was no hope of bewitching its whereabouts out of Umbridge while she was sitting in a crowded court. Their priority now had to be to leave the Ministry before they were exposed, and try again another day. The first thing to do was to find Ron, and then they could work out a way of extracting Hermione from the courtroom. +The lift was empty when it arrived. Harry jumped in and pulled off the Invisibility Cloak as it started its descent. To his enormous relief, when it rattled to a halt at level two, a soaking-wet and wild-eyed Ron got in. +"M-morning," he stammered to Harry as the lift set off again. +"Ron, it�s me, Harry!" +"Harry! Blimey, I forgot what you looked like - why isn�t Hermione with you?" +"She had to go down to the courtrooms with Umbridge, she couldn�t refuse, and -" +But before Harry could finish the lift had stopped again. The doors opened and Mr. Weasley walked inside, talking to an elderly witch whose blonde hair was teased so high it resembled an anthill. +"... I quite understand what you�re saying, Wakanda, but I�m afraid I cannot be party to - " +Mr. Weasley broke off; he had noticed Harry. It was very strange to have Mr. Weasley glare at him with that much dislike. The lift doors closed and the four of them trundled downward once more. +"Oh hello, Reg," said Mr. Weasley, looking around at the sound of steady dripping from Ron�s robes. "Isn�t your wife in for questioning today? Er - what�s happened to you? Why are you so wet?" +"Yaxley�s office is raining," said Ron. He addressed Mr. Weasley�s shoulder, and Harry felt sure he was scared that his father might recognize him if they looked directly into each other�s eyes. "I couldn�t stop it, so they�ve sent me to get Bernie - Pillsworth, I think they said -" +"Yes, a lot of offices have been raining lately," said Mr. Weasley. "Did you try Meterolojinx Recanto? It worked for Bletchley." +"Meteolojinx Recanto?" whispered Ron. "No, I didn�t. Thanks, D - I mean, thanks, Arthur." +The lift doors opened; the old witch with the anthill hair left, and Ron darted past her out of sight. Harry made to follow him, but found his path blocked as Percy Weasley strode into the lift, his nose buried in some papers he was reading. +Not until the doors had clanged shut again did Percy realize he was in a lit with his father. He glanced up, saw Mr. Weasley, turned radish red, and left the lift the moment the doors opened again. For the second time, Harry tried to get out, but this time found his way blocked by Mr. Weasley�s arm. +"One moment, Runcorn." +The lift doors closed and as they clanked down another floor, Mr. Weasley said, "I hear you had information about Dirk Cresswell." +Harry had the impression that Mr. Weasley�s anger was no less because of the brush with Percy. He decided his best chance was to act stupid. +"Sorry?" he said. +"Don�t pretend, Runcorn," said Mr. Weasley fiercely. "You tracked down the wizard who faked his family tree, didn�t you?" +"I - so what if I did?" said Harry. +"So Dirk Cresswell is ten times the wizard you are," said Mr. Weasley quietly, as the lift sank ever lower. "And if he survives Azkaban, you�ll have to answer to him, not to mention his wife, his sons, and his friends -" +"Arthur," Harry interrupted, "you know you�re being tracked, don�t you?" +"Is that a threat, Runcorn?" said Mr. Weasley loudly. +"No," said Harry, "it�s a fact! They�re watching your every move -" +The lift doors opened. They had reached the Atrium. Mr. Weasley gave Harry a scathing look and swept from the lift. Harry stood there, shaken. He wished he was impersonating somebody other than Runcorn.... The lift doors clanged shut. +Harry pulled out the Invisibility Cloak and put it back on. He would try to extricate Hermione on his own while Ron was dealing with the raining office. When the doors opened, he stepped out into a torch-lit stone passageway quite different from the wood-paneled and carpeted corridors above. As the left rattled away again, Harry shivered slightly, looking toward the distant black door that marked the entrance to the Department of Mysteries. +He set off, his destination not the black door, but the doorway he remembered on the left hand side, which opened onto the flight of stairs down to the court chambers. His mind grappled with possibilities as he crept down them: He still had a couple of Decoy Detonators, but perhaps it would be better to simply knock on the courtroom door, enter +as Runcorn, and ask for a quick word with Mafalda? Of course, he did not know whether Runcorn was sufficiently important to get away with this, and even if he managed it, Hermione�s non-reappearance might trigger a search before they were clear of the Ministry.... +Lost in thought, he did not immediately register the unnatural chill that was creeping over him, as if he were descending into fog. It was becoming colder and colder with every step he took; a cold that reached right down his throat and tore at his lungs. And then he felt that stealing sense of despair, or hopelessness, filling him, expanding inside him.... +Dementors, he thought. +And as he reached the foot of the stairs and turned to his right he saw a dreadful scene. The dark passage outside the courtrooms was packed with tall, black-hooded figures, their faces completely hidden, their ragged breathing the only sound in the place. The petrified Muggle-borns brought in for questioning sat huddled and shivering on hard wooden benches. Most of them were hiding their faces in their hands, perhaps in an instinctive attempt to shield themselves from the dementors� greedy mouths. Some were accompanied by families, others sat alone. The dementors were gliding up and down in front of them, and the cold, and the hopelessness, and the despair of the place laid themselves upon Harry like a curse.... +Fight it, he told himself, but he knew that he could not conjure a Patronus here without revealing himself instantly. So he moved forward as silently as he could, and with every step he took numbness seemed to steal over his brain, but he forced himself to think of Hermione and of Ron, who needed him. +Moving through the towering black figures was terrifying: The eyeless faces hidden beneath their hoods turned as he passed, and he felt sure that they sensed him, sensed, perhaps, a human presence that still had some hope, some resilience.... +And then, abruptly and shockingly amid the frozen silence, one of the dungeon doors on the left of the corridor was flung open and screams echoed out of it. +"No, no, I�m half-blood, I�m half-blood, I tell you! My father was a wizard, he was, look him up, Arkie Alderton, he�s a well known broomstick designer, look him up, I tell you - get your hands off me, get your hands off -" +"This is your final warning," said Umbridge�s soft voice, magically magnified so that it sounded clearly over the man�s desperate screams. "If you struggle, you will be subjected to the Dementor�s Kiss." +The man�s screams subsided, but dry sobs echoed through the corridor. +"Take him away," said Umbridge. +Two dementors appeared in the doorway of the courtroom, their rotting, scabbed hands clutching the upper arms of a wizard who appeared to be fainting. They glided away down the corridor with him, and the darkness they trailed behind them swallowed him from sight. +"Next - Mary Cattermole," called Umbridge. +A small woman stood up; she was trembling from head to foot. Her dark hair was smoothed back into a bun and she wore long plain robes. Her face was completely bloodless. As she passed the dementors, Harry saw her shudder. +He did it instinctively, without any sort of plan, because he hated the sight of her walking alone into the dungeon: As the door began to swing closed, he slipped into the courtroom behind her. +It was not the same room in which he had once been interrogated for improper use of magic. This one was much smaller, though the ceiling was quite as high it gave the claustrophobic sense of being stuck at the bottom of a deep well. +There were more dementors in here, casting their freezing aura over the place; they stood like faceless sentinels in the corners farthest from the high, raised platform. Here, behind a balustrade, sat Umbridge, with Yaxley on one side of her, and Hermione, quite as white-faced as Mrs. Cattermole, on the other. At the foot of the platform, a bight-silver, long-haired cat prowled up and down, up and down, and Harry realized that it was there to protect the prosecutors from the despair that emanated from the dementors: That was for the accused to feel, not the accusers. +"Sit down," said Umbridge in her soft, silky voice. +Mrs. Cattermole stumbled to the single seat in the middle of the floor beneath the raised platform. The moment she had sat down, chains clinked out of the arms of the chair and bound her there. +"You are Mary Elizabeth Cattermole?" asked Umbridge. +Mrs. Cattermole gave a single, shaky nod. +"Married to Reginald Cattermole of the Magical Maintenance Department?" +Mrs. Cattermole burst into tears. +"I don�t know where he is, he was supposed to meet me here!" +Umbridge ignored her. +"Mother to Maisie, Ellie and Alfred Cattermole?" Mrs. Cattermole sobbed harder than ever. +"They�re frightened, they think that I might not come home -" +"Spare us," spat Yaxley. "The brats of Mudbloods do not stir our sympathies." +Mrs. Cattermole�s sobs masked Harry�s footsteps as he made his way carefully toward the steps that led up to the raised platform. The moment he had passed the place where the Patronus cat patrolled, he felt the change in temperature: It was warm and comfortable here. The Patronus, he was sure, was Umbridge�s, and it glowed brightly because she was so happy here, in her element, upholding the twisted laws she had helped to write. Slowly and very carefully he edged his way along the platform behind Umbridge, Yaxley, and Hermione, taking a seat behind the latter. He was worried about making Hermione jump. He thought of casting the Muffliato charm upon Umbridge and Yaxley, but even murmuring the word might cause Hermione alarm. Then Umbridge raised her voice to address Mrs. Cattermole, and Harry seized his chance. +"I�m behind you," he whispered into Hermione�s ear. +As he had expected, she jumped so violently she nearly overturned the bottle of ink with which she was supposed to be recording the interview, but both Umbridge and Yaxley were concentrating upon Mrs. Cattermole, and this went unnoticed. +"A wand was taken from you upon your arrival at the Ministry today, Mrs. Cattermole," Umbridge was saying. "Eight-and-three-quarter inches, cherry, unicorn-hair core. Do you recognize the description?" +Mrs. Cattermole nodded, mopping her eyes on her sleeve. +"Could you please tell us from which witch or wizard you took that wand?" +"T-took?" sobbed Mrs. Cattermole. "I didn�t t-take it from anybody. I b-bought it when I was eleven years old. It - it - it - chose me." +She cried harder than ever. +Umbridge laughed a soft girlish laugh that made Harry want to attack her. She leaned forward over the barrier, the better to observe her victim, and something gold swung forward too, and dangled over the void: the locket. +Hermione had seen it; she let out a little squeak, but Umbridge and Yaxley, still intent upon their prey, were deaf to everything else. +"No," said Umbridge, "no, I don�t think so, Mrs. Cattermole. Wands only choose witches or wizards. You are not a witch. I have your responses to the questionnaire that was sent to you here - Mafalda, pass them to me." +Umbridge held out a small hand: She looked so toadlike at that moment that Harry was quite surprised not to see webs between the stubby fingers. Hermione�s hands were shaking with shock. She fumbled in a pile of documents balanced on the chair beside her, finally withdrawing a sheaf of parchment with Mrs. Cattermole�s name on it. +"That�s - that�s pretty, Dolores," she said, pointing at the pendant gleaming in the ruffled folds of Umbridge�s blouse. +"What?" snapped Umbridge, glancing down. "Oh yes - an old family heirloom," she said, patting the locket lying on her large bosom. "The S stands for Selwyn.... I am related to the Selwyns.... Indeed, there are few pure-blood families to whom I am not related. ...A pity," she continued in a louder voice, flicking through Mrs. Cattermole�s questionnaire, "that the same cannot be said for you. �Parents professions: greengrocers�." +Yaxley laughed jeeringly. Below, the fluffy silver cat patrolled up and down, and the dementors stood waiting in the corners. +It was Umbridge�s lie that brought the blood surging into Harry�s brain and obliterated his sense of caution - that the locket she had taken as a bribe from a petty criminal was being used to bolster her own pure-blood credentials. He raised his wand, not even troubling to keep it concealed beneath the Invisibility Cloak, and said, "Stupefy!" +There was a flash of red light; Umbridge crumpled and her forehead hit the edge of the balustrade: Mrs. Cattermole�s papers slid off her lap onto the floor and, down below, the prowling silver cat vanished. Ice-cold air hit them like an oncoming wind: Yaxley, confused, looked around for the source of the trouble and saw Harry�s disembodied hand and wand pointing at him. He tried to draw his own wand, but too late: "Stupefy!" +Yaxley slid to the ground to lie curled on the floor. +"Harry!" +"Hermione, if you think I was going to sit here and let her pretend -" +"Harry, Mrs. Cattermole!" +Harry whirled around, throwing off the Invisibility Cloak; down below, the dementors had moved out of their corners; they were gliding toward the woman chained to the chair: Whether because the Patronus had vanished or because they sensed that their masters were no longer in control, they seemed to have abandoned restraint. Mrs. Cattermole let out a terrible scream of fear as a slimy, scabbed hand grasped her chin and forced her face back. +"EXPECTO PATRONUM!" +The silver stag soared from the tip of Harry�s wand and leaped toward the dementors, which fell back and melted into the dark shadows again. The stag�s light, more powerful and more warming than the cat�s protection, filled the whole dungeon as it cantered around the room. +"Get the Horcrux," Harry told Hermione. +He ran back down the steps, stuffing the Invisibility Cloak into his back, and approached Mrs. Cattermole. +"You?" she whispered, gazing into his face. "But - but Reg said you were the one who submitted my name for questioning!" +"Did I?" muttered Harry, tugging at the chains binding her arms, "Well, I�ve had a change of heart. Diffindo!" Nothing happened. "Hermione, how do I get rid of these chains?" "Wait, I�m trying something up here -" +"Hermione, we�re surrounded by dementors!" +"I know that, Harry, but if she wakes up and the locket�s gone - I need to duplicate it - Geminio! There... That should fool her...." +Hermione came running downstairs. +"Let�s see.... Relashio!" +The chains clinked and withdrew into the arms of the chair. Mrs. Cattermole looked just as frightened as ever before. +"I don�t understand," she whispered. +"You�re going to leave here with us," said Harry, pulling her to her feet. "Go home, grab your children, and get out, get out of the country if you�ve got to. Disguise yourselves and run. You�ve seen how it is, you won�t get anything like a fair hearing here." +"Harry," said Hermione, "how are we going to get out of here with all those dementors outside the door?" +"Patronuses," said Harry, pointing his wand at his own. The stag slowed and walked, still gleaming brightly, toward the door. "As many as we can muster; do yours, Hermione." +"Expec - Expecto patronum," said Hermione. Nothing happened. +"It�s the only spell she ever has trouble with," Harry told a completely bemused Mrs. Cattermole. "Bit unfortunate, really... Come on Hermione...." +�Expecto patronum!" +A silver otter burst from the end of Hermione�s wand and swam gracefully through the air to join the stag. +"C�mon," said Harry, and he led Hermione and Mrs. Cattermole to the door. +When the Patronuses glided out of the dungeon there were cries of shock from the people waiting outside. Harry looked around; the dementors were falling back on both sides of them, melding into the darkness, scattering before the silver creatures. +"It�s been decided that you should all go home and go into hiding with your families," Harry told the waiting Muggle-born, who were dazzled by the light of the Patronuses and still cowering slightly. "Go abroad if you can. Just get well away from the Ministry. That�s the - er - new official position. Now, if you�ll just follow the Patronuses, you�ll be able to leave the Atrium." +They managed to get up the stone stops without being intercepted, but as they approached the lifts Harry started to have misgivings. If they emerged into the Atrium with a silver stag, and otter soaring alongside it, and twenty or so people, half of them accused Muggle-borns, he could not help feeling that they would attract unwanted attention. He had just reached this unwelcome conclusion when the lift clanged to a halt in front of them. +"Reg!" screamed Mrs. Cattermole, and she threw herself into Ron�s arms. "Runcorn let me out, he attacked Umbridge and Yaxley, and he�s told all of us to leave the country. I think we�d better do it, Reg, I really do, let�s hurry home and fetch the children and - why are you so wet?" +"Water," muttered Ron, disengaging himself. "Harry, they know there are intruders inside the Ministry, something about a hole in Umbridge�s office door. I reckon we�ve got five minutes if that -" +Hermione�s Patronus vanished with a pop as she turned a horror struck face to Harry. +"Harry, if we�re trapped here - !" +"We won�t be if we move fast," said Harry. He addressed the silent group behind them, who were all gawping at him. +"Who�s got wands?" +About half of them raised their hands. +"Okay, all of you who haven�t got wands need to attach yourself to somebody who has. We�ll need to be fast before they stop us. Come on." +They managed to cram themselves into two lifts. Harry�s Patronus stood sentinel before the golden grilles as they shut and the lifts began to rise. +"Level eight," said the witch�s cool voice, "Atrium." +Harry knew at once that they were in trouble. The Atrium was full of people moving from fireplace to fireplace, sealing them off. +"Harry!" squeaked Hermione. "What are we going to - ?" +"STOP!" Harry thundered, and the powerful voice of Runcorn echoed through the Atrium: The wizards sealing the fireplaces froze. "Follow me," he whispered to the group of terrified Muggle-borns, who moved forward in a huddle, shepherded by Ron and Hermione. +"What�s up, Albert?" said the same balding wizard who had followed Harry out of the fireplace earlier. He looked nervous. +"This lot need to leave before you seal the exits," said Harry with all the authority he could muster. +The group of wizards in front of him looked at one another. +"We�ve been told to seal all exits and not let anyone -" +"Are you contradicting me?" Harry blustered. "Would you like me to have your family tree examined, like I had Dirk Cresswell�s?" +"Sorry!" gasped the balding wizard, backing away. "I didn�t mean nothing, Albert, but I thought... I thought they were in for questioning and..." +"Their blood is pure," said Harry, and his deep voice echoed impressively through the hall. "Purer than many of yours, I daresay. Off you go," he boomed to the Muggle-borns, who scurried forward into the fireplaces and began to vanish in pairs. The Ministry wizards hung back, some looking confused, others scared and fearful. Then: +"Mary!" +Mrs. Cattermole looked over her shoulder. The real Reg Cattermole, no longer vomiting but pale and wan, had just come running out of a lift. +"R- Reg?" +She looked from her husband to Ron, who swore loudly. +The balding wizard gaped, his head turning ludicrously from one Reg Cattermole to the other. +"Hey - what�s going on? What is this?" +"Seal the exit! SEAL IT!" +Yaxley had burst out of another lift and was running toward the group beside the fireplaces, into which all of the Muggle-borns but Mrs. Cattermole had now vanished. As the balding wizard lifted his wand, Harry raised an enormous fist and punched him, sending him flying through the air. +"He�s been helping Muggle-borns escape, Yaxley!" Harry shouted. +The balding wizard�s colleagues set up and uproar, under cover of which Ron grabbed Mrs. Cattermole, pulled her into the still-open fireplace, and disappeared. Confused, Yaxley looked from Harry to the punched wizard, while the real Reg Cattermole screamed, "My wife! Who was that with my wife? What�s going on?" +Harry saw Yaxley�s head turn, saw an inkling of truth dawn on that brutish face. +"Come on!" Harry shouted at Hermione; he seized her hand and they jumped into the fireplace together as Yaxley�s curse sailed over Harry�s head. They spun for a few seconds before shooting up out of a toilet into a cubicle. Harry flung open the door: Ron was standing there beside the sinks, still wrestling with Mrs. Cattermole. +"Reg, I don�t understand -" +"Let go, I�m not your husband, you�ve got to go home!" +There was a noise in the cubicle behind them; Harry looked around; Yaxley had just appeared. +"LET�S GO!" Harry yelled. He seized Hermione by the hand and Ron by the arm and turned on the stop. +Darkness engulfed them, along with the sensation of compressing hands, but something was wrong.... Hermione�s hand seemed to be sliding out of his grip.... +He wondered whether he was going to suffocate; he could not breathe or see and the only solid things in the world were Ron�s arm and Hermione�s fingers, which were slowly slipping away.... +And then he saw the door to number twelve, Grimmauld Place, with its serpent door knocker, but before he could draw breath, there was a scream and a flash of purple light: Hermione�s hand was suddenly vicelike upon his and everything went dark again. +Chapter Fourteen +The Thief +Harry opened his eyes and was dazzled by gold and green; he had no idea what had happened, he only knew that he was lying on what seemed to be leaves and twigs. Struggling to draw breath into lungs that felt flattened, he blinked and realized that the gaudy glare was sunlight streaming through a canopy of leaves far above him. Then an +object twitched close to his face. He pushed himself onto his hands and knees, ready to face some small, fierce creature, but saw that the object was Ron�s foot. Looking around, Harry saw that they and Hermione were lying on a forest floor, apparently alone. +Harry�s first thought was of the Forbidden Forest, and for a moment, even though he knew how foolish and dangerous it would be for them to appear in the grounds of Hogwarts, his heart leapt at the thought of sneaking through the trees to Hagrid�s hut. However, in the few moments it took for Ron to give a low groan and Harry to start crawling toward him, he realized that this was not the Forbidden Forest; The trees looked younger, they were more widely spaced, the ground clearer. +He met Hermione, also on her hands and knees, at Ron�s head. The moment his eyes fell upon Ron, all other concerns fled Harry�s mind, for blood drenched the whole of Ron�s left side and his face stood out, grayish-white, against the leaf-strewn earth. The Polyjuice Potion was wearing off now: Ron was halfway between Cattermole and himself in appearance, his hair turning redder and redder as his face drained of the little color it had left. +"What�s happened to him?" +"Splinched," said Hermione, her fingers already busy at Ron�s sleeve, where the blood was wettest and darkest. +Harry watched, horrified, as she tore open Ron�s short. He had always thought of Splinching as something comical, but this . . . His insides crawled unpleasantly as Hermione laid bare Ron�s upper arm, where a great chunk of flesh was missing, scooped cleanly away as though by a knife. +"Harry, quickly, in my bag, there�s a small bottle labeled �Essence of Dittany�- " +"Bag - right -" +Harry sped to the place where Hermione had landed, seized the tiny beaded bag, and thrust his hand inside it. At once, object after object began presenting itself to his touch: He felt the leather spines of books, woolly sleeves of jumpers, heels of shoes - +"Quickly!" +He grabbed his wand from the ground and pointed it into the depths of the magical bag. +"Accio Dittany!" +A small brown bottle zoomed out of the bag; he caught it and hastened back to Hermione and Ron, whose eyes were now half-closed, strips of white eyeball all that were visible between his lids. +"He�s fainted," said Hermione, who was also rather pale; she no longer looked like Mafalda, though her hair was still gray in places. "Unstopper it for me, Harry, my hands are shaking." +Harry wrenched the stopper off the little bottle, Hermione took it and poured three drops of the potion onto the bleeding wound. Greenish smoke billowed upward and when it had cleared, Harry saw that the bleeding had stopped. The wound now looked several days old; new skin stretched over what had just been open flesh. +"Wow," said Harry. +"It�s all I feel safe doing," said Hermione shakily. "There are spells that would put him completely right, but I daren�t try in case I do them wrong and cause more damage. . . . He�s lost so much blood already. . . ." +"How did he get hurt? I mean" - Harry shook his head, trying to clear it, to make sense of whatever had just taken place - "why are we here? I thought we were going back to Grimmauld Place?" +Hermione took a deep breath. She looked close to tears. +"Harry, I don�t think we�re going to be able to go back there." +"What d�you - ?" +"As we Disapparated, Yaxley caught hold of me and I couldn�t get rid of him, he was too strong, and he was still holding on when we arrived at Grimmauld Place, and then - well, I think he must have seen the door, and thought we were stopping there, so he slackened his grip and I managed to sake him off and I brought us here instead!" +"But then, where�s he? Hang on. . . . You don�t mean he�s at Grimmauld Place? He can�t get in there?" +Her eyes sparkled with unshed tears as she nodded. +"Harry, I think he can. I - I forced him to let go with a Revulsion Jinx, but I�d already taken him inside the Fidelius Charm�s protection. Since Dumbledore died, we�re Secret-Keepers, so I�ve given him the secret, haven�t I?" +There was no pretending; Harry was sure she was right. It was a serious blow. If Yaxley could now get inside the house, there was no way that they could return. Even now, he could be bringing other Death Eaters in there by Apparition. Gloomy and oppressive though the house was, it had been their one safe refuge; even, now that Kreacher was so much happier and friendlier, a kind of home. With a twinge of regret that had nothing to do with food, Harry imagined the house-elf busying himself over the steak-and-kidney pie that Harry, Ron, and Hermione would never eat. +"Harry, I�m sorry, I�m so sorry!" +"Don�t be stupid, it wasn�t your fault! If anything, it was mine. . . ." +Harry put his hand in his pocket and drew out Mad-Eye�s eye. Hermione recoiled, looking horrified. +"Umbridge had stuck it to her office door, to spy on people. I couldn�t leave it there . . . but that�s how they knew there were intruders." +Before Hermione could answer, Ron groaned and opened his eyes. He was still gray and his face glistened with sweat. +"How d�you feel?" Hermione whispered. +"Lousy," croaked Ron, wincing as he felt his injured arm. "Where are we?" +"In the woods where they held the Quidditch World Cup," said Hermione. "I wanted somewhere enclosed, undercover, and this was -" +"- the first place you thought of," Harry finished for her, glancing around at the apparently deserted glade. He could not help remembering what had happened the last time they had Apparated to the first place Hermione had thought of - how Death Eaters had found them within minutes. Had it been Legilimency? Did Voldemort or his henchmen know, even now, where Hermione had taken them? +"D�you reckon we should move on?" Ron asked Harry, and Harry could tell by the look on Ron�s face that he was thinking the same. +"I dunno." Ron still looked pale and clammy. He had made no attempt to sit up and it looked as though he was too weak to do so. The prospect of moving him was daunting. +"Let�s stay here for now," Harry said. +Looking relieved, Hermione sprang to her feet. +"Where are you going?" asked Ron. +"If we�re staying, we should put some protective enchantments around the place," she replied, and raising her wand, she began to walk in a wide circle around Harry and Ron, murmuring incantations as she went. Harry saw little disturbances in the surrounding air: It was as if Hermione had cast a heat haze upon their clearing. +"Salvio Hexia . . . Protego Totalum . . . Repello Muggletum . . . Muffliato . . . You could get out the tent, Harry. . . ." +"Tent?" +"In the bag!" +"In the . . . of course," said Harry. +He did not bother to grope inside it this time, but used another Summoning Charm. The tent emerged in a lumpy mass of canvas, ropes, and poles. Harry recognized it, partly because of the smell of cats, as the same tent in which they had slept on the night of the Quidditch World Cup. +"I thought this belonged to that bloke Perkins at the Ministry?" he asked, starting to disentangle the pent pegs. +"Apparently he didn�t want it back, his lumbago�s so bad," said Hermione, now performing complicated figure-of-eight movements with her wand. "so Ron�s dad said I could borrow it. Erecto!" she added, pointing her wand at the misshapen canvas, which in one fluid motion rose into the air and settled, fully constructed, onto the ground before Harry, out of whose startled hands a tent peg soared, to land with a final thud at the end of a guy rope. +"Cave Inimicum," Hermione finished with a skyward flourish. "That�s as much as I can do. At the very least, we should know they�re coming; I can�t guarantee it will keep out Vol -" +"Don�t say the name!" Ron cut across her, his voice harsh. +Harry and Hermione looked at each other. +"I�m sorry," Ron said, moaning a little as he raised himself to look at them, "but it feels like a - a jinx or something. Can�t we call him You-Know-Who - please?" +"Dumbledore said fear of a name -" began Harry. +"In case you hadn�t noticed, mate, calling You-Know-Who by his name didn�t do Dumbledore much good in the end," Ron snapped back. "Just - just show You-Know-Who some respect, will you?" +"Respect?" Harry repeated, but Hermione shot him a warning look; apparently he was not to argue with Ron while the latter was in such a weakened condition. +Harry and Hermione half carried, half dragged Ron through the entrance of the tent. The interior was exactly as Harry remembered it; a small flat, complete with bathroom and tiny kitchen. He shoved aside an old armchair and lowered Ron carefully onto the lower berth of a bunk bed. Even this very short journey had turned Ron whiter still, and once they had settled him on the mattress he closed his eyes again and did not speak for a while. +"I�ll make some tea," said Hermione breathlessly, pulling kettle and mugs from the depths of her bag and heading toward the kitchen. +Harry found the hot drink as welcome as the firewhisky had been on the night that Mad-Eye had died; it seemed to burn away a little of the fear fluttering in his chest. After a minute or two, Ron broke the silence. +"What d�you reckon happened to the Cattermoles?" +"With any luck, they�ll have got away," said Hermione, clutching her hot mug for comfort. "As long as Mr. Cattermole had his wits about him, he�ll have transported Mrs. Cattermole by Side-Along-Apparition and they�ll be fleeing the country right now with their children. That�s what Harry told her to do." +"Blimey, I hope they escaped," said Ron, leaning back on his pillows. The tea seemed to be doing him good; a little of his color had returned. "I didn�t get the feeling Reg Cattermole was all that quick-witted, though, the way everyone was talking to me when I was him. God, I hope they made it. . . . If they both end up in Azkaban because of us . . ." +Harry looked over at Hermione and the question he had been about to ask - about whether Mrs. Cattermole�s lack of a wand would prevent her Apparating alongside her husband - died in his throat. Hermione was watching Ron fret over the fate of the Cattermoles, and there was such tenderness in her expression that Harry felt almost as if he had surprised her in the act of kissing him. +"So, have you got it?" Harry asked her, partly to remind her that he was there. +"Got - got what?" she said with a little start. +"What did we just go through all that for? The locket! Where�s the locket?" +"You got it?" shouted Ron, raising himself a little higher on his pillows. "No one tells me anything! Blimey, you could have mentioned it!" "Well, we were running for our lives from the Death Eaters, weren�t we?" said Hermione. "Here." +And she pulled the locket out of the pocket of her robes and handed it to Ron. +It was as large as a chicken�s egg. An ornate letter S, inlaid with many small green stones, glinted dully in the diffused light shining through the tent�s canvas roof. +"There isn�t any chance someone�s destroyed it since Kreacher had it?" asked Ron hopefully. "I mean, are we sure it�s still a Horcrux?" +"I think so," said Hermione, taking it back from him and looking at it closely. "There�d be some sign of damage if it had been magically destroyed." +She passed it to Harry, who turned it over in his fingers. The thing looked perfect, pristine. He remembered the mangled remains of the diary, and how the stone in the Horcrux ring had been cracked open when Dumbledore destroyed it. +"I reckon Kreacher�s right," said Harry. "We�re going to have to work out how to open this thing before we can destroy it." +Sudden awareness of what he was holding, of what lived behind the little golden doors, hit Harry as he spoke. Even after all their efforts to find it, he felt a violent urge to fling the locket from him. Mastering himself again, he tried to prise the locket apart with his fingers, then attempted the charm Hermione had used to open Regulus�s bedroom door. Neither worked. He handed the locket back to Ron and Hermione, each of whom did their best, but were no more successful at opening it than he had been. +"Can you feel it, though?" Ron asked in a hushed voice, as he held it tight in his clenched fist. +"What d�you mean?" Ron passed the Horcrux to Harry. After a moment or two, Harry thought he knew what Ron meant. Was it his own blood pulsing through his veins that he could feel, or was it something beating inside the locket, like a tiny metal heart? +"What are we going to do with it?" Hermione asked. +"Keep it safe till we work out how to destroy it." Harry replied, and, little though he wanted to, he hung the chain around his own neck, dropping the locket out of sight beneath his robes, where it rested against his chest beside the pouch Hagrid had given him. +"I think we should take it in turns to keep watch outside the tent," he added to Hermione, standing up and stretching. "And we�ll need to think about some food as well. You stay there," he added sharply, as Ron attempted to sit up and turned a nasty shade of green. +With the Sneakoscope Hermione had given Harry for his birthday set carefully upon the table in the tent, Harry and Hermione spent the rest of the day sharing the role of lookout. However, the Sneakoscope remained silent and still upon its point all day, and whether because of the protective enchantments and Muggle-repelling charms Hermione had spread around them, or because people rarely ventured this way, their patch of wood remained deserted, apart from occasional birds and squirrels. Evening brought no change; Harry lit his wand as he swapped places with Hermione at ten o�clock, and looked out upon a deserted scene, noting the bats fluttering high above him across the single patch of starry sky visible from their protected clearing. +He felt hungry now, and a little light-headed. Hermione had not packed any food in her magical bag, as she had assumed that they would be returning to Grimmauld Place that night, so they had had nothing to eat except some wild mushrooms that Hermione had collected from amongst the nearest trees and stewed in a Billycan. After a couple of mouthfuls Ron had pushed his portion away, looking queasy; Harry had only persevered so as to not hurt Hermione�s feelings. +The surrounding silence was broken by odd rustlings and what sounded like crackings of twigs: Harry thought that they were caused by animals rather than people, yet he kept his wand held tight at the ready. His insides, already uncomfortable due to their inadequate helping of rubbery mushrooms, tingled with unease. +He had though that he would feel elated if they managed to steal back the Horcrux, but somehow he did not; all he felt as he sat looking out at the darkness, of which his wand lit only a tiny part, was worry about what would happen next. It was as though he had been hurtling toward this point for weeks, months, maybe even years, but how he had come to an abrupt halt, run out of road. +There were other Horcruxes out there somewhere, but he did not have the faintest idea where they could be. He did not even know what all of them were. Meanwhile he was at a loss to know how to destroy the only one that they had found, the Horcrux that currently lay against the bare flesh of his chest. Curiously, it had not taken heat from his body, but lay so cold against his skin it might just have emerged from icy water. From time to time Harry thought, or perhaps imagined, that he could feel the tiny heartbeat ticking irregularly alongside his own. Nameless forebodings crept upon him as he sat there in the dark. He tried to resist them, push them away, yet they came at him relentlessly. Neither can live while the other survives. Ron and Hermione, now talking +softly behind him in the tent, could walk away if they wanted to: He could not. And it seemed to Harry as he sat there trying to master his own fear and exhaustion, that the Horcrux against his chest was ticking away the time he had left. . . . Stupid idea, he told himself, don�t think that. . . . +His scar was starting to prickle again. He was afraid that he was making it happen by having these thoughts, and tried to direct them into another channel. He thought of poor Kreacher, who had expected them home and had received Yaxley instead. Would the elf keep silent or would he tell the Death Eater everything he knew? Harry wanted to believe that Kreacher had changed towards him in the past month, that he would be loyal now, but who knew what would happen? What if the Death Eaters tortured the elf? Sick images swarmed into Harry�s head and he tried to push these away too, for there was nothing he could do for Kreacher: He and Hermione had already decided against trying to summon him; what if someone from the Ministry came too? They could not count on elfish Apparition being free from the same flaw that had taken Yaxley to Grimmauld Place on the hem of Hermione�s sleeve. +Harry�s scar was burning now. He thought that there was so much they did not know: Lupin had been right about magic they had never encountered or imagined. Why hadn�t Dumbledore explained more? Had he thought that there would be time; that he would live for years, for centuries perhaps, like his friend Nicolas Flamel? If so, he had been wrong. . . . Snape had seen to that. . . . Snape, the sleeping snake, who had struck at the top of the tower . . . +And Dumbledore had fallen . . . fallen . . . +"Give it to me, Gregorovitch." +Harry�s voice was high, clear, and cold, his wand held in front of him by a long-fingered white hand. The man at whom he was pointing was suspended upside down in midair, though there were no ropes holding him; he swung there, invisibly and eerily bound, his limbs wrapped about him, his terrified face, on a level with Harry�s ruddy due to the blood that had rushed to his head. He had pure-white hair and a thick, bushy beard: a trussed-up Father Christmas. +"I have it not, I have it no more! It was, many years ago, stolen from me!" +"Do not lie to Lord Voldemort, Gregorovitch. He knows. . . . He always knows." The hanging man�s pupils were wide, dilated with fear, and they seemed to swell, bigger and bigger until their blackness swallowed Harry whole - +And how Harry was hurrying along a dark corridor in stout little Gregorovitch�s wake as he held a lantern aloft: Gregorovitch burst into the room at the end of the passage and his lantern illuminated what looked like a workshop; wood shavings and gold gleamed in the swinging pool of light, and there on the window ledge sat perched, like a giant bird, a young man with golden hair. In the split second that the lantern�s light illuminated him, Harry saw the delight upon his handsome face, then the intruder shot a Stunning Spell from his wand and jumped neatly backward out of the window with a crow of laughter. +And Harry was hurtling back out of those wide, tunnellike pupils and Gregorovitch�s face was stricken with terror. +"Who was the thief, Gregorovitch?" said the high cold voice. +"I do not know, I never knew, a young man - no - please - PLEASE!" +A scream that went on and on and then a burst of green light - +"Harry!" +He opened his eyes, panting, his forehead throbbing. He had passed out against the side of the tent, had slid sideways down the canvas, and was sprawled on the ground. He looked up at Hermione, whose bushy hair obscured the tiny patch of sky visible through the dark branches high above them. +"Dream," he said, sitting up quickly and attempting to meet Hermione�s glower with a look of innocence. "Must�ve dozed off, sorry." +"I know it was your scar! I can tell by the look on your face! You were looking into Vol -" +"Don�t say his name!" came Ron�s angry voice from the depths of the tent. +"Fine," retorted Hermione, "You-Know-Who�s mind, then!" "I didn�t mean it to happen!" Harry said. "It was a dream! Can you control what you dream about, Hermione?" +"If you just learned to apply Occlumency -" +But Harry was not interested in being told off; he wanted to discuss what he had just seen. +"He�s found Gregorovitch, Hermione, and I think he�s killed him, but before he killed him he read Gregorovitch�s mind and I saw -" +"I think I�d better take over the watch if you�re so tired you�re falling sleep," said Hermione coldly. +"I can finish the watch!" +"No, you�re obviously exhausted. Go and lie down." +She dropped down in the mouth of the tent, looking stubborn. Angry, but wishing to avoid a row, Harry ducked back inside. +Ron�s still-pale face was poking out from the lower bunk; Harry climbed into the one above him, lay down, and looked up at the dark canvas ceiling. After several moments, Ron spoke in a voice so low that it would not carry to Hermione, huddle in the entrance. +"What�s You-Know-Who doing?" +Harry screwed up his eyes in the effort to remember every detail, then whispered into the darkness. +"He found Gregorovitch. He had him tied up, he was torturing him." "How�s Gregorovitch supposed to make him a new wand if he�s tied up?" +"I dunno. . . . It�s weird, isn�t it?" +Harry closed his eyes, thinking of all that he had seen and heard. The more he recalled, the less sense it made. . . . Voldemort had said nothing about Harry�s wand, nothing about the twin cores, nothing about Gregorovitch making a new and more powerful wand to beat Harry�s. . . . +"He wanted something from Gregorovitch," Harry said, eyes still closed tight. "He asked him to hand it over, but Gregorovitch said it had been stolen from him . . . and then . . . then . . ." +He remembered how he, as Voldemort, had seemed to hurtle through Gregorovitch�s eyes, into his memories. . . . +"He read Gregorovitch�s mind, and I saw this young bloke perched on a windowsill, and he fired a curse at Gregorovitch and jumped out of sight. He stole it, he stole whatever You-Know-Who�s after. And I . . . I think I�ve seen him somewhere. . . ." +Harry wished he could have another glimpse of the laughing boy�s face. The theft had happened many years ago, according to Gregorovitch. Why did the young thief look familiar? +The noises of the surrounding woods were muffled inside the tent; all Harry could hear was Ron�s breathing. After a while, Ron whispered, "Couldn�t you see what the thief was holding?" +"No . . . it must�ve been something small." +"Harry?" +The wooden slats of Ron�s bunk creaked as he repositioned himself in bed. +"Harry, you don�t reckon You-Know-Who�s after something else to turn into a Horcrux?" +"I don�t know," said Harry slowly. "Maybe. But wouldn�t it be dangerous for him to make another one? Didn�t Hermione say he had pushed his soul to the limit already?" +"Yeah, but maybe he doesn�t know that." +"Yeah . . .maybe," said Harry. +He had been sure that Voldemort had been looking for a way around the problem of the twin cores, sure that Voldemort sought a solution from the old wandmaker . . . and yet he had killed him, apparently without asking him a single question about wandlore. +What was Voldemort trying to find? Why, with the Ministry of Magic and the Wizarding world at his feet, was he far away, intent on the pursuit of an object that Gregorovitch had once owned, and which had been stolen by the unknown thief? +Harry could still see the blond-haired youth�s face; it was merry, wild; there was a Fred and George-ish air of triumphant trickery about him. He had soared from the windowsill like a bird, and Harry had seen him before, but he could not think where. . . . +With Gregorovitch dead, it was the merry-faced thief who was in danger now, and it was on him that Harry�s thoughts dwelled, as Ron�s snores began to rumble from the lower bunk and as he himself drifted slowly into sleep once more. +Chapter Fifteen +The Goblin�s Revenge +Early next morning, before the other two were awake, Harry left the tent to search the woods around them for the oldest, most gnarled, and resilient-looking tree he could find. There in its shadows he buried Mad-Eye Moody's eye and marked the spot by gouging a small cross in the bark with his wand. It was not much, but Harry felt that Mad-Eye would have much preferred this to being stuck on Dolores Umbridge's door. Then he returned to the tent to wait for the others to wake, and discuss what they were going to do next. +Harry and Hermione felt that it was best not to stay anywhere too long, and Ron agreed, wit the sole proviso that their next move took them within reach of a bacon sandwich. Hermione therefore removed the enchantments she had placed around the clearing, while Harry and Ron obliterated all the marks and impressions on the ground that might show they had camped there. Then they Disapparated to the outskirts of a small market town. +Once they had pitched the tent in the shelter of a small copse of trees and surrounded it with freshly cast defensive enchantments. Harry ventured out under the Invisibility Cloak to find sustenance. This, however, did not go as planned. He had barely entered the town when an unnatural chill, a descending mist, and a sudden darkening of the skies made him freeze where he stood. +"But you can make a brilliant Patronus!" protested Ron, when Harry arrived back at the tent empty handed, out of breath, and mouthing the single word, dementors. +"I couldn't . . . make one." he panted, clutching the stitch in his side. "Wouldn't . . . come." +Their expressions of consternation and disappointment made Harry feel ashamed. It had been a nightmarish experience, seeing the dementors gliding out of the must in the distance and realizing, as the paralyzing cold choked his lungs and a distant screaming filled his ears, that he was not going to be able to protect himself. It had taken all Harry's willpower to uproot himself from the spot and run, leaving the eyeless dementors to glide amongst the Muggles who might not be able to see them, but would assuredly feel the despair they cast wherever they went. +"So we still haven't got any food." +"Shut up, Ron," snapped Hermione. "Harry, what happened? Why do you think you couldn't make your Patronus? You managed perfectly yesterday!" +"I don't know." +He sat low in one of Perkins's old armchairs, feeling more humiliated by the moment. He was afraid that something had gone wrong inside him. Yesterday seemed a long time ago: Today me might have been thirteen years old again, the only one who collapsed on the Hogwarts Express. +Ron kicked a chair leg. +"What?" he snarled at Hermione. "I'm starving! All I've had since I bled half to death is a couple of toadstools!" +"You go and fight your way through the dementors, then," said Harry, stung. +"I would, but my arm's in a sling, in case you hadn't noticed!" +"That's convenient." +"And what's that supposed to - ?" +"Of course!" cried Hermione, clapping a hand to her forehead and startling both of them into silence. "Harry, give me the locket! Come on," she said impatiently, clicking her fingers at him when he did not react," to Horcrux, Harry, you're still wearing it!" +She held out her hands, and Harry lifted the golden chain over his head. The moment it parted contact with Harry's skin he free and oddly light. He had not even realized that he was clammy or that there was a heavy weight pressing on his stomach until both sensations lifted. +"Better?" asked Hermione. +"Yeah, loads better!" +"Harry," she said, crouching down in front of him and using the kind of voice he associated with visiting the very sick, "you don't think you've been possessed, do you?" +"What? No!" he said defensively, "I remember everything we've done while I've bee wearing it. I wouldn't know what I'd done if I'd been possessed, would I? Ginny told me there were times when she couldn't remember anything." +"Hmm," said Hermione, looking down at the heavy locket. "Well, maybe we ought not to wear it. We can just keep it in the tent." +"We are not leaving that Horcrux lying around," Harry stated firmly. "If we lose it, if it gets stolen-" +"Oh, all right, all right," said Hermione, and she placed it around her own neck and tucked it out of sight down the front of her shirt. "But we'll take turns wearing it, so nobody keeps it on too long." +"Great," said Ron irritably, "and now we've sorted that out, can we please get some food?" +"Fine, but we'll go somewhere else to find it," said Hermione with half a glance at Harry. "There's no point staying where we know dementors are swooping around." +In the end they settled down for the night in a far flung field belonging to a lonely farm, from which they had managed to obtain eggs and bread. +"It's not stealing, is it?" asked Hermione in a troubled voice, as they devoured scrambled eggs on toast. "Not if I left some money under the chicken coo?" +Ron rolled his eyes and said, with his cheeks bulging, "Er-my-nee, 'oo worry 'oo much. 'Elax!" +And, indeed, it was much easier to relax when they were comfortably well fed. The argument about the dementors was forgotten in laughter that night, and Harry felt cheerful, even hopeful, as he took the first of the three night watches. +This was their first encounter with the fact that a full stomach meant good spirits, an empty one, bickering and gloom. Harry was least surprised by this, because be had suffered periods of near starvation at the Dursleys�. Hermione bore up reasonably well on those nights when they managed to scavenge nothing but berries or stale biscuits, her temper perhaps a little shorter than usual and her silences dour. Ron, however, had always been used to three delicious meals a day, courtesy of his mother or of the Hogwarts house-elves, and hunger made him both unreasonable and irascible. Whenever lack of food coincided with Ron's turn to wear the Horcrux, he became downright unpleasant. +"So where next?" was his constant refrain. He did not seem to have any ideas himself, but expected Harry and Hermione to come up with plans while he sat and brooded over the low food supplies. Accordingly Harry and Hermione spent fruitless hours trying to decide where they might find the other Horcruxes, and how to destroy the one they already got, their conversations becoming increasingly repetitive as they got no new information. +As Dumbledore had told Harry that be believed Voldemort had hidden the Horcruxes in places important to him, they kept reciting, in a sort of dreary litany, those locations they knew that Voldemort had lived or visited. The orphanage where he had been born and raised: Hogwarts, where he had been educated; Borgin and Burks, where he had worked after completing school; then Albania, where he had spent his years of exile: These formed the basis of their speculations. +"Yeah, let's go to Albania. Shouldn't take more than an afternoon to search an entire country," said Ron sarcastically. +"There can't be anything there. He'd already made five of his Horcruxes before he went into exile, and Dumbledore was certain the snake is the sixth," said Hermione. "We know the snake's not in Albania, it's usually with Vol-" +"Didn't I ask you to stop say that?" +"Fine! The snake is usually with You-Know-Who-happy?" +"Not particularly." +"I can't see him hiding anything at Borgin and Burkes." said Harry, who had made this point many times before, but said it again simply to break the nasty silence. "Borgin and Burke were experts at Dark objects, they would've recognized a Horcrux straightaway." +Ron yawned pointedly. Repressing a strong urge to throw something at him, Harry plowed on, "I still reckon he might have hidden something at Hogwarts." +Hermione sighed. +"But Dumbledore would have found it, Harry!" +Harry repeated the argument he kept bringing out in favor of this theory. +"Dumbledore said in front of me that he never assumed he knew all of Hogwart's secrets. I'm telling you, if there was one place Vol-" +"Oi!" +"YOU-KNOW-WHO, then!" Harry shouted, goaded past endurance. "If there was one place that was really important to You-Know-Who, it was Hogwarts!" +"Oh, come on," scoffed Ron. "His school?" +"Yeah, his school! It was his first real home, the place that meant he was special: it meant everything to him, and even after he left-" +"This is You-Know-Who we're talking about, right? Not you?" inquired Ron. He was tugging at the chain of the Horcrux around his neck; Harry was visited by a desire to seize it and throttle him. +"You told us that You-Know-Who asked Dumbledore to give him a job after he left," said Hermione. +"That's right," said Harry. +"And Dumbledore thought he only wanted to come back to try and find something, probably another founder's object, to make into another Horcrux?" +"Yeah," said Harry. +"But he didn�t get the job, did he?" said Hermione. "So he never got the chance to find a founder�s object there and hide it in the school!" +"Okay, then," said Harry, defeated. "Forget Hogwarts." +Without any other leads, they traveled into London and, hidden beneath the Invisibility Cloak, search for the orphanage in which Voldemort had been raised. Hermione stole into a library and discovered from their records that the place had been demolished many years before. They visited its site and found a tower block of offices. +"We could try digging in to foundations?" Hermione suggested halfheartedly. +"He wouldn�t have hidden a Horcrux here," Harry said. He had known it all along. The orphanage had been the place Voldemort had been determined to escape; he would never have hidden a part of his soul there. Dumbledore had shown Harry that Voldemort sought grandeur or mystique in his hiding places; this dismal gray corner of London was as far removed as you could imagine from Hogwarts of the Ministry or a building like Gringotts, the Wizarding banks, with its gilded doors and marble floors. +Even without any new idea, they continued to move through the countryside, pitching the tent in a different place each night for security. Every morning they made sure that they had removed all clues to their presence, then set off to find another lonely +and secluded spot, traveling by Apparition to more woods, to the shadowy crevices of cliffs, to purple moors, gorse-covered mountainsides, and once a sheltered and pebbly cove. Every twelve hours or so they passed the Horcrux between them as though they were playing some perverse, slow-motion game of pass-the-parcel, where they dreaded the music stopping because the reward was twelve hours of increased fear and anxiety. +Harry�s scare kept prickling. It happened most often, he noticed, when he was wearing the Horcrux. Sometimes he could not stop himself reacting to the pain. +"What? What did you see?" demanded Ron, whenever he noticed Harry wince. +"A face," muttered Harry, every time. "The same face. The thief who stole from Gregorovitch." +And Ron would turn away, making no effort to hide his disappointment. Harry knew that Ron was hoping to bear news of his family or the rest of the Order of the Phoenix, but after all, he, Harry, was not a television aerial; he could only see what Voldemort was thinking at the time, not tune in to whatever took his fancy. Apparently Voldemort was dwelling endlessly on the unknown youth with the gleeful face, whose name and whereabouts, Harry felt sure, Voldemort knew no better than he did. As Harry�s scar continued to burn and the merry, blond-haired boy swam tantalizingly in his memory, he learned to suppress any sign of pain or discomfort, for the other two showed nothing but impatience at the mention of the thief. He could not entirely blame them, when they were so desperate for a lean on the Horcruxes. +As the days stretched into weeks, Harry began to suspect that Ron and Hermione were having conversations without, and about, him. Several times they stopped talking abruptly when Harry entered the tent, and twice he came accidentally upon them, huddled a little distance away, heads together and talking fast; both times they fell silent when they realized he was approaching them and hastened to appear busy collecting wood or water. +Harry could not help wondering whether they had only agreed to come on what now felt like a pointless and rambling journey because they thought he had some secret plan that they would learn in due course. Ton was making no effort to hide his bad mood, and Harry was starting to fear that Hermione too was disappointed by his poor leadership. In desperation he tried to think of further Horcrux locations, but the only one that continued to occur to him was Hogwarts, and as neither of the others thought this at all likely, he stopped suggesting it. +Autumn rolled over the countryside as they moved through it. They were now pitching the tent on mulches of fallen leaves. Natural mists joined those cast by the dementors; wind and rain added to their troubles. The fact that Hermione was getting better at identifying edible fungi could not altogether compensate for their continuing isolation, the lack of other people�s company, or their total ignorance of what was going on in the war against Voldemort. +"My mother," said Ron on night, as they sat in the tent on a riverbank in Wales, "can make good food appear out of thin air." +He prodded moodily at the lumps of charred gray fish on his plate. Harry glanced automatically at Ron�s neck and saw, as he has expected, the golden chain of the Horcrux glinting there. He managed to fight down the impulse to swear at Ron, whose attitude would, he knew, improve slightly when the time came to take off the locket. +"Your mother can�t produce food out of thin air," said Hermione. "no one can. Food is the first of the five Principal Exceptions to Gamp�s Law of Elemental Transfigura-" +"Oh, speak English, can�t you?" Ron said, prising a fish out from between his teeth. +"It�s impossible to make good food out of nothing! You can Summon it if you know where it is, you can transform it, you can increase the quantity if you�ve already got some-" +"Well, don�t bother increasing this, it�s disgusting," said Ron. +"Harry caught the fish and I did my best with it! I notice I�m always the one who ends up sorting out the food, because I�m a girl, I suppose!" +"No, it�s because you�re supposed to be the best at magic!" shot back Ron. +Hermione jumped up and bits of roast pike slid off her tin plate onto the floor. +"You can do the cooking tomorrow, Ron, you can find the ingredients and try and charm them into something worth eating, and I�ll sit here and pull faces and moan and you can see you-" +"Shut up!," said Harry, leaping to his feet and holding up both hands. "Shut up now!" +Hermione looked outraged. +"How can you side with him, he hardly ever does the cook-" +"Hermione, be quiet, I can hear someone!" +He was listening hard, his hands still raised, warning them not to talk. Then, over the rush and gush of the dark river beside them, he heard voices again. He looked around at the Sneakoscope. It was not moving. +"You cast the Muffliato charm over us, right?" he whispered to Hermione. +"I did everything," she whispered back, "Muffliato, Muggle-Repelling and Disillusionment Charms, all of it. They shouldn�t be able to hear of see us, whoever they are." +Heavy scuffing and scraping noises, plus the sound of dislodged stones and twigs, told them that several people were clambering down the steep, wooded slope that descended to the narrow bank where they had pitched the tent. They drew their wands, waiting. The enchantments they had cast around themselves ought to be sufficient, in the near total darkness, to shield them from the notice of Muggles and normal witches and wizards. If these were Death Eaters, then perhaps their defenses were about to be tested by Dark Magic for the first time. +The voices became louder but no more intelligible as the group of men reached the bank. Harry estimated that their owners were fewer than twenty feet away, but the cascading river made it impossible to tell for sure. Hermione snatched up the beaded bag and started to rummage; after a moment she drew out three Extendible Ears and threw one each to Harry and Ron, who hastily inserted the ends of the flesh-colored strings into their ears and fed the other ends out of the tent entrance. +Within seconds Harry heard a weary male voice. +"There ought to be a few salmon in here, or d�you reckon it�s too early in the season? Accio Salmon!" +There were several distinct splashes and then the slapping sounds of fish against flesh. Somebody grunted appreciatively. Harry pressed the Extendable ear deeper into his +own: Over the murmur of the river he could make out more voices, but they were not speaking English or any human language he had ever heard. It was a rough and unmelodious tongue, a string of rattling, guttural noises, and there seemed to be two speakers, one with a slightly lower, slower voice than the other. +A fire danced into life on the other side of the canvas, large shadows passed between tent and flames. The delicious smell of baking salmon wafted tantalizingly in their direction. Then came the clinking of cutlery on plates, and the first man spoke again. +"Here, Griphook, Gornuk." +Goblins! Hermione mouthed at Harry, who nodded. +"Thank you," said the goblins together in English. +"So, you three have been on the run how long?" asked a new, mellow, and pleasant voice; it was vaguely familiar to Harry, who pictured a round-bellied, cheerful-faced man. +"Six weeks . . . Seven . . . I forget," said the tired man. "Met up with Griphook in the first couple of days and joined forces with Gornuk not long after. Nice to have a but of company." There was a pause, while knives scraped plates and tin mugs were picked up and replaced on the ground. "What made you leave, Ted?" continued the man. +"Knew they were coming for me," replied mellow-voiced Ted, and Harry suddenly knew who he was: Tonks�s father. "Heard Death Eaters were in the area last week and decided I�d better run for it. Refused to register as a Muggle-born on principle, see, so I knew it was a matter of time, knew I�d have to leave in the end. My wife should be okay, she�s pure-blood. And then I net Dean here, what, a few days ago, son?" +"Yeah," said another voice, and Harry, Ron, and Hermione stared at each other, silent but besides themselves with excitement, sure they recognized the voice of Dean Thomas, their fellow Gryffindor. +"Muggle-born, eh?" asked the first man. +"Not sure ," said Dean. "My dad left my mum when I was a kid. I�ve got no proof he was a wizard, though." +There was silence for a while, except for the sounds of munching; then Ted spoke again. +"I�ve got to say, Dirk, I�m surprised to run into you. Pleased, but surprised. Word was that you�d been caught." +"I was," said Dirk. "I was halfway to Azkaban when I made a break for it. Stunned Dawlish, and nicked his broom. It was easier than you�d think; I don�t reckon he�s quite right at the moment .Might be Confunded. If so, I�d like to shake the hand of the witch or wizard who did it, probably saved my life." +There was another pause in which the fire crackled and the river rushed on. The Ted said, "And where do you two fit in? I, er, had the impression the goblins were for You-Know-Who, on the whole." +"You had a false impression," said the higher-voiced of the goblins. "We take no sides. This is a wizards� war." +"How come you�re in hiding, then?" +"I deemed in prudent," said the deeper-voiced goblin. "Having refused what I considered an impertinent request, I could see that my person safety was in jeopardy." +"What did they ask you to do?" asked Ted. +"Duties ill-befitting the dignity of my race," replied the goblin, his voice rougher and less human as he said it. "I am not a house-elf." +"What about you, Griphook?" +"Similar reasons," said the higher voiced goblin. "Gringotts is no longer under the sole control of my race. I recognize no Wizarding master." +He added something under his breath in Gobbledegook, and Gornuk laughed. +"What�s the joke?" asked Dean. +"He said," replied Dirk, "that there are things wizards don�t recognize, either." +There was a short pause. +"I don�t get it," said Dean. +"I had my small revenge before I left,," said Griphook in English. +"Good man-goblin, I should say," amended Ted hastily. "Didn�t manage to lock a Death Eater up in one of the old high-security vaults, I suppose?" +"If I had, the sword would not have helped him break out," replied Griphook. Gornuk laughed again and even Dirk gave a dry chuckle. +"Dean and I are still missing something here," said Ted. +"So is Severus Snape, though he does not know it," said Griphook, and the two goblins roared with malicious laughter. Inside the tent Harry�s breathing was shallow with excitement: He and Hermione stared at each other, listening as hard as they could. +"Didn�t you hear about that, Ted?" asked Dirk. "About the kids who tried to steal Gryffindor�s sword out of Snape�s office at Hogwarts?" +An electric current seemed to course through Harry, jangling his every nerve as he stood rooted to the spot. +"Never heard a word," said Ted, "Not in the Prophet, was it?" +"Hardly," chortled Dirk. "Griphook here told me, he heard about it from Bill Weasley who works for the bank. One of the kids who tried to take the sword was Bill�s younger sister." +Harry glanced toward Hermione and Ron, both of whom were clutching the Extendable Ears as tightly as lifelines. +"She and a couple of friends got into Snape�s office and smashed open the glass case where he was apparently keeping the sword. Snape caught them as they were trying to smuggle it down the staircase. +"Ah, God bless �em," said Ted. "What did they think, that they�d be able to use the sword on You-Know-Who? Or on Snape himself? +"Well, whatever they thought they were going to do with it, Snape decided the sword wasn�t safe where it was," said Dirk. "Couple of days later, once he�d got the say-so from You-Know-Who, I imagine, he sent it down to London to be kept in Gringotts instead." +The goblins started to laugh again. +"I�m still not seeing the joke," said Ted. +"It�s a fake," rasped Griphook. +"The sword of Gryffindor!" +"Oh yes. It is a copy-en excellent copy, it is true-but it was Wizard-made. The original was forged centuries ago by goblins and had certain properties only goblin-made armor possesses. Wherever the genuine sword of Gryffindor is, it is not in a vault at Gringotts bank." +"I see," said Ted. "And I take it you didn�t bother telling the Death Eaters this/� +"I saw no reason to trouble them with the information," said Griphook smugly, and now Ted and Dean joined in Gornuk and Dirk�s laughter. +Inside the tent, Harry closed his eyes, willing someone to ask the question he needed answered, and after a minute that seemed ten, Dean obliged: he was (Harry remembered with a jolt) an ex-boyfriend of Ginny�s too. +"What happened to Ginny and all the others? The ones who tried to steal it?" +"Oh, they were punished, and cruelly," said Griphook indifferently. +"They�re okay, though?" asked Ted quickly, "I mean, the Weasleys don�t need any more of their kids injured, do they?" +"They suffered no serious injury, as far as I am aware," said Griphook. +"Lucky for them," said Ted. "With Snape�s track record I suppose we should just be glad they�re still alive." +"You believe that story, then, do you, Ted?" asked Dirk." You believe Snape killed Dumbledore? +"Course I do," said Ted. "You�re not going to sit there and tell me you think Potter had anything to do with it?" +"Hard to know what to believe these days," muttered Dirk. +"I know Harry Potter," said Dean. "And I reckon he�s the real thing-the Chosen One, or whatever you want to call it." +"Yeah, there�s a lot would like to believe he�s that, son," said Dirk, "me included. But where is he? Run for it, by the looks of things. You�d think if he knew anything we don�t, or had anything special going for him, he�d be out there now fighting, rallying resistance, instead of hiding. And you know, the Prophet made a pretty good case against him-" +"The Prophet?" scoffed Ted. "You deserve to be lied to if you�re still reading that much, Dirk. You want the facts, try the Quibbler." +There was a sudden explosion of choking and retching, plus a good deal of thumping, by the sound of it. Dirk had swallowed a fish bone. At last he sputtered, "The Quibbler? That lunatic rag of Xeno Lovegood�s?" +"It�s not so lunatic these days," said Ted. "You want to give it a look, Xeno is printing all the stuff the Prophet�s ignoring, not a single mention of Crumple-Horned Snorkacks in the last issue. How long they�ll let him get with it, mind, I don�t know. But Xeno says, front page of every issue, that any wizard who�s against You-Know-Who ought to make helping Harry Potter their number-one priority." +"Hard to help a boy who�s vanished off the face of the earth," said Dirk. +"Listen, the fact that they haven�t caught him yet�s one hell of an achievement," said Ted. "I�d take tips from him gladly; it�s what we�re trying to do, stay free, isn�t it?" +"Yeah, well, you�ve got a point there," said Dirk heavily. "With the whole of the Ministry and all their informers looking for him, I�d have expected him to be caught by now. Mind, who�s to say they haven�t already caught and killed him without publicizing it?" +"Ah, don�t say that, Dirk," murmured Ted. +There was a long pause filled with more clattering of knives and forks. When they spoke again it was to discuss whether they ought to sleep on the back or retreat back up +the wooded slope. Deciding the trees would give better cover, they extinguished their fire, then clambered back up the incline, their voices fading away. +Harry, Ron, and Hermione reeled in the Extendable Ears. Harry, who had found the need to remain silent increasingly difficult the longer they eavesdropped, now found himself unable to say more then, "Ginny-the sword-" +"I know!" said Hermione. +She lunged for the tiny beaded bag, this time sinking her arm in it right up to the armpit. +"Here . . . we . . . are . . ." she said between gritted teeth, and she pulled at something that was evidently in the depths of the bag. Slowly the edge of an ornate picture frame came into sight. Harry hurried to help her. As they lifted the empty portrait of Phineas Nigellus free of Hermione�s bag, she kept her wand pointing at it, ready to cast a spell at any moment. +"If somebody swapped the real sword for the face while it was in Dumbledore�s office," she panted, as they propped the painting against the side of the tent, "Phineas Nigellus would have seen it happen, he hangs right beside the case!" +"Unless he was asleep," said Harry, but he still held his breath as Hermione knelt down in front of the empty canvas, her wand directed at its center, cleared her throat, then said: +"Er-Phineas? Phineas Nigellus?" +Nothing happened. +"Phineas Nigellus?" said Hermione again. "Professor Black? Please could we talk to you? Please?" +"�Please� always helps," said a cold, snide voice, and Phineas Nigellus slid into his portrait. At one, Hermione cried: +"Obscura!" +A black blindfold appeared over Phineas Nigellus�s clever, dark eyes, causing him to bump into the frame and shriek with pain. +"What-how dare-what are you-?" +"I�m very sorry, Professor Black," said Hermione, "but it�s a necessary precaution!" +"remove this foul addition at once! Remove it, I say! You are ruining a great work of art! Where am I? What is going on?" +"Never mind where we are," said Harry, and Phineas Nigellus froze, abandoning his attempts to peel off the painted blindfold. +"Can that possible be the voice of the elusive Mr. Potter?" +"Maybe," said Harry, knowing that this would keep Phineas Nigellus�s interest. "We�ve got a couple of questions to ask you-about the sword of Gryffindor." +"Ah," said Phineas Nigellus, now turning his head this way and that in an effort to catch sight of Harry, "yes. That silly girl acted most unwisely there-" +"Shut up about my sister," said Ron roughly, Phineas Nigellus raised supercilious eyebrows. +"Who else is here?" he asked, turning his head from side to side. "Your tone displeases me! The girl and her friends were foolhardily in the extreme. Thieving from the headmaster." +"They weren�t thieving," said Harry. "That sword isn�t Snape�s." +"It belongs to Professor Snape�s school," said Phineas Nigellus. "Exactly what claim did the Weasley girl have upon it? She deserved her punishment, as did the idiot Longbottom and the Lovegood oddity!" +"Neville is not an idiot and Luna is not an oddity!" said Hermione. +"Where am I?" repeated Phineas Nigellus, starting to wrestle with the blindfold again. "Where have you brought me? Why have you removed me from the house of my forebears?" +"never mind that! How did Snape punish Ginny, Neville, and Luna?" asked Harry urgently. +"Professor Snape sent them into the Forbidden Forest, to do some work for the oaf, Hagrid." +"Hagrid�s not an oaf!" said Hermione shrilly. +"And Snape might�ve though that was a punishment," said Harry, "buy Ginny, Neville, and Luna probably had a good laugh with Hagrid. The Forbidden Forest . . . they�ve faced plenty worse than the Forbidden Forest, big deal!" +He felt relieved; he had been imagining horrors, the Cruciatus Curse at the very least. +"What we really wanted to know, Professor Black, is whether anyone else has, um, taken out the sword at all? Maybe it�s been taken away for cleaning-or something!" +Phineas Nigellus paused again in his struggles to free his eyes and sniggered. +"Muggle-born," he said, "Goblin-made armor does not require cleaning, simple girl. Goblin�s silver repels mundane dirt, imbibing only that which strengthens it." +"Don�t call Hermione simple," said Harry. +"I grow weary of contradiction," said Phineas Nigellus. "perhaps it is time for me to return to the headmaster�s office.?" +Still blindfolded, he began groping the side of his frame, trying to feel his way out of his picture and back into the one at Hogwarts. Harry had a sudden inspiration. +"Dumbledore! Can�t you bring us Dumbledore?" +"I beg your pardon?" asked Phineas Nigellus. +"Professor Dumbledore�s portrait-couldn�t you bring him along, here, into yours?" +Phineas Nigellus turned his face in the direction of Harry�s voice. +"Evidently it is not only Muggle-borns who are ignorant, Potter. The portraits of Hogwarts may commune with each other, but they cannot travel outside of the castle except to visit a painting of themselves elsewhere. Dumbledore cannot come here with me, and after the treatment I have received at your hands, I can assure you that I will not be making a return visit!" +Slightly crestfallen, Harry watched Phineas redouble his attempts to leave his frame. +"Professor Black," said Hermione, "couldn�t you just tell us, please, when was the last time the sword was taken out of its case? Before Ginny took it out, I mean?" +Phineas snorted impatiently. +"I believe that the last time I saw the sword of Gryffindor leave its case was when Professor Dumbledore used it to break open a ring." +Hermione whipped around to look at Harry. Neither of them dared say more in front of Phineas Nigellus, who had at least managed to locate the exit. +"Well, good night to you," he said a little waspishly, and he began to move out of sight again. Only the edge of his hat brim remained in view when Harry gave a sudden shout. +"Wait! Have you told Snape you saw this?" +Phineas Nigellus stuck his blindfolded head back into the picture. +"Professor Snape has more important things on his mind that the many eccentricities of Albus Dumbledore. Good-bye, Potter!" +And with that, he vanished completely, leaving behind him nothing but his murky backdrop. +"Harry!" Hermione cried. +"I know!" Harry shouted. Unable to contain himself, he punched the air; it was more than he had dared to hope for. He strode up and down the tent, feeling that he could have run a mile; he did not even feel hungry anymore. Hermione was squashing Phineas Nigellus�s back into the beaded bag; when she had fastened the clasp she threw the bag aside and raised a shining face to Harry. +"The sword can destroy Horcruxes! Goblin-made blades imbibe only that which strengthens them-Harry, that sword�s impregnated with basilisk venom!" +"And Dumbledore didn�t five it to me because he still needed it, he wanted to use it on the locket-" +"-and he must have realized they wouldn�t let you have it if he put it in his will-" +"-so he made a copy-" +"-and put a fake in the glass case-" +"-and he left the real one-where?" +They gazed at east other Harry felt that the answer was dangling invisibly in the air above them, tantalizingly close. Why hadn�t Dumbledore told him? Or had he, in fact, told Harry, but Harry had not realized it at the time?" +"Think!" whispered Hermione. "Think! Where would he have left it?" +"Not at Hogwarts," said Harry, resuming his pacing. +"Somewhere in Hogsmeade?" suggested Hermione. +"The Shrieking Shack?" said Harry. "Nobody ever goes in there." +"But Snape knows how to get in, wouldn�t that be a bit risky?" +"Dumbledore trusted Snape," Harry reminded her. +"Not enough to tell him that he had swapped the swords," said Hermione. +"Yeah, you�re right!" said Harry, and he felt even more cheered at the thought that Dumbledore had had some reservations, however faint, about Snape�s trustworthiness. "So, would he have hidden the sword well away from Hogsmeade, then? What d�you reckon, Ron? Ron?" +Harry looked around. For one bewildered moment he thought that Ron had left the tent, then realized that Ron was lying in the shadow of a bunk, looking stony. +"Oh, remembered me, have you?" he said. +"What?" +Ron snorted as he stared up at the underside of the upper bunk. +"You two carry on. Don�t let me spoil your fun." +Perplexed, Harry looked to Hermione for help, but she shook her head, apparently as nonplussed as he was. +"What�s the problem?" asked Harry. +"Problem? There�s no problem," said Ron, still refusing to look at Harry. "Not according to you, anyways." +There were several plunks on the canvas over their heads. It had started to rain. +"Well, you�ve obviously got a problem," said Harry. "Spit it out, will you?" +Ron swung his long legs off the bed and sat up. He looked mean, unlike himself. +"All right, I�ll spit it out. Don�t expect me to skip up and down the tent because there�s some other damn thing we�ve got to find. Just add it to the list of stuff you don�t know." +"I don�t know?" repeated Harry. "I don�t know?" +Plunk, plunk, plunk. The rain was falling harder and heavier; it pattered on the leaf-strewn bank all around them and into the river chattering through the dark. Dread doused Harry�s jubilation; Ron was saying exactly what he had suspected and feared him to be thinking. +"It�s not like I�m not having the time of my life here," said Ron, "you know, with my arm mangled and nothing to eat and freezing my backside off every night. I just hoped, you know, after we�d been running round a few weeks, we�d have achieved something." +"Ron," Hermione said, but in such a quiet voice that Ron could pretend not to have heard it over the loud tattoo the rain was beating on the tent. +"I thought you knew what you�d signed up for," said Harry. +"Yeah, I thought I did too." +"So what part of it isn�t living up to your expectations?" asked Harry. Anger was coming to his defense now. "Did you think we�d be staying in five-star hotels? Finding a Horcrux every other day? Did you think you�d be back to Mummy by Christmas?" +"We thought you knew what you were doing!" shouted Ron, standing up, and his words Harry like scalding knives. "We thought Dumbledore had told you what to do, we thought you had a real plan!" +"Ron!" said Hermione, this time clearly audible over the rain thundering on the tent roof, but again, he ignored her. +"Well, sorry to let you down," said Harry, his voice quite calm even though he felt hollow, inadequate. "I�ve been straight with you from the start. I told you everything Dumbledore told me. And in the case you haven�t noticed, we�ve found one Horcrux-" +"Yeah, and we�re about as near getting rid of it as we are to finding the rest of them-nowhere effing near in other words." +"take off the locket, Ron," Hermione said, her voice unusually high. "Please take it off. You wouldn�t be talking like this if you hadn�t been wearing it all day." +"Yeah, he would," said Harry, who did not want excuses made for Ron. "D�you think I haven�t noticed the two of you whispering behind my back? D�you think I didn�t guess you were thinking this stuff? +"Harry, we weren�t-" +"Don�t lie!" Ron hurled at her. "You said it too, you said you were disappointed, you said you�d thought he had a bit more to go on than-" +"I didn�t say it like that-Harry, I didn�t!" she cried. +The rain was pounding the tent, tears were pouring down Hermione�s face, and the excitement of a few minutes before had vanished as if it had never been, a short-lived +firework that had flared and died, leaving everything dark, wet, and cold. The sword of Gryffindor was hidden they knew not where, and their were three teenagers in a tent whose only achievement was not, yet, to be dead. +"So why are you still here?" Harry asked Ron. +"Search me," said Ron. +"Go home then," said Harry. +"Yeah, maybe I will!" shouted Ron, and he took several steps toward Harry, who did not back away. "Didn�t you hear what they said about my sister? But you don�t give a rat�s fart, do you, it�s only the Forbidden Forest, Harry I�ve-Faced-Worse Potter doesn�t care what happened to her in there-well, I do, all right, giant spiders and mental stuff-" +"I was only saying-she was with the others, they were with Hagrid-" +"Yeah, I get it, you don�t care! And what about the rest of my family, �the Weasleys don�t need another kid injured,� did you hear that?" "Yeah, I-" +"Not bothered what it meant, though?" +"Ron!" said Hermione, forcing her way between them. "I don�t think it means anything new has happened, anything we don�t know about; think, Ron, Bill�s already scared, plenty of people must have seen that George has lost an ear by now, and you�re supposed to be on your deathbed with spattergroit, I�m sure that�s all he meant-" +"Oh, you�re sure, are you? Right then, well, I won�t bother myself about them. It�s all right for you, isn�t it, with your parents safely out of the way-" +"My parents are dead!" Harry bellowed. +"And mine could be going the same way!" yelled Ron. +"Then GO!" roared Harry. "Go back to them, pretend you�re got over your spattergroit and Mummy�ll be able to feed you up and-" +Ron made a sudden movement: Harry reacted, but before either wand was clear of its owner�s pocket, Hermione had raised her own. +"Prestego!" she cried, and an invisible shield expanded between her and Harry on the one side and Ron on the other; all of them were forced backward a few steps by the strength of the spell, and Harry and Ron glared from either side of the transparent barrier as though they were seeing each other clearly for the first time. Harry felt a corrosive hatred toward Ron: Something had broken between them. +"Leave the Horcrux," Harry said. +Ron wrenched the chain from over his head and cast the locket into a nearby chair. He turned to Hermione. +"What are you doing?" +"What do you mean?" +"Are you staying, or what?" +"I . . ." She looked anguished. "Yes-yes, I�m staying. Ron, we said we�d go with Harry, we said we�d help-" +"I get it. You choose him." +"Ron, no-please-come back, come back!" +She was impeded by her own Shield Charm; by the time she had removed it he had already stormed into the night. Harry stood quite still and silent, listening to her sobbing and calling Ron�s name amongst the trees. +After a few minutes she returned, her sopping hair plastered to her face. +"He�s g-g-gone! Disapparated!" +She threw herself into a chair, curled up, and started to cry. +Harry felt dazed. He stooped, picked up the Horcrux, and placed it around his own neck. He dragged blankets off Ron�s bunk and threw them over Hermione. Then he climbed onto his own bed and stared up at the dark canvas roof, listening to the pounding of the rain. +Chapter Sixteen +Godric�s Hollow +When Harry woke the following day it was several seconds before he remembered what had happened. Then he hoped childishly, that it had been a dream, that Ron was still there and had never left. Yet by turning his head on his pillow he could see Ron's deserted bunk. It was like a dead body in the way it seems to draw his eyes. Harry jumped down from his own bed, keeping his eyes averted from Ron's. Hermione, who was already busy in the kitchen, did not wish Harry good morning, but turned +her face away quickly as he went by. He's gone, Harry told himself. He's gone. He had to keep thinking it as he washed and dressed as though repetition would dull the shock of it. He's gone and he's not coming back. And that was the simple truth of it, Harry knew, because their protective enchantments meant that it would be impossible, once they vacated this spot, for Ron to find them again. He and Hermione ate breakfast in silence. Hermione's eyes were puffy and red; she looked as if she had not slept. They packed up their things, Hermione dawdling. Harry knew why she wanted to spin out their time on the riverbank; several times he saw her look up eagerly, and he was sure she had deluded herself into thinking that she heard footsteps through the heavy rain, but no red-haired figure appeared between the trees. Every time Harry imitated her, looked around ( for he could not help hoping a little, himself) and saw nothing but rain-swept woods, another little parcel of fury exploded inside him. He could hear Ron saying, "We thought you knew what you were doing!", and he resumed packing with a hard knot in the pit of his stomach. +The muddy river beside them was rising rapidly and would soon spill over onto their bank. They had lingered a good hour after they would usually have departed their campsite. Finally having entirely repacked the beaded bag three times, Hermione seemed unable to find any more reasons to delay: She and Harry gasped hands and Disapparated, reappearing on a windswept heather-covered hillside. The instant they arrived, Hermione dropped Harry's hand and walked away from him, finally sitting down on a large rock, her face on her knees, shaking with what he knew were sobs. He watched her, supposing that he ought to go and comfort her, but something kept him rooted to the spot. Everything inside him felt cold and tight: Again he saw the contemptuous expression on Ron's face. Harry strode off through the heather, walking in a large circle with the distraught Hermione at its center, casting the spell she usually performed to ensure their protection. +They did not discuss Ron at all over the next few days. Harry was determined never to mention his name again and Hermione seemed to know that it was no use forcing the issue, although sometimes at night when she thought he was sleeping, he would hear her +crying. Meanwhile Harry had started bringing out the Marauder's map and examining it by wandlight. He was waiting for the moment when Ron's labeled dot would reappear in the corridors of Hogwarts, proving that he had returned to the comfortable castle, protected by his status of pureblood. However, Ron did not appear on the map and after a while Harry found himself taking it out simply to stare at Ginny's name in the girl's dormitory, wondering whether the intensity with which he gazed at it might break into her sleep, that she would somehow know he was thinking about her, hoping that she was all right. +By day, hey devoted themselves to trying to determine the possible locations of Gryffindor's sword, but the more they talked about the places in which Dumbledore might have hidden it, the more desperate and far-fetched their speculation became. Cudgel his brains though he might, Harry could not remember Dumbledore ever mentioning a place in which he might hide something. There were moments when he did not know whether he was angrier with Ron or with Dumbledore. We thought you knew what you were doing ...We thought Dumbledore had told you what to do ... We thought you had a real plan! +He could not hide it from himself: Ron had been right. Dumbledore had left him with virtually nothing. They had discovered one Horcrux, but they had no means of destroying it: The others were as unattainable as they had ever been. Hopelessness threatened to engulf him. He was staggered now to think of his own presumption in accepting his friends' offers to accompany him on this meandering, pointless journey. he knew nothing, he had no ideas, and he was constantly, painfully on the alert for any indications that Hermione too was about to tell him that she had had enough. That she was leaving. +They were spending many evenings in near silence and Hermione took to bringing out Phineas Nigellus's portrait and propping it up in a chair, as though he might fill part of the gaping hole left by Ron's departure. Despite his previous assertion that he would never visit them again, Phineas Nigellus did not seem able to resist the chance to find out more about what Harry was up to and consented to reappear, blindfolded, every few days of so. Harry was even glad to see him, because he was company, albeit of a snide and taunting kind. They relished any news about what was happening at Hogwarts, though Phineas Nigellus was not an ideal informer. He venerated Snape, the first Slytherin headmaster since he himself had controlled the school, and they had to be careful not to criticize or ask impertinent questions about Snape, or Phineas Nigellus would instantly leave his painting. +However, he did let drop certain snippets. Snape seemed to be facing a constant, low level of mutiny from a hard core of students. Ginny had been banned from going into Hogsmeade. Snape had reinstated Umbridge's old decree forbidding gatherings of three or more students or any unofficial student societies. From all of these things, Harry deduced that Ginny, and probably Neville and Luna along with her, had been doing their best to continue Dumbledore's Army. This scant news made Harry want to see Ginny so badly it felt like a stomachache; but it also made him think of Ron again, and of Dumbledore, and of Hogwarts itself, which he missed nearly as much as his ex-girlfriend. Indeed, as Phineas Niggellus talked about Snape's crackdown, Harry experienced a split second of madness when he imagined simply going back to school to join the destabilization of Snape�s regime: Being fed and having a soft bad, and other people +being in charge, seemed the most wonderful prospect in the world at this moment. But then he remembered that he was Undesirable Number One, that there was a ten-thousand Galleon price on his head, and that to walk into Hogwarts these days was just as dangerous as walking into the Ministry of Magic. Indeed, Phineas Nigellus inadvertently emphasized this fact my slipping in leading questions about Harry and Hermione's whereabouts. Hermione shoved him back inside the beaded bag every time he did this, and Phineas Nigellus invariably refused to reappear for several days after these unceremonious good-byes. +The weather grew colder and colder. They did not dare remain in any area too long, so rather than staying in the south of England, where a hard ground frost was the worst of their worries, they continued to meander up and down the country, braving a mountainside, where sleet pounded the tent; a wide, flat marsh, where the tent was flooded with chill water; and a tiny island in the middle of a Scottish loch, where snow half buried the tent in the night. They had already spotted Christmas Trees twinkling from several sitting room windows before there came an evening when Harry resolved to suggest again, what seemed to him the only unexplored avenue left to them. They had just eaten an unusually good meal: Hermione had been to a supermarket under the Invisibility Cloak (scrupulously dropping the money into an open till as she left), and Harry thought that she might be more persuadable than usual on a stomach full of spaghetti Bolognese and tinned pears. +He had also had the foresight to suggest that they take a few hours� break from wearing the Horcrux, which was hanging over the end of the bunk beside him. +"Hermione?" +"Hmm?" She was curled up in one of the sagging armchairs with The Tales of Beedle the Bard. He could not imagine how much more she could get out of the book, which was not, after all, very long, but evidently she was still deciphering something in it, because Spellman�s Syllabary lay open on the arm of the chair. +Harry cleared his throat. He felt exactly as he had done on the occasion, several years previously, when he had asked Professor McGonagall whether he could go into Hogsmeade, despite the fact that he had not persuaded the Dursleys to sign his permission slip. +"Hermione, I�ve been thinking, and -" +"Harry, could you help me with something?" Apparently she had not been listening to him. She leaned forward and held out The Tales of Beedle the Bard. +"Look at that symbol," she said, pointing to the top of a page. Above what Harry assumed was the title of the story (being unable to read runes, he could not be sure), there was a picture of what looked like a triangular eye, its pupil crossed with a vertical line. +"I never took Ancient Runes, Hermione." +"I know that; but it isn�t a rune and it�s not in the syllabary, either. All along I thought it was a picture of an eye, but I don�t think it is! It�s been inked in, look, somebody�s drawn it there, it isn�t really part of the book. Think, have you ever seen it before?" "No . . . No, wait a moment." Harry looked closer. "Isn�t it the same symbol Luna�s dad was wearing round his neck?" +"Well, that�s what I thought too!" "Then it�s Grindelwald�s mark." +She stared at him, openmouthed. +"What?" +"Krum told me . . ." He recounted the story that Viktor Krum had told him at the wedding. Hermione looked astonished. +"Grindelwald�s mark?" +She looked from Harry to the weird symbol and back again. "I�ve never heard that Grindelwald had a mark. There�s no mention of it in anything I�ve ever read about him." +"Well, like I say, Krum reckoned that symbol was carved on a wall at Durmstrang, and Grindelwald put it there." She fell back into the old armchair, frowning. +"That�s very odd. If it�s a symbol of Dark Magic, what�s it doing in a book of children�s stories?" +"Yeah, it is weird," said Harry. "And you�d think Scrimgeour would have recognized it. He was Minister, he ought to have been expert on Dark stuff." "I know. . . . Perhaps he thought it was an eye, just like I did. All the other stories have little pictures over the titles." She did not speak, but continued to pore over the strange mark. Harry tried again. +"Hermione?" +"Hmm?" +"I�ve been thinking. I - I want to go to Godric�s Hollow." +She looked up at him, but her eyes were unfocused, and he was sure she was still thinking about the mysterious mark on the book. +"Yes," she said. "Yes, I�ve been wondering that too. I really think we�ll have to." +"Did you hear me right?" he asked. +"Of course I did. You want to go to Godric�s Hollow. I agree. I think we should. I mean, I can�t think of anywhere else it could be either. It�ll be dangerous, but the more I think about it, the more likely it seems it�s there." "Er - what�s there?" asked Harry. +At that, she looked just as bewildered as he felt. +"Well, the sword, Harry! Dumbledore must have known you�d want to go back there, and I mean, Godric�s Hollow is Godric Gryffindor�s birthplace -" +"Really? Gryffindor came from Godric�s Hollow?" "Harry, did you ever even open A History of Magic?" +"Erm," he said, smiling for what felt like the first time in months: The muscles in his face felt oddly stiff. "I might�ve opened it, you know, when I bought it . . . just the once. . . ." +"Well, as the village is named after him I�d have thought you might have made the connection," said Hermione. She sounded much more like her old self than she had done of late; Harry half expected her to announce that she was off to the library. "There�s a bit about the village in A History of Magic, wait . . ." +She opened the beaded bag and rummaged for a while, finally extracting her copy of their old school textbook, A History of Magic by Bathilda Bagshot, which she thumbed through until finding the page she wanted. +"�Upon the signature of the International Statute of Secrecy in 1689, wizards went into hiding for good. It was natural, perhaps, that they formed their own small communities within a community. Many small villages and hamlets attracted several magical families, who banded together for mutual support and protection. The villages of Tinworsh in Cornwall, Upper Flagley in Yorkshire, and Ottery St. Catchpole on the south coast of England were notable homes to knots of Wizarding families who lived alongside tolerant and sometimes Confunded Muggles. Most celebrated of these half-magical dwelling places is, perhaps, Godric�s Hollow, the West Country village where the great wizard Godric Gryffindor was born, and where Bowman Wright, Wizarding smith, forged the first Golden Snitch. The graveyard is full of the names of ancient magical families, and this accounts, no doubt, for the stories of hauntings that have dogged the little church beside it for many centuries.� +"You and your parents aren�t mentioned." Hermione said, closing the book, "because Professor Bagshot doesn�t cover anything later than the end of the nineteenth century. But you see? Godric�s Hollow, Godric Gryffindor, Gryffindor�s sword; don�t you think Dumbledore would have expected you to make the connection?" +"Oh yeah . . ." +Harry did not want to admit that he had not been thinking about the sword at all when he suggested they go to Godric�s Hollow. For him, the lore of the village lay in his parents� graves, the house where he had narrowly escaped death, and in the person of Bathilda Bagshot. +"Remember what Muriel said?" he asked eventually. +"Who?" +"You know," he hesitated. He did not want to say Ron�s name. "Ginny�s great-aunt. At the wedding. The one who said you had skinny ankles." +"Oh," said Hermione. It was a sticky moment: Harry knew that she had sensed Ron�s name in the offing. He rushed on: +"She said Bathilda Bagshot still lived in Godric�s Hollow." +"Bathilda Bagshot," murmured Hermione, running her index finger over Bathilda�s embossed name on the front cover of A History of Magic. "Well, I suppose -" +She gasped so dramatically that Harry�s insides turned over; he drew his wand, looking around at the entrance, half expecting to see a hand forcing its way through the entrance flap, but there was nothing there. +"What?" he said, half angry, half relieved. "What did you do that for? I thought you�d seen a Death Eater unzipping the tent, at least -" +"Harry, what if Bathilda�s got the sword? What if Dumbledore entrusted it to her?" +Harry considered this possibility. Bathilda would be an extremely old woman by now, and according to Muriel, she was "gaga." Was it likely that Dumbledore would have hidden the sword of Gryffindor with her? If so, Harry felt that Dumbledore had left a great deal to chance: Dumbledore had never revealed that he had replaced the sword with a fake, nor had he so much as mentioned a friendship with Bathilda. Now, however, was not the moment to cast doubt on Hermione�s theory, not when she was so surprisingly willing to fall in with Harry�s dearest wish. +"Yeah, he might have done! So, are we going to go to Godric�s Hollow?" +"Yes, but we�ll have to think it through carefully, Harry." She was sitting up now, and Harry could tell that the prospect of having a plan again had lifted her mood as much as his. "We�ll need to practice Disapparating together under the Invisibility Cloak for a start, and perhaps Disillusionment Charms would be sensible too, unless you think we should go the whole hog and use Polyjuice Potion? In that case we�ll need to collect hair from somebody. I actually think we�d better do that, Harry, the thicker our disguises the better. . . ." +Harry let her talk, nodding and agreeing whenever there was a pause, but his mind had left the conversation. For the first time since he had discovered that the sword in Gringotts was a fake, he felt excited. +He was about to go home, about to return to the place where he had had a family. It was in Godric�s Hollow that, but for Voldemort, he would have grown up and spent every school holiday. He could have invited friends to his house. . . . He might even have had brothers and sisters. . . . It would have been his mother who had made his seventeenth birthday cake. The life he had lost had hardly ever seemed so real to him as at this moment, when he knew he was about to see the place where it had been taken from him. After Hermione had gone to bed that night, Harry quietly extracted his rucksack from Hermione�s beaded bag, and from inside it, the photograph album Hagrid had given him so long ago. For the first time in months, he perused the old pictures of his parents, smiling and waving up at him from the images, which were all he had left of them now. +Harry would gladly have set out for Godric�s Hollow the following day, but Hermione had other ideas. Convinced as she was that Voldemort would expect Harry to return to the scene of his parents� deaths, she was determined that they would set off only after they had ensured that they had the best disguises possible. It was therefore a full week later - once they had surreptitiously obtained hairs from innocent Muggles who were Christmas shopping, and had practiced Apparating and Disapparating while underneath the Invisibility Cloak together - that Hermione agreed to make the journey. +They were to Apparate to the village under cover of darkness, so it was late afternoon when they finally swallowed Polyjuice Potion, Harry transforming into a balding, middle-aged Muggle man, Hermione into his small and rather mousy wife. The beaded bag containing all of their possessions (apart from the Horcrux, which Harry was wearing around his neck) was tucked into an inside pocket of Hermione�s buttoned-up coat. Harry lowered the Invisibility Cloak over them, then they turned into the suffocating darkness once again. +Heart beating in his throat, Harry opened his eyes. They were standing hand in hand in a snowy lane under a dark blue sky, in which the night�s first stars were already glimmering feebly. Cottages stood on either side of the narrow road, Christmas decorations twinkling in their windows. A short way ahead of them, a glow of golden streetlights indicated the center of the village. +"All this snow!" Hermione whispered beneath the cloak. "Why didn�t we think of snow? After all our precautions, we�ll leave prints! We�ll just have to get rid of them - you go in front, I�ll do it -" +Harry did not want to enter the village like a pantomime horse, trying to keep themselves concealed while magically covering their traces. +"Let�s take off the Cloak," said Harry, and when she looked frightened, "Oh, come on, we don�t look like us and there�s no one around." +He stowed the Cloak under his jacket and they made their way forward unhampered, the icy air stinging their faces as they passed more cottages. Any one of them might have been the one in which James and Lily had once lived or where Bathilda lived now. Harry gazed at the front doors, their snow-burdened roofs, and their front porches, wondering whether he remembered any of them, knowing deep inside that it was impossible, that he had been little more than a year old when he had left this place forever. He was not even sure whether he would be able to see the cottage at all; he did not know what happened when the subjects of a Fidelius Charm died. Then the little lane along which they were walking curved to the left and the heart of the village, a small square, was revealed to them. +Strung all around with colored lights, there was what looked like a war memorial in the middle, partly obscured by a windblown Christmas tree. There were several shops, a post office, a pub, and a little church whose stained-glass windows were glowing jewel-bright across the square. +The snow here had become impacted: It was hard and slippery where people had trodden on it all day. Villagers were crisscrossing in front of them, their figures briefly illuminated by streetlamps. They heard a snatch of laughter and pop music as the pub door opened and closed; then they heard a carol start up inside the little church. +"Harry, I think it�s Christmas Eve!" said Hermione. +"Is it?" +He had lost track of the date; they had not seen a newspaper for weeks. +"I�m sure it is," said Hermione, her eyes upon the church. "They . . . they�ll be in there, won�t they? Your mum and dad? I can see the graveyard behind it." +Harry felt a thrill of something that was beyond excitement, more like fear. Now that he was so near, he wondered whether he wanted to see after all. Perhaps Hermione knew how he was feeling, because she reached for his hand and took the lead for the first time, pulling him forward. Halfway across the square, however, she stopped dead. +"Harry, look!" +She was pointing at the war memorial. As they had passed it, it had transformed. Instead of an obelisk covered in names, there was a statue of three people: a man with untidy hair and glasses, a woman with long hair and a kind, pretty face, and a baby boy sitting in his mother�s arms. Snow lay upon all their heads, like fluffy white caps. +Harry drew closer, gazing up into his parents� faces. He had never imagined that there would be a statue. . . . How strange it was to see himself represented in stone, a happy baby without a scar on his forehead. . . . +"C�mon," said Harry, when he had looked his fill, and they turned again toward the church. As they crossed the road, he glanced over his shoulder; the statue had turned back into the war memorial. +The singing grew louder as they approached the church. It made Harry�s throat constrict, it reminded him so forcefully of Hogwarts, of Peeves bellowing rude versions of carols from inside suits of armor, of the Great Hall�s twelve Christmas trees, of Dumbledore wearing a bonnet he had won in a cracker, of Ron in a hand-knitted sweater. . . . +There was a kissing gate at the entrance to the graveyard. Hermione pushed it open as quietly as possible and they edged through it. On either side of the slippery path to the church doors, the snow lay deep and untouched. They moved off through the snow, carving deep trenches behind them as they walked around the building, keeping to the shadows beneath the brilliant windows. +Behind the church, row upon row of snowy tombstones protruded from a blanket of pale blue that was flecked with dazzling red, gold, and green wherever the reflections from the stained glass hit the snow. Keeping his hand closed tightly on the wand in his jacket pocket, Harry moved toward the nearest grave. +"Look at this, it�s an Abbott, could be some long-lost relation of Hannah�s!" +"Keep your voice down," Hermione begged him. +They waded deeper and deeper into the graveyard, gouging dark tracks into the snow behind them, stooping to peer at the words on old headstones, every now and then squinting into the surrounding darkness to make absolutely sure that they were unaccompanied. +"Harry, here!" +Hermione was two rows of tombstones away; he had to wade back to her, his heart positively banging in his chest. +"Is it - ?" +"No, but look!" +She pointed to the dark stone. Harry stooped down and saw , upon the frozen, lichen-spotted granite, the words Kendra Dumbledore and, a short way down her dates of birth and death, and Her Daughter Ariana. There was also a quotation: +Where your treasure is, there will your heart be also. +So Rita Skeeter and Muriel had got some of their facts right. The Dumbledore family had indeed lived here, and part of it had died here. +Seeing the grave was worse than hearing about it. Harry could not help thinking that he and Dumbledore both had deep roots in this graveyard, and that Dumbledore ought to have told him so, yet he had never thought to share the connection. They could have visited the place together; for a moment Harry imagined coming here with Dumbledore, of what a bond that would have been, of how much it would have meant to him. But it seemed that to Dumbledore, the fact that their families lay side by side in the same graveyard had been an unimportant coincidence, irrelevant, perhaps, to the job he wanted Harry to do. +Hermione was looking at Harry, and he was glad that his face was hidden in shadow. He read the words on the tombstone again. Where your treasure is, there will your heart be also. He did not understand what these words meant. Surely Dumbledore had chosen them, as the eldest member of the family once his mother had died. +"Are you sure he never mentioned - ?" Hermione began. +"No," said Harry curtly, then, "let�s keep looking," and he turned away, wishing he had not seen the stone: He did not want his excited trepidation tainted with resentment. +"Here!" cried Hermione again a few moments later from out of the darkness. "Oh no, sorry! I thought it said Potter." +She was rubbing at a crumbling, mossy stone, gazing down at it, a little frown on her face. +"Harry, come back a moment." +He did not want to be sidetracked again, and only grudgingly made his way back through the snow toward her. +"What?" +"Look at this!" The grave was extremely old, weathered so that Harry could hardly make out the name. Hermione showed him the symbol beneath it. +"Harry, that�s the mark in the book!" +He peered at the place she indicated: The stone was so worn that it was hard to make out what was engraved there, though there did seem to be a triangular mark beneath the nearly illegible name. +"Yeah . . . it could be. . . ." +Hermione lit her wand and pointed it at the name on the headstone. +"It says Ig - Ignotus, I think. . . ." "I�m going to keep looking for my parents, all right?" Harry told her, a slight edge to his voice, and he set off again, leaving her crouched beside the old grave. +Every now and then he recognized a surname that, like Abbott, he had met at Hogwarts. Sometimes there were several generations of the same Wizarding family represented in the graveyard: Harry could tell from the dates that it had either died out, or the current members had moved away from Godric�s Hollow. Deeper and deeper amongst the graves he went, and every time he reached a new headstone he felt a little lurch of apprehension and anticipation. +The darkness and the silence seemed to become, all of a sudden, much deeper. Harry looked around, worried, thinking of dementors, then realized that the carols had finished, that the chatter and flurry of churchgoers were fading away as they made their way back into the square. Somebody inside the church had just turned off the lights. +Then Hermione�s voice came out of the blackness for the third time, sharp and clear from a few yards away. +"Harry, they�re here . . . right here." +And he knew by her tone that it was his mother and father this time: He moved toward her, feeling as if something heavy were pressing on his chest, the same sensation he had had right after Dumbledore had died, a grief that had actually weighed on his heart and lungs. +The headstone was only two rows behind Kendra and Ariana�s. It was made of white marble, just like Dumbledore�s tomb, and this made it easy to read, as it seemed to shine in the dark. Harry did not need to kneel or even approach very close to it to make out the words engraved upon it. +JAMES POTTER LILY POTTER +BORN 27 MARCH 1960 BORN 30 JANUARY 1960 +DIED 31 OCTOBER 1981 DIED 31 OCTOBER 1981 +The last enemy that shall be destroyed is death. +Harry read the words slowly, as though he would have only one chance to take in their meaning, and he read the last of them aloud. +"�The last enemy that shall be defeated is death� . . ." A horrible thought came to him, and with a kind of panic. "Isn�t that a Death Eater idea? Why is that there?" +"It doesn�t mean defeating death in the way the Death Eaters mean it, Harry," said Hermione, her voice gentle. "It means . . . you know . . . living beyond death. Living after death." +But they were not living, thought Harry. They were gone. The empty words could not disguise the fact that his parents� moldering remains lay beneath snow and stone, indifferent, unknowing. And tears came before he could stop them, boiling hot then instantly freezing on his face, and what was the point in wiping them off or pretending? He let them fall, his lips pressed hard together, looking down at the thick snow hiding from his eyes the place where the last of Lily and James lay, bones now, surely, or dust, not knowing or caring that their living son stood so near, his heart still beating, alive because of their sacrifice and close to wishing, at this moment, that he was sleeping under the snow with them. +Hermione had taken his hand again and was gripping it tightly. He could not look at her, but returned the pressure, now taking deep, sharp gulps of the night air, trying to steady himself, trying to regain control. He should have brought something o give them, and he had not thought of it, and every plant in the graveyard was leafless and frozen. But Hermione raised her wand, moved it in a circle through the air, and a wreath of Christmas roses blossomed before them. Harry caught it and laid it on his parents� grave. +As soon as he stood up he wanted to leave: He did not think he could stand another moment there. He put his arm around Hermione�s shoulders, and she put hers around his waist, and they turned in silence and walked away through the snow, past Dumbledore�s mother and sister, back toward the dark church and the out-of-sight kissing gate. +Chapter Seventeen +Bathilda�s Secret +"Harry, stop." "What's wrong?" They had only just reached the grave of the unknown Abbott. "There's someone there. Someone watching us. I can tell. There, over by the bushes." They stood quite still, holding on to each other, gazing at the dense black boundary of the graveyard. Harry could not see anything. "Are you sure?" +"I saw something move. I could have sworn I did..." She broke from him to free her wand arm. "We look like Muggles," Harry pointed out. "Muggles who've just been laying flowers on your parents' grave? Harry, I'm sure there's someone over there!" Harry thought of A History of Magic; the graveyard was supposed to be haunted; what if --? But then he heard a rustle and saw a little eddy of dislodged snow in the bush to which Hermione had pointed. Ghosts could not move snow. "It's a cat," said Harry, after a second or two, "or a bird. If it was a Death Eater we'd be dead by now. But let's get out of here, and we can put the Cloak back on." They glanced back repeatedly as they made their way out of the graveyard. Harry, who did not feel as sanguine as he had pretended when reassuring Hermione, was glad to reach the gate and the slippery pavement. They pulled the Invisibility Cloak back over themselves. The pub was fuller than before. Many voices inside it were now singing the carol that they had heard as they approached the church. For a moment, Harry considered suggesting they take refuge inside it, but before he could say anything Hermione murmured, "Let's go this way," and pulled him down the dark street leading out of the village in the opposite direction from which they had entered. Harry could make out the point where the cottages ended and the lane turned into open country again. They walked as quickly as they dared, past more windows sparkling with multicolored lights, the outlines of Christmas trees dark through the curtains. "How are we going to find Bathilda's house?" asked Hermione, who was shivering a little and kept glancing back over her shoulder. "Harry? What do you think? Harry?" She tugged at this arm, but Harry was not paying attention. He was looking toward the dark mass that stood at the very end of this row of houses. Next moment he sped up, dragging Hermione along with him, she slipped a little on the ice. "Harry --" "Look ... Look at it, Hermione ..." "I don't ... oh!" He could see it; the Fidelius Charm must have died with James and Lily. The hedge had grown wild in the sixteen years since Hagrid had taken Harry from the rubble that lay scattered amongst the waist-high grass. Most of the cottage was still standing, though entirely covered in the dark ivy and snow, but the right side of the top floor had been blown apart; that, Harry was sure, was where the curse had backfired. He and Hermione +stood at the gate, gazing up at the wreck of what must once have been a cottage just like those that flanked it. "I wonder why nobody's ever rebuilt it?" whispered Hermione. "Maybe you can't rebuild it?" Harry replied. "Maybe it's like the injuries from Dark Magic and you can't repair the damage?" He slipped a hand from beneath the Cloak and grasped the snowy and thickly rusted gate, not wishing to open it, but simply so he'd some part of the house. "You're not going to go inside? It looks unsafe, it might -- oh, Harry, look!" His touch on the gate seemed to have done it. A sign had risen out of the ground in front of them, up thorough the tangles of nettles and weeds, like some bizarre, fast-growing flower, and in golden letters upon the wood it said: On this spot, on this night of 31 October 1981, Lily and James Potter lost their lives. Their son, Harry, remains the only wizard ever to have survived the Killing Curse. This house, invisible to Muggles, has been left in its ruined state as a monument to the Potters and as a reminder of the violence that tore apart their family. And all around these neatly lettered words, scribbles had been added by other witches and wizards who had come to see the place where the Boy Who Lived had escaped. Some had merely signed their names in Everlasting Ink; others had carved their initials into the wood, still others had left messages. The most recent of these, shining brightly over sixteen years' worth of magical graffiti, all said similar things. Good luck, Harry, wherever you are. If you read this, Harry, we're all behind you! Long live Harry Potter. "They shouldn't have written on the sign!" said Hermione, indignant. But Harry beamed at her. "It's brilliant. I'm glad they did. I ..." He broke off. A heavily muffled figure was hobbling up the lane toward them, silhouetted by the bright lights in the distant square. Harry thought, though it was hard to judge, that the figure was a woman. She was moving slowly, possibly frightened of slipping on the snowy ground. Her stoop, her stoutness, her shuffling gait all gave an impression of +extreme age. They watched in silence as she drew nearer. Harry was waiting to see whether she would turn into any of the cottages she was passing, but he knew instinctively that she would not. At last she came to a halt a few yards from them and simply stood there in the middle of the frozen road, facing them. He did not need Hermione's pinch to his arm. There was next to no chance that this woman was a Muggle: She was standing there gazing at a house that ought to have been completely invisible to her, if she was not a witch. Even assuming that she was a witch, however, it was odd behavior to come out on a night this cold, simply to look at an old ruin. By all the rules of normal magic, meanwhile, she ought not to be able to see Hermione and him at all. Nevertheless, Harry had the strangest feeling that she knew that they were there, and also who they were. Just as he had reached this uneasy conclusion, she raised a gloved hand and beckoned. Hermione moved closer to him under the Cloak, her arm pressed against his. "How does she know?" He shook his head. The woman beckoned again, more vigorously. Harry could think of many reasons not to obey the summons, and yet his suspicions about her identity were growing stronger every moment that they stood facing each other in the deserted street. Was it possible that she had been waiting for them all these long months? That Dumbledore had told her to wait, and that Harry would come in the end? Was it not likely that it was she who had moved in the shadows in the graveyard and had followed them to this spot? Even her ability to sense them suggested some Dumbledore-ish power that he had never encountered before. Finally Harry spoke, causing Hermione to gasp and jump. "Are you Bathilda?" The muffled figure nodded and beckoned again. Beneath the Cloak Harry and Hermione looked at each other. Harry raised his eyebrows; Hermione gave a tiny, nervous nod. They stepped toward the woman and , at once, she turned and hobbled off back the way they had come. Leading them past several houses, she turned in at a gate. They followed her up the front path through a garden nearly as overgrown as the one they had just left. She fumbled for a moment with a key at the front door, then opened it and stepped back to let them pass. She smelled bad, or perhaps it was her house; Harry wrinkled his nose as they sidled past her and pulled off the Cloak. Now that he was beside her, he realized how tiny she was; bowed down with age, she came barely level with his chest. She closed the door behind +them, her knuckles blue and mottled against the peeling paint, then turned and peered into Harry's face. Her eyes were thick with cataracts and sunken into folds of transparent skin, and her whole face was dotted with broken veins and liver spots. He wondered whether she could make him out at all; even if she could, it was the balding Muggle whose identity he had stolen that she would see. The odor of old age, of dust, of unwashed clothes and stale food intensified as the unwound a moth-eaten black shawl, revealing a head of scant white hair through which the scalp showed clearly. "Bathilda?" Harry repeated. She nodded again. Harry became aware of the locket against his skin; the thing inside it that sometimes ticked or beat had woken; he could feel it pulsing through the cold gold. Did it know, could it sense, that the thing that would destroy it was near? Bathilda shuffled past them, pushing Hermione aside as though she had not seen her, and vanished into what seemed to be a sitting room. "Harry, I'm not sure about this," breathed Hermione. "Look at the size of her, I think we could overpower her if we had to," said Harry. "Listen, I should have told you, I knew she wasn't all there. Muriel called her 'gaga.'" "Come!" called Bathilda from the next room. Hermione jumped and clutched Harry's arm. "It's okay," said Harry reassuringly, and he led the way into the sitting room. Bathilda was tottering around the place lighting candles, but it was still very dark, not to mention extremely dirty. Thick dust crunched beneath their feet, and Harry's nose detected, underneath the dank and mildewed smell, something worse, like meat gone bad. He wondered when was the last time anyone had been inside Bathilda's house to check whether she was coping. She seemed to have forgotten that she could do magic, too, for she lit the candles clumsily by hand, her trailing lace cuff in constant danger of catching fire. "Let me do that," offered Harry, and he took the matches from her. She stood watching him as he finished lighting the candle stubs that stood on saucers around the room, perched precariously on stacks of books and on side tables crammed with cracked and moldy cups. The last surface on which Harry spotted a candle was a bow-fronted chest of drawers on which there stood a large number of photographs. When the flame danced into life, its reflection wavered on their dusty glass and silver. He saw a few tiny movements from the +pictures. As Bathilda fumbled with logs for the fire, he muttered "Tergeo": The dust vanished from the photographs, and he saw at once that half a dozen were missing from the largest and most ornate frames. He wondered whether Bathilda or somebody else had removed them. Then the sight of a photograph near the back of the collection caught his eye, and he snatched it up. It was the golden-haired, merry-faced thief, the young man who had perched on Gregorovitch's windowsill, smiling lazily up at Harry out of the silver frame. And it came to Harry instantly where he had seen the boy before: in The Life and Lies of Albus Dumbledore, arm in arm with the teenage Dumbledore, and that must be where all the missing photographs were: in Rita's book. "Mrs. -- Miss -- Bagshot?" he said, and his voice shook slightly. "Who is this?" Bathilda was standing in the middle of the room watching Hermione light the fire for her. "Miss Bagshot?" Harry repeated, and he advanced with the picture in his hands as the flames burst into life in the fireplace. Bathilda looked up at his voice, and the Horcrux beat faster upon his chest. "Who is this person?" Harry asked her, pushing the picture forward. She peered at it solemnly, then up at Harry. "Do you know who this is?" he repeated in a much slower and louder voice than usual. "This man? Do you know him? What's he called?" Bathilda merely looked vague. Harry felt an awful frustration. How had Rita Skeeter unlocked Bathilda's memories? "Who is this man?" he repeated loudly. "Harry, what area you doing?" asked Hermione. "This picture. Hermione, it's the thief, the thief who stole from Gregorovitch! Please!" he said to Bathilda. "Who is this?" But she only stared at him. "Why did you ask us to come with you, Mrs. - Miss -- Bagshot?" asked Hermione, raising her own voice. "Was there something you wanted to tell us?" Giving no sign that she had heard Hermione, Bathilda now shuffled a few steps closer to Harry. With a little jerk of her head she looked back into the hall. "You want us to leave?" he asked. +She repeated the gesture, this time pointing firstly at him, then at herself, then at the ceiling. "Oh, right... Hermione, I think she wants me to go upstairs with her." "All right," said Hermione, "let's go." But when Hermione moved, Bathilda shook her head with surprising vigor, once more pointing first at Harry, then to herself. "She wants me to go with her, alone." "Why?" asked Hermione, and her voice rang out sharp and clear in the candlelit room, the old lady shook her head a little at the loud noise. "Maybe Dumbledore told her to give the sword to me, and only to me?" "Do you really think she knows who you are?" "Yes," said Harry, looking down into the milky eyes fixed upon his own. "I think she does." "Well, okay then, but be quick, Harry." "Lead the way," Harry told Bathilda. She seemed to understand, because she shuffled around him toward the door. Harry glanced back at Hermione with a reassuring smile, but he was not sure she had seen it; she stood hugging herself in the midst of the candlelit squalor, looking toward the bookcase. As Harry walked out of the room, unseen by both Hermione and Bathilda, he slipped the silver-framed photograph of the unknown thief inside his jacket. The stairs were steep and narrow; Harry was half tempted to place his hands on stout Bathilda's backside to ensure that she did not topple over backward on top of him, which seemed only too likely. Slowly, wheezing a little, she climbed to the upper landing, turned immediately right, and led him into a low-ceilinged bedroom. It was pitch-black and smelled horrible: Harry had just made out a chamber pot protruding from under the bed before Bathilda closed the door and even that was swallowed by the darkness. "Lumos," said Harry, and his wand ignited. He gave a start: Bathilda had moved close to him in those few seconds of darkness, and he had not heard her approach. "You are Potter?" she whispered. +"Yes, I am." She nodded slowly, solemnly. Harry felt the Horcrux beating fast, faster than his own heart; It was an unpleasant, agitating sensation. "Have you got anything for me?" Harry asked, but she seemed distracted by his lit wand-tip. "Have you got anything for me?" he repeated. Then she closed her eyes and several things happened at once: Harry's scar prickled painfully; the Horcrux twitched so that the front of his sweater actually moved; the dark, fetid room dissolved momentarily. He felt a leap of joy and spoke in a high, cold voice: Hold him! Harry swayed where he stood: The dark, foul-smelling room seemed to close around him again; he did not know what had just happened. "Have you got anything for me?" he asked for a third time, much louder. "Over here," she whispered, pointing to the corner. Harry raised his wand and saw the outline of a cluttered dressing table beneath the curtained window. This time she did not lead him. Harry edged between her and the unmade bed, his wand raised. He did not want to look away from her. "What is it?" he asked as he reached the dressing table, which was heaped high with what looked and smelled like dirty laundry. "There," she said, pointing at the shapeless mass. And in the instant that he looked away, his eyes taking the tangled mess for a sword hilt, a ruby, she moved weirdly: He saw it out of the corner of his eye; panic made him turn and horror paralyzed him as he saw the old body collapsing and the great snake pouring from the place where her neck had been. The snake struck as he raised his wand: The force of the bite to his forearm sent the wand spinning up toward the ceiling; its light swung dizzyingly around the room and was extinguished; Then a powerful blow from the tail to his midriff knocked the breath out of him: He fell backward onto the dressing table, into the mound of filthy clothing -- He rolled sideways, narrowly avoiding the snake's tail, which thrashed down upon the table where he had been a second earlier. Fragments of the glass surface rained upon him as he hit the floor. From below he heard Hermione call, "Harry?" +He could not get enough breath into his lungs to call back: Then a heavy smooth mass smashed him to the floor and he felt it slide over him, powerful, muscular -- "No!" he gasped, pinned to the floor. "Yes," whispered the voice. "Yesss... hold you ... hold you ..." "Accio ... Accio Wand ..." But nothing happened and he needed his hands to try to force the snake from him as it coiled itself around his torso, squeezing the air from him, pressing the Horcrux hard into his chest, a circle of ice that throbbed with life, inches from his own frantic heart, and his brain was flooding with cold, white light, all thought obliterated, his own breath drowned, distant footsteps, everything going... A metal heart was banging outside his chest, and now he was flying, flying with triumph in his heart, without need of broomstick or thestral... He was abruptly awake in the sour-smelling darkness; Nagini had released him. He scrambled up and saw the snake outlined against the landing light: It struck, and Hermione dived aside with a shriek; her deflected curse hit the curtained window, which shattered. Frozen air filled the room as Harry ducked to avoid another shower of broken glass and his foot slipped on a pencil-like something -- his wand -- He bent and snatched it up, but now the room was full of the snake, its tail thrashing; Hermione was nowhere to be seen and for a moment Harry thought the worst, but then there was a loud bang and a flash of red light, and the snake flew into the air, smacking Harry hard in the face as it went, coil after heavy coil rising up to the ceiling. Harry raised his wand, but as he did so, his scar seared more painfully, more powerfully than it had done in years. "He's coming! Hermione, he's coming!" As he yelled the snake fell, hissing wildly. Everything was chaos: It smashed shelves from the wall, and splintered china flew everywhere as Harry jumped over the bed and seized the dark shape he knew to be Hermione -- She shrieked with pain as he pulled her back across the bed: The snake reared again, but Harry knew that worse than the snake was coming, was perhaps already at the gate, his head was going to split open with the pain from his scar -- The snake lunged as he took a running leap, dragging Hermione with him; as it struck, Hermione screamed, "Confringo!" and her spell flew around the room, exploding the wardrobe mirror and ricocheting back at them, bouncing from floor to ceiling; Harry felt the heat of it sear the back of his hand. Glass cut his cheek as, pulling Hermione with him, he leapt from bed to broken dressing table and then straight out of the smashed window +into nothingness, her scream reverberating through the night as they twisted in midair ... And then his scar burst open and he was Voldemort and he was running across the fetid bedroom, his long white hands clutching at the windowsill as he glimpsed the bald man and the little woman twist and vanish, and he screamed with rage, a scream that mingled with the girl's, that echoed across the dark gardens over the church bells ringing in Christmas Day... And his scream was Harry's scream, his pain was Harry's pain... that it could happen here, where it had happened before... here, within sight of that house where he had come so close to knowing what it was to die ... to die ... the pain was so terrible ... ripped from his body ... But if he had no body, why did his head hurt so badly; if he was dead, how cold he feel so unbearably, didn't pain cease with death, didn't it go ... The night wet and windy, two children dressed as pumpkins waddling across the square and the shop windows covered in paper spiders, all the tawdry Muggle trappings of a world in which they did not believe ... And he was gliding along, that sense of purpose and power and rightness in him that he always knew on these occasions ... Not anger ... that was for weaker souls than he ... but triumph, yes ... He had waited for this, he had hoped for it ... "Nice costume, mister!" He saw the small boy's smile falter as he ran near enough to see beneath the hood of the cloak, saw the fear cloud his pained face: Then the child turned and ran away ... Beneath the robe he fingered the handle of his wand ... One simple movement and the child would never reach his mother ... but unnecessary, quite unnecessary ... And along a new and darker street he moved, and now his destination was in sight at last, the Fidelius Charm broken, though they did not know it yet ... And he made less noise than the dead leaves slithering along the pavement as he drew level with the dark hedge, and steered over it ... They had not drawn the curtains; he saw them quite clearly in their little sitting room, the tall black-haired man in his glasses, making puffs of colored smoke erupt from his wand for the amusement of the small black-haired boy in his blue pajamas. The child was laughing and trying to catch the smoke, to grab it in his small fist ... A door opened and the mother entered, saying words he cold not hear, her long dark-red hair falling over her face. Now the father scooped up the son and handed him to the mother. He threw his wand down upon the sofa and stretched, yawning... The gate creaked a little as he pushed it open, but James Potter did not hear. His white hand pulled out the wand beneath his cloak and pointed it at the door, which burst open... He was over the threshold as James came sprinting into the hall. It was easy, too easy, he +had not even picked up his wand ... "Lily, take Harry and go! It's him! Go! Run! I'll hold him off!" Hold him off, without a wand in his hand! ... He laughed before casting the curse ... "Avada Kedavra!" The green light filled the cramped hallway, it lit the pram pushed against the wall, it made the banisters glow like lighting rods, and James Potter fell like a marionette whose strings were cut ... He could hear her screaming from the upper floor, trapped, but as long as she was sensible, she, at least, had nothing to fear ... He climbed the steps, listening with faint amusement to her attempts to barricade herself in ... She had no wand upon her either ... How stupid they were, and how trusting, thinking that their safety lay in friends, that weapons could be discarded even for moments... He forced the door open, cast aside the chair and boxes hastily piled against it with one lazy wave of his wand ... and there she stood, the child in her arms. At the sight of him, she dropped her son into the crib behind her and threw her arms wide, as if this would help, as if in shielding him from sight she hoped to be chosen instead ... "Not Harry, not Harry, please not Harry!" "Stand aside, you silly girl... stand aside, now." "Not Harry, please no, take me, kill me instead --" "This is my last warning --" "Not Harry! Please ... have mercy ... have mercy ... Not Harry! Not Harry! Please -- I'll do anything ..." "Stand aside. Stand aside, girl!" He could have forced her away from the crib, but it seemed more prudent to finish them all ... The green light flashed around the room and she dropped like her husband. The child had not cried all this time. He could stand, clutching the bars of his crib, and he looked up into the intruder's face with a kind of bright interest, perhaps thinking that it was his father who hid beneath the cloak, making more pretty lights, and his mother would pop up any moment, laughing -- He pointed the wand very carefully into the boy's face: He wanted to see it happen, the +destruction of this one, inexplicable danger. The child began to cry: It had seen that he was not James. He did not like it crying, he had never been able to stomach the small ones whining in the orphanage -- "Avada Kedavra!" And then he broke. He was nothing, nothing but pain and terror, and he must hide himself, not here in the rubble of the ruined house, where the child was trapped screaming, but far away ... far away ... "No," he moaned. The snake rustled on the filthy, cluttered floor, and he had killed the boy, and yet he was the boy ... "No..." And now he stood at the broken window of Bathilda's house, immersed in memories of his greatest loss, and at his feet the great snake slithered over broken china and glass... He looked down and saw something... something incredible... "No..." "Harry, it's all right, you're all right!" He stooped down and picked up the smashed photograph. There he was, the unknown thief, the thief he was seeking... "No... I dropped it... I dropped it ..." "Harry, it's okay, wake up, wake up!" He was Harry... Harry, not Voldemort ... and the thing that was rustling was not a snake ... He opened his eyes. "Harry," Hermione whispered. "Do you feel all -- all right?" "Yes," he lied. He was in the tent, lying on one of the lower bunks beneath a heap of blankets. He could tell that it was almost dawn by the stillness and quality of the cold, flat light beyond the canvas ceiling. He was drenched in sweat; he could feel it on the sheets and blankets. "We got away." "Yes," said Hermione. "I had to use a Hover Charm to get you into your bunk. I couldn't +lift you. You've been ... Well, you haven't been quite ..." There were purple shadows under her brown eyes and he noticed a small sponge in her hand: She had been wiping his face. "You've been ill," she finished. "Quite ill." "How long ago did we leave?" "Hours ago. It's nearly morning." "And I've been... what, unconscious?" "Not exactly," said Hermione uncomfortably. "You've been shouting and moaning and ... things," she added in a tone that made Harry feel uneasy. What had he done? Screamed curses like Voldemort, cried like the baby in the crib? "I couldn't get the Horcrux off you," Hermione said, and he knew she wanted to change the subject. "It was stuck, stuck to your chest. You've got a mark; I'm sorry, I had to use a Severing Charm to get it away. The snake hit you too, but I've cleaned the wound and put some dittany on it ..." He pulled the sweaty T-shirt he was wearing away from himself and looked down. There was a scarlet oval over his heart where the locket had burned him. He could also see the half healed puncture marks to his forearm. "Where've you put the Horcrux?" "In my bag. I think we should keep it off for a while." He lay back on his pillows and looked into her pinched gray face. "We shouldn't have gone to Godric's Hollow. It's my fault, it's all my fault. Hermione, I'm sorry." "It's not you fault. I wanted to go too; I really thought Dumbledore might have left the sword there for you." "Yeah, well ... we got that wrong, didn't we?" "What happened, Harry? What happened when she took you upstairs? Was the snake hiding somewhere? Did it just come out and kill her and attack you?" "No." he said. "She was the snake ... or the snake was her ... all along." "W-what?" +He closed his eyes. He could still smell Bathilda's house on him; it made the whole thing horribly vivid. "Bathilda must've been dead a while. The snake was ... was inside her. You-Know-Who put it there in Godric's Hollow, to wait. You were right. He knew I'd go back." "The snake was inside her?" He opened his eyes again. Hermione looked revolted, nauseated. "Lupin said there would be magic we'd never imagined." Harry said. "She didn't want to talk in front of you, because it was Parseltongue, all Parseltongue, and I didn't realize, but of course I could understand her. Once we were up in the room, the snake sent a message to You-Know-Who, I heard it happen inside my head, I felt him get excited, he said to keep me there ... and then ..." He remembered the snake coming out of Bathilda's neck: Hermione did not need to know the details. "...she changed, changed into the snake, and attacked." He looked down at the puncture marks. "It wasn't supposed to kill me, just keep me there till You-Know-Who came." If he had only managed to kill the snake, it would have been worth it, all of it ... Sick at heart, he sat up and threw back the covers. "Harry, no, I'm sure you ought to rest!" "You're the one who needs sleep. No offense, but you look terrible. I'm fine. I'll keep watch for a while. Where's my wand?" She did not answer, she merely looked at him. "Where's my wand, Hermione?" She was biting her lip, and tears swam in her eyes. "Harry ..." "Where's my wand?" She reached down beside the bed and held it out to him. +The holly and phoenix wand was nearly severed in two. One fragile strand of phoenix feather kept both pieces hanging together. The wood had splintered apart completely. Harry took it into his hands as though it was a living thing that had suffered a terrible injury. He could not think properly: Everything was a blur of panic and fear. Then he held out the want to Hermione. "Mend it. Please." "Harry, I don't think, when it's broken like this --" "Please, Hermione, try!" "R-Reparo." The dangling half of the wand resealed itself. Harry held it up. "Lumos!" The wand sparked feebly, then went out. Harry pointed it at Hermione. "Expelliarmus!" Hermione's wand gave a little jerk, but did not leave her hand. The feeble attempt at magic was too much for Harry's wand, which split into two again. He stared at it, aghast, unable to take in what he was seeing ... the wand that had survived so much ... "Harry." Hermione whispered so quietly he could hardly hear her. "I'm so, so sorry. I think it was me. As we were leaving, you know, the snake was coming for us, and so I cast a Blasting Curse, and it rebounded everywhere, and it must have -- must have hit --" "It was an accident." said Harry mechanically. He felt empty, stunned. "We'll -- we'll find a way to repair it." "Harry, I don't think we're going to be able to," said Hermione, the ears trickling down her face. "Remember ... remember Ron? When he broke his wand, crashing the car? It was never the same again, he had to get a new one." Harry thought of Ollivander, kidnapped and held hostage by Voldemort; of Gregorovitch, who was dead. How was he supposed to find himself a new wand? "Well," he said, in a falsely matter-of-fact voice, "well, I'll just borrow yours for now, then. While I keep watch." Her face glazed with tears, Hermione handed over her wand, and he left her sitting beside his bed, desiring nothing more than to get away from her. +Chapter Eighteen +The Life and Lies of Albus Dumbledore +The sun was coming up: The pure, colorless vastness of the sky stretched over him, indifferent to him and his suffering. Harry sat down in the tent entrance and took a deep breath of clean air. Simply to be alive to watch the sun rise over the sparkling snowy hillside ought to have been the greatest treasure on earth, yet he could not appreciate it: His senses had been spiked by the calamity of losing his want. He looked out over a valley blanketed in snow, distant church bells chiming through the glittering silence. +Without realizing it, he was digging his fingers into his arms as if he were trying to resist physical pain. He had spilled his own blood more times than he could count; he had lost all bones in his right arm once; this journey had already given him scars to his chest and forearm to join those on his hand and forehead, but never, until this moment, had he felt himself to be fatally weakened, vulnerable, and naked, as though the best part of his magical power had been torn from him. He knew exactly what Hermione would say if he expressed any of this: The wand is only as good as the wizard. But she was wrong, his case was different. She had not felt the wand spin like the needle of a compass and shoot golden flames at his enemy. He had lost the protection of the twin cores, and only now that it was gone did he realize how much he had been counting on it. +He pulled the pieces of the broken wand out of his pocket and, without looking at them, tucked them away in Hagrid�s pouch around his neck. The pouch was now too full of broken and useless objects to take any more. Harry�s hand brushed the old Snitch through the mokeskin and for a moment he had to fight the temptation to pull it out and throw it away. Impenetrable, unhelpful, useless, like everything else Dumbledore had left behind --- +And his fury at Dumbledore broke over him now like lava, scorching him inside, wiping out every other feeling. Out of sheer desperation they had talked themselves into believing that Godric�s Hollow held answers, convinced themselves that they were supposed to go back, that it was all part of some secret path laid out for them by Dumbledore: but there was no map, no plan. Dumbledore had left them to grope in the darkness, to wrestle with unknown and undreamed-of terrors, alone and unaided: Nothing was explained, nothing was given freely, they had no sword, and now, Harry had no wand. And he had dropped the photograph of the thief, and it would surely be easy now for Voldemort to find out who he was . . . +Voldemort had all the information now . . . +"Harry?" +Hermione looked frightened that he might curse her with her own wand. Her face streaked with tears, she crouched down beside him, two cups of tea trembling in her hands and something bulky under her arm. +"Thanks," he said, taking one of the cups. +"Do you mind if I talk to you?" +"No," he said because he did not want to hurt her feelings. +"Harry, you wanted to know who that man in the picture was. Well . . . I�ve got the book." +Timidly she pushed it onto his lap, a pristine copy of The Life and Lies of Albus Dumbledore. +"Where --- how --- ?" +"It was in Bathilda�s sitting room, just lying there. . . . This note was sticking out of the top of it." +Hermione read the few lines of spiky, acid-green writing aloud. +" �Dear Bally, Thanks for your help. Here�s a copy of the book, hope you like it. You said everything, even if you don�t remember it. Rita.� I think it must have arrived while the real Bathilda was alive, but perhaps she wasn�t in any fit state to read it?" +"No, she probably wasn�t." +Harry looked down upon Dumbledore�s face and experienced a surge of savage pleasure: Now he would know if all the things that Dumbledore had never thought it worth telling him, whether Dumbledore wanted him to or not. +"You�re still really angry at me, aren�t you?" said Hermione; he looked up to see fresh tears leaking out of her eyes, and knew that his anger must have shown in his face. +"No," he said quietly. "No, Hermione, I know it was an accident. You were trying to get us out of there alive, and you were incredible. I�d be dead if you hadn�t been there to help me." +He tried to return her watery smile, then turned his attention to the book. Its spine was stiff; it had clearly never been opened before. He riffled through the pages, looking for photographs. He came across the one he sought almost at once, the young Dumbledore and his handsome companion, roaring with laughter at some long-forgotten joke. Harry dropped his eyes to the caption. +Albus Dumbledore, shortly after his mother�s death, +With his friend Gellert Grindelwald. +Harry gaped at the last word for several long moments. Grindelwald. His friend Grindelwald. He looked sideways at Hermione, who was still contemplating the name as though she could not believe her eyes. Slowly she looked up at Harry. +"Grindelwald!" +Ignoring the remainder of the photographs, Harry searched the pages around them for a recurrence of that fatal name. He soon discovered it and read greedily, but became lost: It was necessary to go farther back to make sense of it all, and eventually he found himself at the start of a chapter entitled "The Greater Good." Together, he and Hermione started to read: +Now approaching his eighteenth birthday, Dumbledore left Hogwarts in a blaze of glory --- Head Boy, Prefect, Winner of the Barnabus Finkley Prize for Exceptional Spell-Casting, British Youth Representative to the Wizengamot, Gold Medal-Winner for Ground-Breaking Contribution to the International Alchemical Conference in Cairo. Dumbledore intended, next, to take a Grand Tour with Elphias "Dogbreath" Doge, the dim-witted but devoted sidekick he had picked up at school. +The two young men were staying at the Leaky Cauldron in London, preparing to depart for Greece the following morning, when an owl arrived bearing news of Dumbledore�s mother�s death. "Dogbreath" Doge, who refused to be interviewed for this book, has given the public his own sentimental +version of what happened next. He represents Kendra�s death as a tragic blow, and Dumbledore�s decision to give up his expedition as an act of noble self-sacrifice. +Certainly Dumbledore returned to Godric�s Hollow at once, supposedly to "care" for his younger brother and sister. But how much care did he actually give them? +"He were a head case, that Aberforth," said Enid Smeek, whose family lived on the outskirts of Godric�s Hollow at that time. "Ran wild. �Course, with his mum and dad gone you�d have felt sorry for him, only he kept chucking goat dung at my head. I don�t think Albus was fussed about him. I never saw them together, anyway." +So what was Albus doing, if not comforting his wild young brother? The answer, it seems, is ensuring the continued imprisonment of his sister. For though her first jailer had died, there was no change in the pitiful condition of Ariana Dumbledore. Her very existence continued to be known only to those few outsiders who, like "Dogbreath" Doge, could be counted upon to believe in the story of her "ill health." +Another such easily satisfied friend of the family was Bathilda Bagshot, the celebrated magical historian who has lived in Godric�s Hollow for many years. Kendra, of course, had rebuffed Bathilda when she first attempted to welcome the family to the village. Several years later, however, the author sent an owl to Albus at Hogwarts, having been favorably impressed by his paper on trans-species transformation in Transfiguration Today. This initial contract led to acquaintance with the entire Dumbledore family. At the time of Kendra�s death, Bathilda was the only person in Godric�s Hollow who was on speaking terms with Dumbledore�s mother. +Unfortunately, the brilliance that Bathilda exhibited earlier in her life has now dimmed. "The fire�s lit, but the cauldron�s empty," as Ivor Dillonsby put it to me, or, in Enid Smeek�s slightly earthier phrase, "She�s nutty as squirrel poo." Nevertheless, a combination of tried-and-tested reporting techniques enabled me to extract enough nuggets of hard fact to string together the whole scandalous story. +Like the rest of the Wizarding world, Bathilda puts Kendra�s premature death down to a backfiring charm, a story repeated by Albus and Aberforth in later years. Bathilda also parrots the family line on Ariana, calling her "frail" and "delicate." On one subject, however, Bathilda is well worth the effort I put into procuring Veritaserum, for she, and she alone, knows the full story of the best-kept secret of Albus Dumbledore�s life. Now revealed for the first time, it calls into question everything that his admirers believed of Dumbledore: his supposed hatred of the Dark Arts, his opposition into the oppression of Muggles, even his devotion to his own family. +The very same summer that Dumbledore went home to Godric�s Hollow, now an orphan and head of the family, Bathilda Bagshot agreed to accept into her home her great-nephew, Gellert Grindelwald. +The name of Grindelwald is justly famous: In a list of Most Dangerous Dark Wizards of All Time, he would miss out on the top spot only because You- +Know-Who arrived, a generation later, to steal his crown. As Grindelwald never extended his campaign of terror to Britain, however, the details of his rise to power are not widely known here. +Educated at Durmstrang, a school famous even then for its unfortunate tolerance of the Dark Arts, Grindelwald showed himself quite as precociously brilliant as Dumbledore. Rather than channel his abilities into the attainment of awards and prizes, however, Gellert Grindelwald devoted himself no other pursuits. At sixteen years old, even Durmstrang felt it could no longer turn a blind eye to the twisted experiments of Gellert Grindelwald, and he was expelled. +Hitherto, all that has been known of Grindelwald�s next movements is that he "traveled around for some months." It can now be revealed that Grindelwald chose to visit his great-aunt in Godric�s Hollow, and that there, intensely shocking though it will be for many to hear it, he struck up a close friendship with none other than Albus Dumbledore. +"He seemed a charming boy to me," babbles Bathilda, "whatever he became later. Naturally I introduced him to poor Albus, who was missing the company of lads his own age. The boys took to each other at once." +They certainly did. Bathilda shows me a letter, kept by her that Albus Dumbledore sent Gellert Grindelwald in the dead of night. +"Yes, even after they�d spent all day in discussion --- both such brilliant young boys, they got on like a cauldron on fire --- I�d sometimes hear an owl tapping at Gellert�s bedroom window, delivering a letter from Albus! An idea would have struck him and he had to let Gellert know immediately!" +And what ideas they were. Profoundly shocking though Albus Dumbledore�s fans will find it, here are the thoughts of their seventeen-year-old hero, as relayed to his new best friend. (A copy of the original letter may be seen on page 463.) +Gellert --- +Your point about Wizard dominance being FOR THE MUGGLES� OWN GOOD --- this, I think, is the crucial point. Yes, we have been given power and yes, that power gives us the right to rule, but it also gives us responsibilities over the ruled. We must stress this point, it will be the foundation stone upon which we build. Where we are opposed, as we surely will be, this must be the basis of all our counterarguments. We seize control FOR THE GREATER GOOD. And from this it follows that where we meet resistance, we must use only the force that is necessary and no more. (This was your mistake at Durmstrang! But I do not complain, because if you had not been expelled, we would never have met.) +Albus +Astonished and appalled though his many admirers will be, this letter constitutes the Statute of Secrecy and establishing Wizard rule over Muggles. What a blow for those who have always portrayed Dumbledore as the Muggle-borns� greatest champion! How hollow those speeches promoting Muggle rights +seem in the light of this damning new evidence! How despicable does Albus Dumbledore appear, busy plotting his rise to power when he should have been mourning his mother and caring for his sister! +No doubt those determined to keep Dumbledore on his crumbling pedestal will bleat that he did not, after all, put his plans into action, that he must have suffered a change of heart, that he came to his senses. However, the truth seems altogether more shocking. +Barely two months into their great new friendship, Dumbledore and Grindelwald parted, never to see each other again until they met for their legendary duel (for more, see chapter 22). What caused this abrupt rupture? Had Dumbledore come to his senses? Had he told Grindelwald he wanted no more part in his plans? Alas, no. +"It was poor little Ariana dying, I think, that did it," says Bathilda. "It came as an awful shock. Gellert was there in the house when it happened, and he came back to my house all of a dither, told me he wanted to go home the next day. Terribly distressed, you know. So I arranged a Portkey and that was the last I saw of him. +"Albus was beside himself at Ariana�s death. It was so dreadful for those two brothers. They had lost everybody except for each other. No wonder tempers ran a little high. Aberforth blamed Albus, you know, as people will under these dreadful circumstances. But Aberforth always talked a little madly, poor boy. All the same, breaking Albus�s nose at the funeral was not decent. It would have destroyed Kendra to see her sons fighting like that, across her daughter�s body. A shame Gellert could not have stayed for the funeral. . . . He would have been a comfort to Albus, at least. . . . +This dreadful coffin-side brawl, known only to those few who attended Ariana Dumbledore�s funeral, raises several questions. Why exactly did Aberforth Dumbledore blame Albus for his sister�s death? Was it, as "Batty" pretends, a mere effusion of grief? Or could there have been some more concrete reason for his fury? Grindelwald, expelled from Durmstrang for the near-fatal attacks upon fellow students, fled the country hours after the girl�s death, and Albus (out of shame or fear?) never saw him again, not until forced to do so by the pleas of the Wizarding world. +Neither Dumbledore nor Grindelwald ever seems to have referred to this brief boyhood friendship in later life. However, there can be no doubt that Dumbledore delayed, for some five years of turmoil, fatalities, and disappearances, his attack upon Gellert Grindelwald. Was it lingering affection for the man or fear of exposure as his once best friend that caused Dumbledore to hesitate? Was it only reluctantly that Dumbledore set out to capture the man he was once so delighted he had met? +And how did the mysterious Ariana die? Was she the inadvertent victim of some Dark rite? Did she stumble across something she ought not to have done, as the two young men sat practicing for their attempt at glory and domination? Is it possible that Ariana Dumbledore was the first person to die "for the greater good"? +The chapter ended here and Harry looked up. Hermione had reached the bottom of the page before him. She tugged the book out of Harry�s hands, looking a little alarmed by his expression, and closed it without looking at it, as though hiding something indecent. +"Harry ---" +But he shook his head. Some inner certainty had crashed down inside him; it was exactly as he had felt after Ron left. He had trusted Dumbledore, believed him the embodiment of goodness and wisdom. All was ashes: How much more could he lose? Ron, Dumbledore, the phoenix wand . . . +"Harry." She seemed to have heard his thoughts. "Listen to me. It --- it doesn't make a very nice reading ---" +"Yeah, you could say that ---" +"--- but don't forget, Harry, this is Rita Skeeter writing." +"You did read that letter to Grindelwald, didn't you?" +"Yes, I --- I did." She hesitated, looking upset, cradling her tea in her cold hands. "I think that's the worst bit. I know Bathilda thought it was all just talk, but 'For the Greater Good' became Grindelwald's slogan, his justification for all the atrocities he committed later. And . . . from that . . . it looks like Dumbledore gave him the idea. They say 'For the Greater Good' was even carved over the entrance to Nurmengard." +"What's Nurmengard?" +"The prison Grindelwald had built to hold his opponents. He ended up in there himself, once Dumbledore had caught him. Anyway, it's --- it�s an awful thought that Dumbledore's ideas helped Grindelwald rise to power. But on the other hand, even Rita can't pretend that they knew each other for more than a few months one summer when they were both really young, and ---" +"I thought you'd say that," said Harry. He did not want to let his anger spill out at her, but it was hard to keep his voice steady. "I thought you'd say 'They were young.' They were the same age as we are now. And here we are, risking our lives to fight the Dark Arts, and there he was, in a huddle with his new best friend, plotting their rise to power over the Muggles." +His temper would not remain in check much longer: He stood up and walked around, trying to work some of it off. +"I'm not trying to defend what Dumbledore wrote," said Hermione. "All that 'right to rule' rubbish, it's 'Magic Is Might' all over again. But Harry, his mother had just died, he was stuck alone in the house ---" +"Alone? He wasn't alone! He had his brother and sister for company, his Squib sister he was keeping locked up ---" +"I don't believe it," said Hermione. She stood up too. "Whatever was wrong with that girl, I don't think she was a Squib. The Dumbledore we knew would never, ever have allowed---" +"The Dumbledore we thought we knew didn't want to conquer Muggles by force!" Harry shouted, his voice echoing across the empty hilltop, and several blackbirds rose into the air, squawking and spiraling against the pearly sky. +"He changed, Harry, he changed! It's as simple as that! Maybe he did believe these things when he was seventeen, but the whole of the rest of his life was devoted to fighting the Dark Arts! Dumbledore was the one who stopped Grindelwald, the one who +always voted for Muggle protection and Muggle born rights, who fought You-Know-Who from the start, and who died trying to bring him down!" +Rita's book lay on the ground between them, so that the face of Albus Dumbledore smiled dolefully at both. +"Harry, I'm sorry, but I think the real reason you're so angry is that Dumbledore never told you any of this himself." +"Maybe I am!" Harry bellowed, and he flung his arms over his head, hardly knowing whether he was trying to hold in his anger or protect himself from the weight of his own disillusionment. "Look what he asked from me, Hermione! Risk your life, Harry! And again! And again! And don't expect me to explain everything, just trust me blindly, trust that I know what I'm doing, trust me even though I don't trust you! Never the whole truth! Never!" +His voice cracked with the strain, and they stood looking at each other in the whiteness and emptiness, and Harry felt they were as insignificant as insects beneath that wide sky. +"He loved you," Hermione whispered. "I know he loved you." +Harry dropped his arms. +"I don't know who he loved, Hermione, but it was never me. This isn't love, the mess he's left me in. He shared a damn sight more of what he was really thinking with Gellert Grindelwald than he ever shared with me." +Harry picked up Hermione's wand, which he had dropped in the snow, and sat back down in the entrance of the tent. +"Thanks for the tea. I'll finish the watch. You get back in the warm." +She hesitated, but recognized the dismissal. She picked up the book and then walked back past him into the tent, but as she did so, she brushed the top of his head lightly with her hand. He closed his eyes at her touch, and hated himself for wishing that what she said was true: that Dumbledore had really cared. +Chapter Nineteen +The Silver Doe +It was snowing by the time Hermione took over the watch at midnight. Harry's dreams were confused and disturbing: Nagini wove in and out of them, first through a wreath of Christmas roses. He woke repeatedly, panicky, convinced that somebody had called out to him in the distance, imagining that the wind whipping around the tent was footsteps or voices. +Finally he got up in the darkness and joined Hermione, who was huddled in the entrance to the tent reading A History of Magic by the light of her wand. The snow was falling thickly, and she greeted with relief his suggestion of packing up early and moving on. +"We'll somewhere more sheltered," she agreed, shivering as she pulled on a sweatshirt over her pajamas. "I kept thinking I could hear people moving outside. I even though I saw somebody one or twice." +Harry paused in the act of pulling on a jumper and glanced at the silent, motionless Sneakoscope on the table. +"I'm sure I imagined it," said Hermione, looking nervous. "The snow the dark, it plays tricks on your eyes.... But perhaps we ought to Disapparate under the Invisibility Cloak, just in case?" +Half an hour later, with the tent packed, Harry wearing the Horcrux, and Hermione clutching the beaded bag, they Disapparated. The usual tightness engulfed them; Harry's feet parted company with the snowy ground, then slammed hard onto what felt like frozen earth covered in leaves. +"Where are we?" he asked, peering around at the fresh mass of trees as Hermione opened the beaded bag and began tugging out the tent poles. +"The Forest of Dean," she said, "I came camping here once with my mum and dad." +Here too snow lay on the trees all around and it was bitterly cold, but they were at least protected from the wind. They spent most of the day inside the tent, huddled for warmth around the useful bright blue flames that Hermione was adept at producing, and which could be scooped up and carried in a jar. Harry felt as though he was recuperating from some brief but severe, an impression reinforced by Hermione's solicitousness. That afternoon fresh flakes drifted down upon them, so that even their sheltered clearing had a fresh dusting of powdery snow. +After two nights of little sleep, Harry's senses seemed more alert than usual. Their escape from Godric's Hollow had been so narrow that Voldemort seemed somehow closer than before, more threatening. As darkness drove in again Harry refused Hermione's offer to keep watch and told her to go to bed. +Harry moved an old cushion into the tent mouth and sat down, wearing all the sweaters he owned but even so, still shivery. The darkness deepened with the passing hours until it was virtually impenetrable. He was on the point of taking out the Marauder's Map, so as to watch Ginny's dot for a while, before he remembered that it was the Christmas holidays and that she would be back at the Burrow. +Every tiny movement seemed magnified in the vastness of the forest. Harry knew that it must be full of living creatures, but he wished they would all remain still and silent so that he could separate their innocent scurryings and prowlings from noises that might proclaim other, sinister movements. He remembered the sound of a cloak slithering over dead leaves many years ago, and at once thought he heard it again before mentally shaking himself. Their protective enchantments had worked for weeks; why should they break now? And yet he could no throw off the feeling that something was different tonight. +Several times he jerked upright, his neck aching because he had fallen asleep, slumped at an awkward angle against the side of the tent. The night reached such a depth of velvety blackness that he might have been suspended in limbo between Disapparation and Apparation. He had just held a hand in front of his face to see whether he could make out his fingers when it happened. +A bright silver light appeared right ahead of him, moving through the trees. Whatever the source, it was moving soundlessly. The light seemed simply to drift toward him. +He jumped to his feet, his voice frozen in his throat, and raised Hermione's wand. He screwed up his eyes as the light became blinding, the trees in front of it pitch black in silhouette, and still the thing came closer.... +And then the source of the light stepped out from behind an oak. It was a silver white doe, moon-bright and dazzling, picking her way over the ground, still silent, and leaving no hoofprints in the fine powdering of snow. She stepped toward him, her beautiful head with its wide, long-lashed eyes held high. +Harry stared at the creature, filled with wonder, not at her strangeness, but her inexplicable familiarity. He felt that he had been waiting for her to come, but that he had forgotten, until this moment, that they had arranged to meet. His impulse to shout for Hermione, which had been so strong a moment ago, had gone. He knew, he would have staked his life on it, that she had come for him, and him alone. +They gazed at each other for several long moments and then she turned and walked away. +"No," he said, and his voice was cracked with lack of use. "Come back!" +She continued to step deliberately through the trees, and soon he brightness was striped by their thick black trunks. For one trembling second he hesitated. Caution murmured it could be a trick, a lure, a trap. But instinct, overwhelming instinct, told him that this was not Dark Magic. He set off in pursuit. +Snow crunched beneath his feet, but the doe made no noise as she passed through the trees, for she was nothing but light. Deeper and deeper into the forest she led him, and Harry walked quickly, sure that when she stopped, she would allow him to approach her properly. And then she would speak and the voice would tell him what he needed to know. +At last she came to a halt. She turned her beautiful head toward him once more, and he broke into a run, a question burning in him, but as he opened his lips to ask it, she vanished. +Though the darkness had swallowed her whole, her burnished image was still imprinted on his retinas; it obscured his vision, brightening when he lowered his eyelids, disorienting him. Now fear came: Her presence had meant safety. +"Lumos!" he whispered, and the wand-tip ignited. +The imprint of the doe faded away with every blink of his eyes as he stood there, listening to the sounds of the forest, to distant crackles of twigs, soft swishes of snow. Was he about to be attacked? Had she enticed him into an ambush? Was he imagining that somebody stood beyond the reach of the wandlight, watching him? +He held the wand higher. Nobody ran out at him, no flash of green light burst from behind a tree. Why, then, had she led him to this spot? +Something gleamed in the light of the wand, and Harry spun about, but all that was there was a small, frozen pool, its black, cracked surface glittering as he raised his wand higher to examine it. +He moved forward rather cautiously and looked down. The ice reflected his distorted shadow and the beam of wandlight, but deep below the thick, misty gray carapace, something else glinted. A great silver cross... +His heart skipped into his mouth: He dropped to his knees at the pool's edge and angled the wand so as to flood the bottom of the pool with as much light as possible. A +glint of deep red...It was a sword with glittering rubies in its hilt....The sword of Gryffindor was lying at the bottom of the forest pool. +Barely breathing, he stared down at it. How was this possible? How could it have come to be lying in a forest pool, this close to the place where they were camping? Had some unknown magic drawn Hermione to this spot, or was the doe, which he had taken to be a Patronus, some kind of guardian of the pool? Or had the sword been put into the pool after they had arrived, precisely because they were here? In which case, where was the person who wanted to pass it to Harry? Again he directed the wand at the surrounding trees and bushes, searching for a human outline, for the glint of an eye, but he could not see anyone there. All the same, a little more fear leavened his exhilaration as he returned his attention to the sword reposing upon the bottom of the frozen pool. +He pointed the wand at the silvery shape and murmured, "Accio Sword." +It did not stir. He had not expected it to. If it had been that easy the sword would have lain on the ground for him to pick up, not in the depths of a frozen pool. He set off around the circle of ice, thinking hard about the last time the sword had delivered itself to him. He had been in terrible danger then, and had asked for help. +"Help," he murmured, but the sword remained upon the pool bottom, indifferent, motionless. +What was it, Harry asked himself (walking again), that Dumbledore had told him the last time he had retrieved the sword? Only a true Gryffindor could have pulled that out of the hat. And what were the qualities that defined a Gryffindor? A small voice inside Harry's head answered him: Their daring nerve and chivalry set Gryffindor apart. +Harry stopped walking and let out a long sigh, his smoky breath dispersing rapidly upon the frozen air. He knew what he had to do. If he was honest with himself, he had thought it might come to this from the moment he had spotted the sword through the ice. +He glanced around at the surrounding trees again, but was convinced now that nobody was going to attack him. They had had their chance as he walked alone through the forest, had had plenty of opportunity as he examined the pool. The only reason to delay at this point was because the immediate prospect was so deeply uninviting. +With fumbling fingers Harry started to remove his many layers of clothing. Where "chivalry" entered into this, he thought ruefully, he was not entirely sure, unless it counted as chivalrous that he was not calling for Hermione to do it in his stead. +An owl hooted somewhere as he stripped off, and he thought with a pang of Hedwig. He was shivering now, his teeth chattering horribly, and yet he continued to strip off until at last he stood there in his underwear, barefooted in the snow. He placed the pouch containing his wand, his mother's letter, the shard of Sirius's mirror, and the old Snitch on top of his clothes, then he pointed Hermione's wand at the ice. +"Diffindo." +It cracked with a sound like a bullet in the silence. The surface of the pool broke and chunks of dark ice rocked on the ruffled water. As far as Harry could judge, it was not deep, but to retrieve the sword he would have to submerge himself completely. +Contemplating the task ahead would not make it easier or the water warmer. He stepped to the pool's edge and placed Hermione's wand on the ground still lit. Then, trying not to imagine how much colder he was about to become or how violently he would soon be shivering, he jumped. +Every pore of his body screamed in protest. The very air in his lungs seemed to freeze solid as he was submerged to his shoulders in the frozen water. He could hardly breathe: trembling so violently the water lapped over the edges of the pool, he felt for the blade with his numb feet. He only wanted to dive once. +Harry put off the moment of total submersion from second to second, gasping and shaking, until he told himself that it must be done, gathered all his courage, and dived. +The cold was agony: It attacked him like fire. His brain itself seemed to have frozen as he pushed through the dark water to the bottom and reached out, groping for the sword. His fingers closed around the hilt; he pulled it upward. +Then something closed tight around his neck. He thought of water weeds, though nothing had brushed him as he dived, and raised his hand to free himself. It was not weed: The chain of the Horcrux had tightened and was slowly constricting his windpipe. +Harry kicked out wildly, trying to push himself back to the surface, but merely propelled himself into the rocky side of the pool. Thrashing, suffocating, he scrabbled at the strangling chain, his frozen fingers unable to loosen it, and now little lights were popping inside his head, and he was going to drown, there was nothing left, nothing he could do, and the arms that closed around his chest were surely Death's.... +Choking and retching, soaking and colder than he had ever been in his life, he came to facedown in the snow. Somewhere, close by, another person was panting and coughing and staggering around, as she had come when the snake attacked....Yet it did not sound like her, not with those deep coughs, no judging by the weight of the footsteps.... +Harry had no strength to lift his head and see his savior's identity. All he could do was raise a shaking hand to his throat and feel the place where the locket had cut tightly into his flesh. It was gone. Someone had cut him free. Then a panting voice spoke from over his head. +"Are -- you -- mental?" +Nothing but the shock of hearing that voice could have given Harry the strength to get up. Shivering violently, he staggered to his feet. There before him stood Ron, fully dressed but drenched to the skin, his hair plastered to his face, the sword of Gryffindor in one hand and the Horcrux dangling from its broken chain in the other. +"Why the hell," panted Ron, holding up the Horcrux, which swung backward and forward on its shortened chain in some parody of hypnosis, "didn't you take the thing off before you dived?" +Harry could not answer. The silver doe was nothing, nothing compared with Ron's reappearance; he could not believe it. Shuddering with cold, he caught up the pile of clothes still lying at the water's edge and began to pull them on. As he dragged sweater after sweater over his head, Harry stared at Ron, half expecting him to have disappeared every time he lost sight of him, and yet he had to be real: He had just dived into the pool, he had saved Harry's life. +"It was y-you?" Harry said at last, his teeth chattering, his voice weaker than usual due to his near-strangulation. +"Well, yeah," said Ron, looking slightly confused. +"Y-you cast that doe?" +"What? No, of course not! I thought it was you doing it!" +"My Patronus is a stag." +"Oh yeah. I thought it looked different. No antlers." +Harry put Hagrid's pouch back around his neck, pulled on a final sweater, stooped to pick up Hermione's wand, and faced Ron again. +"How come you're here?" +Apparently Ron had hoped that this point would come up later, if at all. +"Well, I've -- you know -- I've come back. If --" He cleared his throat. "You know. You still want me." +There was a pause, in which the subject of Ron's departure seemed to rise like a wall between them. Yet he was here. He had returned. He had just saved Harry's life. +Ron looked down at his hands. He seemed momentarily surprised to see the things he was holding. +"Oh yeah, I got it out," he said, rather unnecessarily, holding up the sword for Harry's inspection. "That's why you jumped in, right?" +"Yeah," said Harry. "But I don't understand. How did you get here? How did you find us?" +"Long story," said Ron. "I've been looking for you for hours, it's a big forest, isn't it? And I was just thinking I'd have to go kip under a tree and wait for morning when I saw that dear coming and you following." +"You didn't see anyone else?" +"No," said Ron. "I --" +But he hesitated, glancing at two trees growing close together some yards away. +"I did think I saw something move over there, but I was running to the pool at the time, because you'd gone in and you hadn't come up, so I wasn't going to make a detour to -- hey!" +Harry was already hurrying to the place that Ron had indicated. The two oaks grew close together; there was a gap of only a few inches between the trunks at eye level, an ideal place to see but not be seen. The ground around the roots, however, was free of snow, and Harry could see no sign of footprints. He walked back to where Ron stood waiting, still holding the sword and the Horcrux. +"Anything there?" Ron asked. +"No," said Harry. +"So how did the sword get in that pool?" +"Whoever cast the Patronus must have put it there." +They both looked at the ornate silver sword, its rubied hilt glinting a little in the light from Hermione's wand. +"You reckon this is the real one?" asked Ron. +"One way to find out, isn't there?" said Harry. +The Horcrux was still swinging from Ron's hand. The locket was twitching slightly. Harry knew that the thing inside it was agitated again. It had sensed the presence of the sword and had tried to kill Harry rather than let him possess it. Now was not the time for long discussions; now was the moment to destroy once and for all. Harry looked around, holding Hermione's wand high, and saw the place: a flattish rock lying in the shadow of a sycamore tree. +"Come here." he said and he led the way, brushed snow from the rock's surface, and held out his hand for the Horcrux. When Ron offered the sword, however, Harry shook his head. +"No you should do it." +"Me?" said Ron, looking shocked. "Why?" +"Because you got the sword out of the pool. I think it's supposed to be you." +He was not being kind or generous. As certainly as he had known that the doe was benign, he knew that Ron had to be the one to wield the sword. Dumbledore had at least taught Harry something about certain kinds of magic, of the incalculable power of certain acts. +"I'm going to open it," said Harry, "and you will stab it. Straightaway okay? Because whatever's in there will put up a fight. The bit of Riddle in the Diary tried to kill me." +"How are you going to open it?" asked Ron. He looked terrified +"I'm going to ask it to open, using Parseltongue," said Harry. The answer came so readily to his lips that thought that he had always known it deep down: Perhaps it had taken his recent encounter with Nagini to make him realize it. He looked at the serpentine S, inlaid with glittering green stones: It was easy to visualize it as a miniscule snake, curled upon the cold rock. +"No!" said Ron. "Don't open it! I'm serious!" +"Why not?" asked Harry. "Let's get rid of the damn thing, it's been months --" +"I can't, Harry, I'm serious -- you do it --" +"But why?" +"Because that thing's bad for me!" said Ron, backing away from the locket on the rock. "I can't handle it! I'm not making excuses, for what I was like, but it affects me worse than it affects you and Hermione, it made me think stuff -- stuff that I was thinking anyway, but it made everything worse. I can't explain it, and then I'd take it off and I'd get my head straight again, and then I'd have to put the effing thing back on -- I can't do it Harry!" +He had backed away, the sword dragging at his side, shaking his head. +"You can do it," said Harry, "you can! You've just got the sword, I know it's supposed to be you who uses it. Please just get rid of it Ron." +The sound of his name seemed to act like a stimulant. Ron swallowed, then still breathing hard through his long nose, moved back toward the rock. +"Tell me when," he croaked. +"On three," said Harry, looking back down at the locket and narrowing his eyes, concentrating on the letter S, imagining a serpent, while the contents of the locket rattled like a trapped cockroach. It would have been easy to pity it, except that the cut around Harry's neck still burned. +"One . . . two . . . three . . .open." +The last word came as a hiss and a snarl and the golden doors of the locket swung wide open with a little click. +Behind both of the glass windows within blinked a living eye, dark and handsome as Tom Riddle's eyes had been before he turned them scarlet and slit-pupiled +"Stab," said Harry, holding the locket steady on the rock. +Ron raised the sword in his shaking hands: The point dangled over the frantically swiveling eyes, and Harry gripped the locket tightly, bracing himself, already imagining blood pouring from the empty windows. +Then a voice hissed from out the Horcrux. +"I have seen your heart, and it is mine." +"Don't listen to it!" Harry said harshly. "Stab it!" +"I have seen your dreams, Ronald Weasley, and I have seen your fears. All you desire is possible, but all that you dread is also possible...." +"Stab!" shouted Harry, his voice echoed off the surrounding trees, the sword point trembled, and Ron gazed down into Riddle's eyes. +"Least loved, always, by the mother who craved a daughter . . . Least loved, now, by the girl who prefers your friend . . . Second best, always, eternally overshadowed . . ." +"Ron, stab it now!" Harry bellowed: He could feel the locket quivering in the grip and was scared of what was coming. Ron raised the sword still higher, and as he did so, Riddle's eyes gleamed scarlet. +Out of the locket's two windows, out of the eyes, there bloomed like two grotesque bubbles, the heads of Harry and Hermione, weirdly distorted. +Ron yelled in shock and backed away as the figures blossomed out of the locket, first chests, then waists, then legs, until they stood in the locket, side by side like trees with a common root, swaying over Ron and the real Harry, who had snatched his fingers away from the locket as it burned, suddenly, white-hot. +"Ron!" he shouted, but the Riddle-Harry was now speaking with Voldemort's voice and Ron was gazing, mesmerized, into its face. +"Why return? We were better without you, happier without you, glad of your absence.... We laughed at your stupidity, your cowardice, your presumption--" +"Presumption!" echoed the Riddle-Hermione, who was more beautiful and yet more terrible than the real Hermione: She swayed, cackling, before Ron, who looked horrified, yet transfixed, the sword hanging pointlessly at his side. "Who could look at you, who would ever look at you, beside Harry Potter? What have you ever done, compared with the Chosen One? What are you, compared with the Boy Who Lived?" +"Ron, stab it, STAB IT!" Harry yelled, but Ron did not move. His eyes were wide, and the Riddle-Harry and the Riddle-Hermione were reflected in them, their hair swirling like flames, their eyes shining red, their voices lifted in an evil duet. +"Your mother confessed," sneered Riddle-Harry, while Riddle-Hermione jeered, "that she would have preferred me as a son, would be glad to exchange..." +"Who wouldn't prefer him, what woman would take you, you are nothing, nothing, nothing to him," crooned Riddle-Hermione, and she stretched like a snake and entwined herself around Riddle-Harry, wrapping him in a close embrace: Their lips met. +On the ground in front of them, Ron's face filled with anguish. he raised the sword high, his arms shaking. +"Do it, Ron!" Harry yelled. +Ron looked toward him, and Harry thought he saw a trace of scarlet in his eyes. +"Ron --?" +The sword flashed, plunged: Harry threw himself out of the way, there as a clang of metal and a long, drawn-out scream. Harry whirled around, slipping in the snow, wand held ready to defend himself, but there was nothing to fight. +The monstrous versions of himself and Hermione were gone: There was only Ron, standing there with the sword held slackly in his hand, looking down at the shattered remains of the locket on the flat rock. +Slowly, Harry walked back to him, hardly knowing what to say or do. Ron was breathing heavily: His eyes were no longer red at all, but their normal blue: they were also wet. +Harry stooped, pretending he had not seen, and picked up the broken Horcrux. Ron had pierced the glass in both windows: Riddle's eyes were gone, and the stained silk lining of the locket was smoking slightly. The thing that had lived in the Horcrux had vanished; torturing Ron had been its final act. The sword clanged as Ron dropped it. He had sunk to his knees, his head in his arms. He was shaking, but not, Harry realized, from cold. Harry crammed the broken locket into his pocket, knelt down beside Ron, and placed a hand cautiously on his shoulder. He took it as a good sign that Ron did not throw it off. +"After you left," he said in a low voice, grateful for the fact that Ron's face was hidden, "she cried for a week. Probably longer, only she didn't want me to see. There were loads of nights when we never even spoke to each other. With you gone..." +He could not finish; it was now that Ron was here again that Harry fully realized how much his absence had cost them. +"She's like my sister," he went on. "I love her like a sister and I reckon that she feels the same way about me. It's always been like that. I thought you knew." +Ron did not respond, but turned his face away from Harry and wiped his nose noisily on his sleeve. Harry got to his feet again and walked to where Ron's enormous rucksack lay yards away, discarded as Ron had run toward the pool to save Harry from drowning. He hoisted it onto his own back and walked back to Ron, who clambered to his feet as Harry approached, eyes bloodshot but otherwise composed. +"I'm sorry," he said in a thick voice. "I'm sorry I left. I know I was a -- a --" +He looked around at the darkness, as if hoping a bad enough word would swoop down upon him and claim him. +"You've sort of made up for it tonight," said Harry. "Getting the sword. Finishing off the Horcrux. Saving my life." +"That makes me sound a lot cooler than I was," Ron mumbled. +"Stuff like that always sounds cooler than it really was" said Harry. "I've been trying to tell you that for years." +Simultaneously they walked forward and hugged, Harry gripping the still-sopping back of Ron's jacket. +"And now," said Harry as they broke apart, "all we've got to do is find that tent again." +But it was not difficult. Though the walk through the dark forest with the doe had seemed lengthy, with Ron by his side, the journey back seemed to take a surprisingly short time. Harry could not wait to wake Hermione, and it was with quickening excitement that he entered the tent, Ron lagging a little behind him. +It was gloriously warm after the pool and the forest, the only illumination the bluebell flames still shimmering in a bowl on the floor. Hermione was fast asleep, curled up under her blankets, and did not move until Harry had said her name several times. +"Hermione!" +She stirred, then sat up quickly, pushing her hair out of her face. +"What's wrong? Harry? Are you all right?" +"It's okay, everything's fine. More than fine, I'm great. There's someone here." +"What do you mean? Who --?" +She saw Ron, who stood there holding the sword and dripping onto the threadbare carpet. Harry backed into a shadowy corner, slipped off Ron's rucksack, and attempted to blend in with the canvas. +Hermione slid out of her bunk and moved like a sleepwalker toward Ron, her eyes upon his pale face. She stopped right in front of him, her lips slightly parted, her eyes wide. Ron gave a weak hopeful smile and half raised his arms. +Hermione launched herself forward and started punching every inch of him that she could reach. +"Ouch -- ow -- gerroff! What the --? Hermione -- OW!" +"You -- complete -- arse -- Ronald -- Weasley!" +She punctuated every word with a blow: Ron backed away, shielding his head as Hermione advanced. +"You -- crawl -- back -- here -- after -- weeks -- and -- weeks -- oh, where's my wand?" +She looked as though ready to wrestle it out of Harry's hands and he reacted instinctively. +"Protego!" +The invisible shield erupted between Ron and Hermione. The force of it knocked her backward onto the floor. Spitting hair out of her mouth, she lept up again. +"Hermione!" said Harry. "Calm --" +"I will not calm down!" she screamed. Never before had he seen her lose control like this; she looked quite demented. "Give me back my wand! Give it back to me!" +"Hermione, will you please --" +"Don't you tell me what do, Harry Potter!" she screeched. "Don't you dare! Give it back now! And YOU!" +She was pointing at Ron in dire accusation: It was like a malediction, and Harry could not blame Ron for retreating several steps. +"I cam running after you! I called you! I begged you to come back" "I know," Ron said, "Hermione, I'm sorry, I'm really --" +"Oh, you're sorry!" +She laughed a high-pitched, out-of-control sound; Ron looked at Harry for help, but Harry merely grimaced his helplessness. +"You came back after weeks -- weeks -- and you think it's all going to be all right if you just say sorry?" +"Well, what else can I say?" Ron shouted, and Harry was glad that Ron was fighting back. +"Oh, I don't know!" yelled Hermione with awful sarcasm. "Rack your brains, Ron, that should only take a couple of seconds --" +"Hermione," interjected Harry, who considered this a low blow, "he just saved my --" +"I don't care!" she screamed. "I don't care what he's done! Weeks and weeks, we could have been dead for all he knew --" +"I knew you weren't dead!" bellowed Ron, drowning her voice for the first time, and approaching as close as he could with the Shield Charm between them. "Harry's all over the Prophet, all over the radio, they're looking for you everywhere, all these rumors and mental stories, I knew I'd hear straight off if you were dead, you don't know what it's been like --" +"What it's been like for you?? +Her voice was not so shrill only bats would be able to hear it soon, but she had reached a level of indignation that rendered her temporarily speechless, and Ron seized his opportunity. +"I wanted to come back the minute I'd Disapparated, but I walked straight into a gang of Snatchers, Hermione, and I couldn't go anywhere!" "A gang of what?" asked Harry, as Hermione threw herself down into a chair with her arms and legs crossed so tightly it seemed unlikely that she would unravel them for several years. +"Snatchers," said Ron. "They're everywhere -- gangs trying to earn gold by rounding up Muggle-borns and blood traitors, there's a reward from the Ministry for everyone captured. I was on my own and I look like I might be school age; they got really excited, thought I was a Muggle-born in hiding. I had to talk fast to get out of being dragged to the Ministry." +"What did you say to them?" "Told them I was Stan Shunpike. First person I could think of." "And they believed that?" "They weren't the brightest. One of them was definitely part troll, the smell of him...." +Ron glanced at Hermione, clearly hopeful she might soften at this small instance of humor, but her expression remained stony above her tightly knotted limbs. +"Anyway, they had a row about whether I was Stan or not. It was a bit pathetic to be honest, but there were still five of them and only one of me, and they'd taken my wand. Then two of them got into a fight and while the others were distracted I managed to hit the one holding me in the stomach, grabbed his wand, Disarmed the bloke holding mine, and Disapparated. I didn't do it so well. Splinched myself again" -- Ron held up his right hand to show two missing fingernails: Hermione raised her eyebrows coldly -- "and I +came out miles from where you were. By the time I got back to that bit of riverbank where we'd been ... you were gone." +"Gosh, what a gripping story," Hermione said in the lofty voice she adopted when wishing to wound. "You must have been simply terrified. Meanwhile we went to Godric's Hollow and, let's think, what happened there, Harry? Oh yes, You-Know-Who's snake turned up, it nearly killed both of us, and then You-Know-Who himself arrived and missed us by about a second." "What?" Ron said, gaping from her to Harry, but Hermione ignored him. +"Imagine losing fingernails, Harry! That really puts our sufferings into perspective, doesn't it?" "Hermione," said Harry quietly, "Ron just saved my life." +She appeared not to have heard him. +"One thing I would like to know, though," she said, fixing her eyes on a spot a foot over Ron's head. "How exactly did you find us tonight? That's important. Once we know, we'll be able to make sure we're not visited by anyone else we don't want to see." +Ron glared at her, then pulled a small silver object from his jeans pocket. +"This." +She had to look at Ron to see what he was showing them. +"The Deluminator?" she asked, so surprised she forgot to look cold and fierce. +"It doesn't just turn the lights on and off," said Ron. "I don't know how it works or why it happened then and not any other time, because I've been wanting to come back ever since I left. But I was listening to the radio really early on Christmas morning and I heard ... I heard you." +He was looking at Hermione. +"You heard me on the radio?" she asked incredulously. +"No, I heard you coming out of my pocket. Your voice," he held up the Deluminator again, "came out of this." +"And what exactly did I say?" asked Hermione, her tone somewhere between skepticism and curiosity. +"My name. 'Ron.' And you said ... something about a wand...." +Hermione turned a fiery shade of scarlet. Harry remembered: it had been the first time Won's name had been said aloud by either of them since the day he had left; Hermione had mentioned it when talking about repairing Harry's wand. +"So I took it out," Ron went on, looking at the Deluminator, "and it didn't seem different or anything, but I was sure I'd heard you. So I clicked it. And the light went out in my room, but another light appeared right outside the window." +Ron raised his empty hand and pointed in front of him, his eyes focused on something neither Harry nor Hermione could see. +"It was a ball of light, kind of pulsing, and bluish, like that light you get around a Portkey, you know?" +"Yeah," said Harry and Hermione together automatically. +"I knew this was it," said Ron. "I grabbed my stuff and packed it, then I put on my rucksack and went out into the garden. +"The little ball of light was hovering there, waiting for me, and when I came out it bobbed along a bit and I followed it behind the shed and then it ... well, it went inside me." +"Sorry?" said Harry, sure he had not heard correctly. +"It sort of floated toward me," said Ron, illustrating the movement with his free index finger, "right to my chest, and then -- it just went straight through. It was here," he touched a point close to his heard, "I could feel it, it was hot. And once it was inside me, I knew what I was supposed to do. I knew it would take me where I needed to go. So I Disapparated and came out on the side of a hill. There was snow everywhere...." +"We were there," said Harry. "We spent two nights there, and the second night I kept thinking I could hear someone moving around in the dark and calling out!" "Yeah, well, that would've been me," said Ron. "Your protective spells work, anyway, because I couldn't see you and I couldn't hear you. I was sure you were around, though, so in the end I got in my sleeping bag and waited for one of you to appear. I thought you'd have to show yourselves when you packed up the tent." +"No, actually," said Hermione. "We've been Disapparating under the Invisibility Cloak as an extra precaution. And we left really early, because as Harry says, we'd heard somebody blundering around." +"Well, I stayed on that hill all day," said Ron. "I kept hoping you'd appear. But when it started to get dark I knew I must have missed you, so I clicked the Deluminator again, the +blue light came out and went inside me, and I Disapparated and arrived here in these woods. I still couldn't see you, so I just had to hope one of you would show yourselves in the end -- and Harry did. Well, I saw the doe first, obviously." +"You saw the what?" said Hermione sharply. +They explained what had happened and as the story of the silver doe and the sword in the pool unfolded, Hermione frowned form one to the other of them, concentrating so hard she forgot to keep her limbs locked together. +"But it must have been a Patronus!" she said. "Couldn't you see who was casting it? Didn't you see anyone? And it led you to the sword! I can't believe this! Then what happened?" +Ron explained how he had watched Harry jump into the pool, and had waited for him to resurface; how he had realized that something was wrong, dived in, and saved Harry, then returned for the sword. He got as far as the opening of the locket, then hesitated, and Harry cut in. +"-- and Ron stabbed it with the sword." +"And ... and it went? Just like that?" she whispered. +"Well, it -- it screamed," said Harry with half a glance at Ron. "Here." +He threw the locket into her lap; gingerly she picked it up and examined its punctured windows. +Deciding that it was at last safe to do so, Harry removed the Shield Charm with a wave of Hermione's wand and turned to Ron. +"Did you just say now that you got away from the snatchers with a spare wand?" +"What?" said Ron, who had been watching Hermione examining the locket. "Oh -- oh yeah." +He tugged open a buckle on his rucksack and pulled a short dark wand out of his pocket. "Here, I figured it's always handy to have a backup." +"You were right," said Harry, holding out his hand. "Mine's broken." +"You're kidding?" Ron said, but at that moment Hermione got to her feet, and he looked apprehensive again. +Hermione put the vanquished Horcrux into the beaded bag, then climbed back into her bed and settled down without another word. +Ron passed Harry the new wand. +"About the best you could hope for, I think," murmured Harry. +"Yeah," said Ron. "Could've been worse. Remember those birds she set on me?" +"I still haven't ruled it out," came Hermione's muffled voice from beneath her blankets, but Harry saw Ron smiling slightly as he pulled his maroon pajamas out of his rucksack. +Chapter Twenty +Xenophilius Lovegood +Harry had not expected Hermione's anger to abate over night and was therefore unsurprised that she communicated mainly by dirty looks and pointed silences the next morning. Ron responded by maintaining an unnaturally somber demeanor in her presence as an outward sign of continuing remorse. In fact, when all three of them were together Harry felt like the only non-mourner at a poorly attended funeral. During those few moments he spent alone with Harry, however (collecting water and searching the undergrowth for mushrooms). Ron became shamelessly cheery. "Someone helped us," he kept saying, "Someone sent that doe, Someone's on our side, One Horcrux down, mate!" Bolstered by the destruction of the locket they set to debating the possible locations of the other Horcruxes and even though they had discussed the matter so often before. Harry felt optimistic, certain that more breakthroughs would succeed the first. Hermione's sulkiness could not mar his buoyant spirits; The sudden upswing in their fortunes, the appearance of the mysterious due, the recovery of Gryffindor�s sword, and above all, Ron's return made Harry so happy that it was quite difficult to maintain a straight face. Late in the afternoon he and Ron escaped Hermione's baleful presence again and under the pretense of scouring the bare hedges for nonexistent blackberries, they continued their ongoing exchange of news. Harry had finally managed to tell Ron the whole story of his and Hermione's various wanderings, right up to the full story of what had happened at Godric's Hollow; Ron was now filling Harry in on everything he had discovered about the wider Wizarding world during his weeks away. +"... and how did you find out about the Taboo?" he asked Harry after explaining the many desperate attempts of Muggle-borns to evade the Ministry." "The what?" "You and Hermione have stopped saying You-Know-Who's name!" "Oh, yeah, Well, it's just a bad habit we've slipped into," said Harry. "But I haven't got a problem calling him V ---" "NO!" roared Ron, causing Harry to jump into the hedge and Hermione (nose buried in a book at the tent entrance) to scowl over at them. "Sorry," said Ron, wrenching Harry back out of the brambles, "but the name's been jinxed, Harry, that's how they track people! Using his name breaks protective enchantments, it causes some kind of magical disturbance --- it's how they found us in Tottenham Court Road!" "Because we used his *name*?" "Exactly! You've got to give them credit, it makes sense. It was only people who were serious about standing up to him, like Dumbledore, who even dared use it. Now they've put a Taboo on it, anyone who says it is trackable --- quick-and-easy way to find Order members! They nearly got Kingsley ---" "You're kidding?" "Yeah, a bunch of Death Eaters cornered him, Bill said but he fought his way out. He's on the run now just like us." Ron scratched his chin thoughtfully with the end of his wand. "You don't reckon Kingsley could have sent that doe?" "His Patronus is a lynx, we saw it at the wedding, remember?" "Oh yeah..." They moved farther along the hedge, away from the tent and Hermione. "Harry... you don't reckon it could've been Dumbledore?" "Dumbledore what?" Ron looked a little embarrassed, but said in a low voice, "Dumbledore ... the doe? I mean," Ron was watching Harry out of the corners of his eyes, "he had the real sword last, didn't he? +Harry did not laugh at Ron, because he understood too well the longing behind the question. The idea that Dumbledore had managed to come back to them, that he was watching over them, would have inexpressibly comforting. He shook his head. "Dumbledore�s dead," he said. "I saw it happen, I saw the body. He's definitely gone. Anyway his Patronus was a phoenix, not a doe" "Patronuses can change, though can't they?" said Ron, "Tonks�s changed didn't it?" Yeah, but if Dumbledore was alive, why wouldn't he show himself? Why wouldn't he just hand us the sword? "Search me," said Ron. "Same reason he didn't give it to you while he was alive? Same reason he left you an old Snitch and Hermione a book of kid's stories?" "Which is what?" asked Harry, turning to look Ron full in the face desperate for the answer. "I dunno," said Ron. "Sometimes I've thought, when I've been a bit hacked off, he was having a laugh or --- or he just wanted to make it more difficult, But I don't think so, not anymore. He knew what he was doing when he gave me the Deluminator, didn't he? He -- well," Ron's ears turned bright red and he became engrossed in a tuft of grass at his feet, which he prodded with his toe, "he must've known I'd run out on you." "No," Harry corrected him. "He must've known you'd always want to come back." Ron looked grateful, but still awkward. Partly to change the subject, Harry said, "Speaking of Dumbledore, have you heard what Skeeter wrote about him?" "Oh yeah," said Ron at once, "people are talking about it quite a lot. 'Course, if things were different it'd be huge news, Dumbledore being pals with Grindelwald, but now it's just something to laugh about for people who didn't like Dumbledore, and a bit of a slap in the face for everyone who thought he was such a good bloke. I don't know that it's such a big deal, though. He was really young when they --" "Our age," said Harry, just as he had retorted to Hermione, and something in his face seemed to decide Ron against pursuing the subject. A large spider sat in the middle of a frosted web in the brambles. Harry took aim at it with the wand Ron had given him the previous night, which +Hermione had since condescended to examine, and had decided was made of blackthorn. "*Engorgio*" "The spider gave a little shiver, bouncing slightly in the web. Harry tried again. This time the spider grew slightly larger. "Stop that," said Ron sharply, " I'm sorry I said Dumbledore was young, okay?" Harry had forgotten Ron's hatred of spiders. "Sorry --- *Reducio*" The spider did not shrink. Harry looked down at the blackthorn wand. Every minor spell he had cast with it so far that day had seemed less powerful than those he had produced with his phoenix wand. The new one felt intrusively unfamiliar, like having somebody else's hand sewn to the end of his arm. "You just need to practice," said Hermione, who had approached them noiselessly from behind and had stood watching anxiously as Harry tried to enlarge and reduce the spider. "It�s all a matter of confidence Harry." He knew why she wanted it to be all right; She still felt guilty about breaking his wand. He bit back the retort that sprung to his lips, that she could take the blackthorn wand if she thought it made no difference, and he would have hers instead. Keen for them all to be friends again, however, he agreed; but when Ron gave Hermione a tentative smile, she stalked off and vanished behind her book once more. All three of them returned to the tent when darkness fell, and Harry took first watch. Sitting in the entrance, he tried to make the blackthorn wand levitate small stones at his feet; but his magic still seemed clumsier and less powerful than it had done before. Hermione was lying on her bunk reading, while Ron, after many nervous glances up at her, had taken a small wooden wireless out of his rucksack and started to try to tune it. "There's this one program," he told Harry in a low voice, "that tells the news like it really is. All the others are on You-Know-Who's side and are following the Ministry line, but this one ... you wait till you hear it, it's great. Only they can't do it every night, they have to keep changing locations in case they're raided and you need a password to tune in ... Trouble is, I missed the last one..." +He drummed lightly on the top of the radio with his wand muttering random words under his breath. He threw Hermione many covert glances, plainly fearing an angry outburst, but for all the notice she took of him he might not have been there. For ten minutes or so Ron tapped and muttered, Hermione turned the pages of her book, and Harry continued to practice with the blackthorn wand. Finally Hermione climbed down from her bunk. Ron ceased his tapping at once. "If it's annoying you, I'll stop!" he told Hermione nervously. Hermione did not deign to respond, but approached Harry. "We need to talk," she said. He looked at the book still clutched in her hand. It was * The Life and Lies of Albus Dumbledore.* "What?" he said apprehensively. It flew through his mind that there was a chapter on him in there; he was not sure he felt up to hearing Rita's version of his relationship with Dumbledore. Hermione's answer however, was completely unexpected. "I want to go and see Xenophilius Lovegood." He stared at her. "Sorry?" +"Xenophilius Lovegood, Luna�s father. I want to go and talk to him!" +"er - why?" +She took a deep breath, as though bracing herself, and said, "It�s that mark, the mark in Beedle the Bard. Look at this!" +She thrust The Life and Lies of Albus Dumbledore under Harry�s unwilling eyes and saw a photograph of the original letter that Dumbledore had written Grindelwald, with Dumbledore�s familiar thin, slanting handwriting. He hated seeing absolute proof that Dumbledore really had written those words, that they had not been Rita�s invention. +"The signature," said Hermione. "Look at the signature, Harry!" +He obeyed. For a moment he had no idea what she was talking about, but, looking more closely with the aid of his lit wand, he saw that Dumbledore had replaced the A of Albus with a tiny version of the same triangular mark inscribed upon The Tales of Beedle the Bard. +"Er - what are you -- ?" said Ron tentatively, but Hermione quelled him with a look and turned back to Harry. +"It keeps cropping up, doesn�t it?" she said. "I know Viktor said it was Grindelwald�s mark, but it was definitely on that old grave in Godric�s Hollow, and the +dates on the headstone were long before Grindelwald came along! And now this! Well, we can�t ask Dumbledore or Grindelwald what it means - I don�t even know whether Grindelwald�s still alive - but we can ask Mr. Lovegood. He was wearing the symbol at the wedding. I�m sure this is important, Harry!" +Harry did not answer immediately. He looked into her intense, eager face and then out into the surrounding darkness, thinking. After a long pause he said, "Hermione, we don�t need another Godric�s Hollow. We talked ourselves into going there, and -" +"But it keeps appearing, Harry! Dumbledore left me The Tales of Beedle the Bard, how do you know we�re not supposed to find out about the sign?" +"Here we go again!" Harry felt slightly exasperated. "We keep trying to convince ourselves Dumbledore left us secret signs and clues -" +"The Deluminator turned out to be pretty useful," piped up Ron. "I think Hermione�s right, I think we ought to go and see Lovegood." +Harry threw him a dark look. He was quite sure that Ron�s support of Hermione had little to do with a desire to know the meaning of the triangular rune. +"It won�t be like Godric�s Hollow," Ron added, "Lovegood�s on your side, Harry, The Quibbler�s been for you all along, it keeps telling everyone they�ve got to help you!" +"I�m sure this is important!" said Hermione earnestly. +"But don�t you think if it was, Dumbledore would have told me about it before he died?" +"Maybe . . . maybe it�s something you need to find out for yourself," said Hermione with a faint air of clutching at straws. +"Yeah," said Ron sycophantically, "that makes sense." +"No, it doesn�t," snapped Hermione, "but I still think we ought to talk to Mr. Lovegood. A symbol that links Dumbledore, Grindelwald, and Godric�s Hollow? Harry, I�m sure we ought to know about this!" +"I think we should vote on it," said Ron. "Those in favor of going to see Love good -" +His hand flew into the air before Hermione�s. Her lips quivered suspiciously as she raised her own. +"Outvoted, Harry, sorry," said Ron, clapping him on the back. +"Fine," said Harry, half amused, half irritated. "Only, once we�ve seen Lovegood, let�s try and look for some more Horcruxes, shall we? Where do the Lovegood�s live, anyway? Do either of you know? +"Yeah, they�re not far from my place," said Ron. "I dunno exactly where, but Mum and Dad always point toward the hills whenever they mention them. Shouldn�t be hard to find." +When Hermione had returned to her bunk, Harry lowered his voice. +"You only agreed to try and get back in her good books." +"All�s fair in love and war," said Ron brightly, "and this is a bit of both. Cheer up, it�s the Christmas holidays, Luna�ll be home!" +They had an excellent view of the village of Ottery St. Catchopole from the breezy hillside to which they Disapparated next morning. From their high vantage point the village looked like a collection of toy houses in the great slanting shafts of sunlight stretching to earth in the breaks between clouds. They stood for a minute or two looking toward the Burrow, their hands shadowing their eyes, but all they could make out were +the high hedges and trees of the orchard, which afforded the crooked little house protection from Muggle eyes. +"It�s weird, being this near, but not going to visit," said Ron. +"Well, it�s not like you haven�t just seen them. You were there for Christmas," said Hermione coldly. +"I wasn�t at the Burrow!" said Ron with an incredulous laugh. "Do you think I was going to go back there and tell them all I�d walked out on you? Yeah, Fred and George would�ve been great about it. And Ginny, she�d have been really understanding." +"But where have you been, then?" asked Hermione, surprised. +"Bill and Fleur�s new place. Shell cottage. Bill�s always been decent to me. He - he wasn�t impressed when he heard what I�d done, but he didn�t go on about it. He knew I was really sorry. None of the rest of the family know I was there. Bill told Mum he and Fleur weren�t going home for Christmas because they wanted to spend it alone. You know, first holiday after they were married. I don�t think Fleur minded. You know how much she hates Celestina Warbeck." +Ron turned his back on the Burrow. +"Let�s try up here," he said, leading the way over the top of the hill. +They walked for a few hours, Harry, at Hermione�s insistence, hidden beneath the Invisibility Cloak. The cluster of low hills appeared to be uninhabited apart from one small cottage, which seemed deserted. +"Do you think it�s theirs, and they�ve gone away for Christmas?" said Hermione, peering through the window at a neat little kitchen with geraniums on the windowsill. Ron snorted. +"Listen, I�ve got a feeling you�d be able to tell who lived there if you looked through the Lovegoods� window. Let�s try the next lot of hills." +So they Disapparated a few miles farther north. +"Aha!" shouted Ron, as the wind whipped their hair and clothes. Ron was pointing upward, toward the top of the hill on which they had appeared, where a most strange-looking house rose vertically against the sky, a great black cylinder with a ghostly moon hanging behind it in the afternoon sky. "That�s got to be Luna�s house, who else would live in a place like that? It looks like a giant rook!" +"It�s nothing like a bird," said Hermione, frowning at the tower. +"I was talking about a chess rook," said Ron. "A castle to you." +Ron�s legs were the longest and he reached the top of the hill first. When Harry and Hermione caught up with him, panting and clutching stitches in their sides, they found him grinning broadly. +"It�s theirs," said Ron. "Look." +Three hand-painted signs had been tacked to a broke-down gate. The first read, +THE QUIBBLER. EDITOR, X. LOVEGOOD +the second, +PICK YOUR OWN MISTLETOE +the third, +KEEP OFF THE DIRIGIBLE PLUMS +The gate creaked as they opened it. The zigzagging path leading to the front door was overgrown with a variety of odd plants, including a bush covered in orange radishlike fruit Luna sometimes wore as earrings. Harry thought he recognized a Snargaluff and gave the wizened stump a wide berth. Two aged crab apple trees, bent with the wind, stripped of leaves but still heavy with berry-sized red fruits and bushy crowns of white beaded mistletoe, stood sentinel on either side of the front door. A little owl with a slightly flattened hawklike head peered down at them from one of the branches. +"You�d better take off the Invisibility Cloak, Harry," said Hermione. "It�s you Mr. Lovegood wants to help, not us." +He did as she suggested, handing her the Cloak to stow in the beaded bag. She then rapped three times on the thick black door, which was studded with iron nails and bore a knocker shaped like an eagle. +Barely ten seconds passed, then the door was flung open and there stood Xenophilius Lovegood, barefoot and wearing what appeared to be a stained nightshirt. His long white candyfloss hair was dirty and unkempt. Xenophilius had been positively dapper at Bill and Fleur's wedding by comparison. "What? What is it? Who are you? What do you want?" he cried in a high-pitched, querulous voice, looking first at Hermione, then at Ron, and finally at Harry, upon which his mouth fell open in a perfect, comical O. "Hello, Mr. Lovegood," said Harry, holding out his hand, "I'm Harry, Harry Potter." Xenophilius did not take Harry's hand, although the eye that was not pointing inward at his nose slid straight to the scar on Harry's forehead. "Would it be okay if we came in?" asked Harry. "There's something we'd like to ask you." "I . . . I'm not sure that's advisable," whispered Xenophilius, He swallowed and cast a quick look around the garden. "Rather a shock . . . My word . . . I . . . I'm afraid I don't really think I ought to ---" "It wont take long" said Harry, slightly disappointed by this less-than-warm welcome. "I --- oh, all right then. Come in, quickly, Quickly!" They were barely over the threshold when Xenophilius slammed the door shut behind them, They were standing in the most peculiar kitchen Harry had ever seen. The room was perfectly circular, so that he felt like being inside a giant pepper pot. Everything was curved to fit the walls - the stove, the sink, and the cupboards - and all of it had been painted with flowers, insects, and birds in bright primary colors. Harry thought he recognized Luna's styles. The effect in such and enclosed space, was slightly overwhelming. In the middle of the floor, a wrought-iron spiral staircase ld to the upper levels. There was a great deal of clattering and banging coming from overhead: Harry wondered what Luna could be doing. "You'd better come up." said Xenophilius, still looking extremely uncomfortable, and he led the way. The room above seemed to be a combination of living room and workplace, +and as such, was even more cluttered than the kitchen. Though much smaller and entirely round, the room somewhat resembled the Room of Requirement on the unforgettable occasion that it had transformed itself into a gigantic labyrinth comprised of centuries of hidden objects. There were piles upon piles of books and papers on every surface. Delicately made models of creatures Harry did not recognize, all flapping wings or snapping jaws, hung from the ceiling. Luna was not there: The thing that was making such a racket was a wooden object covered in magically turning cogs and wheels, It looked like the bizarre offspring of a workbench and a set of shelves, but after a moment Harry deduced that it was an old-fashioned printing press, due to the fact that it was churning out Quibblers. "Excuse me," said Xenophilius, and he strode over to the machine, seized grubbily tablecloth from beneath an immense number of books and papers, which all tumbled onto the floor, and threw it over the press, somewhat muffling the loud bangs and clatters. He then faced Harry. "Why have you come here?" Before Harry could speak, however, Hermione let out a small cry of shock. "Mr. Lovegood - what's that?" See was pointing at an enormous, gray spiral horn, not unlike that of a unicorn, which had been mounted on the wall, protruding several feet into the room. "It is the horn of a Crumple-Horned Snorkack," said Xenophilius. "No it isn't!" said Hermione. "Hermione," muttered Harry, embarrassed, "now's not the moment -" "But Harry, it's an Erumpent horn! It's a Class B Tradeable Material and it's an extraordinary dangerous thing to have in a house!" "How'd you know it's an Erumpent horn?" asked Ron, edging away from the horn as fast as he could, given the extreme clutter of the room. "There's a description in Fantastic Beasts and Where to Find Them! Mr. Lovegood, you need to get rid of it straightaway, don't you know it can explode at the slightest touch?" "The Crumple Horned Snorkack" said Xenophilius very clearly, a mulish look upon his face, "is a shy and highly magical creature, and it's horn -" "Mr. Lovegood. I recognize the grooved markings around the base, that's an Erumpent horn and it's incredibly dangerous - I don't know where you got it-" "I bought it," said Xenophilius dogmatically. "Two weeks ago, from a delightful young wizard who knew my interest in the exquisite Snorkack. A Christmas surprise for my Luna. Now," he said, turning to Harry, "why exactly have you come here, Mr. Potter?" "We need some help," said Harry, before Hermione could start again. "Ah," said Xenophilius, "Help, Hmm." His good eye moved again to Harry's scar. He seemed simultaneously terrified and mesmerized. "Yes. The thing is ... helping Harry Potter ... rather dangerous..." +"Aren't you the one who keeps telling everyone it's their first duty to help Harry?" said Ron. "In that magazine of yours?" Xenophilius glanced behind him at the concealed printing press, still banging and clattering beneath the tablecloth. "Er - yes, I have expressed that view. however -" "That's for everyone else to do, not you personally?" said Ron. Xenophilius did not answer. He kept swallowing, his eyes darting between the three of them. Harry had the impression that he was undergoing some painful internal struggle. "Where's Luna?" asked Hermione. "Let's see what she thinks." Xenophilius gulped. He seemed to be steeling himself. Finally he said in a shaky voice difficult to hear over the noise of the printing press, "Luna is down at the stream, fishing for Freshwater Plimpies. She...she will like to see you. I'll go and call her and then - yes, very well. I shall try to help you." He disappeared down the spiral staircase and they heard the front open and close. They looked at each other. "Cowardly old wart," said Ron. "Luna's got ten times his guts." "He's probably worried about what'll happen to them if the Death Eaters find out I was here" said Harry. "Well, I agree with Ron, " said Hermione, "Awful old hypocrite, telling everyone else to help you and trying to worm our of it himself. And for heaven's sake keep away from that horn." Harry crossed to the window on the far side of the room. He could see a stream, a thin, glittering ribbon lying far below them at the base of the hill. They were very high up; a bird fluttered past the window as he stared in the direction of the Burrow, now invisible beyond another line of hills. Ginny was over there somewhere. They were closer to each other today than they had been since Bill and Fleur's wedding, but she could have no idea he was gazing toward her now, thinking of her. He suppose he ought to be glad of it; anyone he came into contact with was in danger, Xenophilius's attitude proved that. he turned away from the windows and his gaze fell upon another peculiar object standing upon the cluttered, curved slide board; a stone but of a beautiful but austere-looking witch wearing a most bizarre-looking headdress. Two objects that resembled golden ear trumpets curved out from the sides. A tiny pair of glittering blue wing was stuck to a leather strap that ran over the top of her head, while one of the orange radishes had been stuck to a second strap around her forehead. "Look at this," said Harry. "Fetching," said Ron. "Surprised he didn't hear that to the wedding." They heard the front door close, and a moment later Xenophilius climbed back up the spiral staircase into the room, his thin legs now encase in Wellington boots, bearing a tray of ill-assorted teacups and a steaming teapot. "Ah, you have spotted my pet invention," he said, shoving the tray into +Hermione's arms and joining Harry at the statue's side. "Modeled, fittingly enough, upon the head of the beautiful Rowens Ravenclaw, 'Wit beyond measure is a man's greatest treasure!'" He indicated the objects like ear trumpets. "These are the Wrackpurt siphons - to remove all sources of distraction from the thinker's immediate area. Here, "he pointed out the tiny wings, "a billywig propeller, to induce an elevated frame of mind. Finally, "he pointed to the orange radish, "the dirigible Plum, so as to enhance the ability to accept the extraordinary." Xenophilius strode back to the tea tray, which Hermione had managed to balance precariously on one of the cluttered side tables. "May I offer you all an infusion of Gurdyroots?" said Xenophilius. "We make it ourselves." As he started to pour out the drink, which was as deeply purple as beetroot juice, he added, "Luna is down beyond Bottom Bridge, she is most excited that you are here She ought not to be too long, she has caught nearly enough Plumpies to make soup for all of us. Do sit down and help yourselves to sugar. "Now," he remove a tottering pile of papers from an armchair and sat down, his Wellingtoned legs crossed, "how may I help you, Mr. Potter?" "Well," said Harry, glancing at Hermione, who nodded encouragingly, "it's about that symbol you were wearing around your neck at Bill and Fleur's wedding, Mr. Lovegood. We wondered what it meant." Xenophilius raised his eyebrows. "Are you referring to the sign of the Deathly Hallows?" +Chapter Twenty-One +The Tale of the Three Brothers +Harry turned to look at Ron and Hermione. Neither of them seemed to have understood what Xenophilius had said either. +"The Deathly Hallows?" +"That's right," said Xenophilius. "You haven't heard of them? I'm not surprised. Very, very few wizards believe. Witness that knuckle-headed young man at your brother's wedding," he nodded at Ron, "who attacked me for sporting the symbol of a well-known Dark wizard! Such ignorance. There is nothing Dark about the Hallows - at least not in that crude sense. One simply uses the symbol to reveal oneself to other believers, in the hope that they might help one with the Quest." +He stirred several lumps of sugar into his Gurdyroot infusion and drank some. +"I'm sorry," said Harry, "I still don't really understand." +To be polite, he took a sip from his cup too, and almost gagged: The stuff was quite disgusting, as though someone had liquidized bogey-flavored Every Flavor Beans. +"Well, you see, believers seek the Deathly Hallows," said Xenophilius, smacking his lips in apparent appreciation of the Gurdyroot infusion. +"But what are the Deathly Hallows?" asked Hermione. +Xenophilius set aside his empty teacup. +"I assume that you are familiar with 'The Tale of the Three Brothers'?" +Harry said, "No," but Ron and Hermione both said, "Yes." Xenophilius nodded gravely. +"Well, well, Mr. Potter, the whole thing starts with 'The Tale of the Three Brothers' . . . I have a copy somewhere . . ." +He glanced vaguely around the room, at the piles of parchment and books, but Hermione said, "I've got a copy, Mr. Lovegood, I've got it right here." +And she pulled out The Tales of Beedle the Bard from the small, beaded bag. +"The original?" inquired Xenophilius sharply, and when she nodded, he said, "Well then, why don't you read it out aloud? Much the best way to make sure we all understand." +"Er. . . all right," said Hermione nervously. She opened the book, and Harry saw that the symbol they were investigating headed the top of the page as she gave a little cough, and began to read. +"'There were once three brothers who were traveling along a lonely, winding road at twilight -'" +"Midnight, our mum always told us," said Ron, who had stretched out, arms behind his head, to listen. Hermione shot him a look of annoyance. +"Sorry, I just think it's a bit spookier if it's midnight!" said Ron. +"Yeah, because we really need a bit more fear in our lives," said Harry before he could stop himself. Xenophilius did not seem to be paying much attention, but was staring out of the window at the sky. "Go on, Hermione." +"In time, the brothers reached a river too deep to wade through and too dangerous to swim across. However, these brothers were learned in the magical arts, and so they simply waved their wands and made a bridge appear across the treacherous water. They were halfway across it when they found their path blocked by a hooded figure. +"'And Death spoke to them -'" +"Sorry," interjected Harry, "but Death spoke to them?" +"It's a fairy tale, Harry!" +"Right, sorry. Go on." +"'And Death spoke to them. He was angry that he had been cheated out of the three new victims, for travelers usually drowned in the river. But Death was cunning. He pretended to congratulate the three brothers upon their magic, and said that each had earned a prize for having been clever enough to evade him. +"'So the oldest brother, who was a combative man, asked for a wand more powerful than any in existence: a wand that must always win duels for its owner, a wand worthy of a wizard who had conquered Death! So Death crossed to an elder tree on the banks of the river, fashioned a wand from a branch that hung there, and gave it to the oldest brother. +"'Then the second brother, who was an arrogant man, decided that he wanted to humiliate Death still further, and asked for the power to recall others from Death. So +Death picked up a stone from the riverbank and gave it to the second brother, and told him that the stone would have the power to bring back the dead. +"'And then Death asked the third and youngest brother what he would like. The youngest brother was the humblest and also the wisest of the brothers, and he did not trust Death. So he asked for something that would enable him to go forth from that place without being followed by Death. And Death, most unwillingly, handed over his own Cloak of Invisibility.'" +"Death's got an Invisibility Cloak?" Harry interrupted again. +"So he can sneak up on people," said Ron. "Sometimes he gets bored of running at them, flapping his arms and shrieking . . . sorry, Hermione." +"'Then Death stood aside and allowed the three brothers to continue on their way, and they did so talking with wonder of the adventure they had had and admiring Death's gifts. +"'In due course the brothers separated, each for his own destination. +"'The first brother traveled on for a week more, and reaching a distant village, sought out a fellow wizard with whom he had a quarrel. Naturally, with the Elder Wand as his weapon, he could not fail to win the duel that followed. Leaving his enemy dead upon the floor the oldest brother proceeded to an inn, where he boasted loudly of the powerful wand he had snatched from Death himself, and of how it made him invincible. +"'That very night, another wizard crept upon the oldest brother as he lay, wine-sodden upon his bed. The thief took the wand and for good measure, slit the oldest brother's throat. +"'And so Death took the first brother for his own. +"'Meanwhile, the second brother journeyed to his own home, where he lived alone. Here he took out the stone that had the power to recall the dead, and turned it thrice in his hand. To his amazement and his delight, the figure of the girl he had once hoped to marry, before her untimely death, appeared at once before him. +"'Yet she was sad and cold, separated from him as by a veil. Though she had returned to the mortal world, she did not truly belong there and suffered. Finally the second brother, driven mad with hopeless longing, killed himself so as to truly join her. +"'And so Death took the second brother from his own. +"'But though Death searched for the third brother for many years, he was never able to find him. It was only when he had attained a great age that the youngest brother finally took off the Cloak of Invisibility and gave it to his son. And the he greeted Death as an old friend, and went with him gladly, and, equals, they departed this life.'" +Hermione closed the book. It was a moment or two before Xenophilius seemed to realize that she had stopped reading; then he withdrew his gaze from the window and said: "Well, there you are." +"Sorry?" said Hermione, sounding confused. +"Those are the Deathly Hallows," said Xenophilius. +He picked up a quill from a packed table at his elbow, and pulled a torn piece of parchment from between more books. +"The Elder Wand," he said, and drew a straight vertical line upon the parchment. "The Resurrection Stone," he said, and added a circle on top of the line. "The Cloak of Invisibility," he finished, enclosing both line and circle in a triangle, to make the symbols that so intrigued Hermione. "Together," he said, "the Deathly Hallows." +"But there's no mention of the words 'Deathly Hallows' in the story," said Hermione. +"Well, of course not," said Xenophilius, maddeningly smug. "That is a children's tale, told to amuse rather than to instruct. Those of us who understand these matters, however, recognize that the ancient story refers to three objects, or Hallows, which, if united, will make the possessor master of Death." +There was a short silence in which Xenophilius glanced out of the window. Already the sun was low in the sky. +"Luna ought to have enough Plimpies soon," he said quietly. +"When you say 'master of Death' -"said Ron. +"Master," said Xenophilius, waving an airy hand. "Conqueror. Vanquisher. Whichever term you prefer." +"But then . . . do you mean . . ." said Hermione slowly, and Harry could tell that she was trying to keep any trace of skepticism out of her voice, "that you believe these objects - these Hallows - really exist?" +Xenophilius raised his eyebrows again. +"Well, of course." +"But," said Hermione, and Harry could hear her restraint starting to crack, "Mr. Lovegood, how can you possibly believe - ?" +"Luna has told me all about you, young lady," said Xenophilius. "You are, I gather, not unintelligent, but painfully limited. Narrow. Close-minded." +"Perhaps you ought to try on the hat, Hermione," said Ron, nodding toward the ludicrous headdress. His voice shook with the strain of not laughing. +"Mr. Lovegood," Hermione began again, "We all know that there are such things as Invisibility Cloaks. They are rare, but they exist. But -" +"Ah, but the Third Hallow is a true Cloak of Invisibility, Miss Granger! I mean to say, it is not a traveling cloak imbued with a Disillusionment Charm, or carrying a Bedazzling Hex, or else woven from Demiguise hair, which will hide one initially but fade with the years until it turns opaque. We are talking about a cloak that really and truly renders the wearer completely invisible, and endures eternally, giving constant and impenetrable concealment, no matter what spells are cast at it. How many cloaks have you ever seen like that, Miss Granger?" +Hermione opened her mouth to answer, then closed it again, looking more confused than ever. She, Harry and Ron glanced at one another, and Harry knew that they were all thinking the same thing. It so happened that a cloak exactly like the one Xenophilius had just described was in the room with them at that very moment. +"Exactly," said Xenophilius, as if he had defeated them all in reasoned argument. "None of you have ever seen such a thing. The possessor would be immeasurably rich, would he not?" +He glanced out of the window again. The sky was now tinged with the faintest trace of pink. +"All right," said Hermione, disconcerted. "Say the Cloak existed. . . what about that stone, Mr. Lovegood? The thing you call the Resurrection Stone?" +"What of it?" +"Well, how can that be real?" +"Prove that is not," said Xenophilius. +Hermione looked outraged. +"But that's - I'm sorry, but that's completely ridiculous! How can I possibly prove it doesn't exist? Do you expect me to get hold of - of all the pebbles in the world and test them? I mean, you could claim that anything's real if the only basis for believing in it is that nobody's proved it doesn't exist!" +"Yes, you could," said Xenophilius. "I am glad to see that you are opening your mind a little." +"So the Elder Wand," said Harry quickly, before Hermione could retort, "you think that exists too?" +"Oh, well, in that case there is endless evidence," said Xenophilius. "The Elder Wand is the Hallow that is most easily traced, because of the way in which it passes from hand to hand." +"Which is what?" asked Harry. +"Which is that the possessor of the wand must capture it from its previous owner, if he is to be truly master of it," said Xenophilius. "Surely you have heard of the way the wand came to Egbert the Egregious, after his slaughter of Emeric the Evil? Of how Godelot died in his own cellar after his son, Hereward, took the wand from him? Of the dreadful Loxias, who took the wand from Baraabas Deverill, whom he had killed? The bloody trail of the Elder Wand is splattered across the pages of Wizarding history." +Harry glanced at Hermione. She was frowning at Xenophilius, but she did not contradict him. +"So where do you think the Elder Wand is now?" asked Ron. +"Alas, who knows?" said Xenophilius, as he gazed out of the window. "Who knows where the Elder Wand lies hidden? The trail goes cold with Arcus and Livius. Who can say which of them really defeated Loxias, and which took the wand? And who can say who may have defeated them? History, alas, does not tell us." +There was a pause. Finally Hermione asked stiffly, "Mr. Lovegood, does the Peverell family have anything to do with the Deathly Hallows?" +Xenophilius looked taken aback as something shifted in Harry's memory, but he could not locate it. Peverell. . . he had heard that name before. . . +"But you have been misleading me, young woman!" said Xenophilius, now sitting up much straighter in his chair and goggling at Hermione. "I thought you were new to the Hallows Quest! Many of us Questers believe that the Peverells have everything - everything! - to do with the Hallows!" +"Who are the Peverells?" asked Ron. +"That was the name on the grave with the mark on it, in Godric's Hollow," said Hermione, still watching Xenophilius. "Ignotus Peverell." +"Exactly!" said Xenophilius, his forefinger raised pedantically. "The sign of the Death Hallows on Ignotus's grave is conclusive proof!" +"Of what?" asked Ron. +"Why, that the three brothers in the story were actually the three Peverell brothers, Antioch, Cadmus and Ignotus! That they were the original owners of the Hallows!" +With another glance at the window he got to his feet, picked up the tray, and headed for the spiral staircase. +"You will stay for dinner?" he called, as he vanished downstairs again. "Everybody always requests our recipe for Freshwater Plimply soup." +"Probably to show the Poisoning Department at St. Mungo's," said Ron under his breath. +Harry waited until they could hear Xenophilius moving about in the kitchen downstairs before speaking. +"What do you think?" he asked Hermione. +"Oh, Harry," she said wearily, "it's a pile of utter rubbish. This can't be what the sign really means. This must just be his weird take on it. What a waste of time." +"I s'pose this is the man who brought us Crumple-Horned Snorkacks," said Ron. +"You didn't believe it either?" Harry asked him. +"Nah, that story's just one of those things you tell kids to teach them lessons, isn't it? 'Don't go looking for trouble, don't go pick fights, don't go messing around with stuff that's best left alone! Just keep your head down, mind your own business, and you'll be okay. Come to think of it," Ron added, "maybe that story's why elder wands are supposed to be unlucky." +"What are you talking about?" +"One of those superstitions, isn't it? 'May-born witches will marry Muggles.' 'Jinx by twilight, undone by midnight.' 'Wand of cider, never prosper.' You must have heard them. My mum's full of them." +"Harry and I were raised by Muggles," Hermione reminded him. "We were taught different superstitions." She sighed deeply as a rather pungent smell drifted up from the kitchen. The one good thing about her exasperation with Xenophilius was that it seemed to have made her forget that she was annoyed at Ron. "I think you're right," she told him. "It's just a morality tale, it's obvious which gift is best, which one you'd choose -" +The three of them spoke at the same time: Hermione said, "the Cloak," Ron said, "the wand," and Harry said, "the stone." +They looked at each other, half surprised, half amused. +"You're supposed to say the Cloak," Ron told Hermione, "but you wouldn't need to be invisible if you had the wand. An unbeatable wand, Hermione, come on!" +"We've already got an Invisibility Cloak," said Harry, "And it's helped us rather a lot, in case you hadn't noticed!" said Hermione. "Whereas the wand would be bound to attract trouble--" "Only if you shouted about it," argued Ron. "Only if you were prat enough to go dancing around waving it over your head, and singing, 'I've got an unbeatable want, come and have a go if you think you're hard enough.' As long as you kept your trap shut --" -Yes, but could you keep your trap shut?" said Hermione, looking skeptical. "You know the only true thing he said to us was that there have been stories about extra-powerful wands for hundreds of years." "There have?" asked Harry. Hermione looked exasperated: The expression was so endearingly familiar that Harry and Ron grinned at each other. "The Deathstick, the Wand of Destiny, they crop up under different names through the centuries, usually in the possession of some Dark wizard who�s boasting about them. Professor Binns mentioned some of them, but -- oh it's all nonsense. Wands are only as powerful as the wizards who use them. Some wizards just like to boast that theirs are bigger and better than other people's" +"But how do you know," said Harry, "that those wants -- the Deathstick, and the Wand of Destiny -- aren't the same want, surfacing over the centuries under different names?" "What if they're all really the Elder Wand, made by Death?" said Ron. Harry laughed: The strange idea that had occurred to him was after all, ridiculous. His wand, he reminded himself, had been of holly, not elder, and it had been made by Ollivander, whatever it had done that night Voldemort had pursued him across the skies and if it had been unbeatable, how could it have been broken? "So why would you take the stone?" Ron asked him. "Well, if you could bring people back, we could have Sirius...Mad-Eye...Dumbledore...my parents..." Neither Ron nor Hermione smiled. "But according to Beedle the Bard, they wouldn't want to come back, would they?" said Harry, thinking about the tail they had just heard. "I don't suppose there have been loads of other stories about a stone that can raise the dead, have there?: he asked Hermione. "No," she replied sadly. "I don't think anyone except Mr. Lovegood could kid themselves that's possible. Beedle probably took the idea from the Sorcerer's Stone; you know, instead of a stone to make you immortal, a stone to reverse death." The smell from the kitchen was getting stronger. It was something like burning underpants. Harry wondered whether it would be possible to eat enough of whatever Xenophilius was cooking to spare his feelings. "What about the Cloak, though?" said Ron slowly. "Don't you realize, he's right? I've got so used to Harry's Cloak and how good it is, I never stopped to think. I've never heard of one like Harry's. It's infallible. We've never been spotted under it --" "Of course not -- we're invisible when we're under it, Ron!" "But all the stuff he said about other cloaks, and they're not exactly ten a Knut, you know, is true! It's never occurred to me before but I've heard stuff about charms wearing off cloaks when they get old, or them being ripped apart by spells so they've got holes, Harry's was owned by his dad, so it's not exactly new, is it, but it's just ... perfect!" "Yes, all right, but Ron, the stone..." As they argued in whispers, Harry moved around the room, only half listening. Reaching the spiral stair, he raised his eyes absently to the next level and was distracted at once. His own face was looking back at him from the ceiling of the room above. After a moment's bewilderment, he realized that it was not a mirror, but a painting. Curious, he began to clime the stairs. "Harry, what are you doing? I don't think you should look around when he's not here!" But Harry had already reached the next level. Luna had decorated her bedroom ceiling with five beautifully painted faces: Harry, Ron, Hermione, Ginny, and Neville. They were not moving as the portraits at Hogwarts moved, but there was a certain magic about them all the same. Harry thought they breathed. What appeared to be a fine golden chains wove around the pictures linking them together, but after examining them for a minute or so, Harry realized that the chains were actually one work repeated a thousand times in golden ink: friends... friends... friends... Harry felt a great rush of affection for Luna. He looked around the room. There was a large photograph beside the bed, of a young Luna and a woman who looked very like her. They were hugging. Luna looked rather better-groomed in this picture than Harry had ever seen her in life. The picture was dusty. This struck Harry as slightly odd. He stared +around. Something was wrong. The pale blue carpet was also thick with dust. There were no clothes in the wardrobe, whose doors stood ajar. The bed had a cold, unfriendly look, as though it had not been slept in for weeks. A single cobweb stretched over the nearest window across the blood red sky. "What's wrong?" Hermione asked as Harry descended the staircase, but before he could respond, Xenophilius reached the top of the stairs from the kitchen, now holding a tray laden with bowls. "Mr. Lovegood," said Harry. "Where's Luna?" "Excuse me?" "Where's Luna?" Xenophilius halted on the top step. "I -- I've already told you. She is down at the Botions Bridge fishing for Plimpies." "So why have you only laid that tray for four?" Xenophilius tried to speak, but no sound came out. The only noise was the continued chugging of the printing press, and a slight rattle from the tray as Xenophilius's hands shook. "I don't think Luna's been here for weeks." said Harry. "Her clothes are gone, her bed hasn't been slept in. Where is she? and why do you keep looking out of the window?" Xenophilius dropped the tray. The bowls bounced and smashed Harry, Ron, and Hermione drew their wands. Xenophilius froze his hand about to enter his pocket. At that moment the printing press have a huge bank and numerous Quibblers came streaming across the floor from underneath the tablecloth, the press fell silent at last. Hermione stooped down and picked up one of the magazines, her wand still pointing at Mr. Lovegood. "Harry, look at this" He strode over to her as quickly as he could through all the clutter. The front of the Quibbler carried his own picture, emblazoned with the words "Undesirable Number One" and captioned with the reward money. "The Quibbler's going for a new angle, then?: Harry asked coldly, his mind working very fast. "Is that what you were doing when you went into the garden, Mr. Lovegood? Sending an owl to the Ministry? Xenophilius licked his lips "They took my Luna," he whispered, "Because of what I've been writing. They took my Luna and I don't know where she is, what they've done to her. But they might give her back to me if I -- If I--" "Hand over Harry?" Hermione finished for him. "No deal." said Ron flatly. "Get out of the way, we're leaving." Xenophilius looked ghastly, a century old, his lips drawn back into a dreadful leer. "They will be here any moment. I must save Luna. I cannot lose Luna. You must not leave." He spread his arms in front of the staircase, and Harry had a sudden vision of his mother doing the same thing in front of his crib. "Don't make us hurt you," Harry said. "Get out of the way, Mr. Lovegood." "HARRY!" Hermione screamed. Figures on broomsticks were flying past the windows. As the three of them looked away from him. Xenophilius drew his wand. Harry realized their mistake just in time. He launched himself sideways, shoving Ron and Hermione out of harm's way as +Xenophilius's Stunning Spell soared across the room and hit the Erumpent horn. There was a colossal explosion. The sound of it seemed to blow the room apart. Fragments of wood and paper and rubble flew in all directions, along with an impenetrable cloud of thick white dust. Harry flew through the air, then crashed to the floor, unable to see as debris rained upon him, his arms over his head. He heard Hermione's scream, Ron's yell, and a series of sickening metallic thuds which told him that Xenophilius had been blasted off his feet and fallen backward down the spiral stairs. Half buried in rubble, Harry tried to raise himself. He could barely breathe or see for dust. Half of the ceiling had fall in and the end of Luna's bead was hanging through the hole. The bust of Rowena Ravenclaw lay beside him with half its face missing fragments of torn parchment were floating through the air, and most of the printing press lay on its side, blocking the top of the staircase to the kitchen. Then another white shape moved close by, and Hermione, coated in dust like a second statue, pressed his finger to her lips. The door downstairs crashed open. "Didn't I tell you there was no need to hurry, Travers?" said a rough voice. "Didn't I tell you this nutter was just raving as usual?" There was a bang and a scream of pain from Xenophilius. "No...no...upstairs...Potter!" "I told you last week Lovegood, we weren't coming back for anything less than some solid information! Remember last week? When you wanted to swap your daughter for that stupid bleeding headdress? And the week before" -- Another bang, another squeal -- "When you thought we'd give her back if you offered us proof there are Cumple" -- Bang -- "Headed"--bang--"Snorkacks?" "No -- no -- I beg of you!" sobbed Xenophilius. "It really is Potter, Really!" "And now it turns out you only called us here to try and blow us up!" roared the Death Eater, and there was a volley of bangs interspersed with squeals of agony from Xenophilius. "The place looks like it's about to fall in, Selwyn," said a cool second voice, echoing up the mangled staircase. "The stairs are completely blocked. Could try clearing it? Might bring the place down." "You lying piece of filth." shouted the wizard named Selwyn. "You have never seen Potter in your life, have you? Thought you'd lure us here to kill us, did you? And you think you'll get your girl back like this?" "I swear...I swear...Potter's upstairs!" "Homenum revelio." said the voice at the foot of the stairs. Harry heard Hermione gasp, and he had the odd sensation something was swooping low over him, immersing his body in its shadow. "There's someone up there all right, Selwyn," said the second man sharply. "It's Potter, I tell you, it's Potter!" sobbed Xenophilius. "Please...please...give me Luna, just let me have Luna..." "You can have your little girl, Lovegood," said Selwyn, "if you get up those stairs and bring me down Harry Potter. But if this is a plot, if it's a trick, if you've got an accomplice waiting up there to ambush us, we'll see if we can spare a bit of your daughter for you to bury." Xenophilius gave a wail of fear and despair. There were scurryings and scrapings. Xenophilius was trying to get through the debris on the stairs. +"Come on," Harry whispered, "we've got to get out of here." He started to dig himself out under cover of all the noise Xenophilius was making on the staircase. Ron was buried the deepest. Harry and Hermione climbed, as quietly as they could, over all the wreckage to where he lay, trying to prise a heavy chest of drawers off his legs. While Xenophilius banging and scraping drew nearer and nearer, Hermione managed to free Ron with the use of a Hover Charm. "All right." breathed Hermione, as the broken printing press blocking the top of the stairs begin to tremble. Xenophilius was feet away from them. She was still white with dust. "Do you trust me Harry?" Harry nodded. "Okay then." Hermione whispered. "give me the invisibility Cloak. Ron, you're going to put it on." "Me? But Harry --" "Please, Ron! Harry, hold on tight to my hand, Ron grab my shoulder." Harry held out his left hand. Ron vanished beneath the Cloak. The printing press blocking the stairs was vibrating. Xenophilius was trying to shift it using a Hover Charm. Harry did not know what Hermione was waiting for. "Hold tight" she whispered. "Hold tight...any second..." Xenophilius's paper-white face appeared over the top of the sideboard. "Obliviate!" cried Hermione, pointing her want first into his face then at the floor beneath them. "Deprimo!" She had blasted a hole in the sitting room floor. They fell like boulders. Harry still holding onto her hand for dear life, there was a scream from below, and he glimpsed two men trying to get out of the way as vast quantities of rubble and broken furniture rained all around them from the shattered ceiling. Hermione twisted in midair and thundering of the collapsing house rang in Harry's ears as she dragged him once more into darkness. +Chapter Twenty-Two +The Deathly Hallows +Harry fell, panting, onto grass and scrambled up at once. They seemed to have landed in the corner of a field at dusk; Hermione was already running in a circle around them, waving her wand. +"Protego Totalum...Salvio Hexia..." +"That treacherous old bleeder." Ron panted, emerging from beneath the Invisibility Cloak and throwing it to Harry. "Hermione you�re a genius, a total genius. I can�t believe we got out of that." +"Cave Inimicum...Didn�t I say it was an Frumpent horn, didn�t I tell him? And now his house has been blown apart!" +"Serves him right," said Ron, examining his torn jeans and the cuts to his legs, "What�d you reckon they�ll do to him?" +"Oh I hope they don�t kill him!" groaned Hermione, "That�s why I wanted the Death Eaters to get a glimpse of Harry before we left, so they knew Xenophilius hadn�t been lying!" +"Why hide me though?" asked Ron. +"You�re supposed to be in bed with spattergrolt, Ron! They�ve kidnapped Luna because her father supported Harry! What would happen to your family if they knew you�re with him?" +"But what about your mum and dad?" +"They�re in Australia," said Hermione, "They should be all right. They don�t know anything." +"You�re a genius," Ron repeated, looking awed. +Yeah, you are, Hermione," agreed Harry fervently. "I don�t know what we�d do without you." +She beamed, but became solemn at once. +"What about Luna?" +"Well, if they�re telling the truth and she�s still Alive ---" began Ron. +"Don�t say that, don�t say it!" squealed Hermione. "She must be alive, she must!" +"Then she�ll be in Azkaban, I expect," said Ron. "Whether she survives the place, though...Loads don�t..." +"She will," said Harry. He could not bear to contemplate the alternative. "She�s tough, Luna, much tougher than you�d think. She�s probably teaching all the inmates about Wrackspurts and Nargles." +"I hope you�re right," said Hermione. She passed a hand over her eyes. "I�d feel so sorry for Xenophilius if ---" +"---if he hadn�t just tried to sell us to the Death Eaters, yeah," said Ron. +They put up the tent and retreated inside it, where Ron made them tea. After their narrow escape, the chilly, musty old place felt like home: safe, familiar, and friendly. +"Oh, why did we go there?" groaned Hermione after a few minutes� silence. "Harry, you were right, it was Godric�s Hollow all over again, a complete waste of time! The Deathly Hallows...such rubbish...although actually," a sudden thought seemed to have struck her, "he might have made it all up, mightn�t he? He probably doesn�t believe in the Deathly Hallows at all, he just wanted to keep us talking until the Death Eaters arrived!" +"I don�t think so," said Ron. "It�s a damn sight harder making stuff up when you�re under stress than you�d think. I found that out when the Snatchers caught me. It was much easier pretending to be Stan, because I knew a bit about him, than inventing a whole new person. Old Lovegood was under loads of pressure, trying to make sure we stayed put. I reckon he told us the truth, or what he thinks is the truth, just to keep us talking." +"Well, I don�t suppose it matters," sighed Hermione. "Even if he was being honest, I never heard such a lot of nonsense in all my life." +"Hang on, though," said Ron. "The Chamber of Secrets was supposed to be a myth, wasn�t it?" +"But the Deathly Hallows can�t exist, Ron!" +"You keep saying that, but one of them can," said Ron. "Harry�s Invisibility Cloak ---" +"The Tale of the Three Brothers� is a story," said Hermione firmly. "A story about how humans are frightened of death. If surviving was as simple as hiding under the Invisibility Cloak, we�d have everything we need already!" +"I don�t know. We could do with an unbeatable wand," said Harry, turning the blackthorn wand he so disliked over in his fingers. +"There�s no such thing, Harry!" +"You said there have been loads of wands --- the Deathstick and whatever they were called ---" +"All right, even if you want to kid yourself the Elder Wand�s real, what about the Resurrection Stone?" Her fingers sketched quotation marks around the name, and her tone dripped sarcasm. "No magic can raise the dead, and that�s that!" +"When my wand connected with You-Know-Who�s, it made my mum and dad appear...and Cedric..." +"But they weren�t really back from the dead, were they?" said Hermione. "Those kind of ---of pale imitations aren�t the same as truly bringing someone back to life." +"But she, the girl in the tale, didn�t really come back, did she? The story says that once people are dead, they belong with the dead. But the second brother still got to see her and talk to her, didn�t he? He even lived with her for a while..." +He saw concern and something less easily definable in Hermione�s expression. Then, as she glanced at Ron, Harry realized that it was fear: He had scared her with his talk of living with dead people. +"So that Peverell bloke who�s buried in Godric�s Hollow," he said hastily, trying to sound robustly sane, "you don�t know anything about him, then?" +"No," she replied, looking relieved at the change of subject. "I looked him up after I saw the mark on his grave; if he�d been anyone famous or done anything important, I�m sure he�d be in one of our books. The only place I�ve managed to find the name �Peverell� Is Nature�s Nobility: A Wizarding Genealogy. I borrowed it from Kreacher," she explained as Ron raised his eyebrows. "It lists the pure-blood families that are now extinct in the male line. Apparently the Peverells were one of the earliest families to vanish." +"Extinct in the male line?" repeated Ron. +"It means the name died out," said Hermione, "centuries ago, in the case of the Peverells. They could still have descendents, though, they�d just be called something different." +And then it came to Harry in one shining piece, the memory that had stirred at the sound of the name "Peverell": a filthy old man brandishing an ugly ring in the face of a Ministry official, and he cried aloud, "Marvolo Gaunt!" +"Sorry said Ron and Hermione together. +"Marvolo Gaunt! You-Know-Who�s grandfather! In the Pensieve! With Dumbledore! Marvolo Gaunt said he was descended from the Peverells!" +Ron and Hermione looked bewildered. +"The ring, the ring that became the Horcrux, Marvolo Gaunt said it had the Peverell coat of arms on it! I saw him waving it in the bloke from the Ministry�s face, he nearly shoved it up his nose!" +"The Peverell coat of arms?" said Hermione sharply. "Could you see what it looked like?" +"Not really," said Harry, trying to remember. "There was nothing fancy on there, as far as I could see; maybe a few scratches. I only ever saw it really close up after it had been cracked open." +Harry saw Hermione�s comprehension in the sudden widening of her eyes. Ron was looking from one to the other, astonished. +"Blimey...You reckon it was this sign again? The sign of the Hallows? +"Why not said Harry excitedly, "Marvolo Gaunt was an ignorant old git who lived like a pig, all he cared about was his ancestry. If that ring had been passed down through the centuries, he might not have known what it really was. There were no books in that house, and trust me, he wasn�t the type to read fairy tales to his kids. He�d have loved to think the scratches on the stone were a coat of arms, because as far as he was concerned, having pure blood made you practically royal." +"Yes...and that�s all very interesting," said Hermione cautiously, "but Harry, if you�re thinking what I think you�re think ---" +"Well, why not? Why not? said Harry, abandoning caution. "It was a stone, wasn�t it?" He looked at Ron for support. "What if it was the Resurrection Stone?" +Ron�s mouth fell open. +"Blimey --- but would it still work if Dumbledore broke --- ?" +"Work? Work? Ron, it never worked! There�s no such thing as a Resurrection Stone!" +Hermione leapt to her feet, looking exasperated and angry. Harry you�re trying to fit everything into the Hallows story ---" +"Fit everything in?" he repeated. "Hermione, it fits of its own accord! I know the sign of the Deathly Hallows was on that stone! Gaunt said he was descended from the Peverells!" +"A minute ago you told us you never saw the mark on the stone properly!" +"Where�d you reckon the ring is now?" Ron asked Harry. "What did Dumbledore do with it after he broke it open?" +"But Harry�s imagination was racing ahead, far beyond Ron and Hermione�s... +Three objects, or Hallows, which, if united, will make the possessor master of Death...Master...Conqueror...Vanquisher...The last enemy that shall be destroyed is death... +And he saw himself, possessor of the Hallows, facing Voldemort, whose Horcruxes were no match...Neither can live while the other survives...Was this the answer? Hallows versus Horcruxes? Was there a way after all, to ensure that he was the one who triumphed? If he were the master of the Deathly Hallows, would he be safe? +"Harry?" +But he scarcely heard Hermione: He had pulled out his Invisibility Cloak and was running it through his fingers, the cloth supple as water, light as air. He had never seen anything to equal it in his nearly seven years in the Wizarding world. The Cloak was exactly what Xenophilius had described: A cloak that really and truly renders the wearer completely invisible, and endures eternally, giving constant and impenetrable concealment, no matter what spells are cast at it... +And then, with a gasp, he remembered- +"Dumbledore had my Cloak the night my parents died!" +His voice shook and he could feel the color in his face, but he did not care. +"My mum told Sirius that Dumbledore borrowed the Cloak! This is why! He wanted to examine it, because he thought it was the third Hallow! Ignotus Peverell is buried in Godric�s Hollow..." Harry was walking blindly around the tent, feeling as +though great new vistas of truth were opening all around him. "He�s my ancestor. I�m descended from the third brother! It all makes sense!" +"He felt armed in certainty, in his belief in the Hallows, as if the mere idea of possessing them was giving him protection, and he felt joyous as he turned back to the other two. +"Harry," said Hermione again, but he was busy undoing the pouch around his neck, his fingers shaking hard. +"Read it," he told her, pushing his mother�s letter into her hand. "Read it! Dumbledore had the Cloak, Hermione! Why else would he want it? He didn�t need a Cloak, he could perform a Disillusionment Charm so powerful that he made himself completely invisible without one!" +Something fell to the floor and rolled, glittering, under a chair: He had dislodged the Snitch when he pulled out the letter. He stooped to pick it up, and then the newly tapped spring of fabulous discoveries threw him another gift, and shock and wonder erupted inside him so that he shouted out. +"IT�S IN HERE! He left me the ring - it�s in the Snitch!" +"You --- you reckon?" +He could not understand why Ron looked taken aback. It was so obvious, so clear to Harry. Everything fit, everything...His Cloak was the third Hallow, and when he discovered how to open the Snitch he would have the second, and then all he needed to do was find the first Hallow, the Elder Wand, and then --- +But it was as though a curtain fell on a lit stage: All his excitement, all his hope and happiness were extinguished at a stroke, and he stood alone in the darkness, and the glorious spell was broken. +"That�s what he�s after." +The change in his voice made Ron and Hermione look even more scared. +"You-Know-Who�s after the Elder Wand." +He turned his back on their strained, incredulous faces. He knew it was the truth. It all made sense, Voldemort was not seeking a new wand; he was seeking an old wand, a very old wand indeed. Harry walked to the entrance of the tent, forgetting about Ron and Hermione as he looked out into the night, thinking... +Voldemort had been raised in a Muggle orphanage. Nobody could have told him The Tales of Beedle the Bard when he was a child, any more than Harry had heard them. Hardly any wizards believed in the Deathly Hallows. Was it likely that Voldemort knew about them? +Harry gazed into the darkness...If Voldemort had known about the Deathly Hallows, surely he would have sought them, done anything to possess them: three objects that made the possessor master of Death? If he had known about the Deathly Hallows, he might not have needed Horcruxes in the first place. Didn�t the simple fact that he had taken a Hallow, and turned it into a Horcrux, demonstrate that he did not know this last great Wizarding secret? +Which meant that Voldemort sought the Elder Wand without realizing its full power, without understanding that it was one of three...for the wand was the Hallow that could not be hidden, whose existence was best known...The bloody trail of the Elder Wand is splattered across the pages of Wizarding history... +Harry watched the cloudy sky, curves of smoke-gray and silver sliding over the face of the white moon. He felt lightheaded with amazement at his discoveries. +He turned back into the tent. It was a shock to see Ron and Hermione standing exactly where he had left them, Hermione still holding Lily�s letter, Ron at her side looking slightly anxious. Didn�t they realize how far they had traveled in the last few minutes? +"This is it?" Harry said, trying to bring them inside the glow of his own astonished certainty, "This explains everything. The Deathly Hallows are real and I�ve got one --- maybe two ---" +He held up the Snitch. +"--- and You-Know-Who�s chasing the third, but he doesn�t realize...he just thinks it�s a powerful wand ---" +"Harry," said Hermione, moving across to him and handing him back Lily�s letter, "I�m sorry, but I think you�ve got this wrong, all wrong." +"But don�t you see? It all fits ---" +"Not, it doesn�t," she said. "It doesn�t. Harry, you�re just getting carried away. Please," she said as she started to speak, "please just answer me this: If the Deathly Hallows really existed, and Dumbledore knew about them, knew that the person who possessed all of them would be master of Death --- Harry, why wouldn�t he have told you? Why?" +He had his answer ready. +"But you said it, Hermione! You�ve got to find out about them for yourself! It�s a Quest!" +"But I only said that to try and persuade you to come to the Lovegoods�!" cried Hermione in exasperation. "I didn�t really believe it!" +Harry took no notice. +"Dumbledore usually let me find out stuff for myself. He let me try my strength, take risks. This feels like the kind of thing he�d do." +"Harry, this isn�t a game, this isn�t practice! This is the real thing, and Dumbledore left you very clear instructions: Find and destroy the Horcruxes! That symbol doesn�t mean anything, forget the Deathly Hallows, we can�t afford to get sidetracked ---" +Harry was barely listening to her. He was turning the Snitch over and over in his hands, half expecting it to break open, to reveal the Resurrection Stone, to prove to Hermione that he was right, that the Deathly Hallows were real. +She appealed to Ron. +"You don�t believe in this, do you?" +Harry looked up, Ron hesitated. +"I dunno...I mean...bits of it sort of fit together," said Ron awkwardly, "But when you look at the whole thing..." He took a deep breath. "I think we�re supposed to get rid of Horcruxes, Harry. That�s what Dumbledore told us to do. Maybe...maybe we should forget about this Hallows business." +"Thank you, Ron," said Hermione. "I�ll take first watch." +And she strode past Harry and sat down in the tent entrance bringing the action to a fierce full stop. +But Harry hardly slept that night. The idea of the Deathly Hallows had taken possession of him, and he could not rest while agitating thoughts whirled through his mind: the wand, the stone, and the Cloak, if he could just possess them all... +I open at the close...But what was the close? Why couldn�t he have the stone now? If only he had the stone, he could ask Dumbledore these questions in person...and Harry murmured words to the Snitch in the darkness, trying everything, even Parseltongue, but the golden ball would not open... +And the wand, the Elder Wand, where was that hidden? Where was Voldemort searching now? Harry wished his scar would burn and show him Voldemort�s thoughts, because for the first time ever, he and Voldemort were united in wanting the very same thing...Hermione would not like that idea, of course...But then, she did not believe....Xenophilius had been right, in a way...Limited, Narrow, Close-minded. The truth was that she was scared of the idea of the Deathly Hallows, especially of the Resurrection Stone...and Harry pressed his mouth again to the Snitch, kissing it, nearly swallowing it, but the cold medal did not yield... +It was nearly dawn when he remembered Luna, alone in a cell in Azkaban, surrounded by dementors, and he suddenly felt ashamed of himself. He had forgotten all about her in his feverish contemplation of the Hallows. If only they could rescue her, but dementors in those numbers would be virtually unassailable. Now he came to think about it, he had not tried casting a Patronus with the blackthorn wand...He must try that in the morning... +If only there was a way of getting a better wand... +And desire for the Elder Wand, the Deathstick, unbeatable, invincible, swallowed him once more... +They packed up the tent next morning and moved on through a dreary shower of rain. The downpour pursued them to the coast, where they pitched the tent that night, and persisted through the whole week, through sodden landscapes that Harry found bleak and depressing. He could think only of the Deathly Hallows. It was as though a flame had been lit inside him that nothing, not Hermione�s flat disbelief nor Ron�s persistent doubts, could extinguish. And yet the fiercer the longing for the Hallows burned inside him, the less joyful it made him. He blamed Ron and Hermione: Their determined indifference was as bad as the relentless rain for dampening his spirits, but neither could erode his certainty, which remained absolute. Harry�s belief in and longing for the Hallows consumed him so much that he felt isolated from the other two and their obsession with the Horcruxes. +"Obsession?" said Hermione in a low fierce voice, when Harry was careless enough to use the word one evening, after Hermione had told him off for his lack of interest in locating more Horcruxes. "We�re not the one with an obsession, Harry! We�re the ones trying to do what Dumbledore wanted us to do!" +But he was impervious to the veiled criticism. Dumbledore had left the sign of the Hallows for Hermione to decipher, and he had also, Harry remained convinced of it, left the Resurrection Stone hidden in the golden Snitch. Neither can live while the other survives...master of Death...Why didn�t Ron and Hermione understand? +"�The last enemy shall be destroyed is death,�" Harry quoted calmly. +"I thought it was You-Know-Who we were supposed to be fighting?" Hermione retorted, and Harry gave up on her. +Even the mystery of the silver doe, which the other two insisted on discussing, seemed less important to Harry now, a vaguely interesting sideshow. The only other thing that mattered to him was that his scar had begun to prickle again, although he did all he could to hide this fact from the other two. He sought solitude whenever it happened, but was disappointed by what he saw. The visions he and Voldemort were sharing had changed in quality; they had become blurred, shifting as though they were moving in and out of focus. Harry was just able to make out the indistinct features of an object that looked like a skull, and something like a mountain that was more shadow than substance. Used to images sharp as reality, Harry was disconcerted by the change. He was worried that the connection between himself and Voldemort had been damaged, a connection that he both feared and, whatever he had told Hermione, prized. Somehow Harry connected these unsatisfying, vague images with the destruction of his wand, as if it was the blackthorn wand�s fault that he could no longer see into Voldemort�s mind as well as before. +As the weeks crept on, Harry could not help but notice, even through his new self-absorption, that Ron seemed to be taking charge. Perhaps because he was determined to make up for having walked out on them, perhaps because Harry�s descent into listlessness galvanized his dormant leadership qualities, Ron was the one now encouraging and exhorting the other two into action. +"Three Horcruxes left," he kept saying. "We need a plan of action, come on! Where haven�t we looked? Let�s go through it again. The orphanage..." +Diagon Alley, Hogwarts, the Riddle House, Borgin and Burkes, Albania, every place that they knew Tom Riddle had ever lived or worked, visited or murdered, Ron and Hermione raked over them again, Harry joining in only to stop Hermione pestering him. He would have been happy to sit alone in silence, trying to read Voldemort�s thoughts, to find out more about the Elder Wand, but Ron insisted on journeying to ever more unlikely places simply, Harry was aware, to keep them moving. +"You never know," was Ron�s constant refrain. "Upper Flagley is a Wizarding village, he might�ve wanted to live there. Let�s go and have a poke around." +These frequent forays into Wizarding territory brought them within occasional sight of Snatchers. +"Some of them are supposed to be as bad as Death Eaters," said Ron. "The lot that got me were a bit pathetic, but Bill recons some of them are really dangerous. They said on Potterwatch ---" +"On what?" said Harry. +"Potterwatch, didn�t I tell you that�s what it was called? The program I keep trying to get on the radio, the only one that tells the truth about what�s going on! Nearly all of the programs are following You-Know-Who�s line, all except Potterwatch, I really want you to hear it, but it�s tricky tuning in..." +Ron spent evening after evening using his wand to beat out various rhythms on top of the wireless while the dials whirled. Occasionally they would catch snatches of advice on how to treat dragonpox, and once a few bars of "A Cauldron Full of Hot, Strong Love." While he taped, Ron continued to try to hit on the correct password, muttering strings of random words under his breath. +"They�re normally something to do with the Order," he told them. "Bill had a real knack for guessing them. I�m bound to get one in the end..." +"But not until March did luck favor Ron at last. Harry was sitting in the tent entrance, on guard duty, staring idly at a clump of grape hyacinths that had forced their way through the chilly ground, when Ron shouted excitedly from inside the tent. +"I�ve got it, I�ve got it! Password was �Albus�! Get in here, Harry." +Roused for the first time in days from his contemplation of the Deathly Hallows, Harry hurried back inside the tent to find Ron and Hermione kneeling on the floor beside the little radio. Hermione, who had been polishing the sword of Gryffindor just for something to do, was sitting open-mouthed, staring at the tiny speaker, from which a most familiar voice was issuing. +"...apologize for our temporary absence from the airwaves, which was due to a number of house calls in our area by those charming Death Eaters." +"But that�s Lee Jordan!" said Hermione. +"I know!" beamed Ron. "Cool, eh?" +"...now found ourselves another secure location," Lee was saying, and I�m pleased to tell you that two of our regular contributors have joined me here this evening. Evening, boys!" +"Hi." +"Evening, River." +"�River�" that�s Lee," Ron explained. "They�ve all got code names, but you can usually tell ---" +"Shh!" said Hermione. +"But before we hear from Royal and Romulus," Lee went on, "let�s take a moment to report those deaths that the Wizarding Wireless Network News and Daily Prophet don�t think important enough to mention. It is with great regret that we inform our listeners of the murders of Ted Tonks and Dirk Cresswell." +Harry felt a sick, swooping in his belly. He, Ron, and Hermione gazed at one another in horror. +"A goblin by the name of Gornuk was also killed. It is believed that Muggle-born Dean Thomas and a second goblin, both believed to have been traveling with Tonks, Cresswell, and Gornuk, may have escaped. If Dean is listening, or if anyone has any knowledge of his whereabouts, his parents and sisters are desperate for news. +"Meanwhile, in Gaddley, a Muggle family of five has been found dead in their home. Muggle authorities are attributing their deaths to a gas leak, but members of the Order of the Phoenix inform me that it was the Killing Curse --- more evidence, as if it were needed, of the fact that Muggle slaughter is becoming little more than a recreational sport under the new regime. +"Finally, we regret to inform our listeners that the remains of Bathilda Bagshot have been discovered in Godric�s Hollow. The evidence is that she died several months ago. The Order of the Phoenix informs us that her body showed unmistakable signs of injuries inflicted by Dark Magic. +"Listeners, I�d like to invite you now to join us in a minute�s silence in memory of Ted Tonks, Dirk Cresswell, Bathilda Bagshot, Gornuk, and the unnamed, but no less regretted, Muggles murdered by the Death Eaters." +Silence fell, and Harry, Ron, and Hermione did not speak. Half of Harry yearned to hear more, half of him was afraid of what might come next. It was the first time he had felt fully connected to the outside world for a long time. +"Thank you," said Lee�s voice. "And now we can return to regular contributor Royal, for an update on how the new Wizarding order is affecting the Muggle world." +"Thanks, River," said an unmistakable voice, deep, measured, reassuring. +"Kingsley!" burst out Ron. +"We know!" said Hermione, hushing him. +"Muggles remain ignorant of the source of their suffering as they continue to sustain heavy casualties," said Kingsley. "However, we continue to hear truly inspirational stories of wizards and witches risking their own safety to protect Muggle friends and neighbors, often without the Muggles� knowledge. I�d like to appeal to all our listeners to emulate their example, perhaps by casting a protective charm over any Muggle dwellings in your street. Many lives could be saved if such simple measures are taken." +"And what would you say, Royal, to those listeners who reply that in these dangerous times, it should be �Wizards first�? asked Lee. +"I�d say that it�s one short step from �Wizards first� to �Purebloods first,� and then to �Death Eaters,�" replied Kingsley. "We�re all human, aren�t we? Every human life is worth the same, and worth saving." +"Excellently put, Royal, and you�ve got my vote for Minister of Magic if we ever get out of this mess," said Lee. "And now, over to Romulus for our popular feature �Pals of Potter.�" +"Thanks, River," said another very familiar voice. Ron started to speak, but Hermione forestalled him in a whisper. +"We know it�s Lupin!" +"Romulus, do you maintain, as you have every time you�ve appeared on our program, that Harry Potter is still alive?" +"I do," said Lupin firmly. "There is no doubt at all in my mind that his death would be proclaimed as widely as possible by the Death Eaters if it had happened, because it would strike a deadly blow at the morale of those resisting the new regime. �The Boy Who Lived� remains a symbol of everything for which we are fighting: the triumph of good, the power of innocence, the need to keep resisting." +A mixture of gratitude and shame welled up in Harry. Had Lupin forgiven him, then, for the terrible things he had said when they had last met? +"And what would you say to Harry if you knew he was listening, Romulus?" +"I�d tell him we�re all with him in spirit," said Lupin, then hesitated slightly, "And I�d tell him to follow his instincts, which are good and nearly always right." +Harry looked at Hermione, whose eyes were full of tears. +"Nearly always right," she repeated. +"Oh, didn�t I tell you?" said Ron in surprise. "Bill told me Lupin�s living with Tonks again! And apparently she�s getting pretty big too..." +"...and our usual update on those friends of Harry Potter�s who are suffering for their allegiance?" Lee was saying. +"Well, as regular listeners will know, several of the more outspoken supporters of Harry Potter have now been imprisoned, including Xenophilius Lovegood, erstwhile editor of The Quibbler," said Lupin. +"At least he�s still alive!" muttered Ron. +"We have also heard within the last few hours that Rubeus Hagrid" - all three of them gasped, and so nearly missed the rest of the sentence -- "well-known gamekeeper at Hogwarts School, has narrowly escaped arrest within the grounds of Hogwarts, where he is rumored to have hosted a �Support Harry Potter� party in his house. However, Hagrid was not taken into custody, and is, we believe, on the run." +"I suppose it helps, when escaping from Death Eaters, if you�ve got a sixteen-foot-high half brother?" asked Lee. +"It would tend to give you an edge," agreed Lupin gravely. "May I just add that while we here at Potterwatch applaud Hagrid�s spirit, we would urge even the most devoted of Harry�s supporters against following Hagrid�s lead. �Support Harry Potter� parties are unwise in the present climate." +"Indeed they are, Romulus," said Lee, "so we suggest that you continue to show your devotion to the man with the lightning scar by listening to Potterwatch! And now let�s move to news concerning the wizard who is proving just as elusive as Harry Potter. We like to refer to him as the Chief Death Eater, and here to give his views on some of the more insane rumors circulating about him, I�d like to introduce a new correspondent. Rodent?" +"�Rodent�?" said yet another familiar voice, and Harry, Ron, and Hermione cried out together: +"Fred!" +"No - is it George?" +"It�s Fred, I think," said Ron, leaning in closer, as whichever twin it was said, +"I�m not being �Rodent,� no way, I told you I wanted to be �Rapier�!" +"Oh, all right then, �Rapier,� could you please give us your take on the various stories we�ve been hearing about the Chief Death Eater?" +"Yes, River, I can," said Fred. "As our listeners will know, unless they�ve taken refuge at the bottom of a garden pond or somewhere similar, You-Know-Who�s strategy of remaining in the shadows is creating a nice little climate of panic. Mind you, if all the alleged sightings of him are genuine, we must have a good nineteen You-Know-Whos running around the place." +"Which suits him, of course," said Kingsley. "The air of mystery is creating more terror than actually showing himself." +"Agreed," said Fred. "So, people, let�s try and calm down a bit. Things are bad enough without inventing stuff as well. For instance, this new idea that You-Know-Who can kill people with a single glance from his eyes. That�s a basilisk, listeners. One simple test: Check whether the thing that�s glaring at you has got legs. If it has, it�s safe to look into its eyes, although if it really is You-Know-Who, that�s still likely to be the last thing you ever do." +For the first time in weeks and weeks, Harry was laughing: He could feel the weight of tension leaving him. +"And the rumors that he keeps being sighted abroad?" asked Lee. +"Well, who wouldn�t want a nice little holiday after all the hard work he�s been putting in?" asked Fred. "Point is, people, don�t get lulled into a false sense of security, thinking he�s out of the country. Maybe he is, maybe he isn�t, but the fact remains he can move faster than Severus Snape confronted with shampoo when he wants to, so don�t +count on him being a long way away if you�re planning to take any risks. I never thought I�d hear myself say it, but safety first!" +"Thank you very much for those wise words, Rapier," said Lee. "Listeners, that brings us to the end of another Potterwatch. We don�t know when it will be possible to broadcast again, but you can be sure we shall be back. Keep twiddling those dials: The next password will be �Mad-Eye.� Keep each other safe: Keep faith. Good night." +The radio�s dial twirled and the lights behind the tuning panel went out. Harry, Ron, and Hermione were still beaming. Hearing familiar, friendly voices was an extraordinary tonic; Harry had become so used to their isolation he had nearly forgotten that other people were resisting Voldemort. It was like waking from a long sleep. +"Good, eh?" said Ron happily. +"Brilliant," said Harry. +"It�s so brave of them," sighed Hermione admiringly. "If they were found ..." +"Well, they keep on the move, don�t they?" said Ron. "Like us." +"But did you hear what Fred said?" asked Harry excitedly; now the broadcast was over, his thoughts turned around toward his all consuming obsession. "He�s abroad! He�s still looking for the Wand, I knew it!" +"Harry-" +"Come on, Hermione, why are you so determined not to admit it? Vol -" +"HARRY, NO!" +"-demort�s after the Elder Wand!" +"The name�s Taboo!" Ron bellowed, leaping to his feet as a loud crack sounded outside the tent. "I told you, Harry, I told you, we can�t say it anymore - we�ve got to put the protection back around us - quickly - it�s how they find -" +But Ron stopped talking, and Harry knew why. The Sneakoscope on the table had lit up and begun to spin; they could hear voices coming nearer and nearer: rough, excited voices. Ron pulled the Deluminator out of his pocket and clicked it: Their lamps went out. +"Come out of there with your hands up!" came a rasping voice through the darkness. "We know you�re in there! You�ve got half a dozen wands pointing at you and we don�t care who we curse!" +Chapter Twenty-Three +Malfoy Manor +Harry looked around at the other two, now mere outlines in the darkness. He saw Hermione point her wand, set toward the outside, but into his face; there was a bang, a burst of white light, and he buckled in agony, unable to see. He could feel his face swelling rapidly under his hands as heavy footfalls surrounded him. +"Get up, vermin." +Unknown hands dragged Harry roughly off the ground, before he could stop them, someone had rummaged through his pockets and removed the blackthorn wand. Harry clutched at his excruciatingly painful face, which felt unrecognizable beneath his fingers, tight, swollen, and puffy as though he had suffered some violent allergic reaction. His +eyes had been reduced to slits through which he could barely see; his glasses fell off as he was bundled out of the tent: all he could make out were the blurred shapes of four or five people wrestling Ron and Hermione outside too. +"Get -- off - her!" Ron shouted. There was the unmistakable sound of knuckles hitting flesh: Ron grunted in pain and Hermione screamed, "No! Leave him alone, leave him alone!" +"Your boyfriend's going to have worse than that done to him if he's on my list," said the horribly familiar, rasping voice. "Delicious girl... what a treat . . . I do enjoy the softness of the skin. . . ." +Harry's stomach turned over. He knew who this was, Fenrit Greyback, the werewolf who was permitted to wear Death Eater robes in return for his hired savagery. +"Search the tent!" said another voice. +Harry was thrown face down onto the ground. A thud told him that Ron had been cast down beside him. They could hear footsteps and crashes; the men were pushing over chairs inside the tent as they searched. +"Now, let's see who we've got," said Greyback's gloating voice from overhead, and Harry was rolled over onto his back. A beam of wand light fell onto his face and Greyback laughed. +"I'll be needing butterbeer to wash this one down. What happened to you, ugly?" +Harry did not answer immediately. +"I said," repeated Greyback, and Harry received a blow to the diaphragm that made him double over in pain. "what happened to you?" +"Stung." Harry muttered. "Been Stung." +"Yeah, looks like it." said a second voice. +"What�s your name?" snarled Greyback. +"Dudley." said Harry. +"And your first name?" +"I -- Vernon. Vernon Dudley." +"Check the list, Scabior." said Greyback, and Harry head him move sideways to look down at Ron, instead. "And what about you, ginger?" +"Stan Shunpike." said Ron. +"Like 'ell you are." said the man called Scabior. "We know Stan Shunpike, 'e's put a bit of work our way." +There was another thud. +"I'b Bardy," said Ron, and Harry could tell that his mouth was full of blood. "Bardy Weasley." +"A Weasley?" rasped Greyback. "So you're related to blood traitors even if you're not a Mudblood. And lastly, your pretty little friend . . ." The relish in his voice made Harry's flesh crawl. +"Easy, Greyback." said Scabior over the jeering of the others. +"Oh, I'm not going to bite just yet. We'll see if she�s a bit quicker at remembering her name than Barny. Who are you, girly? +"Penelope Clearwater." said Hermione. She sounded terrified, but convincing. +"What's your blood status?" +"Half-Blood." said Hermione. +"Easy enough to check," said Scabior. "But the 'ole lot of 'em look like they could still be 'ogwarts age -" +"We'b lebt," said Ron. +"Left, 'ave you, ginger?" said Scabior. "And you decided to go camping? And you thought, just for a laugh, you'd use the Dark Lords name?" +"Nod a laugh," said Ron. "Aggiden." +"Accident?" There was more jeering laughter. +"You know who used to like using the Dark Lord's name, Weasley?" growled Greyback, "The Order of the Phoenix. Mean anything to you?" +"Doh." +"Well, they don't show the Dark Lord proper respect, so the name's been Tabooed. A few Order members have been tracked that way. We'll see. Bind them up with the other two prisoners!" +Someone yanked Harry up by the hair, dragged him a short way, pushed him down into a sitting position, then started binding him back-to-back with other people. Harry was still half blind, barely able to see anything through his puffed-up eyes. When at last the man tying then had walked away, Harry whispered to the other prisoners. +"Anyone still got a wand?" +"No." Said Ron and Hermione from either side of him. +"This is all my fault. I said the name. I'm sorry -" +"Harry?" +It was a new, but familiar voice. and it came from directly behind Harry, from the person tied to Hermione's left. +"Dean?" +"It is you! If they find out who they've got -! They're Snatchers, they're only looking for truants to sell for gold -" +"Not a bad little haul for one night." Greyback was saying, as a pair of hobnailed boots marched close by Harry and they heard more crashes from inside the tent. "A Mudblood, a runaway goblin, and these truants. You checked their names on the list yet, Scabior?" he roared. +"Yeah. There's no Vernon Dudley un 'ere, Greyback." +"Interesting," said Greyback. "That's interesting." +He crouched down beside Harry, who saw, through the infinitesimal gap left between his swollen eyelids, a face covered in matted gray hair and whiskers, with pointed brown teeth and sores in the corners of his mouth. Greyback smelled as he had done at the top of the tower where Dumbledore had died: of dirt, sweat, and blood. +"So you aren't wanted, then, Vernon? Or are you on that list under a different name? What house were you in at Hogwarts?" +"Slytherin," said Harry automatically. +"Funny 'ow they all thinks we wants to 'ear that." leered Scabior out of the shadows. "But none of 'em can tell us where the common room is." +"It's in the dungeons." said Harry clearly. "You enter through the wall. It's full of skulls and stuff and its under the lake, so the light's all green," +There was a short pause. +"Well, well, looks like we really 'ave caught a little Slytherin." said Scabior. "Good for you, Vernon, 'cause there ain't a lot of Mudblood Slytherins. Who's your father?" +"He works at the Ministry," Harry lied. He knew that his whole story would collapse with the smallest investigation, but on the other hand, he only had until his face regained its usual appearance before the game was up in any case. "Department of Magical Accidents and Catastrophes." +"You know what, Greyback," said Scabior. "I think there is a Dudley in there." +Harry could barely breathe: Could luck, sheer luck, get them safely out of this? +"Well, well." said Greyback, and Harry could hear the tiniest note of trepidation in that callous voice, and knew that Greyback was wondering whether he had just indeed just attacked and bound the son of a Ministry Official. Harry's heart was pounding against the ropes around his ribs; he would not have been surprised to know that Greyback could see it. "If you're telling the truth, ugly, you've got nothing to fear from a trip to the Ministry. I expect your father'll reward us just for picking you up." +"But," said Harry, his mouth bone dry, "if you just let us -" +"Hey!" came a shout from inside the tent. "Look at this. Greyback!" +A dark figure came bustling toward them, and Harry saw a glint of silver to the light of their wands. They had found Gryffindor's sword. +"Ve-e-ery nice," said Greyback appreciatively, taking it from his companion. "Oh, very nice indeed. Looks goblin-made, that. Where did you get something like this?" +"It's my father's," Harry lied, hoping against hope that it was too dark for Greyback to see the name etched just below the hilt. "We borrowed it to cut firewood -" +"'ang on a minute, Greyback! Look at this, in the Prophet!" +As Scabior said it, Harry's scar, which was stretched tight across his distended forehead, burned savagely. More clearly than he could make out anything around him, he saw a towering building, a grim fortress, jet-black and forbidding: Voldemort's thoughts had suddenly become Razor-Sharp again; he was gliding toward the gigantic building with a sense of calmly euphoric purpose . . . +So close . . . So close . . . +With a huge effort of will Harry closed his mind to Voldemort's thoughts, pulling himself back to where he sat, tied to Ron, Hermione, Dean, and Griphook in the darkness, listening to Greyback and Scabior. +"'Hermione Granger," Scabior was saying, "the Mudblood who is known to be traveling with 'arry Potter." +Harry's scar burned in the silence, but he made a supreme effort to keep himself present, nor to slip into Voldemort's mind. He heard the creak of Greyback's boots as he crouched down, in front of Hermione. +"you know what, little girly? This picture looks a hell of a lot like you." +"It isn't! It isn't me!" +Hermione's terrified squeak was as good as a confession. +"... known to be traveling with Harry Potter," repeated Greyback quietly. +A stillness had settled over the scene. Harry's scar was Exquisitely painful, but he struggled with all his strength against the pull of Voldemort's thoughts. It had never been so important to remain in his own right mind. +"Well, this changed things, doesn't it?" whispered Greyback. Nobody spoke: Harry sensed the gang of Snatchers watching, frozen, and felt Hermione's arm trembling against his. Greyback got up and took a couple of steps to where Harry sat, crouching down again to stare closely at his misshapen features. +"What's that on your forehead, Vernon?" he asked softly, his breath foul in Harry's nostrils as he pressed a filthy finger to the taught scar. +"Don't touch it! Harry yelled; he could not stop himself, he thought he might be sick from the pain of it. +"I thought you wore glasses, Potter?" breathed Greyback. +"I found glasses!" yelped one of the Snatchers skulking in the background. "There was glasses in the tent, Greyback, wait -" +And seconds later Harry's glasses had been rammed back onto his face. The Snatchers were closing in now, peering at him. +"It Is!" rasped Greyback. "We've caught Potter!" +They all took several steps backward, stunned by what they had done. Harry, still fighting to remain present in his own splitting head, could think of nothing to say. Fragmented visions were breaking across the surface of his mind - +--He was hiding around the high walls of the black fortress-- +No, he was Harry, tied up and wandless, in grave danger-- +--looking up, up to the topmost window, the highest tower-- +He was Harry, and they were discussing his fate in low voices-- +--Time to fly . . . +". . . To the Ministry?" +"To hell with the Ministry." growled Greyback. "They'll take the credit, and we won't get a look in. I say we take him straight to You-Know-Who." +"Will you summon 'im? 'ere?" said Scabior, sounding awed, terrified. +"No," snarled Greyback, "I haven't got -- they say he's using the Malfoy's place as a base. We'll take the boy there." +Harry thought he knew why Greyback was not calling Voldemort. The werewolf might be allowed to wear Death Eater robes when they wanted to use him, but only Voldemort's inner circle were branded with the Dark Mark: Greyback had not been granted this highest honor. +Harry�s scar seared again - +- and he rose into the night, flying straight up to the windows at the very top of the tower - +". . . completely sure it�s him? �Cause if it ain�t, Greyback, we�re dead." +"Who�s in charge here?" roared Greyback, covering his moment of inadequacy. "I say that�s Potter, and him plus his wand, that�s two hundred thousand Galleons right there! But if you�re too gutless to come along, any of you, it�s all for me, and with any luck, I�ll get the girl thrown in!" +- The window was the merest slit in the black rock, not big enough for a man to enter. . . . A skeletal figure was just visible through it, curled beneath a blanket. . . . Dead, or sleeping . . . ? +"All right!" said Scabior. "All right, we�re in! And what about the rest of �em, Greyback, what�ll we do with �em?" +"Might as well take the lot. We�ve got two Mudbloods, that�s another ten Galleons. Give me the sword as well. If they�re rubies, that�s another small fortune right there." +The prisoners were dragged to their feet. Harry could hear Hermione�s breathing, fast and terrified. +"Grab hold and make it tight. I�ll do Potter!" said Greyback, seizing a fistful of Harry�s hair; Harry could feel his long yellow nails scratching his scalp. "On three! One - two - three -" +They Disapparated, pulling the prisoners with them. Harry struggled, trying to throw off Greyback�s hand, but it was hopeless: Ron and Hermione were squeezed tightly against him on either side; he could not separate from the group, and as the breath was squeezed out of him his scar seared more painfully still - +- as he forced himself through the slit of a window like a snake and landed, lightly as vapor inside the cell-like room - +The prisoners lurched into one another as they landed in a country lane. Harry�s eyes, still puffy, took a moment to acclimatize, then he saw a pair of wrought-iron gates at the foot of what looked like a long drive. He experienced the tiniest trickle of relief. The worst had not happened yet: Voldemort was not here. He was, Harry knew, for he was fighting to resist the vision, in some strange, fortresslike place, at the top of a tower. How long it would take Voldemort to get to this place, once he knew that Harry was here, was another matter. . . . +One of the Snatchers strode to the gates and shook them. +"How do we get in? They�re locked, Greyback, I can�t - blimey!" +He whipped his hands away in fright. The iron was contorting, twisting itself out of the abstract furls and coils into a frightening face, which spoke in a clanging, echoing voice. "State your purpose!" +"We�ve got Potter!" Greyback roared triumphantly. "We�ve captured Harry Potter!" +The gates swung open. +"Come on!" said Greyback to his men, and the prisoners were shunted through the gates and up the drive, between high hedges that muffled their footsteps. Harry saw a ghostly white shape above him, and realized it was an albino peacock. He stumbled and was dragged onto his feet by Greyback; now he was staggering along sideways, tied back-to-back to the four other prisoner. Closing his puffy eyes, he allowed the pain in his scar to overcome him for a moment, wanting to know what Voldemort was doing, whether he knew yet that Harry was caught. . . . +The emaciated figure stirred beneath its thin blanket and rolled over toward him, eyes opening in a skull of a face. . . . The frail man sat up, great sunken eyes fixed upon him, upon Voldemort, and then he smiled. Most of his teeth were gone. . . . +"So, you have come. I thought you would . . . one day. But your journey was pointless. I never had it." +"You lie!" +As Voldemort�s anger throbbed inside him, Harry�s scar threatened to burst with pain, and he wrenched his mind back to his own body, fighting to remain present as the prisoners were pushed over gravel. +Light spilled out over all of them. +"What is this?" said a woman�s cold voice. +"We�re here to see He-Who-Must-Not-Be-Named!" rasped Greyback. +"Who are you?" +"You know me!" There was resentment in the werewolf�s voice. "Fenrit Greyback! We�ve caught Harry Potter!" +Greyback seized Harry and dragged him around to face the light, forcing the other prisoners to shuffle around too. +"I know �es swollen, ma�am, but it�s �im!" piped up Scabior. "If you look a bit closer, you�ll see �is scar. And this �ere, see the girl? The Mudblood who�s been traveling around with �im, ma�am. There�s no doubt it�s �im, and we�ve got �is wand as well! �Ere, ma�am -" +Through his puffy eyelids Harry saw Narcissa Malfoy scrutinizing his swollen face. Scabior thrust the blackthorn wand at her. She raised her eyebrows. +"Bring them in," she said. +Harry and the others were shoved and kicked up broad stone steps into a hallway lined with portraits. +"Follow me," said Narcissa, leading the way across the hall. "My son, Draco, is home for his Easter holidays. If that is Harry Potter, he will know." +The drawing room dazzled after the darkness outside; even with his eyes almost closed Harry could make out the wide proportions of the room. A crystal chandelier hung from the ceiling, more portraits against the dark purple walls. Two figures rose from chairs in front of an ornate marble fireplace as the prisoners were forced into the room by the Snatchers. +"What is this?" +The dreadfully familiar, drawling voice of Lucius Malfoy fell on Harry�s ears. He was panicking now. He could see no way out, and it was easier, as his fear mounted, to block out Voldemort�s thoughts, though his scar was still burning. +"They say they�ve got Potter," said Narcissa�s cold voice. "Draco, come here." Harry did not dare look directly at Draco, but saw him obliquely; a figure slightly taller than he was, rising from an armchair, his face a pale and pointed blur beneath white-blond hair. +Greyback forced the prisoners to turn again so as to place Harry directly beneath the chandelier. +"Well, boy?" rasped the werewolf. +Harry was facing a mirror over the fireplace, a great gilded thing in an intricately scrolled frame. Through the slits of his eyes he saw his own reflection for the first time since leaving Grimmauld Place. +His face was huge, shiny, and pink, every feature distorted by Hermione�s jinx. His black hair reached his shoulders and there was a dark shadow around his jaw. Had he not known that it was he who stood there, he would have wondered who was wearing his glasses. He resolved not to speak, for his voice was sure to give him away; yet he still avoided eye contact with Draco as the latter approached. +"Well, Draco?" said Lucius Malfoy. He sounded avid. "Is it? Is it Harry Potter?" "I can�t - I can�t be sure," said Draco. He was keeping his distance from Greyback, and seemed as scared of looking at Harry as Harry was of looking at him. +"But look at him carefully, look! Come closer!" +Harry had never heard Lucius Malfoy so excited. +"Draco, if we are the ones who hand Potter over to the Dark Lord, everything will be forgiv -" +"Now, we won�t be forgetting who actually caught him, I hope Mr. Malfoy?" said Greyback menacingly. +"Of course not, of course not!" said Lucius impatiently. He approached Harry himself, came so close that Harry could see the usually languid, pale face in sharp detail even through his swollen eyes. With his face a puffy mask, Harry felt as though he was peering out from between the bars of a cage. +"What did you do to him?" Lucius asked Greyback. "How did he get into this state?" +"That wasn�t us." "Looks more like a Stinging Jinx to me," said Lucius. +His gray eyes raked Harry�s forehead. +"There�s something there," he whispered. "it could be the scar, stretched tight. . . ." Draco, come here, look properly! What do you think?" +Harry saw Draco�s face up close now, right beside his father�s. They were extraordinarily alike, except that while his father looked beside himself with excitement, Draco�s expression was full of reluctance, even fear. +"I don�t know," he said, and he walked away toward the fireplace where his mother stood watching. +"We had better be certain, Lucius," Narcissa called to her husband in her cold, clear voice. "Completely sure that it is Potter, before we summon the Dark Lord . . . They say this is his" - she was looking closely at the blackthorn wand - "but it does not resemble Ollivander�s description. . . . If we are mistaken, if we call the Dark Lord here for nothing . . . Remember what he did to Rowle and Dolohov?" +"What about the Mudblood, then?" growled Greyback. Harry was nearly thrown off his feet as the Snatchers forced the prisoners to swivel around again, so that the light fell on Hermione instead. +"Wait," said Narcissa sharply. "Yes - yes, she was in Madam Malkin�s with Potter! I saw her picture in the Prophet! Look, Draco, isn�t it the Granger girl?" +"I . . . maybe . . . yeah." +"But then, that�s the Weasley boy!" shouted Lucius, striding around the bound prisoners to face Ron. "It�s them, Potter�s friends - Draco, look at him, isn�t it Arthur Weasley�s son, what�s his name - ?" +"Yeah," said Draco again, his back to the prisoners. "It could be." +The drawing room door opened behind Harry. A woman spoke, and the sound of the voice wound Harry�s fear to an even higher pitch. +"What is this? What�s happened, Cissy?" +Bellatrix Lestrange walked slowly around the prisoners, and stopped on Harry�s right, staring at Hermione through her heavily lidded eyes, +"But surely," she said quietly, "this is the Mudblood girl? This is Grander?" +"Yes, yes, it�s Granger!" cried Lucius, "And beside her, we think, Potter! Potter and his friends, caught at last!" "Potter?" shrieked Bellatrix, and she backed away, the better to take in Harry. +"Are you sure? Well then, the Dark Lord must be informed at once!" She dragged back her left sleeve: Harry saw the Dark Mark burned into the flesh of her arm, and knew that she was about to touch it, to summon her beloved master- +"I was about to call him!" said Lucius, and his hand actually closed upon Bellatrix�s wrist, preventing her from touching the Mark. "I shall summon him, Bella. Potter has been brought to my house, and it is therefore upon my authority -" +"Your authority!" she sneered, attempting to wrench her hand from his grasp. "You lost your authority when you lost your wand, Lucius! How dare you! Take your hands off me!" +"This is nothing to do with you, you did not capture the boy -" +"Begging your pardon, Mr. Malfoy," interjected Greyback, "but it�s us that caught Potter, and it�s us that�ll be claiming the gold -" +"Gold!" laughed Bellatrix, still attempting to throw off her brother-in-law, her free hand groping in her pocket for her wand. "Take your gold, filthy scavenger, what do I want with gold? I seek only the honor of his - of -" +She stopped struggling, her dark eyes fixed upon something Harry could not see. Jubilant at her capitulation, Lucius threw her hand from him and ripped up his own sleeve - +"STOP!" shrieked Bellatrix, "Do not touch it, we shall all perish if the Dark Lord comes now!" +Lucius froze, his index finger hovering over his own Mark. Bellatrix strode out of Harry�s limited line of vision. +"What is that?" he heard her say. +"Sword," grunted an out-of-sight Snatcher. +"Give it to me." +"It�s not yours, missus, it�s mine, I reckon I found it." +There was a bang and a flash of red light; Harry knew that the Snatcher had been Stunned. There was a roar of anger from his fellows: Scabior drew his wand. +"What d�you think you�re playing at, woman?" +"Stupefy!" she screamed, "Stupefy!" +They were no match for her, even thought there were four of them against one of her: She was a witch, as Harry knew, with prodigious skill and no conscience. They fell where they stood, all except Greyback, who had been forced into a kneeling position, his arms outstretched. Out of the corners of his eyes Harry saw Bellatrix bearing down upon the werewolf, the sword of Gryffindor gripped tightly in her hand, her face waxen. +"Where did you get this sword?" she whispered to Greyback as she pulled his wand out of his unresisting grip. +"How dare you?" he snarled, his mouth the only thing that could move as he was forced to gaze up at her. He bared his pointed teeth. "Release me, woman!" "Where did you find this sword?" she repeated, brandishing it in his face, "Snape sent it to my vault in Gringotts!" +"It was in their tent," rasped Greyback. "Release me, I say!" +She waved her wand, and the werewolf sprang to his feet, but appeared too wary to approach her. He prowled behind an armchair, his filthy curved nails clutching its back. +"Draco, move this scum outside," said Bellatrix, indicating the unconscious men. "If you haven�t got the guts to finish them, then leave them in the courtyard for me." +"Don�t you dare speak to Draco like -" said Narcissa furiously, but Bellatrix screamed. +"Be quiet! The situation is graver than you can possibly imagine, Cissy! We have a very serious problem!" +She stood, panting slightly, looking down at the sword, examining its hilt. Then she turned to look at the silent prisoners. +"If it is indeed Potter, he must not be harmed," she muttered, more to herself than to the others. "The Dark Lord wishes to dispose of Potter himself. . . . But if he finds out . . . I must . . . I must know. . . ." +She turned back to her sister again. +"The prisoners must be placed in the cellar, while I think what to do!" "This is my house, Bella, you don�t give orders in my -" +"Do it! You have no idea of the danger we�re in!" shrieked Bellatrix. She looked frightening, mad; a thin stream of fire issued from her wand and burned a hole in the carpet. +Narcissa hesitated for a moment, then addressed the werewolf. +"Take these prisoners down to the cellar, Greyback." +"Wait," said Bellatrix sharply. "All except. . . . except for the Mudblood." Greyback gave a grunt of pleasure. +"No!" shouted Ron. "You can have me, keep me!" Bellatrix hit him across the face: the blow echoed around the room. +"If she dies under questioning, I�ll take you next," she said. "Blood traitor is next to Mudblood in my book. Take them downstairs, Greyback, and make sure they are secure, but do nothing more to them - yet." +She threw Greyback�s wand back to him, then took a short silver knife from under her robes. She cut Hermione free from the other prisoners, then dragged her by the hair into the middle of the room, while Greyback forced the rest of them to shuffle across to another door, into a dark passageway, his wand held out in front of him, projecting an invisible and irresistible force. +"Reckon she�ll let me have a bit of the girl when she�s finished with her?" Greyback crooned as he forced them along the corridor. "I�d say I�ll get a bite or two, wouldn�t you, ginger?" +Harry could feel Ron shaking. They were forced down a steep flight of stairs, still tied back-to-back and in danger of slipping and breaking their necks at any moment. At the bottom was a heavy door. Greyback unlocked it with a tap of his wand, then forced them into a dank and musty room and left them in total darkness. The echoing bang of the slammed cellar door had not died away before there was a terrible, drawn out scream from directly above them. +"HERMIONE!" Ron bellowed, and he started to writhe and struggle against the ropes tying them together, so that Harry staggered. "HERMIONE!" +"Be quiet!" Harry said. "Shut up. Ron, we need to work out a way -" +"HERMIONE! HERMIONE!" +"We need a plan, stop yelling - we need to get these ropes off -" +"Harry?" came a whisper through the darkness. "Ron? Is that you?" +Ron stopped shouting. There was a sound of movement close by them, then Harry saw a shadow moving closer. +"Harry? Ron?" +"Luna?" +"Yes, it�s me! Oh no, I didn�t want you to be caught!" +"Luna, can you help us get these ropes off?" said Harry. +"Oh yes, I expect so. . . . There�s an old nail we use if we need to break anything. . . . Just a moment . . ." +Hermione screamed again from overhead, and they could hear Bellatrix screaming too, but her words were inaudible, for Ron shouted again, "HERMIONE! HERMIONE!" +"Mr. Ollivander?" Harry could hear Luna saying. "Mr. Ollivander, have you got the nail? If you just move over a little bit . . . I think it was beside the water jug." +She was back within seconds. +"You�ll need to stay still," she said. +Harry could feel her digging at the rope�s tough fibers to work the knots free. From upstairs they heard Bellatrix�s voice. +"I�m going to ask you again! Where did you get this sword? Where?" +"We found it - we found it - PLEASE!" Hermione screamed again; Ron struggled harder than ever, and the rusty nail slipped onto Harry�s wrist. +"Ron, please stay still!" Luna whispered. "I can�t see what I�m doing -" +"My pocket!" said Ron, "In my pocket, there�s a Deluminator, and it�s full of light!" +A few seconds later, there was a click, and the luminescent spheres the Deluminator had sucked from the lamps in the tent flew into the cellar: Unable to rejoin their sources, they simply hung there, like tiny suns, flooding the underground room with light. Harry saw Luna, all eyes in her white face, and the motionless figure of Ollivander the wandmaker, curled up on the floor in the corner. Craning around, he caught sight of their fellow prisoners: Dean and Griphook the goblin, who seemed barely conscious, kept standing by the ropes that bound him to the humans. +"Oh, that�s much easier, thanks, Ron," said Luna, and she began hacking at their bindings again. "Hello, Dean!" +From above came Bellatrix�s voice. +"You�re lying, filthy Mudblood, and I know it! You have been inside my vault at Gringotts! Tell the truth, tell the truth!" +Another terrible scream- +"HERMIONE!" +"What else did you take? What else have you got? Tel me the truth or, I swear, I shall run you through with this knife!" +"There!" +Harry felt the ropes fall away and turned, rubbing his wrists, to see Ron running around the cellar, looking up at the low ceiling, searching for a trapdoor. Dean, his face bruised and bloody, said "Thanks" to Luna and stood there, shivering, but Griphook sank onto the cellar floor, looking groggy and disoriented, many welts across his swarthy face. +Ron was now trying to Disapparate without a wand. +"There�s no way out, Ron," said Luna, watching his fruitless efforts. "The cellar is completely escape-proof. I tried, at first. Mr. Ollivander has been here for a long time, he�s tried everything." +Hermione was screaming again: The sound went through Harry like physical pain. Barely conscious of the fierce prickling of his scar, he too started to run around the cellar, feeling the walls for he hardly knew what, knowing in his heart that it was useless. +"What else did you take, what else? ANSWER ME! CRUCIO!" +Hermione�s screams echoed off the walls upstairs, Ron was half sobbing as he pounded the walls with his fists, and Harry in utter desperation seized Hagrid�s pouch from around his neck and groped inside it: He pulled out Dumbledore�s Snitch and shook it, hoping for he did not know what - nothing happened - he waved the broken halves of the phoenix wand, but they were lifeless - the mirror fragment fell sparkling to the floor, and he saw a gleam of brightest blue - +Dumbledore�s eye was gazing at him out of the mirror. +"Help us!" he yelled at it in mad desperation. "We�re in the cellar of Malfoy Manor, help us!" +The eye blinked and was gone. +Harry was not even sure that it had really been there. He tilted the shard of mirror this way and that, and saw nothing reflected there but the walls and ceiling of their prison, and upstairs Hermione was screaming worse than ever, and next to him Ron was bellowing, "HERMIONE! HERMIONE!" +"How did you get into my vault?" they heard Bellatrix scream. "Did that dirty little goblin in the cellar help you?" +"We only met him tonight!" Hermione sobbed. "We�ve never been inside your vault. . . . It isn�t the real sword! It�s a copy, just a copy!" +"A copy?" screeched Bellatrix. "Oh, a likely story!" +"But we can find out easily!" came Lucius�s voice. "Draco, fetch the goblin, he can tell us whether the sword is real or not!" +Harry dashed across the cellar to where Griphook was huddled on the floor. +"Griphook," he whispered into the goblin�s pointed ear, "you must tell them that sword�s a fake, they mustn�t know it�s the real one, Griphook, please -" +He could hear someone scuttling own the cellar steps; next moment, Draco�s shaking voice spoke from behind the door. +"Stand back. Line up against the back wall. Don�t try anything, or I�ll kill you!" +They did as they were bidden; as the lock turned, Ron clicked the Deluminator and the lights whisked back into his pocket, restoring the cellar�s darkness. The door flew open; Malfoy marched inside, wand held out in front of him, pale and determined. He seized the little goblin by the arm and backed out again, dragging Griphook with him. The door slammed shut and at the same moment a loud crack echoed inside the cellar. +Ron clicked the Deluminator. Three balls of light flew back into the air from his pocket, revealing Dobby the house-elf, who had just Apparated into their midst. +"DOB - !" +Harry hit Ron on the arm to stop him shouting, and Ron looked terrified at his mistake. Footsteps crossed the ceiling overhead: Draco marching Griphook to Bellatrix. +Dobby�s enormous, tennis-ball shaped eyes were wide; he was trembling from his feet to the tips of his ears. He was back in the home of his old masters, and it was clear that he was petrified. +"Harry Potter," he squeaked in the tiniest quiver of a voice, "Dobby has come to rescue you." +"But how did you - ?" +An awful scream drowned Harry�s words: Hermione was being tortured again. He cut to the essentials. +"You can Disapparate out of this cellar?" he asked Dobby, who nodded, his ears flapping. +"And you can take humans with you?" +Dobby nodded again. +"Right. Dobby, I want you to grab Luna, Dean, and Mr. Ollivander, and take them - take them to -" +"Bill and Fleur�s," said Ron. "Shell Cottage on the outskirts of Tinworth!" +The elf nodded for a third time. +"And then come back," said Harry. "Can you do that, Dobby?" +"Of course, Harry Potter," whispered the little elf. He hurried over to Mr. Ollivander, who appeared to be barely conscious. He took one of the wandmaker�s hands in his own, then held out the other to Luna and Dean, neither of whom moved. +"Harry, we want to help you!" Luna whispered. +"We can�t leave you here," said Dean. +"Go, both of you! We�ll see you at Bill and Fleur�s." +As Harry spoke, his scar burned worse than ever, and for a few seconds he looked down, not upon the wandmaker, but on another man who was just as old, just as thin, but laughing scornfully. +"Kill me, then. Voldemort, I welcome death! But my death will not bring you what you seek. . . . There is so much you do not understand. . ." +He felt Voldemort�s fury, but as Hermione screamed again he shut it out, returning to the cellar and the horror of his own present. +"Go!" Harry beseeched to Luna and Dean. "Go! We�ll follow, just go!" +They caught hold of the elf�s outstretched fingers. There was another loud crack, and Dobby, Luna, Dean, and Ollivander vanished. +"What was that?" shouted Lucius Malfoy from over their heads. "Did you hear that? What was that noise in the cellar?" +Harry and Ron stared at each other. +"Draco - no, call Wormtail! Make him go and check!" +Footsteps crossed the room overhead, then there was silence. Harry knew that the people in the drawing room were listening for more noises from the cellar. +"We�re going to have to try and tackle him," he whispered to Ron. They had no choice: The moment anyone entered the room and saw the absence of three prisoners, they were lost. "Leave the lights on," Harry added, and as they heard someone descending the steps outside the door, they backed against the wall on either side of it. +"Stand back," came Wormtail�s voice. "Stand away from the door. I�m coming in." The door flew open. For a split second Wormtail gazed into the apparently empty cellar, ablaze with light from the three miniature suns floating in midair. Then Harry and Ron launched themselves upon him. Ron seized Wormtail�s wand arm and forced it upwards. Harry slapped a hand to his mouth, muffling his voice. Silently they struggled: Wormtail�s wand emitted sparks; his silver hand closed around Harry�s throat. +"What is it, Wormtail?" called Lucius Malfoy from above. +"Nothing!" Ron called back, in a passable imitation of Wormtail�s wheezy voice. "All fine!" +Harry could barely breathe. +"You�re going to kill me?" Harry choked, attempting to prise off the metal fingers. "After I saved your life? You owe me, Wormtail!" +The silver fingers slackened. Harry had not expected it: He wrenched himself free, astonished, keeping his hand over Wormtail�s mouth. He saw the ratlike man�s small watery eyes widen with fear and surprise: He seemed just as shocked as Harry at what his hand had done, at the tiny, merciful impulse it had betrayed, and he continued to struggle more powerfully, as though to undo that moment of weakness. +"And we�ll have that," whispered Ron, tugging Wormtail�s wand from his other hand. +Wandless, helpless, Pettigrew�s pupils dilated in terror. His eyes had slid from Harry�s face to something else. His own silver fingers were moving inexorably toward his own throat. +"No -" +Without pausing to think, Harry tried to drag back the hand, but there was no stopping it. The silver tool that Voldemort had given his most cowardly servant had turned upon its disarmed and useless owner; Pettigrew was reaping his reward for his hesitation, his moment of pity; he was being strangled before their eyes. +"No!" +Ron had released Wormtail too, and together he and Harry tried to pull the crushing metal fingers from around Wormtail�s throat, but it was no use. Pettigrew was turning blue. +"Relashio!" said Ron, pointing the wand at the silver hand, but nothing happened; Pettigrew dropped to his knees, and at the same moment, Hermione gave a dreadful scream from overhead. Wormtail�s eyes rolled upward in his purple face; he gave a last twitch, and was still. +Harry and Ron looked at each other, then leaving Wormtail�s body on the floor behind them, ran up the stairs and back into the shadowy passageway leading to the drawing room. Cautiously they crept along it until they reached the drawing room door, which was ajar. Now they had a clear view of Bellatrix looking down at Griphook, who was holding Gryffindor�s sword in his long-fingered hands. Hermione was lying at Bellatrix�s feet. She was barely stirring. +"Well?" Bellatrix said to Griphook. "Is it the true sword?" +Harry waited, holding his breath, fighting against the prickling of his scar. +"No," said Griphook. "It is a fake." +"Are you sure?" panted Bellatrix. "Quite sure?" +"Yes," said the goblin. +Relief broke across her face, all tension drained from it. +"Good," she said, and with a casual flick of her wand she slashed another deep cut into the goblin�s face, and he dropped with a yell at her feet. She kicked him aside. "And now," she said in a voice that burst with triumph, "we call the Dark Lord!" +And she pushed back her sleeve and touched her forefinger to the Dark Mark. +At once, Harry�s scar felt as though it had split open again. His true surroundings vanished: He was Voldemort, and the skeletal wizard before him was laughing +toothlessly at him; he was enraged at the summons he felt - he had warned them, he had told them to summon him for nothing less than Potter. If they were mistaken . . . +"Kill me, then!" demanded the old man. "You will not win, you cannot win! That wand will never, ever be yours -" +And Voldemort�s fury broke: A burst of green light filled the prison room and the frail old body was lifted from its hard bed and then fell back, lifeless, and Voldemort returned to the window, his wrath barely controllable. . . . They would suffer his retribution if they had no good reason for calling him back. . . . +"And I think," said Bellatrix�s voice, "we can dispose of the Mudblood. Greyback, take her if you want her." +"NOOOOOOOOOOOO!" +Ron had burst into the drawing room; Bellatrix looked around, shocked; she turned her wand to face Ron instead - +"Expelliarmus!" he roared, pointing Wormtail�s wand at Bellatrix, and hers flew into the air and was caught by Harry, who had sprinted after Ron. Lucius, Narcissa, Draco and Greyback wheeled about; Harry yelled, "Stupefy!" and Lucius Malfoy collapsed onto the hearth. Jets of light flew from Draco�s, Narcissa�s, and Greyback�s wands; Harry threw himself to the floor, rolling behind a sofa to avoid them. +"STOP OR SHE DIES! +Panting, Harry peered around the edge of the sofa. Bellatrix was supporting Hermione, who seemed to be unconscious, and was holding her short silver knife to Hermione�s throat. +"Drop your wands," she whispered. "Drop them, or we�ll see exactly how filthy her blood is!" +Ron stood rigid, clutching Wormtail�s wand. Harry straightened up, still holding Bellatrix�s. +"I said, drop them!" she screeched, pressing the blade into Hermione�s throat: Harry saw beads of blood appear there. +"All right!" he shouted, and he dropped Bellatrix�s wand onto the floor at his feet, Ron did the same with Wormtail�s. Both raised their hands to shoulder height. +"Good!" she leered. "Draco, pick them up! The Dark Lord is coming, Harry Potter! Your death approaches!" +Harry knew it; his scar was bursting with the pain of it, and he could feel Voldemort flying through the sky from far away, over a dark and stormy sea, and soon he would be close enough to Apparate to them, and Harry could see no way out. +"Now," said Bellatrix softly, as Draco hurried back to her with the wands. "Cissy, I think we ought to tie these little heroes up again, while Greyback takes care of Miss Mudblood. I am sure the Dark Lord will not begrudge you the girl, Greyback, after what you have done tonight." +At the last word there was a peculiar grinding noise from above. All of them looked upward in time to see the crystal chandelier tremble; then, with a creak and an ominous jingling, it began to fall. Bellatrix was directly beneath it; dropping Hermione, she threw herself aside with a scream. The chandelier crashed to the floor in an explosion of crystal and chains, falling on top of Hermione and the goblin, who still clutched the sword of Gryffindor. Glittering shards of crystal flew in all directions; Draco doubled over, his hands covering his bloody face. +As Ron ran to pull Hermione out of the wreckage, Harry took the chance: He leapt over an armchair and wrested the three wands from Draco�s grip, pointed all of them at Greyback, and yelled, "Stupefy!" The werewolf was lifted off his feet by the triple spell, flew up to the ceiling and then smashed to the ground. +As Narcissa dragged Draco out of the way of further harm, Bellatrix sprang to her feet, her hair flying as she brandished the silver knife; but Narcissa had directed her wand at the doorway. +"Dobby!" she screamed and even Bellatrix froze. "You! You dropped the chandelier - ?" +The tiny elf trotted into the room, his shaking finger pointing at his old mistress. +"You must not hurt Harry Potter," he squeaked. +"Kill him, Cissy!" shrieked Bellatrix, but there was another loud crack, and Narcissa�s wand too flew into the air and landed on the other side of the room. +"You dirty little monkey!" bawled Bellatrix. "How dare you take a witch�s wand, how dare you defy your masters?" +"Dobby has no master!" squealed the elf. "Dobby is a free elf, and Dobby has come to save Harry Potter and his friends!" +Harry�s scar was blinding him with pain. Dimly he knew that they had moments, seconds before Voldemort was with them. +"Ron, catch - and GO!" he yelled, throwing one of the wands to him; then he bent down to tug Griphook out from under the chandelier. Hoisting the groaning goblin, who still clung to the sword, over one shoulder, Harry seized Dobby�s hand and spun on the spot to Disapparate. +As he turned into darkness he caught one last view of the drawing room of the pale, frozen figures of Narcissa and Draco, of the streak of red that was Ron�s hair, and a blue of flying silver, as Bellatrix�s knife flew across the room at the place where he was vanishing - +Bill and Fleur�s . . . Shell Cottage . . . Bill and Fleur�s . . . +He had disappeared into the unknown; all he could do was repeat the name of the destination and hope that it would suffice to take him there. The pain in his forehead pierced him, and the weight of the goblin bore down upon him; he could feel the blade of Gryffindor�s sword bumping against his back: Dobby�s hand jerked in his; he wondered whether the elf was trying to take charge, to pull them in the right direction, and tried, by squeezing the fingers, to indicate that that was fine with them. . . . +And then they hit solid earth and smelled salty air. Harry fell to his knees, relinquished Dobby�s hand, and attempted to lower Griphook gently to the ground. +"Are you all right?" he said as the goblin stirred, but Griphook merely whimpered. +Harry squinted around through the darkness. There seemed to be a cottage a short way away under the wide starry sky, and he thought he saw movement outside it. +"Dobby, is this Shell Cottage?" he whispered, clutching the two wands he had brought from the Malfoys�, ready to fight if he needed to. "Have we come to the right place? Dobby?" +He looked around. The little elf stood feet from him. +"DOBBY!" +The elf swayed slightly, stars reflected in his wide, shining eyes. Together, he and Harry looked down at the silver hilt of the knife protruding from the elf�s heaving chest. +"Dobby - no - HELP!" Harry bellowed toward the cottage, toward the people moving there. "HELP!" +He did not know or care whether they were wizards or Muggles, friends or foes; all he cared about was that a dark stain was spreading across Dobby�s front, and that he had stretched out his own arms to Harry with a look of supplication. Harry caught him and laid him sideways on the cool grass. +"Dobby, no, don�t die, don�t die -" +The elf�s eyes found him, and his lips trembled with the effort to form words. +"Harry . . . Potter . . ." +And then with a little shudder the elf became quite still, and his eyes were nothing more than great glassy orbs, sprinkled with light from the stars they could not see." +Chapter Twenty-Four +The Wandmaker +It was like sinking into an old nightmare; for an instant Harry knelt again beside Dumbledore�s body at the foot of the tallest tower at Hogwarts, but in reality he was staring at a tiny body curled upon the grass, pierced by Bellatrix�s silver knife. Harry�s voice was still saying, "Dobby...Dobby..." even though he knew that the elf had gone where he could not call him back. +After a minute or so he realized that they had, after all, come to the right place, for here were Bill and Fleur, Dean and Luna, gathering around him as he knelt over the elf. "Hermione," he said suddenly. "Where is she?" +"Ron�s taken her inside," said Bill. "She�ll be all right." Harry looked back down at Dobby. He stretched out a hand and pulled the sharp blade from the elf�s body, then dragged off his own jacket and covered Dobby in it like a blanket. +The sea was rushing against the rock somewhere nearby; Harry listened to it while the others talked, discussing matters in which he could take no interest, making decisions, Dean carried the injured Griphook into the house, Fleur hurrying with them; now Bill was really knowing what he was saying. As he did so, he gazed down at the tiny body, and his scar prickled and burned, and in one part of his mind, viewed as if from the wrong end of a long telescope, he saw Voldemort punishing those they had left behind at the Malfoy Manor. His rage was dreadful and yet Harry�s grief for Dobby seemed to diminish it, so that it became a distant storm that reached Harry from across a vast, silent ocean. +"I want to do it properly," were the first words of which Harry was fully conscious of speaking. "Not by magic. Have you got a spade?" And shortly afterward he had set to work, alone, digging the grave in the place that Bill had shown him at the end of the garden, between bushes. He dug with a kind of fury, relishing the manual work, glorying in the non-magic of it, for every drop of his sweat and every blister felt like a gift to the elf who had saved their lives. +His scar burned, but he was master of the pain, he felt it, yet was apart from it. He had learned control at last, learned to shut his mind to Voldemort, the very thing Dumbledore had wanted him to learn from Snape. Just as Voldemort had not been able to possess Harry while Harry was consumed with grief for Sirius, so his thoughts could not penetrate Harry now while he mourned Dobby. Grief, it seemed, drove Voldemort out...though Dumbledore, of course, would have said that it was love. +On Harry dug, deeper and deeper into the hard, cold earth, subsuming his grief in sweat, denying the pain in his scar. In the darkness, with nothing but the sound of his own breath and the rushing sea to keep him company, the things that had happened at the Malfoys� returned to him, the things he had heard came back to him, and understanding blossomed in the darkness... +The steady rhythm of his arms beat time with his thoughts. Hallows...Horcruxes...Hallows...Horcruxes...yet no longer burned with that weird, obsessive longing. Loss and fear had snuffed it out. He felt as though he had been slapped awake again. +Deeper and deeper Harry sank into the grave, and he knew where Voldemort had been tonight, and whom he had killed in the topmost cell of Nurmengard, and why... +And he thought of Wormtail, dead because of one small unconscious impulse of mercy...Dumbledore had foreseen that...How much more had he known? +Harry lost track of time. He knew only that the darkness had lightened a few degrees when he was rejoined by Ron and Dean. "How�s Hermione?" "Better," said Ron. "Fleur�s looking after her." Harry had his retort ready for when they asked him why he had not simply created a perfect grave with his wand, but he did not need it. They jumped down into the hole he had made with spades of their own and together they worked in silence until the hole seemed deep enough. +Harry wrapped the elf more snuggly in his jacket. Ron sat on the edge of the grave and stripped off his shoes and socks, which he placed on the elf�s bare feet. Dean produced a woolen hat, which Harry placed carefully upon Dobby�s head, muffling his batlike ears. "We should close his eyes." +Harry had not heard the others coming through the darkness. Bill was wearing a traveling cloak, Fleur a large white apron, from the pocket of which protruded a bottle of what Harry recognized to be Skele-Gro. Hermione was wrapped in a borrowed dressing gown, pale and unsteady on her feet; Ron put an arm around her when she reached him. Luna, who was huddled in one of Fleur�s coats, crouched down and placed her fingers tenderly upon each of the elf�s eyelids, sliding them over his glassy stare. "There," she said softly. "Now he could be sleeping." +Harry placed the elf into the grave, arranged his tiny limbs so that he might have been resting, then climbed out and gazed for the last time upon the little body. He forced himself not to break down as he remembered Dumbledore�s funeral, and the rows and rows of golden chairs, and the Minister of Magic in the front row, the recitation of +Dumbledore�s achievements, the stateliness of the white marble tomb. He felt that Dobby deserved just as grand a funeral, and yet here the elf lay between bushes in a roughly dug hole. "I think we ought to say something," piped up Luna. "I�ll go first, shall I?" +And as everybody looked at her, she addressed the dead elf at the bottom of the grave. "Thank you so much Dobby for rescuing me from that cellar. It�s so unfair that you had to die when you were so good and brave. I�ll always remember what you did for us. I hope you�re happy now." +She turned and looked expectingly at Ron, who cleared his throat and said in a thick voice, "yeah...thanks Dobby." "Thanks," muttered Dean. Harry swallowed. "Good bye Dobby," he said It was all he could manage, but Luna had said it all for him. Bill raised his wand, and the pile of earth beside the grave rose up into the air and fell neatly upon it, a small, reddish mound. "D�ya mind if I stay here a moment?" He asked the others. +They murmured words he did not catch; he felt gentle pats upon his back, and then they all traipsed back toward the cottage, leaving Harry alone beside the elf. +He looked around: There were a number of large white stones, smoothed by the sea, marking the edge of the flower beds. He picked up one of the largest and laid it, pillowlike, over the place where Dobby�s head now rested. He then felt in his pocket for a wand. There were two in there. He had forgotten, lost track; he could not now remember whose wands these were; he seemed to remember wrenching them out of someone�s hand. He selected the shorter of the two, which felt friendlier in his hand, and pointed it at the rock. +Slowly, under his murmured instruction, deep cuts appeared upon the rock�s surface. He knew that Hermione could have done it more neatly, and probably more quickly, but he wanted to mark the spot as he had wanted to dig the grave. When Harry stood up again, the stone read: HERE LIES DOBBY, A FREE ELF. +He looked at his handiwork for a few more seconds, then walked away, his scar still prickling a little, and his mind full of those things that had come to him in the grave, ideas that had taken shape in the darkness, ideas both fascinating and terrible. +They were all sitting in the living room when he entered the little hall, their attention focused upon Bill, who was talking. The room was light-colored, pretty, with a small fire of driftwood burning brightly in the fireplace. Harry did not want to drop mud upon the carpet, so he stood in the doorway, listening. +"...lucky that Ginny�s on holiday. If she�d been at Hogwarts they could have taken her before we reached her. Now we know she�s safe too." He looked around and saw Harry standing there. "I�ve been getting them all out of the Burrow," he explained. "Moved them to Muriel�s. The Death Eaters know Ron�s with you now, they�re bound to target the family -don�t apologize," he added at the sight of Harry�s expression. "It was always a matter of time, Dad�s been saying so for months. We�re the biggest blood traitor family there is." +"How are they protected?" asked Harry. "Fidelius Charm. Dad�s Secret-Keeper. And we�ve done it on this cottage too; I�m Secret-Keeper here. None of us can go to work, but that�s hardly the most important thing now. Once Ollivander and Griphook are well enough, we�ll move them to Muriel�s too. There isn�t much room here, but she�s got +plenty. Griphook�s legs are on the mend. Fleur�s given him Skele-Gro-we could probably move them in an hour or-" +"No," Harry said and Bill looked startled. "I need both of them here. I need to talk to them. It�s important." He heard the authority of his own voice, the conviction, the voice of purpose that had come to him as he dug Dobby�s grave. All of their faces were turned toward him looking puzzled. +"I�m going to wash," Harry told Bill looking down at his hands still covered with mud and Dobby�s blood. "Then I�ll need to see them, straight away." He walked into the little kitchen, to the basin beneath a window overlooking the sea. Dawn was breaking over the horizon, shell pink and faintly gold, as he washed, again following the train of thought that had come to him in the dark garden... +Dobby would never be able to tell them who had sent him to the cellar, but Harry knew what he had seen. A piercing blue eye had looked out of the mirror fragment, and then help had come. Help will always be given at Hogwarts to those who ask for it. +Harry dried his hands, impervious to the beauty of the scene outside the window and to the murmuring of the others in the sitting room. He looked out over the ocean and felt closer, this dawn, than ever before, closer to the heart of it all. +And still his scar prickled, and he knew that Voldemort was getting there too. Harry understood and yet did not understand. His instinct was telling him one thing, his brain quite another. The Dumbledore in Harry�s head smiled, surveying Harry over the tips of his fingers, pressed together as if in prayer. +You gave Ron the Deluminator...You understood him...You gave him a way back... +And you understood Wormtail too...You knew there was a bit of regret there, somewhere... +And if you knew them...What did you know about me, Dumbledore? +Am I meant to know but not to seek? Did you know how hard I�d feel that? Is that why you made it this difficult? So I�d have time to work that out? +Harry stood quite still, eyes glazed, watching the place where a bright gold ray of dazzling sun was rising over the horizon. Then he looked down at his clean hands and was momentarily surprised to see the cloth he was holding in them. He set it down and returned to the hall, and as he did so, he felt his scar pulse angrily, and then flashed across his mind, swift as the reflection of a dragonfly over water, the outline of a building he knew extremely well. +Bill and Fleur were standing at the foot of the stairs. +"I need to speak to Griphook and Ollivander," Harry said. +"No," said Fleur. "You will �ave to wait, �Arry. Zey are both too tired -" +"I�m sorry," he said without heat, "but it can�t wait. I need to talk to them now. Privately - and separately. It�s urgent." +"Harry, what the hell�s going on?" asked Bill. "You turn up here with a dead house-elf and a half-conscious goblin, Hermione looks as though she�s been tortured, and Ron�s just refused to tell me anything -" +"We can�t tell you what we�re doing," said Harry flatly. "You�re in the Order, Bill, you know Dumbledore left us a mission. We�re not supposed to talk about it to anyone else." +Fleur made an impatient noise, but Bill did not look at her; he was staring at Harry. His deeply scarred face was hard to read. Finally, Bill said, "All right. Who do you want to talk to first?" +Harry hesitated. He knew what hung on his decision. There was hardly any time left; now was the moment to decide: Horcruxes or Hallows? +"Griphook," Harry said. "I�ll speak to Griphook first." +His heart was racing as if he had been sprinting and had just cleared an enormous obstacle. +"Up here, then," said Bill, leading the way. +Harry had walked up several steps before stopping and looking back. +"I need you two as well!" he called to Ron and Hermione, who had been skulking, half concealed, in the doorway of the sitting room. +They both moved into the light, looking oddly relieved. +"How are you?" Harry asked Hermione. "You were amazing - coming up with that story when she was hurting you like that -" +Hermione gave a weak smile as Ron gave her a one-armed squeeze. +"What are we doing now, Harry?" he asked. +"You�ll see. Come on." +Harry, Ron, and Hermione followed Bill up the steep stairs onto a small landing. Three doors led off it. +"In here," said Bill, opening the door into his and Fleur�s room, it too had a view of the sea, now flecked with gold in the sunrise. Harry moved to the window, turned his back on the spectacular view, and waited, his arms folded, his scar prickling. Hermione took the chair beside the dressing table; Ron sat on the arm. +Bill reappeared, carrying the little goblin, whom he set down carefully upon the bed. Griphook grunted thanks, and Bill left, closing the door upon them all. +"I�m sorry to take you out of bed," said Harry. "How are your legs?" +"Painful," replied the goblin. "But mending." +He was still clutching the sword of Gryffindor, and wore a strange look: half truculent, half intrigued. Harry noted the goblin�s sallow skin, his long thin fingers, his black eyes. Fleur had removed his shoes: His long feet were dirty. He was larger than a house-elf, but not by much. His domed head was much bigger than a human�s. +"You probably don�t remember -" Harry began. +"-that I was the goblin who showed you to your vault, the first time you ever visited Gringotts?" said Griphook. "I remember, Harry Potter. Even amongst goblins, you are very famous." +Harry and the goblin looked at each other, sizing each other up. Harry�s scar was still prickling. He wanted to get through this interview with Griphook quickly, and at the same time was afraid of making a false move. While he tried to decide on the best way to approach his request, the goblin broke the silence. +"You buried the elf," he said, sounding unexpectedly rancorous. "I watched you from the window of the bedroom next door." +"Yes," said Harry. +Griphook looked at him out of the corners of his slanting black eyes. +"You are an unusual wizard, Harry Potter." +"In what way?" asked Harry, rubbing his scar absently. +"You dug the grave." +"So?" +Griphook did not answer. Harry rather thought he was being sneered at for acting like a Muggle, but it did not matter to him whether Griphook approved of Dobby�s grave or not. He gathered himself for the attack. +"Griphook, I need to ask -" +"You also rescued a goblin." +"What?" +"You brought me here. Saved me." +"Well, I take it you�re not sorry?" said Harry a little impatiently. +"No, Harry Potter," said Griphook, and with one finger he twisted the thin black beard upon his chin, "but you are a very odd wizard." +"Right," said Harry. "Well, I need some help, Griphook, and you can give it to me." +The goblin made no sign of encouragement, but continued to frown at Harry as though he had never seen anything like him. +"I need to break into a Gringotts vault." +Harry had not meant to say it so badly: the words were forced from him as pain shot through his lightning scar and he saw, again, the outline of Hogwarts. He closed his mind firmly. He needed to deal with Griphook first. Ron and Hermione were staring at Harry as though he had gone mad. +"Harry -" said Hermione, but she was cut off by Griphook. +"Break into a Gringotts vault?" repeated the goblin, wincing a little as he shifted his position upon the bed. "It is impossible." +"No, it isn�t," Ron contradicted him. "It�s been done." +"Yeah," said Harry. "The same day I first met you, Griphook. My birthday, seven years ago." +"The vault in question was empty at the time," snapped the goblin, and Harry understood that even though Griphook had let Gringotts, he was offended at the idea of its defenses being breached. "Its protection was minimal." +"Well, the vault we need to get into isn�t empty, and I�m guessing its protection will be pretty powerful," said Harry. "It belongs to the Lestranges." +He saw Hermione and Ron look at each other, astonished, but there would be time enough to explain after Griphook had given his answer. +"You have no chance," said Griphook flatly. "No chance at all. If you seek beneath our floors, a treasure that was never yours -" +"Thief, you have been warned, beware - yeah, I know, I remember," said Harry. "But I�m not trying to get myself any treasure, I�m not trying to take anything for personal gain. Can you believe that?" +The goblin looked slantwise at Harry, and the lightning scar on Harry�s forehead prickled, but he ignored it, refusing to acknowledge its pain or its invitation. +"If there was a wizard of whom I would believe that they did not seek personal gain," said Griphook finally, "it would be you, Harry Potter. Goblins and elves are not used to the protection or the respect that you have shown this night. Not from wand-carriers." +"Wand-carriers," repeated Harry: The phrase fell oddly upon his ears as his scar prickled, as Voldemort turned his thoughts northward, and as Harry burned to question Ollivander next door. +"The right to carry a wand," said the goblin quietly, "has long been contested between wizards and goblins." +"Well, goblins can do magic without wands," said Ron. +"That is immaterial! Wizards refuse to share the secrets of wand-lore with other magical beings, they deny us the possibility of extending our powers!" +"Well, goblins won�t share any of their magic either," said Ron. "You won�t tell us how to make swords and armor the way you do. Goblins know how to work metal in a way wizards have never -" +"It doesn�t matter," said Harry, noting Griphook�s rising color. "This isn�t about wizards versus goblins or any other sort of magical creature -" +Griphook gave a nasty laugh. +"But it is, it is precisely that! As the Dark Lord becomes ever more powerful, your race is set still more firmly above mine! Gringotts falls under Wizarding rule, house-elves are slaughtered, and who amongst the wand-carriers protests?" +"We do!" said Hermione. She had sat up straight, her eyes bright. "We protest! And I�m hunted quite as much as any goblin or elf, Griphook! I�m a Mudblood!" +"Don�t call yourself -" Ron muttered. +"Why shouldn�t I?" said Hermione. "Mudblood, and proud of it! I�ve got no higher position under this new order than you have, Griphook! It was me they chose to torture, back at the Malfoys!" +As she spoke, she pulled aside the neck of the dressing gown to reveal the thin cut Bellatrix had made, scarlet against her throat. +"Did you know that it was Harry who set Dobby free?" she asked. "Did you know that we�ve wanted elves to be freed for years?" (Ron fidgeted uncomfortably on the arm of Hermione�s chair.) "You can�t want You-Know-Who defeated more than we do, Griphook!" +The goblin gazed at Hermione with the same curiousity he had shown Harry. +"What do you seek within the Lestranges� vault?" he asked abruptly. "The sword that lies inside it is a fake. This is the real one." He looked from one to the other of them. "I think that you already know this. You asked me to lie for you back there." +"But the fake sword isn�t the only thing in that vault, is it?" asked Harry. "Perhaps you�ve seen other things in there?" +His heart was pounding harder than ever. He redoubled his efforts to ignore the pulsing of his scar. +The goblin twisted his beard around his finger again. +"It is against our code to speak of the secrets of Gringotts. We are the guardians of fabulous treasures. We have a duty to the objects placed in our care, which were, so often, wrought by our fingers." +The goblin stroked the sword, and his black eyes roved from Harry to Hermione to Ron and then back again. +"So young," he said finally, "to be fighting so many." +"Will you help us?" said Harry. "We haven�t got a hope of breaking in without a goblin�s help. You�re our one chance." +"I shall . . . think about it," said Griphook maddeningly. +"But -" Ron started angrily; Hermione nudged him in the ribs. +"Thank you," said Harry. +The goblin bowed his great domed head in acknowledgement, then flexed his short legs. +"I think," he said, settling himself ostentatiously upon Bill and Fleur�s bed, "that the Skele-Gro has finished its work. I may be able to sleep at last. Forgive me. . . ." +"Yeah, of course," said Harry, but before leaving the room he leaned forward and took the sword of Gryffindor from beside the goblin. Griphook did not protest, but Harry thought he saw resentment in the goblin�s eyes as he closed the door upon him. +"Little git," whispered Ron. "He�s enjoying keeping us hanging." +"Harry," whispered Hermione, pulling them both away from the door, into the middle of the still-dark landing, "are you saying what I think you�re saying? Are you saying there�s a Horcrux in the Lestranges vault?" +"Yes," said Harry. "Bellatrix was terrified when she thought we�d been in there, she was beside herself. Why? What did she think we�d seen, what else did she think we might have taken? Something she was petrified You-Know-Who would find out about." +"But I thought we were looking for places You-Know-Who�s been, places he�s done something important?" said Ron, looking baffled. "Was he ever inside the Lestranges� vault?" +"I don�t know whether he was ever inside Gringotts," said Harry. "He never had gold there when he was younger, because nobody left him anything. He would have seen the bank from the outside, though, the first time he ever went to Diagon Alley." +Harry�s scar throbbed, but he ignored it; he wanted Ron and Hermione to understand about Gringotts before they spoke to Ollivander. +"I think he would have envied anyone who had a key to a Gringotts vault. I think he�d have seen it as a real symbol of belonging to the Wizarding world. And don�t forget, he trusted Bellatrix and her husband. They were his most devoted servants before he fell, and they went looking for him after he vanished. He said it night he came back, I heard him." +Harry rubbed his scar. +"I don�t think he�d have told Bellatrix it was a Horcrux, though. He never told Lucius Malfoy the truth about the diary. He probably told her it was a treasured possession and asked her to place it in her vault. The safest place in the world for anything you want to hide, Hagrid told me. . . except for Hogwarts." +When Harry had finished speaking, Ron shook his head. +"You really understand him." +"Bits of him," said Harry. "Bits . . . I just wish I�d understood Dumbledore as much. But we�ll see. Come on - Ollivander now." +Ron and Hermione looked bewildered but very impressed as they followed him across the little landing and knocked upon the door opposite Bill and Fleur�s. A weak "Come in!" answered them. +The wandmaker was lying on the twin bed farthest from the window. He had been held in the cellar for more than a year, and tortured, Harry knew, on at least one occasion. He was emaciated, the bones of his face sticking out sharply against the yellowish skin. His great silver eyes seemed vast in their sunken sockets. The hands that lay upon the +blanket could have belonged to a skeleton. Harry sat down on the empty bed, beside Ron and Hermione. The rising sun was not visible here. The room faced the cliff-top garden and the freshly dug grave. +"Mr. Ollivander, I�m sorry to disturb you," Harry said. +"My dear boy," Ollivander�s voice was feeble. "You rescued us, I thought we would die in that place, I can never thank you . . . never thank you . . . enough." +"We were glad to do it." +Harry�s scar throbbed. He knew, he was certain, that there was hardly any time left in which to beat Voldemort to his goal, or else to attempt to thwart him. He felt a flutter of panic . . . yet he had made his decision when he chose to speak to Griphook first. Feigning a calm he did not feel, he groped in the pouch around his neck and took out the two halves of his broken wand. +"Mr. Ollivander, I need some help." +"Anything. Anything." Said the wandmaker weakly. +"Can you mend this? Is it possible?" +Ollivander held out a trembling hand, and Harry placed the two barely connected halves in his palm. +"Holly and phoenix feather," said Ollivander in a tremulous voice. "Eleven inches. Nice and supple." +"Yes," said Harry. "Can you -- ?" +"No," whispered Ollivander. "I am sorry, very sorry, but a wand that has suffered this degree of damage cannot be repaired by any means that I know of." +Harry had been braced to hear it, but it was a blow nevertheless. He took the wand halves back and replaced them in the pouch around his neck. Ollivander stared at the place where the shattered wand had vanished, and did not look away until Harry had taken from his pocket the two wands he had brought from the Malfoys�. +"Can you identify these?" Harry asked. +The wandmaker took the first of the wands and held it close to his faded eyes, rolling it between his knobble-knuckled fingers, flexing it slightly. +"Walnut and dragon heartstring," he said. "Twelve-and-three-quarter inches. Unyielding. This wand belonged to Bellatrix Lestrange." +"And this one?" +Ollivander performed the same examination. +"Hawthorn and unicorn hair. Ten inches precisely. Reasonably springy. This was the wand of Draco Malfoy." +"Was?" repeated Harry. "Isn�t it still his?" +"Perhaps not. If you took it -" +"-I did - " +"-then it may be yours. Of course, the manner of taking matters. Much also depends upon the wand itself. In general, however, where a wand has been won, its allegiance will change." +There was a silence in the room, except for the distant rushing of the sea. +"You talk about wands like they�ve got feelings," said Harry, "like they can think for themselves." +"The wand chooses the wizard," said Ollivander. "That much has always been clear to those of us who have studied wandlore." +"A person can still use a wand that hasn�t chosen them, though?" asked Harry. +"Oh yes, if you are any wizard at all you will be able to channel your magic through almost any instrument. The best results, however, must always come where there is the strongest affinity between wizard and wand. These connections are complex. An initial attraction, and then a mutual quest for experience, the wand learning from the wizard, the wizard from the wand." +The sea gushed forward and backward; it was a mournful sound. "I took this wand from Draco Malfoy by force," said Harry. "Can I use it safely?" +"I think so. Subtle laws govern wand ownership, but the conquered wand will usually bend its will to its new master." +"So I should use this one?" said Ron, pulling Wormtail�s wand out of his pocket and handing it to Ollivander. +"Chestnut and dragon heartstring. Nine-and-a-quarter inches. Brittle. I was forced to make this shortly after my kidnapping, for Peter Pettigrew. Yes, if you won it, it is more likely to do your bidding, and do it well, than another wand." +"And this holds true for all wands, does it?" asked Harry. +"I think so," replied Ollivander, his protuberant eyes upon Harry�s face. "You ask deep questions, Mr. Potter. Wandlore is a complex and mysterious branch of magic." +"So, it isn�t necessary to kill the previous owner to take the possession of a wand?" asked Harry. +Ollivander swallowed. +"Necessary? No, I should not say that it is necessary to kill." +"There are legends, though," said Harry, and as his heart rate quickened, the pain in his scar became more intense; he was sure that Voldemort has decided to put his idea into action. "Legends about a wand - or wands - that have been passed from hand to hand by murder." +Ollivander turned pale. Against the snowy pillow he was light gray, and his eyes were enormous, bloodshot, and bulging with what looked like fear. +"Only one wand, I think," he whispered. +"And You-Know-Who is interested in it, isn�t he?" asked Harry. +"I - how?" croaked Ollivander, and he looked appealingly at Ron and Hermione for help. "How do you know this?" +"He wanted you to tell him how to overcome the connection between our wands," said Harry. +Ollivander looked terrified. +"He tortured me, you must understand that! The Cruciatus Curse, I - I had no choice but to tell him what I knew, what I guessed!" +"I understand," said Harry. "You told him about the twin cores? You said he just had to borrow another wizard�s wand?" +Ollivander looked horrified, transfixed, by the amount that Harry knew. He nodded slowly. +"But it didn�t work," Harry went on. "Mine still beat the borrowed wand. Do you know why that is?" +Ollivander shook his head slowly as he had just nodded. +"I had . . . never heard of such a thing. Your wand performed something unique that night. The connection of the twin cores is incredibly rare, yet why your wand would have snapped the borrowed wand, I do not know. . . . +"We were talking about the other wand, the wand that changes hands by murder. When You-Know-Who realized my wand had done something strange, he came back and asked about that other wand, didn�t he?" +"How do you know this?" +Harry did not answer. +"Yes, he asked," whispered Ollivander. "He wanted to know everything I could tell him about the wand variously known as the Deathstick, the Wand of Destiny, or the Elder Wand." +Harry glanced sideways at Hermione. She looked flaggergasted. +"The Dark Lord," said Ollivander in hushed and frightened tones, "had always been happy with the wand I made him - yes and phoenix feather, thirteen-and-a-half inches. - until he discovered the connection of the twin cores. Now he seeks another, more powerful wand, as the only way to conquer yours." +"But he�ll know soon, if he doesn�t already, that mine�s broken beyond repair," said Harry quietly. +"No!" said Hermione, sounding frightened. "He can�t know that, Harry, how could he --?" +"Priori Incantatem," said Harry. "We left your wand and the blackthorn wand at the Malfoys�, Hermione. If they examine them properly, make them re-create the spells they�ve cast lately, they�d see that yours broke mine, they�ll see that you tried and failed to mend it, and they�ll realize that I�ve been using the blackthorn one ever since." +The little color she had regained since their arrival had drained from her face. Ron gave Harry a reproachful look, and said, "Let�s not worry about that now ---" +But Mr. Ollivander intervened. +"The Dark Lord no longer seeks the Elder Wand only for your destruction, Mr. Potter. He is determined to possess it because he believes it will make him truly invulnerable." +"And will it?" +"The owner of the Elder Wand must always fear attack," said Ollivander, "but the idea of the Dark Lord in possession of the Deathstick is, I must admit . . . formidable." +Harry was suddenly reminded of how unsure, when they first met, of how much he like Ollivander. Even now, having been tortured and imprisoned by Voldemort, the idea of the Dark Wizard in possession of this wand seemed to enthrall him as much as it repulsed him. +"You - you really think this wand exists, then, Mr. Ollivander?" asked Hermione. +"Oh yes," said Ollivander. "Yes, it is perfectly possible to trace the wand�s course through history. There are gaps, of, course, and long ones, where it vanishes from view, temporarily lost or hidden; but always it resurfaces. It has certain identifying characteristics that those who are learned in wandlore recognize. There are written accounts, some of them obscure, that I and other wandmakers have made it our business to study. They have the ring of authenticity." +"So you - you don�t think it can be a fairy tale or a myth?" Hermione asked hopefully. +"No," said Ollivander. "Whether it needs to pass by murder, I do not know. Its history is bloody, but that may be simply due to the fact that it is such a desirable object, and arouses such passions in wizards. Immensely powerful, dangerous in the wrong hands, and an object of incredible fascination to all of us who study the power of wands." +"Mr. Ollivander," said Harry, "you told You-Know-Who that Gregorovitch had the Elder Wand, didn�t you?" +Ollivander turned, if possible, even paler. He looked ghostly as he gulped. +"But how - how do you -- ?" +"Never mind how I know it," said Harry, closing his eyes momentarily as his scar burned and he saw, for mere seconds, a vision of the main street in Hogsmeade, still dark, because it was so much farther north. "You told You-Know-Who that Gregorovitch had the wand?" +"It was a rumor," whispered Ollivander. "A rumor, years and years ago, long before you were born I believe Gregorovitch himself started it. You can see how good it would be for business; that he was studying and duplicating the qualities of the Elder Wand!" +"Yes, I can see that," said Harry. He stood up. "Mr. Ollivander, one last thing, and then we�ll let you get some rest. What do you know about the Deathly Hallows?" +"The - the what?" asked the wandmaker, looking utterly bewildered. +"The Deathly Hallows." +"I�m afraid I don�t know what you�re talking about. Is this still something to do with wands?" +Harry looked into the sunken face and believed that Ollivander was not acting. He did not know about the Hallows. +"Thank you," said Harry. "Thank you very much. We�ll leave you to get some rest now." +Ollivander looked stricken. +"He was torturing me!" he gasped. "The Cruciatus Curse . . . you have no idea. . . ." +"I do," said Harry, "I really do. Please get some rest. Thank you for telling me all of this." +He led Ron and Hermione down the staircase. Harry caught glimpses of Bill, Fleur, Luna, and Dean sitting at the table in the kitchen, cups of tea in front of them. They all looked up at Harry as he appeared in the doorway, but he merely nodded to them and continued into the garden, Ron and Hermione behind him. The reddish mound of earth that covered Dobby lay ahead, and Harry walked back to it, as the pain in his head built more and more powerfully. It was a huge effort now to close down the visions that were forcing themselves upon him, but he knew that he would have to resist only a little longer. He would yield very soon, because he needed to know that his theory was right. He must make only one more short effort, so that he could explain to Ron and Hermione. +"Gregorovitch had the Elder Wand a long time ago," he said, "I saw You-Know-Who trying to find him. When he tracked him down, he found that Gregorovitch didn�t have it anymore: It was stolen from him by Grindelwald. How Grindelwald found out that Gregorovitch had it, I don�t know - but if Gregorovitch was stupid enough to spread the rumor, it can�t have been that difficult." +Voldemort was at the gates of Hogwarts; Harry could see him standing there, and see too the lamp bobbing in the pre-dawn, coming closer and closer. +"And Grindelwald used the Elder Wand to become powerful. And at the height of his power, when Dumbledore knew he was the only one who could stop him, he dueled Grindelwald and beat him, and he took the Elder Wand." +"Dumbledore had the Elder Wand?" said Ron. "But then - where is it now?" +"At Hogwarts," said Harry, fighting to remain with them in the cliff-top garden. +"But then, let�s go!" said Ron urgently. "Harry, let�s go and get it before he does!" +"It�s too late for that," said Harry. He could not help himself, but clutched his head, trying to help it resist. "He knows where it is. He�s there now." +"Harry!" Ron said furiously. "How long have you known this - why have we been wasting time? Why did you talk to Griphook first? We could have gone - we could still go -" +"No," said Harry, and he sank to his knees in the grass. "Hermione�s right. Dumbledore didn�t want me to have it. He didn�t want me to take it. He wanted me to get the Horcruxes." +"The unbeatable wand, Harry!" moaned Ron. +"I�m not supposed to . . . I�m supposed to get the Horcruxes. . . ." +And now everything was cool and dark: The sun was barely visible over the horizon as he glided alongside Snape, up through the grounds toward the lake. +"I shall join you in the castle shortly," he said in his high, cold voice. "Leave me now." +Snape bowed and set off back up the path, his black cloak billowing behind him. Harry walked slowly, waiting for Snape�s figure to disappear. It would not do for Snape, or indeed anyone else, to see where he was going. But there were no lights in the castle windows, and he could conceal himself . . . and in a second he had cast upon himself a Disillusionment Charm that hid him even from his own eyes. +And he walked on, around the edge of the lake, taking in the outlines of the beloved castle, his first kingdom, his birthright. . . . +And here it was, beside the lake, reflected in the dark waters. The white marble tomb, an unnecessary blot on the familiar landscape. He felt again that rush of controlled euphoria, that heady sense of purpose in destruction. He raised the old yew wand: How fitting that this would be its last great act. +The tomb split open from head to foot. The shrouded figure was as long as thin as it had been in life. He raised the wand again. +The wrappings fell open. The face was translucent, pale, sunken, yet almost perfectly preserved. They had left his spectacles on the crooked nose: He felt amused derision. Dumbledore�s hands were folded upon his chest, and there it lay, clutched beneath them, buried with him. +Had the old fool imagined that marble or death would protect the wand? Had he thought that the Dark Lord would be scared to violate his tomb? The spiderlike hand swooped and pulled the wand from Dumbledore�s grasp, and as he took it, a shower of sparks flew from its tip, sparkling over the corpse of its last owner, ready to serve a new master at last. +Chapter Twenty-Five +Shell Cottage +Bill and Fleur's cottage stood alone on a cliff overlooking the sea, its walls embedded with shells and whitewashed. It was a lonely and beautiful place. Wherever Harry went inside the tiny cottage or its garden, he could hear the constant ebb and flow of the sea, like the breathing of some great, slumbering creature. He spent much of the next few days making excuses to escape the crowded cottage, craving the cliff-top view of open sky and wide, empty sea, and the feel of cold, salty wind on his face. +The enormity of his decision not to race Voldemort to the wand still scared Harry. He could not remember, ever before, choosing /not/ to act. He was full of doubts, doubts that Ron could not help voicing whenever they were together. +"What if Dumbledore wanted us to work out the symbol in time to get the wand?" "What if working out what the symbol meant made you 'worthy' to get the Hallows?" "Harry, if that really is the Elder Wand, how the hell are we supposed to finish off You-Know-Who?" +Harry had no answers: There were moments when he wondered whether it had been outright madness not to try to prevent Voldemort breaking open the tomb. He could not even explain satisfactorily why he had decided against it: Every time he tried to reconstruct the internal arguments that had led to his decision, they sounded feebler to him. +The odd thing was that Hermione's support made him feel just as confused as Ron's doubts. Now forced to accept that the Elder Wand was real, she maintained that it was an evil object, and that the way Voldemort had taken possession of it was repellent, not to be considered. +"You could never have done that, Harry," she said again and again. "You couldn't have broken into Dumbledore's grave." +But the idea of Dumbledore's corpse frightened Harry much less than the possibility that he might have misunderstood the living Dumbledore's intentions. He felt that he was still groping in the dark; he had chosen his path but kept looking back, wondering whether he had misread the signs, whether he should not have taken the other way. From time to time, anger at Dumbledore crashed over him again, powerful as the waves slamming themselves against the cliff beneath the cottage, anger that Dumbledore had not explained before he died. +"But /is/ he dead?" said Ron, three days after they had arrived at the cottage. Harry had been staring out over the wall that separated the cottage garden from the cliff when Ron and Hermione had found him; he wished they had not, having no wish to join in with their argument. +"Yes, he is. Ron, /please" don't start that again!" +"Look at the facts, Hermione," said Ron, speaking across Harry, who continued to gaze at the horizon. "The solve doe. The sword. The eye Harry saw in the mirror --" +"Harry admits he could have imagined the eye! Don't you, Harry?" +"I could have," said Harry without looking at her. +"But you don't thing you did, do you?" asked Ron. +"No, I don't," said Harry. +"There you go!" said Ron quickly, before Hermione could carry on. "If it wasn't Dumbledore, explain how Dobby knew we were in the cellar, Hermione?" +"I can't -- but can you explain how Dumbledore sent him to us if he's lying in a tomb at Hogwarts?" +"I dunno, it could've been his ghost!" +"Dumbledore wouldn't come back as a ghost," said Harry. There was little about Dumbledore he was sure of now, but he knew that much. "He would have gone on." +"What d'you mean, 'gone on'?" asked Ron, but before Harry could say any more, a voice behind them said, "'Arry?" +Fleur had come out of the cottage, her long silver hair flying in the breeze. +"'Arry, Grip'ook would like to speak to you. 'E eez in ze smallest bedroom, 'e says 'e does not want to be over'eard." +Her dislike of the goblin sending her to deliver messages was clear; she looked irritable as she walked back around the house. +Griphook was waiting for them, as Fleur had said, in the tiniest of the cottage's three bedrooms, in which Hermione and Luna slept by night. He had drawn the red cotton curtains against the bright, cloudy sky, which gave the room a fiery glow at odds with the rest of the airy, light cottage. +"I have reached my decision, Harry Potter," said the goblin, who was sitting cross-legged in a low chair, drumming its arms with his spindly fingers. "Though the goblins of Gringotts will consider it base treachery, I have decided to help you --" +"That's great!" said Harry, relief surging through him. "Griphook, thank you, we're really --" +"-- in return," said the goblin firmly, "for payment." +Slightly taken aback, Harry hesitated. +"How much do you want? I've got gold." +"Not gold," said Griphook. "I have gold." +His black eyes glittered; there were no whites to his eyes. +"I want the sword. The sword of Godric Gryffindor." +Harry's spirits plummeted. +"You can't have that," he said. "I'm sorry." +"Then," said the goblin softly, "we have a problem." +"We can give you something else," said Ron eagerly. "I'll bet the Lestranges have got loads of stuff, you can take your pick once we get into the vault." +He had said the wrong thing. Griphook flushed angrily. +"I am not a thief, boy! I am not trying to procure treasures to which I have no right!" +"The sword's ours --" +"it is not," said the goblin. +"We're Gryffindors, and it was Godric Gryffindor's --" +"And before it was Gryffindor's, whose was it?" demanded the goblin, sitting up straight. +"No one's," said Ron. "It was made for him, wasn't it?" +"No!" cried the goblin, bristling with anger as he pointed a long finger at Ron. "Wizarding arrogance again! That sword was Ragnuk the First's, taken from him by Godric Gryffindor! It is a _____ _________, a masterpiece of goblinwork! It belongs with the gobl___. The sword is the price of my hire, take it or leave it!" +Griphook glared at them. Harry glanced at the other ____, then said, "We need to discuss this, Griphook, if that's all right. Could you give us a few minutes?" +The goblin nodded, looking sour. +Downstairs in the empty sitting room, Harry walked to the fireplace, brow furrowed, trying to think what to do. Behind him, Ron said, "He's having a laugh. We can't let him have that sword." +"It is true?" Harry asked Hermione. "Was the sword stolen by Gryffindor?" +"I don't know," she said hopelessly. "Wizarding history often skates over what the wizards have done to other magical races, but there's no account that I know of that says Gryffindor stole the sword." +"It'll be one of those goblin stories," said Ron, "about how the wizards are always trying to get one over on them. I suppose we should think ourselves lucky he hasn't asked for one of our wands." +"Goblins have got good reason to dislike wizards, Ron." said Hermione. "They've been treated brutally in the past." +"Goblins aren't exactly fluffy little bunnies, though, are they?" said Ron. "They've killed plenty of us. They've fought dirty too." +"But arguing with Griphook about whose race is most underhanded and violent isn't going to make him more likely to help us, is it?" +There was a pause while they tried to think of a way around the problem. Harry looked out of the window at Dobby's grave. Luna was arranging sea lavender in a jam jar beside the headstone. +"Okay," said Ron, and Harry turned back to face him, "how's this? We tell Griphook we need the sword until we get inside the _____ and then he can have it. There's a fake in these, isn't there? We switch them, and give him the fake." +"Ron, he'd know the difference better than we would!" said Hermione. "He's the only one who realized there had been a swap!" +"Yeah, but we could _ca_per before he realizes --" +He quailed beneath the look Hermione was giving him. +"That," she said quietly, "is despicable. Ask for his help, then double-cross him? And you wonder why goblins don't like wizards, Ron?" +Ron's ears had turned red. +"All right, all right! It was the only thing I could think of! What's your solution, then?" +"We need to offer him something else, something just as valuable." +"Brilliant, I'll go and get one of our ancient goblin-made swords and you can gift wrap it." +Silence fell between them again. Harry was sure that the goblin would accept nothing but the sword, even if they had something as valuable to offer him. Yet the sword was their one, indispensable weapon against the Horcruxes. +He closed his eyes for a moment or two and listened to the rush of the sea. The idea that Gryffindor might have stolen the sword was unpleasant to him: He had always been +proud to be a Gryffindor; Gryffindor had been the champion of Muggle-borns, the wizard who had clashed with the pureblood-loving Slytherin.... +"Maybe he's lying," Harry said, opening his eyes again. "Griphook. Maybe Gryffindor didn't take the sword. How do we know the goblin version of history's right?" +"Does it make a difference?" asked Hermione. +"Changes how I feel about it," said Harry. +He took a deep breath. +"We'll tell him he can have the sword after he's helped us get into that vault -- but we'll be careful to avoid telling him exactly /when/ he can have it." +A grin spread slowly across Ron's face. Hermione, however, looked alarmed. +"Harry, we can't --" +"He can have it," Harry went on, "after we've used it on all of the Horcruxes. I'll make sure he gets it then. I'll keep my word." +"But that could be years!" said Hermione. +"I know that, but /he/ needn't. I won't be lying... really." +Harry met her eyes with a mixture of defiance and shame. He remembered the words that had been engraved over the gateway to Nurmengard: FOR THE GREATER GOOD. He pushed the idea away. What choice did they have? +"I don't like it," said Hermione. +"Nor do I, much," Harry admitted. +"Well, I think it's genius," said Ron, standing up again. "Let's go and tell him." +Back in the smallest bedroom, Harry made the offer, careful to phrase it so as not to give any definite time for the handover of the sword. Hermione frowned at the floor while he was speaking; he felt irritated at her, afraid that she might give the game away. However, Griphook had eyes for nobody but Harry. +"I have your word, Harry Potter, that you will give me the sword of Gryffindor if I help you?" +"Yes," said Harry. +"Then shake," said the goblin, holding out his hand. +Harry took it and shook. He wondered whether those black eyes saw any misgivings in his own. Then Griphook relinquished him, clapped his hands together, and said, "So. We begin!" +It was like planning to break into the Ministry all over again. They settled to work in the smallest bedroom, which was kept, according to Griphook's preference, in semidarkness. +"I have visited the Lestranges' vault only once," Griphook told them, "on the occasion I was told to place inside it the false sword. It is one of the most ancient chambers. The oldest Wizarding families store their treasures at the deepest level, where the vaults are largest and best protected...." +They remained shut in the cupboardlike room for hours at a time. Slowly the days stretched into weeks. There was problem after problem to overcome, not least of which was that their store of Polyjuice Potion was greatly depleted. +"There's really only enough left for one of us," said Hermione, tilting the thick mudlike potion against the lamplight. +"That'll be enough," said Harry, who was examining Griphook's hand-drawn map of the deepest passageways. +The other inhabitants of Shell Cottage could hardly fail to notice that something was going on now that Harry, Ron and Hermione only emerged for mealtimes. Nobody asked questions, although Harry often felt Bill's eyes on the three of them at the table, thoughtful, concerned. +The longer they spent together, the more Harry realized that he did not much like the goblin. Griphook was unexpectedly bloodthirsty, laughed at the idea of pain in lesser creatures and seemed to relish the possibility that they might have to hurt other wizards to reach the Lestranges' vault. Harry could tell that his distaste was shared by the other two, but they did not discuss it. They needed Griphook. +The goblin ate only grudgingly with the rest of them. Even after his legs had mended, he continued to request trays of food in his room, like the still-frail Ollivander, until Bill (following an angry outburst from Fleur) went upstairs to tell him that the arrangement could not continue. Thereafter Griphook joined them at the overcrowded table, although he refused to eat the same food, insisting, instead, on lumps of raw meat, roots, and various fungi. +Harry felt responsible: It was, after all, he who had insisted that the goblin remain at Shell Cottage so that he could question him; his fault that the whole Weasley family had been driven into hiding, that Bill, Fred, George, and Mr. Weasley could no longer work. +"I'm sorry," he told Fleur, one blustery April evening as he helped her prepare dinner. "I never meant you to have to deal with all of this." +She had just set some knives to work, chipping up steaks for Griphook and Bill, who had preferred his meat bloody ever since he had been attacked by Greyback. While the knives sliced behind her, her somewhat irritable expression softened. +"'Arry, you saved my sister's life, I do not forget." +This was not, strictly speaking, true, but Harry decided against reminding her that Gabrielle had never been in real danger. +"Anyway," Fleur went on, pointing her want at a pot of sauce on the stove, which began to bubble at once, "Mr. Ollivander leaves for Muriel's zis evening. Zat will make zings easier. Ze goblin," she scowled a little at the mention of him, "can move downstairs, and you, Ron, and Dean can take zat room." +"We don't mind sleeping in the living room," said Harry, who knew that Griphook would thing poorly of having to sleep on the sofa; keeping Griphook happy was essential to their plans. "Don't worry about us." And when she tried to protest he went on, "We'll be off your hands soon too, Ron, Hermione, and I. We won't need to be here much longer." +"But, what do you mean?" she said, frowning at him, her wand pointing at the casserole dish now suspended in midair. "Of course you must not leave, you are safe 'ere!" +She looked rather like Mrs. Weasley as she said it, and he was glad that the back door opened at that moment. Luna and Dean entered, their hair damp from the rain outside and their arms full of driftwood. +"... and tiny little ears," Luna was saying, "a bit like hippo's, Daddy says, only purple and hairy. And if you want to call them, you have to hum; they prefer a waltz, nothing too fast...." +Looking uncomfortable, Dean shrugged at Harry as he passed, following Luna into the combined dining and sitting room where Ron and Hermione were laying the dinner table. Seizing the chance to escape Fleur's questions, Harry grabbed two jugs of pumpkin juice and followed them. +"... and if you ever come to our house I'll be able to show you the horn, Daddy wrote to me about it but I haven't seen it yet, because the Death Eaters took me from the Hogwarts Express and I never got home for Christmas," Luna was saying, as she and Dean relit the fire. +"Luna, we told you," Hermione called over to her. "That horn exploded. It came from an Erumpent, not a Crumple-Horned Snorkack --" +"No, it was definitely a Snorkack horn," said Luna serenely, "Daddy told me. It will probably have re-formed by now, they mend themselves, you know." +Hermione shook her head and continued laying down forks as Bill appeared, leading Mr. Ollivander down the stairs. The wandmaker still looked exceptionally frail, and he clung to Bill's arm as the latter supported him, carrying a large suitcase. +"I'm going to miss you, Mr. Ollivander," said Luna, approaching the old man. +"And I you, my dear," said Ollivander, patting her on the shoulder. +"You were an inexpressible comfort to me in that terrible place." +"So, au revoir, Mr. Ollivander," said Fleur, kissing him on both cheeks. "And I wonder whezzer you could oblige me by delivering a package to Bill's Auntie Murie!? I never returned 'er tiara." +"It will be an honor," said Ollivander with a little bow, "the very least I can do in return for your generous hospitality." +Fleur drew out a worn velvet case, which she opened to show the wandmaker. The tiara sat glittering and twinkling in the light from the low-hanging lamp. +"Moonstones and diamonds," said Griphook, who had sidled into the room without Harry noticing. "Made by goblins, I think?" +"And paid for by wizards," said Bill quietly, and the goblin shot him a look that was both furtive and challenging. +A strong wind gusted against the cottage windows as Bill and Ollivander set off into the night. The rest of them squeezed in around the table; elbow to elbow and with barely enough room to move, they started to eat. The fire crackled and popped in the grate beside them. Fleur, Harry noticed, was merely playing with her food; she glanced at the window every few minutes; however, Bill returned before they had finished their first course, his long hair tangled by the wind. +"Everything's fine," he told Fleur. "Ollivander settled in, Mum and Dad say hello. Ginny sends you all her love, Fred and George are driving Muriel up the wall, they're still operating an Owl-Order business out of her back room. It cheered her up to have her tiara back, though. She said she thought we'd stolen it." +"Ah, she eez charmant, your aunt," said Fleur crossly, waving her wand and causing the dirty plates to rise and form a stack in midair. She caught them and marched out of the room. +"Daddy's made a tiara," piped up Luna, "Well, more of a crown, really." +Ron caught Harry's eye and grinned; Harry knew that he was remembering the ludicrous headdress they had seen on their visit to Xenophilius. +"Yes, he's trying to re-create the lost diadem of Ravenclaw. He thinks he's identified most of the main elements now. Adding the billywig wings really made a difference --" +There was a bang on the front door. Everyone's head turned toward it. Fleur came running out of the kitchen, looking frightened; Bill jumped to his feed, his wand pointing +at the door; Harry, Ron, and Hermione did the same. Silently Griphook slipped beneath the table, out of sight. +"Who is it?" Bill called. +"It is I, Remus John Lupin!" called a voice over the howling wind. Harry experienced a thrill of fear; what had happened? "I am a werewolf, married to Nymphadora Tonks, and you, the Secret-Keeper of Shell Cottage, told me the address and bade me come in an emergency!" +"Lupin," muttered Bill, and he ran to the door and wrenched it open. +Lupin fell over the threshold. He was white-faced, wrapped in a traveling cloak, his graying hair windswept. He straightened up, looked around the room, making sure of who was there, then cried aloud, "It's a boy! We've named him Ted, after Dora's father!" +Hermione shrieked. +"Wha --? Tonks -- Tonks has had the baby?" +"Yes, yes, she's had the baby!" shouted Lupin. All around the table came cries of delight, sighs of relief: Hermione and Fleur both squealed, "Congratulations!" and Ron said, "Blimey, a baby!" as if he had never heard of such a thing before. +"Yes -- yes -- a boy," said Lupin again, who seemed dazed by his own happiness. He strode around the table and hugged Harry; the scene in the basement of Grimmauld Place might never have happened. +"You'll be godfather?" he said as he released Harry. +"M-me?" stammered Harry. +"You, yes, of course -- Dora quite agrees, no one better --" +"I -- yeah -- blimey --" +Harry felt overwhelmed, astonished, delighted; now Bill was hurrying to fetch wine, and Fleur was persuading Lupin to join them for a drink. +"I can't stay long, I must get back," said Lupin, beaming around at them all: He looked years younger than Harry had ever seen him. "Thank you, thank you, Bill" +Bill had soon filled all of their goblets, they stood and raised them high in a toast. +"To Teddy Remus Lupin," said Lupin, "a great wizard in the making!" +"'Oo does 'e look like?" Fleur inquired. +"I think he looks like Dora, but she thinks he is like me. Not much hair. It looked black when he was born, but I swear it's turned ginger in the hour since. Probably blond by the time I get back. Andromeda says Tonks's hair started changing color the day that she was born." He drained his goblet. "Oh, go on then, just one more," he added, beaming, as Bill made to fill it again. +The wind buffeted the little cottage and the fire leapt and crackled, and Bill was soon opening another bottle of wine. Lupin's news seemed to have taken them out of themselves, removed them for a while from their state of siege: Tidings of new life were exhilarating. Only the goblin seemed untouched by the suddenly festive atmosphere, and after a while he slunk back to the bedroom he now occupied alone. Harry thought he was the only one who had noticed this, until he saw Bill's eyes following the goblin up the stairs. +"No... no... I really must get back," said Lupin at last, declining yet another goblet of wine. He got to his feet and pulled his traveling cloak back around himself. +"Good-bye, good-bye -- I'll try and bring some pictures in a few day's time -- they'll all be so glad to know that I've seen you --" +He fastened his cloak and made his farewells, hugging the women and grasping hands with the men, then, still beaming, returned into the wild night. +"Godfather, Harry!" said Bill as they walked into the kitchen together, helping clear the table. "A real honor! Congratulations!" +As Harry set down the empty goblets he was carrying, Bill pulled the door behind him closed, shutting out the still-voluble voices of the others, who were continuing to celebrate even in Lupin's absence. +"I wanted a private word, actually, Harry. It hasn't been easy to get an opportunity with the cottage this full of people." +Bill hesitated. +"Harry, you're planning something with Griphook." +It was a statement, not a question, and Harry did not bother to deny it. He merely looked at Bill, waiting. +"I know goblins," said Bill. "I've worked for Gringotts ever since I left Hogwarts. As far as there can be friendship between wizards and goblins, I have goblin friends -- or, at least, goblins I know well, and like." Again, Bill hesitated. +"Harry, what do you want from Griphook, and what have you promised him in return?" +"I can't tell you that," said Harry. "Sorry, Bill." +The kitchen door opened behind them; Fleur was trying to bring through more empty goblets. +"Wait," Bill told her, "Just a moment." +She backed out and he closed the door again. +"Then I have to say this," Bill went on. "If you have struck any kind of bargain with Griphook, and most particularly if that bargain involves treasure, you must be exceptionally careful. Goblin notions of ownership, payment, and repayment are not the same as human ones." +Harry felt a slight squirm of discomfort, as though a small snake had stirred inside him. +"What do you mean?" he asked. +"We are talking about a different breed of being," said Bill. "Dealings between wizards and goblins have been fraught for centuries -- but you'll know all that from History of Magic. There has been fault on both sides, I would never claim that wizards have been innocent. However, there is a belief among some goblins, and those at Gringotts are perhaps most prone to it, that wizards cannot be trusted in matters of gold and treasure, that they have no respect for goblin ownership." +"I respect --" Harry began, but Bill shook his head. +"You don't understand, Harry, nobody could understand unless they have lived with goblins. To a goblin, the rightful and true master of any object is the maker, not the purchaser. All goblin made objects are, in goblin eyes, rightfully theirs." +"But it was bought --" +"-- then they would consider it rented by the one who had paid the money. They have, however, great difficulty with the idea of goblin-made objects passing from wizard to wizard. You saw Griphook's face when the tiara passed under his eyes. He disapproves. I believe he thinks, as do the fiercest of his kind, that it ought to have been returned to the goblins once the original purchaser died. They consider our habit of keeping goblin-made objects, passing them from wizard to wizard without further payment, little more than theft." +Harry had an ominous feeling now; he wondered whether Bill guessed more than he was letting on. +"All I am saying," said Bill, setting his hand on the door back into the sitting room, "is to be very careful what you promise goblins, Harry. It would be less dangerous to break into Gringotts than to renege on a promise to a goblin." +"Right," said Harry as Bill opened the door, "yeah. Thanks. I'll bear that in mind." +As he followed Bill back to the others a wry thought came to him, born no doubt of the wine he had drunk. He seemed set on ______ to become just as reckless a godfather to Teddy Lupin as Sirius Black had been to him. +Chapter Twenty-Six +Gringotts +Their plans were made, their preparations complete; in the smallest bedroom a single long, coarse black hair (plucked from the sweater Hermione had been wearing at Malfoy Manor) lay curled in a small glass phial on the mantelpiece. +"And you'll be using her actual wand," said Harry, nodding toward the walnut wand, "so I reckon you'll be pretty convincing." +Hermione looked frightened that the wand might sting or bit her as she picked it up. +"I hate that thing," she said in a low voice. "I really hate it. It feels all wrong, it doesn't work properly for me . . . It's like a bit of her." +Harry could not help but remember how Hermione has dismissed his loathing of the blackthorn wand, insisting that he was imagining things when it did not work as well as his own, telling him to simply practice. He chose not to repeat her own advice back to her, however, the eve of their attempted assault on Gringotts felt like the wrong moment to antagonize her. +"It'll probably help you get in character, though," said Ron. "think what that wand's done!" +"But that's my point!" said Hermione. "This is the wand that tortured Neville's mum and dad, and who knows how many other people? This is the wand that killed Sirius!" +Harry had not thought of that: He looked down at the wand and was visited by a brutal urge to snap it, to slice it in half with Gryffindor's sword, which was propped against the wall beside him. +"I miss my wand," Hermione said miserably. "I wish Mr. Ollivander could have made me another one too." +Mr. Ollivander had sent Luna a new wand that morning. She was out on the back lawn at that moment, testing its capabilities in the late afternoon sun. Dean, who had lost his wand to the Snatchers, was watching rather gloomily. +Harry looked down at the hawthorn wand that had once belonged to Draco Malfoy. He had been surprised, but pleased to discover that it worked for him at least as well as Hermione's had done. Remembering what Ollivander had told them of the secret +workings of wands, Harry thought he knew what Hermione's problem was: She had not won the walnut wand's allegiance by taking it personally from Bellatrix. +The door of the bedroom opened and Griphook entered. Harry reached instinctively for the hilt of the sword and drew it close to him, but regretted his action at once. He could tell that the goblin had noticed. Seeking to gloss over the sticky moment, he said, "We've just been checking the last-minute stuff, Griphook. We've told Bill and Fleur we're leaving tomorrow, and we've told them not to get up to see us off." +They had been firm on this point, because Hermione would need to transform in Bellatrix before they left, and the less that Bill and Fleur knew or suspected about what they were about to do, the better. They had also explained that they would not be returning. As they had lost Perkin's old tent on the night that the Snatcher's caught them, Bill had lent them another one. It was now packed inside the beaded bag, which, Harry was impressed to learn, Hermione had protected from the Snatchers by the simple expedient of stuffing it down her sock. +Though he would miss Bill, Fleur, Luna, and Dean, not to mention the home comforts they had enjoyed over the last few weeks, Harry was looking forward to escaping the confinement of Shell Cottage. He was tired of trying to make sure that they were not overheard, tired of being shut in the tiny, dark bedroom. Most of all, he longed to be rid of Griphook. However, precisely how and when they were to part from the goblin without handing over Gryffindor's sword remained a question to which Harry had no answer. It had been impossible to decide how they were going to do it, because the goblin rarely left Harry, Ron, and Hermione alone together for more than five minutes at a time: "He could give my mother lessons," growled Ron, as the goblin's long fingers kept appearing around the edges of doors. With Bill's warning in mind, Harry could not help suspecting that Griphook was on the watch for possible skullduggery. Hermione disapproved so heartily of the planned double-cross that Harry had given up attempting to pick her brains on how best to do it: Ron, on the rare occasions that they had been able to snatch a few Griphook-free moments, had come up with nothing better than "We'll just have to wing it, mate." +Harry slept badly that night. Lying away in the early hours, he thought back to the way he had felt the night before they had infiltrated the Ministry of Magic and remembered a determination, almost an excitement. Now he was experiencing jolts of anxiety nagging doubts: He could not shake off the fear that it was all going to go wrong. He kept telling himself that their plan was good, that Griphook knew what they were facing, that they were well-prepared for all the difficulties they were likely to encounter, yet still he felt uneasy. Once or twice he heard Ron stir and was sure that he too was awake, but they were sharing the sitting room with Dean, so Harry did not speak. +It was a relief when six o-clock arrived and they could slip out of their sleeping bags, dress in the semidarkness, then creep out into the garden, where they were to meet Hermione and Griphook. The dawn was chilly, but there was little wind now that it was May. Harry looked up at the stars still glimmering palely in the dark sky and listened to the sea washing backward and forward against the cliff: He was going to miss the sound. +Small green shoots were forcing their way up through the red earth of Dobby's grave now, in a year's time the mound would be covered in flowers. The white stone that bore the elf's name had already acquired a weathered look. He realized now that they could hardly have laid Dobby to rest in a more beautiful place, but Harry ached with +sadness to think of leaving him behind. Looking down on the grave, he wondered yet again how the elf had known where to come to rescue them. His fingers moved absentmindedly to the little pouch still strung around his neck, thorough which he could feel the jagged mirror fragment in which he had been sure he had seen Dumbledore's eye. Then the sound of a door opening made him look around. +Bellatrix Lestrange was striding across the lawn toward them, accompanied by Griphook. As she walked, she was tucking the small, beaded bag into the inside pocket of another set of the old robes they had taken from Grimmauld Place. Though Harry knew perfectly well that it was really Hermione, he could not suppress a shiver of loathing. She was taller than he was, her long black hair rippling down her back, her heavily lidded eyes disdainful as they rested upon him; but then she spoke, and he heard Hermione through Bellatrix's low voice. +"She tasted disgusting, worse than Gurdyroots! Okay, Ron, come here so I can do you . . ." +"right, but remember, I don't like the beard too long" +"Oh, for heaven's sake, this isn't about looking handsome" +"It's not that, it gets in the way! But I liked my nose a bit shorter, try and do it the way you did last time." +Hermione sighed and set to work, muttering under her breath as she transformed various aspects of Ron's appearance. He was to be given a completely fake identity, and they were trusting to the malevolent aura cast by Bellatrix to protect him. Meanwhile Harry and Griphook were to be concealed under the Invisibility Cloak. +"There," said Hermione, "how does he look, Harry?" +It was just not possible to discern Ron under his disguise, but only, Harry thought because he knew him so well. Ron's hair was now long and wavy; he had a thick brown beard and mustache, no freckles, a short, broad nose, and heavy eyebrows. +"Well, he's not my type, but he'll do," said Harry. "Shall we go, then?" +All three of them glanced back at Shell Cottage, lying dark and silent under the fading stars, then turned and began to walk toward the point, just beyond the boundary wall, where the Fidelius Chard stopped working and they would be able to Disapparate. Once past the gate, Griphook spoke. +"I should climb up now, Harry Potter, I think?" +Harry bent down and the goblin clambered onto his back, his hands linked on front of Harry's throat. He was not heavy, but Harry disliked the feeling of the goblin and the surprising strength with which he clung on. Hermione pulled the Invisibility Cloak out of the beaded bag and threw it over them both. +"Perfect," she said, bending down to check Harry's feet. "I can't see a thing. Let's go." +Harry turned on the spot, with Griphook on his shoulders, concentrating with all his might on the Leaky Cauldron, the inn that was the entrance to Diagon Alley. The goblin clung even tighter as they moved into the compressing darkness, and seconds later Harry's feet found pavement and he opened his eyes on Charing Cross Road. Muggles bustled past wearing the hangdog expressions of early morning, quite unconscious of the little inn's existence. +The bar of the Leaky Cauldron was nearly deserted. Ton, the stooped and toothless landlord, was polishing glasses behind the bar counter; a couple of warlocks +having a muttered conversation in the far corner glanced at Hermione and drew back into the shadows. +"Madam Lestrange," murmured Tom, and as Hermione paused he inclined his head subserviently. +"Good morning," said Hermione, and as Harry crept past, still carrying Griphook piggyback under the Cloak, he saw Tom look surprised. +"Too polite," Harry whispered in Hermione's ear as they passed out of the Inn into the tiny backyard. "You need to treat people like they're scum!" +"Okay, okay!" +Hermione drew out Bellatrix's wand and rapped a brick in the nondescript wall in front of them. At once the bricks began to whirl and spin: A hole appeared in the middle of them, which grew wider and wider, finally forming an archway onto the narrow cobbled street that was Diagon Alley. +It was quiet, barely time for the shops to open, and there were hardly and shoppers abroad. The crooked, cobbled street was much altered now from the bustling place Harry had visited before his first team at Hogwarts so many years before. More shops than ever were boarded up, though several new establishments dedicated to the Dark Arts had been created since his last visit. Harry's own face glared down at him from posters plastered over many windows, always captioned with the words UNDESIRABLE NUMBER ONE. +A number of ragged people sat huddled in doorways. He heard them moaning to the few passersby, pleading for gold, insisting that they were really wizards. One man had a bloody bandage over his eye. +As they set off along the street, the beggars glimpsed Hermione. they seemed to melt away before her, drawing hoods over their faces and fleeing as fast as they could. Hermione looked after them curiously, until the man with the bloodied bandage came staggering right across her path. +"My children," he bellowed, pointing at her. His voice was cracked, high-pitched, he sounded distraught. "Where are my children? What has he done with them? You know, you know!" +"I--I really--" stammered Hermione. +The man lunged at her, reaching for her throat. Then, with a bang and a burst of red light he was thrown backward onto the ground, unconscious. Ron stood there, his wand still outstretched and a look of shock visible behind his beard. Faces appeared at the windows on either side of the street, while a little knot of prosperous-looking passerby gathered their robes about them and broke into gentle trots, keen to vacate the scene. +their entrance into Diagon Alley could hardly have been more conspicuous; for a moment Harry wondered whether it might not be better to leave now and try to think of a different plan. Before they could move or consult one another, however, they heard a cry from behind them. +"Why, Madam Lestrange!" +Harry whirled around and Griphook tightened his hold around Harry's neck: A tall, think wizard with a crown of bushy gray hair and a long, sharp nose was striding toward them. +"It's Travers," hissed the goblin into Harry's ear, but at that moment Harry could not think who Travers was. Hermione had drawn herself up to full height and said with as much contempt as she could muster: +"And what do you want?" +Travers stopped in his tracks, clearly affronted. +"He's another Death Eater!" breathed Griphook, and Harry sidled sideways to repeat the information into Hermione's ear. +"I merely sought to greet you," said Travers coolly, "but if my presence is not welcome . . ." +Harry recognized his voice now: Travers was one of the Death Eaters who had been summoned to Xenophilius�s house. +"No, no, not at all, Travers," said Hermione quickly, trying to cover up her mistake. "How are you?" +"Well, I confess I am surprised to see you out and about, Bellatrix." +"Really? Why?" asked Hermione. +"Well," Travers coughed, "I heard that the Inhabitants of Malfoy Manor were confined to the house, after the . . . ah . . . escape." +Harry willed Hermione to keep her head. If this was true, and Bellatrix was not supposed to be out in public-- +"The Dark Lord forgives those who have served him most faithfully in the past," said Hermione in a magnificent imitation of Bellatrix's most contemptuous manner. "Perhaps your credit is not as good with him as mine is, Travers." +Though the Death Eater looked offended, he also seemed less suspicious. He glanced down at the man Ron had just Stunned. +"How did it offend you?" +"It does not matter, it will not do so again," said Hermione coolly. +"Some of these wandless can be troublesome," said Travers. "While they do nothing but beg I have no objection, but one of them actually asked me to plead her case in the Ministry last week. 'I'm a witch, sir, I'm a witch, let me prove it to you!" he said in a squeaky impersonation. "As if I was going to give her my wand--but whose wand," said Travers curiously, "are you using at the moment, Bellatrix? I heard that your own was--" +"I have my wand here," said Hermione coldly, holding up Bellatrix's wand. "I don't know what rumors you have been listening to, Travers, but you seem sadly misinformed." +Travers seemed a little taken aback at that, and he turned instead to Ron. +"Who is your friend? I do not recognize him." +"This is Dragomir Despard," said Hermione; they had decided that a fictional foreigner was the safest cover for Ron to assume. "He speaks very little English, but he is in sympathy with the Dark Lord's aims. He has traveled here from Transylvania to see our new regime." +"Indeed? How do you do, Dragomir?" +"'Ow you?" said Ron, holding out his hand. +Travers extended two fingers and shook Ron's hand as though frightened of dirtying himself. +So what brings you and your--ah--sympathetic friend to Diagon Alley this early?" asked Travers. +"I need to visit Gringotts," said Hermione. +"Alas, I also," said Travers. "Gold, filthy gold! We cannot live without it, yet I confess I deplore the necessity of consorting with our long-fingered friends." +Harry felt Griphook's clasped hands tighten momentarily around his neck. +"Shall we?" said Travers, gesturing Hermione forward. +Hermione had no choice but to fall into step beside him and head along the crooked, cobbled street toward the place where the snowy-white Gringotts stood towering over the other little shops. Ron sloped along beside them, and Harry and Griphook followed. +A watchful Death Eater was the very last thing they needed, and the worst of it was, with Travers matching at what he believed to be Bellatrix's side, there was no means for Harry to communicate with Hermione or Ron. All too soon they arrived at the foot of the marble steps leading up to the great bronze doors. As Griphook had already warned them, the liveried goblins who usually flanked the entrance had been replaced by two wizards, both of whom were clutching long thin golden rods. +"Ah, Probity Probes," signed Travers theatrically, "so crude--but so effective!" +And he set off up the steps, nodding left and right to the wizards, who raised the golden rods and passed them up and down his body. The Probes, Harry knew, detected spells of concealment and hidden magical objects. Knowing that he had only seconds, Harry pointed Draco's wand at each of the guards in turn and murmured, "Confundo" twice. Unnoticed by Travers, who was looking through the bronze doors at the inner hall, each of the guards gave a little start as the spells hit them. +Hermione's long black hair rippled behind her as she climbed the steps. +"One moment, madam," said the guard, raising his Probe. +"But you've just done that!" said Hermione in Bellatrix's commanding, arrogant voice. Travers looked around, eyebrows raised. The guard was confused. He stared down at the thin golden Probe and then at his companion, who said in a slightly dazed voice, +"Yeah, you've just checked them, Marius." +Hermione swept forward. Ron by her side, Harry and Griphook trotting invisibly behind them. Harry glanced back as they crossed the threshold. The wizards were both scratching their heads. +Two goblins stood before the inner doors, which were made of silver and which carried the poem warning of dire retribution to potential thieves. Harry looked up at it, and all of a sudden a knife-sharp memory came to him: standing on this very spot on the day that he had turned eleven, the most wonderful birthday of his life, and Hagrid standing beside him saying, "Like I said, yeh'd be mad ter try an' rob it." Gringotts had seemed a place of wonder that day, the enchanted repository of a trove of gold he had never known he possessed, and never for an instant could he have dreamed that he would return to steal . . . But within seconds they were standing in the vast marble hall of the bank. +The long counter was manned by goblins sitting on high stools serving the first customers of the day. Hermione, Ron, and Travers headed toward an old goblin who was examining a thick gold coin through an eyeglass. Hermione allowed Travers to step ahead of her on the pretext of explaining features of the hall to Ron. +The goblin tossed the coin he was holding aside, said to nobody in particular, "Leprechaun," and then greeted Travers, who passed over a tiny golden key, which was examined and given back to him. +Hermione stepped forward. +"Madam Lestrange!" said the goblin, evidently startled. "Dear me!" How--how may I help you today?" +"I wish to enter my vault," said Hermione. +The old goblin seemed to recoil a little. Harry glanced around. Not only was Travers hanging back, watching, but several other goblins had looked up from their work to stare at Hermione. +"You have . . . identification?" asked the goblin. +"Identification? I--I have never been asked for identification before!" said Hermione. +"They know!" whispered Griphook in Harry's ear, "They must have been warned there might be an imposter!" +"Your wand will do, madam," said the goblin. He held out a slightly trembling hand, and in a dreadful blast of realization Harry knew that the goblins of Gringotts were aware that Bellatrix's wand had been stolen. +"Act now, act now," whispered Griphook in Harry's ear, "the Imperious Curse!" +Harry raised the hawthorn wand beneath the cloak, pointed it at the old goblin, and whispered, for the first time in his life, "Imperio!" +A curious sensation shot down Harry's arm, a feeling of tingling, warmth that seemed to flow from his mind, down the sinews and veins connecting him to the wand and the curse it had just cast. The goblin took Bellatrix's wand, examined it closely, and then said, "Ah, you have had a new wand made, Madam Lestrange!" +"What?" said Hermione, "No, no, that's mine--" +"A new wand?" said Travers, approaching the counter again; still the goblins all around were watching. "But how could you have done, which wandmaker did you use?" +Harry acted without thinking. Pointing his wand at Travers, he muttered, "Imperio!" once more. +"Oh yes, I see," said Travers, looking down at Bellatrix's wand, "yes, very handsome. and is it working well? I always think wands require a little breaking in, don't you?" +Hermione looked utterly bewildered, but to Harry's enormous relief she accepted the bizarre turn of events without comment. +The old goblin behind the counter clapped his hands and a younger goblin approached. +"I shall need the Clankers," he told the goblin, who dashed away and returned a moment later with a leather bag that seemed to be full of jangling metal, which he handed to his senior. "Good, good! S, if you will follow me, Madam Lestrange," said the old goblin, hopping down off his stool and vanishing from sight. "I shall take you to your vault." +He appeared around the end of the counter, jogging happily toward them, the contents of the leather bag still jingling. Travers was now standing quite still with his mouth hanging wide open. Ron was drawing attention to this odd phenomenon by regarding Travers with confusion. +"Wait - Bogrod!" +Another goblin came scurrying around the counter. +"We have instructions," he said with a bow to Hermione. "Forgive me, Madam, but there have been special orders regarding the vault of Lestrange." +He whispered urgently in Bogrod�s ear, but the Imperiused goblin shook him off. +"I am aware of the instructions, Madam Lestrange wishes to visit her vault ... Very old family ... old clients ... This way, please ... " +And, still clanking, he hurried toward one of the many doors leading off the hall. Harry looked back at Travers , who was still rooted to the spot looking abnormally vacant, and made his decision. With a flick of his wand he made Travers come with them, walking meekly in their wake as they reached the door and passed into the rough stone passageway beyond, which was lit with flaming torches. +"We�re in trouble; they suspect," said Harry as the door slammed behind them and he pulled off the Invisibility Cloak. Griphook jumped down from his shoulders: neither Travers nor Bogrod showed the slightest surprise at the sudden appearance of Harry Potter in their midst. "They�re Imperiused," he added, in response to Hermione and Ron�s confused queries about Travers and Bogrod, who were both now standing there looking blank. "I don�t think I did it strongly enough, I don�t know ..." +And another memory darted through his mind, of the real Bellatrix Lestrange shrieking at him when he had first tried to use an Unforgivable Curse: "You need to mean them, Potter!" +"What do we do?" asked Ron. "Shall we get out now, while we can?" +"If we can," said Hermione, looking back toward the door into the main hall, beyond which who knew what was happening. +"We�ve got this far, I say we go on," said Harry. +"Good!" said Griphook. "So, we need Bogrod to control the cart; I no long have the authority. But there will not be room for the wizard." +Harry pointed his wand at Travers. +"Imperio!" +The wizard turned and set off along the dark track at a smart pace. +"What are you making him do?" +"Hide," said Harry as he pointed his wand at Bogrod, who whistled to summon a little cart that came trundling along the tracks toward them out of the darkness. Harry was sure he could hear shouting behind them in the main hall as they all clambered into it, Bogrod in front of Griphook, Harry, Ron, and Hermione crammed together in the back. +With a jerk the cart moved off, gathering speed: They hurried past Travers, who was wriggling into a crack in the wall, then the cart began twisting and turning through the labyrinthine passages, sloping downward all the time. Harry could not hear anything over the rattling of the cart on the tracks: His hair flew behind him as they swerved between stalactites, flying ever deeper into the earth, but he kept glancing back. They might as well have left enormous footprints behind them; the more he thought about it, the more foolish it seemed to have disguised Hermione as Bellatrix, to have brought along Bellatrix�s wand, when the Death Eaters knew who had stolen it - +There were a deeper than Harry had ever penetrated within Gringotts; they took a hairpin bend at speed and saw ahead of them, with seconds to spare, a waterfall pounding over the track. Harry heard Griphook shout, "No!" but there was no braking. They +zoomed through it. Water filled Harry�s eyes and mouth: He could not see or breathe: Then, with an awful lurch, the cart flipped over and they were all thrown out of it. Harry heard the cart smash into pieces against the passage wall, heard Hermione shriek something, and felt himself glide back toward the ground as though weightless, landing painlessly on the rocky passage floor. +"C-Cushioning Charm," Hermione spluttered, as Ron pulled her to her feet, but to Harry�s horror he saw that she was no longer Bellatrix; instead she stood there in overlarge robes, sopping wet and completely herself; Ron was red-haired and beardless again. They were realizing it as they looked at each other, feeling their own faces. +"The Thief�s Downfall!" said Griphook, clambering to his feet and looking back the deluge onto the tracks, which, Harry knew now, had been more than water. "It washes away all enchantment, all magical concealment! They know there are imposers in Gringotts, they have set off defenses against us!" +Harry saw Hermione checking that she still had the beaded bag, and hurriedly thrust his own hand under his jacket to make sure he had not lost the Invisibility Cloak. Then he turned to see Bogrod shaking his head in bewilderment: The Thief�s Downfall seemed to have lifted his Imperius Curse. +"We need him," said Griphook, "we cannot enter the vault without a Gringott�s goblin. And we need the clankers!" +"Imperio!" Harry said again; his voice echoed through the stone passage as he felt again the sense of heady control that flowed from brain to wand. Bogrod submitted once more to his will, his befuddled expression changing to one of polite indifference, as Ron hurried to pick up the leather bag of metal tools. +"Harry, I think I can hear people coming!" said Hermione, and she pointed Bellatrix�s wand at the waterfall and cried, "Protego!" They saw the Shield Charm break the flow of enchanted water as it flew up the passageway. +"Good thinking," said Harry. "Lead the way, Griphook!" +"How are we going to get out again?" Ron asked as they hurried on foot into the darkness after the goblin, Bogrod panting in their wake like an old dog. +"Let�s worry about that when we have to," said Harry. He was trying to listen: He thought he could hear something clanking and moving around nearby. "Griphook, how much farther?" +"Not far, Harry Potter, not far ... " +And they turned a corner and saw the thing for which Harry had been prepared, but which still brought all of them to a halt. +A gigantic dragon was tethered to the ground in front of them, barring access to four or five of the deepest vaults in the place. The beast�s scales had turned pale and flaky during its long incarceration under the ground, its eyes were milkily pink; both rear legs bore heavy cuffs from which chains led to enormous pegs driven deep into the rocky floor. Its great spiked wings, folded close to its body, would have filled the chamber if it spread them, and when it turned its ugly head toward them, it roared with a noise that made the rock tremble, opened its mouth, and spat a jet of fire that sent them running back up the passageway. +"It is partially blind," panted Griphook, "but even more savage for that. However, we have the means to control it. It has learned what to expect when the Clankers come. Give them to me." +Ron passed the bag to Griphook, and the goblin pulled out a number of small metal instruments that when shaken made a long ringing noise like miniature hammers on anvils. Griphook handed them out: Bogrod accepted his meekly. +"You know what to do," Griphook told Harry, Ron, and Hermione. "It will expect pain when it hears the noise. It will retreat, and Bogrod must place his palm upon the door of the vault." +They advanced around the corner again, shaking the Clankers, and the noise echoed off the rocky walls, grossly magnified, so that the inside of Harry�s skull seemed to vibrate with the den. The dragon let out another hoarse roar, then retreated. Harry could see it trembling, and as they drew nearer he saw the scars made by vicious slashes across its face, and guess that it had been taught to fear hot swords when it heard the sound of the Clankers. +"Make him press his hand to the door!" Griphook urged Harry, who turned his wand again upon Bogrod. The old goblin obeyed, pressing his palm to the wood, and the door of the vault melted away to reveal a cavelike opening crammed from floor to ceiling with golden coins and goblets, silver armor, the skins of strange creatures - some with long spines, other with drooping wings - potions in jeweled flasks, and a skull still wearing a crown. "Search, fast!" said Harry as they all hurried inside the vault. He had described Hufflepuff�s cap to Ron and Hermione, but if it was the other, unknown Horcrux that resided in this vault, he did not know what it looked like. He barely had time to glance around, however, before there was a muffled clunk from behind them: The door had reappeared, sealing them inside the vault, and they were plunged into total darkness. +"No matter, Bogrod will be able to release us!" said Griphook as Ron gave a shout of surprise. "Light your wands, can�t you? And hurry, we have little time!" +"Lumos!" +Harry shone his lit wand around the vault: Its beam fell upon glittering jewels; he saw the fake sword of Gryffindor lying on a high shelf amongst a jumble of chains. Ron and Hermione had lit their wands too, and were now examining the piles of objects surrounding them. +"Harry, could this be -- ? Aargh!" +Hermione screamed in pain, and Harry turned his wand on her in time to see a jeweled goblet tumbling from her grip. But as it fell, it split, became a shower of goblets, so that a second later, with a great clatter, the floor was covered in identical cups rolling in every direction, the original impossible to discern amongst them. +"It burned me!" moaned Hermione, sucking her blistered fingers. +"They have added Germino and Flagrante Curses!" said Griphook. +"Everything you touch will burn and multiply, but the copies are worthless - and if you continue to handle the treasure, you will eventually be crushed to death by the weight of expanding gold!" +"Okay, don�t touch anything!" said Harry desperately, but even as he said it, Ron accidentally nudged one of the fallen goblets with his foot, and twenty more exploded into being while Ron hopped on the spot, part of his shoe burned away by contact with the hot metal. +"Stand still, don�t move!" said Hermione, clutching at Ron. +"Just look around!" said Harry. "Remember, the cup�s small and gold, it�s got a badger engraved on it, two handles - otherwise see if you can spot Ravenclaw�s symbol anywhere, the eagle -" +They directed their wands into every nook and crevice, turning cautiously on the spot. It was impossible not to brush up against anything; Harry sent a great cascade of fake Galleons onto the ground where they joined the goblets, and now there was scarcely room to place their feet, and the glowing gold blazed with heat, so that the vault felt like a furnace. Harry�s wandlight passed over shields and goblin-made helmets set on shelves rising to the ceiling; higher and higher he raised the beam, until suddenly it found an object that made his heart skip and his hand tremble. +"It�s there, it�s up there!" +Ron and Hermione pointed there wands at it too, so that the little golden cup sparkled in a three-way spotlight: the cup that had belonged to Helga Hufflepuff, which had passed into the possession of Hepzibah Smith, from whom it had been stolen by Tom Riddle. +"And how the hell are we going to get up there without touching anything?" asked Ron. +"Accio Cup!" cried Hermione, who had evidently forgotten in her desperation what Griphook had told them during their planning sessions. +"No use, no use!" snarled the goblin. +"Then what do we do?" said Harry, glaring at the goblin. "If you want the sword, Griphook, then you�ll have to help us more than - wait! Can I touch stuff with the sword? Hermione, give it here!" +Hermione fumbled insider her robes, drew out a beaded bag, rummaged for a few seconds, then removed the shining sword. Harry seized it by its rubied hilt and touched the tip of the blade to a silver flagon nearby, which did not multiply. +"If I can just poke the sword through a handle - but how am I going to get up there?" +The shelf on which the cup reposed was out of reach for any of them, even Ron, who was tallest. The heat from the enchanted treasure rose in waves, and sweat ran down Harry�s face and back as he struggled to think of a way up to the cup; and then he heard the dragon roar on the other side of the vault door, and the sound of clanking growing louder and louder. +They were truly trapped now: There was no way out except through the door, and a horde of goblins seemed to be approaching on the other side. Harry looked at Ron and Hermione and saw terror in their faces. +"Hermione," said Harry, as the clanking grew louder, "I�ve got to get up there, we�ve got to get rid of it -" +She raised her wand, pointed it at Harry, and whispered, "Levicorpus." +Hoisted into the air by his ankle, Harry hit a suit of armor and replicas burst out of it like white-hot bodies, filling the cramped space. With screams of pain, Ron, Hermione, and the two goblins were knocked aside into other objects, which also began to replicate. Half buried in a rising tide of red-hot treasure, they struggled and yelled has Harry thrust the sword through the handle of Hufflepuff�s cup, hooking it onto the blade. +"Impervius!" screeched Hermione in an attempt to protect herself, Ron, and the goblins from the burning metal. +Then the worst scream yet made Harry look down: Ron and Hermione were waist deep in treasure, struggling to keep Bogrod from slipping beneath the rising tide, but Griphook had sunk out of sight; and nothing but the tips of a few long fingers were left in view. +Harry seized Griphook�s fingers and pulled. The blistered goblin emerged by degrees, howling. +"Liberatocorpus!" yelled Harry, and with a crash he and Griphook landed on the surface of the swelling treasure, and the sword flew out of Harry�s hand. +"Get it!" Harry yelled, fighting the pain of the hot metal on his skin, as Griphook clambered onto his shoulders again, determined to avoid the swelling mass of red-hot objects. "Where�s the sword? It had the cup on it!" +The clanking on the other side of the door was growing deafening - it was too late - +"There!" +It was Griphook who had seen it and Griphook who lunged, and in that instant Harry knew that the goblin had never expected them to keep their word. One hand holding tightly to a fistful of Harry�s hair, to make sure he did not fall into the heaving sea of burning gold, Griphook seized the hilt of the sword and swung it high out of Harry�s reach. The tiny golden cup, skewered by the handle on the sword�s blade was flung into the air. The goblin astride him, Harry dived and caught it, and although he could feel it scalding his flesh he did not relinquish it, even while countless Hufflepuff cups burst from his fist, raining down upon him as the entrance of the vault opened up again and he found himself sliding uncontrollably on an expanding avalanche of fiery gold and silver that bore him, Ron, Hermione into the outer chamber. +Hardly aware of the pain from the burns covering his body, and still borne along the swell of replicating treasure, Harry shoved the cup into his pocket and reached up to retrieve the sword, but Griphook was gone. Sliding from Harry�s shoulders the moment he could, he had sprinted for cover amongst the surrounding goblins, brandishing the sword and crying, "Thieves! Thieves! Help! Thieves!" He vanished into the midst of the advancing crowd, all of whom were holding daggers and who accepted him without question. +Slipping on the hot metal, Harry struggled to his feet and knew that the only way out was through. +"Stupefy!" he bellowed, and Ron and Hermione joined in: Jets of red light flew into the crowd of goblins, and some toppled over, but others advanced, and Harry saw several wizard guards running around the corner. +The tethered dragon let out a roar, and a gush of flame flew over the goblins; The wizards fled, doubled-up, back the way they had come, and inspiration, or madness, came to Harry. Pointing his wand at the thick cuffs chaining the beast to the floor, he yelled, "Relashio!" +The cuffs broken open with loud bangs. +"This way!" Harry yelled, and still shooting Stunning Spells at the advancing goblins, he sprinted toward the blind dragon. +"Harry - Harry - what are you doing?" cried Hermione. +"Get up, climb up, come on -" +The dragon had not realized that it was free: Harry�s foot found the crook of its hind leg and he pulled himself up onto its back. The scales were hard as steel; it did not even seem to feel him. He stretched out an arm; Hermione hoisted herself up; Ron climbed on behind them, and a second later the dragon became aware that it was untethered. +With a roar it reared: Harry dug in his knees, clutching as tightly as he could to the jagged scales as the wings opened, knocking the shrieking goblins aside like skittles, and it soared into the air. Harry, Ron, and Hermione, flat on its back, scraped against the ceiling as it dived toward the passage opening, while the pursuing goblins hurled daggers that glanced off its flanks. +"We�ll never get out, it�s too big!" Hermione screamed, but the dragon opened its mouth and belched flame again, blasting the tunnel, whose floors and ceiling cracked and crumbled. By sheer force, the dragon clawed and fought its way through. Harry�s eyes were shut tight against the heat and dust: Deafened by the crash of rock and the dragon�s roars, he could only cling to its back, expecting to be shaken off at any moment; then he heard Hermione yelling, "Defodio!" +She was helping the dragon enlarge the passageway, carving out the ceiling as it struggled upward toward the fresher air, away from the shrieking and clanking goblins: Harry and Ron copied her, blasting the ceiling apart with more gouging spells. They passed the underground lake, and the great crawling, snarling beast seemed to sense freedom and space ahead of it, and behind them the passage was full of the dragon�s thrashing, spiked tail, of great lumps of rock, gigantic fractured stalactites, and the clanking of the goblins seemed to be growing more muffled, while ahead, the dragon�s fire kept their progress clear - +And then at last, by the combined force of their spells and the dragon�s brute strength, they had blasted their way out of the passage into the marble hallway. Goblins and wizards shrieked and ran for cover, and finally the dragon had room to stretch its wings: Turning its horned head toward the cool outside air it could smell beyond the entrance, it took off, and with Harry, Ron, and Hermione still clinging to its back, it forced its way through the metal doors, leaving them buckled and hanging from their hinges, as it staggered into Diagon Alley and launched itself into the sky. +Chapter Twenty-Seven +The Final Hiding Place +There was no means of steering; the dragon could not see where it was going, and Harry knew that if it turned sharply or rolled in midair they would find it impossible to cling onto its broad back. Nevertheless, as they climbed higher and higher, London unfurling below them like a gray-and-green map, Harry's overwhelming feeling was of gratitude for an escape that had seemed impossible. Crouching low over the beast's neck, he clung tight to +the metallic scales, and the cool breeze was soothing on his burned and blistered skin, the dragon's wings beating the air like the sails of a windmill. Behind him, whether from delight or fear he could not tell. Ron kept swearing at the top of his voice, and Hermione seemed to be sobbing. After five minutes or so, Harry lost some of his immediate dread that the dragon was going to throw them off, for it seemed intent on nothing but getting as far away from its underground prison as possible; but the question of how and when they were to dismount remained rather frightening. He had no idea how long dragons could fly without landing, nor how this particular dragon, which could barely see, would locate a good place to put down. He glanced around constantly, imagining that he could feel his seat prickling. How long would it be before Voldemort knew that they had broken into the Lestranges' vault? How soon would the goblins of Gringotts notify Bellatrix? How quickly would they realize what had been taken? And then, when they discovered that the golden cup was missing? Voldemort would know, at last, that they were hunting Horcruxes. The dragon seemed to crave cooler and fresher air. It climbed steadily until they were flying through wisps of chilly cloud, and Harry could no longer make out the little colored dots which were cars pouring in and out of the capital. On and on they flew, over countryside parceled out in patches of green and brown, over roads and rivers winding through the landscape like strips of matte and glossy ribbon. "What do you reckon it's looking for?" Ron yelled as they flew farther and farther north. "No idea," Harry bellow back. His hands were numb with cold but he did not date attempt to shift his grip. He had been wondering for some time what they would do if they saw the coast sail beneath them, if the dragon headed for open seal he was cold and numb, not to mention desperately hungry and thirsty. When, he wondered, had the beast itself last eaten? Surely it would need sustenance before long? And what if, at that point, it realized it had three highly edible humans sitting on its back? The sun slipped lower in the sky, which was turning indigo; and still the dragon flew, cities and towns gliding out of sight beneath them, its enormous shadow sliding over the earth like a giant dark cloud. Every part of Harry ached with the effort of holding on to the dragon's back. "Is it my imagination," shouted Ron after a considerable stretch of silence, "or are we losing height?" Harry looked down and saw deep green mountains and lakes, coppery in the sunset. the landscape seemed to grow larger and more detailed as he squinted over the side of the dragon, and he wondered whether it had divined the presence of fresh water by the flashes of reflected sunlight. Lower and lower the dragon flew, in great spiraling circles, honing in, it seemed, upon one of the smaller lakes. "I say we jump when it gets low enough!" Harry called back to the others. "Straight into the water before it realizes we're here!" +They agreed, Hermione a little faintly, and now Harry could see the dragon's wide yellow underbelly rippling in the surface of the water. "NOW!" He slithered over the side of the dragon and plummeted feetfirst toward the surface of the lake; the drop was greater than he had estimated and he hit the water hard, plunging like a stone into a freezing, green, reed-filled world. He kicked toward the surface and emerged, panting, to see enormous ripples emanating in circles from the places where Ron and Hermione had fallen. The dragon did not seem to have noticed anything; it was already fifty feet away, swooping low over the lake to scoop up water in its scarred snout. As Ron and Hermione emerged, spluttering and gasping, from the depths of the lake, the dragon flew on, its wings beating hard, and landed at last on a distant bank. Harry, Ron and Hermione struck out for the opposite shore. The lake did not seem to be deep. Soon it was more a question of fighting their way through reeds and mud than swimming, and at last they flopped, sodden, panting, and exhausted, onto slippery grass. Hermione collapsed, coughing and shuddering. Though Harry could have happily lain down and slept, he staggered to his feet, drew out his wand, and started casting the usual protective spells around them. When he had finished, he joined the others. It was the first time that he had seen them properly since escaping from the vault. Both had angry red burns all over their faces and arms, and their clothing was singed away in places. They were wincing as they dabbed essence of dittany onto their many injuries. Hermione handed Harry the bottle, then pulled out three bottles of pumpkin juice she had brought from Shell Cottage and clean, dry robes for all of them. They changes and then gulped down the juice. "Well, on the upside," said Ron finally, who was sitting watching the skin on his hands regrow, "we got the Horcrux. On the downside-" "-- no sword," said Harry through gritted teeth, as he dripped dittany through the singed hole in his jeans onto the angry burn beneath. "No sword," repeated Ron. "That double-crossing little scab..." Harry pulled the Horcrux from the pocket of the wet jacket he had just taken off and set it down on the grass in front of them. Glinting in the sun, it drew their eyes as they swigged their bottles of juice. "At least we can't wear it this time, that'd look a bit weird hanging around our necks," said Ron, wiping his mouth on the back of his hand. Hermione looked across the lake to the far bank where the dragon was still drinking. "What'll happen to it, do you think?" she asked, "Will it be alright?" "You sound like Hagrid," said Ron, "It's a dragon, Hermione, it can look after itself. It's us we need to worry about." "What do you mean?" "Well I don't know how to break this to you," said Ron, "but I think they might have noticed we broke into Gringotts." All three of them started to laugh, and once started, it was difficult +to stop. Harry's ribs ached, he felt lightheaded with hunger, but he lay back on the grass beneath the reddening sky and laughed until his throat was raw. "What are we going to do, though?" said Hermione finally, hiccuping herself back to seriousness. "He'll know, won't he? You-Know-Who will know we know about his Horcruxes!" "Maybe they'll be too scared to tell him!" said Ron hopefully, "Maybe they'll cover up --" The sky, the smell of the lake water, the sound of Ron's voice were extinguished. Pain cleaved Harry's head like a sword stroke. He was standing in a dimly lit room, and a semicircle of wizards faced him, and on the floor at his feet knelt a small, quaking figure. "What did you say to me?" His voice was high and cold, but fury and fear burned inside him. The one thing that he had dreaded - but it could not be true, he could not see how... The goblin was trembling, unable to meet the red eyes high above his. "Say it again!" murmured Voldemort. "Say it again!" "M-my Lord," stammered the goblin, its black eyes wide with terror, "m-my Lord... we t-tried to st-stop them... Im-impostors, my Lord... broke - broke into the - into the Lestranges' vault..." "Impostors? What impostors? I thought Gringotts had ways of revealing impostors? Who were they? "It was... it was... the P-Potter b-boy and the t-two accomplices..." "And they took?" he said, his voice rising, a terrible fear gripping him, "Tell me! What did they take?" "A... a s-small golden c-cup m-my Lord..." The scream of rage, of denial left him as if it were a stranger's. He was crazed, frenzied, it could not be true, it was impossible, nobody had known. How was it possible that the boy could have discovered his secret? The Elder Wand slashed through the air and green light erupted through the room; the kneeling goblin rolled over dead; the watching wizards scattered before him, terrified. Bellatrix and Lucius Malfoy threw others behind them in their race for the door, and again and again his wand fell, and those who were left were slain, all of them, for bringing him this news, for hearing about the golden cup - Alone amongst the dead he stomped up and down, and they passed before him in vision: his treasures, his safeguards, his anchors to immortality - the diary was destroyed and the cup was stolen. What if, what if, the boy knew about the others? Could he know, had he already acted, had he traced more of them? Was Dumbledore at the root of this? Dumbledore, who had always suspected him; Dumbledore, dead on his orders; Dumbledore, whose wand was his now, yet who reached out from the ignominy of death through the boy, the boy - But surely if the boy had destroyed any of his Horcruxes, he, Lord Voldemort, would have known, would have felt it? He, the greatest wizard of them all; he, the most powerful; he, the killer of Dumbledore and of how +many other worthless, nameless men. How could Lord Voldemort not have known, if he, himself, most important and precious, had been attacked, mutilated? True, he had not felt it when the diary had been destroyed, but he had thought that was because he had no body to fell, being less than ghost... No, surely, the rest were safe... The other Horcruxes must be intact... But he must know, he must be sure... He paced the room, kicking aside the goblin's corpse as he passed, and the pictures blurred and burned in his boiling brain: the lake, the shack, and Hogwarts - A modicum of calm cooled his rage now. How could the boy know that he had hidden the ring in the Gaunt shack? No one had ever known him to be related to the Gaunts, he had hidden the connection, the killings had never been traced to him. The ring, surely, was safe. And how could the boy, or anybody else, know about the cave or penetrate its protection? The idea of the locket being stolen was absurd... As for the school: He alone knew where in Hogwarts he had stowed the Horcrux, because he alone had plumed the deepest secrets of that place... And there was still Nagini, who must remain close now, no longer sent to do his bidding, under his protection... But to be sure, to be utterly sure, he must return to each of his hiding places, he must redouble protection around each of his Horcruxes... A job, like the quest for the Elder Wand, that he must undertake alone... Which should he visit first, which was in most danger? An old unease flickered inside him. Dumbledore had known his middle name... Dumbledore might have made the connection with the Gaunts... Their abandoned home was, perhaps, the least secure of his hiding places, it was there that he would go first... The lake, surely impossible... though was there a slight possibility that Dumbledore might have known some of his past misdeeds, through the orphanage. And Hogwarts... but he knew the his Horcrux there was safe; it would be impossible for Potter to enter Hogsmeade without detection, let alone the school. Nevertheless, it would be prudent to alert Snape to the fact that the boy might try to reenter the castle. ... To tell Snape why the boy might return would be foolish, of course; it had been a grave mistake to trust Bellatrix and Malfoy. Didn't their stupidity and carelessness prove how unwise it was ever to trust? He would visit the Gaunt shack first, then, and take Nagini with him. He would not be parted from the snake anymore ... and he strode from the room, through the hall, and out into the dark garden where the fountain played; he called the snake in Parseltongue and it slithered out to join him like a long shadow. ... Harry's eyes flew open as he wrenched himself back to the present. He was lying on the bank of the lake in the setting sun, and Ron and Hermione were looking down at him. Judging by their worried looks, and by the continued pounding of his scar, his sudden excursion into Voldemort's mind had not passed unnoticed. He struggled up, shivering, vaguely surprised that +he was still wet to his skin, and saw the cup lying innocently in the grass before him, and the lake, deep blue shot with gold in the falling sun. "He knows." His own voice sounded strange and low after Voldemort's high screams. "He knows and he's going to check where the others are, and the last one," he was already on his feet," is at Hogwarts. I knew it. I knew it." "What?" Ron was gaping at him; Hermione sat up, looking worried. "But what did you see? How do you know?" "I saw him find out about the cup, I - I was in his head, he's" - Harry remembered the killings - "he's seriously angry, and scared too, he can't understand how we knew, and now he's going to check the others are safe, the ring first. He things the Hogwarts one is safest, because Snape's there, because it'll be so hard not to be seen getting in. I think he'll check that one last, but he could still be there within hours -" "Did you see where in Hogwarts it is?" asked Ron, now scrambling to his feet too. "No, he was concentrating on warning Snape, he didn't think about exactly where it is -" "Wait, wait!" cried Hermione as Ron caught up to the Horcrux and Harry pulled out the Invisibility Cloak again. "We can't just go, we haven't got a plan, we need to -" "We need to get going," said Harry firmly. He had been hoping to sleep, looking forward to getting into the new tent, but that was impossible now, "Can you imagine what he's going to do once he realizes the ring and the locket are gone? What if he moves the Hogwarts Horcrux, decides it isn't safe enough? "But how are we going to get in?" "We'll go to Hogsmeade," said Harry, "and try to work something out once we see what the protection around the school's like. Get under the Cloak, Hermione, I want to stick together this time." "But we don't really fit -" "It'll be dark, no one's going to notice our feet." The flapping of enormous wings echoed across the black water. The dragon had drunk its fill and risen into the air. They paused in their preparations to watch it climb higher and higher, now black against the rapidly darkening sky, until it vanished over a nearby mountain. Then Hermione walked forward and took her place between the other two, Harry pulled the Cloak down as far as it would go, and together they turned on the spot into the crushing darkness. +Chapter Twenty-Eight +The Missing Mirror +Harry's feet touched the road. He saw the achingly familiar Hogsmeade High Street: dark shop +fronts, and the mist line of black mountains beyond the village and the curve in the road ahead that +led off toward Hogwarts, and light spilling from the windows of the Three Broomsticks, and with a +lurch of the hear, he remembered with piercing accuracy, how he had landed here nearly a year before, +supporting a desperately weak Dumbledore, all this in a second, upon landing -- and then, even as he +relaxed his grip upon Ron's and Hermione's arms, it happened. +The air was rent by a scream that sounded like Voldemort's when he had realized the cup had +been stolen: It tore at every nerve in Harry's body, and he knew that their appearance had caused it. +Even as he looked at the other two beneath the Cloak, the door of the Three Broomsticks burst open +and a dozen cloaked and hooded Death Eaters dashed into the streets, their wands aloft. +Harry seized Ron's wrist as he raised his wand; there were too many of them to run. Even +attempting it would have give away their position. One of the Death Eaters raised his wand, and the +scream stopped, still echoing around the distant mountains. +"Accio Cloak!" roared one of the Death Eaters +Harry seized his folds, but it made no attempt to escape. The Summoning Charm had not +worked on it. +"Not under your wrapper, then, Potter?" yelled the Death Eater who had tried the charm and +then to his fellows. "Spread now. He's here." +Six of the Death Eaters ran toward them: Harry, Ron and Hermione backed as quickly as +possible down the nearest side street, and the Death Eaters missed them by inches. They waited +in the darkness, listening to the footsteps running up and down, beams of light flying along the street +from the Death Eaters' searching wands. +"Let's just leave!" Hermione whispered. "Disapparate now!" +"Great idea," said Ron, but before Harry could reply, a Death Eater shouted, +"We know you are here, Potter, and there's no getting away! We'll find you!" +"They were ready for us," whispered Harry. "They set up that spell to tell them we'd come. +I reckon they�ve done something to keep us here, trap us - " +"What about dementors?" called another Death Eater. "Let'em have free rein, they'd find him +quick enough!" +"The Dark Lord wants Potter dead by no hands but his - " +" 'an dementors won't kill him! The Dark Lord wants Potter's life, nor his soul. He'll be easier to +kill if he's been Kissed first!" +There were noises of agreement. Dread filled Harry: To repel dementors they would have to produce +Patronuses which would give them away immediately. +"We're going to have to try to Disapparate, Harry!" Hermione whispered. +Even as she said it, he felt the unnatural cold being spread over the street. Light was sucked from +the environment right up to the stars, which vanished. In the pitch blackness, he felt Hermione take hold +of his arm and together, they turned on the spot. +The air through which they needed to move, seemed to have become solid: They could not +Disapparate; the Death Eaters had cast their charms well. The cold was biting deeper and deeper +into Harry's flesh. He, Ron and Hermione retreated down the side street, groping their way along the wall +trying not to make a sound. Then, around the corner, gliding noiselessly, came dementors, ten or more +of them, visible because they were of a denser darkness than their surroundings, with their black cloaks +and their scabbed and rotting hands. Could they sense fear in the vicinity? Harry was sure of it: They +seemed to be coming more quickly now, taking those dragging, rattling breaths he detested, tasting +despair in the air, closing in - +He raised his wand: He could not, would not suffer the Dementor's Kiss, whatever happened afterward. +It was of Ron and Hermione that he thought as he whispered "Expecto Patronum!" +The silver stag burst from his wand and charged: The Dementors scattered and there was a triumphant +yell from somewhere out of sight +"It's him, down there, down there, I saw his Patronus, it was a stag!" +The Dementors have retreated, the stars were popping out again and the footsteps of the Death Eaters +were becoming louder; but before Harry in his panic could decide what to do, there was a grinding of bolts +nearby, a door opened on the left-side of the narrow street, and a rough voice said: "Potter, in here, quick!" +He obeyed without hesitation, the three of them hurried through the open doorway. +"Upstairs, keep the Cloak on, keep quiet!" muttered a tall figure, passing them on his way into the street +and slammed the door behind him. +Harry had had no idea where they were, but now he saw, by the stuttering light of a single candle, +the grubby, sawdust bar of the Hog's Head Inn. They ran behind the counter and through a second doorway, +which led to a trickery wooden staircase, that they climbed as fast as they could. The stairs opened into +a sitting room with a durable carpet and a small fireplace, above which hung a single large oil painting of a blonde +girl who gazed out at the room with a kind of a vacant sweetness. +Shouts reached from the streets below. Still wearing the Invisibility Cloak on, they hurried toward the +grimy window and looked down. Their savior, whom Harry now recognized as the Hog's Head's barman, was +the only person not wearing a hood. +"So what?" he was bellowing into one of the hooded faces. "So what? You send dementors down my street, +I'll send a Patronus back at'em! I'm not having'em near me, I've told you that. I'm not having it!" +"That wasn't your Patronus," said a Death Eater. "That was a stag. It was Potter's!" +"Stag!" roared the barman, and he pulled out a wand. "Stag! You idiot - Expecto Patronum!" +Something huge and horned erupted from the wand. Head down, it charged toward the High Street, and +out of sight. +"That's not what I saw" said the Death Eater, though was less certainly +"Curfew's been broken, you heard the noise," one of his companions told the barman. "Someone was +out on the streets against regulations - " +"If I want to put my cat out, I will, and be damned to your curfew!" +"You set off the Caterwauling Charm?" +"What if I did? Going to cart me off to Azkaban? Kill me for sticking my nose out my own front door? Do it, +then, if you want to! But I hope for your sakes you haven't pressed your little Dark Marks, and summoned him. He's +not going to like being called here, for me and my old cat, is he, now?" +"Don't worry about us." said one of the Death Eaters, "worry about yourself, breaking curfew!" +"And where will you lot traffic potions and poisons when my pub's closed down? What will happen to your +little sidelines then?" +"Are you threatening - ?" +"I keep my mouth shut, it's why you come here, isn't it?" +"I still say I saw a stag Patronus!" shouted the first Death Eater. +"Stag?" roared the barman. "It's a goat, idiot!" +"All right, we made a mistake," said the second Death Eater. "Break curfew again and we won't be so lenient!" +The Death Eaters strode back towards the High Street. Hermione moaned with relief, wove out from under the Cloak, +and sat down on a wobble-legged chair. Harry drew the curtains then pulled the Cloak off himself and Ron. They could hear the +barman down below, rebolting the door of the bar, then climbing the stairs. +Harry's attention was caught by something on the mantelpiece: a small, rectangular mirror, propped on top of it, +right beneath the portrait of the girl. +The barman entered the room. +"You bloody fools," he said gruffly, looking from one to the other of them. "What were you thinking, coming here?" +"Thank you," said Harry. "You can't thank you enough. You saved our lives!" +The barman grunted. Harry approached him looking up into the face: trying to see past the long, stringy, wire-gray hair +beard. He wore spectacles. Behind the dirty lenses, the eyes were a piercing, brilliant blue. +"It's your eye I've been seeing in the mirror." +There was a silence in the room. Harry and the barman looked at each other. +"You sent Dobby." +The barman nodded and looked around for the elf. +"Thought he'd be with you. Where've you left him? +"He's dead," said Harry, "Bellatrix Lestrange killed him." +The barman face was impassive. After a few moments he said, "I'm sorry to hear it, I liked that elf." +He turned away, lightning lamps with prods of his wand, not looking at any of them. +"You're Aberforth," said Harry to the man's back. +He neither confirmed or denied it, but bent to light the fire. +"How did you get this?" Harry asked, walking across to Sirius's mirror, the twin of the one he had broken +nearly two years before. +"Bought it from Dung 'bout a year ago," said Aberforth. "Albus told me what it was. Been trying to keep +an eye out for you." +Ron gasped. +"The silver doe," he said excitedly, "Was that you too?" +"What are you talking about?" asked Aberforth. +"Someone sent a doe Patronus to us!" +"Brains like that, you could be a Death Eater, son. Haven't I just prove my Patronus is a goat?" +"Oh," said Ron, "Yeah... well, I'm hungry!" he added defensively as his stomach gave an enormous +rumble. +"I got food," said Aberforth, and he sloped out of the room, reappearing moments later with a large +loaf of bread, some cheese, and a pewter jug of mead, which he set upon a small table in front of the fire. +Ravenous, they ate and drank, and for a while there was sound of chewing. +"Right then," said Aberforth when the had eaten their fill and Harry and Ron sat slumped dozily in +their chairs. "We need to think of the best way to get you out of here. Can't be done by night, you heard what +happens if anyone moves outdoors during darkness: Caterwauling Charm's set off, they'll be onto you like +bowtruckles on doxy eggs. I don't reckon I'll be able to pass of a stag as a goat a second time. Wait for daybreak +when curfew lifts, then you can put your Cloak back on and set out on foot. Get right out of Hogsmeade, up into +the mountains, and you'll be able to Disapparate there. Might see Hagrid. He's been hiding in a cave up there with +Grawp ever since they tried to arrest him." +"We're not leaving," said Harry. "We need to get into Hogwarts." +"Don't be stupid, boy," said Aberforth. +"We've got to," said Harry. +"What you've got to do," said Aberforth, leaning forward, "is to get as far from here as from here as you +can." +"You don't understand. There isn't much time. We've got to get into the castle. Dumbledore - I mean, +your brother - wanted us - " +The firelight made the grimy lenses of Aberforth's glasses momentarily opaque, a bright flat white, and +Harry remembered the blind eyes of the giant spider, Aragog. +"My brother Albus wanted a lot of things," said Aberforth, "and people had a habit of getting hurt while he +was carrying out his grand plans. You get away from this school, Potter, and out of the country if you can. Forget +my brother and his clever schemes. He's gone where none of this can hurt him, and you don't owe him anything." +"You don't understand." said Harry again. +"Oh, don't I? said Aberforth quietly. "You don't think I understood my own brother? Think you know Albus +better than I did?" +"I didn't mean that," said Harry, whose brain felt sluggish with exhaustion and from the surfeit of food and wine. +"It's... he left me a job." +"Did he now?" said Aberforth. "Nice job, I hope? Pleasant? Easy? Sort of thing you'd expect an unqualified +wizard kid to be able to do without overstretching themselves?" +Ron gave a rather grim laugh. Hermione was looking strained. +"I-it's not easy, no," said Harry. "But I've got to - " +"Got to? Why got to? He's dead, isn't he?" said Aberforth roughly. "Let it go, boy, before you follow him! +Save yourself!" +"I can't." +"Why not?" +"I - " Harry felt overwhelmed; he could not explain, so he took the offensive instead. "But you're fighting too, +you're in the Order of the Phoenix - " +"I was," said Aberforth. "The Order of the Phoenix is finished. You-Know-Who's won, it's over, and anyone +who's pretending different's kidding themselves. It'll never be safe for you here, Potter, he wants you too badly. +So go abroad, go into hiding, save yourself. Best take these two with you." He jerked a thumb at Ron and Hermione. +"They'll be in danger long as they live now everyone knows they've been working with you." +"I can't leave," said Harry. "I've got a job - " +"Give it to someone else!" +"I can't. It's got to be me, Dumbledore explained it all - " +"Oh, did he now? And did he tell you everything, was he honest with you?" +Harry wanted him with all his heart to say "Yes," but somehow the simple word would not rise to his lips, +Aberforth seemed to know what he was thinking. +"I knew my brother, Potter. He learned secrecy at our mother's knee. Secrets and lies, that's how we grew +up, and Albus... he was a natural." +The old man's eyes traveled to the painting of the girl over the mantelpiece. It was, now Harry looked around +properly, the only picture in the room. There was no photograph of Albus Dumbledore, nor of anyone else. +"Mr. Dumbledore" said Hermione rather timidly. "Is that your sister? Ariana? +"Yes." said Aberforth tersely. "Been reading Rita Skeeter, have you, missy?" +Even by the rosy light of the fire it was clear that Hermione had turned red. +"Elphias Doge mentioned her to us," said Harry, trying to spare Hermione. +"That old berk," muttered Aberforth, taking another swig of mead. "Thought the sun shone out of my +brother's every office, he did. Well, so did plenty of people, you three included, by the looks of it." +Harry kept quiet. He did not want to express the doubts and uncertainties about Dumbledore that had +riddled him for months now. He had made his choice while he dug Dobby's grave, he had decided to continue +along the winding, dangerous path indicated for him by Albus Dumbledore, to accept that he had not been told +everything that he wanted to know, but simply to trust. He had no desire to doubt again; he did not want o hear +anything that would deflect him from his purpose. He met Aberforth's gaze, which was so strikingly like his +brothers': The bright blue eyes gave the same impression that they were X-raying the object of their scrutiny, +and Harry thought that Aberforth knew what he was thinking and despised him for it. +"Professor Dumbledore cared about Harry, very much," said Hermione in a low voice. +"Did he now?" said Aberforth. "Funny thing how many of the people my brother cared about very much +ended up in a worse state than if he'd left 'em well alone." +"What do you mean?" asked Hermione breathlessly. +"Never you mind," said Aberforth. +"But that's a really serious thing to say!" said Hermione. "Are you - are you talking about your sister?" +Aberforth glared at her: His lips moved as if he were chewing the words he was holding back. Then he burst +into speech. +"When my sister was six years old, she was attacked, by three Muggle boys. They'd seen her doing magic, +spying through the back garden hedge: She was a kid, she couldn't control it, no witch or wizard can at that age. +What they saw, scared them, I expect. They forced their way through the hedge, and when she couldn't show them +the trick, they got a bit carried away trying to stop the little freak doing it." +Hermione's eyes were huge in the firelight; Ron looked slightly sick. Aberforth stood up, tall as Albus, and +suddenly terrible in his anger and the intensity of his pain. +"It destroyed her, what they did: She was never right again. She wouldn't use magic, but she couldn't get rid +of it; it turned inward and drove her mad, it exploded out of her when she couldn't control it, and at times she was +strange and dangerous. But mostly she was sweet and scared and harmless. +"And my father went after the bastards that did it," said Aberforth, "and attacked them. And they locked him +up in Azkaban for it. He never said why he'd done it, because the Ministry had known what Ariana had become, +she'd have been locked up in St. Mungo's for good. They'd have seen her as a serious threat to the International +Statute of Secrecy, unbalanced like she was, with magic exploding out of her at moments when she couldn't keep it +in any longer. +"We had to keep her safe and quiet. We moved house, put it about she was ill, and my mother looked after +her, and tried to keep her calm and happy. +"I was her favourite," he said, and as he said it, a grubby schoolboy seemed to look out through Aberforth's +wrinkles and wrangled beard. "Not Albus, he was always up in his bedroom when he was home, reading his books +and counting his prizes, keeping up with his correspondence with "the most notable magical names of the day," +Aberforth succored. "He didn't want to be bothered with her. She liked me best. I could get her to eat when she wouldn't +do it for my mother, I could calm her down, when she was in one of her rages, and when she was quiet, she used to +help me feed the goats. +"Then, when she was fourteen... See, I wasn't there." said Aberforth. "If I'd been there, I could have calmed +her down. She had one of her rages, and my mother wasn't as young as she was, and . . . it was an accident. Ariana +couldn't control it. But my mother was killed." +Harry felt a horrible mixture of pity and repulsion; he did not want to hear any more, but Aberforth kept talking, +and Harry wondered how long it had been since he had spoken about this; whether, in fact, he had ever spoken about it. +"So that put paid to Albus's trip round the world with little Doge. The pair of 'em came home for my mother's +funeral and then Doge went off on his own, and Albus settled down as head of the family. Ha!" +Aberforth spat into the fire. +"I'd have looked after her, I told him so, I didn't care about school, I'd have stayed home and done it. +He told me I had to finish my education and he'd take over from my mother. Bit of a comedown for Mr. Brilliant, +there's no prizes for looking after your half-mad sister, stopping her blowing up the house every other day. But he +did all right for a few weeks . . . till he came." +And now a positively dangerous look crept over Aberforth�s face. +"Grindelwald. And at last, my brother had an equal to talk to someone just as bright and talented he was. And +looking after Ariana took a backseat then, while they were hatching all their plans for a new Wizarding order and looking +for Hallows, and whatever else it was they were so interested in. Grand plans for the benefit of all Wizardkind, and if one +young girl neglected, what did that matter, when Albus was working for the greater good? +"But after a few weeks of it, I'd had enough, I had. It was nearly time for me to go hack to Hogwarts, so I told 'em, +both of 'em, face-to-face, like I am to you, now," and Aberforth looked downward Harry, and it took a little imagination to +see him as a teenager, wiry and angry, confronting his elder brother. "I told him, you'd better give it up now. You can't move her, +she's in no fit state, you can't take her with you, wherever it is you're planning to go, when you're making your clever speeches, +trying to whip yourselves up a following. He didn't like that." said Aberforth, and his eyes were briefly occluded by the fireflight on +the lenses of his glasses: They turned white and blind again. "Grindelwald didn't like that at all. He got angry. He told me what a +stupid little boy I was, trying to stand in the way of him and my brilliant brother . . . Didn't I understand, my poor sister wouldn't +have to be hidden once they'd changed the world, and led the wizards out of hiding, and taught the Muggles their place? +"And there was an argument . . . and I pulled my wand, and he pulled out his, and I had the Cruciatus Curse used on +me by my brother's best friend - and Albus was trying to stop him, and then all three of us were dueling, and the flashing lights +and the bangs set her off, she couldn't stand it - " +The color was draining from Aberforth's face as though he had suffered a mortal wound. +" - and I think she wanted to help, but she didn't really know what she was doing, and I don't know which of us did it, +it could have been any of us - and she was dead." +His voice broke on the last word and he dropped down into the nearest chair. Hermione's face was wet with tears, and Ron +was almost as pale as Aberforth. Harry felt nothing but revulsion: He wished he had not heard it, wished he could wash is mind clean of it. +"I'm so . . . I'm so sorry," Hermione whispered. +"Gone," croaked Aberforth. "Gone forever." +He wiped his nose on hiss cuff and cleared his throat. +" 'Course, Grindelwald scarpered. He had a bit of a track record already, back in his own country, and he didn't want Ariana +set to his account too. And Albus was free, wasn't he? Free of the burden of his sister, free to become the greatest wizard of the - " +"He was never free," said Harry. +"I beg your pardon?" said Aberforth. +"Never," said Harry. "The night that your brother died, he drank a potion that drove him out of his mind. He started screaming, +pleading with someone who wasn't there. 'Don't hurt them, please . . . hurt me instead.' " +Ron and Hermione were staring at Harry. He had never gone into details about what had happened on the island on the lake: +The events that had taken place after he and Dumbledore had returned to Hogwarts had eclipsed it so thoroughly. +"He thought he was back there with you and Grindelwald, I know he did," said Harry, remembering Dumbledore whispering, pleading. +"He thought he was watching Grindelwald hurting you and Ariana . . . It was torture to him, if you'd seen him then, you wouldn't say he was free." +Aberforth seemed lost in contemplation of his own knotted and veined hands. After a long pause he said. "How can you be sure, Potter, +that my brother wasn't more interested in the greater good than in you? How can you be sure you aren't dispensable, just like my little sister?" +A shard of ice seemed to pierce Harry's heart. +"I don't believe it. Dumbledore loved Harry," said Hermione. +"Why didn't he tell him to hide, then? shot back Aberforth. "Why didn't he say to him, 'Take care of yourself, here's how to survive' ?" +"Because," said Harry before Hermione could answer, "sometimes you've got to think about more than your own safety! Sometimes +you've got to think about the greater good! This is war!" +"You're seventeen, boy!" +"I'm of age, and I'm going to keep fighting even if you've given up!" +"Who says I've given up?" +"The Order of the Phoenix is finished," Harry repeated, "You-Know-Who's won, it's over, and anyone who's pretending different's kidding +themselves." +"I don't say I like it, but it's the truth!" +"No, it isn't." said Harry. "Your brother knew how to finish You-Know-Who and he passed the knowledge on to me. I'm going to keep going +until I succeed - or I die. Don't think I don't know how this might end. I've known it for years." +He waited for Aberforth to jeer or to argue, but he did not. He merely moved. +"We need to get into Hogwarts," said Harry again. "If you can't help us, we'll wait till daybreak, leave you in peace, and try to find a way +in ourselves. If you can help us - well, now would be a great time to mention it." +Aberforth remained fixed in his chair, gazing at Harry with the eye, that were so extraordinarily like his brother's. At last he cleared his +throat, got to his feet, walked around the little table, and approached the portrait of Ariana. +"You know what to do," he said. +She smiled, turned, and walked away, not as people in portraits usually did, one of the sides of their frames, but along what seemed to +be a long tunnel painted behind her. They watched her slight figure retreating until finally she was swallowed by the darkness. +"Er - what - ?" began Ron. +"There's only one way in now," said Aberforth. "You must know they've got all the old secret passageways covered at both ends, dementors +all around the boundary walls, regular patrols inside the school from what my sources tell me. The place has never been so heavily guarded. +How you expect to do anything once you get inside it, with Snape in charge and the Carrows as his deputies. . . well, that's your lookout, isn't it? +You say you're prepared to die." +"But what . . . ?" said Hermione, frowning at Ariana's picture. +A tiny white dot reappeared at the end of the painted tunnel, and now Ariana was walking back toward them, growing bigger and bigger +as she came. But there was somebody else with her now, someone taller than she was, who was limping along, looking excited. His hair was +longer than Harry had ever seen. He appeared and torn. Larger and larger the two figures grew, until only their heads and shoulders filled the portrait. +Then the whole thing swang forward on the wall like a little door, and the entrance to a real tunnel was revealed. And our of it, his hair overgrown, +his face cut, his robes ripped, clambered the real Neville Longbottom, who gave a roar of delight, leapt down from the mantelpiece and yelled. +"I knew you'd come! I knew it, Harry!" +Chapter Twenty-Nine +The Lost Diadem +"Neville -- what the -- how -- ?" +But Neville had spotted Ron and Hermione, and with yells of delight was hugging them too. The longer Harry looked at Neville, the worse he appeared: One of his eyes was swollen yellow and purple, there were gouge marks on his face, and his general air of unkemptness suggested that he had been living enough. Nevertheless, his battered visage shone with happiness as he let go of Hermione and said again, "I knew you�d come! Kept telling Seamus it was a matter of time!" +"Neville, what�s happened to you?" +"What? This?" Neville dismissed his injuries with a shake of the head. "This is nothing, Seamus is worse. You�ll see. Shall we get going then? Oh," he turned to Aberforth, "Ab, there might be a couple more people no the way." +"Couple more?" repeated Aberforth ominously. "What d�you mean, a couple more, Longbottom? There�s a curfew and a Camwaulding Charm on the whole village!" +"I know, that�s why they�ll be Apparating directly into the bar," said Neville. "Just send them down the passage when they get here, will you? Thanks a lot." +Neville held out his hand to Hermione and helped her to climb up onto the mantelpiece and into the tunnel; Ron followed, then Neville. Harry addressed Aberforth. +"I don�t know how to thank you. You�ve saved our lives twice." +"Look after �em, then," said Aberforth gruffly. "I might not be able to save �em a third time." +Harry chambered up onto the mantelpiece and through the hole behind Ariana�s portrait. There were smooth stone steps on the other side: It looked as though the passageway had been there for years. Brass lamps hung from the walls and the earthy floor was worn and smooth; as they walked, their shadows rippled, fanlike, across the wall. +"How long�s this been here?" Ron asked as they set off. "It isn�t on the Marauder�s Map, is it Harry? I thought there were only seven passages in and out of school?" +"They sealed off all of those before the start of the year," said Neville. "There�s no chance of getting through any of them now, not with the curses over the entrances and Death Eaters and dementors waiting at the exits." He started walking backward, beaming, drinking them in. "Never mind that stuff ... Is it true? Did you break into Gringotts? Did you escape on a dragon? It�s everywhere, everyone�s talking about it, Terry Boot got beaten up by Carrow for yelling about it in the Great Hall at dinner!" +"Yeah, it�s true," said Harry. +Neville laughed gleefully. +"What did you do with the dragon?" +"Released it into the wild," said Ron. "Hermione was all for keeping it as a pet" +"Don�t exaggerate, Ron -" +"But what have you been doing? People have been saying you�ve just been on the run, Harry, but I don�t think so. I think you�ve been up to something." +"You�re right," said Harry, "but tell us about Hogwarts, Neville, we haven�t heard anything." +"It�s been .... Well, it�s not really like Hogwarts anymore," said Neville, the smile fading from his face as he spoke. "Do you know about the Carrows?" +"Those two Death Eaters who teach here?" +"They do more than teach," said Neville. "They�re in charge of all discipline. They like punishment, the Carrows." +"Like Umbridge?" +"Nah, they make her look tame. The other teachers are all supposed to refer us to the Carrows if we do anything wrong. They don�t, though, if they can avoid it. You can tell they all hate them as much as we do." +"Amycus, the bloke, he teaches what used to be Defense Against the Dark Arts, except now it�s just the Dark Arts. We�re supposed to practice the Cruciatus Curse on people who�ve earned detentions - " +"What?" +Harry, Ron, and Hermione�s united voices echoed up and down the passage. +"Yeah," said Neville. "That�s how I got this one," he pointed at a particularly deep gash in his cheek, "I refused to do it. Some people are into it, though; Crabbe and Goyle love it. First time they�ve ever been top in anything, I expect." +"Alecto, Amycus�s sister, teaches Muggle Studies, which is compulsory for everyone. We�ve all got to listen to her explain how Muggles are like animals, stupid and dirty, and how they drive wizards into hiding by being vicious toward them, and how the natural order is being reestablished. I got this one," he indicated another slash to his face, "for asking her how much Muggle blood she and her brother have got." +"Blimey, Neville," said Ron, "there�s a time and a place for getting a smart mouth." +"You didn�t see her," said Neville. "You wouldn�t have stood it either. The thing is, it helps when people stand up to them, it gives everyone hope. I used to notice that when you did it, Harry." +"But they�ve used you as a knife sharpener," said Ron, winding slightly as they passed a lamp and Neville�s injuries were thrown into even greater relief. +Neville shrugged. +"Doesn�t matter. They don�t want to spill too much pure blood, so they�ll torture us a bit if we�re mouthy but they won�t actually kill us." +Harry did not know what was worse, the things that Neville was saying or the matter-of-fact tone in which he said them. +"The only people in real danger are the ones whose friends and relatives on the outside are giving trouble. They get taken hostage. Old Xeno Lovegood was getting a bit +too outspoken in The Quibbler, so they dragged Luna off the train on the way back for Christmas." +"Neville, she�s all right, we�ve seen her -" +"Yeah, I know, she managed to get a message to me." +From his pocket he pulled a golden coin, and Harry recognized it as one of the fake Galleons that Dumbledore�s Army had used to send one another messages. +"These have been great," said Neville, beaming at Hermione. "The Carrows never rumbled how we were communicating, it drove them mad. We used to sneak out at night and put graffiti on the walls: Dumbledore�s Army, Still Recruiting, stuff like that. Snape hated it." +"You used to?" said Harry, who had noticed the past tense. +"Well, it got more difficult as time went one," said Neville. "We lost Luna at Christmas, and Ginny never came back after Easter, and the three of us were sort of the leaders. The Carrows seemed to know I was behind a lot of it, so they started coming down on me hard, and then Michael Corner went and got caught releasing a first-year they�d chained up, and they tortured him pretty badly. That scared people off." +"No kidding," muttered Ron, as the passage began to slope upward. +"Yeah, well, I couldn�t ask people to go through what Michael did, so we dropped those kinds of stunts. But we were still fighting, doing underground stuff, right up until a couple of weeks ago. That�s when they decided there was only one way to stop me, I suppose, and they went for Gran." +"They what?" said Harry, Ron, and Hermione together. +"Yeah," said Neville, panting a little now, because the passage was climbing so steeply, "well, you can see their thinking. It had worked really well, kidnapping kids to force their relatives to behave. I s�pose it was only a matter of time before they did it the other way around. Thing was," he faced them, and Harry was astonished to see that he was grinning, "they bit off a bit more than they could chew with Gran. Little old witch living alone, they probably thought hey didn�t need to send anyone particularly powerful. Anyway," Neville laughed, "Dawlish is still in St. Mungo�s and Gran�s on the run. She sent me a letter," he clapped a hand to the breast pocket of his robes, "telling me she was proud of me, that I�m my parent�s son, and to keep it up." +"Cool," said Ron. +"Yea," said Neville happily. "Only thing was, once they realized they had no hold over me, they decided Hogwarts could do without me after all. I don�t know whether they were planning to kill me or send me to Azkaban, either way, I knew it was time to disappear." +"But," said Ron, looking thoroughly confused, "aren�t - aren�t we heading straight back for Hogwarts?" +"�Course," said Neville. "You�ll see. We�re here." +They turned a corner and there ahead of them was the end of the passage. Another short flight of steps led to a door just like the one hidden behind Ariana�s portrait. Neville pushed it open and climbed through. As Harry followed, he heard Neville call out for unseen people: +"Look who it is! Didn�t I tell you?" +As Harry emerged into the room behind the passage, there were several screams and yells: "HARRY!" "It�s Potter, it�s POTTER!" "Ron!" "Hermione!" +He had a confused impression of colored hangings, of lamps and many faces. The next moment, he, Ron, and Hermione were engulfed, hugged, pounded on the back, their hair ruffled, their hands shaken, by what seemed to be more than twenty people. They might have just won a Quidditch final. +"Okay, okay, calm down!" Neville called, and as the crowd backed away, Harry was able to take in their surroundings. +He did not recognize the dorm at all. It was enormous, and looked rather like the interior of a particularly sumptuous tree house, or perhaps a gigantic ship�s cabin. Multicolored hammocks were strung from the ceiling and from the balcony that ran around the dark wood-paneled and windowless walls, which were covered in bright tapestry hangings. Harry saw the gold Gryffindor lion, emblazoned on scarlet; the black badger of Hufflepuff, set against yellow; and the bronze eagle of Ravenclaw, on blue. The silver and green of Slytherin alone were absent. There were bulging bookcases, a few broomsticks propped against the walls, and in the corner, a large wood-cased wireless. +"Where are we?" +"Room of Requirement, of course!" said Neville. "Surpassed itself, hasn�t it? The Carrows were chasing me, and I knew I had just one chance for a hideout: I managed to get through the door and this is what I found! Well, it wasn�t exactly like this when I arrived, it was a load smaller, there was only one hammock and just Gryffindor hangings. But it�s expanded as more and more of the D.A. have arrived." +"And the Carrows can�t get in?" asked Harry, looking around for the door. +"No," said Seamus Finnigan, whom Harry had not recognized until he spoke: Seamus�s face was bruised and puffy. "It�s a proper hideout, as long as one of us stays in here, they can�t get at us, the door won�t open. It�s all down to Neville. He really gets this room. You�ve got to ask for exactly what you need - like, "I don�t want any Carrow supporters to be able to get in� - and it�ll do it for you! You�ve just got to make sure you close the loopholes. Neville�s the man!" +"It�s quite straightforward, really," said Neville modestly. "I�d been in here about a day and a half, and getting really hungry, and wishing I could get something to eat, and that�s when the passage to Hog�s Head opened up. I went through it and met Aberforth. He�s been providing us with food, because for some reason, that�s the one thing the room doesn�t really do. +"Yeah, well, food�s one of the five exceptions to Gamp�s Law of Elemental Transfiguration," said Ron to general astonishment. +"So we�ve been hiding out here for nearly two weeks," said Seamus, "and it just makes more hammocks every time we need room, and it even sprouted a pretty good bathroom once girls started turning up - " +"-and thought they�d quite like to wash, yes," supplied Lavender Brown, whom Harry had not noticed until that point. Now that he looked around properly, he recognized many familiar faces. Both Patil twins were there, as were Terry Boot, Ernie Macmillan, Anthony Goldstein, and Michael Corner. +"Tell us what you�ve been up to, though," said Ernie. "There�ve been so many rumors, we�ve been trying to keep up with you on Potterwatch." He pointed at the wireless. "You didn�t break into Gringotts?" +"They did!" said Neville. "And the dragon�s true too!" +There was a smattering of applause and a few whoops; Ron took a bow. +"What were you after?" asked Seamus eagerly. +Before any of them could parry the question with one of their own, Harry felt a terrible, scorching pain in the lightning scar. As he turned his back hastily on the curious and delighted faces, the Room of Requirement vanished, and he was standing inside a ruined stone shack, and the rotting floorboards were ripped apart at his feet, a disinterred golden box lay open and empty beside the hole, and Voldemort�s scream of fury vibrated inside his head. +With an enormous effort he pulled out of Voldemort�s mind again, back to where he stood, swaying, in the Room of Requirement, sweat pouring from his face and Ron holding him up. +"Are you all right, Harry?" Neville was saying. "What to sit down? I expect you�re tired, aren�t -- ?" +"No," said Harry. He looked at Ron and Hermione, trying to tell them without words that Voldemort had just discovered the loss of one of the other Horcruxes. Time was running out fast: If Voldemort chose to visit Hogwarts next, they would miss their chance. +"We need to get going," he said, and their expressions told him that they understood. +"What are we going to do, then, Harry?" asked Seamus. "What�s the plan?" +"Plan?" repeated Harry. He was exercising all his willpower to prevent himself succumbing again to Voldemort�s rage: His scar was still burning. "Well, there�s something we - Ron, Hermione, and I - need to do, and then we�ll get out of here." +Nobody was laughing or whooping anymore. Neville looked confused. +"What d�you mean, �get out of here�?" +"We haven�t come back to stay," said Harry, rubbing his scar, trying to soothe the pain. "There�s something important we need to do - " +"What is it?" +"I - I can�t tell you." +There was a ripple of muttering at this: Neville�s brows contracted. +"Why can�t you tell us? It�s something to do with fighting You-Know-Who, right?" +"Well, yeah - " +"Then we�ll help you." +The other members of Dumbledore�s Army were nodding, some enthusiastically, others solemnly. A couple of them rose from their chairs to demonstrate their willingness for immediate action. +"You don�t understand," Harry seemed to have said that a lot in the last few hours. "We - we can�t tell you. We�ve got to do it - alone." +"Why?" asked Neville. +"Because ... " In his desperation to start looking for the missing Horcrux, or at least have a private discussion with Ron and Hermione about where they might commence their search. Harry found it difficult to gather his thoughts. His scar was still searing. "Dumbledore left the three of us a job," he said carefully, "and we weren�t supposed to tell - I mean, he wanted us to do it, just the three of us." +"We�re his army," said Neville. "Dumbledore�s Army. We were all in it together, we�ve been keeping it going while you three have been off on your own -" +"It hasn�t exactly been a picnic, mate," said Ron. +"I never said it had, but I don�t see why you can�t trust us. Everyone in this room�s been fighting and they�ve been driven in here because the Carrows were hunting them down. Everyone in here�s proven they�re loyal to Dumbledore - loyal to you." +"Look," Harry began, without knowing what he was going to say, but it did not matter. The tunnel door had just opened behind him. +"We got your message, Neville! Hello you three, I thought you must be here!" +It was Luna and Dean. Seamus gave a great roar of delight and ran to hug his best friend. +"Hi, everyone!" said Luna happily. "Oh, it�s great to be back!" +"Luna," said Harry distractedly, "what are you doing here? How did you -- ?" +"I sent for her," said Neville, holding up the fake Galleon. "I promised her and Ginny that if you turned up I�d let them know. We all thought that if you came back, it would mean revolution. That we were going to overthrow Snape and the Carrows." +"Of course that�s what it means," said Luna brightly. "Isn�t it, Harry? We�re going to fight them out of Hogwarts?" +"Listen," said Harry with a rising sense of panic, "I�m sorry, but that�s not what we came back for. There�s something we�ve got to do, and then -" +"You�re going to leave us in this mess?" demanded Michael Cornet. +"No!" said Ron. "What we�re doing will benefit everyone in the end, it�s all about trying to get rid of You-Know-Who - " +"Then let us help!" said Neville angrily. "We want to be a part of it!" +There was another noise behind them, and Harry turned. His heart seemed to fall: Ginny was now climbing through the hole in the wall, closely followed by Fred, George, and Lee Jordan. Ginny gave Harry a radiant smile: He had forgotten, he had never fully appreciated, how beautiful she was, but he had never been less pleased to see her. +"Aberforth�s getting a bit annoyed," said Fred, raising his hand in answer to several cries of greeting. "He wants a kip, and his bar�s turned into a railway station." +Harry�s mouth fell open. Right behind Lee Jordan came Harry�s old girlfriend, Cho Chang. She smiled at him. +"I got the message," she said, holding up her own fake Galleon and she walked over to sit beside Michael Corner. +"So what�s the plan, Harry?" said George. +"There isn�t one," said Harry, still disoriented by the sudden appearance of all these people, unable to take everything in while his scar was still burning so fiercely. +"Just going to make it up as we go along, are we? My favorite kind," said Fred. +"You�ve got to stop this!" Harry told Neville. "What did you call them all back for? This is insane - " +"We�re fighting, aren�t we?" said Dean, taking out his fake Galleon. "The message said Harry was back, and we were going to fight! I�ll have to get a wand, though -" +"You haven�t got a wand--?" began Seamus. +Ron turned suddenly to Harry. +"Why can�t they help?" +"What?" +"They can help." He dropped his voice and said, so that none of them could hear but Hermione, who stood between them, "We don�t know where it is. We�ve got to find it fast. We don�t have to tell them it�s a Horcrux." +Harry looked from Ron to Hermione, who murmured, "I think Ron�s right. We don�t even know what we�re looking for, we need them." And when Harry looked unconvinced, "You don�t have to do everything alone, Harry." +Harry thought fast, his scar still prickling, his head threatening to split again. Dumbledore had warned him against telling anyone but Ron and Hermione about the Horcruxes. Secrets and lies, that�s how we grew up, and Albus ... he was a natural ... Was he turning into Dumbledore, keeping his secrets clutched to his chest, afraid to trust? But Dumbledore had trusted Snape, and where had that led? To murder at the top of the highest tower ... +"All right," he said quietly to the other two. "Okay," he called to the room at large, and all noise ceased: Fred and George, who had been cracking jokes for the benefit of those nearest, fell silent, and all of the looked alert, excited. +"There�s something we need to find," Harry said. "Something - something that�ll help us overthrow You-Know-Who. It�s here at Hogwarts, but we don�t know where. It might have belonged to Ravenclaw. Has anyone heard of an object like that? Has anyone come across something with her eagle on it, for instance?" +He looked hopefully toward the little group of Ravenclaws, to Padma, Michael, Terry, and Cho, but it was Luna who answered, perched on the arm of Ginny�s chair. +"Well, there�s her lost diadem. I told you about it, remember, Harry? The lost diadem of Ravenclaw? Daddy�s trying to duplicate it." +"Yeah, but the lost diadem," said Michael Corner, rolling his eyes, "is lost, Luna. That�s sort of the point." +"When was it lost?" asked Harry. +"Centuries ago, they say," said Cho, and Harry�s heart sank. "Professor Flitwick says the diadem vanished with Ravenclaw herself. People have looked, but," she appealed to her fellow Ravenclaws. "Nobody�s ever found a trace of it, have them?" +They all shook their heads. +"Sorry, but what is a diadem?" asked Ron. +"It�s a kind of crown," said Terry Boot. "Ravenclaw�s was supposed to have magical properties, enhance the wisdom of the wearer." +"Yes, Daddy�s Wrackspurt siphons - " +But Harry cut across Luna. +"And none of you have ever seen anything that looks like it? +They all shook their heads again. Harry looked at Ron and Hermione and his own disappointment was mirrored back at him. An object that had been lost this long, and apparently without trace, did not seem like a good candidate for the Horcrux hidden in the castle ... Before he could formulate a new question, however, Cho spoke again. +"If you�d like to see what the diadem�s supposed to look like, I could take you up to our common room and show you, Harry. Ravenclaw�s wearing it in her statue." +Harry�s scar scorched again: For a moment the Room of Requirement swam before him, and he saw instead the dark earth soaring beneath him and felt the great snake wrapped around his shoulders. Voldemort was flying again, whether to the +underground lake or here, to the castle, he did not know: Either way, there was hardly any time left. +"He�s on the move," he said quietly to Ron and Hermione. He glanced at Cho and then back at them. "Listen, I know it�s not much of a lead, but I�m going to go look at this statue, at least find out what the diadem looks like. Wait for me here and keep, you know - the other one - safe." +Cho had got to her feet, but Ginny said rather fiercely, "No, Luna will take Harry, won�t you, Luna?" +"Oooh, yes, I�d like to," said Luna happily, as Cho sat down again, looking disappointed. +"How do we get out?" Harry asked Neville. +"Over here." +"He led Harry and Luna to a corner, where a small cupboard opened onto a steep staircase. "It comes out somewhere different every day, so they�ve never been able to find it," he said. "Only trouble is, we never know exactly where we�re going to end up when we go out. Be careful, Harry, they�re always patrolling the corridors at night." +"No problem," said Harry. "See you in a bit." +He and Luna hurried up the staircase, which was long, lit by torches, and turned corners in unexpected places. At last they reached what appeared to be solid wall. +"Get under here," Harry told Luna, pulling out the Invisibility Cloak and throwing it over both of them. He gave the wall a little push. +It melted away at his touch and they slipped outside. Harry glanced back and saw that it had resealed itself at once. They were standing in a dark corridor. Harry pulled Luna back into the shadows, fumbled in the pouch around his neck, and took out the Marauder�s Map. Holding it close to his nose he searched, and located his and Luna�s dots at last. +"We�re up on the fifth floor," he whispered, watching filch moving away from them, a corridor ahead. "Come on, this way." +They crept off. +Harry had prowled the castle at night many times before, but never had his heart hammered that fast, never had so much depended on his safe passage through the place. Through squares of moonlight upon the floor, past suits of armor whose helmets creaked at the sound of their soft footsteps, around corners beyond which who knew what lurked. Harry and Luna walked, checking the Marauder�s Map whenever light permitted, twice pausing to allow a ghost to pass without drawing attention to themselves. He expected to encounter an obstacle at any moment; his worst fear was Peeves, and he strained his ears with every step to hear the first, telltale signs of the poltergeist�s approach. +"The way, Harry," breathed Luna, plucking his sleeve and pulling him toward a spiral staircase. +They climbed in tight, dizzying circles; Harry had never been up here before. At last they reached a door. There was no handle and no keyhole: nothing but a plain expanse of aged wood, and a bronze knocker in the shape an eagle. +Luna reached out a pale hand, which looked eerie floating in midair, unconnected to arm or body. She knocked once, and in the silence it sounded to Harry like a cannon blast. At once the beak of the eagle opened, but instead of a bird�s called, a soft, musical voice said, "Which came first, the phoenix or the flame?" +"Hmm ... What do you think, Harry?" said Luna, looking thoughtful. +"What? Isn�t there a password?" +"Oh no, you�ve got to answer a question," said Luna. +"What if you get it wrong?" +"Well, you have to wait for somebody who gets it right," said Luna. "That way you learn, you see?" +"Yeah ... Trouble is, we can�t really afford to wait for anyone else, Luna." +"No, I see what you mean," said Luna seriously. "Well then, I think the answer is that a circle has no beginning." +"Well reasoned," said the voice, and the door swung open. +The deserted Ravenclaw common room was a wide, circular room, airier than any Harry had ever seen at Hogwarts. Graceful arched windows punctuated the walls, which were hung with blue-and-bronze silks. By day, the Ravenclaws would have a spectacular view of the surrounding mountains. The ceiling was domed and painted with stars, which were echoed in the midnight-blue carpet. There were tables, chairs, and bookcases, and in a niche opposite the door stood a tall statue of white marble. +Harry recognized Rowena Ravenclaw from the bust he had seen at Luna�s house. The statue stood beside a door that led, he guessed, to dormitories above. He strode right up to the marble woman, and she seemed to look back at him with a quizzical half smile on her face, beautiful yet slightly intimidating. A delicate-looking circlet had been reproduced in marble on top of her head. It was not unlike the tiara Fleur had worn at her wedding. There were tiny words etched into it. Harry stepped out from under the Cloak and climbed up onto Ravenclaw�s plinth to read them. +"�Wit beyond measure is man�s greatest treasure.�" +"Which makes you pretty skint, witless," said a cackling voice. +Harry whirled around, slipped off the plinth, and landed on the floor. The sloping-shouldered figure of Alecto Carrow was standing before him, and even as Harry raised his wand, she pressed a stubby forefinger to the skull and snake branded on her forearm. +Chapter Thirty +The Sacking of Severus Snape +The moment her finger touched the Mark, Harry's scar burned savagely, the starry room vanished from sight, and he was standing upon an outcrop of rock beneath a cliff, and the sea was washing around him and there was a triumph in his heart - They have the boy. +A loud bang brought Harry back to where he stood. Disoriented, he raised his wand, but the witch before him was already falling forward; she hit the ground so hard that the glass in the bookcases tinkled. +"I've never Stunned anyone except in our D.A. lessons," said Luna, sounding mildly interested. "That was noisier than I though it would be." +And sure enough, the ceiling had begun to tremble Scurrying, echoing footsteps were growing louder from behind the door leading to the dormitories. Luna's spell had woken Ravenclaws sleeping above. +"Luna, where are you? I need to get under the Cloak!" +Luna's feet appeared out of nowhere,; he hurried to her side and she let the Cloak fall back over them as the door opened and a stream of Ravenclaws, all in their nightclothes, flooded into the common room. there were gasps and cries of surprise as they saw Alecto lying there unconscious. Slowly they shuffled in around her, a savage beast that might wake at any moment and attack them. Then one brave little first-year darted up to her and prodded her backside with his big toe. +"I think she might be dead!" he shouted with delight. +"Oh look," whispered Luna happily, as the Ravenclaws crowded in around Alecto. "They're pleased!" +"Yeah... great... " +Harry closed his eyes, and as his scar throbbed he chose to sink again into Voldemort's mind.... He was moving along the tunnel into the first cave.... He had chosen to make sure of the locker before coming...but that would not take him long.... +There was a rap on the common room door and every Ravenclaw froze. From the other side, Harry heard the soft, musical voice that issued from the eagle door knocker: "Where do Vanished objects go?" +"I dunno, do I? Shut it!" snarled an uncouth voice that Harry knew was that of the Carrow brother , Amycus, "Alecto? Alecto? Are you there? Have you got him? Open the door!" +The Ravenclaws were whispering amongst themselves, terrified. Then without warning, there came a series of loud bangs, as though somebody was firing a gun into the door. +"ALECTO! If he comes, and we haven't got Potter --d'you want to go the same way as the Malfoys? ANSWER ME!" Amycus bellowed, shaking the door for all he was worth, but still it did not open. The Ravenclaws were all backing away, and some of the most frightened began scampering back up the stair case to their beds. Then, just as Harry was wondering whether he ought not to blast open the door and Stun Amycus before the Death Eater could do anything else, a second, most familiar voice rang out beyond the door. +"May I ask what you are doing, Professor Carrow?" +"Trying-to get-- through this damned-- door!" shouted Amycus. "Go and get Flitwick! Get him to open it, now!" +"But isn't your sister in there" asked Professor McGonagall. "Didn't Professor Flitwick let her in earlier this evening, at your urgent request? Perhaps she could open the door for you? Then you needn't wake up half the castle." +"She ain't answering, you old besom! You open it! Garn! Do it, now!" +"Certainly, if you wish it," said Professor McGonagall, with awful coldness, There was a genteel tap of the knocker and the musical voice asked again. +"Where do Vanished objects go?" +"Into non being, which is to say, everything," replied Professor McGonagall. +"Nicely phrased," replied the eagle door knocker, and the door swung open. +The few Ravenclaws who had remained behind sprinted for the stairs as Amycus burst over the threshold, brandishing his wand. Hunched like his sister, he had a pallid, doughy face and tiny eyes, which fell at once on Alecto, sprawled motionless on the floor. He let out a yell of fury and fear. +"What've they done, the little whelps?" he screamed. "I'll Cruciate the lot of 'em till they tell me who did it---and what's the Dark Lord going to say?" he shrieked, standing over his sister and smacking himself on the forehead with his fist, "We haven't got him, and they've gone and killed her!" +"She's only Stunned," said Professor McGonagall impatiently, who had stooped down to examine Alecto. "She'll be perfectly all right." +"No she bludgering well won't!" bellowed Amycus. "Not after the Dark Lord gets hold of her! She's gone and sent for him, I felt me Mark burn, and he thinks we've got Potter!" +"'Got Potter'?" said Professor McGonagall sharply, "What do you mean, 'got Potter'?" +"He told us Potter might try and get inside Ravenclaw Tower, and to send for him if we caught him!" +"Why would Harry Potter try to get inside Ravenclaw Tower! Potter belongs in my House!" +Beneath the disbelief and anger, Harry heard a little strain of pride in her voice and affection for Minerva McGonagall gushed up inside him. +"We was told he might come in here!" said Carrow. "I dunno why, do I?" +Professor McGonagall stood up and her beady eyes swept the room. Twice they passed right over the place where Harry and Luna stood. +"We can push it off on the kids," said Amycus, his pig like face suddenly crafty. "Yeah, that's what we'll do. We'll say Alecto was ambushed by the kids, them kids up there" -- he looked up at the starry ceiling toward the dormitories -- " and we'll say they forced her to pres her Mark, and that's why he got a false alarm.... He can punish them. Couple of kids more or less, what's the difference?" +"Only the difference between truth and lied, courage and cowardice," said Professor McGonagall, who had turned pale, "a difference, in short, which you and your sister seem unable to appreciate. But let me make one thing very clear. You are not going to pass off y9our many ineptitudes on the students of Hogwarts. I shall not permit it." +"Excuse me?" +Amycus moved forward until he was offensively close to Professor McGonagall, his face within inches of hers. She refused to back away, but looked down at him as if he were something disgusting she had found stuck to the lavatory seat. +"It's not a case of what you'll permit, Minerva McGonagall. Your time's over. It's us what's in charge here now, and you'll back me up or you'll pay the price." +And he spat in her face. +Harry pulled the Cloak off himself, raised his wand, and said, "You shouldn't have done that." +As Amycus spun around, Harry shouted, "Crucio!" +The Death Eater was lifted off his feet. He writhed through the air like a drowning man, thrashing and howling in pain, and then, with a crunch and a shattering of glass, he smashed into the front of a bookcase and crumpled, insensible, to the floor. +"I see what Bellatrix meant," said Harry, the blood thundering through his brain, "you need to really mean it." +"Potter!" whispered Professor McGonagall, clutching her heart. "Potter--- you're here! What---? How---?" She struggled to pull herself together. "Potter, that was foolish!" +"He spat at you," said Harry. +"Potter, I --- that was very --- gallant of you --- but don't you realize --?" +"Yeah, I do," Harry assured her. Somehow her panic steadied him. "Professor McGonagall, Voldemort's on the way." +"Oh, are we allowed to say the name now?" asked Luna with an air of interest, pulling off the Invisibility Cloak. The appearance of a second outlaw seemed to overwhelm Professor McGonagall, who staggered backward and fell into a nearby chair, clutching at the neck of her old tartan dressing gown. +"I don't think it makes any difference what we call him," Harry told Luna. "He already knows where I am." +In a distant part of Harry's brain, that part connected to the angry, burning scar, he could see Voldemort sailing fast over the dark lake in the ghostly green boat.... He had nearly reached the island where the stone basin stood.... +"You must flee," whispered Professor McGonagall, "Now Potter, as quickly as you can!" +"I can't," said Harry, "There's something I need to do. Professor, so you know where the diadem of Ravenclaw is?" +"The d-diadem of Ravenclaw? Of course not --- hasn't it been lost for centuries?" She sat up a little straighter "Potter, it was madness, utter madness, for you to enter this castle---" +"I had to," said Harry. "Professor, there's something hidden here that I'm supposed to find, and it could be the diadem--- if I could just speak to Professor Flitwick---" +There was a sound of movement, of clinking glass. Amycus was coming round. Before Harry or Luna could act, Professor McGonagall rose to her feet, pointed her wand at the groggy Death Eater, and said, "Imperio." +Amycus got up, walked over to his sister, picked up her wand, then shuffled obediently to Professor McGonagall and handed it over along with his own. Then he lay down on the floor beside Alecto. Professor McGonagall waved her wand again, and a length of shimmering silver rope appeared out of thin air and snaked around the Carrows, binding them tightly together. +"Potter," said Professor McGonagall, turning to face him again with superb indifference to the Carrows' predicament. "if He-Who-Must-Not-Be-Named does indeed know that you are here---" +As she said it, a wrath that was like physical pain blazed through Harry, setting his scar on fire, and for a second he looked down upon a basin whose potion had turned clear, and saw that no golden locket lay safe beneath the surface---. +"Potter, are you all right." said a voice, and Harry came back. He was clutching Luna's shoulder to steady himself. +"Time's running out, Voldemort's getting nearer, Professor, I'm acting on Dumbledore's orders, I must find what he wanted me to find! But we've got to get the students out while I'm searching the castle--- It's me Voldemort wants, but he won't care +about killing a few more or less, not now---" not now he knows I'm attacking Horcruxes, Harry finished the sentence in his head. +"You're acting on Dumbledore's orders?" she repeated with a look of dawning wonder. Then she drew herself up to her fullest height. +"We shall secure the school against He-Who-Must-Not-Be-Named while you search for this --- this object." +"Is that possible?" +"I think so," said Professor McGonagall dryly, "we teachers are rather good at magic, you know. I am sure we will be able to hold him off for a while if we all put our best efforts into it. Of course, something will have to be done about Professor Snape---" +"Let me ---" +"---and if Hogwarts is about to enter a state of siege, with the Dark Lord at the gates, it would indeed be advisable to take as many innocent people out of the way as possible. With the Floo Network under observation, and Apparition impossible within the grounds---" +"There's a way," said Harry quickly, and he explained about the passageway leading into the Hog's Head. +"Potter, we're talking about hundreds of students---" +"I know, Professor, but if Voldemort and the Death Eaters are concentrating on the school boundaries they won't be interested in anyone who's Disapparating out of Hog's Head." +"There's something in that," she agreed. She pointed her wand at the Carrows, and a silver net fell upon their bound bodies, tied itself around them, and hoisted them into the air, where they dangled beneath the blue-and-gold ceiling like two large, ugly sea creatures. "Come. We must alert the other Heads of House. You'd better put that Cloak back on." +She marched toward the door, and as she did so she raised her wand. From the tip burst three silver cats with spectacle markings around their eyes. the Patronuses ran sleekly ahead, filling the spiral staircase with silvery light, as Professor McGonagall, Harry, and Luna hurried back down. +Along the corridors they raced, and one by one the Patronuses left them. Professor McGonagall's tartan dressing gown rustled over the floor, and Harry and Luna jogged behind her under the Cloak. +They had descended two more floors when another set of quiet joined theirs. Harry, whose scar was still prickling, heard them first. He felt in the pouch around his neck for the Marauder's Map, but before he could take it our, McGonagall too seemed to become aware of their company. She halted, raised her wand ready to duel, and said, "Who's there?" +"It is I," said a low voice. +From behind a suit of armor stepped Severus Snape. +Hatred boiled up in Harry at the sight of him. He had forgotten the details of Snape's appearance in the magnitude of his crimes, forgotten how his greasy black hair hung in curtains around his thin face, how his black eyes had a dead, cold look. He was not wearing nightclothes, but was dressed in his usual black cloak, and he too was holding his wand ready for a fight. +"Where are the Carrows?" he asked quietly. +"Wherever you told them to be, I expect, Severus," said Professor McGonagall. +Snape stepped nearer, and his eyes flitted over Professor McGonagall into the air around her, as if he knew that Harry was there. Harry held his wand up too, ready to attack. +"I was under the impression," said Snape, "That Alecto had apprehended an intruder." +"Really?" said Professor McGonagall. "And what gave you that impression?" +Snape mad a slight flexing movement of his left arm, where the Dark Mark was branded into his skin. +"Oh, but naturally," said Professor McGonagall. "You Death Eaters have your own private means of communication, I forgot." +Snape pretended not to have heard her. His eyes were still probing the air all about her, and he was moving gradually closer, with an air of hardly noticing what he was doing. +"I did not know that it was your night to patrol the corridors Minerva." +"You have some objection?" +"I wonder what could have brought you out of our bed at this late hour?" +"I thought I heard a disturbance," said Professor McGonagall. +"Really? But all seems calm." +Snape looked into her eyes. +"Have you seen Harry Potter, Minerva? Because if you have. I must insist---" +Professor McGonagall moved faster than Harry could have believed. Her wand slashed through the air and for a split second Harry thought that Snape must crumple, unconscious, but the swiftness of his Shield Charm was such that McGonagall was thrown off balance. =She brandished her wand at a touch on the wall and it flew out of its bracket. Harry, about to curse Snape, was forced to pull Luna out of the way of the descending flames, which became a ring of fire that filled the corridor and flew like a lasso at Snape--- +Then it was no longer fire, but a great black serpent that McGonagall blasted to smoke, which re-formed and solidified in seconds to become a swarm of pursuing daggers. Snape avoided them only by forcing the suit of armor in front of him, and with echoing clangs the daggers sank, one after another, into its breast--- +"Minerva!" said a squeaky voice, and looking behind him, still shielding Luna from flying spells, Harry saw Professors Flitwick and Sprout sprinting up the corridor toward them in their nightclothes, with the enormous Professor Slughorn panting along at the rear. +"No!" squealed Flitwick, raising his wand. "You'll do no more murder at Hogwarts!" +Flitwick's spell hit the suit of armor behind which Snape had taken shelter. With a clatter it came to life. Snape struggled free of the crushing arms and sent it flying back toward his attackers. Harry and Luna had to dive sideways to avoid it as it smashed into the wall and shattered. When Harry looked up again, Snape was in full flight, McGonagall, Flitwick, and Sprout all thundering after him. He hurtled through a classroom door and, moments later, he heard McGonagall cry, "Coward! COWARD!" +"What's happened, what's happened?" asked Luna. +Harry dragged her to her feet and they raced along the corridor, trailing the Invisibility Cloak behind them, into the deserted classroom where Professors McGonagall, Flitwick, and Sprout were standing at a smashed window. +"He jumped," said Professor McGonagall as Harry and Luna ran into the room. +"You mean he's dead?" Harry sprinted to the window, ignoring Flitwick's and Sprout's yells of shock at his sudden appearance. +"No, he's not dead," said McGonagall bitterly. "Unlike Dumbledore, he was still carrying a wand... and he seems to have learned a few tricks from his master." +With a tingle of horror, Harry saw in the distance a huge, bat like shape flying through the darkness toward the perimeter wall. +There were heavy footfalls behind them, and a great deal of puffing. Slughorn had just caught up. +"Harry!" he panted, massaging his immense chest beneath his emerald-green silk pajamas. "My dear boy... what a surprise...Minerva, do please explain...Severus...what...?" +"Our headmaster is taking a short break," said Professor McGonagall, pointing at the Snape-shaped hole in the window. +"Professor!" Harry shouted his hand on his forehead, He could see the Inferi-filled lake sliding beneath him, and he felt a ghostly green boat bump into the underground shore, and Voldemort lept from it with murder in his heart--- +"Professor, we've got to barricade the school, he's coming now!" +"Very well. He-Who-Must-Not-Be-Named is coming," she told the other teachers. Sprout and Flitwick gasped. Slughorn let out a low groan. "Potter has work to do in the castle on Dumbledore's orders. We need to put in place every protection of which we are capable while Potter does what he needs to do." +"You realize , of course, that nothing we do will be able to keep out You-Know-Who indefinitely?" squeaked Flitwick. +"But we can hold him up." said Professor Sprout. +"Thank you, Pomona," said Professor McGonagall, and between the two witches there passed a look of grim understanding. I suggest we establish basic protection around the place, then gather our students and meet in the Great Hall. Most must be evacuated, though if any of those who are over age wish to stay and fight, I think they ought to be given the chance." +"Agreed," said Professor Sprout, already hurrying toward the door. "I shall meet you in the Great Hall in twenty minutes with my House." +And as she jogged out of sight, they could hear her muttering, "Tentacula, Devil's Snare. And Snargaluff pods...yes, I'd like to see the Death Eaters fighting those." +I can act from here," said Flitwick, and although he could barely see out of it, he pointed his wand through the smashed window and started muttering incantations of great complexity. Harry heard a weird rushing noise, as though Flitwick had unleashed the power of the wind into the grounds. +"Professor," Harry said, approaching the little Charms master. "Professor, I'm sorry to interrupt, but this is important. Have you got any idea where the diadem of Ravenclaw is?" +"---Protego Horribillis---the diadem of Ravenclaw?" squeaked Flitwick. "A little extra wisdom never goes amiss, Potter, but I hardly think it would be much use in this situation!" +"I only meant --- do you know where it is? Have you ever seen it?" +"Seen it" Nobody has seen it in living memory! Long since lost, boy." +Harry felt a mixture of desperate disappointment and panic. What, then, was the Horcrux? +"We shall meet you and your Ravenclaws in the Great Hall, Filius!" said Professor McGonagall, beckoning to Harry and Luna to follow her. +They had just reached the door when Slughorn rumbled into speech. +"My word," he puffed, pale and sweaty, his walrus mustache aquiver. "What a to-do! I'm not at all sure whether this is wise, Minerva. He is bound to find a way in, you know, and anyone who has tried to delay him will be in the most grievous peril---" +"I shall expect you and the Slytherins in the Great Hall in twenty minutes also." said Professor McGonagall. "If you wish to leave with your students, we shall not stop you. But if any of you attempt to sabotage our resistance or take up arms against us within this castle, then, Horace, we duel to kill." +"Minerva!" he said, aghast. +"The time has come for Slytherin House to decide upon its loyalties," interrupted Professor McGonagall. "Go and wake your students, Horace." +Harry did not stay to watch Slughorn splutter. He and Luna stayed after Professor McGonagall, who had taken up a position in the middle of the corridor and raised her wand. +"Piertotum---oh, for heaven's sake, Filch, not now---" +The aged caretaker had just come hobbling into view, shouting "Students out of bed! Students in the corridors!" +"They're supposed to be you blithering idiot!" shouted McGonagall. "Now go and do something constructive! Find Peeves!" +'P-Peeves?" stammered Filch as though he had never heard the name before. +"Yes, Peeves, you fool, Peeves! Haven't you been complaining about him for a quarter of a century? Go and fetch him, at once. +Filch evidently thought Professor McGonagall had taken leave of her senses, but hobbled away, hunch-shouldered, muttering under his breath. +"And now---Piertotum Locomator!" cried Professor McGonagall. And all along the corridor the statues and suits of armor jumped down from their plinths, and from the echoing crashes from the floors above and below, Harry knew that their fellows throughout the castle had done the same. +"Hogwarts is threatened!" shouted Professor McGonagall. "Man the boundaries, protect us, do your duty to our school!" +Clattering and yelling, the horde of moving statues stampeded past Harry, some of them smaller, others larger than life. There were animals too, and the clanking suits of armor brandished swords and spiked balls on chains. +"Now, Potter," said McGonagall., "you and Miss Lovegood had better return to your friends and bring them to the Great Hall --- I shall rouse the other Gryffindors." +They parted at the top of the next staircase, Harry and Luna turning back toward the concealed entrance to the Room of Requirement. As they ran, they met crowds of +students, most wearing traveling cloaks over their pajamas, being shepherded down to the Great Hall by teachers and prefects. +"That was Potter!" +"Harry Potter!" +"It was him, I swear, I just saw him!" +"But Harry did not look back, and at last they reached the entrance to the Room of Requirement, Harry leaned against the enchanted wall, which opened to admit them, and he and Luna sped back down the steep staircase. +"Wh--?" +As the room came into view, Harry slipped down a few stairs in shock. It was packed, far more crowded than when he had last been in there. Kingsley and Lupin were looking up at him, as were Oliver Wood, Katie Bell, Angelina Johnson and Alicia Spinnet, Bill and Fleur, and Mr. and Mrs. Weasley. +"Harry, what's happening?" said Lupin, meeting him at the foot of the stairs. +"Voldemort's on his way, they're barricading he school---Snape's run for it---What are you doing here? How did you know? +"We sent messages to the rest of Dumbledore's Army," Fred explained. "You couldn't expect everyone to miss the fun, Harry, and the D.A. let the Order of the Phoenix know, and it all kind of snowballed." +"What first, Harry?" called George. "What's going on?" +"They're evacuating the younger kids and everyone's meeting in the Great Hall to get organized," Harry said. "We're fighting." +There was a great roar and a surge toward the stairs, he was pressed back against he wall as they ran past hi, the mingled members of the Order of the Phoenix, Dumbledore's Army, and Harry's old Quidditch team, all with their wands drawn, heading up into the main castle. +"Come on, Luna," Dean called as he passed, holding out his free hand, she took it and followed him back up the stairs. +The crowd was thinning. Only a little knot of people remained below in the Room of Requirement, and Harry joine3d them. Mrs. Weasley was struggling with Ginny. Around them stood Lupin, Fred, George, Bill and Fleur. +"You're underage!" Mrs. Weasley shouted at her daughter as Harry approached "I won't permit it! The boys, yes, but you, you've got to go home!" +"I won't!" +"Ginny's hair flew as she pulled her arm out of her mother's grip. +"I'm in Dumbledore's Army---" +"A teenagers' gang!" +"A teenagers' gang that's about to take him on, which no one else has dared to do!" said Fred. +"She's sixteen!" shouted Mrs. Weasley. "She's not old enough! What you two were thinking bringing her with you--" +Fred and George looked slightly ashamed of themselves. +Mom's right, Ginny," said Bill gently. "You can't do this. Everyone underage will have to leave, it's only right." +"I can't go home!" Ginny shouted, angry tears sparkling in her eyes. "my whole family's here, I can't stand waiting there alone and not knowing and --" +Her eyes met Harry's for the first time. She looked at him beseechingly, but he shook his head and she turned away bitterly. +"Fine," she said, staring at the entrance to the tunnel back to the Hog's Head. "I'll say good-by now, then, and---" +There was a scuffling and a great thump. Someone else had clambered out of the tunnel, overbalanced slightly, and fallen. He pulled himself up no the nearest chair, looked around through lopsided horn-rimmed glasses, and said, "Am I too late? Has it started. I only just found out, so I --- I ---" +Percy spluttered into silence. Evidently he had not expected to run into most of his family. There was a long moment of astonishment, broken by Fleur turning to Lupin and saying, in a wildly transparent attempt to break the tension. "So--- 'ow eez leetle Teddy?" +Lupin blinked at her, startled. The silence between the Weasleys seemed to be solidifying, like ice. +"I --- oh yes--- he's fine!" Lupin said loudly. "yes, Tonks is with him--- at her mother's ---" +Percy and the other Weasleys were still staring at one another, frozen. +"Here, I've got a picture?" Lupin shouted, pulling a photograph from inside his jacket and showing it to Fleur and Harry, who saw a tiny baby with a tuft of bright turquoise hair, waving fat fists at the camera. +"I was a fool!" Percy roared, so loudly that Lupin nearly dropped his photograph. "I was an idiot, I was a pompous prat, I was a - a --" +"Ministry-loving, family-disowning, power-hungry moron," said Fred. +Percy swallowed. +"Yes, I was!" +"Well, you can't say fairer than that," said Fred, holding his hand out to Percy. +Mrs. Weasley burst into tears,. She ran forward, pushed Fred aside, and pulled Percy into a strangling hug, while he patted her on the back, his eyes on his father. +"I'm sorry, Dad," Percy said. +Mr. Weasley blinked rather rapidly, then he too hurried to hug his son. +"What made you see sense, Perce?" inquired George. +"It's been coming on for a while," said Percy, mopping his eyes under his glasses with a corner of his traveling cloak. "But I had to find a way out and it's not so easy at the Ministry, they're imprisoning traitors all the time. I managed to make contact with Aberforth and he tipped me off ten minutes ago that Hogwarts was going to make a fight of it, so here I am." +"Well, we do look to our prefects to take a lead at times such as these," said George in a good imitation of Percy's most pompous manner. "Now let's get upstairs and fight, or all the good Death Eaters'll be taken." +"So, you're my sister in-law now?" Said Percy, shaking hands with Fleur as they hurried off toward the staircase with Bill, Fred, and George. +"Ginny!" barked Mrs. Weasley. +Ginny had been attempting, under cover of the reconciliations to sneak upstairs too. +"Molly, how about this," said Lupin. "Why doesn't Ginny stay here , then at least she'll be on the scene and know what's going on, but she won't be in the middle of the fighting?" +"I---" +"That's a good idea," said Mr. Weasley firmly, " Ginny, you stay in this room, you hear me?" +Ginny did not seem to like the idea much, but under her father's unusually stern gaze, she nodded. Mr. and Mrs. Weasley and Lupin headed off to the stairs as well. +"Where's Ron?" asked Harry, "Where's Hermione?" +"They must have gone up the Great Hall already," Mr. Weasley called over his shoulder. +" I didn't see them pass me," said Harry. +"They said something about a bathroom," said Ginny, "not long after you left." +"A bathroom?" +Harry strode across the room to an open door leading off the Room of Requirement and checked the bathroom beyond. It was empty. +"You're sure they said bath---?" +But then his scar seared and the Room of Req1uirement vanished. He was looking through the high wrought-iron gates with winged boats on pillars at either side, looking through the dark grounds toward the castle, which was ablaze with lights. Nagini lay draped over his shoulders. He was possessed of that cold, cruel sense of purpose that preceded murder. +Chapter Thirty-One +The Battle of Hogwarts +The enchanted ceiling of the Great Hall was dark and scattered with stars, and below it the four long House tables were lined with disheveled students, some in traveling cloaks, others in dressing gowns. Here and there shone the pearly white figures of the school ghosts. Every eye, living and dead was fixed upon Professor McGonagall, who was speaking from the raised platform at the top of the Hall. Behind her stood the remaining teaches, including the palomino centaur, Firenze, and the members of the Order of the Phoenix who had arrived to fight. +"...evacuation will be overseen by Mr. Filch and Madame Pomfrey. Prefects, when I give the word, you will organize your House and take your charges in orderly fashion to the evacuation point. +Many of the students looked petrified. However, as Harry skirted the walls, scanning the Gryffindor table for Ron and Hermione, Ernie Macmillan stood up at the Hufflepuff table and shouted; "And what if we want to stay and fight?" +There was a smattering of applause. +"If you are of age, you may stay." said Professor McGonagall. +"What about our things?" called a girl at the Ravenclaw table. "Our trunks, our owls?" +"We have no time to collect possessions." said Professor McGonagall. "The important thing is to get you out of here safely." +"Where's Professor Snape?" shouted a girl from the Slytherin table. +"He has, to use the common phrase, done a bunk." replied Professor McGonagall and a great cheer erupted from the Gryffindors, Hufflepuffs, and Ravenclaws. +Harry moved up the Hall alongside the Gryffindor table, still looking for Ron and Hermione. As he passed, faces turned in his direction, and a great deal of whispering broke out in his wake. +"We have already placed protection around the castle," Professor McGonagall was saying, "but it is unlikely to hold for very long unless we reinforce it. I must ask you, therefore, to move quickly and calmly, and do as your prefects -" +But her final words were drowned as a different voice echoed throughout the Hall. It was high, cold, and clear. There was no telling from where it came. It seemed to issue from the walls themselves. Like the monster it had once commanded, it might have lain dormant there for centuries. +"I know that you are preparing to fight." There were screams amongst the students, some of whom clutched each other, looking around in terror for the source of the sound. "Your efforts are futile. You cannot fight me. I do not want to kill you. I have great respect for the teachers of Hogwarts. I do not want to spill magical blood." +There was silence in the Hall now, the kind of silence that presses against the eardrums, that seems too huge to be contained by walls. +"Give me Harry Potter," said Voldemort's voice, "and they shall not be harmed. Give me Harry Potter and I shall leave the school untouched. Give me Harry Potter and you will be rewarded. +"You have until midnight." +The silence swallowed them all again. Every head turned, every eye in the place seemed to have found Harry, to hold him forever in the glare of thousands of invisible beams. Then a figure rose from the Slytherin table and he recognized Pansy Parkinson as she raised a shaking arm and screamed, "But he's there! Potter's there. Someone grab him!" +Before Harry could speak, there was a massive movement. The Gryffindors in front of him had risen and stood facing, not Harry, but the Slytherins. Then the Hufflepuffs stood, and almost at the same moment, the Ravenclaws, all of them with their backs to Harry, all of them looking toward Pansy instead, and Harry, awestruck and overwhelmed, saw wands emerging everywhere, pulled from beneath cloaks and from under sleeves. +"Thank you, Miss Parkinson." said Professor McGonagall in a clipped voice. "You will leave the Hall first with Mr. Filch. If the rest of your House could follow." +Harry heard the grinding of the benches and then the sound of the Slytherins trooping out on the other side of the Hall. +"Ravenclaws, follow on!" cried Professor McGonagall. +Slowly the four tables emptied. The Slytherin table was completely deserted, but a number of older Ravenclaws remained seated while their fellows filed out; even more Hufflepuffs stayed behind, and half of Gryffindor remained in their seats, necessitating Professor McGonagall's descent from the teachers' platform to chivvy the underage on their way. +"Absolutely not, Creevey, go! And you, Peakes!" +Harry hurried over to the Weasleys, all sitting together at the Gryffindor table. +"Where are Ron and Hermione?" +"Haven't you found -?" began Mr. Weasley, looking worried. +But he broke off as Kingsley had stepped forward on the raised platform to address those who had remained behind. +"We've only got half an half an hour until midnight, so we need to act fast. A battle plan has been agreed between the teachers of Hogwarts and the Order of the Phoenix. Professors Flitwick, Sprout and McGonagall are going to take groups of fighters up to the three highest towers - Ravenclaw, Astronomy, and Gryffindor - where they'll have good overview, excellent positions from which to work spells. Meanwhile Remus" - he indicated Lupin - "Arthur" - he pointed toward Mr. Weasley, sitting at the Gryffindor table - "and I will take groups into the grounds. We'll need somebody to organize defense of the entrances or the passageways into the school -" +"Sounds like a job for us." called Fred, indicating himself and George, and Kingsley nodded his approval. +"All right, leaders up here and we'll divide up the troops!" +"Potter," said Professor McGonagall, hurrying up to him, as students flooded the platform, jostling for position, receiving instructions, "Aren't you supposed to be looking for something?" +"What? Oh," said Harry, "oh yeah!" +He had almost forgotten about the Horcrux, almost forgotten that the battle was being fought so that he could search for it: The inexplicable absence of Ron and Hermione had momentarily driven every other thought from his mind. +"Then go, Potter, go!" +"Right - yeah -" +He sensed eyes following him as he ran out of the Great Hall again, into the entrance hall still crowded with evacuating students. He allowed himself to be swept up the marble staircase with them, but at the top he hurried off along a deserted corridor. Fear and panic were clouding his thought processes. He tried to calm himself, to concentrate on finding the Horcrux, but his thoughts buzzed as frantically and fruitlessly as wasps trapped beneath a glass. Without Ron and Hermione to help him he could not seem to marshal his ideas. He slowed down, coming to a halt halfway along a passage, where he sat down on the plinth of a departed statue and pulled the Marauder's Map out of the pouch around his neck. He could not see Ron's of Hermione's names anywhere on it, though the density of the crowd of dots now making its way to the Room of Requirement might, he thought, be concealing them. He put the map away, pressed his hands over his face, and closed his eyes, trying to concentrate. +Voldemort thought I'd go to Ravenclaw Tower. +There it was, a solid fact, the place to start. Voldemort had stationed Alecto Carrow in the Ravenclaw common room, and there could be only one explanation; Voldemort feared that Harry already knew his Horcrux was connected to that House. +But the only object anyone seemed to associate with Ravenclaw was the lost diadem... and how could the Horcrux be the diadem? How was it possible that Voldemort, the Slytherin, had found the diadem that had eluded generations of Ravenclaws? Who could have told him where to look, when nobody had seen the diadem in living memory? +In living memory... +Beneath his fingers, Harry's eyes flew open again. He leapt up from the plinth and tore back the way he had come, now in pursuit of his one last hope. The sound of hundreds of people marching toward the Room of Requirement grew louder and louder as he returned to the marble stairs. Prefects were shouting instructions, trying to keep track of the students in their own houses, there was much pushing and shouting; Harry +saw Zacharias Smith bowling over first years to get to the front of the queue, here and there younger students were in tears, while older ones called desperately for friends or siblings. +Harry caught sight of a pearly white figure drifting across the entrance hall below and yelled as loudly as he could over the clamor. +"Nick! NICK! I need to talk to you!" +He forced his way back through the tide of students, finally reaching the bottom of the stairs, where Nearly Headless Nick, ghost of Gryffindor Tower, stood waiting for him. +"Harry! My dear boy!" +Nick made to grasp Harry's hands with both of his own; Harry felt as though they had been thrust into icy water. +"Nick, you've got to help me. Who's the ghost of Ravenclaw Tower?" +Nearly Headless Nick looked surprised and a little offended. +"The Gray Lady, of course; but if it is ghostly services you require -?" +"It's got to be her - d'you know where she is?" +"Let's see..." +Nick's head wobbled a little on his ruff as he turned hither and thither, peering over the heads of the swarming students. +"That's her over there, Harry, the young woman with the long hair." +Harry looked in the direction of Nick's transparent, pointing finger and saw a tall ghost who caught sight of Harry looking at her, raised her eyebrows, and drifted away through a solid wall. +Harry ran after her. Once through the door of the corridor into which she had disappeared, he saw her at the very end of the passage, still gliding smoothly away from him. +"hey - wait - come back!" +She consented to pause, floating a few inches from the ground. Harry supposed that she was beautiful, with her waist-length hair and floor-length cloak, but she also +looked haughty and proud. Close in, he recognized her as a ghost he had passed several times in the corridor, but to whom he had never spoken. +"You're the Gray Lady?" +She nodded but did not speak. +"The ghost of Ravenclaw Tower?" +"That is correct." +Her tone was not encouraging. +"Please, I need some help. I need to know anything you can tell me about the lost diadem." +A cold smile curved her lips. +"I am afraid," she said, turning to leave, "that I cannot help you." +"WAIT!" +He had not meant to shout, but anger and panic were threatening to overwhelm him. He glanced at his watch as she hovered in front of him. It was a quarter to midnight. +"This is urgent." he said fiercely. "If that diadem's at Hogwarts, I've got to find it, fast." +"You are hardly the first student to covet the diadem." she said disdainfully. "Generations of students have badgered me -" +"This isn't about trying to get better marks!" Harry shouted at her, "It's about Voldemort - defeating Voldemort - or aren't you interested in that?" +She could not blush, but her transparent cheeks became more opaque, and her voice was heated as she replied, "Of course I - how dare you suggest -?" +"Well, help me then!" +Her composure was slipping. +"It - it is not a question of -" she stammered. My mother's diadem -" +"Your mother's?" +She looked angry with herself. +"When I lived," she said stiffly, "I was Helena Ravenclaw." +"You're her daughter? But then, you must know what happed to it." +"While the diadem bestows wisdom," she said with an obvious effort to pull herself together, "I doubt that it would greatly increase you chances of defeating the wizard who calls himself Lord -" +Haven't I told you, I'm not interested in wearing it!" Harry said fiercely. "There's no time to explain - but if you care about Hogwarts, if you want to see Voldemort finished, you've got to tell me anything you know about the diadem!" +She remained quite still, floating in midair, staring down at him, and a sense of hopelessness engulfed Harry. Of course, if she had known anything, she would have told Flitwick of Dumbledore, who had surely asked her the same question. He had shaken his head and made to turn away when she spoke in a low voice. +"I stole the diadem from my mother." +"You - you did what?" +"I stole the diadem." repeated Helena Ravenclaw in a whisper. "I sought to make myself cleverer, more important than my mother. I ran away with it." +He did not know how he had managed to gain her confidence and did not ask, he simply listened, hard, as she went on. +"My mother, they say, never admitted that the diadem was gone, but pretended that she had it still. She concealed her loss, my dreadful betrayal, even from the other founders of Hogwarts. +"Then my mother fell ill - fatally ill. In spite of my perfidy, she was desperate to see me one more time. She sent a man who had long loved me, though I spurned his advances, to find me. She knew that he would not rest until he had done so." +Harry waited. She drew a deep breath and threw back her head. +"He tracked me to the forest where I was hiding. When I refused to return with him, he became violent. The baron was always a hot-tempered man. Furious at my refusal, jealous of my freedom, he stabbed me." +"The Baron? You mean -?" +"he Bloody Baron, yes," said the Gray Lady, and she lifted aside the cloak she wore to reveal a single dark wound in her white chest. When he saw what he had done, he was overcome with remorse. He took the weapon that had claimed my life, and used it to kill himself. All these centuries later, he wears his chains as an act of penitence ... as he should." she added bitterly. +"And - and the diadem?" +"It remained where I had hidden it when I heard the Baron blundering through the forest toward me. Concealed inside a hollow tree." +"A hollow tree?" repeated Harry. "What tree? Where was this?" +"A forest in Albania. A lonely place I thought was far beyond my mother's reach." +"Albania," repeated Harry. Sense was emerging miraculously from confusion, and now he understood why she was telling him what she had denied Dumbledore and Flitwick. "You've already told someone this story, haven't you? Another student?" +She closed her eyes and nodded. +"I had... no idea... He was flattering. He seemed to... understand... to sympathize..." +Yes, Harry thought. Tom Riddle would certainly have understood Helena Ravenclaw's desire to possess fabulous objects to which she had little right. +"Well, you weren't the first person Riddle wormed things out of." Harry muttered. "He could be charming when he wanted..." +So, Voldemort had managed to wheedle the location of the lost diadem out of the Gray Lady. He had traveled to that far-flung forest and retrieved the diadem from its hiding place, perhaps as soon as he left Hogwarts, before he even started work at Borgin and Burkes. +And wouldn't those secluded Albanian woods have seemed an excellent refuge when, so much later, Voldemort and needed a place to lie low, undisturbed, for ten long years? +But the diadem, once it became his precious Horcrux, had not been left in that lowly tree. . . . No, the diadem had been returned secretly to its true home, and Voldemort must have put it there - +"-the night he asked for a job!" said Harry, finishing his thought. +"I beg your pardon?" +"He hid the diadem in the castle, the night he asked Dumbledore to let him teach!" said Harry. Saying it out loud enabled him to make sense of it all. "He must�ve hidden the diadem on his way up to, or down from, Dumbledore�s office! But it was well worth trying to get the job - then he might�ve got the chance to nick Gryffindor�s sword as well - thank you, thanks!" +Harry left her floating there, looking utterly bewildered. As he rounded the corner back into the entrance hall, he checked his watch. It was five minutes until midnight, and though he now knew what the last Horcrux was, he was no closer to discovering where it was. . . +Generations of students had failed to find the diadem; that suggested that it was not in Ravenclaw Tower - but if not there, where? What hiding place had Tom Riddle discovered inside Hogwarts Castle, that he believed would remain secret forever? +Lost in desperate speculation, Harry turned a corner, but he had taken only a few steps down the new corridor when the window to his left broke open with a deafening, shattering crash. As he leapt aside, a gigantic body flew in through the window and hit the opposite wall. +Something large and furry detached itself, whimpering, from the new arrival and flung itself at Harry. +"Hagrid!" Harry bellowed, fighting off Fang the boarhound�s attentions as the enormous bearded figure clambered to his feet "What the --?" +"Harry, yer here! Yer here!" +Hagrid stooped down, bestowed upon Harry a cursory and rib-cracking hug, then ran back to the shattered window. +"Good boy, Grawpy!" he bellowed through the hole in the window. "I�ll se yer in a moment, there�s a good lad!" +Beyond Hagrid, out in the dark night, Harry saw bursts of light in the distance and heard a weird, keening scream. He looked down at his watch: It was midnight. The battle had begun. +"Blimey, Harry," panted Hagrid, "this is it, eh? Time ter fight?" +"Hagrid, where have you come from?" +"Heard You-Know-Who from up in our cave," said Hagrid grimly. "Voice carried, didn�t it? �Yet got till midnight ter gimme Potter.� Knew yeh mus� be here, knew that mus� be happenin�. Get down, Fang. So we come ter join in, me an� Grawpy an� Fang. Smashed our way through the boundary by the forest, Grawpy was carryin� us, Fang an� me. Told him ter let me down at the castle, so he shoved me through the window, bless him. Not exactly what I meant, bu� - where�s Ron an� Hermione?" +"That," said Harry, "is a really good question. Come on." +They hurried together along the corridor, Fang lolloping beside them. Harry could hear movement through the corridors all around: running footsteps, shouts; through the windows, he could see more flashes of light in the dark grounds. +"Where�re we goin�?" puffed Hagrid, pounding along at Harry�s heels, making the floorboards quake. +"I dunno exactly," said Harry, making another random turn, "but Ron and Hermione must be around here somewhere. . . ." +The first casualties of the battle were already strewn across the passage ahead: The two stone gargoyles that usually guarded the entrance to the staffroom had been +smashed apart by a jinx that had sailed through another broken window. Their remains stirred feebly on the floor, and as Harry leapt over one of their disembodied heads, it moaned faintly. "Oh, don�t mind me . . . I�ll just be here and crumble. . . ." +Its ugly stone face made Harry think suddenly of the marble bust of Rowena Ravenclaw at Xenophilius�s house, wearing that mad headdress - and then of the statue in Ravenclaw Tower, with the stone diadem upon her white curls. . . . +And as he reached the end of the passage, the memory of a third stone effigy came back to him: that of an ugly old warlock, onto whose head Harry himself had placed a wig and a battered old hat. The shock shot through Harry with the heat of firewhisky, and he nearly stumbled. +He knew, at least, where the Horcrux sat waiting for him. . . . +Tom Riddle, who confided in no one and operated alone, might have been arrogant enough to assume that he, and only he, had penetrated the deepest mysteries of Hogwarts Castle. Of course, Dumbledore and Flitwick, those model pupils, had never set foot in that particular place, but he, Harry, had strayed off the beaten track in his time at school - here at least was a secret area he and Voldemort knew, that Dumbledore had never discovered - +He was roused by Professor Sprout, who was thundering past followed by Neville and half a dozen others, all of them wearing earmuffs and carrying what appeared to be large potted plants. +"Mandrakes!" Neville bellowed at Harry over his shoulder as he ran. "Going to lob them over the walls - they won�t like this!" +Harry knew now where to go. He sped off, with Hagrid and Fang galloping behind him. They passed portrait after portrait, and the painted figures raced alongside them, wizards and witches in ruffs and breeches, in armor and cloaks, cramming themselves into each others� canvases, screaming news from other parts of the castle. As they reached the end of this corridor, the whole castle shook, and Harry knew, as a gigantic vase blew off its plinth with explosive force, that it was in the grip of enchantments more sinister than those of the teachers and the Order. +"It�s all righ�, Fang - it�s all righ�!" yelled Hagrid, but the great boarhound had taken flight as slivers of china flew like shrapnel through the air, and Hagrid pounded off after the terrified dog, leaving Harry alone. +He forged on through the trembling passages, his wand at the ready, and for the length of one corridor the little painted knight, Sir Cadrigan, rushed from painting to painting beside him, clanking along in his armor, screaming encouragement, his fat little pony cantering behind him. +"Braggarts and rogues, dogs and scoundrels, drive them out, Harry Potter, see them off!" +Harry hurtled around a corner and found Fred and a small knot of students, including Lee Jordan and Hannah Abbott, standing beside another empty plinth, whose statue had concealed a secret passageway. Their wands were drawn and they were listening at the concealed hole. +"Nice night for it!" Fred shouted as the castle quaked again, and Harry sprinted by, elated and terrified in equal measure. Along yet another corridor he dashed, and then there were owls everywhere, and Mrs. Norris was hissing and trying to bat them with her paws, no doubt to return them to their proper place. . . . +"Potter!" +Aberforth Dumbledore stood blocking the corridor ahead, his wand held ready. +"I�ve had hundreds of kids thundering through my pub, Potter!" "I know, we�re evacuating," Harry said, "Voldemort�s -" +"- attacking because they haven�t handed you over, yeah," said Aberforth. "I�m not deaf, the whole of Hogsmeade heard him. And it never occurred to any of you to keep a few Slytherins hostage? There are kids of Death Eaters you�ve just sent to safety. Wouldn�t it have been a bit smarter to keep �em here?" "It wouldn�t stop Voldemort," said Harry, "and your brother would never have done it." Aberforth grunted and tore away in the opposite direction. +Your brother would never have done it. . . . Well, it was the truth, Harry thought as he ran on again: Dumbledore, who had defended Snape for so long, would never have held students ransom. . . . +And then he skidded around a final corner and with a yell of mingled relief and fury he saw them: Ron and Hermione; both with their arms full of large, curved, dirty yellow objects, Ron with a broomstick under his arms. +"Where the hell have you been?" Harry shouted. +"Chamber of Secrets," said Ron. +"Chamber - what?" said Harry, coming to an unsteady halt before them. +"It was Ron, all Ron�s idea!" said Hermione breathlessly. "Wasn�t it absolutely brilliant? There we were, after we left, and I said to Ron, even if we find the other one, how are we going to get rid of it? We still hadn�t got rid of the cup! And then he thought of it! The basilisk!" +"What the - ?" +"Something to get rid of Horcruxes," said Ron simply. +Harry�s eyes dropped to the objects clutched in Ron and Hermione�s arms: great curved fangs; torn, he now realized, from the skull of a dead basilisk. +"But how did you get in there?" he asked, staring from the fangs to Ron. "You need to speak Parseltongue!" "He did!" whispered Hermione. "Show him, Ron!" Ron made a horrible strangled hissing noise. +"It�s what you did to open the locket," he told Harry apologetically. "I had to have a few goes to get it right, but," he shrugged modestly, "we got there in the end." "He was amazing!" said Hermione. "Amazing!" +"So . . ." Harry was struggling to keep up. "So . . ." +"So we�re another Horcrux down," said Ron, and from under his jacket he pulled the mangled remains of Hufflepuff�s cup. "Hermione stabbed it. Thought she should. She hasn�t had the pleasure yet." "Genius!" yelled Harry. +"It was nothing," said Ron, though he looked delighted with himself. "So what�s new with you?" +As he said it, there was an explosion from overhead: All three of them looked up as dust fell from the ceiling and they heard a distant scream. +"I know what the diadem looks like, and I know where it is," said Harry, talking fast. "He hid it exactly where I had my old Potions book, where everyone�s been hiding +stuff for centuries. He thought he was the only one to find it. Come on." As the walls trembled again, he led the other two back through the concealed entrance and down the staircase into the Room of Requirement. It was empty except for three women: Ginny, Tonks and an elderly witch wearing a moth-eaten hat, whom Harry recognized immediately as Neville�s grandmother. +"Ah, Potter," she said crisply as if she had been waiting for him. "You can tell us what�s going on." "Is everyone okay?" said Ginny and Tonks together. +"�S far as we know," said Harry. "Are there still people in the passage to the Hog�s Head?" +He knew that the room would not be able to transform while there were still users inside it. +"I was the last to come through," said Mrs. Longbottom. "I sealed it, I think it unwise to leave it open now Aberforth has left his pub. Have you seen my grandson?" +"He�s fighting," said Harry. +"Naturally," said the old lady proudly. "Excuse me, I must go and assist him." With surprising speed she trotted off toward the stone steps. +Harry looked at Tonks. +"I thought you were supposed to be with Teddy at your mother�s?" "I couldn�t stand not knowing -" Tonks looked anguished. "She�ll look after him - have you seen Remus?" "He was planning to lead a group of fighters into the grounds -" +Without another word, Tonks sped off. +"Ginny," said Harry, "I�m sorry, but we need you to leave too. Just for a bit. Then you can come back in." +Ginny looked simply delighted to leave her sanctuary. +"And then you can come back in!" he shouted after her as she ran up the steps after Tonks. "You�ve got to come back in!" +"Hang on a moment!" said Ron sharply. "We�ve forgotten someone!" "Who?" asked Hermione. +"The house-elves, they�ll all be down in the kitchen, won�t they?" "You mean we ought to get them fighting?" asked Harry. +"No," said Ron seriously, "I mean we should tell them to get out. We don�t want anymore Dobbies, do we? We can�t order them to die for us -" +There was a clatter as the basilisk fangs cascaded out of Hermione�s arms. Running at Ron, she flung them around his neck and kissed him full on the mouth. Ron threw away the fangs and broomstick he was holding and responded with such enthusiasm that he lifted Hermione off her feet. +"Is this the moment?" Harry asked weakly, and when nothing happened except that Ron and Hermione gripped each other still more firmly and swayed on the spot, he raised his voice. "Oi! There�s a war going on here!" Ron and Hermione broke apart, their arms still around each other. +"I know, mate," said Ron, who looked as though he had recently been hit on the back of the head with a Bludger, "so it�s now or never, isn�t it?" +"Never mind that, what about the Horcrux?" Harry shouted. "D�you think you could just - just hold it in until we�ve got the diadem?" +"Yeah - right - sorry -" said Ron, and he and Hermione set about gathering up fangs, both pink in the face. +It was clear, as the three of them stepped back into the corridor upstairs, that in the minutes that they had spent in the Room of Requirement the situation within the castle had deteriorated severely: The walls and ceiling were shaking worse than ever; dust filled the air, and through the nearest window, Harry saw bursts of green and red light so close to the foot of the castle that he knew the Death Eaters must be very near to entering the place. Looking down, Harry saw Grawp the giant meandering past, swinging what looked like a stone gargoyle torn from the roof and roaring his displeasure. +"Let�s hope he steps on some of them!" said Ron as more screams echoed from close by. +"As long as it�s not any of our lot!" said a voice: Harry turned and saw Ginny and Tonks, both with their wands drawn at the next window, which was missing several panes. Even as he watched, Ginny sent a well-aimed jinx into a crowd of fighters below. +"Good girl!" roared a figure running through the dust toward them, and Harry saw Aberforth again, his gray hair flying as he led a small group of students past. "They look like they might be breaching the north battlements, they�ve brought giants of their own." +"Have you seen Remus?" Tonks called after him. +"He was dueling Dolohov," shouted Aberforth, "haven�t seen him since!" "Tonks," said Ginny, "Tonks, I�m sure he�s okay -" +But Tonks had run off into the dust after Aberforth. +Ginny turned, helpless, to Harry, Ron, and Hermione. +"They�ll be all right," said Harry, though he knew they were empty words. "Ginny, we�ll be back in a moment, just keep out of the way, keep safe - come on!" he said to Ron and Hermione, and they ran back to the stretch of wall beyond which the Room of Requirement was waiting to do the bidding of the next entrant. +I need the place where everything is hidden. Harry begged of it inside his head, and the door materialized on their third run past. +The furor of the battle died the moment they crossed the threshold and closed the door behind them: All was silent. They were in a place the size of a cathedral with the appearance of a city, its towering walls built of objects hidden by thousands of long-gone students. +"And he never realized anyone could get in?" said Ron, his voice echoing in the silence. +"He thought he was the only one," said Harry. "Too bad for him I�ve had to hide stuff in my time . . . this way," he added. "I think it�s down here. . . ." They sped off up adjacent aisles; Harry could hear the others� footsteps echoing through the towering piles of junk, of bottles, hats, crates, chairs, books, weapons, broomsticks, bats. . . . +"Somewhere near here," Harry muttered to himself. "Somewhere . . . somewhere . . ." +Deeper and deeper into the labyrinth he went, looking for objects he recognized from his one previous trip into the room. His breath was loud in his ears, and then his very soul seemed to shiver. There it was, right ahead, the blistered old cupboard in which he had hidden his old Potions book, and on top of it, the pockmarked stone warlock wearing a dusty old wig and what looked like an ancient discolored tiara. +He had already stretched out his hand, though he remained few feet away, when a voice behind him said, "Hold it, Potter." +He skidded to a halt and turned around. Crabbe and Goyle were standing behind him, shoulder to shoulder, wands pointing right at Harry. Through the small space between their jeering faces he saw Draco Malfoy. +"That�s my wand you�re holding, Potter," said Malfoy, pointing his own through the gap between Crabbe and Goyle. +"Not anymore," panted Harry, tightening his grip on the hawthorn wand. "Winners, keepers, Malfoy. Who�s lent you theirs?" +"My mother," said Draco. +Harry laughed, though there was nothing very humorous about the situation. He could not hear Ron or Hermione anymore. They seemed to have run out of earshot, searching for the diadem. +"So how come you three aren�t with Voldemort?" asked Harry. +"We�re gonna be rewarded," said Crabbe. His voice was surprisingly soft for such an enormous person: Harry had hardly ever heard him speak before. Crabbe was speaking like a small child promised a large bag of sweets. "We �ung back, Potter. We decided not to go. Decided to bring you to �im." +"Good plan," said Harry in mock admiration. He could not believe that he was this close, and was going to be thwarted by Malfoy, Crabbe, and Goyle. He began edging slowly backward toward the place where the Horcrux sat lopsided upon the bust. If he could just get his hands on it before the fight broke out . . . +"So how did you get in here?" he asked, trying to distract them. +"I virtually lived in the Room of Hidden Things all last year," said Malfoy, his voice brittle. "I know how to get in." +"We was hiding in the corridor outside," grunted Goyle. "We can do Diss-lusion Charms now! And then," his face split into a gormless grin, "you turned up right in front of us and said you was looking for a die-dum! What�s a die-dum?" +"Harry?" Ron�s voice echoed suddenly from the other side of the wall to Harry�s right. "Are you talking to someone?" +With a whiplike movement, Crabbe pointed his wand at the fifty foot mountain of old furniture, of broken trunks, of old books and robes and unidentifiable junk, and shouted, "Descendo!" +The wall began to totter, then the top third crumbled into the aisle next door where Ron stood. +"Ron!" Harry bellowed, as somewhere out of sight Hermione screamed, and Harry heard innumerable objects crashing to the floor on the other side of the destabilized wall: He pointed his wand at the rampart, cried, "Finite!" and it steadied. +"No!" shouted Malfoy, staying Crabbe�s arm as the latter made to repeat his spell. "If you wreck the room you might bury this diadem thing!" +"What�s that matter?" said Crabbe, tugging himself free. "It�s Potter the Dark Lord wants, who cares about a die-dum?" +"Potter came in here to get it," said Malfoy with ill-disguised impatience at the slow-wittedness of his colleagues. "so that must mean -" +"�Must mean�?" Crabbe turned on Malfoy with undisguised ferocity. "Who cares what you think? I don�t take your orders no more, Draco. You an� your dad are finished." +"Harry?" shouted Ron again, from the other side of the junk wad. "What�s going on?" +"Harry?" mimicked Crabbe. "What�s going on - no, Potter! Crucio!" +Harry had lunged for the tiara; Crabbe�s curse missed him but hit the stone bust, which flew into the air; the diadem soared upward and then dropped out of sight in the mass of objects on which the bust had rested. +"STOP!" Malfoy shouted at Crabbe, his voice echoing through the enormous room. "The Dark Lord wants him alive -" +"So? I�m not killing him, am I?" yelled Crabbe, throwing off Malfoy�s restraining arm. "But if I can, I will, the Dark Lord wants him dead anyway, what�s the diff - ?" +A jet of scarlet light shot past Harry by inches: Hermione had run around the corner behind him and sent a Stunning Spell straight at Crabbe�s head. It only missed because Malfoy pulled him out of the way. +"It�s that Mudblood! Avada Kedavra!" +Harry saw Hermione dive aside, and his fury that Crabbe had aimed to kill wiped all else from his mind. He shot a Stunning Spell at Crabbe, who lurched out of the way, knocking Malfoy�s wand out of his hand; it rolled out of sight beneath a mountain of broken furniture and bones. +"Don�t kill him! DON�T KILL HIM!" Malfoy yelled at Crabbe and Goyle, who were both aiming at Harry: Their split second�s hesitation was all Harry needed. +"Expelliarmus!" +Goyle�s wand flew out of his hand and disappeared into the bulwark of objects beside him; Goyle leapt foolishly on the spot, trying to retrieve it; Malfoy jumped out of range of Hermione�s second Stunning Spell, and Ron, appearing suddenly at the end of the aisle, shot a full Body-Bind Curse at Crabbe, which narrowly missed. +Crabbe wheeled around and screamed, "Avada Kedavra!" again. Ron leapt out of sight to avoid the jet of green light. The wand-less Malfoy cowered behind a three-legged wardrobe as Hermione charged toward them, hitting Goyle with a Stunning Spell as she came. +"It�s somewhere here!" Harry yelled at her, pointing at the pile of junk into which the old tiara had fallen. "Look for it while I go and help R -" +"HARRY!" she screamed. +A roaring, billowing noise behind him gave him a moment�s warning. He turned and saw both Ron and Crabbe running as hard as they could up the aisle toward them. +"Like it hot, scum?" roared Crabbe as he ran. +But he seemed to have no control over what he had done. Flames of abnormal size were pursuing them, licking up the sides of the junk bulwarks, which were crumbling to soot at their touch. +"Aguamenti!" Harry bawled, but the jet of water that soared from the tip of his wand evaporated in the air. +"RUN!" +Malfoy grabbed the Stunned Goyle and dragged him along; Crabbe outstripped all of them, now looking terrified; Harry, Ron, and Hermione pelted along in his wake, and the fire pursued them. It was not normal fire; Crabbe had used a curse of which Harry had no knowledge. As they turned a corner the flames chased them as though they were alive, sentient, intent upon killing them. Now the fire was mutating, forming a gigantic pack of +fiery beasts: Flaming serpents, chimaeras, and dragons rose and fell and rose again, and the detritus of centuries on which they were feeding was thrown up into the air into their fanged mouths, tossed high on clawed feet, before being consumed by the inferno. +Malfoy, Crabbe, and Goyle had vanished from view: Harry, Ron and Hermione stopped dead; the fiery monsters were circling them, drawing closer and closer, claws and horns and tails lashed, and the heat was solid as a wall around them. +"What can we do?" Hermione screamed over the deafening roars of the fire. "What can we do?" +"Here!" +Harry seized a pair of heavy-looking broomsticks from the nearest pile of junk and threw one to Ron, who pulled Hermione onto it behind him. Harry swung his leg over the second broom and, with hard kicks to the ground, they soared up in the air, missing by feet the horned beak of a flaming raptor that snapped its jaws at them. The smoke and heat were becoming overwhelming: Below them the cursed fire was consuming the contraband of generations of hunted students, the guilty outcomes of a thousand banned experiments, the secrets of the countless souls who had sought refuge in the room. Harry couldnot see a trace of Malfoy, Crabbe, or Goyle anywhere. He swooped as low as he dare over the marauding monsters of flame to try to find them, but there was nothing but fire: What a terrible way to die. . . . He had never wanted this. . . . +"Harry, let�s get out, let�s get out!" bellowed Ron, though it was impossible to see where the door was through the black smoke. +And then Harry heard a thin, piteous human scream from amidst the terrible commotion, the thunder of devouring flame. +"It�s - too - dangerous - !" Ron yelled, but Harry wheeled in the air. His glasses giving his eyes some small protection from the smoke, he raked the firestorm below, seeking a sign of life, a limb or a face that was not yet charred like wood. . . . +And he saw them: Malfoy with his arms around the unconscious Goyle, the pair of them perched on a fragile tower of charred desks, and Harry dived. Malfoy saw him coming and raised one arm, but even as Harry grasped it he knew at once that it was no good. Goyle was too heavy and Malfoy�s hand, covered in sweat, slid instantly out of Harry�s - +"IF WE DIE FOR THEM, I�LL KILL YOU, HARRY!" roared Ron�s voice, and, as a great flaming chimaera bore down upon them, he and Hermione dragged Goyle onto their broom and rose, rolling and pitching, into the air once more as Malfoy clambered up behind Harry. +"The door, get to the door, the door!" screamed Malfoy in Harry�s ear, and Harry sped up, following Ron, Hermione, and Goyle through the billowing black smoke, hardly able to breathe: and all around them the last few objects unburned by the devouring flames were flung into the air, as the creatures of the cursed fire cast them high in celebration: cups and shields, a sparkling necklace, and an old, discolored tiara - +"What are you doing, what are you doing, the door�s that way!" screamed Malfoy, but Harry made a hairpin swerve and dived. The diadem seemed to fall in slow motion, turning and glittering as it dropped toward the maw of a yawning serpent, and then he had it, caught it around his wrist - +Harry swerved again as the serpent lunged at him; he soared upward and straight toward the place where, he prayed, the door stood open; Ron, Hermione and Goyle had +vanished; Malfoy was screaming and holding Harry so tightly it hurt. Then, through the smoke, Harry saw a rectangular patch on the wall and steered the broom at it, and moments later clean air filled his lungs and they collided with the wall in the corridor beyond. +Malfoy fell off the broom and lay facedown, gasping, coughing, and retching. Harry rolled over and sat up: The door to the Room of Requirement had vanished, and Ron and Hermione sat panting on the floor beside Goyle, who was still unconscious. +"C-Crabbe," choked Malfoy as soon as he could speak. "C-Crabbe . . ." +"He�s dead," said Ron harshly. +There was silence, apart from panting and coughing. Then a number of huge bangs shook the castle, and a great cavalcade of transparent figures galloped past on horses, their heads screaming with bloodlust under their arms. Harry staggered to his feet when the Headless Hunt had passed and looked around: The battle was still going on all around him. He could hear more scream than those of the retreating ghosts. Panic flared within him. +"Where�s Ginny?" he said sharply. "She was here. She was supposed to be going back into the Room of Requirement." +"Blimey, d�you reckon it�ll still work after that fire?" asked Ron, but he too got to his feet, rubbing his chest and looking left and right. "Shall we split up and look - ?" +"No," said Hermione, getting to her feet too. Malfoy and Goyle remained slumped hopelessly on the corridor floor; neither of them had wands. "Let�s stick together. I say we go - Harry, what�s that on your arm?" +"What? Oh yeah -" +He pulled the diadem from his wrist and held it up. It was still hot, blackened with soot, but as he looked at it closely he was just able to make out the tiny words etched upon it; WIT BEYOND MEASURE IS MAN�S GREATEST TREASURE. +A bloodlike substance, dark and tarry, seemed to be leaking from the diadem. Suddenly Harry felt the thing vibrate violently, then break apart in his hands, and as it did so, he thought he heard the faintest, most distant scream of pain, echoing not from the grounds or the castle, but from the thing that had just fragmented in his fingers. +"It must have been Fiendfyre!" whimpered Hermione, her eyes on the broken piece. +"Sorry?" +"Fiendfyre - cursed fire - it�s one of the substances that destroy Horcruxes, but I would never, ever have dared use it, it�s so dangerous - how did Crabbe know how to - ?" +"Must�ve learned from the Carrows," said Harry grimly. +"Shame he wasn�t concentrating when they mentioned how to stop it, really," said Ron, whose hair, like Hermione�s, was singed, and whose face was blackened. "If he hadn�t tried to kill us all, I�d be quite sorry he was dead." +"But don�t you realize?" whispered Hermione. "This means, if we can just get the snake -" +But she broke off as yells and shouts and the unmistakable noises of dueling filled the corridor. Harry looked around and his heart seemed to fail: Death Eaters had penetrated Hogwarts. Fred and Percy had just backed into view, both of them dueling masked and hooded men. +Harry, Ron, and Hermione ran forward to help: Jets of light flew in every direction and the man dueling Percy backed off, fast: Then his hood slipped and they saw a high forehead and streaked hair - +"Hello, Minister!" bellowed Percy, sending a neat jinx straight at Thicknesse, who dropped his wand and clawed at the front of his robes, apparently in awful discomfort. "Did I mention I�m resigning?" +"You�re joking, Perce!" shouted Fred as the Death Eater he was battling collapsed under the weight of three separate Stunning Spells. Thicknesse had fallen to the ground with tiny spikes erupting all over him; he seemed to be turning into some form of sea urchin. Fred looked at Percy with glee. +"You actually are joking, Perce. . . . I don�t think I�ve heard you joke since you were -" +The air exploded. They had been grouped together, Harry, Ron, Hermione, Fred, and Percy, the two Death Eaters at their feet, one Stunned, the other Transfigured; and in that fragment of a moment, when danger seemed temporarily at bay, the world was rent apart, Harry felt himself flying through the air, and all he could do was hold as tightly as possible to that thin stick of wood that was his one and only weapon, and shield his head in his arms: He heard the screams and yells of his companions without a hope of knowing what had happened to them - +And then the world resolved itself into pain and semidarkness: He was half buried in the wreckage of a corridor that had been subjected to a terrible attack. Cold air told him that the side of the castle had been blown away, and hot stickiness on his cheek told him that he was bleeding copiously. Then he heard a terrible cry that pulled at his insides, that expressed agony of a kind neither flame nor curse could cause, and he stood up, swaying, more frightened than he had been that day, more frightened, perhaps, than he had been in his life. . . . +And Hermione was struggling to her feet in the wreckage, and three redheaded men were grouped on the ground where the wall had blasted apart. Harry grabbed Hermione�s hand as they staggered and stumbled over stone and wood. +"No - no - no!" someone was shouting. "No! Fred! No!" +And Percy was shaking his brother, and Ron was kneeling beside them, and Fred�s eyes stared without seeing, the ghost of his last laugh still etched upon his face. +Chapter Thirty-Two +The Elder Wand +The world had ended, so why had the battle not ceased, the castle fallen silent in horror, and every combatant laid down their arms? Harry's mind was in free fall, spinning out of control, unable to grasp the impossibility, because Fred Weasley could not be dead, the evidence of all his senses must be lying-- And then a body fell past the hole blown into the side of the +school and curses flew in at them from the darkness, hitting the wall behind their heads. "Get down!" Harry shouted, as more curses flew through the night: He and Ron had both grabbed Hermione and pulled her to the floor, but Percy lay across Fred's body, shielding it from further harrm, and when Harry shouted "Percy, come on, we've got to move!" he shook his head. "Percy!" Harry saw tear tracks streaking the grime coating ron's face as he sezied his elder brother's shoulders and pulled, but Percy would not budge. "Percy, you can't do anything for him! We're going to--" Hermione screamed, and Harry, turning, did not need to ask why. A monstrous spider the size of a small car was trying to climb through the huge hole in the wall. one of Aragog's descendants had joined the fight. Ron and Harry shouted together; their spells collided and the monster was blown backward, its legs jerking horribly, and vanished into the darkness. "It brought friends!" Harry called to the others, glancing over the edge of the castle through the hole in the wall the curses had blasted. More giant spiders were climbing the side of the building, liberated from the Forbidden Forest, into which the Death Eaters must have penetrated. Harry fired Stunning Spells down upon them, knocking the lead monster into its fellows, so that they rolled back down the building and out of sight. Then more curses came soaring over Harry's head, so close he felt the force of them blow his hair. "Let's move, NOW!" Pushing Hermione ahead of him with ron, Harry stooped to seize Fred's body under the armpit. Percy, realizing what Harry was trying to do, stopped clinging to the body and helped: together, crouching low to avoid the curses flying at them from the grounds, they hauled Fred out of the way. "Here," said Harry, and they placed him in a niche where a suit of armor had stood earlier. He could not bear to look at Fred a second longer than he had to, and after making sure that the body was well- hidden, he took off after ron and Hermione. Malfoy and Goyle had vanished but at the end of the corridor, which was now full of dust and falling masonry, glass long gone from windows, he saw many people running backward and forward, whether friends or foes he could not tell. Rounding the corner, Percy let out a bull-like roar: "ROOKWOOD!" and sprinted off in the direction of a tall man, who was pursuing a couple of students. "Harry, in here!" Hermione screamed. She had pulled Ron behind a tapestry. They seemed to be wrestling together, and for one mad second Harry thought that they were +embracing again; then hhe saw that Hermione was trying to restrain Ron, to stop him running after Percy. "Listen to me--LISTEN RON!" "I wanna help--I wanna kill Death Eaters--" His face was contorted, smeared with dust and smoke, and he was shaking with rage and grief. "ron, we're the only ones who can end it! Please--ron--we need the snake, we've got to kill the snake!" said Hermione. But Harry knew how Ron felt: Pursuing another Horcrux could not bring the satisfaction of revenge; he too wanted to fight, to punish them, the people who had killed Fred, and he wanted to find the other Weasleys, and above all make sure, make quite sure, that Ginny was not--but he could not permit that idea to form in his mind-- "We will fight!" Hermione said. "We'll have to, to reach the snake! But let's not lose sight now of what we're supposed to be d-doing! We're the only ones who can end it!" She was crying too, and she wiped her face on her torn and singed sleeve as she spoke, but she took great heaving breaths to calm herself as, still keeping a tight hold on ron, she turned to Harry. "You need to find out where Voldemort is, because he'll have the snake with him, won't he? Do it, Harry--look inside him!" Why was it so easy? Because his scar had been burning for hours, yearning to show him Voldemort's thoughts? He closed his eyes on her command, and at once, the screams and bangs and all the discordant sounds of the battle were drowned until they became distant, as though he stood far, far away from them... He was standing in the middle of a desolate but strangely familiar room, with peeling paper on the walls and all the windows boarded up except for one. The sounds of the assault on the castle were muffled and distant. The single unblocked window revealed distant bursts of light where the castle stood, but inside the room was dark except for a solitary oil lamp. He was rolling his wand between his figners, watching it, his thoughts on the room in the castle, the secret room only he had ever found, the room, like the chamber, that you had to be clever and cunning and inquisitive to discover...He was confident that the boy would not find the diadem...although Dumbledore's puppet had come much farther than he ever expected...too far... "My Lord," said a voice, desperate and cracked. He turned: there was Lucius Malfoy sitting in the darkest corner, ragged and still bearing the marks of the punishment he had received after the boy's last escape. One of his eyes remained closed and puffy. "My Lord...please...my son..." "If your son is dead, Lucius, it is not my fault. He did not come and join me, like the rest of the Slytherins. Perhaps he has +decided to befriend Harry Potter?" "No--never," whispered Malfoy. "You must hope not." "Aren't--aren't you afraid, my Lord that Potter might die at another hand but yours?" asked Malfoy, his voice shaking. "Wouldn't it be...forgive me...more prudent to call off this battle, enter the castle, and seek him y-yourself?" "Do not pretend Lucius. You wish the battle to cease so that you can discover what has happened to your son. And i do not need to seek Potter. Before the night is out, Potter will have come to find me." Voldemort dropped his gaze once more to the wand in his fingers. It troubled him...and those things that troubled Lord Voldemort needed to be rearranged... "Go and fetch Snape." "Snape, m-my Lord?" "Snape. Now. I need him. There is a --service--I require from him. Go." Frightened, stumbling a little through the gloom, Lucius left the room. Vodlemort continued to stand there, twirling the wand between his fingers, staring at it. "It is the only way, Nagini," he whispered, and he looked around, and there was the great thick snake, now suspended in midair, twisting gracefully within the enchanted, protected space he had made for her, a starry, transparent sphere somewhere between a glittering cage and a tank. With a gasp, Harry pulled back and opened his yees at the same moment his ears were assaulted with the screeches and cries, the smashes and bangs of battle. "He's in the Shrieking Shack. The snake's with him, it's got some sort of magical protection around it. He's just sent Lucius Malfoy to find Snape." "voldemort's sitting in the shrieking Shack?" said Hermione, outraged. "He's not--he's not even FIGHTING?" "He doesn't think he needs to fight," said Harry. "He thinks I'm going to go to him." "But why?" "He knows I'm after Horcruxes--he's keeping Nagini close beside him- -obviously I'm going to have to go to him to get near the thing--" "Right," said Ron, squaring his shoulders. "So you can't go, that's what he wants, what he's expecting. You stay here and look after Hermione, and I'll go and get it--" Harry cut across Ron. "You two stay here, I'll go under the Cloak and I'll be back as soon as I--" "No," said Hermione,, "it makes much more sense if I take the Cloak +and--" "Don't even think about it," Ron snarled at her. before Hermione could get farther than "Ron, I'm just as capable -- " the tapestry at the top of the staircase on which they stood was ripped open. "POTTER!" Two masked Death Eaters stood there, but even before their wands were fully raised, Hermione shouted "Glisseo!" The stairs beneath their feet flatteneed into a chute and she, Harry, and Ron hurtled down it, unable to control their speed but so fast that the Death Eaters' Stunning Spells flew far over their heads. They shot through the concealing tapestry at the bottom and spun onto the floor, hitting the opposite wall. "Duro!" cried Hermione, pointing her wand at the tapestry, and there were two loud, sickening crunches as the tapestry turned to stone and the Death Eaters pursuing them crumpled against it. "Get back!" shouted Ron, and he, Harry, and Hermione hurled themselves against a door as a herd of galloping desks thundered past, shepherdd by a sprinting Professor McGonagall. She appeared not to notice them. Her hair had come down and there was a gash on her cheek. As she turned the corner, they heard her scream, "CHARGE!" "Harry, you get the Cloak on," said Hermione. "Never mind us--" But he threw it over all three of them; large though they were he doubted anyone would see their disembodied feet through the dust that clogged the air, the falling stone, the shimmer of spells. they ran down the next staircase and found themselves in a corridor full of duelers. The portraits on either side of the fighters were crammed with figures screaming advice and encouragement, while Death Eaters, both masked and unmasked, dueled students and teachers. Dean had won himself a wand, for he was face-to-face with Dolohov, Parvati with Travers. Harry, ron and Hermione raised their wands at once, ready to strike, but the duelers were weaving and darting so much that there was a strong likelihood of hurting on of their own side if they cast curses. Even as they stood braced, looking for the opportunity to act, there came a great "Wheeeeee!" and looking up, Harry saw Peeves zoomign over them, dropping Snargaluff pods down onto the Death Eaters, whose heads were suddenly engulfed in wriggling green tubers like fat worms. "ARGH!" A fistful of tubers had hit the Cloak over Ron's head; the damp green roots were suspended improbably in midair as Ron tried to shake them loose. "Someone's invisible there!" shouted a masked Death Eater, pointing. Dean made the most of the Death Eater's momentary distraction, knocking him out with a stunning Spell; Dolohov attempted to +retaliate, and Parvati shot a Body Bind Curse at him. "LET'S GO!" Harry yelled, and he, Ron, and Hermione gathered the Cloak tightly around themselves and pelted, heads down, through the midst of the fighters, slipping a little in pools of Snargaluff juice, toward the top of the marble staircase into the entrance hall. "I'm Draco Malfoy, I'm Draco, I'm on your side!" Draco was on the upper landing, pleading with anoter masked Death Eater. Harry Stunned the Death Eater as they passed. Malfoy looked around, beaming, for his savior, and Ron punched him from under the Cloak. Malfoy fell backward on top of the Death Eater, his mouth bleeding, utterly bemused. "And that's the second time we've saved your life tonight, you two- faced bastard!" Ron yelled. There were more duelers all over the stairs and in the hall. Death Eaters everywhere Harry looked: Yaxley, close to the front doors, in combat with Flitwick, a masked Death Eater dueling Kingsley right beside them. Students ran in every direction; some carrying or dragging injured friends. Harry directed a Stunnning Spell toward the masked Death Eater; it missed but nearly hit Neville, who had emerged from nowhere brandishing armfuls of Venomous Tentacula, which looped itself happily around the nearest Death Eater and began reeling him in. Harry, Ron, and Hermione sped won the marble staircase: glass shattered on the left, and the Slytherin hourglass that had recorded House points spilled its emeralds everywhere, so that people slipped and staggered as they ran. Two bodies fell from the balcony overhead as they reached the ground a gray blur that Harry took for an animal sped four-legged across the hall to sink its teeth into one of the fallen. "NO!" shrieked Hermione, and with a deafening blast from her wand, Fenrir Greyback was thrown backward from the feebly struggling body of Lavender Brown. He hit the marble banisters and struggled to return to his feet. Then, with a bright white flash and a crack, a crystal ball fell on top of his head, and he crumpled to the ground and did not move. "I have more!" shrieked Professor Trelawney from over the banisters. "More for any who want them! Here--" And with a move likea tennis serve, she heaved another enormous crystal sphere from her bag, waved her wand through the air, and caused the ball to speed across the hall and smash through a window. At the same moment, the heavy wooden front doors burst open, and more of the gigantic spiders forced their way into the front hall. Screams of terror rent the air: the fighters scattered, Death Eaters and Hogwartians alike, and red and green jets of light flew +into the midst of the oncoming monsters, which shuddered and reared, more terrifying than ever. "How do we get out?" yelled ron over all the screaming, but before either Harry or Hermione could answer they were bowled aside; Hagrid had come thundering down the stairs, brandishing his flowery pink umbrella. "Don't hurt 'em, don't hurt 'em!" he yelled. "HAGRID, NO!" Harry forgot everything else: he sprinted out from under the cloak, running bent double to avoid the curses illuminating the whole hall. "HAGRID, COME BACK!" But he was not even halfway to Hagrid when he saw it happen: Hagrid vanished amongst the spiders, and with a great scurrying, a foul swarming movement, they retreated under the onslaught of spells, Hagrid buried in their midst. "HAGRID!" Harry heard someone calling his own name, whether friend or foe he did not care: He was springint down the front steps into the dark grounds, and the spiders were swarming away with their prey, and he could see nothing of Hagrid at all. "HAGRID!" He thought he could make out an enormous arm waving from the mdist of the spider swarm, but as he made to chase after them, his way was impeded by a monumental foot, which swung down out of the darkness and made the ground on which he stood shudder. He looked up: A giant stood before him, twenty feet high, its head ihidden in shadow, nothing but its treelike, hairy shins illuminated by light from the castle doors. With one brutal, fluid movement, it smashed a massive fist through an upper window, and glass rained down upon Harryk, forcing him back under the shelter of the doorway. "Oh my--!" shrieked Hermione, as she and ron caught up with Harry and gazed upward at the giant now trying to seize people through the window above. "DON'T!" ron yelled, grabbing Hermione's hand as she raised her wand. "Stun him and he'll crush half the castle--" "HAGGER?" Grawp came lurching around the corner of the castle; only dnow did Harry realzie that Grawp was, indeed, an undersized giant. The gargantuan monster trying to crush people on the upper floors turned around and let out a rorar. The stone steps tremebled as he stomped toward his smaller kin, and Grawp's lopsided mouth fell open, showing yellow, half brick-sized teeth; and then they launched themselves at each other with the savagery of lions. "RUN!" Harry roared; the ngiht was full of hideous yells and blows as the giants wrestled, and he seized Hermione's hand and tore down the steps into the grounds, Ron bringing up the rear. Harry had not lost hope of finding and saving Hagrid; he ran so fast that they +were halfway toward the forest before they were brought up short again. The air around them had frozen: Harry's breath caught and solidified in his chest. Shapes moved out in the darkness, swirling figures of concentrated blackness, moving in a great wave towards the castles, their faces hooded and their breath rattling... ron and Hermione closed in beside him as the sounds of fighting behind them grew suddenly muted, deadened, because a silence only dementors could bring was falling thickly through the night, and Fred was gone, and Hagrid was suurely dying or already dead... "come on, Harry!" said Hermione's voice from a very long way away. "Patronuses, Harry, come on!" he raised his wand, but a dull hopelessness was spreading throughout him: How many more lay dead that he did not yet know about? He felt as though his soul had already half left his body.... "HARRY, COME ON!" screamed Hermione. A hundred dementors were advancing, gliding toward them, sucking their way closer to Harry's despair, which was like a promise of a feast... He saw Ron's silver terrier burst into the air, flicker feebly, and expire; he saw Hermione's otter twist in midair and fade, and his own wand trembled in his hand, and he almost welcomed the oncoming oblivion, the promise of nothing, of no feeling... And then a silver hare, a boar, and fox soared past Harry, Ron, and Hermione's heads: the dementors fell back before the creatures' approach. Three more people had arrived out of the darkness to stand beside them, their wands outstretched, continuing to cast Patronuses: Luna, Ernie, and Seamus. "That's right," said Luna encouragingly, as if they were back in the Room of Requirement and this was simply spell practice for the D.A., "That's right, Harry...come on think of something happy..." 'something happy?" he said, his voice cracked. "We're all still here," she whispered, "we;re still fighting. Come on, now...." There was a silver spark, then a wavering light, and then, with the greatest effort it had ever cost him the stag burst from the end of Harry's wand. It cantered forward, and now the dementors scattered in earnest, and immediately the night was mild again, but the sounds of the surrounding battle were loud in his ears. "Can't thank you enough," said ron shakily, turning to Luna, Ernie, and Seamus "you just saved--" With a roar and an earth-quaking tremor, another giant came lurching out of the darkness from the direction of the forest, brandishing a club taller than any of them. "RUN!" Harry shouted again, but the others needed no telling; They all scattered, and not a second too soon, for the next moment the +creature's vast foot had fallen exactly where they had been standing. Harry looked round: ron and Hermione were following him, but the other three had vanished back into the battle. "Let's get out of range!" yelled Ron as the giant swung its club again and its bellows echoed through the night, across the grounds wehere bursts of red and green light continued to illuminate the darkness. "The Whomping willow," said Harry, "go!" Somehow he walled it all up in his mind, crammed it into a small space into which he could not look now: thoughts of Fred and Hagrid, and his terror for all the people he loved, scattered in and outside the castle, must all wait, because they had to run, had to reach the snake and Voldemort, because that was, as Hermione said, the only way to end it-- He sprinted, half-believing he could outdistance death itself, ignoring the jets of light flying in the darkness all around him, and the sound of hte lake crashing like the sea, and the creaking of the Forbidden Forest though the night was windless; through grounds that seemed themselves to have risen in rebellion, he ran faster than he had ever moved in his life, and it was he who saw the great tree first, the Willow that protected the secret at its roots with whiplike, slashing branches. Panting and gasping, Harry slowed down, skirting the willow's swiping branches, peering through the darkness toward its tick trunk, trying to see the single knot in the bark of the old tree that would paralyze it. Ron and Hermione caught up, Hermione so out of breath that she could not speak. "How--how're we going to get in?" panted ron. "I can--see the palce- -if we jsut had--Crookshanks again--" "Crookshanks?" wheezed Hermione, bent double, clutching her chest. "Are you a wizard, or what?" "Oh--right--yeah--" Ron looked around, then directed his wand at a twig on the ground and said "Winguardium Leviosa!" The twig flew up from the gruond, spun through the air as if caught by a gust of wind, then zoomed directly at the trunk through the Willow's ominously swaying branches. It jabbed at a place near the roots, and at once, the writhing tree became still. "Perfect!" panted Hermione. "Wait." For one teetering second, while the crashes and booms of the battle filled the air, Harry hesitated. Voldemort wanted him to do this, wanted him to come...Was he leading Ron and Hermione into a trap? But the reality seemed to close upon him, cruel and plain: the only way forward was to kill the snake, and the snake was where Voldemort was, and voldemort was at the end of this tunnel... +"Harry, we're coming, just get in there!" said Ron, pushing him forward. Harry wriggled into the earthy passage hidden in the tree's roots. It was a much tighter squeeze than it had been the last time they had entered it. The tunnel was low-ceilinged: they had had to double up to move throuhgh it nearly four years previously; now there was nothing for it but to crawl. Harry went first, his wand illuminated, expecting at any moment to meet barriers, but none came. They moved in silence, Harry's gaze fixed upon the swinging beam of the wand held in his fist. At last, the tunnel began to slope upward and Harry saw a sliver of light ahead. Hermione tugged at his ankle. "The Cloak!" she whispered. "Put the Cloak on!" He groped behind him and she forced the bundle of slippery cloth into his free hand. With difficulty he dragged it over himself, murmered, "Nox," extinguishing his wandlight, and continued on his hands and knees, as silently as possible, all his senses straining, expecting every second to be discovered, to hear a cold clear voice, see a flash of green light. and then he heard voices coming from the room directly ahead of them, only slightly muffled by the fact that the opening at the endo fht etuunnel had been blocked up by what looked like an old crate. Hardly daring to breathe, Harry edged right up tot he opening and peered through a tiny gap left between crate and wall. The room beyond was dimly lit, but he could see Nagini, swirlign and coiling like a serpent underwater, safe in her enchanted, starry sphere, which floated unsupported in midair. He could see the edge of a table, and a long-fingered white hand toying with a wand. Then Snape spoke, and Harry's heart lurched: Snape was inches away from where he crouched, hidden. "...my Lord, their resistance is crumbling--" "--and it is doing so without your help," said Voldemort in his high, clear voice. "Skilled wizard though you are, Severus, I do not think you will make much difference now. We are almost there...almost." "Let me find the boy. Let me bring you Potter. I know I can find him, my Lord. Please." Snape strode past the gap, and Harry drew back a little, keeping his eyes fixed upon Nagini, wondering whether there was any spell that might penetrate the protection surrounding her, but he could not think of anything. One failed attempt, and he would give away his position... Voldemort stood up. Harry could see him now, see the red eyes, the flattened, serpentine face, the pallor of him gleaming slightly in the semidarkness. +"I have a problem, Severus," said Voldemort softly. "My Lord?" said Snape. Voldemort raised the Elder Wand, holding it as delicately and precisely as a conductor's baton. "Why doesn't it work for me, Severus?" In the silence Harry imagined he could hear the snake hissing slightly as it coiled and uncoiled--or was it Voldemort's sibilant sigh lingering on the air? "My--my lord?" said Snape blankly. "I do not understand. You--you have performed extraordinary magic with that wand." "No," said Voldemort. "I have performed my usual magic. I am extraordinary, but this wand...no. It has not revealed the wonders it has promised. I feel no difference between this wand and the one I procured from Ollivander all those years ago." Voldemort's tone was musing, calm, but Harry's scar had begun to throb and pulse: Pain was building in his forehead, and he could feel that controlled sense of fury building inside Voldemort. "No difference," said Voldemort again. Snape did not speak. Harry could not see his face. He wondered whether Snape sensed danger, was trying to find the right words to reassure his master. Voldemort started to move around the room: Harry lost sight of him for seconds as he prowled, speaking in that same measured voice, while the pain and fury mounted in Harry. "I have thought long and hard, Severus...do you know why I have called you back from battle?" And for a moment Harry saw Snape's profile. His eyes were fixed upon the coiling snake in its enchanted cage. "No, my Lord, but I beg you will let me return. Let me find Potter." "You sound like Lucius. Neither of you understands Potter as I do. He does not need finding. Potter will come to me. I knew his weakness you see, his one great flaw. He will hate watching the others struck down around him, knwoing that it is for him that it happens. He will want to stop it at any cost. He will come." "But my Lord, he might be killed accidentally by someone other than yourself--"\ "My instructions to the Death Eaters have been perfectly clear. Capture Potter. Kill his friends--the more, the better--but do not kill him. "But it is of you that I wished to speak, Severus, not Harry Potter. You have been very valuable to me. Very valuable." "My Lord knows I seek only to serve him. But--let me go and find the boy, my Lord. Let me bring him to you. I know I can--" "I have told you, no!" said Voldemort, and Harry caught the lgint of red in his eyes as he turned again, and the swishing of his cloak was like the slithering of a snake, and he felt Voldemort's +impatience in his burning scar. "My concern at the moment, Severus, is what will happen when I finally meet the boy!" "My Lord, there can be no question, surely--?" "--but there is a question, Severus. There is." Voldemort halted, and Harry could see him plainly again as he slid the Elder Wand through his white fingers, staring at Snape. "Why did both the wands I have used fail when directed at Harry Potter?" "I--I cannot answer that, my Lord." "Can't you?" The stab of rage felt like a spike driven through Harry's head: he forced his own fist into his mouth to stop himself from crying out in pain. He closed his eyes, and suddenly he was Voldemort, looking into Snape's pale face. "My wand of yew did everything of which I asked it, Severus, except to kill Harry Potter. Twice it failed. Ollivander told me under torture of the twin cores, told me to take another's wand. I did so, but Lucius's wand shattered upon meeting Potter's." "I--I have no explanation, my Lord." Snape was not looking at Voldemort now. His dark eyes were still fixed upon the coiling serpent in its protective sphere. "I sought a third wand, Severus. the Elder Wand, the Wand of Destiny, the Deathstick. I took it from its previous master. I took it from the grfave of Albus Dumbledore." And now Snape looked at Voldemort, and Snape's face was like a death mask. it was marble white and so still that when he spoke, it was a shock to see that anyone lived behind the blank eyes. "My Lord--let me go to the boy--" "all this long night when I am on the brink of victory, I have sat here," said Voldemort, his voice barely louder than a whisper, "wondering, wondering, why the Elder Wand refuses to be what it ought to be, refuses to perform as legend says it must perform for its rightful owner...and I think I have the answer." Snape did not speak. "Perhaps you already know it? You are a clever man, after all, Severus. You have been a good and faithful servant, and I regret what must happen." "My Lord--" "The Elder Wand cannot serve me properly, Severus, because I am not its true master. The Elder Wand belongs to the wizard who killed its last owner. You killed Albus Dumbledore. While you live, Severus, the Elder Wand cannot truly be mine." "My Lord!" Snape protested, raising his wand. "It cannot be any other way," said Voldemort. "I must master the wand, Severus. Master the wand, and I master Potter at last." And Voldemort swiped the air with the Elder Wand. It did nothing to +Sanpe, who for a split second seemed to think he had been reprieved: but then Voldemort's intention became clear. The snake's cage was rolling through the air, and before Snape could do anything more than yell, it had encased him, head and shoulders, and Voldemort spoke in Parseltongue. "Kill." There was a terrible scream. Harry saw Snape's face losing the little color it had left; it whitened as his black eyes widened, as the snake's fangs pierced his neck, as he failed to push the enchanted cage off himself, as his knees gave way and he fell to the floor. "I regret it," said Voldemort coldly. He turned away; there was no sadness in him, no remorse. It was time to leave this shack and take charge, with a wand that would now do his full bidding. He pointed it at the starry cage holding the snake, which drifted upward, off snape, who fell sideways onto the floor, blood gushing from the wounds in his neck. Voldemort swept from the room without a backward glance, and the great serpent floated after him in its huge protective sphere. Back in the tunnel and his own mind, Harry opened his eyes; He had drawn blood biting down on his knuckles in an effort not to shout out. Now he was looking through the tiny crack between crate and wall, watching a foot in a black boot trembling on the floor. "Harry!" breathed Hermione behind him, but he had already pointed his wand at the crate blocking his view. It lifted an inch into the air and drifted sideways silently. As quietly as he could, he pulled himself up into the room. He did not know why he was doing it, why he was approaching the dying man: he did not know what he felt as he saw Snape's white face, adn the fingers trying to staunch the bloody wound at his neck. Harry took off the invisibility cloak and looked down upon the man he hated, whose widening black eyes found Harry as he cried to speak. Harry bent over him, and Snape seized the front of his robes and pulled him close. A terrible rasping, gurgling noise issued from Snape's throat. "Take...it...Take...it..." Something more than blood was leaking from Snape. Silvery blue, neither gas nor liquid, it gushed form his mouth and his ears and his eyes, and Harry knew what it was, but did not know what to do-- A flask, conjured from thin air, was thrust into his shaking hand by Hermione. Harry lfited the silvery substance into it with his wand. When the falsk was full to the brim, and Snape looked as though there was no blood left in him, his grip on Harry's robes slackened. "Look...at....me..." he whispered. The green eyes found the black, but after a second, something in +the depths of the dark pari seemed to vanish, leaving them fixed, blank, and empty. The hand holding Harry thudded to the floor, and Snape moved no more. +Chapter Thirty-Three +The Prince�s Tale +Harry remained kneeling at Snape�s side, simply staring down at him, until quite suddenly a high, cold voice spoke so close to them that Harry jumped on his feet, the flask gripped tightly in his hands, thinking that Voldemort had reentered the room. +Voldemort�s voice reverberated from the walls and floor, and Harry realized that he was talking to Hogwarts and to all the surrounding area, that the residents of Hogsmeade and all those still fighting in the castle would hear him as clearly as if he stood beside them, his breath on the back of their necks, a deathblow away. +"You have fought," said the high, cold voice, "valiantly. Lord Voldemort knows how to value bravery. +"Yet you have sustained heavy losses. If you continue to resist me, you will all die, one by one. I do not wish this to happen. Every drop of magical blood spilled is a loss and a waste. +"Lord Voldemort is merciful. I command my forces to retreat immediately. +"You have one hour. Dispose of your dead with dignity. Treat your injured. +"I speak now, Harry Potter, directly to you. You have permitted your friends to die for you rather than face me yourself. I shall wait for one hour in the Forbidden Forest. If, at the end of that hour, you have not come to me, have not given yourself up, then battle recommences. This time, I shall enter the fray myself, Harry Potter, and I shall find you, and I shall punish every last man, woman, and child who has tried to conceal you from me. One hour." +Both Ron and Hermione shook their heads frantically, looking at Harry. +"Don�t listen to him," said Ron. +"It�ll be all right," said Hermione wildly. "Let�s - let�s get back to the castle, if he�s gone to the forest we�ll need to think of a new plan - " +She glanced at Snape�s body, then hurried back to the tunnel entrance. Ron followed her. Harry gathered up the Invisibility Cloak, then looked down at Snape. He did not know what to feel, except shock at the way Snape had been killed, and the reason for which it had been done... +They crawled back through the tunnel, none of them talking, and Harry wondered whether Ron and Hermione could still hear Voldemort ringing in their heads as he could. +You have permitted your friends to die for you rather than face me yourself. I shall wait for one hour in the Forbidden Forest...One hour... +Small bundles seemed to litter the lawn at the front of the castle (?). It could only be an hour or so from dawn, yet it was pitch-black. The three of them hurried toward the stone steps. A lone dog, the size of a small boat, lay abandoned in front of them. There was no other sign of Grawp or of his attacker. +The castle was unnaturally silent. There were no flashes of light now, no bangs or screams or shouts. The flagstones of the deserted entrance hall were stained with blood. Emeralds were still scattered all over the floor, along with pieces of marble and splintered wood. Part of the banisters had been blown away. +"Where is everyone?" whispered Hermione. +Ron led the way to the Great Hall. Harry stopped in the doorway. +The House tables were gone and the room was crowded. The survivors stood in groups, their arms around each other�s necks. The injured were being treated upon the raised platform by Madam Pomfrey and a group of helpers. Firenze was amongst the injured; his flank poured blood and he shook where he lay, unable to stand. +The dead lay in a row in the middle of the Hall. Harry could not see Fred�s body, because his family surrounded him. George was kneeling at his head; Mrs. Weasley was lying across Fred�s chest, her body shaking. Mr. Weasley stroking her hair while tears cascaded down his cheeks. +Without a word to Harry, Ron and Hermione walked away. Harry saw Hermione approach Ginny, whose face was swollen and blotchy, and hug her. Ron joined Bill, Fleur, and Percy, who flung an arm around Ron�s shoulders. As Ginny and Hermione moved closer to the rest of the family, Harry had a clear view of the bodies lying next to Fred. Remus and Tonks, pale and still and peaceful-looking, apparently asleep beneath the dark, enchanted ceiling. +The Great Hall seemed to fly away, become smaller, shrink, as Harry reeled backward from the doorway. He could not draw breath. He could not bear to look at any of the other bodies, to see who else had died for him. He could not bear to join the Weasleys, could not look into their eyes, when if he had given himself up in the first place, Fred might never have died... +He turned away and ran up the marble staircase. Lupin, Tonks... He yearned not to feel... He wished he could rip out his heart, his innards, everything that was screaming inside him... +The castle was completely empty; even the ghosts seemed to have joined the mass mourning in the Great Hall. Harry ran without stopping, clutching the crystal flask of Snape�s last thoughts, and he did not slow down until he reached the stone gargoyle guarding the headmaster�s office. +"Password?" +"Dumbledore!" said Harry without thinking, because it was he whom he yearned to see, and to his surprise the gargoyle slid aside revealing the spiral staircase behind. +But when Harry burst into the circular office he found a change. The portraits that hung all around the walls were empty. Not a single headmaster or headmistress remained to see him; all, it seemed, had flitted away, charging through the paintings that lined the castle so that they could have a clear view of what was going on. +Harry glanced hopelessly at Dumbledore�s deserted frame, which hung directly behind the headmaster�s chair, then turned his back on it. The stone Pensieve lay in the cabinet where it had always been. Harry heaved it onto the desk and poured Snape�s memories into the wide basin with its runic markings around the edge. To escape into someone else�s head would be a blessed relief... Nothing that even Snape had left him could be worse than his own thoughts. The memories swirled, silver white and strange, +and without hesitating, with a feeling of reckless abandonment, as though this would assuage his torturing grief, Harry dived. +He fell headlong into sunlight, and his feet found warm ground. When he straightened up, he saw that he was in a nearly deserted playground. A single huge chimney dominated the distant skyline. Two girls were swinging backward and forward, and a skinny boy was watching them from behind a clump of bushes. His black hair was overlong and his clothes were so mismatched that it looked deliberate: too short jeans, a shabby, overlarge coat that might have belonged to a grown man, an odd smocklike shirt. +Harry moved closer to the boy. Snape looked no more than nine or ten years old, sallow, small, stringy. There was undisguised greed in his thin face as he watched the younger of the two girls swinging higher and higher than her sister. +"Lily, don�t do it!" shrieked the elder of the two. +But the girl had let go of the swing at the very height of its arc and flown into the air, quite literally flown, launched herself skyward with a great shout of laughter, and instead of crumpling on the playground asphalt, she soared like a trapeze artist through the air, staying up far too long, landing far too lightly. +"Mummy told you not to!" +Petunia stopped her swing by dragging the heels of her sandals on the ground, making a crunching, grinding sound, then leapt up, hands on hips. +"Mummy said you weren�t allowed, Lily!" +"But I�m fine," said Lily, still giggling. "Tuney, look at this. Watch what I can do." +Petunia glanced around. The playground was deserted apart from themselves and, though the girls did not know it, Snape. Lily had picked up a fallen flower from the bush behind which Snape lurked. Petunia advanced, evidently torn between curiosity and disapproval. Lily waited until Petunia was near enough to have a clear view, then held out her palm. The flower sat there, opening and closing its petals, like some bizarre, many-lipped oyster. +"Stop it!" shrieked Petunia. +"It�s not hurting you," said Lily, but she closed her hand on the blossom and threw it back to the ground. +"It�s not right," said Petunia, but her eyes had followed the flower�s flight to the ground and lingered upon it. "How do you do it?" she added, and there was definite longing in her voice. +"It�s obvious, isn�t it?" Snape could no longer contain himself, but had jumped out from behind the bushes. Petunia shrieked and ran backward toward the swings, but Lily, though clearly startled, remained where she was. Snape seemed to regret his appearance. A dull flush of color mounted the sallow cheeks as he looked at Lily. +"What�s obvious?" asked Lily. +Snape had an air of nervous excitement. With a glance at the distant Petunia, now hovering beside the swings, he lowered his voice and said, "I know what you are." +"What do you mean?" +"You�re...you�re a witch," whispered Snape. +She looked affronted. +"That�s not a very nice thing to say to somebody!" +She turned, nose in the air, and marched off toward her sister. +"No!" said Snape. He was highly colored now, and Harry wondered why he did not take off the ridiculously large coat, unless it was because he did not want to reveal the smock beneath it. He flapped after the girls, looking ludicrously batlike, like his older self. +The sisters considered him, united in disapproval, both holding on to one of the swing poles, as though it was the safe place in tag. +"You are," said Snape to Lily. "You are a witch. I�ve been watching you for a while. But there�s nothing wrong with that. My mum�s one, and I�m a wizard." +Petunia�s laugh was like cold water. +"Wizard!" she shrieked, her courage returned now that she had recovered from the shock of his unexpected appearance. "I know who you are. You�re that Snape boy! They live down Spinner�s End by the river," she told Lily, and it was evident from her tone that she considered the address a poor recommendation. "Why have you been spying on us?" +"Haven�t been spying," said Snape, hot and uncomfortable and dirty-haired in the bright sunlight. "Wouldn�t spy on you, anyway," he added spitefully, "you�re a Muggle." +Though Petunia evidently did not understand the word, she could hardly mistake the tone. +"Lily, come on, we�re leaving!" she said shrilly. Lily obeyed her sister at once, glaring at Snape as she left. He stood watching them as they marched through the playground gate, and Harry, the only one left to observe him, recognized Snape�s bitter disappointment, and understood that Snape had been planning this moment for a while, and that it had all gone wrong... +The scene dissolved, and before Harry knew it, re-formed around him. He was now in a small thicket of trees. He could see a sunlit river glittering through their trunks. The shadows cast by the trees made a basin of cool green shade. Two children sat facing each other, cross-legged on the ground. Snape had removed his coat now; his odd smock looked less pecular in the half light. +"...and the Ministry can punish you if you do magic outside school, you get letters." +"But I have done magic outside school!" +"We�re all right. We haven�t got wands yet. They let you off when you�re a kid and you can�t help it. But once you�re eleven," he nodded importantly, "and they start training you, then you�ve got to go careful." +There was a little silence. Lily had picked up a fallen twig and twirled it in the air, and Harry knew that she was imagining sparks trailing from it. Then she dropped the twig, leaned in toward the boy, and said, "It is real, isn�t it? It�s not a joke? Petunia says you�re lying to me. Petunia says there isn�t a Hogwarts. It is real, isn�t it?" +"It�s real for us," said Snape. "Not for her. But we�ll get the letter, you and me." +"Really?" whispered Lily. +"Definitely," said Snape, and even with his poorly cut hair and his odd clothes, he struck an oddly impressive figure sprawled in front of her, brimful of confidence in his destiny. +"And will it really come by owl?" Lily whispered. +"Normally," said Snape. "But you�re Muggle-born, so someone from the school will have to come and explain to your parents." +"Does it make a difference, being Muggle-born?" +Snape hesitated. His black eyes, eager in the greenish gloom, moved over the pale face, the dark red hair. +"No," he said. "It doesn�t make any difference." +"Good," said Lily, relaxing. It was clear that she had been worrying. +"You�ve got loads of magic," said Snape. "I saw that. All the time I was watching you..." +His voice trailed away; she was not listening, but had stretched out on the leafy ground and was looking up at the canopy of leaves overhead. He watched her as greedily as he had watched her in the playground. +"How are things at your house?" Lily asked. +A little crease appeared between his eyes. +"Fine," he said. +"They�re not arguing anymore?" +"Oh yes, they�re arguing," said Snape. He picked up a fistful of leaves and began tearing them apart, apparently unaware of what he was doing. "But it won�t be that long and I�ll be gone." +"Doesn�t your dad like magic?" +"He doesn�t like anything, much," said Snape. +"Severus?" +A little smile twisted Snape�s mouth when she said his name. +"Yeah?" +"Tell me about the dementors again." +"What d�you want to know about them for?" +"If I use magic outside school - " +"They wouldn�t give you to the dementors for that! Dementors are for people who do really bad stuff. They guard the wizard prison, Azkaban. You�re not going to end up in Azkaban, you�re too - " +He turned red again and shredded more leaves. Then a small rustling noise behind Harry made him turn: Petunia, hiding behind a tree, had lost her footing. +"Tuney!" said Lily, surprise and welcome in her voice, but Snape had jumped to his feet. +"Who�s spying now?" he shouted. "What d�you want?" +Petunia was breathless, alarmed at being caught. Harry could see her struggling for something hurtful to say. +"What is that you�re wearing, anyway?" she said, pointing at Snape�s chest. "Your mum�s blouse?" +There was a crack. A branch over Petunia�s head had fallen. Lily screamed. The branch caught Petunia on the shoulder, and she staggered backward and burst into tears. +"Tuney!" +But Petunia was running away. Lily rounded on Snape. +"Did you make that happen?" +"No." He looked both defiant and scared. +"You did!" She was backing away from him. "You did! You hurt her!" +"No - no, I didn�t!" +But the lie did not convince Lily. After one last burning look, she ran from the little thicket, off after her sister, and Snape looked miserable and confused... +And the scene re-formed. Harry looked around. He was on platform nine and three quarters, and Snape stood beside him, slightly hunched, next to a thin, sallow-faced, sour-looking woman who greatly resembled him. Snape was staring at a family of four a short distance away. The two girls stood a little apart from their parents. Lily seemed to be pleading with her sister. Harry moved closer to listen. +"...I�m sorry, Tuney, I�m sorry! Listen - " She caught her sister�s hand and held tight to it, even though Petunia tried to pull it away. "Maybe once I�m there - no, listen, Tuney! Maybe once I�m there, I�ll be able to go to Professor Dumbledore and persuade him to change his mind!" +"I don�t - want - to - go!" said Petunia, and she dragged her hand back out of her sister�s grasp. "You think I want to go to some stupid castle and learn to be a - a..." +Her pale eyes roved over the platform, over the cats mewling in their owners� arms, over the owls, fluttering and hooting at each other in cages, over the students, some already in their long black robes, loading trunks onto the scarlet steam engine or else greeting one another with glad cries after a summer apart. +" - you think I want to be a - a freak?" +Lily�s eyes filled with tears as Petunia succeeded in tugging her hand away. +"I�m not a freak," said Lily. "That�s a horrible thing to say." +"That�s where you�re going," said Petunia with relish. "A special school for freaks. You and that Snape boy...weirdos, that�s what you two are. It�s good you�re being separated from normal people. It�s for our safety." +Lily glanced toward her parents, who were looking around the platform with an air of wholehearted enjoyment, drinking in the scene. Then she looked back at her sister, and her voice was low and fierce. +"You didn�t think it was such a freak�s school when you wrote to the headmaster and begged him to take you." +Petunia turned scarlet. +"Beg? I didn�t beg!" +"I saw his reply. It was very kind." +"You shouldn�t have read - " whispered Petunia, "that was my private - how could you - ?" +Lily gave herself away by half-glancing toward where Snape stood nearby. Petunia gasped. +"That boy found it! You and that boy have been sneaking in my room!" +"No - not sneaking - " Now Lily was on the defensive. "Severus saw the envelope, and he couldn�t believe a Muggle could have contacted Hogwarts, that�s all! He says there must be wizards working undercover in the postal service who take care of - " +"Apparently wizards poke their noses in everywhere!" said Petunia, now as pale as she had been flushed. "Freak!" she spat at her sister, and she flounced off to where her parents stood... +The scene dissolved again. Snape was hurrying along the corridor of the Hogwarts Express as it clattered through the countryside. He had already changed into his school robes, had perhaps taken the first opportunity to take off his dreadful Muggle clothes. At last he stopped, outside a compartment in which a group of rowdy boys were +talking. Hunched in a corner seat beside the window was Lily, her face pressed against the windowpane. +Snape slid open the compartment door and sat down opposite Lily. She glanced at him and then looked back out of the window. She had been crying. +"I don�t want to talk to you," she said in a constricted voice. +"Why not?" +"Tuney h-hates me. Because we saw that letter from Dumbledore." +"So what?" +She threw him a look of deep dislike. +"So she�s my sister!" +"She�s only a - " He caught himself quickly; Lily, too busy trying to wipe her eyes without being noticed, did not hear him. +"But we�re going!" he said, unable to suppress the exhilaration in his voice. "This is it! We�re off to Hogwarts!" +She nodded, mopping her eyes, but in spite of herself, she half smiled. +"You�d better be in Slytherin," said Snape, encouraged that she had brightened a little. +"Slytherin?" +One of the boys sharing the compartment, who had shown no interest at all in Lily or Snape until that point, looked around at the word, and Harry, whose attention had been focused entirely on the two beside the window, saw his father: slight, black-haired like Snape, but with that indefinable air of having been well-cared-for, even adored, that Snape so conspicuously lacked. +"Who wants to be in Slytherin? I think I�d leave, wouldn�t you?" James asked the boy lounging on the seats opposite him, and with a jolt, Harry realized that it was Sirius. Sirius did not smile. +"My whole family have been in Slytherin," he said. +"Blimey," said James, "and I thought you seemed all right!" +Sirius grinned. +"Maybe I�ll break the tradition. Where are you heading, if you�ve got the choice?" +James lifted an invisible sword. +"�Gryffindor, where dwell the brave at heart!� Like my dad." +Snape made a small, disparaging noise. James turned on him. +"Got a problem with that?" +"No," said Snape, though his slight sneer said otherwise. "If you�d rather be brawny than brainy - " +"Where�re you hoping to go, seeing as you�re neither?" interjected Sirius. +James roared with laughter. Lily sat up, rather flushed, and looked from James to Sirius in dislike. +"Come on, Severus, let�s find another compartment." +"Oooooo..." +James and Sirius imitated her lofty voice; James tried to trip Snape as he passed. +"See ya, Snivellus!" a voice called, as the compartment door slammed... +And the scene dissolved once more... +Harry was standing right behind Snape as they faced the candlelit House tables, lined with rapt faces. Then Professor McGonagall said, "Evans, Lily!" +He watched his mother walk forward on trembling legs and sit down upon the rickety stool. Professor McGonagall dropped the Sorting Hat onto her head, and barely a second after it had touched the dark red hair, the hat cried, "Gryffindor!" +Harry heard Snape let out a tiny groan. Lily took off the hat, handed it back to Professor McGonagall, then hurried toward the cheering Gryffindors, but as she went she glanced back at Snape, and there was a sad little smile on her face. Harry saw Sirius move up the bench to make room for her. She took one look at him, seemed to recognize him from the train, folded her arms, and firmly turned her back on him. +The roll call continued. Harry watched Lupin, Pettigrew, and his father join Lily and Sirius at the Gryffindor table. At last, when only a dozen students remained to be sorted, Professor McGonagall called Snape. +Harry walked with him to the stool, watched him place the hat upon his head. "Slytherin!" cried the Sorting Hat. +And Severus Snape moved off to the other side of the Hall, away from Lily, to where the Slytherins were cheering him, to where Lucius Malfoy, a prefect badge gleaming upon his chest, patted Snape on the back as he sat down beside him... +And the scene changed... +Lily and Snape were walking across the castle courtyard, evidently arguing. Harry hurried to catch up with them, to listen in. As he reached them, he realized how much taller they both were. A few years seemed to have passed since their Sorting. +"...thought we were supposed to be friends?" Snape was saying, "Best friends?" +"We are, Sev, but I don�t like some of the people you�re hanging round with! I�m sorry, but I detest Avery and Mulciber! Mulciber! What do you see in him, Sev, he�s creepy! D�you know what he tried to do to Mary Macdonald the other day?" +Lily had reached a pillar and leaned against it, looking up into the thin, sallow face. +"That was nothing," said Snape. "It was a laugh, that�s all - " +"It was Dark Magic, and if you think that�s funny - " +"What about the stuff Potter and his mates get up to?" demanded Snape. His color rose again as he said it, unable, it seemed, to hold in his resentment. +"What�s Potter got to do with anything?" said Lily. +"They sneak out at night. There�s something weird about that Lupin. Where does he keep going?" +"He�s ill," said Lily. "They say he�s ill - " +"Every month at the full moon?" said Snape. +"I know your theory," said Lily, and she sounded cold. "Why are you so obsessed with them anyway? Why do you care what they�re doing at night?" +"I�m just trying to show you they�re not as wonderful as everyone seems to think they are." +The intensity of his gaze made her blush. +"They don�t use Dark Magic, though." She dropped her voice. "And you�re being really ungrateful. I heard what happened the other night. You went sneaking down that tunnel by the Whomping Willow, and James Potter saved you from whatever�s down there - " +Snape�s whole face contorted and he spluttered, "Saved? Saved? You think he was playing the hero? He was saving his neck and his friends� too! You�re not going to - I won�t let you - " +"Let me? Let me?" +Lily�s bright green eyes were slits. Snape backtracked at once. +"I didn�t m ean - I just don�t want to see you made a fool of - He fancies you, James Potter fancies you!" The words seemed wrenched from him against his will. "And he�s not...everyone thinks...big Quidditch hero - " Snape�s bitterness and dislike were rendering him incoherent, and Lily�s eyebrows were traveling farther and farther up her forehead. +"I know James Potter�s an arrogant toerag," she said, cutting across Snape. "I don�t need you to tell me that. But Mulciber�s and Avery�s idea of humor is just evil. Evil, Sev. I don�t understand how you can be friends with them." +Harry doubted that Snape had even heard her strictures on Mulciber and Avery. The moment she had insulted James Potter, his whole body had relaxed, and as they walked away there was a new spring in Snape�s step... +And the scene dissolved... +Harry watched again as Snape left the Great Hall after sitting his O.W.L. in Defense Against the Dark Arts, watched as he wandered away from the castle and strayed inadvertently close to the place beneath the beech tree where James, Sirius, Lupin, and Pettigrew sat together. But Harry kept his distance this time, because he knew what happened after James had hoisted Severus into the air and taunted him; he knew what had been done and said, and it gave him no pleasure to hear it again... He watched as Lily joined the group and went to Snape�s defense. Distantly he heard Snape shout at her in his humiliation and his fury, the unforgivable word: "Mudblood." +The scene changed... +"I�m sorry." +"I�m not interested." +"I�m sorry!" +"Save your breath" +It was nighttime. Lily, who was wearing a dressing gown, stood with her arms folded in front of the portrait of the Fat Lady, at the entrance to Gryffindor Tower. +"I only came out because Mary told me you were threatening to sleep here." +"I was. I would have done. I never meant to call you Mudblood, it just - " +"Slipped out?" There was no pity in Lily�s voice. "It�s too late. I�ve made excuses for you for years. None of my friends can understand why I even talk to you. You and your precious little Death Eater friends - you see, you don�t even deny it! You don�t even deny that�s what you�re all aiming to be! You can�t wait to join You-Know-Who, can you?" +He opened his mouth, but closed it without speaking. +"I can�t pretend anymore. You�ve chosen your way, I�ve chosen mine." +"No - listen, I didn�t mean - " +" - to call me Mudblood? But you call everyone of my birth Mudblood, Severus. Why should I be any different?" +He struggled on the verge of speech, but with a contemptuous look she turned and climbed back through the portrait hole... +The corridor dissolved, and the scene took a little longer to reform: Harry seemed to fly through shifting shapes and colors until his surroundings solidified again and he stood on a hilltop, forlorn and cold in the darkness, the wind whistling through the branches of a few leafless trees. The adult Snape was panting, turning on the spot, his wand gripped tightly in his hand, waiting for something or for someone... His fear infected Harry too, even though he knew that he could not be harmed, and he looked over his shoulder, wondering what it was that Snape was waiting for - +Then a blinding, jagged jet of white light flew through the air. Harry thought of lightning, but Snape had dropped to his knees and his wand had flown out of his hand. +"Don�t kill me!" +"That was not my intention." +Any sound of Dumbledore Apparating had been drowned by the sound of the wind in the branches. He stood before Snape with his robes whipping around him, and his face was illuminated from below in the light cast by his wand. +"Well, Severus? What message does Lord Voldemort have for me?" +"No - no message - I�m here on my own account!" +Snape was wringing his hands. He looked a little mad, with his straggling black hair flying around him. +"I - I come with a warning - no, a request - please - " +Dumbledore flicked his wand. Though leaves and branches still flew through the night air around them, silence fell on the spot where he and Snape faced each other. +"What request could a Death Eater make of me?" +"The - the prophecy...the prediction...Trelawney..." +"Ah, yes," said Dumbledore. "How much did you relay to Lord Voldemort?" +"Everything - everything I heard!" said Snape. "That is why - it is for that reason - he thinks it means Lily Evans!" +"The prophecy did not refer to a woman," said Dumbledore. "It spoke of a boy born at the end of July - " +"You know what I mean! He thinks it means her son, he is going to hunt her down - kill them all - " +"If she means so much to you," said Dumbledore, "surely Lord Voldemort will spare her? Could you not ask for mercy for the mother, in exchange for the son?" +"I have - I have asked him - " +"You disgust me," said Dumbledore, and Harry had never heard so much contempt in his voice. Snape seemed to shrink a little, "You do not care, then, about the deaths of her husband and child? They can die, as long as you have what you want?" +Snape said nothing, but merely looked up at Dumbledore. +"Hide them all, then," he croaked. "Keep her - them - safe. Please." +"And what will you give me in return, Severus?" +"In - in return?" Snape gaped at Dumbledore, and Harry expected him to protest, but after a long moment he said, "Anything." +The hilltop faded, and Harry stood in Dumbledore�s office, and something was making a terrible sound, like a wounded animal. Snape was slumped forward in a chair and Dumbledore was standing over him, looking grim. After a moment or two, Snape raised his face, and he looked like a man who had lived a hundred years of misery since leaving the wild hilltop. +"I thought...you were going...to keep her...safe..." +"She and James put their faith in the wrong person," said Dumbledore. "Rather like you, Severus. Weren�t you hoping that Lord Voldemort would spare her?" +Snape�s breathing was shallow. +"Her boy survives," said Dumbledore. +With a tiny jerk of the head, Snape seemed to flick off an irksome fly. +"Her son lives. He has her eyes, precisely her eyes. You remember the shape and color of Lily Evans�s eyes, I am sure?" +"DON�T!" bellowed Snape. "Gone...dead..." +"Is this remorse, Severus?" +"I wish...I wish I were dead..." +"And what use would that be to anyone?" said Dumbledore coldly. "If you loved Lily Evans, if you truly loved her, then your way forward is clear." +Snape seemed to peer through a haze of pain, and Dumbledore�s words appeared to take a long time to reach him. +"What - what do you mean?" +"You know how and why she died. Make sure it was not in vain. Help me protect Lily�s son." +"He does not need protection. The Dark Lord has gone - " +"The Dark Lord will return, and Harry Potter will be in terrible danger when he does." +There was a long pause, and slowly Snape regained control of himself, mastered his own breathing. At last he said, "Very well. Very well. But never - never tell, Dumbledore! This must be between us! Swear it! I cannot bear...especially Potter�s son...I want your word!" +"My word, Severus, that I shall never reveal the best of you?" Dumbledore sighed, looking down into Snape�s ferocious, anguished face. "If you insist..." +The office dissolved but re-formed instantly. Snape was pacing up and down in front of Dumbledore. +" - mediocre, arrogant as his father, a determined rule-breaker, delighted to find himself famous, attention-seeking and impertinent - " +"You see what you expect to see, Severus," said Dumbledore, without raising his eyes from a copy of Transfiguration Today. "Other teachers report that the boy is modest, likable, and reasonably talented. Personally, I find him an engaging child." +Dumbledore turned a page, and said, without looking up, "Keep an eye on Quirrell, won�t you?" +A whirl of color, and now everything darkened, and Snape and Dumbledore stood a little apart in the entrance hall, while the last stragglers from the Yule Ball passed them on their way to bed. +"Well?" murmured Dumbledore. +"Karkaroff�s Mark is becoming darker too. He is panicking, he fears retribution; you know how much help he gave the Ministry after the Dark Lord fell." Snape looked sideways at Dumbledore�s crooked-nosed profile. "Karkaroff intends to flee if the Mark burns." +"Does he?" said Dumbledore softly, as Fleur Delacour and Roger Davies came giggling in from the grounds. "And are you tempted to join him?" +"No," said Snape, his black eyes on Fleur�s and Roger�s retreating figures. "I am not such a coward." +"No," agreed Dumbledore. "You are a braver man by far than Igor Karkaroff. You know, I sometimes think we Sort too soon..." +He walked away, leaving Snape looking stricken... +And now Harry stood in the headmaster�s office yet again. It was nighttime, and Dumbledore sagged sideways in the thronelike chair behind the desk, apparently semiconscious. His right hand dangled over the side, blackened and burned. Snape was muttering incantations, pointing his wand at the wrist of the hand, while with his left hand he tipped a goblet full of thick golden potion down Dumbledore�s throat. After a moment or two, Dumbledore�s eyelids fluttered and opened. +"Why," said Snape, without preamble, "why did you put on that ring? It carries a curse, surely you realized that. Why even touch it?" +Marvolo Gaunt�s ring lay on the desk before Dumbledore. It was cracked; the sword of Gryffindor lay beside it. +Dumbledore grimaced. +"I...was a fool. Sorely tempted..." +"Tempted by what?" +Dumbledore did not answer. +"It is a miracle you managed to return here!" Snape sounded furious. "That ring carried a curse of extraordinary power, to contain it is all we can hope for; I have trapped the curse in one hand for the time being - " +Dumbledore raised his blackened, useless hand, and examined it with the expression of one being shown an interesting curio. +"You have done very well, Severus. How long do you think I have?" +Dumbledore�s tone was conversational; he might have been asking for a weather forecast. Snape hesitated, and then said, "I cannot tell. Maybe a year. There is no halting such a spell forever. It will spread eventually, it is the sort of curse that strengthens over time." +Dumbledore smiled. The news that he had less than a year to live seemed a matter of little or no concern to him. +"I am fortunate, extremely fortunate, that I have you, Severus." +"If you had only summoned me a little earlier, I might have been able to do more, buy you more time!" said Snape furiously. He looked down at the broken ring and the sword. "Did you think that breaking the ring would break the curse?" +"Something like that...I was delirious, no doubt..." said Dumbledore. With an effort he straightened himself in his chair. "Well, really, this makes matters much more straightforward." +Snape looked utterly perplexed. Dumbledore smiled. +"I refer to the plan Lord Voldemort is revolving around me. His plan to have the poor Malfoy boy murder me." +Snape sat down in the chair Harry had so often occupied, across the desk from Dumbledore. Harry could tell that he wanted to say more on the subject of Dumbledore�s cursed hand, but the other held it up in polite refusal to discuss the matter further. Scowling, Snape said, "The Dark Lord does not expect Draco to succeed. This is merely +punishment for Lucius�s recent failures. Slow torture for Draco�s parents, while they watch him fail and pay the price." +"In short, the boy has had a death sentence pronounced upon him as surely as I have," said Dumbledore. "Now, I should have thought the natural successor to the job, once Draco fails, is yourself?" +There was a short pause. +"That, I think, is the Dark Lord�s plan." +"Lord Voldemort foresees a moment in the near future when he will not need a spy at Hogwarts?" +"He believes the school will soon be in his grasp, yes." +"And if it does fall into his grasp," said Dumbledore, almost, it seemed, as an aside, "I have your word that you will do all in your power to protect the students at Hogwarts?" +Snape gave a stiff nod. +"Good. Now then. Your first priority will be to discover what Draco is up to. A frightened teenage boy is a danger to others as well as to himself. Offer him help and guidance, he ought to accept, he likes you - " +" - much less since his father has lost favor. Draco blames me, he thinks I have usurped Lucius�s position." +"All the same, try. I am concerned less for myself than for accidental victims of whatever schemes might occur to the boy. Ultimately, of course, there is only one thing to be done if we are to save him from Lord Voldemort�s wrath." +Snape raised his eyebrows and his tone was sardonic as he asked, "Are you intending to let him kill you?" +"Certainly not. You must kill me." +There was a long silence, broken only by an odd clicking noise. Fawkes the phoenix was gnawing a bit of cuttlebone. +"Would you like me to do it now?" asked Snape, his voice heavy with irony. "Or would you like a few moments to compose an epitaph?" +"Oh, not quite yet," said Dumbledore, smiling. "I daresay the moment will present itself in due course. Given what has happened tonight," he indicated his withered hand, "we can be sure that it will happen within a year." +"If you don�t mind dying," said Snape roughly, "why not let Draco do it?" +"That boy�s soul is not yet so damaged," said Dumbledore. "I would not have it ripped apart on my account." +"And my soul, Dumbledore? Mine?" +"You alone know whether it will harm your soul to help an old man avoid pain and humiliation," said Dumbledore. "I ask this one great favor of you, Severus, because death is coming for me as surely as the Chudley Cannons will finish bottom of this year�s league. I confess I should prefer a quick, painless exit to the protracted and messy affair it will be if, for instance, Greyback is involved - I hear Voldemort has recruited him? Or dear Bellatrix, who likes to play with her food before she eats it." +His tone was light, but his blue eyes pierced Snape as they had frequently pierced Harry, as though the soul they discussed was visible to him. At last Snape gave another curt nod. +Dumbledore seemed satisfied. +"Thank you, Severus..." +The office disappeared, and now Snape and Dumbledore were strolling together in the deserted castle grounds by twilight. +"What are you doing with Potter, all these evenings you are closeted together?" Snape asked abruptly. +Dumbledore looked weary. +"Why? You aren�t trying to give him more detentions, Severus? The boy will soon have spent more time in detention than out." +"He is his father over again - " +"In looks, perhaps, but his deepest nature is much more like his mother�s. I spend time with Harry because I have things to discuss with him, information I must give him before it is too late." +"Information," repeated Snape. "You trust him...you do not trust me." +"It is not a question of trust. I have, as we both know, limited time. It is essential that I give the boy enough information for him to do what he needs to do." +"And why may I not have the same information?" +"I prefer not to put all of my secrets in one basket, particularly not a basket that spends so much time dangling on the arm of Lord Voldemort." +"Which I do on your orders!" +"And you do it extremely well. Do not think that I underestimate the constant danger in which you place yourself, Severus. To give Voldemort what appears to be valuable information while withholding the essentials is a job I would entrust to nobody but you." +"Yet you confide much more in a boy who is incapable of Occlumency, whose magic is mediocre, and who has a direct connection into the Dark Lord�s mind!" +"Voldemort fears that connection," said Dumbledore. "Not so long ago he had one small taste of what truly sharing Harry�s mind means to him. It was pain such as he has never experienced. He will not try to possess Harry again, I am sure of it. Not in that way." +"I don�t understand." +"Lord Voldemort�s soul, maimed as it is, cannot bear close contact with a soul like Harry�s. Like a tongue on frozen steel, like flesh in flame - " +"Souls? We were talking of minds!" +"In the case of Harry and Lord Voldemort, to speak of one is to speak of the other." +Dumbledore glanced around to make sure that they were alone. They were close by the Forbidden Forest now, but there was no sign of anyone near them. +"After you have killed me, Severus - " +"You refuse to tell me everything, yet you expect that small service of me!" snarled Snape, and real anger flared in the thin face now. "You take a great deal for granted, Dumbledore! Perhaps I have changed my mind!" +"You gave me your word, Severus. And while we are talking about services you owe me, I thought you agreed to keep a close eye on our young Slytherin friend?" +Snape looked angry, mutinous. Dumbledore sighed. +"Come to my office tonight, Severus, at eleven, and you shall not complain that I have no confidence in you..." +They were back in Dumbledore�s office, the windows dark, and Fawkes sat silent as Snape sat quite still, as Dumbledore walked around him, talking. +"Harry must not know, not until the last moment, not until it is necessary, otherwise how could he have the strength to do what must be done?" +"But what must he do?" +"That is between Harry and me. Now listen closely, Severus. There will come a time - after my death - do not argue, do not interrupt! There will come a time when Lord Voldemort will seem to fear for the life of his snake." +"For Nagini?" Snape looked astonished. +"Precisely. If there comes a time when Lord Voldemort stops sending that snake forth to do his bidding, but keeps it safe beside him under magical protection, then, I think, it will be safe to tell Harry." +"Tell him what?" +Dumbledore took a deep breath and closed his eyes. +"Tell him that on the night Lord Voldemort tried to kill him, when Lily cast her own life between them as a shield, the Killing Curse rebounded upon Lord Voldemort, and a fragment of Voldemort�s soul was blasted apart from the whole, and latched itself onto the only living soul left in that collapsed building. Part of Lord Voldemort lives inside Harry, and it is that which gives him the power of speech with snakes, and a connection with Lord Voldemort�s mind that he has never understood. And while that fragment of soul, unmissed by Voldemort, remains attached to and protected by Harry, Lord Voldemort cannot die." +Harry seemed to be watching the two men from one end of a long tunnel, they were so far away from him, their voices echoing strangely in his ears. +"So the boy...the boy must die?" asked Snape quite calmly. +"And Voldemort himself must do it, Severus. That is essential." +Another long silence. Then Snape said, "I thought...all those years...that we were protecting him for her. For Lily." +"We have protected him because it has been essential to teach him, to raise him, to let him try his strength," said Dumbledore, his eyes still tight shut. "Meanwhile, the connection between them grows ever stronger, a parasitic growth. Sometimes I have thought he suspects it himself. If I know him, he will have arranged matters so that when he does set out to meet his death, it will truly mean the end of Voldemort." +Dumbledore opened his eyes. Snape looked horrified. +"You have kept him alive so that he can die at the right moment?" +"Don�t be shocked, Severus. How many men and women have you watched die?" +"Lately, only those whom I could not save," said Snape. He stood up. "You have used me." +"Meaning?" +"I have spied for you and lied for you, put myself in mortal danger for you. Everything was supposed to be to keep Lily Potter�s son safe. Now you tell me you have been raising him like a pig for slaughter - " +"But this is touching, Severus," said Dumbledore seriously. "Have you grown to care for the boy, after all?" +"For him?" shouted Snape. "Expecto Patronum!" +From the tip of his wand burst the silver doe. She landed on the office floor, bounded once across the office, and soared out of the window. Dumbledore watched her fly away, and as her silvery glow faded he turned back to Snape, and his eyes were full of tears. +"After all this time?" +"Always," said Snape. +And the scene shifted. Now, Harry saw Snape talking to the portrait of Dumbledore behind his desk. +"You will have to give Voldemort the correct date of Harry�s departure from his aunt and uncle�s," said Dumbledore. "Not to do so will raise suspicion, when Voldemort believes you so well informed. However, you must plant the idea of decoys; that, I think, ought to ensure Harry�s safety. Try Confunding Mundungus Fletcher. And Severus, if you are forced to take part in the chase, be sure to act your part convincingly...I am counting upon you to remain in Lord Voldemort�s good books as long as possible, or Hogwarts will be left to the mercy of the Carrows..." +Now Snape was head to head with Mundungus in an unfamiliar tavern, Mundungus�s face looking curiously blank, Snape frowning in concentration. +"You will suggest to the Order of the Phoenix," Snape murmured, "that they use decoys. Polyjuice Potion. Identical Potters. It�s the only thing that might work. You will forget that I have suggested this. You will present it as your own idea. You understand?" +"I understand," murmured Mundungus, his eyes unfocused... +Now Harry was flying alongside Snape on a broomstick through a clear dark night: He was accompanied by other hodded Death Eaters, and ahead were Lupin and a Harry who was really George... A Death Eater moved ahead of Snape and raised his wand, pointing it directly at Lupin�s back. +"Sectumsempra!" shouted Snape. +But the spell, intended for the Death Eater�s wand hand, missed and hit George instead - +And next, Snape was kneeling in Sirius�s old bedroom. Tears were dripping from the end of his hooked nose as he read the old letter from Lily. The second page carried only a few words: +could ever have been friends with Gellert Grindelwald. I think her mind�s going, personally! +Lots of love, +Lily +Snape took the page bearing Lily�s signature, and her love, and tucked it inside his robes. Then he ripped in two the photograph he was also holding, so that he kept the part from which Lily laughed, throwing the portion showing James and Harry back onto the floor, under the chest of drawers... +And now Snape stood again in the headmaster�s study as Phineas Nigellus came hurrying into his portrait. +"Headmaster! They are camping in the Forest of Dean! The Mudblood - " +"Do not use that word!" +" - the Granger girl, then, mentioned the place as she opened her bag and I heard her!" +"Good. Very good!" cried the portrait of Dumbledore behind the headmaster�s chair. "Now, Severus, the sword! Do not forget that it must be taken under conditions of need and valor - and he must not know that you give it! If Voldemort should read Harry�s mind and see you acting for him - " +"I know," said Snape curtly. He approached the portrait of Dumbledore and pulled at its side. It swung forward, revealing a hidden cavity behind it from which he took the sword of Gryffindor. +"And you still aren�t going to tell me why it�s so important to give Potter the sword?" said Snape as he swung a traveling cloak over his robes. +"No, I don�t think so," said Dumbledore�s portrait. "He will know what to do with it. And Severus, be very careful, they may not take kindly to your appearance after George Weasley�s mishap - " +Snape turned at the door. +"Don�t worry, Dumbledore," he said coolly. "I have a plan..." +And Snape left the room. Harry rose up out of the Pensieve, and moments later he lay on the carpeted floor in exactly the same rooms Snape might just have closed the door. +Chapter Thirty-Four +The Forest Again +Finally, the truth. Lying with his face pressed into the dusty carpet of the office where he had once thought he was learning the secrets of victory, Harry understood at last that he was not supposed to survive. His job was to walk calmly into Death�s welcoming arms. Along the way, he was to dispose of Voldemort�s remaining links to life, so that when at last he flung himself across Voldemort�s path, and did not raise a wand to defend himself, the end would be clean, and the job that ought to have been done in Godric�s Hollow would be finished. Neither would live, neither could survive. +He felt his heart pounding fiercely in his chest. How strange that in his dread of death, it pumped all the harder, valiantly keeping him alive. But it would have to stop, and soon. Its beats were numbered. How many would there be time for, as he rose and walked through the castle for the last time, out into the grounds and into the forest? +Terror washed over him as he lay on the floor, with that funeral drum pounding inside him. Would it hurt to die? All those times he had thought that it was about to happen and escaped, he had never really thought of the thing itself: His will to live had always been so much stronger than his fear of death. Yet it did not occur to him now to try to escape, to outrun Voldemort. It was over, he knew it, and all that was left was the thing itself: dying. +If he could only have died on that summer�s night when he had left number four, Privet Drive, for the last time, when the noble phoenix feather wand had saved him! If he could only have died like Hedwig, so quickly he would not have known it had happened! Or if he could have launched himself in front of a wand to save someone he loved . . . He envied even his parents� deaths now. This cold-blooded walk to his own destruction +would require a different kind of bravery. He felt his fingers trembling slightly and made an effort to control them, although no one could see him; the portraits on the walls were all empty. +Slowly, very slowly, he sat up, and as he did so he felt more alive and more aware of his own living body than ever before. Why had he never appreciated what a miracle he was, brain and nerve and bounding heart? It would all be gone . . . or at least, he would be gone from it. His breath came slow and deep, and his mouth and throat were completely dry, but so were his eyes. +Dumbledore�s betrayal was almost nothing. Of course there had been a bigger plan: Harry had simply been too foolish to see it, he realized that now. He had never questioned his own assumption that Dumbledore wanted him alive. Now he saw that his life span had always been determined by how long it took to eliminate all the Horcruxes. Dumbledore had passed the job of destroying them to him, and obediently he had continued to chip away at the bonds tying not only Voldemort, but himself, to life! How neat, how elegant, not to waste any more lives, but to give the dangerous task to the boy who had already been marked for slaughter, and whose death would not be a calamity, but another blow against Voldemort. +And Dumbledore had known that Harry would not duck out, that he would keep going to the end, even though it was his end, because he had taken trouble to get to know him, hadn�t he? Dumbledore knew, as Voldemort knew, that Harry would not let anyone else die for him now that he had discovered it was in his power to stop it. The images of Fred, Lupin, and Tonks lying dead in the Great Hall forced their way back into his mind�s eye, and for a moment he could hardly breathe. Death was impatient . . . +But Dumbledore had overestimated him. He had failed: The snake survived. One Horcrux remained to bind Voldemort to the earth, even after Harry had been killed. True, that would mean an easier job for somebody. He wondered who would do it . . . Ron and Hermione would know what needed to be done, of course . . . That would have been why Dumbledore wanted him to confide in two others . . . so that if he fulfilled his true destiny a little early, they could carry on . . . +Like rain on a cold window, these thoughts pattered against the hard surface of the incontrovertible truth, which was that he must die. I must die. It must end. +Ron and Hermione seemed a long way away, in a far-off country; he felt as though he had parted from them long ago. There would be no good-byes and no explanations, he was determined of that. This was a journey they could not take together, and the attempts they would make to stop him would waste valuable time. He looked down at the battered gold watch he had received on his seventeenth birthday. Nearly half of the hour allotted by Voldemort for his surrender had elapsed. +He stood up. His heart was leaping against his ribs like a frantic bird. Perhaps it knew it had little time left, perhaps it was determined to fulfill a lifetime�s beats before the end. He did not look back as he closed the office door. +The castle was empty. He felt ghostly striding through it alone, as if he had already died. The portrait people were still missing from their frames; the whole place was eerily still, as if all its remaining lifeblood were concentrated in the Great Hall where the dead and the mourners were crammed. +Harry pulled the Invisibility Cloak over himself and descended through the floors, at last walking down the marble staircase into the entrance hall. Perhaps some tiny part of +him hoped to be sensed, to be seen, to be stopped, but the Cloak was, as ever, impenetrable, perfect, and he reached the front doors easily. +Then Neville nearly walked into him. He was one half of a pair that was carrying a body in from the grounds. Harry glanced down and felt another dull blow to his stomach: Colon Creevey, though underage, must have sneaked back just as Malfoy, Crabbe, and Goyle had done. He was tiny in death. +"You know what? I can manage him alone, Neville," said Oliver Wood, and he heaved Colin over his shoulder in a fireman�s lift and carried him into the Great Hall. +Neville leaned against the door frame for a moment and wiped his forehead with the back of his hand. He looked like an old man. Then he set off on the steps again into the darkness to recover more bodies. +Harry took one glance back at the entrance of the Great Hall. People were moving around, trying to comfort each other, drinking, kneeling beside the dead, but he could not see any of the people he loved, no hint of Hermione, Ron, Ginny, or any of the other Weasleys, no Luna. He felt he would have given all the time remaining to him for just one last look at them; but then, would he ever have the strength to stop looking? It was better like this. +He moved down the steps and out into the darkness. It was nearly four in the morning, and the deathly stillness of the grounds felt as though they were holding their breath, waiting to see whether he could do what he must. +Harry moved toward Neville, who was bending over another body. +"Neville." +"Blimey, Harry, you nearly gave me heart failure!" +Harry had pulled off the Cloak: The idea had come to him out of nowhere, born out of a desire to make absolutely sure. +"Where are you going, alone?" Neville asked suspiciously. +"It�s all part of the plan," said Harry. "There�s someting I�ve got to do. Listen --- Neville ---" +"Harry!" Neville looked suddenly scared. "Harry, you�re not thinking of handing yourself over?" +"No," Harry lied easily. "�Course not . . . this is something else. But I might be out of sight for a while. You know Voldemort�s snake. Neville? He�s got a huge snake . . . Calls it Nagini . . ." +"I�ve heard, yeah . . . What about it?" +"It�s got to be killed. Ron and Hermione know that, but just in case they ---" +The awfulness of that possibility smothered him for a moment, made it impossible to keep talking. But he pulled himself together again: This was crucial, he must be like Dumbledore, keep a cool head, make sure there were backups, others to carry on. Dumbledore had died knowing that three people still knew about the Horcruxes; now Neville would take Harry�s place: There would still be three in the secret. +"Just in case they�re --- busy --- and you get the chance ---" +"Kill the snake?" +"Kill the snake," Harry repeated. +"All right, Harry. You�re okay, are you?" +"I�m fine. Thanks, Neville." +But Neville seized his wrist as Harry made to move on. +"We�re all going to keep fighting, Harry. You know that?" +"Yeah, I ---" +The suffocating feeling extinguished the end of the sentence; he could not go on. Neville did not seem to find it strange. He patted Harry on the shoulder, released him, and walked away to look for more bodies. +Harry swung the Cloak back over himself and walked on. Someone else was moving not far away, stooping over another prone figure on the ground. He was feet away from her when he realized it was Ginny. +He stopped in his tracks. She was crouching over a girl who was whispering for her mother. +"It�s all right," Ginny was saying. "It�s ok. We�re going to get you inside." +"But I want to go home," whispered the girl. "I don�t want to fight anymore!" +"I know," said Ginny, and her voice broke. "It�s going to be all right." +Ripples of cold undulated over Harry�s skin. He wanted to shout out to the night, he wanted Ginny to know that he was there, he wanted her to know where he was going. He wanted to be stopped, to be dragged back, to be sent back home. . . . +But he was home. Hogwards was the first and best home he had known. He and Voldemort and Snape, the abandoned boys, had all found home here. . . . +Ginny was kneeling beside the injured girl now, holding her hand. With a huge effort Harry forced himself on. He thought he saw Ginny look around as he passed, and wondered whether she had sensed someone walking nearby, but he did not speak, and he did not look back. +Hagrid�s hut loomed out of the darkness. There were no lights, no sound of Fang scrabbling at the door, his bark booming in welcome. All those visits to Hagrid, and the gleam of the copper kettle on the fire, and rock cakes and giant grubs, and his great bearded face, and Ron vomiting slugs, and Hermione helping him save Norbert . . . +He moved on, and now he reached the edge of the forest, and he stopped. +A swarm of dementors was gliding amongst the trees; he could feel their chill, and he was not sure he would be able to pass safely through it. He had not strength left for a Patronus. He could no longer control his own trembling. It was not, after all, so easy to die. Every second he breathed, the smell of the grass, the cool air on his face, was so precious: To think that people had years and years, time to waste, so much time it dragged, and he was clinging to each second. At the same time he thought that he would not be able to go on, and knew that he must. The long game was ended, the Snitch had been caught, it was time to leave the air. . . . +The Snitch. His nerveless fingers fumbled for a moment with the pouch at his neck and he pulled it out. +I open at the close. +Breathing fast and hard, he stared down at it. Now that he wanted time to move as slowly as possible, he seemed to have sped up, and understanding was coming so fast it seemed to have bypassed though. This was the close. This was the moment. +He pressed the golden metal to his lips and whispered, "I am about to die." +The metal shell broke open. He lowered his shaking hand, raised Draco�s wand beneath the Cloak, and murmured, "Lumos." +The black stone with is jagged crack running down the center sat in the two halves of the Snitch. The Resurrection Stone had cracked down the vertical line +representing the Elder Wand. The triangle and circle representing the Cloak and the stone were still discernible. +And again Harry understood without having to think. It did not matter about bringing them back, for he was about to join them. He was not really fetching them: They were fetching him. +He closed his eyes and turned the stone over in his hand three times. +He knew it had happened, because he heard slight movements around him that suggested frail bodies shifting their footing on the earthy, twig-strewn ground that marked the outer edge of the forest. He opened his eyes and looked around. +They were neither ghost nor truly flesh, he could see that. They resembled most closely the Riddle that had escaped from the diary so long ago, and he had been memory made nearly solid. Less substantial than living bodies, but much more than ghosts, they moved toward him. And on each face, there was the same loving smile. +James was exactly the same height as Harry. He was wearing the clothes in which he had died, and his hair was untidy and ruffled, and his glasses were a little lopsided, like Mr. Weasley�s. +Sirius was tall and handsome, and younger by far than Harry had seen him in life. He loped with an easy grace, his hands in his pockets and a grin on his face. +Lupin was younger too, and much less shabby, and his hair was thicker and darker. He looked happy to be back in this familiar place, scene of so many adolescent wanderings. +Lily�s smile was widest of all. She pushed her long hair back as she drew closer to him, and her green eyes, so like his, searched his face hungrily, as though she would never be able to look at him enough. +"You�ve been so brave." +He could not speak. His eyes feasted on her, and he thought that he would like to stand and look at her forever, and that would be enough. +"You are nearly there," said James. "Very close. We are . . . so proud of you." +"Does it hurt?" +The childish question had fallen from Harry�s lips before he could stop it. +"Dying? Not at all," said Sirius. "Quicker and easier than falling asleep." +"And he will want it to be quick. He wants it over," said Lupin. +"I didn�t want you to die," Harry said. These words came without his volition. "Any of you. I�m sorry ---" +He addressed Lupin more than any of them, beseeching him. +"--- right after you�d had your son . . . Remus, I�m sorry ---" +"I am sorry too," said Lupin. "Sorry I will never know him . . . but he will know why I died and I hope he will understand. I was trying to make a world in which he could live a happier life." +A chilly breeze that seemed to emanate from the heart of the forest lifted the hair at Harry�s brow. He knew that they would not tell him to go, that it would have to be his decision. +"You�ll stay with me?" +"Until the very end," said James. +"They won�t be able to see you?" asked Harry. +"We are part of you," said Sirius. "Invisible to anyone else." +Harry looked at his mother. +"Stay close to me," he said quietly. +And he set of. The dementors� chill did not overcome him; he passed through it with his companions, and they acted like Patronuses to him, and together they marched through the old trees that grew closely together, their branches tangled, their roots gnarled and twisted underfoot. Harry clutched the Cloak tightly around him in the darkness, traveling deeper and deeper into the forest, with no idea where exactly Voldemort was, but sure that he would find him. Beside him, making scarcely a sound, walked James, Sirius, Lupin, and Lily, and their presence was his courage, and the reason he was able to keep putting one foot in front of the other. +His body and mind felt oddly disconnected now, his limbs working without conscious instruction, as if he were passenger, not driver, in the body he was about to leave. The dead who walked beside him through the forest were much more real to him now than the living back at the castle: Ron, Hermione, Ginny, and all the others were the ones who felt like ghosts as he stumbled and slipped toward the end of his life, toward Voldemort . . . +A thud and a whisper: Some other living creature had stirred close by. Harry stopped under the Cloak, peering around, listening, and his mother and father, Lupin and Sirius stopped too. +"Someone there," came a rough whisper close at hand. "He�s got an Invisibility Cloak. Could it be --- ?" +Two figures emerged from behind a nearby tree: Their wands flared, and Harry saw Yaxley and Dolohov peering into the darkness, directly at the place Harry, his mother and father and Sirius and Lupin stood. Apparently they could not see anything. +"Definitely heard something," said Yaxley. "Animal, d�you reckon?" +"That head case Hagrid kept a whole bunch of stuff in here," said Dolohov, glancing over his shoulder. +Yaxley looked down at his watch. +"Time�s nearly up. Porter�s had his hour. He�s not coming." +"Better go back," said Yaxley. "Find out what the plan is now." +He and Dolohov turned and walked deeper into the forest. Harry followed them, knowing that they would lead him exactly where he wanted to go. He glanced sideways, and his mother smiled at him, and his father nodded encouragement. +They had traveled on mere minutes when Harry saw light ahead, and Yaxley and Dolohov stepped out into a clearing that Harry knew had been the place where the monstrous Aragog had once lived. The remnants of his vast web were there still, but the swarms of descendants he had spawned had been driven out by the Death Eaters, to fight for their cause. +A fire burned in the middle of the clearing, and its flickering light fell over a crowd of completely silent, watchful Death Eaters. Some of them were still masked and hooded; others showed their faces. Two giants sat on the outskirts of the group, casting massive shadows over the scene, their faces cruel, rough-hewn like rock. Harry saw Fenrir, skulking, chewing his long nails; the great blond Rowle was dabbing at his bleeding lip. He saw Lucius Malfoy, who looked defeated and terrified, and Narcissa, whose eyes were sunken and full of apprehension. +Every eye was fixed upon Voldemort, who stood with his head bowed, and his white hands folded over the Elder Wand in front of him. He might have been praying, or else counting silently in his mind, and Harry, standing still on the edge of the scene, though absurdly of a child counting in a game of hide-and-seek. Behind his head, still swirling and coiling, the great snake Nagini floated in her glittering, charmed cage, like a monstrous halo. +When Dolohov and Yaxley rejoined the circle, Voldemort looked up. +"No sign of him, my Lord," said Dolohov. +Voldemort�s expression did not change. The red eyes seemed to burn in the firelight. Slowly he drew the Elder Wand between his long fingers. +"My Lord ---" +Bellatrix had spoken: She sat closest to Voldemort, disheveled, her face a little bloody but otherwise unharmed. +Voldemort raised his hand to silence her, and she did not speak another word, but eyed him in worshipful fascination. +"I thought he would come," said Voldemort in his high, clear voice, his eyes on the leaping flames. "I expected him to come." +Nobody spoke. They seemed as scared as Harry, whose heart was now throwing itself against his ribs as though determined to escape the body he was about to cast aside. His hands were sweating as he pulled off the Invisibility Cloak and stuffed it beneath his robes, with his wand. He did not want to be tempted to fight. +"I was, it seems . . . mistaken," said Voldemort. +"You weren�t." +Harry said it as loudly as he could, with all the force he could muster: He did not want to sound afraid. The Resurrection Stone slipped from between his numb fingers, and out of the corner of his eyes he saw his parents, Sirius, and Lupin vanish as he stepped forward into the firelight. At that moment he felt that nobody mattered but Voldemort. It was just the two of them. +The illusion was gone as soon as it had come. The giants roared as the Death Eaters rose together, and there were many cries, gasps, even laughter. Voldemort had frozen where he stood, but his red eyes had found Harry, and he stared as Harry moved toward him, with nothing but the fire between them. +Then a voice yelled: "HARRY! NO!" +He turned: Hagrid was bound and trussed, tied to a tree nearby. His massive body shook the branches overhead as he struggled, desperate. +"NO! NO! HARRY, WHAT�RE YEH --- ?" +"QUIET!" shouted Rowle, and with a flick of his wand, Hagrid was silenced. +Bellatrix, who had leapt to her feet, was looking eagerly from Voldemort to Harry, her breast heaving. The only things that moved were the flames and the snake, coiling and uncoiling in the glittering cage behind Voldemort�s head. +Harry could feel his wand against his chest, but he made no attempt to draw it. He knew that the snake was too well protected, knew that if he managed to point the wand at Nagini, fifty curses would hit him first. And still, Voldemort and Harry looked at each other, and now Voldemort tilted his head a little to the side, considering the boy standing before him, and a singularly mirthless smile curled the lipless mouth. +"Harry Potter," he said very softly. His voice might have been part of the spitting fire. "The Boy Who Lived." +None of the Death Eaters moved. They were waiting: Everything was waiting. Hagrid was struggling, and Bellatrix was panting, and Harry thought inexplicably of Ginny, and her blazing look, and the feel of her lips on his --- +Voldemort had raised his wand. His head was still tilted to one side, like a curious child, wondering what would happen if he proceeded. Harry looked back into the red eyes, and wanted it to happen now, quickly, while he could still stand, before he lost control, before he betrayed fear --- +He saw the mouth move and a flash of green light, and everything was gone. +Chapter Thirty-Five +King�s Cross +He lay facedown, listening to the silence. He was perfectly alone. Nobody was watching. Nobody else was there. He was not perfectly sure that he was there himself. +A long time later, or maybe no time at all, it came to him that he must exist, must be more than disembodied thought, because he was lying, definitely lying, on some surface. Therefore he had a sense of touch, and the thing against which he lay existed too. +Almost as soon as he had reached this conclusion, Harry became conscious that he was naked. Convinced as he was of his total solitude, this did not concern him, but it did intrigue him slightly. He wondered whether, as he could feel, he would be able to see. In opening them, he discovered that he had eyes. +He lay in a bright mist, though it was not like mist he had ever experienced before. His surroundings were not hidden by cloudy vapor; rather the cloudy vapor had not yet formed into surroundings. The floor on which he lay seemed to be white, neither warm nor cold, but simply there, a flat, blank something on which to be. +He sat up. His body appeared unscathed. He touched his face. He was not wearing glasses anymore. +Then a noise reached him through the unformed nothingness that surrounded him: the small soft thumpings of something that flapped, flailed, and struggled. It was a pitiful noise, yet also slightly indecent. He had the uncomfortable feeling that he was eavesdropping on something furtive, shameful. +For the first time, he wished he were clothed. +Barely had the wish formed in his head than robes appeared a short distance away. He took them and pulled them on. They were soft, clean, and warm. It was extraordinary how they had appeared just like that, the moment he had wanted them. . . . +He stood up, looking around. Was he in some great Room of Requirement? The longer he looked, the more there was to see. A great domed glass roof glittered high above him in sunlight. Perhaps it was a palace. All was hushed and still, except for those odd thumping and whimpering noises coming from somewhere close by in the mist. . . . +Harry turned slowly on the spot, and his surroundings seemed to invent themselves before his eyes. A wide-open space, bright and clean, a hall larger by far than the Great Hall, with that clear domed glass ceiling. It was quite empty. He was the only person there, except for - +He recoiled. He had spotted the thing that was making the noises. It had the form of a small, naked child, curled on the ground, its skin raw and rough, flayed-looking, and it lay shuddering under a seat where it had been left, unwanted, stuffed out of sight, struggling for breath. +He was afraid of it. Small and fragile and wounded though it was, he did not want to approach it. Nevertheless he drew slowly nearer, ready to jump back at any moment. Soon he stood near enough to touch it, yet he could not bring himself to do it. He felt like a coward. He ought to comfort it, but it repulsed him. +"You cannot help." +He spun around. Albus Dumbledore was walking toward him, sprightly and upright, wearing sweeping robes of midnight blue. +"Harry." He spread his arms wide, and his hands were both whole and white and undamaged. "You wonderful boy. You brave, brave man. Let us walk." +Stunned, Harry followed as Dumbledore strode away from where the flayed child lay whimpering, leading him to two seats that Harry had not previously noticed, set some distance away under that high, sparkling ceiling. Dumbledore sat down in one of them, and Harry fell into the other, staring at his old headmaster�s face. Dumbledore�s long silver hair and beard, the piercingly blue eyes behind half-moon spectacles, the crooked nose: Everything was as he had remembered it. And yet . . . +"But you�re dead," said Harry. +"Oh yes," said Dumbledore matter-of-factly. +"Then . . . I�m dead too?" +"Ah," said Dumbledore, smiling still more broadly. "That is the question, isn�t it? On the whole, dear boy, I think not." +They looked at each other, the old man still beaming. +"Not?" repeated Harry. +"Not," said Dumbledore. +"But . . ." Harry raised his hand instinctively toward the lightning scar. It did not seem to be there. "But I should have died - I didn�t defend myself! I meant to let him kill me!" +"And that," said Dumbledore, "will, I think, have made all the difference." +Happiness seemed to radiate from Dumbledore like light; like fire: Harry had never seen the man so utterly, so palpably content. +"Explain," said Harry. +"But you already know," said Dumbledore. He twiddled his thumbs together. +"I let him kill me," said Harry. "Didn�t I?" +"You did," said Dumbledore, nodding. "Go on!" +"So the part of his soul that was in me . . ." +Dumbledore nodded still more enthusiastically, urging Harry onward, a broad smile of encouragement on his face. +". . . has it gone?" +"Oh yes!" said Dumbledore. "Yes, he destroyed it. Your soul is whole, and completely your own, Harry." +"But then . . ." +Harry trembled over his shoulder to where the small, maimed creature trembled under the chair. +"What is that, Professor?" +"something that is beyond either of our help," said Dumbledore. +"But if Voldemort used the Killing Curse," Harry started again, "and nobody died for me this time - how can I be alive?" +"I think you know," said Dumbledore. "Think back. Remember what he did, in his ignorance, in his greed and his cruelty." +Harry thought. He let his gaze drift over his surroundings. If it was indeed a palace in which they sat, it was an odd one, with chairs set in little rows and bits of railing here and there, and still, he and Dumbledore and the stunted creatures under the chair were the only beings there. Then the answer rose to his lips easily, without effort. +"He took my blood," said Harry. +"Precisely!" said Dumbledore. "He took your blood and rebuilt his living body with it! Your blood in his veins, Harry, Lily�s protection inside both of you! He thethered you to life while he lives!" +"I live . . . while he lives? But I thought . . . I thought it was the other way around! I thought we both had to die? Or is it the same thing?" +He was distracted by the whimpering and thumping of the agonized creature behind them and glanced back at it yet again. +"Are you sure we can�t do anything?" +"There is no help possible." +"Then explain . . . more," said Harry, and Dumbledore smiled. +"You were the seventh Horcrux, Harry, the Horcrux he never meant to make. He had rendered his soul so unstable that it broke apart when he committed those acts of unspeakable evil, the murder of your parents, the attempted killing of a child. But what escaped from that room was even less than he knew. He left more than his body behind. He left part of himself latched to you, the would-be victim who had survived. +"And his knowledge remained woefully incomplete, Harry! That which Voldemort does not value, he takes no trouble to comprehend. Of house-elves and children�s tales, of love, loyalty, and innocence, Voldemort knows and understands nothing. Nothing. That they all have a power beyond his own, a power beyond the reach of any magic, is a truth he has never grasped. +"He took your blood believing it would strengthen him. He took into his body a tiny part of the enchantment your mother laid upon you when she died for you. His body keeps her sacrafice alive, and while that enchantment survives, so do you and so does Voldemort�s one last hope for himself." +Dumbledore smiled at Harry, and Harry stared at him. +"And you knew this? You knew - all along?" +"I guessed. But my guesses have usually been good," said Dumbledore happily, and they sat in silence for what seemed like a long time, while the creature behind them continued to whimper and tremble. +"There�s more," said Harry. "There�s more to it. Why did my wand break the wand he borrowed?" +"As to that, I cannot be sure." +"Have a guess, then," said Harry, and Dumbledore laughed. +"What you must understand, Harry, is that you and Lord Voldemort have journeyed together into realms of magic hitherto unknown and untested. But here is what +I think happened, and it is unprecedented, and no wandmaker could, I think, ever have predicted or explained it to Voldemort. +"Without meaning to, as you now know, Lord Voldemort doubled the bond between you when he returned to a human form. A part of his soul was still attached to yours, and, thinking to strengthen himself, he took a part of your mother�s sacrafice into himself. If he could only have understood the precise and terrible power of that sacrifice, he would not, perhaps, have dared to touch your blood. . . . But then, if he had been able to understand, he could not be Lord Voldemort, and might never have murdered at all. +"Having ensured this two-fold connection, having wrapped your destinies together more securely than ever two wizards were joined in history, Voldemort proceeded to attack you with a wand that shared a core with yours. And now something very strange happened, as we know. The cores reacted in a way that Lord Voldemort, who never knew that your wand was a twin of his, had ever expected. +"He was more afraid than you were that night, Harry. You had accepted, even embraced, the possibility of death, something Lord Voldemort has never been able to do. Your courage won, your wand overpowered his. And in doing so, something happened between those wands, something that echoed the relationship between their masters. +"I believe that your wand imbibed some of the power and qualities of Voldemort�s wand that night, which is to say that it contained a little of Voldemort himself. So your wand recognized him when he pursued you, recognized a man who was both kin and mortal enemy, and it regurgitated some of his own magic against him, magic much more powerful than anything Lucius�s wand had ever performed. Your wand now contained the power of your enormous courage and of Voldemort�s own deadly skill: What chance did that poor stick of Lucius Malfoy�s stand?" +"But if my wand was so powerful, how come Hermione was able to break it?" asked Harry. +"My dear boy, its remarkable effects were directed only at Voldemort, who had tampered so ill-advisedly with the deepest laws of magic. Only toward him was that wand abnormally powerful. Otherwise it was a wand like any other . . . though a good one, I am sure," Dumbledore finished kindly. +Harry sat in thought for a long time, or perhaps seconds. It was very hard to be sure of things like time, here. +"He killed me with your wand." +"He failed to kill you with my wand," Dumbledore corrected Harry. "I think we can agree that you are not dead - though, of course," he added, as if fearing he had been discourteous, "I do not minimize your sufferings, which I am sure were severe." +"I feel great at the moment, though," said Harry, looking down at his clean, unblemished hands. "Where are we, exactly?" +"Well, I was going to ask you that," said Dumbledore, looking around. "Where would you say that we are?" +Until Dumbledore had asked, Harry had not known. Now, however, he found that he had an answer ready to give. +"It looks," he said slowly, "like King�s Cross station. Except a lo cleaner and empty, and there are no trains as far as I can see." +"King�s Cross station!" Dumbledore was chuckling immoderately. "Good gracious, really?" +"Well, where do you think we are?" asked Harry, a little defensively. +"My dear boy, I have no idea. This is, as they say, your party." +Harry had no idea what this meant; Dumbledore was being infuriating. He glared at him, then remembered a much more pressing question than that of their current location. +"The Deathly Hallows," he said, and he was glad to see that the words wiped the smile from Dumbledore�s face. +"Ah, yes," he said. He even looked a little worried. +"Well?" +For the first time since Harry had met Dumbledore, he looked less than an old man, much less. He looked fleetingly like a small boy caught in wrongdoing. +"Can you forgive me?" he said. "Can you forgive me for not trusting you? For not telling you? Harry, I only feared that you would fail as I had failed. I only dreaded that you would make my mistakes. I crave your pardon, Harry. I have known, for some time now, that you are the better man." +"What are you talking about?" asked Harry, startled by Dumbledore�s tone, by the sudden tears in his eyes. +"The Hallows, the Hallows," murmured Dumbledore. "A desperate man�s dream!" +"But they�re real!" +"Real, and dangerous, and a lure for fools," said Dumbledore. "And I was such a fool. But you know, don�t you? I have no secrets from you anymore. You know." +"What do I know?" +Dumbledore turned his whole body to face Harry, and tears still sparkled in the brilliantly blue eyes. +"Master of death, Harry, master of Death! Was I better, ultimately, than Voldemort?" +"Of course you were," said Harry. "Of course - how can you ask that? You never killed if you could avoid it!" +"True, true," said Dumbledore, and he was like a child seeking reassurance. "Yet I too sought a way to conquer death, Harry." +"Not the way he did," said Harry. After all his anger at Dumbledore, how odd it was to sit here, beneath the high, vaulted ceiling, and defend Dumbledore from himself. "Hallows, not Horcruxes." +"Hallows," murmured Dumbledore, "not Horcruxes. Precisely." +There was a pause. The creature behind them whimpered, but Harry no longer looked around. +"Grindelwald was looking for them too?" he asked. +Dumbledore closed his eyes for a moment and nodded. +"It was the thing, above all, that drew us together," he said quietly. "Two clever, arrogant boys with a shared obsession. He wanted to come to Godric�s Hollow, as I am sure you have guessed, because of the grave of Ignotus Peverell. He wanted to explore the place the third brother had died." +"So it�s true?" asked Harry. "All of it? The Peverell brothers -" +"-were the three brothers of the tale," said Dumbledore, nodding. "Oh yes, I think so. Whether they met Death on a lonely road . . . I think it more likely that the +Peverell brothers were simply gifted, dangerous wizards who succeeded in creating those powerful objects. The story of them being Death�s own Hallows seems to me the sort of legend that might have sprung up around such creations. +"The Cloak, as you know now, traveled down through the ages, father to son, mother to daughter, right down to Ignotus�s last living descendant, who was born, as Ignotus was, in the village of Godric�s Hollow." +Dumbledore smiled at Harry. +"Me?" +"You. You have guessed,, I know, why the Cloak was in my possession on the night your parents died. James had showed it to me just a few days previously. It explained much of his undetected wrongdoing at school! I could hardly believe what I was seeing. I asked to borrow it, to examine it. I had long since given up my dream of uniting the Hallows, but I could not resist, could not help taking a closer look. . . . It was a Cloak the likes of which I had never seen, immensely old, perfect in every respect . . . and then your father died, and I had two Hallows at last, all to myself!" +His tone was unbearably bitter. +"The Cloak wouldn�t have helped them survive, though," Harry said quickly. "Voldemort knew where my mum and dad were. The Cloak couldn�t have made them curse-proof." +"true," sighed Dumbledore. "True." +Harry waited, but Dumbledore did not speak, so he prompted him. +"So you�d given up looking for the Hallows when you saw the Cloak?" +"Oh yes," said Dumbledore faintly. It seemed that he forced himself to meet Harry�s eyes. "You know what happened. You know. You cannot despise me more than I despise myself." +"But I don�t despise you -" +"Then you should," said Dumbledore. He drew a deep breath. "You know the secret of my sister�s ill health, what those Muggles did, what she became. You know how my poor father sought revenge, and paid the price, died In Azkaban. You know how my mother gave up her own life to care for Ariana. +"I resented it, Harry." +Dumbledore stated it baldly, coldly. He was looking now over the top of Harry�s head, into the distance. +"I was gifted, I was brilliant. I wanted to escape. I wanted to shine. I wanted glory. +"Do not misunderstand me," he said, and pain crossed the face so that he looked ancient again. "I loved them, I loved my parents, I loved my brother and my sister, but I was selfish, Harry, more selfish than you, who are a remarkably selfless person, could possibly imagine. +"So that, when my mother died, and I was left the responsibility of a damaged sister and a wayward brother, I returned to my village in anger and bitterness. Trapped and wasted, I thought! And then of course, he came. . . ." +Dumbledore looked directly into Harry�s eyes again. +"Grindelwald. You cannot imagine how his ideas caught me, Harry, inflamed me. Muggles forced into subservience. We wizards triumphant. Grindelwald and I, the glorious young leaders of the revolution. +"Oh, I had a few scruples. I assuaged my conscience with empty words. It would all be for the greater good, and any harm done would be repaid a hundredfold in benefits for wizards. Did I know, in my heart of hearts, what Gellert Grindelwald was? I think I did, but I closed my eyes. If the plans we were making came to fruition, all my dreams would come true. +"And at the heart of our schemes, the Deathly Hallows! How they fascinated him, how they fascinated both of us! The unbeatable wand, the weapon that would lead us to power! The Resurrection Stone - to him, though I pretended not to know it, it meant an army of Inferi! To me, I confess, it meant the return of my parents, and the lifting of all responsibility from my shoulders. +"And the Cloak . . . somehow, we never discussed the Cloak much, Harry. Both of us could conceal ourselves well enough without the Cloak, the true magic of which, of course, is that it can be used to protect and shield others as well as its owner. I thought that, if we ever found it, it might be useful in hiding Ariana, but our interest in the Cloak was mainly that it completed the trio, for the legend said that the man who had united all three objects would then be truly master of death, which we took to mean �invincible.� +"Invincible masters of death, Grindelwald and Dumbledore! Two months of insanity, of cruel dreams, and neglect of the only two members of my family left to me. +"And then . . . you know what happened. Reality returned in the form of my rough, unlettered, and infinitely more admirable brother. I did not want to hear the truths he shouted at me. I did not want to hear that I could not set forth and seek Hallows with a fragile and unstable sister in tow. +"The argument became a fight. Grindelwald lost control. That which I had always sensed in him, though I pretended not to, now sprang into terrible being. And Ariana . . . after all my mother�s care and caution . . . lay dead upon the floor." +Dumbledore gave a little gasp and began to cry in earnest. Harry reached out and was glad to find that he could touch him: He gripped his arm tightly and Dumbledore gradually regained control. +"Well, Grindelwald fled, as anyone but I could have predicted. He vanished, with his plans for seizing power, and his schemes for Muggle torture, and his dreams of the Deathly Hallows, dreams in which I had encouraged him and helped him. He ran, while I was left to bury my sister, and learn to live with my guilt and my terrible grief, the price of my shame. +"Years passed. There were rumors about him. They said he had procured a wand of immense power. I, meanwhile, was offered the post of Minister of Magic, not once, but several times. Naturally, I refused. I had learned that I was not to be trusted with power." +"But you�d have been better, much better, than Fudge or Scimgeour!" burst out Harry. +"Would I?" asked Dumbledore heavily. "I am not so sure. I had proven, as a very young man, that power was my weakness and my temptation. It is a curious thing, Harry, but perhaps those who are best suited to power are those who have never sought it. Those who, like you, have leadership thrust upon them, and take up the mantle because they must, and find to their own surprise that they wear it well. +"I was safer at Hogwarts. I think I was a good teacher -" +"You were the best ---" +"--- you are very kind, Harry. But while I busied myself with the training of young wizards, Grindelwald was raising an army. They say he feared me, and perhaps he did, but less, I think, than I feared him. +"Oh, not death," said Dumbledore, in answer to Harry�s questioning look. "Not what he could do to me magically. I knew that we were evenly matched, perhaps that I was a shade more skillful. It was the truth I feared. You see, I never knew which of us, in that last, horrific fight, had actually cast the curse that killed my sister. You may call me cowardly: You would be right, Harry. I dreaded beyond all things the knowledge that it had been I who brought about her death, not merely through my arrogance and stupidity, but that I actually struck the blow that snuffed out her life. +"I think he knew it, I think he knew what frightened me. I delayed meeting him until finally, it would have been too shameful to resist any longer. People were dying and he seemed unstoppable, and I had to do what I could. +"Well, you know what happened next. I won the duel. I won the wand." +Another silence. Harry did not ask whether Dumbledore had ever found out who struck Ariana dead. He did not want to know, and even less did he want Dumbledore to have to tell him. At last he knew what Dumbledore would have seen when he looked in the mirror of Erised, and why Dumbledore had been so understanding of the fascination it had exercised over Harry. +They sat in silence for a long time, and the whipmerings of the creature behind them barely disturbed Harry anymore. +At last he said, "Grindelwald tried to stop Voldemort going after the wand. He lied, you know, pretended he had never had it." +Dumbledore nodded, looking down at his lap, tears still glittering on the crooked nose. +"They say he showed remorse in later years, alone in his cell at Nurmengard. I hope that is true. I would like to think that he did feel the horror and shame of what he had done. Perhaps that lie to Voldemort was his attempt to make amends . . . to prevent Voldemort from taking the Hallow . . ." +". . .or maybe from breaking into your tomb?" suggested Harry, and Dumbledore dabbed his eyes. +After another short pause Harry said, "You tried to use the Resurrection Stone." +Dumbledore nodded. +"When I discovered it, after all those years, buried in the abandoned home of the Gaunts --- the Hallow I had craved most of all, though in my youth I had wanted it for very different reasons --- I lost my head, Harry. I quite forgot that I was not a Horcrux, that the ring was sure to carry a curse. I picked it up, and I put it on, and for a second I imagined that I was about to see Ariana, and my mother, and my father, and to tell them how very, very sorry, I was. . . . +"I was such a fool, Harry. After all those years I had learned nothing. I was unworthy to unite the Deathly Hallows, I had proved it time and again, and here was final proof." +"Why?" said Harry. "It was natural! You wanted to see them again. What�s wrong with that?" +"Maybe a man in a million could unite the Hallows, Harry. I was fit only to possess the meanest of them, the least extraordinary. I was fit to own the Elder Wand, +and not boast of it, and not to kill with it. I was permitted to tame and use it, because I took it, not for gain, but to save others from it. +"But the Cloak, I took out of vain curiousity, and so it could never have worked for me as it works for you, its true owners. The stone I would have used in an attempt to drag back those who are at peace, rather than enable my self-sacrafice, as you did. You are the worthy possessor of the Hallows." +Dumbledore patted Harry�s hand, and Harry looked up at the old man and smiled; he could not help himself. How coul dhe remain angry with Dumbledore now? +"Why did you have to make it so difficult?" +Dumbledore�s smile was tremulous. +"I am afraid I counted on Miss Granger to slow you up, Harry. I was afraid that your hot head might dominate your good heart. I was scared that, if presented outright with the facts about those tempting objects, you might seize the Hallows as I did, at the wrong time, for the wrong reasons. If you laid hands on them, I wanted you to possess them safely. You are the true master of death, because the true master does not seek to run away from Death. He accepts that he must die, and understands that there are far, far worse things in the living world than dying." +"And Voldemort never knew about the Hallows?" +"I do not think so, because he did not recognize the Resurrection Stone he turned into a Horcrux. But even if he had known about them, Harry. I doubt that he woul dhave been interested in any except the first. He would not think that he needed the Cloak, and as for the stone, whom would he want to bring back from the dead? He fears the dead. He does not love." +"But you expected him to go after the wand?" +"I have been sure that he would try, ever since your wand beat Voldemort�s in the graveyard of Little Hangleton. At first, he was afraid that you had conquered him by superior skill. Once he had kidnapped Ollivander, however, he discovered the existence of the twin cores. He thought that explained everything. Yet the borrowed wand did no better against yours! So Voldemort, instead of asking himself what quality it was in you that had made your wand so strong, what gift you possessed that he did not, naturally set out to find the one wand that, they said, would beat any other. For him, the Elder Wand has become an obsession to rival his obsession with you. He believes that the Elder Wand removes his last weakness and makes him truly invincible. Poor Severus . . ." +"If you planned your death with Snape, you meant him to end up with the Elder Wand, didn�t you?" +"I admit that was my intention," said Dumbledore, "but it did not work as I intended, did it?" +"No," said Harry. "That bit didn�t work out." +The creature behind them jerked and moaned, and Harry and Dumbledore sate without talking for the longest time yet. The realization of what would happen next settled gradually over Harry in the long minutes, like softly falling snow. +"I�ve got to go back, haven�t I?" +"That is up to you." +"I�ve got a choice?" +"Oh yes," Dumbledore smiled at him. "We are in King�s Cross you say? I think that if you decided not to go back, you would be able to . . . let�s say . . . board a train." +"And where would it take me?" +"On," said Dumbledore simply. +Silence again. +"Voldemort�s got the Elder Wand." +"True. Voldemort has the Elder Wand." +"But you want me to go back?" +"I think," said Dumbledore, "that if you choose to return, there is a chance that he may be finished for good. I cannot promise it. But I know this, Harry, that you have less to fear from returning here than he does." +Harry glanced again at the raw looking thing that trembled and choked in the shadow beneath the distant chair. +"Do not pity the dead, Harry. Pity the living, and above all, those who live without love. By returning, you may ensure that fewer souls are maimed, fewer families are torn apart. If that seems to you a worthy goal, they we saw good-bye for the present." +Harry nodded and sighed. Leaving this place would not be nearly as hard as walking into the forest had been, but it was warm and light and peaceful here, and he knew that he was heading back to pain and the fear of more loss. He stood up, and Dumbledore did the same, and they looked for a long moment into each other�s faces. +"Tell me one last thing," said Harry, "Is this real? Or has this been happening inside my head?" +Dumbledore beamed at him, and his voice sounded loud and strong in Harry�s ears even though the bright mist was descending again, obscuring his figure. +"Of course it is happening inside your head, Harry, but why on earth should that mean it is not real?" +Chapter Thirty-Six +The Flaw in the Plan +He was flying facedown on the grond again. The smell of the forest filled his nostrils. He could feel +the cold hard ground beneath his cheek, and the hinge of his glasses which have been knocked sideways +by the fall cutting into his temple. Every inch of him ached, and the place where Killing Curse had hit him +felt like the bruise of an iron-clad punch. He did not stir, but he remained exactly where he had fallen, with +his left arm bent out at an akward angle and his mouth gaping. +He had expected to hear cheer of triumph and jubilation at his death, but instead hurried footsteps, +whispers, and solicitous murmurs filled the air. +"My Lord... my Lord..." +It was Bellatrix's voice, and she spoke as if to a lover. Harry did not dare open his eyes, but allowed +his other senses to explore his predicament. He knew that his wand was still stowed beneath his robes because +he could feel it pressed between his chest and the ground. A slight cushioning effect in the area of his stomach +told him that the Invisibility Cloak was also there, stuffed out of sight. +"My Lord..." +"That will do," said Voldemort's voice. +More footsteps. Several people were backing away from the same spot. Desperate to see what was +happening and why, Harry opened his eyes by a milimeter. +Voldemort seemed to be getting to his feet. Various Death Eaters were hurrying away from him, +returning to the crowd lining the clearing. Bellatrix alone remained behind, kneeling beside Voldemort. +Harry closed his eyes again and considered what he had seen. The Death Eaters have been buddled +around Voldemort, who seem to have fallen to the ground. Something had happened when he had hit Harry with +the Killing Curse. Had Voldemort too collapsed? It seemed like it. And both of them had briefly fallen unconcious +and both of them had now returned. . . +"My Lord, let me --" +"I do not require assitance," said Voldemort coldly, and though he could not see it, Harry pictured +Bellatrix withdrawing a helpful hand. "The boy . . . Is he dead?" +There was a complete silence in the clearing. Nobody approached Harry, but he felt their concentraded +gaze; it seemed to press him harder into the ground, and he was terrified a finger or an eyelid might twitch. +"You," said Voldemort, and there was a bang and a small shrick of pain. "Examine him. Tell me whether he is dead." +Harry did not know who had been sent to verify. He could only lie there, with his heart thumping traitorously, and wait to be +examined, but at the same time nothing, small comfort through it was, that Voldemort was wary of approaching him, that Voldemort +suspected that all had not gone to plan . . . . +Hands, softer than he had been expecting, touched Harry's face, and felt his heart. He could hear the woman's fast breathing, +her pounding of life against his ribs. +"Is Draco alive? Is he in the castle?" +The whisper was barely audible, her lips were an inch from his car, her head bent so low that her long hair shielded his face +from the onlookers. +"Yes," he breathed back. +He felt the hand on his chest contract: her nails pierced him. Then it was withdrawn. She had sat up. +"He is dead!" Narcissa Malfoy called to the watchers. +And now they shouted, now they yelled in triumph and stamped their feet, and through his eyelids, Harry saw bursts of red +and silver light shoot into the air in celebration. +Still feigning death on the ground, he understood. Narcissa knew that the only way she would be permitted to enter Hogwarts, +and find her son, was as part of the conquering army. She no longer cared whether Voldemort won. +"You see?" screeched Voldemort over the tumult. "Harry Potter is dead by my hand, and no man alive can threaten me now! +Watch! Crucio!" +Harry had been expecting it, knew his body would not be allowed to remain unsullied upon the forest floor; it must be subjected +to humiliation to prove Voldemort's victory. He was lifted into the air, and it took all his determination to remain limp, yet the pain he +expected did not come. He was thrown once, twice, three times into the air. His glasses flew off and he felt his wand slide a little beneath +his robes, but he kept himself floppy and lifeless, and when he fell no ground for the last time, the clearing echoed with jeers and shrieks +of laughter. +"Now," said Voldemort, "we go to the castle, and show them what has become of their hero. Who shall drag the body? No - Wait - " +There was a fresh outbreak of laughter, and after a few moments Harry felt the ground trembling beneath him. +"You carry him," Voldemort said. "He will be nice and visible in your arms, will he not? Pick up your little friend, Hagrid. And the +glasses - put on the glasses - he must be recognizable - " +Someone slammed Harry's glasses back onto his face with deliberate force, but the enormous hands that lifted him into the air +were exceedingly gentle. Harry could feel Hagrid's arms trembling with the force of his heaving sobs; great tears splashed down upon him +as Hagrid cradled Harry in his arms, and Harry did not dare, by movement or word, to intimate to Hagrid that all was not, yet, lost. +"Move," said Voldemort, and Hagrid stumbled forward, forcing his way through the close-growing trees, back through the forest. +Branches caught at Harry's hair and robes, but he lay quiescent, his mouth lolling open, his eyes shut, and in the darkness, while the +Death Eaters croed all around them, and while Hagrid sobbed blindly, nobody looked to see whether a pulse beat in the exposed neck of +Harry Potter. . . . +The two giants crashed along behind the Death Eaters; Harry could hear trees creaking and falling as they passed; they made so +much din that birds toes shrieking into the sky, and even the jeers of the Death Eaters were drowned. The victorious procession marched +on toward the open ground, and after a while Harry could tell, by the lightening of the darkness through his closed eyelids, that the trees +were beginning to thin. +"BANE!" +Hagrid's unexpected bellow nearly forced Harry's eyes open. "Happy now, are yeh, that yeh didn't fight, yeh cowardly bunch o' nags? +Are yeh happy Harry Potter's - d-dead . . . ?" +Hagrid could not continue, but broke down in fresh tears. Harry wondered how many centaurs were watching their procession pass; +he dared not open his eyes to look. Some of the Death Eaters called insults at the centaurs as they left them behind. A little later, Harry +sensed, by a freshening of the air, that they had reached the edge of the forest. +"Stop." +Harry thought that Hagrid must have been forced to obey Voldemort's command, because he lurched a little. And now a chill settled +over them where they sood, and Harry heard the rasping breath of the dementors that patrolled the other trees. They would not affect him now. +The fact of his own survival burned inside him, a talisman against them, as though his father's stag kept guardian in his heart. +Someone passed close by Harry, and he knew that it was Voldemort himself because he spoke a moment later, his voice magically +magnified so that it swelled through the ground, crashing upon Harry's eardrums. +"Harry Potter is dead. He was killed as he ran away, trying to save himself while you lay down your lives for him. We bring you his +body as proof that your hero is gone. +"The battle is won. You have lost half of your fighters. My Death Eaters outnumber you, and the Boy Who Lived is finished. There must +be no more war. Anyone who continues to resist, man, woman or child, will be slaughtered, as will every member of their family. Come out of the +castle now, kneel before me, and you shall be spared. Your parents and children, your brothers and sisters will live and be forgiven, and you will +join me in the new world we shall build togheter." +There was silence in the grounds and from the castle. Voldemort was so close to him that Harry did not dare open his eyes again. +"Come," said Voldemort, and Harry heard him move ahead, and Hagrid was forced to follow. Now Harry opened his eyes a fraction, and saw +Voldemort striding in front them, wearing the great snake Nagini around his shoulders, now free of her enchanted cage. But Harry had no possibility +of extracting the wand concealed under his robes without being noticed by the Death Eaters, who marched on the either side of them through the +slowly lightening darkness . . . . +"Harry," sobbed Hagrid. "Oh, Harry . . . Harry . . ." +Harry shut his eyes tight again. He knew that they were approaching the castle and strained his ears to distinguish, above the gleeful voices +of the Death Eaters and their tramping footsteps, signs of life from those within. +"Stop." +The Death Eaters camte to a halt; Harry heard them spreading out in a line facing the opne front doors of the school. He could see, even +though his closed lids, the teddish glow that meant light streamed upon him from the entrance hall. He waited. Any moment, the people for whom +he had tried to die would see him, lying apparently dead, in Hagrid's arms. +"NO!" +The scream was the more terrible because he had never expected or dreamed that Professor McGonagall could make such a sound. He heard +another women laughing nearby, and knew that Bellatrix gloried in McGonagall's despair. He squinted again for a single second and saw the open +doorway filling with people, as the survivors of the battle came out onto the front steps to face their vanquishers and see the truth of Harry's death for +themselves. He saw Voldemort standing a little in front of him, stroking Nagini's head with a single white finger. He closed his eyes again. +"No!" +"No!" +"Harry! HARRY!" +Ron's, Hermione's, and Ginny's voices were worse than McGonagall's; Harry wanted nothing more than to call back, yet he made himself lie +silent, and their cries acted like a trigger; the crowd of survivors took up the cause, screaming and yelling abuse at the Death Eathers, until - +"SILENCE!" cried Voldemort, and there was a bang and a flash of bright light, and silence was forced upn them all. "It is over! Set him down, +Hagrid, at my feet, where he belongs!" +Harry felt himself lowered onto the grass. +"You see? said Voldemort, and Harry felt him striding backward and forward right beside the place where he lay. "Harry Potter is dead! Do you +understand now, deluded ones? He was nothing, ever, but a boy who relied on others to sacrifice themselves for him!" +"He beat you!" yelled Ron, and the charm broke, and the defenders of Hogwarts were shouting and screaming again until a second, more +powerful bang extinguished their voices once more. +"He was killed while trying to sneak out of the castle grounds," said Voldemort, and there was a relish in his voice for the lie. "killed while trying +to save himself - " +But Voldemort broke off: Harry heard a scuffle and a shout, then another bang, a flash of light, and grunt of pain; he opened his eyes an infinitesimal +amount. Someone had broken free of the crowd and charged at Voldemort: Harry saw the figure hit the ground. Disarmed, Voldemort throwing the challenger's +wand aside and laughing. +"And who is this?" he said in his soft snake's hiss. "Who has volunteered to demonstrate what happens to those who continue to fight when the +battle is lost?" +Bellatrix gave a delighted laugh. +"It is Neville Longbottom, my Lord! The boy who has been giving the Carrows so much trouble! The son of the Aurors, remember?" +"Ah, yes, I remember," said Voldemort, looking down at Neville, who was struggling back to his feet, unarmed and unproctected, standing in the +no-man's-land between the survivors and the Death Eaters. "But you are a pureblood, aren't you, my brave boy? Voldemort asked Neville, who stood facing him, +his empty hands curled in fists. +"So what if I am?" said Neville loudly. +"You show spirit and bravery, and you come of noble stock. You will make a very valuable Death Eater. We need your kind, Neville Longbottom." +"I'll join you when hell freezes over," said Neville. "Dumbledore's Army!" he shouted, and there was an answering cheer from the crowd, whom +Voldemort's Silencing Charms seemed unable to hold. +"Very well," said Voldemort, and Harry heard more danger in the silkiness of his voice than in the most powerful curse. "If that is your choice, Longbottom, +we revert to the original plan. On your head," he said quietly, "be it." +Still watching through his lashes, Harry saw Voldemort wave his wand. Seconds later, out of one of the castle's shattered windows, something that looked like a misshapen bird flew through the half light and landed in Voldemort's hand. He shook the mildewed object by its pointed end and it dangled, emtpy and ragged: the Sorting Hat. +"There will be no more Sorting at Hogwarts School," said Voldemort. "There will be no more Houses. The emblem, sheild and colors of my noble ancestor, Salazar Slythering, will suffice everyone. Won't they, Neville Longbottom?" +He pointed his wand at Neville, who grew rigid and still, then forced the hat onto Neville's head, so thta it slipped down below his eyes. There were movements from the watching crowd in front of the castle, and as one, the Death Eaters raised their wands, holding the fighters of Hogwarts at bay. +"Neville here is now going to demonstrate what happens to anyone foolish enough to continue to oppose me," said Voldemort, and with a flick of his wand, he caused the Sorting Hat to burst into flames. +Screams split the dawn, and Neville was a flame, rooted to the spot, unable to move, and Harry could not bear it: He must act - +And then many things happened at the same moment. +They heard uproar from the distant boundary of the school as what sounded like hundreds of people came swarming over the out-of-sight walls and pelted toward the castle, uttering lowd war cries. At the same time, Grawp came lumbering around the side of the castel and yelled, "HAGGER!" His cry was answered by roars from Voldemort's giants: They ran at Grawp like bull elephants making the earth quake. Then came hooves and the twangs of bows, and arrows were suddenly falling amongst the Death Eaters, who broke ranks, shouting their surprise. Harry pulled the Invisibilty Cloak from inside his robes, swunt it over himself, and sprang to his feet, as Neville moved too. +In one swift, fluid motin, Neville broke free of the Body-Bind Curse upon him; the flaming har fell off him and he drew from its depths something silver, with a glittering, rubied handle - +The slash of the silver blade could not be heard over the roar of the oncoming crowd or the sounds of the clashing giants or of te stampending centaurs, and yet, it seemd to draw every eye. With a single stroke Neville sliced off the great snake's head, which spun high into the air, gleaming in the light flooding from the entrance hall, and +Voldemort's mouth was open in a scream of fury that nobody could hear, and the snake's body thudded to the ground at his feet- +Hidden beneath the Invisibilty Cloak, Harry cast a Shield Charm between Neville and Voldemort before the latter could raise his stamps of the battling giants, Hagrid's yell came loudets of all. +"HARRY!" Hagrid shouted. "HARRY - WHERE'S HARRY?" +Chaos reigned. The charging centaurs were scattering the Death Eaters, everyone was feeling the giants' stamping feet, and nearer and nearar thundered the reinforcements that had come from who knew where; Harry saw great winget creatues soaring the heads of Voldemort's giants, thestrals and Buckbeak the hippogriff scratching at their eyes while Grawp punched and pummeled them and now the wizards, defenders of Hogwarts and Death Eaters alike were being forced back into the castle. Harry was shooting jinxes and curses at any Death Eater he could see, and they crumpled, not knowing what or who had hit them, and their bodies were trampled by the retreating crowd. Still hidden beneath the Invisibility Cloak, Harry was buffered into the entrance hall: He was searching for Voldemort and saw him across the room, firing spells from his wand as he backed into the Great Hall, still screaming instructions to his followers as he sent curses flying left and right; Harry cast more Shield Charms, and Voldemort's would-be victims. Seamus Finnigan and Hannah Abbott, datted past him into the Great Hall, where they joined the fight already flourishing inside it. +And now there were more, even more people storming up the front steps, and Harry saw Charlie Weasly overtaking Horace Slughorn, who was still wearing his emeral pijamas. They seemed to have returned at the head of what looked like the families and friends of every Hogwarts student who had remained to fight along with the shopkeeps and homeowners of Hogsmeade. The centaurs Bane, Ronan and Magorian burst into the hall with a great clatter of hooves, as behind Harry the door that led to the kitchens was blasted off its hinges. +The house-elves of Hogwarts swarmed intot he entrance hall, screaming and waving carving knives and cleaver, and at their head, the locker of Regulus Black bouncing on his chest, was Kreacher, his bullfrog's voice audible even above this din: "Fight! Fight! Fight for my Master, defender of house-elves! Fight the Dark Lord, in the name of brave Regulus! Fight!" +They were hacking and stabbing at the ankles and shim of Death Eaters their tiny faces alive with malice, and everywhere Harry looked Death Eaters were folding under sheer weight of numbers, overcome by spells, dragging arrows from wounds, stabbed in the leg by elves, or else simply attempting to escape, but swallowed by the oncoming horde. +But it was not over yet: Harry sped between duelers, past atruggling prosoners, and into he Great Hall. +Voldemort was in the center of the battle, and he was striking and smiting al within reach. Harry could not get a clear shot, but fought his way nearer, still invisible, and the Great Hall became more and more crowded as everyone who could walk forced their way inside. +Harry saw Yaxley slammed tot he floor by George and Lee Jordan, saw Dolohov fall with a scream at Flitwick's hands, saw Walden Macnair thrown across the room by Hagrid, hit the stone wall opposite, and slide unconscious to the ground. He saw Ron and +Neville bringing down Fenrir Greyback. Aberforth Stunning Rookwood, Arthur and Percy flooting Thicknesse, and Lucius and Narcissa Malfoy running through the crowd, not even attempting to fight, screaming for their son. +Voldemort was now dueling McGonagall, Slughorn, Kingsley all at once, and there was a cold hatred in his face as they wove and ducked around him, unable to finish him - +Bellatrix was still fighing too, fifty yards away from Voldemort, and like her master she dueled three at once: Hermione, Ginny and Luna, all battling their hardest, but Bellatrix was equal to them, and Harry's attention was diverted as a Killing Curse shot so close to Ginny that she missed death by an inch - +He changed course, running at Bellatrix rather than Voldemort, but before he had gone a few steps he was knocked sideways. +"NOT MY DAUGHTER, YOU BITCH!" +Mrs. Weasley threw off her cloak as she ran, freeing her arms, Bellatrix spun on the spot, roaring with laughter at the sight of the new challenger. +"OUT OF MY WAY!" shouted Mrs. Weasley to the three girls, and with a simple swipe of her wand she began to duel. Harry watched with terror and elation as Molly Weasley's wand slashed and twisted, and Bellatrix Lestrange's smile faltered and became a snarl. Jets of light flew from both wands, the floor around the withces' feet became bot and cracked; both woman were fighting to kill. +"No!" Mrs. Weasley cried as a few students ran forward, trying to come to her aid. "Get back! Get back! She is mine!" +Hundreds of people now lined the walls, watching the two fights, Voldemort and his three opponents, Bellatrix and Molly, and Harry stood, invisible, torn between both, wanting to attack and yet to protect, unable to be sure that he would not hit the innocent. +"What will happen to your children when I've killed you?" taunted Bellatrix, as mad as her master, capering as Molly's curses danced around her. "When Mummy's gone the same way as Freddie?" +"You - will - never - touch - our - children - again!" screamed Mrs. Weasley. +Bellatrix laughed the same exhilarated laugh her cousin Sirius had given as he toppled backward through the veil, and suddenly Harry knew what was going to happen before it did. +Molly's curse soared beneath Bellatrix's constreched arm and hit her squarely in the chest, directly over her heart. +Bellatrix's glounting smile froze, her eyes seemd to bulge: For the tiniest space of time she knew what had happened, and then she toppled, and the watching crowd roared, and Voldemord screamed. +Harry felt as though he turned into slow motin: he saw McGonagall, Kingsley and Slughorn blasted backward, flailing and writhing through the air, as Voldemort's fury at the fall of his last, best leutenant exploded with the force of a bomb, Voldemort raised his wand and directed it at Molly Weasley. +"Protego!" roared Harry, and the Shield Charm expanded in the middle of the Hall, and Voldemort stared around for the source as Harry pulled off the Invisibility Cloak at last. +The yell of shock, the cheers, the screams on every side of :"Harry!" "HE'S ALIVE!" were stifled at once. The crowd was afraid, and silence fell abruptly and +completely as Voldemort and Harry looked at each other, and began, at the same moment, to circle each other. +"I don't want anyone else to help," Harry said loudly, and in the total silence his voice carried like a trumpet call. "It's got to be like this. It's got to be me." +Voldemort hissed. +"Potter doesn't mean that," he said, his red eyes wide. "This isn't how he works, is it? Who are you going to use as a shield today, Potter?" +"Nobody," said Harry simply. "There are no more Horcruxes. It's just you and me. Neither can live while the other survives, and one of us is about to leave for good. . . ." +"One of us?" jeered Voldemort, and his wholy body was taut and his red eyes stared, a snake that was about to strike. "You think it will be you, do you, the boy who has survived by accident, and because Dumbledore was pulling the strings?" +"Accident, was it, when my mother died to save me?" asked Harry. They were still moving sideways, both of them, in that perfect circle, maintaining the same distance from each other, and for Harry no face existed but Voldemort's. "Accident, when I decided to fight in that graveyard? Accident, that I didn't defend myself tonight, and still survived, and returned to fight again?" +"Accidents!" screamed Voldemort, but still he did not strike, and the watching crowd was frozen as if Petrified, and of the hundreds in the Hall, nobody seemed to breathe but they two. "Accident and chance and the fact that you crouched and sniveled behind the skirts of greater men and women, and permitted me to kill them for you!" +"You won't be killing anyone else tonight," said Harry as they circled, and stared into each other's eyes, green into red. "You won't be able to kill any of them ever again. Don't you get it? I was ready to die to stop you from hurting these people - " +"But you did not!" +" - I meant to, and that's what did it. I've done what my mother did. They're protected from you. Haven't you noticed how none of the spells you put on them are binding? You can't torture them. You can't touch them. You don't learn from your mistakes, Riddle, do you?" +"You dare -" +"Yes, I dare," said Harry. "I know things you don't know, Tom Riddle. I know lots of important things that you don't. Want to hear some, before you make another big mistake?" +Voldemort did not speak, but powled in a circle, and Harry knew that he kept him temporarily mesmerized at bay, held back by the faintest possibility that Harry might indeed know a final secret. . . . +"Is it love again?" said Voldemort, his snake's face jeering. "Dumbledore favorite solution, love, which he claimed conqered death, though love did not stop him falling from the tower and breaking like and old waxwork? Love, which did not prevent me stamping out your Modblood mother like a cockroack, Potter - and nobody seems to love you enough to run forward this time and take my curse. So what will stop you dying now when I strike?" +"Just one thing," said Harry, and still they circled each other, wrapped in each other, held apart by nothing but the last secret. +"If it is not love that will save you this time," said Voldemort, "you must believe that you have magic that i do not, or else a weapon more powerful than mine?" +"I believe both," said Harry, and he saw shock flit across the snakelike face, though it was instantly dispelled; Voldemort began to laugh, and the sound was more frightening than his screams; humorles and insane, it echoed around the silent Hall. +"You think you know more magic than I do?" he said. "Than I, than Lord Voldemort, who has performed magic that Dumbledore himself never dreamed of?" +"Oh he dreamed of it," said Harry, "but he knew more than you, knew enough not to do what you've done." +"You mean he was weak!" screamed Voldemort. "Too weak to dare, too weak to take what might have been his, what will be mine!" +"No, he was cleverer than you," said Harry, "a better wizard, a better man." +"I brought about the death of Albus Dumbledore!" +"You thought you did," said Harry, "but you were wrong." +For the frist time, the watching crowd stirred as the hundreds of people around the walls drew breath as one. +"Dumbledore is dead!" Voldemort hurled the words at Harry as in the marble tomb in the grounds of this castle, I have seen it, Potter, and he will not return!" +"Yes, Dumbledore is dead," said Harry calmly, "but you didn't have him killed. He chose his own manner of dying, chose it months before he died, arranged the whole thing with the man you thought was your servant." +"What chldish dream is this?" said Voldemort, but still he did not strike, and his red eyes did not waver from Harry's. +"Severus Snape wasn't yours," said Harry. "Snape was Dumbledore's. Dumbledore's from the moment you starting hunting down my mother. And you never realized it, because of the thing you can't understand. You never saw Snape cast a Patronus, did you, Riddle?" +Voldemort did not answer. They continued to circle each other like wolves about to tear each other apart. +"Snape's Patronus was a doe," said Harry, "the same as my mother's, because he loved her for nearly all of his life, from the time when they were children. You should have realized," he said as he saw Voldemort's nostrils flare, "he asked you to spare her life, didn't he?" "He desired her, that was all," sneered Voldemort, "but when she had gone, he agreed that there were other women, and of purer blood, worhier of him - " +"Of course he told you that," said Harry, "but he was Dumbledore's spy from the moment you threatened her, and he's been working against you ever since! Dumbledore was already dying when Snape finished him!" +"It matters not!" shrieked Voldemort, who had followed every word with rapt attention, but now let out a cackle of mad laughter. "It matters not whether Snape was mine or Dumbledore's, or what petty obstacles they tried to put in my path! I crushed them as I crushed your mother, Snape's supposed great love! Oh, but it all makes sense, Potter, and in ways that you do not understand! +"Dumbledore was trying to keep the Elder Wand from me! He intended that Snape should be the true master of the wand! But I got there ahead of you, little boy - I reached the wand before you could get your hands on it, I understood the truth before you caught up. I killed Severus Snape three hours ago, and the Elder Wand, the Deathstick, the Wand of Destiny is truly mine! Dumbledore's last plan went wrong, Harry Potter!" +"Yeah, it did." said Harry. "You're right. But before you try to kill me, I'd advise you think what you've done . . . . Think, and try for some remorse, Riddle. . . ." +"What is this?" +Of all the things that Harry had said to him, beyond any revelation or taunt, nothing had socked Voldemort like this. Harry saw is pupils contract to thin slits, saw the skin around his eyes whiten. +"It's your one last chance," said Harry, "it's all you've got left. . . . I've seen what you'll be otherwise. . . . Be a man. . . try. . . Try for some remorse. . . ." +"You dare --- ?" said Voldemort again. +"Yes, I dare," said Harry, "because Dumbledore�s last plan hasn�t backfired on me at all. It�s backfired on you, Riddle." +Voldemort�s hand was trembling on the Elder Wand, and Harry gripped Draco�s very tightly. The moment, he knew, was seconds away. +"That wand still isn�t working properly for you because you murdered the wrong person. Severus Snape was never the true master of the Elder Wand. He never defeated Dumbledore." +"He killed --- " +"Aren�t you listening? Snape never beat Dumbledore! Dumbledore�s death was planned between them! Dumbledore instended to die, undefeated, the wand�s last true master! If all had gone as planned, the wand�s power would have died with him, because it had never been won from him!" +"But then, Potter, Dumbledore as good as gave me the wand!" Voldemort�s voice shook with malicious pleasure. "I stole the wand from its last master�s tomb! I removed it against the last master�s wishes! Its power is mine!" +"You still don�t get it, Riddle, do you? Possessing the wand isn�t enough! Holding it, using it, doesn�t make it really yours. Didn�t you listen to Ollivander? The wand chooses the wizard . . . The Elder Wand recognized a new master before Dumbledore died, someone who never even laid a hand on it. The new master removed the wand from Dumbledore against his will, never realizing exactly what he had done, or that the world�s most dangerous wand had given him its allegiance . . ." +Voldemort�s chest rose and fell rapidly, and Harry could feel the curse coming, feel it building inside the wand pointed at his face. +"The true master of the Elder Wand was Draco Malfoy." +Blank shock showed in Voldemort�s face for a moment, but then it was gone. +"But what does it matter?" he said softly. "Even if you are right, Potter, it makes no difference to you and me. You no longer have the phoenix wand: We duel on skill alone . . . and after I have killed you, I can attend to Draco Malfoy . . ." +"But you�re too late," said Harry. "You�ve missed your chance. I got there first. I overpowered Draco weeks ago. I took his wand from him." +Harry twitched the hawthorn wand, and he felt the eyes of everyone in the Hall upon it. +"So it all comes down to this, doesn�t it?" whispered Harry. "Does the wand in your hand know its last master was Disarmed? Because if it does . . . I am the true master of the Elder Wand." +A red-glow burst suddenly across the enchanted sky above them as an edge of dazzling sun appeared over the sill of the nearest window. The light hit both of their faces +at the same time, so that Voldemort�s was suddenly a flaming blur. Harry heard the high voice shriek as he too yelled his best hope to the heavens, pointing Draco�s wand: +"Avada Kedavra!" +"Expelliarmus!" +The bang was like a cannon blast, and the golden flames that erupted between them, at the dead center of the circle they had been treading, marked the point where the spells collided. Harry saw Voldemort�s green jet meet his own spell, saw the Elder Wand fly high, dark against the sunrise, spinning across the enchanted ceiling like the head of Nagini, spinning through the air toward the master it would not kill, who had come to take full possession of it at last. And Harry, with the unerring skill of the Seeker, caught the wand in his free hand as Voldemort fell backward, arms splayed, the slit pupils of the scarlet eyes rolling upward. Tom Riddle hit the floor with a mundane finality, his body feeble and shrunken, the white hands empty, the snakelike face vacant and unknowing. Voldemort was dead, killed by his own rebounding curse, and Harry stood with two wands in his hand, staring down at his enemy�s shell. +One shivering second of silence, the shock of the moment suspended: and then the tumult broke around Harry as the screams and the cheers and the roars of the watchers rent the air. The fierce new sun dazzled the windows as they thundered toward him, and the first to reach him were Ron and Hermione, and it was their arms that were wrapped around him, their incomprehensible shouts that deafened him. The Ginny, Neville, and Luna were there, and then all the Weasleys and Hagrid, and Kingsley and McGonagall and Flitwick and Sprout, and Harry could not hear a word that anyone was shouting, not tell whose hands were seizing him, pulling him, trying to hug some part of him, hundreds of them pressing in, all of them determined to touch the Boy Who Lived, the reason it was over at last --- +The sun rose steadily over Hogwarts, and the Great Hall blazed with life and light. Harry was an indispensible part of the mingled outpourings of jubilation and mourning, of grief and celebration. They wanted him there with them, their leader and symbol, their savior and their guide, and that he had not slept, that he craved the company of only a few of them, seemed to occur to no one. He must speak to the bereaved, clasp their hands, witness their tears, receive their thanks, hear the news now creeping in from every quarter as the morning drew on; that the Imperiused up and down the country had come back to themselves, that Death Eaters were fleeing or else being captured, that the innocent of Azkaban were being released at that very moment, and that Kingsley Shacklebolt had been named temporary Minister of Magic. +They moved Voldemort�s body and laid it in a chamber off the Hall, away form the bodies of Fred, Tonks, Lupin, Colin Creevey, and fifty others who had died fighting him. McGonagall had replaced the House tables, not nobody was sitting according to House anymore: All were jumbled together, teachers and pupils, ghosts and parents, centaurs and house-elves, and Firenze lay recovering in the corner, and Grawp peered in through a smashed window, and people were throwing food into his laughing mouth. After a while, exhausted and drained, Harry found himself sitting on a bench beside Luna. +"I�d want some peace and quiet, if it were me," she said. +"I�d love some," he replied. +"I�ll distract them all," she said. "Use your cloak." +And before he could say a word, she had cried, "Oooh, look, a Blibbering +Humdinger!" and pointed out the window. Everyone who heard looked around, and Harry slid the Cloak up over himself, and got to his feet. +Now he could move through the Hall without interference. He spotted Ginny two tables away; she was sitting with her head on her mother�s shoulder: There would be time to talk later, hours and days and maybe years in which to talk. He saw Neville, the sword of Gryffindor lying beside his plate as he ate, surrounded by a knot of fervent admirers. Along the aisle between the tables he walked, and he spotted the three Malfoys, huddled together as though unsure whether or not they were supposed to be there, but nobody was paying them any attention. Everywhere he looked, he saw families reunited, and finally, he saw the two whose company he craved most. +"It�s me," he muttered, crouching down between them. "Will you come with me?" +They stood up at once, and together he, Ron and Hermione left the Great Hall. Great chunks were missing from the marble staircase, part of the balustrade gone, and rubble and bloodstains occurred ever few steps as their climbed. +Somewhere in the distance they could hear Peeves zooming through the corridors singing a victory song of his own composition: +We did it, we bashed them, wee Potter�s the one, +And Voldy�s gone moldy, so now let�s have fun! +"Really gives a feeling for the scope and tragedy of the thing, doesn�t it?" said Ron, pushing open a door to let Harry and Hermione through. +Happiness would come, Harry though, but at the moment it was muffled by exhaustion, and the pain of losing Fred and Lupin and Tonks pierced him like a physical wound every few steps. Most of all he felt the most stupendous relief, and a longing to sleep. But first he owed an explanation to Ron and Hermione, who had stuck with him for so long, and who deserved the truth. Painstakingly he recounted what he had seem in the Pensieve and what had happened in the forest, and they had not even begun to express all their shock and amazement, when at last they arrived at the place to which they had been walking, though none of them had mentioned their destination. +Since he had last seen it, the gargoyle guarding the entrance to the headmaster�s study had been knocked aside; it stood lopsided, looking a little punch-drunk, and Harry wondered whether it would be able to distinguish passwords anymore. +"Can we go up?" he asked the gargoyle. +"Feel free," groaned the statue. +They clambered over him and onto the spiral stone staircase that moved slowly upward like an escalator. Harry pushed open the door at the top. +He had one, brief glimpse of the stone Pensieve on the desk where he had left it, and then an earsplitting noise made him cry out, thinking of curses and returning Death Eaters and the rebirth of Voldemort --- +But it was applause. All around the walls, the headmasters and headmistresses of Hogwarts were giving him a standing ovation; they waved their hats and in some cases their wigs, they reached through their frames to grip each other�s hands; they danced up and down on their chairs in which they have been painted: Dilys Derwent sobbed unashamedly; Dexter Fortescue was waving his ear-trumpet; and Phineas Niggelus called, +in his high, reedy voice, "And let it be noted that Slytherin House played its part! Let our contribution not be forgotten!" +But Harry had eyes only for the man who stood in the largest portrait directly behind the headmaster�s chair. Tears were sliding down from behind the half-moon spectacles into the long silver beard, and the pride and the gratitude emanating from him filled Harry wit h the same balm as phoenix song. +At last, Harry held up his hands, and the portraits fell respectfully silent, beaming and mopping their eyes and waiting eagerly for him to speak. He directed his words at Dumbledore, however, and chose them with enormous care. Exhausted and bleary-eyed though he was, he must make one last effort, seeking one last piece of advice. +"The thing that was hidden in the Snitch," he began, "I dropped it in the forest. I don�t exactly here, but I�m not going to go looking for it again. Do you agree?" +"My dear boy, I do," said Dumbledore, while his fellow pictures looked confused and curious. "A wise and courageous decision, but no less than I would have expected of you. Does anyone know else know where it fell?" +"No one," said Harry, and Dumbledore nodded his satisfaction. +"I�m going to keep Ignotus�s present, though," said Harry, and Dumbledore beamed. +"But of course, Harry, it is yours forever, until you pass it on!" +"And then there�s this." +Harry held up the Elder Wand, and Ron and Hermione looked at it with a reverence that, even in his befuddled and sleep-deprived state, Harry did not like to see. +"I don�t want it." said Harry. +"What?" said Ron loudly. "Are you mental?" +"I know it�s powerful," said Harry wearily. "But I was happier with mine. So . . ." +He rummaged in the pouch hung around his neck, and pulled out the two halves of holly tstill just connected by the finest threat of phoenix feather. Hermione had said that they could not be repaired, that the damage was too severe. All he knew was that if this did not work, nothing would. +He laid the broken wand upon the headmaster�s desk, touched it with the very tip of the Elder Wand, and said, "Reparo." +As his wand resealed, red sparks flew out of its end. Harry knew that he had succeeded. He picked up the holly and phoenix wand and felt a sudden warmth in his fingers, as though wand and hand were rejoicing at their reunion. +"I�m putting the Elder Wand," he told Dumbledore, who was watching him with enormous affection and admiration, "back where it came from. It can stay there. If I die a natural death like Ignotus, its power will be broken, won�t it? The previous master will never have been defeated. That�ll be the end of it. +Dumbledore nodded. They smiled at each other. +"Are you sure?" said Ron. There was the faintest trace of longing in his voice as he looked at the Elder Wand. +"I think Harry�s right," said Hermione quietly. +"That wand�s more trouble than it�s worth." said Harry. "And quite honestly," he turned away from the painted portraits, thinking now only of the four-poster bed lying waiting for him in Gryffindor Tower, and wondering whether Kreacher might bring him a sandwich there, "I�ve had enough trouble for a lifetime." +Epilogue +Nineteen Years Later +Autumn seemed to arrive suddenly that year. The morning of the first of September was crisp as an apple, and as the little family bobbed across the rumbling road toward the great sooty station, the fumes of car exhausts and the breath of pedestrians sparkled like cobwebs in the cold air. Two large cages tattled on top of the laden trolleys the parents were pushing; the owls inside them hooted indignantly, and the redheaded girl trailed fearfully behind here brothers, clutching her father's arm. +"It won't be long, and you'll be going too," Harry told her. +"Two years," sniffed Lily. "I want to go now!" +The commuters stared curiously at the owls as the family wove its way toward the barrier between platforms nine and ten, Albus's voice drifted back to Harry over the surrounding clamor; his sons had resumed the argument they had started in the car. +"I won't! I won't be a Slytherin!" +"James, give it a rest!" said Ginny. +"I only said he might be," said James, grinning at his younger brother. "There's nothing wrong with that. He might be in Slytherin" +But James caught his mother's eye and fell silent. The five Potters approached the barrier. With a slightly cocky look over his shoulder at his younger brother, James took the trolley from his mother and broke into a run. A moment later, he had vanished. +"You'll write to me, won't you?" Albus asked his parents immediately, capitalizing on the momentary absence of his brother. +"Every day, of you want us to," said Ginny. +"Not every day," said Albus quickly, "James says most people only get letters from home about once a month." +"We wrote to James three times a week last year," said Ginny. +"And you don't want to believe everything he tells you about Hogwarts," Harry put in. "He likes a laugh, your brother." +Side by side, they pushed the second trolley forward, gathering speed. As they reached the barrier, Albus winced, but no collision came. Instead, the family emerged onto platform nine and three-quarters, which was obscured by thick white steam that was pouring from the scarlet Hogwarts Express. Indistinct figures were swarming through the mist, into which James had already disappeared. +"Where are they?" asked Albus anxiously, peering at the hazy forms they passed as they made their way down the platform. +"We'll find them," said Ginny reassuringly. +But the vapor was dense, and it was difficult to make out anybody's faces. Detached from their owners, voices sounded unnaturally loud, Harry thought he head Percy discoursing loudly on broomstick regulations, and was quite glad of the excuse not to stop and say hello. . . . +"I think that's them, Al," said Ginny suddenly. +A group of four people emerged from the mist, standing alongside the very last carriage. Their faces only came into focus when Harry, Ginny, Lily, and Albus had drawn right up to them. +"Hi," said Albus, sounding immensely relieved. +Roses, who was already wearing her brand-new Hogwarts robes, beamed at him. +"Parked all right, then?" Ron asked Harry. "I did. Hermione didn't believe I could pass a Muggle driving test, did you? She thought I'd have to Confound the examiner." +"No, I didn't," said Hermione, "I had complete faith in you." +"As a matter of fact, I did Confund him," Ron whispered to Harry, as together they lifted Albus's trunk and owl onto the train. "I only forgot to look in the wing mirror, and let's face it, I can use a Supersensory Charm for that." +Back on the platform, they found Lily and Hugo, Rose's younger brother, having an animated discussion about which House they would be sorted into when they finally went to Hogwarts. +"If you're not in Gryffindor, we'll disinherit you," said Ron, "but no pressure." +"Ron!" +Lily and Hugo laughed, but Albus and Rose looked solemn. +"He doesn't mean it," said Hermione and Ginny, but Ron was no longer paying attention. Catching Harry's eye, he nodded covertly to a point some fifty yards away. The steam had thinned for a moment, and three people stood in sharp relief against the shifting mist. +"Look who it is." +Draco Malfoy was standing there with his wife and son, a dark coat buttoned up to his throat. His hair was receding somewhat, which emphasized the pointed chin. The new boy resembled Draco as much as Albus resembled Harry. Draco caught sight of Harry, Ron, Hermione, and Ginny staring at him, nodded curtly, and turned away again. +"So that's little Scorpius," said Ron under his breath. "Make sure you beat him in every test, Rosie. Thank God you inherited your mother's brains." +"Ron, for heaven's sake," said Hermione, half stern, half amused. "Don't try to turn them against each other before they've even started school!" +"You're right, sorry," said Ron, but unable to help himself, he added, "Don't get too friendly with him, though, Rosie. Granddad Weasley would never forgive you if you married a pureblood." +"Hey!" +James had reappeared; he had divested himself of his trunk, owl, and trolley, and was evidently bursting with news. +"Teddy's back there," he said breathlessly, pointing back over his shoulder into the billowing clouds of steam. "Just seen him! And guess what he's doing? Snogging Victoire!" +He gazed up at the adults, evidently disappointed by the lack of reaction. +"Our Teddy! Teddy Lupin! Snogging our Victoire! Our cousin! And I asked teddy what he was doing --" +"You interrupted them?" said Ginny. "You are so like Ron --" +"-- and he said he'd come to see her off! And then he told me to go away. He's snogging her!" James added as though worried he had not made himself clear. +"Oh, it would be lovely if they got married!" whispered Lily ecstatically. "Teddy would really be part of the family then!" +"He already comes round for dinner about four times a week," said Harry "Why don't we just invite him to live with is and have done with it?" +"Yeah!" said James enthusiastically. "I don't mind sharing with Al--Teddy could have my room!" +"No," said Harry firmly, "you and Al will share a room only when I want the house demolished." +He checked the battered old watch that had once been Fabian Prewett's. +"It's nearly eleven, you'd better get on board." +"Don't forget to give Neville our love!" Ginny told James as she hugged him. +"Mum! I can't give a professor love!" +"But you know Neville--" +James rolled his eyes. +"Outside, yeah, but at school he's Professor Longbottom, isn't he? I can't walk into Herbology and give him love. . . ." +Shaking his head at his mother's foolishness, he vented his feelings by aiming a kick at Albus. +"See you later, Al. Watch out for the thestrals." +"I thought they were invisible? You said they were invisible!" +but James merely laughed, permitted his mother to kiss him, gave his father a fleeting hug, then leapt onto the rapidly filling train. They saw him wave, then sprint away up the corridor to find his friends. +"Thestrals are nothing to worry about," Harry told Albus. "They're gentle things, there's nothing scare about them. Anyway, you won't be going up to school in the carriages, you'll be going in the boats." +Ginny kissed Albus good-bye. +"See you at Christmas." +"Bye, Al," said Harry as his son hugged him. "Don't forget Hagrid's invited you to tea next Friday. Don't mess with Peeves. Don't duel anyone till you're learned how. And don't let James wind you up." +"What if I'm in Slytherin?" +The whisper was for his father alone, and Harry knew that only the moment of departure could have forced Albus to reveal how great and sincere that fear was. +Harry crouched down so that Albus's face was slightly above his own. Alone of Harry's three children, Albus had inherited Lily's eyes. +"Ablus Severus," Harry said quietly, so that nobody but Ginny could hear, and she was tactful enough to pretend to be waving to rose, who was now on the train, "you were named for two headmasters of Hogwarts. One of them was a Slytherin and he was probably the bravest man I ever knew." +"But just say--" +"--then Slytherin House will have gained an excellent student, won't it? It doesn't matter to us, Al. But if it matter to you, you'll be able to choose Gryffindor over Slytherin. The Sorting Hat takes your choice into account." +"Really?" +"It did for me," said Harry. +He had never told any of his children that before, and he saw the wonder in Albus's face when he said it. But how the doorsr were slamming all along the scarlet train, and the blurred outlines of parents swarming forward for final kisses, last-minute reminders, Albus jumped into the carriage and ginny closed the door behind him. Students were hanging from the windows nearest them. A great number of faces, both on the train and off, seemed to be turned toward Harry. +"Why are they all staring?" demanded Albus as he and rose craned around to look at the other students. +"Don't let it worry you," said Ron. "It's me, I'm extremely famous." +Albus, Rose, Hugo, and Lily laughed. The train began to more, and Harry walked alongside it, watching his son's thin face, already ablaze with excitement. Harry kept smiling and waving, even though it was like a little bereavement, watching his son glide away from him. . . . +The last trace of steam evaporated in the autumn air. The train rounded a corner. Harry's hand was still raised in farewell. +"He'll be alright," murmured Ginny. +As Harry looked dat her, he lowered his hand absentmindedly and touched the lightning scar on his forehead. +"I know he will." +The scar had not pained Harry for nineteen years. All was well. \ No newline at end of file diff --git a/data/news.csv b/data/news.csv new file mode 100644 index 00000000..ae13b55f --- /dev/null +++ b/data/news.csv @@ -0,0 +1,120001 @@ +category,title +Business,Wall St. Bears Claw Back Into the Black (Reuters) +Business,Carlyle Looks Toward Commercial Aerospace (Reuters) +Business,Oil and Economy Cloud Stocks' Outlook (Reuters) +Business,Iraq Halts Oil Exports from Main Southern Pipeline (Reuters) +Business,"Oil prices soar to all-time record, posing new menace to US economy (AFP)" +Business,"Stocks End Up, But Near Year Lows (Reuters)" +Business,Money Funds Fell in Latest Week (AP) +Business,Fed minutes show dissent over inflation (USATODAY.com) +Business,Safety Net (Forbes.com) +Business,Wall St. Bears Claw Back Into the Black +Business,Oil and Economy Cloud Stocks' Outlook +Business,No Need for OPEC to Pump More-Iran Gov +Business,Non-OPEC Nations Should Up Output-Purnomo +Business,Google IPO Auction Off to Rocky Start +Business,Dollar Falls Broadly on Record Trade Gap +Business,Rescuing an Old Saver +Business,Kids Rule for Back-to-School +Business,"In a Down Market, Head Toward Value Funds" +Business,US trade deficit swells in June +Business,Shell 'could be target for Total' +Business,Google IPO faces Playboy slip-up +Business,Eurozone economy keeps growing +Business,Expansion slows in Japan +Business,Rand falls on shock SA rate cut +Business,Car prices down across the board +Business,South Korea lowers interest rates +Business,Google auction begins on Friday +Business,HP shares tumble on profit news +Business,Mauritian textile firm cuts jobs +Business,Chad seeks refugee aid from IMF +Business,Japan nuclear firm shuts plants +Business,Veteran inventor in market float +Business,Saudi Arabia to open up oil taps +Business,Saudi phone sector gets \$1bn lift +Business,Indians fill rail skills shortage +Business,Steady as they go +Business,"Google IPO: Type in 'confusing,' 'secrecy'" +Business,A bargain hunter's paradise +Business,Researchers seek to untangle the e-mail thread +Business,Microsoft Corp. 2.0: a kinder corporate culture +Business,Letters +Business,Somewhere between gleam and gloom +Business,Technology company sues five ex-employees +Business,Grant to aid Lynn Central Square +Business,State grant to aid Lynn; Bank gives Salem \$10k +Business,A New Legal Chapter for a 90's Flameout +Business,"Will Russia, the Oil Superpower, Flex Its Muscles?" +Business,"Switching Titles, if Not Gears, at Dell" +Business,For Sale: The Ultimate Status Symbol +Business,Quality Gets Swept Away +Business,Making Your Insurer Pay +Business,Delightful Dell +Business,Chrysler's Bling King +Business,What's Cool In the Pool ... ... And Hot On the Deck +Business,The Age of Doom +Business,Hip Hop's Online Shop +Business,Stoking the Steamroller +Business,Coming to The Rescue +Business,The New Customers Are In Town +Business,"Barrel of Monkeys, 2004 Edition: Notes on Philippine Elections" +Business,Oldsmobile: The final parking lot +Business,"Not All Jobs Belong To The White Man: Asian Minorities, Affirmative Action, And The Quest For Parity At Work" +Business,"Downhome Pinoy Blues, Intersecting Life Paths, and Heartbreak Songs" +Business,The Real Time Modern Manila Blues: Bill Monroe Meets Muddy Waters in the Orient +Business,Best Asian Tourism Destinations +Business,What are the best cities for business in Asia? +Business,IT alligator tales +Business,IT Myth 5: Most IT projects fail +Business,BEA grabs CA exec to head product group +Business,Autodesk tackles project collaboration +Business,U.K.'s NHS taps Gartner to help plan \$9B IT overhaul +Business,Play Boys: Google IPO a Go Anyway +Business,More Big Boobs in Playboy +Business,Dutch Firm Beats Apple to Punch +Business,HP to Buy Synstar +Business,A Personal Operator From Verizon +Business,Paid Search Growth May Slow +Business,Fark Sells Out. France Surrenders +Sci/Tech,"'Madden,' 'ESPN' Football Score in Different Ways (Reuters)" +Sci/Tech,Group to Propose New High-Speed Wireless Format (Reuters) +Sci/Tech,AOL to Sell Cheap PCs to Minorities and Seniors (Reuters) +Sci/Tech,Companies Approve New High-Capacity Disc Format (Reuters) +Sci/Tech,Missing June Deals Slow to Return for Software Cos. (Reuters) +Sci/Tech,Hacker Cracks Apple's Streaming Technology (AP) +Sci/Tech,European Download Services Go Mobile (Reuters) +Sci/Tech,Open Source Apps Developer SugarCRM Releases Sugar.Sales 1.1 (TechWeb) +Sci/Tech,Oracle Sales Data Seen Being Released (Reuters) +Sci/Tech,Sun's Looking Glass Provides 3D View (PC World) +Sci/Tech,Apple to open second Japanese retail store this month (MacCentral) +Sci/Tech,Charley's Force Took Experts by Surprise (AP) +Sci/Tech,"Science, Politics Collide in Election Year (AP)" +Sci/Tech,Building Dedicated to Columbia Astronauts (AP) +Sci/Tech,Russian Cargo Craft Docks at Space Station (AP) +Sci/Tech,Bangkok's Canals Losing to Urban Sprawl (AP) +Sci/Tech,"T. Rex Had Teen Growth Spurt, Scientists Say (Reuters)" +Sci/Tech,Gene Blocker Turns Monkeys Into Workaholics - Study (Reuters) +Sci/Tech,Dolphins Too Have Born Socialites (Reuters) +Sci/Tech,"What's in a Name? Well, Matt Is Sexier Than Paul (Reuters)" +Sci/Tech,UK Scientists Allowed to Clone Human Embryos (Reuters) +Sci/Tech,"Russian Alien Spaceship Claims Raise Eyebrows, Skepticism (SPACE.com)" +Sci/Tech,"Comets, Asteroids and Planets around a Nearby Star (SPACE.com)" +Sci/Tech,Perseid Meteor Shower Peaks Overnight (SPACE.com) +Sci/Tech,Redesigning Rockets: NASA Space Propulsion Finds a New Home (SPACE.com) +Sci/Tech,Studies Find Rats Can Get Hooked on Drugs (AP) +Sci/Tech,NASA Chief: 'Let's Go Save the Hubble' (SPACE.com) +Sci/Tech,Armadillo Aerospaces X Prize Prototype Crashes (SPACE.com) +Sci/Tech,Prairie Dog Won't Be on Endangered List (AP) +Sci/Tech,Hubble Trouble: One of Four Instruments Stops Working (SPACE.com) +Sci/Tech,Invasive Purple Weed May Meet Its Match (AP) +Sci/Tech,New NASA Supercomputer to Aid Theorists and Shuttle Engineers (SPACE.com) +Sci/Tech,Ants Form Supercolony Spanning 60 Miles (AP) +Sci/Tech,Viewer's Guide: Perseid Meteor Shower Peaks Aug. 11-12 (SPACE.com) +Sci/Tech,Rescuers Free Beached Whale in Brazil (AP) +Sci/Tech,Red-Footed Falcon Sighted in Mass. (AP) +Sci/Tech,Weak Version of Most Powerful Explosions Found (SPACE.com) +Sci/Tech,Simultaneous Tropical Storms a Rarity (AP) +Sci/Tech,NASA's Genesis Spacecraft Adjusts Course (AP) +Sci/Tech,"Earth is Rare, New Study Suggests (SPACE.com)" +Sci/Tech,Scientists Probe Pacific for Dead Zone (AP) +Sci/Tech,"Life on Mars Likely, Scientist Claims (SPACE.com)" +Sci/Tech,India Rethinks Plan to Send Man to Moon (AP) +Sci/Tech,Natural Sunblock: Sun Dims in Strange Ways (SPACE.com) +Sci/Tech,Website Lets Users Scout the Red Planet from Home (SPACE.com) +Sci/Tech,Appeal Rejected in Trout Restoration Plan (AP) +Sci/Tech,Explore the Many Colors of Stars (SPACE.com) +Sci/Tech,Britain Grants Human Cloning License (AP) +Sci/Tech,The Next Great Space Race: SpaceShipOne and Wild Fire to Go For the Gold (SPACE.com) +Sci/Tech,"Growth, Mortality of T. Rex Gets Clearer (AP)" +Sci/Tech,Space Science Pioneer Van Allen Questions Human Spaceflight (SPACE.com) +Sci/Tech,China Begins Manned Space Flight Countdown (AP) +Sci/Tech,Sunspot Grows to 20 Times Size of Earth (SPACE.com) +Sci/Tech,Japanese Lunar Probe Facing Delays (AP) +Sci/Tech,Pollutants From Asia Appear on East Coast (AP) +Sci/Tech,Vietnam's Citadel Vulnerable to Weather (AP) +Sci/Tech,U.S. Barred From Weakening Dolphin Rules (AP) +Sci/Tech,Canadian Robot a Candidate to Save Hubble (AP) +Sci/Tech,Cave Explorers Discover Pit in Croatia (AP) +Sci/Tech,Aquarium Reviews Death of Dolphin (AP) +Sci/Tech,Scientists Seek Better Way to Measure Rain (AP) +Sci/Tech,Wash. State Team's Private Rocket Explodes (AP) +Sci/Tech,Nevada Ponders Superfund Status for Mine (AP) +Sci/Tech,Indictments Using DNA on Rise Nationally (AP) +Sci/Tech,Southeast Coast Sees Fewer Turtle Nests (AP) +Sci/Tech,Company Said to Be Ready to Clone Pets (AP) +Sci/Tech,Deep-Sea Vessel Puts Ocean Floor in Reach (AP) +Sci/Tech,Chorus Frog Found Croaking in Virginia (AP) +Sci/Tech,Expedition to Probe Gulf of Mexico (AP) +Sci/Tech,Feds Accused of Exaggerating Fire Impact (AP) +Sci/Tech,New Method May Predict Quakes Weeks Ahead (AP) +Sci/Tech,Marine Expedition Finds New Species (AP) +Sci/Tech,Annual Study Finds Rise in Beach Closures (AP) +Sci/Tech,Pacific May Be Seeing New El Nino (AP) +Sci/Tech,Cassini Spacecraft Sees Saturn Lightning (AP) +Sci/Tech,Poachers Putting Endangered Rhinos at Risk (AP) +Sci/Tech,Experts Downplay Texas Shark Attacks (AP) +Sci/Tech,Study Says Birds Feed Other Birds' Young (AP) +Sci/Tech,Canadian Team Joins Rocket Launch Contest (AP) +Sci/Tech,Universities to Build Largest Telescope (AP) +Sci/Tech,Mauritanian Capital Battles Locust Swarm (AP) +Sci/Tech,Customers of Telco Companies Face Privacy Breach +Sci/Tech,"Mozilla To Add Support For XForms, World Yawns" +Sci/Tech,Junk faxes to be legalized as quot;opt-out? quot; +Sci/Tech,Biased Against Whom? +Sci/Tech,The Visual World of Michel Gondry +Sci/Tech,The Austral-Asian Strike Fighter +Sci/Tech,Insecurity: (Or Why Americans Aren't Feeling The Recovery) +Sci/Tech,The Great K5 Limerick Contest +Sci/Tech,RuntimeProperties... Reflection from System Properties +Sci/Tech,Thank You IBM! +Sci/Tech,"LinuxWorld, IDs, and Privacy" +Sci/Tech,My Blog as a Time Machine +Sci/Tech,NTP in Debian +Sci/Tech,Pretty Log4J +Sci/Tech,Saudis: Bin Laden associate surrenders +Sci/Tech,Mozilla Exceptions (mexception) +Sci/Tech,Ron Regan Jr is My Kinda Guy +Sci/Tech,Al Qaeda member surrenders +Sci/Tech,Mission Accomplished! +Sci/Tech,Java3D - Half Right +Sci/Tech,Reverse Psychology +Sci/Tech,Kerry's Disgusting Ad +Sci/Tech,What would Baby Jesus Think? +Sci/Tech,Americans and Freedom +Sci/Tech,Why Windows isn't Unix +Sci/Tech,"Microsoft, IE and Bloat" +Sci/Tech,"DRM is doubleplus good for business, Congress advised" +Sci/Tech,HP: The Adaptive Enterprise that can't adapt +Sci/Tech,Buffy the Censor Slayer +Sci/Tech,Ashlee Vance: the readers have spoken +Sci/Tech,<em>El Reg</em> pledges to name BSA antipiracy weasel +Sci/Tech,Wireless net to get speed boost +Sci/Tech,Watchdog rules over broadband +Sci/Tech,GameBoy mini-games win prize +Sci/Tech,Microsoft takes down SP2 sharers +Sci/Tech,Long-awaited Doom 3 hits the UK +Sci/Tech,Britons embrace digital lifestyle +Sci/Tech,PlayStation potential to learning +Sci/Tech,'Invisible' technology for Olympics +Sci/Tech,Satellite boosts Olympic security +Sci/Tech,3D holograms to crack forgeries +Sci/Tech,Video games 'good for children' +Sci/Tech,Fake goods tempting young adults +Sci/Tech,Catwoman far from perfect +Sci/Tech,"'Madden,' 'ESPN' Football Score in Different Ways" +Sci/Tech,AOL to Sell Cheap PCs to Minorities and Seniors +Sci/Tech,Microsoft to Introduce Cheaper Version of Windows +Sci/Tech,Companies Approve New High-Capacity Disc Format +Sci/Tech,Missing June Deals Slow to Return for Software Cos. +Sci/Tech,Microsoft Upgrades Software for Digital Pictures +Sci/Tech,Google to Pay Yahoo to Settle Patent Dispute +Sci/Tech,A Digital Doctor Treats Computer Contamination +Sci/Tech,'SP2' a Must With XP Use +Sci/Tech,Putting Your Own Stamp On All Your Parcels +Sci/Tech,Internet Challenges Face-to-Face Mingling +Sci/Tech,Forecast: Plenty of Activity On the Weather Blog Front +Sci/Tech,Google Starts Auction +Sci/Tech,Bids Placed Despite Mixed News +Sci/Tech,Antitrust Lawyer Takes Helm at FTC +Sci/Tech,GAO Calls Stryker Too Heavy for Transport +Sci/Tech,BioVeris Settles 2 Lawsuits Against Chief Executive's Son +Sci/Tech,Google: Now Playboy's Latest Bunny +Sci/Tech,EBay Buys Stake in Craigslist +Sci/Tech,Blog Interrupted +Sci/Tech,Hungry world 'must eat less meat' +Sci/Tech,Hopes soar for solo record plane +Sci/Tech,Arctic team reaches destination +Sci/Tech,Shuttle camera to watch fuel tank +Sci/Tech,Hubble peers at celestial bubble +Sci/Tech,Bacteria gives coral orange glow +Sci/Tech,Honey bees close museum +Sci/Tech,Clouds dash Perseids show +Sci/Tech,Worms may slow Parkinson's +Sci/Tech,Nasa help for stem cell study +Sci/Tech,TB test to slash infection rates +Sci/Tech,Scientists given cloning go-ahead +Sci/Tech,Vandals damage bird reserve +Sci/Tech,Heat waves set to become 'brutal' +Sci/Tech,Monkeys test 'hardworking gene' +Sci/Tech,Hearing clue to whale evolution +Sci/Tech,News: NASA Extends TRMM Operations Through 2004 Hurricane Season +Sci/Tech,News: Climate Change Could Doom Alaska's Tundra +Sci/Tech,News: How Strongly Does the Sun Influence the Climate? +Sci/Tech,News: New England Forests at Greater Risk from Air Pollution +Sci/Tech,"News: Warmer Weather, Human Disturbances Interact to Change Forests" +Sci/Tech,News: Duke Study Disputes Idea that Trees Can 'Relocate' Quickly in Response to Climate Change +Sci/Tech,"News: Droughts Like 1930s Dust Bowl May Have Been Unexceptional in Prehistoric Times, New Study Suggests" +Sci/Tech,News: New Study to Investigate Demise of Coral Reef Ecosystems +Sci/Tech,Natural Hazards: Typhoon Rananim +Sci/Tech,Horseflies and Meteors +Sci/Tech,Spinning Brains +Sci/Tech,What Neil Buzz Left on the Moon +Sci/Tech,"Voyager 1, Prepare for Action" +Sci/Tech,Saturn Hailstorm +Sci/Tech,Dino-Size Spurt: T. Rex Teens Gained 5 Pounds a Day +Sci/Tech,Fossils Show How Whales Evolved to Hear Underwater +Sci/Tech,"Real ""Danny Deckchairs"" Soar With Just a Seat and Some Balloons" +Sci/Tech,"""Unusually Good"" Meteor Shower Expected Tonight" +Sci/Tech,"""Monster"" Waves Suprisingly Common, Satellites Show" +Sci/Tech,"Ancient Olympians Followed ""Atkins"" Diet, Scholar Says" +Sci/Tech,U.S. Warrior Arms Africans to Hunt Sudanese Poachers +Sci/Tech,"Ancient Olympics Mixed Naked Sports, Pagan Partying" +Sci/Tech,Travel Column: Offsetting Air Travel's Greenhouse Impact +Sci/Tech,"Magma Surge Moves Nevada Mountain, Study Says" +Sci/Tech,266 Chimps From Lab Adopted by Florida Refuge +Sci/Tech,Locusts Inspire Technology That May Prevent Car Crashes +Sci/Tech,Progress Supply Ship Docks with Space Station +Sci/Tech,Building Dedicated to Space Shuttle Columbia Astronauts +Sci/Tech,Undersea Habitat Becomes Experimental Space Hospital +Sci/Tech,How Mars Fooled the World +Sci/Tech,Chandra Catches Early Phase of Cosmic Assembly +Sci/Tech,Hubble Peers Inside a Celestial Geode +Sci/Tech,Saturn's Moon Titan: Prebiotic Laboratory +Sci/Tech,Sharpest Image Ever Obtained of a Circumstellar Disk Reveals Signs of Young Planets +Sci/Tech,Chandra Celebrates Five Years of Scientific Breakthroughs +Sci/Tech,Some Globular Clusters May Be Leftovers From Snacking Galaxies +Sci/Tech,India Rethinks Plan for Manned Moon Mission +Sci/Tech,Cluster Finds Giant Gas Vortices at the Edge of Earths Magnetic Bubble +Sci/Tech,Saturn's Moon Titan: Planet Wannabe +Sci/Tech,Knocking on Heaven's Door +Sci/Tech,China Begins Countdown for Next Manned Space Flight +Sci/Tech,Trajectory Maneuver Brings Genesis Spacecraft Closer to Home +Sci/Tech,Japanese Lunar Probe Mission Facing Delays +Sci/Tech,Progress Cargo Ship for ISS Launched From Russia +Sci/Tech,The Annual Perseid Meteor Shower +Sci/Tech,NASA Approves Robotic Hubble Repair Mission +Sci/Tech,What Is a Comet Made Of? +Sci/Tech,Dying Star Goes Out With a Ring +Sci/Tech,Lost Sleep Leads to Health Problems +Sci/Tech,Which Diet is Best? The One That Works for You +Sci/Tech,Clouds are Cooler than Smoke +Sci/Tech,Last Year's Flu Shot Imperfect But Effective +Sci/Tech,Olympics Could Call Out the Couch Potatoes +Sci/Tech,Skateboarding Offers a Tough Workout +Sci/Tech,Rats May Help Unravel Human Drug Addiction Mysteries +Sci/Tech,Sting of Bug Bites Can Linger Into Adulthood +Sci/Tech,FDA Warns of Terrorist Prescription Drug Tampering +Sci/Tech,Scientists Probe Pacific Ocean for Dead Zones +Sci/Tech,Simultaneous Tropical Storms are Very Rare +Sci/Tech,Deaths Raise Fears Over Stomach Stapling Surgery +Sci/Tech,Growth and Mortality Details of T. Rex Get Clearer +Sci/Tech,Britain Approves Human Cloning +Sci/Tech,New Clot Preventer Saves Lives and Money +Sci/Tech,The Eyes Are the Window to Hypertension +Sci/Tech,Progress Is Made Battling Strep Germ +Sci/Tech,Fake Drug Sales Problematic in Mexico +Sci/Tech,New Allergy Vaccine Shows Promise +Sci/Tech,First Lady Bashes John Kerry's Pro Stem Cell Stance +Sci/Tech,Doctors Place Hope in Baby Pacemaker Devices +Sci/Tech,Vending Machines Making Room for Healthy Products +Sci/Tech,Getting beyond the next big thing +Sci/Tech,"If this is a tech rebound, pinch me" +Sci/Tech,Briefly: HP partners with 3G gear maker +Sci/Tech,Judge moves to unseal documents in Oracle case +Sci/Tech,Study: IT workers more optimistic +Sci/Tech,"California urged to use open source, VoIP" +Sci/Tech,Gartner: 'Steer away' from cheap Windows XP +Sci/Tech,Oracle expands midmarket ambitions +Sci/Tech,Taking the Microsoft Rorschach test +Sci/Tech,Earnings alert: BEA revenue rises amid turmoil +Sci/Tech,AMD starts shipping 90-nanometer chips +Sci/Tech,"Lenovo revenue grows, but problems persist" +Sci/Tech,Dell's second-quarter earnings meet expectations +Sci/Tech,"Tech market indeed soft, but HP woes one of a kind" +Sci/Tech,HP replaces three senior executives +Sci/Tech,"Meet the new boss, same as the old boss?" +Sci/Tech,IBM's mainframe momentum continues +Sci/Tech,Gateway alumnus resurfaces at HP +Sci/Tech,Security pro: Windows easier to 'own' +Sci/Tech,Securing the gold in Athens +Sci/Tech,Hacker takes bite out of Apple's iTunes +Sci/Tech,"Microsoft touts 'Sender ID' to fight spam, scams" +Sci/Tech,Begging for trouble on security +Sci/Tech,Microsoft's blast from the past +Sci/Tech,MSBlast suspect pleads guilty +Sci/Tech,Microsoft plugs hole in Exchange +Sci/Tech,PC security under fire +Sci/Tech,Flaw opens AOL chat software to intruders +Sci/Tech,HP partners with 3G gear maker +Sci/Tech,Cox speed boost leaves some members behind +Sci/Tech,Nortel wins Indian wireless contract +Sci/Tech,Mosquito software bites smart phones +Sci/Tech,Vonage hangs up on some callers +Sci/Tech,Group proposes faster Wi-Fi specification +Sci/Tech,Some VoIP calls being blocked +Sci/Tech,Covad tries an end run +Sci/Tech,FCC certifies Freescale ultrawideband technology +Sci/Tech,'Push to talk' meets Wi-Fi +Sci/Tech,PalmSource chairman to step down +Sci/Tech,Blu-ray Disc spec approved +Sci/Tech,iPod chipmaker plans stock offering +Sci/Tech,Sony zooms in with new TV tech +Sci/Tech,PalmOne to turn off wireless service +Sci/Tech,Apple puts edit tools in one basket +Sci/Tech,Microsoft wants to improve your image +Sci/Tech,DVD player profits down to \$1 +Sci/Tech,"Sharp brings 3D to PCs, without the funny specs" +Sci/Tech,Report: Los Alamos lab needs better hardware inventory +Sci/Tech,Circuit City chooses Linux for cash registers in 600 stores +Sci/Tech,Training seen as way to counter offshoring +Sci/Tech,Missing June deals slow to return for software companies +Sci/Tech,"VoIP gaining ground, despite cost concerns" +Sci/Tech,Olympic IT security requires advance planning +Sci/Tech,BEA meets lowered expectations for Q2 +Sci/Tech,Hunt for XP SP2 flaws seen in full swing +Sci/Tech,"Tools wrap: Sun, Javalobby, Infravio make moves" +Sci/Tech,Sender ID gains traction +Sci/Tech,"Storage, servers brings down HP results" +Sci/Tech,EBay takes stake in Craigslist +Sci/Tech,AMD starts shipping 90-nanometer chips to customers +Sci/Tech,FCC mobile spam rule doesn't cover some SMS +Sci/Tech,Benhamou will resign as chairman of PalmSource +Sci/Tech,Update: Google raises gavel for IPO auction Friday +Sci/Tech,Olympic-size security demands advance planning +Sci/Tech,EBay Buys into Craigslist +Sci/Tech,Is Microsoft's Firewall Secure? +Sci/Tech,Newest Ad-Aware Exposes Some Users +Sci/Tech,Trojan Bites Symbian Phones +Sci/Tech,ATI Brings Digital TV to Your PC +Sci/Tech,MSN Adds Movie Downloads and Rentals +Sci/Tech,Win XP Update: A Quiet Start +Sci/Tech,AOL Launches PC Line +Sci/Tech,Caregivers Carry Virtual Clipboard +Sci/Tech,Blaster Author Pleads Guilty +Sci/Tech,International Group Teams Against Spam +Sci/Tech,"Copiers Need Security, Too" +Sci/Tech,Intel Shows Wireless Transceiver +Sci/Tech,"AOL, Yahoo Add New Antispam Tools" +Sci/Tech,"Most Spam is Domestic, Study Says" +Sci/Tech,BlackBerries Play Politics +Sci/Tech,First Look at Quicken 2005 +Sci/Tech,Dell Unveils Inexpensive Projector +Sci/Tech,'Insider' Information Puts City Blogs on the Map +Sci/Tech,"Judge Says Amazon, Toys 'R' Us Must Work Together" +Sci/Tech,Google IPO Moves Ahead Despite Playboy Interview +Sci/Tech,EBay Buys 25 Percent Stake in Craigslist Network +Sci/Tech,Biometrics Creeping Into Everyday Life for Americans +Sci/Tech,Dell Posts Another Quarter of Nice Earnings +Sci/Tech,Playboy Article May Raise Concerns for Google +Sci/Tech,Hacker Cracks Apple's Music Streaming Technology +Sci/Tech,Athens Wrestles to Avoid Cell Phone Outages +Sci/Tech,Battling Robots in Japan's Pop-Culture Tech +Sci/Tech,Minnesota Teen Pleads Guilty in Web Worm Hack Attack +Sci/Tech,REVIEW: Windows XP Battens Down Hatches in Latest Patch +Sci/Tech,Microsoft Unveils Windows XP 'Starter Edition' +Sci/Tech,Google Sets Date for IPO +Sci/Tech,321 Studios Reaches Settlement in DVD Copying Dispute +Sci/Tech,Microsoft Says Battle in Japan Hurting Image +Sci/Tech,Sharp Introduces 3-Dimensional Computer Display +Sci/Tech,Google to Give Yahoo More Stock to Settle Dispute +Sci/Tech,Unprecedented Electronic Digital Net for Olympics +Sci/Tech,Heat Turned Up on Streaming Video Patents +Sci/Tech,Help's on the Way for Bad Dates Via Cell Phone +Sci/Tech,Reading the Prospectus Critical to IPO Decisions +Sci/Tech,Search Engine Forums Spotlight +Sci/Tech,Another Expanded Whois Service +Sci/Tech,Capturing Your Personal Web +Sci/Tech,Yahoo Offers Anti-Spyware App +Sci/Tech,"Google, Yahoo Settle Patent and Share Disputes" +Sci/Tech,Search Engine Forums Spotlight +Sci/Tech,eBay Buys 25 of CraigList +Sci/Tech,Getting Around Search Engine Optimization Roadblocks +Sci/Tech,Search Engine Marketing Mistakes Retailers Need to Avoid +Sci/Tech,Does Playboy Interview Violate Google IPO? +Sci/Tech,Google IPO Bidding Opens +Sci/Tech,Claria Cancels \$150 million IPO +Sci/Tech,Google IPO Registration Ends Today +Sci/Tech,Thoughts on the Google IPO +Sci/Tech,Avoid Search Engine Blacklisting +Sci/Tech,Google Index Database to be Archived? +Sci/Tech,News: U.S. tackles Emergency Alert System insecurity +Sci/Tech,News: UK police issue 'vicious' Trojan alert +Sci/Tech,News: UK scientists roll out Wi-Fi proof wallpaper +Sci/Tech,"Infocus: Examining a Public Exploit, Part 1" +Sci/Tech,"Infocus: Deploying Network Access Quarantine Control, Part 1" +Sci/Tech,Infocus: Data Driven Attacks Using HTTP Tunneling +Sci/Tech,Infocus: Wireless Attacks and Penetration Testing (part 3 of 3) +Sci/Tech,Columnists: The Panacea of Information Security +Sci/Tech,Columnists: Redmond's Salvation +Sci/Tech,Elsewhere: Blaster B Virus Creator Pleads Guilty +Sci/Tech,Animating for the Super Bowl +Sci/Tech,Apple Ships Motion +Sci/Tech,Apple Introduces Production Suite +Sci/Tech,iTunes Music Store Catalog Tops One Million Songs +Sci/Tech,Technology as Fashion +Sci/Tech,Creating Stunning DVDs +Sci/Tech,Revolutionizing Flow Cytometry +Sci/Tech,PowerSchool University +Sci/Tech,Guitar Player Honors GarageBand +Sports,"Phelps, Thorpe Advance in 200 Freestyle (AP)" +Sports,Reds Knock Padres Out of Wild-Card Lead (AP) +Sports,"Dreaming done, NBA stars awaken to harsh Olympic reality (AFP)" +Sports,"Indians Beat Twins 7-1, Nearing AL Lead (AP)" +Sports,"Galaxy, Crew Play to 0-0 Tie (AP)" +Sports,"USC Begins Season Where It Ended, at No. 1 (AP)" +Sports,Italy's Pennetta Wins Idea Prokom Open (AP) +Sports,Tough Race Ahead for Swimmer Phelps +Sports,Iranian Will Not Meet Israeli in Olympics Due to Weight +Sports,Tiger Runs Out of Steam After Storming Start +Sports,Colander Misses Chance to Emulate Jones +Sports,AL Wrap: Olerud Cheers Yankees by Sinking Ex-Team +Sports,NL Wrap: Jones Homers Twice as Braves Down Cards +Sports,Olympics-Doping-Greek Media Put Country's Honor Above Athletes +Sports,Olympics-Rowing-U.S. Eight Beats Canada to Set World Best Time +Sports,"Singh Leads, but Leonard Is Following" +Sports,Olerud Bails Out Loaiza in His Latest Bungled Audition +Sports,Family circle +Sports,Notables +Sports,Cubs get delivery from Wood +Sports,Leskanic winning arms race +Sports,Rehabbing his career +Sports,Warmer and wilder +Sports,Greek runners are suspended +Sports,"Throwbacks: Gannon, Collins in good form" +Sports,Enough to make you flip +Sports,"For Revolution, this tie looks good" +Sports,Sing Me Back Home matches track mark +Sports,Haas in fine form +Sports,USC starts at the top +Sports,'Gardening' costs Appleby -- in spades +Sports,"Hungarian GP, Qualifying" +Sports,"Budapest, Free Practice 3 and 4: A tight battle in store" +Sports,Overtaking at Budapest? Its possible +Sports,"Budapest, Day 1: everythings on track" +Sports,"Hungarian GP, Friday Round-Up" +Sports,Redskins Get the Boot +Sports,Trojans Open Up No. 1 +Sports,Offense Needs Work +Sports,Huey Exits Early +Sports,True Sensation Wins A Wet One at Pimlico +Sports,Lynx Infielder Fontenot Has 'Pretty Good Pop for His Size' +Sports,"Australia, U.S. Set Record" +Sports,Phelps On Relay Team +World,Venezuelans Vote Early in Referendum on Chavez Rule (Reuters) +World,S.Koreans Clash with Police on Iraq Troop Dispatch (Reuters) +World,Palestinians in Israeli Jails Start Hunger Strike (Reuters) +World,Seven Georgian soldiers wounded as South Ossetia ceasefire violated (AFP) +World,Rwandan Troops Arrive in Darfur (AP) +World,Rwanda Troops Airlifted to Start AU Mission in Darfur (Reuters) +World,Bomb at India Independence Parade Kills 15 (AP) +World,Australian FM to visit North Korea for talks on nuclear crisis (AFP) +World,Kerry Campaign Helping With Fla. Recovery (AP) +World,Edwards Calls for Changes to Drug Plans (AP) +World,Kerry leading Bush in key swing states (AFP) +World,Democratic Senator Urges Energy Reform (AP) +World,Missouri Attorney General Sues EPA (AP) +World,Mortars Mark Opening of Iraqi Political Conference +World,Japan Ministers Pay Homage at Shrine for War Dead +World,Najaf battle a crucial test for Allawi +World,Who are Ch #225;vez's opponents? +World,"Eye on Athens, China stresses a 'frugal' 2008 Olympics" +World,Tense Iraq debates new assembly +World,Venezuelans vote on Chavez rule +World,Pope celebrates Mass in Lourdes +World,Rwandan soldiers arrive in Sudan +World,Thorpe leads big guns +World,Mystery over judo 'protest' +World,Jackson probe 'should be public' +World,Rumsfeld warning for Iraq's Sadr +World,South Ossetia ceasefire discussed +World,'Mock executions' for UK hostage +World,India carries out rare execution +World,Rowling reads to gathered fans +World,President's fate is on the line in Venezuela +World,Lamenting London's double-deckers Up-to-date buses supplant symbol +World,Clash among warlords casts doubt on Afghanistan's security +World,Options running out as Najaf talks collapse +World,Japanese youths' rage fuels wave of violent crime +World,NATO proclaims victory in Bosnia +World,Koreans of mixed race tackle a prejudice +World,Venezuela Holds Referendum on President +World,Floridians Return to Storm-Ravaged Homes +World,Charley May Not Spike Insurance Premiums +World,Florida Residents Face Hurricane Wreckage +World,"Phelps, Thorpe Advance in 200 Freestyle" +World,Venezuela Opposition Holds Recall Vote +World,Bomb at India Independence Parade Kills 15 +World,Memorial Service Held for Lori Hacking +World,"Phelps, Thorpe Advance in 200 Freestyle" +World,Pilgrims Crowd Field for Mass With Pope +World,Iraqi Troops to Take Lead in Fighting Militia +World,High Stakes Showdown in Najaf +Business,Strategies for a Sideways Market (Reuters) +Business,Art Looks Like Fine Investment for Funds (Reuters) +Business,Oil and Economy Cloud Stocks' Outlook (Reuters) +Business,Strategies for a Sideways Market +Business,Art Looks Like Fine Investment for Funds +Business,Oil and Economy Cloud Stocks' Outlook +Sci/Tech,A Digital Doctor Treats Computer Contamination (washingtonpost.com) +Sci/Tech,Microsoft Lists Apps Affected by XP SP2 (Ziff Davis) +Sci/Tech,Europe's Eel Population Collapsing (AP) +Sci/Tech,Genetic Material May Help Make Nano-Devices: Study (Reuters) +Sci/Tech,Progress Cargo Ship Launched From Russia (AP) +Sci/Tech,Computer Naivete Costs A Bundle +Sci/Tech,NASA Develops Robust Artificial Intelligence for Planetary Rovers +Sci/Tech,Science and President Bush Collide in Election Year +Sci/Tech,Hurricane Charley's Force Took Experts by Surprise +Sci/Tech,New Computer Games Teach Nutrition to Needy +Sci/Tech,Sprint Set to Debut Video-Streaming Cell Phone +Sports,Kobe Bryant Due Back in Court Monday (AP) +Sports,Rangers Designate Bacsik for Assignment (AP) +Sports,Arsenal Beats Everton to Extend Streak (AP) +Sports,Nadal Wins in Poland for First ATP Title (AP) +Sports,Zahringer Leads Field at U.S. Amateur (AP) +Sports,Pau Edges Yao in Clash of the Giants +Sports,Hamilton Sets Early Pace as Woods Struggles +Sports,Iran Defies Olympic Spirit by Shunning Israel +Sports,U.S. Softball Team Puts Australia in Its Place +Sports,Schumacher Triumphs as Ferrari Clinches Title +World,Nearly 10 Million Afghans to Embrace Democracy (Reuters) +World,Mortars Mark Opening of Iraqi Political Conference (Reuters) +World,Conference Gives Iraq Democracy First Test (AP) +World,Countries Run Drills for Panana Attack (AP) +World,"Police push for surveillance fee on customers' phone, Internet bills (Canadian Press)" +World,Bush should have tackled reform before naming CIA boss: lawmaker (AFP) +World,Venezuelans Rush to Vote in Referendum on Chavez +World,TV: Iraqi Kidnappers of Iran Envoy Want POWs Freed +World,Nearly 10 Million Afghans to Embrace Democracy +World,Rebranded Liechtenstein Welcomes Fresh Prince +World,France marks the 'other D-Day' +World,Phish farewell attracts thousands +World,Iraq troops move angers S Koreans +World,Bush Surveys Damage in Florida as Toll Is Expected to Mount +World,"Phelps, Rival Thorpe in 200M-Free Semis" +World,Pope Struggles Through Mass at Lourdes +World,"Singh, Leonard in Final Pairing at PGA" +World,Venezuela Voters Turn Out in Huge Numbers +World,Reservists Say War Makes Them Lose Jobs +World,Wildfire Sweeps by Old Calif. Mining Town +World,Charley Damage Estimated at \$11 Billion +Sci/Tech,Entertainment World Wary of Microsoft (AP) +Sci/Tech,Cat Clones +Sports,US NBA players become the Nightmare Team after epic loss (AFP) +Sports,Report: Roenick Paid for Betting Tips (AP) +Sports,U.S. Basketball Team Loses to Puerto Rico +Sports,South Africa Ends Phelps Medal Quest +Sports,Iran Snub to Israel Challenges IOC +Sports,Romanian Gymnasts Edge Ahead of U.S. Women +Sports,Roenick Paid for Betting Tips +World,Parks Canada protest greets prime minister at closing of Acadian Congress (Canadian Press) +World,Palestinians in Israeli Jails Start Hunger Strike +World,Frail Pope Ends Tiring Lourdes Pilgrimage +World,No Gold for Phelps As Relay Team Falters +World,Dream Team Stunned by Puerto Rico 92-73 +Sports,"Roddick, Venus, Navratilova Win Openers (AP)" +Sports,American Duo Wins Opening Beach Volleyball Match +Sports,Puerto Rico Upsets United States Men +World,Venezuelans Throng to Polls in Chavez Referendum +Sports,Schumacher Triumphs as Ferrari Seals Formula One Title +World,Pope Struggles Through Mass at Lourdes (AP) +Sports,Nicholls State Fires Football Coach (AP) +World,Florida Starts Massive Hurricane Cleanup +World,Nicky Hilton Marries in Vegas +World,Election-Year Rate Hike Puzzles Some +World,Explosions Echo Throughout Najaf +World,Venezuela Voters Turn Out in Huge Numbers +World,Man Linked to N.J. Gov. Says He's Straight +Sports,Iraq Reaches Olympic Soccer Quarterfinals +Sports,No Gold for Phelps as Relay Team Falters +Sci/Tech,I Confess. I'm a Software Pirate. +World,Venezuela Oil Official Predicts Stability (AP) +Business,Funds: Are Bond Funds Hazardous? +Sports,O's Beat Blue Jays With Eight-Run Eighth (AP) +World,Italy on alert after purported Al-Qaeda ultimatum expires (AFP) +World,Edwards Caps Intense Push in Iowa (AP) +World,Two visions of Iraq struggle to take hold +Sports,Giants Top Phillies 3-1 to Finish Sweep (AP) +Sports,South Africa Ends Phelps' Gold Medal Quest +Sports,Johnson Helps D - Backs End Nine - Game Slide +Sports,Perry Out for Season +World,Millions Wait Hours in Venezuela to Vote in Recall Election +Sports,Leonard Forges Two Clear with Nine to Play at PGA +World,'Alien Vs. Predator' Smacks Down Rivals +World,"U.S. Men Stunned by Puerto Rico, 92-73" +Sports,49ers' Beasley Could Miss Several Weeks (AP) +Sports,Dodgers Rally in 8th to Defeat Cubs 8-5 (AP) +World,UN Weighs Situation in Burundi Following Massacre +Sci/Tech,Cold Winters Slow Northeast Hemlock Pest (AP) +Sports,Teen Is First Black National USTA Champion (AP) +World,Rwanda Troops Start AU Mission in Darfur (Reuters) +World,Rwanda Troops Start AU Mission in Darfur +Sports,Marlins Beat Brewers 5-3 in 10 Innings (AP) +World,U.S. Soldiers Battle Shiites in Najaf +Sports,NL Wrap: Johnson Fans 14 Mets as Arizona Snaps Slide (Reuters) +Sports,NL Wrap: Johnson Fans 14 Mets as Arizona Snaps Slide +World,New U.N. Official Assumes Kosovo Control (AP) +World,Venezuelans Line Up to Vote on Chavez +Sports,AL Wrap: Koskie Slugs Homer in 10th as Twins Edge Indians +Sports,Whistling Straits Proves It's Major League +Sports,Puerto Rico Stuns U.S. in Opening Round +Sports,Monday Morning +Sports,Homer Sinks Indians +Sports,"Despite Setbacks, Stahl Maintains Healthy Dose of Optimism" +Sports,AL Wrap: Koskie Slugs Homer in 10th as Twins Edge Indians (Reuters) +World,Venezuela Voters Crowd Polls in Chavez Referendum +World,Device 'may aid kidney dialysis' +Business,Shippers: Venezuela Oil Unfazed by Poll +Sports,Singh Wins PGA Championship in Playoff (AP) +Sports,Singh Snares PGA Title +World,U.S. Battles Shiites in Iraqi Holy City (AP) +World,Rumsfeld Briefs Russia on Shift of Forces +World,China's Panchen Lama visits Tibet +Sports,"DiMarco, Riley Play Way Into Ryder Cup (AP)" +World,Bomb Kills 16 During Indian Celebration +Business,Shippers: Venezuela Oil Unfazed by Poll (Reuters) +Sports,Phelps' Quest to Win 8 Gold Medals Ends (AP) +Sports,Nhleko Scores As Burn Beat MetroStars 1-0 (AP) +World,Rwandan troops arrive in Darfur as president vows force to protect civilians (Canadian Press) +Business,Dollar Falls to Fresh Low Vs Euro (Reuters) +Business,Nikkei Falls Over 1 Pct on Oil Worries +Business,The Region's Highest-Paid Executives +Business,"As XM Stock Recovered, Executives' Pay Modest" +Business,Lucrative Cash Package Came as Fairchild Reported \$53.2 Million Loss +Business,"Board Members, Executives and Family Members Can Still Benefit" +Business,"Survey Estimates Values of Options, Excludes Exercises" +Business,Government Spending Up Sharply Locally +Sports,"Woods Comes Up Empty, but Still No. 1 (AP)" +Sports,Tennessee Tech's Worrell Extends Contract (AP) +Sports,Brad Ott Gets First Nationwide Victory (AP) +World,Snow Storms Blanket Southern New Zealand (AP) +World,Swimming showdown +World,"Puerto Rico Stuns Dream Team, 92-73" +Sports,Scrimmage Gets Ugly +Sports,Schumacher Sets Mark +Sports,Business Is Business +World,Iraqi Conference on Election Plan Sinks Into Chaos +World,F.B.I. Goes Knocking for Political Troublemakers +Business,Nikkei Falls Over 1 Pct on Oil Worries (Reuters) +Sports,Falcons' Kerney Sprains Knee in Practice (AP) +Sports,McGahee Helps Bills Beat Broncos 16-6 (AP) +World,Tropical Storm Earl Hits Caribbean Isles +World,Report: Michael Jackson Not 'Manhandled' +World,Democrats Pressure McGreevey to Leave Soon +World,Bush Vows Rapid Aid to Hurricane Victims +Business,Nikkei Down at Midday on Oil Worries +Sci/Tech,Dell Exits Low-End China Consumer PC Market (Reuters) +Sports,Singh Wins Playoff and P.G.A. Title +Business,Caterpillar Union Rejects Contract Offer +Business,NYMEX Crude Hits Record \$46.76 +Sports,Singh Wins Playoff to Seize Third Major Title +World,South Korea Warns of Possible North Terrorism (Reuters) +World,Afghans Hail Chance for a Choice +Business,Caterpillar Union Rejects Contract Offer +Business,GM's Made-In-China Cadillacs in Early '05 +World,"Gas Prices Drop, but Increase Expected" +Sports,Funk Still Gets Cup Spot +World,Report: U.S. to Approve Sale of Aegis Ships to Taiwan (Reuters) +World,"Nikkei Down, Oil Worries Hit Exporters (Reuters)" +World,Report: U.S. to Approve Sale of Aegis Ships to Taiwan +Business,Wal-Mart Tries to Shine Its Image by Supporting Public Broadcasting +Business,Muddling Through (or Not): Mid-2004 Update on the Philippines +Sports,Unseeded Vaidisova Wins Vancouver Open (AP) +World,F.B.I. Goes Knocking for Political Troublemakers +Sci/Tech,Sybase looks ahead to RFID +Sci/Tech,Nanotech funding to grow to \$8.6 billion +Sci/Tech,Gateway lands on another retailer's shelves +Sports,Cardinals Ride Rolen +Sports,Braves Hum Along +World,Tibet's Second-Holiest Monk Makes Rare Lhasa Visit (Reuters) +World,Greek duo could miss drugs hearing +World,Package prompts US embassy alert +Sci/Tech,Don't Fear Internet Anonymity Tools (Ziff Davis) +Sci/Tech,Time Is Now for Linux Vendors to Protect Users (Ziff Davis) +Sci/Tech,Self-Healing Tech Could Boost IBM's Yield (Ziff Davis) +World,Emergency defers Maldives debate +World,Tigers reject Sri Lanka counter proposal to revive talks (AFP) +Business,"In Google's Auction, It's Not Easy to Tell a Bid From a Bet" +World,Suspicious Powder Found at U.S. Embassy in Malaysia +Business,Nikkei Hits 3-Mth Closing Low +Sports,"DiMarco, Riley Get on Ryder Cup Team (AP)" +World,Chinese dig for villagers buried under landslides after deadly typhoon (Canadian Press) +World,Americans appear in Kabul trial +Business,Stocks Fall as Oil Hits High +Business,Stocks Fall as Oil Hits High (Reuters) +World,Israel Turns Up Heat on Palestinian Hunger Strike (Reuters) +World,Two Chinese salesman gunned down in Thailand's restive south (AFP) +World,Israel Turns Up Heat on Palestinian Hunger Strike +Business,Iranian economic reform falters +Business,Space-age sport +Business,Eyes tired? Musical alerts ease computer user #146;s day +Business,"As money-raisers, 2004 #146;s initial offerings fall short" +Business,Internet publishing attracting academics +Business,Computers with multiple personalities +Sports,Paint it bleak +Sports,He #146;s not short on confidence +Sports,Pronger opts out of World Cup +Sports,Giants finish off Phillies +Sports,Texas goes wild +Sports,49ers #146; Beasley out till opener +Sports,At least Light #146;s sense of humor still intact +Sports,Dorman #146;s been dandy of late +World,Sudan refugees report new attacks +World,"Bomb at parade in India leaves 16 dead, 40 hurt" +World,Israeli speaks out on McGreevey +World,France remembers WWII Riviera mission +World,Pope struggles at shrine Mass +World,Uncertainty as Venezuela Awaits Referendum Result +Sci/Tech,Watchdog attacks ID card scheme +Sci/Tech,Ebookers sees 'encouraging' signs +World,Chavez Wins Venezuela Referendum-Official Results (Reuters) +World,US embassy in Malaysia in 'anthrax scare' (AFP) +Sci/Tech,UN creates game to tackle hunger +World,Chavez Wins Venezuela Referendum-Preliminary Result +Business,Oil Prices Hit Record (Reuters) +Sports,They flocked from Games +Sports,Ginobili gives Argentina big lift at the buzzer +Sports,Stewart spoils upset bid +Sports,US eights glide to finals in record times +Sports,Phelps #146;s quest for 8 golds goes under +Sports,Azevedo shot does trick +Sports,US team kicks over this result +Sports,Clout shown in rout +Sports,Punching his way forward +World,Fighting rages in South Ossetia +Sci/Tech,Sprint Puts Streaming Media on Phones +Sports,"Phelps, Thorpe Face Dutch Threat" +World,Liechtenstein royals swap power +World,Venezuelan President Survives Recall Vote +World,Rescue Teams Aid Hurricane Charley Victims +World,"Journalist, Translator Missing in Iraq (AP)" +World,Prudential drops bid for S.Korean assest managing firm (AFP) +World,Bush Plans to Withdraw Troops From Abroad (AP) +World,Pair tell of 'Falconio' sighting +Sci/Tech,'Virtual' repairs for Cutty Sark +World,Mass. Republicans Eye Kerry's Senate Seat (AP) +Business,Swatch tax complaint dismissed +Business,Small firms struggle as oil soars +Business,Microsoft takes down SP2 swappers +Sci/Tech,Symantec Readies Patching Tool +World,Panchen Lama Visits Tibet Capital (AP) +Sci/Tech,BearingPoint Wins ID Project at TSA +Sci/Tech,Government Spending Up Sharply Locally +Sci/Tech,Expense Issue Draws Mixed Views From Companies +World,Palestinian Prisoners Launch Hunger Strike +Business,Europe and US in aircraft aid row +World,Ex-Chess Champion Fischer to Marry Japanese Woman +Sci/Tech,Rogue proteins give yeast an edge +Sports,Twins Rally to Beat Indians in 10 Innings (AP) +Sports,Doping-Greek Sprint Duo's Hearing Postponed +Sci/Tech,Why cyberscofflaws get off easy +World,Pakistan still supporting Kashmiri rebels: Indian Home Ministry (AFP) +Business,Lowe's Second-Quarter Profit Rises (Reuters) +Business,Stocks Seen Little Changed; Oil Weighs +Business,Lowe's Second-Quarter Profit Rises +Business,Oil Prices Hold Near Record +Business,BA workers approve holiday strike +Sports,Doping Probe of Greeks Staggers Toward Farce +Business,Lowe's 2Q Earnings Higher on Home Market (AP) +Business,Sri Lanka hit by oil strike +Sci/Tech,Internet calls add foreign accent (USATODAY.com) +Sci/Tech,FCC mobile spam rule doesn't cover some SMS (MacCentral) +Sci/Tech,Ky. Professor Looks to Set Up Telescope (AP) +Sci/Tech,Survival of software's fittest +Sci/Tech,Playing the convergence game +Sports,Singh Wins Playoff to Seize Third Major Title +Sports,Williams Has No Problem Running with Jones +Sports,Moya Tames Olympic Wind and Enqvist; Dementieva Out +World,"Britain 'sleepwalking' into big-brother state, watchdog warns (AFP)" +World,India urges Bangladesh not to kill stray elephants (Reuters) +World,Israel Turns Up Heat on Palestinian Hunger Strike +Business,Cost Cuts Boost Kmart Quarterly Profit (Reuters) +Business,Cost Cuts Boost Kmart Quarterly Profit +Business,Wall Street to Open Little Changed +Business,Sysco Profit Rises; Sales Have Slowed +Business,Lowe's Profit Rises But Trails Estimates +Business,Kmart Swings to Second-Quarter Profit (AP) +Sci/Tech,Vodafone names former rival as new head of Japanese unit (AFP) +Sci/Tech,Cheap Windows comes under fire +Business,Wal-Mart Maintains August Sales Forecast (Reuters) +Business,Cost Cuts Help Kmart Post Profit +Sci/Tech,China's Red Flag Linux to focus on enterprise +Sci/Tech,Symantec releases patching tool +World,Chavez Claims Victory in Referendum on His Rule +Sports,U.S. Tries to Rebound From Loss in Athens (AP) +World,Olympian on Briton death charge +Sci/Tech,AccuRev touts software configuration management approach +Sci/Tech,End of the line for HP's Alpha processor +Sci/Tech,"HP pushes parity for Itanium, PA-RISC servers" +World,Darfur Displaced Return to 'Live in Fear' of Militia (Reuters) +World,Sudan Trying to Keep Darfur Promises-U.N. (Reuters) +World,Darfur Displaced Return to 'Live in Fear' of Militia +World,Ex-Chess Champion Fischer to Marry Japanese Woman +World,Heiress Nicky Hilton Marries in Vegas +World,Anarchists' Convention Debates Voting +Business,Allstate Says Charley Could Hurt Results +Business,Hungarian central bank cuts key interest rate by half percentage point (AFP) +Business,CompUSA Stores to Sell Gateway PCs (Reuters) +Business,CompUSA Stores to Sell Gateway PCs +Sci/Tech,Lebanese shun mobile phones for a day in protest at high costs (AFP) +Sci/Tech,Forming galaxy cluster captured +World,U.S. Embassy in Malaysia Has Anthrax Scare (AP) +World,Suspicious Powder Found at U.S. Embassy in Malaysia +World,Megawati Defends Achievements Ahead of Vote +World,Syrian Rights Activist to Be Released Pending Trial +Business,Kmart Posts Profit After Cost Cuts +Business,LifePoint in \$1.1 Billion Province Deal +World,Commuter tackles bad train service by starting own railway (AFP) +World,Israel turns up heat on prisoners +Sports,Czech Coach Hlinka Dies in Car Accident (AP) +Business,Stocks Set to Open Little Changed +Sci/Tech,Wherenet adds biz rules to RFID +Sci/Tech,Oracle readies CRM updates +World,Grieving families cremate dead after Assam bombing (Reuters) +World,Chechnya marks 'special' birthday +Sci/Tech,Feedster Includes Kanoodle Ads in RSS Feeds +Sci/Tech,Google IPO Continues Despite Playboy Boob +Sports,Greek Sprinters Given Two-Day Reprieve +Business,Sysco Corp.'s 4Q Profit Up 16 Percent +World,Chvez Is Declared the Winner in Venezuela Referendum +Business,Stocks Open Near Flat as Oil Near Record +World,"Letter, suspicious powder spark anthrax scare at U.S. Embassy in Malaysia (Canadian Press)" +Sports,Patriots Sign First-Round Pick Watson (AP) +Business,Indonesia urges debt flexibility +Business,Oil Holds Near Record Level +Business,Ride This Gem +Sci/Tech,HP Faces New Realities in a 64-Bit World (Ziff Davis) +Sci/Tech,EU Extends Microsoft-Time Warner Review (AP) +Business,Insurers Begin Tallying Charley Losses (Reuters) +Sci/Tech,Google Stays on Track Despite Best Efforts +Sci/Tech,Microsoft lists SP2 conflicts +World,Chavez Declares Recall Victory; Foes Claim Fraud +World,Singh Wins PGA Championship in Playoff +World,Crews Rush to Hurricane-Ravaged Florida +World,Stocks Higher Despite Soaring Oil Prices +World,China Condemns Whistle-Blower +Business,KMart Posts Profit; Cash Pile Grows +Business,Thomson Buys Test Provider Capstar +Business,Lowe's Reports Increase in Second-Quarter Net Income +Sci/Tech,New tool identifies 'phishy' Web sites +Business,"Lowe's Net Trails Views, But Shares Rise" +Sci/Tech,On the Beastie Boys 'virus' CD +Sci/Tech,Briefly: AOL kicks off free fantasy sports +Sci/Tech,"EC puts off decision on Microsoft, Time Warner deal" +Sci/Tech,An Olympic Selection of Search Resources +Business,KMart Posts Profit; Cash Pile Grows (Reuters) +Business,Oil Slips from Record High of \$46.30 +Business,Stocks Gain as Oil Prices Ease +Sci/Tech,News: Technology Already Exists to Stabilize Global Warming +Sci/Tech,"News: Future Heat Waves: More Severe, More Frequent, and Longer Lasting" +Sci/Tech,News: New Hypoxic Event Found Off Oregon Coast +Sci/Tech,HP invokes Adaptive Enterprise mantra +Sports,"Haas, Cink Join Ryder Cup Team" +Sports,American Aphrodite +Sports,Edwards Appears for Hearing +World,Superstar's uncivil behavior is criminal (Chicago Tribune) +World,Canada must help raise profile of development issues in Africa: Goodale (Canadian Press) +World,Govt likely to cut oil product duties - official (Reuters) +World,National pharmacare program would reduce hospital waiting lists: McGuinty (Canadian Press) +World,Losses and Lessons for Bush and Kerry (Los Angeles Times) +World,Pakistan Military Plays Down 'Terror Summit' Report +World,Trial on Private Prison in Afghanistan Is Underway +World,Bush's Withdrawal Plan Could Draw Votes +World,Delegates Urge Al-Sadr to Leave Shrine +World,Phelps to Take on Thorpe in Busy Night +World,"Haas, Cink Selected for Ryder Cup Team" +World,Florida Hurricane Death Toll Rises to 17 +World,Stocks Sharply Higher on Dip in Oil Prices +Business,How to Hire a Financial Planner (The Motley Fool) +Business,Daimler Nets \$900 Mln Via Hyundai Sale +Sci/Tech,AP: Group Discovers John the Baptist Cave (AP) +World,"Speed Up Saddam's Trial, Allawi Tells Court (Reuters)" +Business,The Internet Is Calling +Business,A Stereo with a Brain +Business,The Sponsor Moves In +Sci/Tech,South African telephone monopoly to go ahead with lay-offs despite court ban (AFP) +World,China Typhoon Death Toll Rises; 40 Missing (AP) +World,"Speed Up Saddam's Trial, Allawi Tells Court" +World,Singer 'may move to French jail' +World,What is this Man Plotting? +Business,Stocks Higher on Oil Price Relief +Sci/Tech,Nanotech Research Spending Seen Reaching #36;8.6 Bln (Reuters) +Sci/Tech,Kan. to Move Forward on Dinosaur Exhibit (AP) +Sci/Tech,Nanotech Research Spending Seen Reaching \$8.6 Bln +World,"Bombs explode at Nepal luxury hotel, no casualties (Reuters)" +World,AdWatch: Bush Raps Kerry on Intel Reform (AP) +Business,Is 4Kids 4 Investors? +Sci/Tech,Google: Now Playboy's Latest Bunny (washingtonpost.com) +Sci/Tech,Security expert warns computer hackers keeping up with technology (AFP) +Sci/Tech,E.U. Extends Review of Anti-Piracy Software Deal +World,Bicycle Bomber Attacks Nepal Hotel +Business,Charley Sends Mobile Home Stocks Soaring +Sci/Tech,Windows update causes headaches +Sci/Tech,Nanotech Research Spending Seen Reaching \$8.6B +World,Donkey cart beats out Porsche in Portuguese road race (AFP) +World,Sudan army voices opposition to upgrading of African Union mission (AFP) +Business,Stocks Higher on Oil Price Relief (Reuters) +Business,Intelsat to Be Bought for #36;5 Billion (Reuters) +Business,Intelsat to Be Bought for \$5 Billion +Business,Stamps.com Asks You to Picture This +Business,Will Schwab Reward Patience? +Sci/Tech,"Bacteria Give Coral Its Orange Glow, Study Finds (Reuters)" +Sci/Tech,HP unveils Unix roadmaps +Sci/Tech,McAfee grabs Foundstone +World,U.N. Official Urges Political Independence (AP) +World,Jackson Squares Off With Attorney +World,AP: Group Discovers John the Baptist Cave +World,Delegates Urge Al-Sadr to Leave Shrine +World,Bush Announces Plan for Troop Realignment +Sci/Tech,'SP2' a Must For XP Users (washingtonpost.com) +Sci/Tech,Rough patches for Microsoft's SP2 +Sports,Bryant Defense Wins Ruling +Business,"Stocks Up, Oil Price Ease Gives Relief" +Business,KMart Posts Profit; Cash Hits \$2.6 Bln +Sci/Tech,Personal Tech: Cybersecurity +Sci/Tech,PivX hardens Windows with Qwik-Fix Pro +Business,No Respite for Microsoft +Business,Overland Bullish on Tech +Sci/Tech,Plurality of Worlds in the Universe +Sci/Tech,CompUSA Agrees to Sell Gateway PCs (PC World) +Business,Lowe's Reports 18 Pct. Hike in Profits +Business,Toymakers' Stocks Hit Lows on Downgrade +Sci/Tech,Microsoft ships updated Works +Sci/Tech,Briefly: FaceTime pulls in \$16 million +Sci/Tech,"Microsoft, Time Warner DRM buy on EU review shelf" +Sci/Tech,Ex-Polaroid exec takes top finance job at 3Com +Sci/Tech,Intel delays first TV chip +Sci/Tech,"Sybase upgrades PowerBuilder, plots RFID move" +Sci/Tech,"Infocus: Detecting Worms and Abnormal Activities with NetFlow, Part 1" +Sports,Escobedo Keeps U.S. Unbeaten in Boxing (AP) +Sports,Chronology of Key Events in Kobe Bryant (AP) +Sports,Blackhawks Re-Sign Defenseman Berard +World,India makes elephants appeal +World,Murder search police make arrest +World,Bush Announces Plan to Realign Thousands of Troops +World,Bush Announces Plan for Troop Realignment +World,Jackson Squares Off With Attorney +Sci/Tech,Does That Web Site Look Phishy? (PC World) +Sci/Tech,Product Review: Nokia 6820 Wireless Messaging Handset (NewsFactor) +Sci/Tech,Sprint Broadens Its Vision (NewsFactor) +Sci/Tech,Microsoft Lists XP SP2 Problems (NewsFactor) +World,2 More Turkish Men Taken Hostage in Iraq (AP) +Sci/Tech,Group to Talk Coal-Bed Methane Drilling (AP) +Sci/Tech,FDA Approves New Device to Clear Blood Clots +Sci/Tech,Briefly: Sprint to bake in BlackBerry +Sci/Tech,Former Polaroid exec takes top finance job at 3Com +Sci/Tech,Sprint to bake in BlackBerry for businesses +Business,U.S. Stocks Rebound as Oil Prices Ease +Business,Dollar Rises Vs Euro After Asset Data +Sci/Tech,Bikes Bring Internet to Indian Villagers (AP) +Sci/Tech,Celebrity Chefs Are Everywhere in Vegas +Sci/Tech,Entertainment World Wary of Microsoft Technology +Sci/Tech,European Union Extends Microsoft-Time Warner Review +Sports,Patriots Sign Top Pick Watson (Reuters) +Sports,Olympics: Thorpe Beats Phelps as U.S. Fights Gold Gap +World,U.S. Awaits Judgment on Venezuela Voting (AP) +World,"Bush, Kerry Press for Women's Votes (AP)" +World,Insurers face massive storm bill +World,Fischer Appeals to Powell to Help Him Renounce U.S. Citizenship +Business,Venezuela's Chavez Wins Recall Referendum +Business,Halliburton Says Army Suspends Withhold Threat +Business,Belo Takes Charge for Advertising Refunds +Business,LifePoint to Buy Rival for \$1 Bln +Sci/Tech,Satellite TV Gains in Race Against Cable +Sci/Tech,Columnists: Big Brother's Last Mile +World,"US to withdraw up to 70,000 troops from Europe and Asia: Bush (AFP)" +World,Thorpedo Sinks Phelps' Shot at Record +World,AP: Group Finds Cave Linked to Baptist +Business,Venezuela's Chavez Wins Recall Referendum (Reuters) +Business,Private Firms to Buy Intelsat for \$3 Bln +Sci/Tech,Biometric ID System Said to Delay Venezuela Recall +World,Hurricane Emergency Aid Set Up in Florida (AP) +Business,Taco Bell's Blue Dew +Sci/Tech,Playlist magazine announced; first issue this month (MacCentral) +Sci/Tech,Traders Bet on Oracle's PeopleSoft Bid (Reuters) +Sports,Olympics: Thorpe Beats Phelps as U.S. Suffers Gold Gap +World,Iran Calls for U.N. Intervention in Iraq (AP) +World,Congolese Massacre Victims in Burundi Mourned +Business,Executive Compensation +Business,Kmart: Retail or Real Estate? +Sci/Tech,RSS gets down to business +Sci/Tech,Motorola and HP in Linux tie-up +Sports,Singh Growing Hall of Fame Credentials (AP) +World,Reality TV under fire in Portugal following 'Big Brother' suicide bid (AFP) +World,"2 Kidnapped in Iraq, 2 Others Freed (AP)" +World,Iraq Conference in Najaf Peace Bid; Oil Well Ablaze +Business,Equity Firms to Buy Intelsat for \$3.1 Bln +Business,Halliburton: Army to Give Company More Time to Resolve Billing Dispute +Sci/Tech,"Md. Field Dig May Reach Back 16,000 Years (AP)" +Sports,Former Super Flyweight Champion Quiroga Found Dead +Sports,Olympics: Thorpe Wins 'Race of the Century' +Business,Sysco Profit Rises; Sales Volume Flat +Sci/Tech,Microsoft details XP SP2 conflicts +Sports,Kobe Bryant Rape Trial Looks Set to Go Ahead (Reuters) +Sports,White Sox Manager Suspended Two Games (AP) +Sports,Kobe Bryant Rape Trial Looks Set to Go Ahead +World,Lufthansa to levy 'temporary' fuel surcharge (AFP) +World,Iraq's Al-Yawer Vows Kurd Rebel Crackdown (AP) +World,Japanese Power Company Missed Inspections (AP) +World,Bush Announces Plan for Troop Realignment +Sci/Tech,Intel to Delay Product for High-Definition TVs +Sci/Tech,"Dust Clears, Mars Bright, Spirit Good" +Sports,Despondent Brown: 'I Feel Like a Failure' (AP) +Sports,Beach Volleyball: Cook Propels Australia to Win +World,Ex-Spymasters Want Power for Intel Czar (AP) +Sci/Tech,Intel to Delay Product for High-Definition TVs (Reuters) +Sci/Tech,Most Japanese Women Shun Birth Control Pill +Sci/Tech,Oracle updates CRM sales tools +World,Germans Wary of U.S. Troop Withdrawal (AP) +Sci/Tech,Scientists Work on Cure for Mysterious Nerve Disease +Sports,Reds' Griffey Jr. Has Hamstring Surgery (AP) +Sports,Lightning Reacquire Prospal From Ducks (AP) +Business,Treasuries Fall as Oil Retreats (Reuters) +Business,"Product Previews, 8/16/2004" +Sci/Tech,HP's Software Woe Has Bigger Industry Implication (Reuters) +Sci/Tech,Mini Could Get Mighty with Speakers (Ziff Davis) +Sci/Tech,HP's Software Woe Has Bigger Industry Implication +Sci/Tech,Exercise -- the Real Fountain of Youth +Sci/Tech,Apple's colorful computer plans detailed +Sports,Favre Not Sure He Can Throw Fewer Picks (AP) +Sports,"V. Williams, Rubin Lose" +World,Veterans Set for Republican Convention (AP) +World,Congolese Massacre Victims in Burundi Mourned +World,Americans in Afghan Trial Ask FBI for Documents +Business,Insurers: Charley Claims at About \$7 Bln +Sci/Tech,Officials say Linux not a price ploy in Microsoft deal +Sports,High Expectations a New Feeling at Cal (AP) +World,GM to Begin Making Cadillacs in China (AP) +World,Champion boxer stabbed to death +World,Stocks Sharply Higher on Dip in Oil Prices +World,"Income Gap Up Over Two Decades, Data Show" +World,Trial Set for Courtney Love in Drug Case +World,Carter Endorses Chavez Win in Venezuela +Sci/Tech,HP's Livermore opts for 'content free' content +Sports,Cubs Pitcher Kerry Wood Loses Appeal (AP) +World,Suspected Militants Kidnap Iraqi Officer-Jazeera (Reuters) +World,Suspected Militants Kidnap Iraqi Officer-Jazeera +Sci/Tech,Cassini finds new Saturn moons +Sci/Tech,Oracle v. DOJ: Traders bet on Oracle +Sci/Tech,Open source on the line +Sports,Defense Could Dominate in the Big Ten (AP) +Sports,Chinese End Venus's Doubles Bid +Business,Stocks Bounce Back as Oil Retreats +Business,Google Could Make Its Market Debut Wed. +Sci/Tech,Cassini Finds Two New Saturnian Moons +Sports,Olympics: Japan Sneak Through to Win Men's Team Gold +World,Hundreds feared trapped as floods wreak havoc in southwest England (AFP) +World,"Donsanjh still nixing pharmacare, but premiers plan meeting to refine program (Canadian Press)" +World,Gebrselassie 'may pull out' +Sci/Tech,Google Stock Offering Remains on Track (AP) +Sci/Tech,Apple hints at colorful computer plans +Sci/Tech,CA buys PestPatrol antispyware developer +Sci/Tech,Microsoft details conflicts in new XP update +Sci/Tech,"Sybase upgrades PowerBuilder, plots RFID move" +Sci/Tech,McAfee to buy Foundstone for \$86M +Sci/Tech,IBM plans fewer U.S. layoffs to compensate for offshoring +Sci/Tech,Confidential Oracle sales data likely to be released +Sci/Tech,"Sidebar: The nuts and bolts of COM -- Objects, Interfaces and GUIDs" +Sci/Tech,Editor's Picks: The Best of our Web Services Coverage +Sci/Tech,Fun With Web services! +Sci/Tech,Yahoo Messenger Patches Security Hole +Sports,Overlooked U.S. Men's Gymnasts Take Silver (AP) +Sports,Phelps Upbeat Despite End of Seven-Gold Dream +Sports,Gold at Last for U.S. Swimmer Coughlin +Business,Google Could Make Its Market Debut Wed. (Reuters) +World,Husky Energy signs seventh contract with China National Offshore Oil Corp. (Canadian Press) +World,Venezuelans Vote to Keep Chavez in Office +World,Dow Closes Up 129 As Oil Prices Drop +Business,Lowe's Net Income Up 18 Percent +Sci/Tech,"Heat Waves to Worsen Across America, Europe - Study (Reuters)" +Sports,Thorpe Wins Men's 200 Freestyle +Sports,Outfielder Shane Spencer Rejoins Yankees +Sports,U.S. Ryder Cup Team Roster Set +World,Haitian Rebel Leader Appears for Trial (AP) +World,"For US team, the night of decision" +World,"Ch #225;vez declares referendum victory, but is battle over?" +World,Aid agencies rethink strategy +World,Even Greek grandmas root for the home team +Sci/Tech,IBM seeks dismissal in second part of SCO case +Sci/Tech,Microsoft delays automatic XP SP2 delivery +Sci/Tech,CA buys PestPatrol antispyware developer +Sci/Tech,"Gartner revises PC market forecast, warns of downside" +World,UN tries to keep up dialogue after Khartoum irked by Darfur criticism (AFP) +Business,Traders Bet Oracle Wins in Antitrust Case +Sci/Tech,Is Mercury the Incredible Shrinking Planet? MESSENGER Spacecraft May Find Out (SPACE.com) +Sci/Tech,Canadian Ansari X Prize Entrant Takes the Plunge in Test (SPACE.com) +Sports,Only Three Golds - U.S. Misfires in Early Days in Athens +Business,Krispy Kreme COO Leaves for New Job +Business,Google IPO statement ready to go +Business,Oil Prices Retreat From a Record High After Chvez Victory +Sci/Tech,IBM strikes at SCO claims +Sci/Tech,iSCSI gets some respect +Sports,Beach Volleyball: Australia in with a Shout +World,Flash floods force big rescue operation in tourist area of England (Canadian Press) +World,Harkin Calls Cheney Comments 'Cowardly' (AP) +Sports,Players Union Challenges Carter's Release (AP) +World,Deadline Looms for Suspects in UK Anti-Terrorism Raids +World,Rwanda issues genocide warning +Sci/Tech,Shell-Led Russia Venture Vows to Protect Rare Whales (Reuters) +World,Hurricane Victims Wait for Food and Water +World,Players Union Challenges Carter's Release +Sports,League-Leading Galaxy Fires Coach (AP) +Sci/Tech,Alcatel hopes security will get users to switch +Business,Google Could Make Market Debut Wednesday +Sci/Tech,China Mobile Suspends Sohu for Spamming Customers (Reuters) +Sci/Tech,Group to Propose New High-Speed Wireless Format +Sports,"Thorpe Reigns Supreme in Athens Pool, Phelps Grabs Bronze" +Sci/Tech,Probe into rising ocean acidity +Sci/Tech,New bird spotted in Philippines +Sci/Tech,WholeSecurity program targets fraud sites +Sci/Tech, #147;Generic Superheroes #148; +Sports,Celtics Still Waiting to Hear From Payton (AP) +Sci/Tech,Russian Supply Craft Docks with Space Station (Reuters) +World,A Look at U.S. Military Deaths in Iraq (AP) +World,New bird spotted in Philippines +Sports,NFL Players Association Files Grievance Over Carter Release (Reuters) +Sports,NFL Players Association Files Grievance Over Carter Release +World,"Chavez Survives Recall, Vows to Deepen Revolution" +Sci/Tech,3Com partners with wireless switch start-up +Sci/Tech,SEC Opens Inquiry Into Google Stock Issue (AP) +Sci/Tech,NASA Identifies Foam Flaw That Killed Astronauts (Reuters) +Sci/Tech,Catching 'phishers' a WholeSecurity sport +Sports,Lankford Accepts Minor League Assignment (AP) +World,FBI Tracks Potential GOP Protesters (AP) +World,Bush Announces Plan for Troop Realignment (AP) +Sci/Tech,Interior Will Delay Some Energy Projects (AP) +Sci/Tech,Second hat in ring for faster Wi-Fi standard +Sci/Tech,3Com partners with wireless-switch upstart +Sci/Tech,Interwoven scoops up records management company +World,Thorpedo Sinks Phelps' Shot at Spitz Mark +World,SEC Opens Inquiry Into Google Stock Issue +Business,Nortel Says Canada Plans Accounting Probe +Business,Brazil Starts to Crack Down on Counterfeit Goods +Sci/Tech,AP: Israel Cave Linked to John the Baptist (AP) +Sci/Tech,Blind Students to Launch NASA Rocket (AP) +Sports,NFL Players Union Files Carter Grievance (AP) +Sports,Mientkiewicz Starts at Second for BoSox (AP) +Sports,Thorpedo Sinks Phelps' Shot at Spitz Mark (AP) +World,Venezuelans Vote to Keep Chavez in Office (AP) +World,Edwards Vows Economic Aid for Heartland (AP) +World,"Chavez Survives Recall, Vows to Deepen Revolution (Reuters)" +Sci/Tech,Many engineers lack even a four-year degree +World,British researchers trace John Kerry's family back to European royalty (Canadian Press) +World,Chavez's Victory Garners Int'l Approval (AP) +Sports,Giants' Nen Still Hoping to Pitch in 2005 (AP) +Sports,Haas and Cink Named as U.S. Ryder Cup Wildcards +World,Venezuela Votes by Large Margin to Retain Chvez +Business,Airline Looks to Delay Its Pension Payments +Business,McDonald's Goes for Gold +Sci/Tech,Auction for Shares In Google's IPO May End Today (washingtonpost.com) +Sci/Tech,Four Firms Buy Intelsat +Sci/Tech,Auction for Shares in Google's IPO May End +Sci/Tech,BioVeris Files Delayed Annual Report +Sci/Tech,Background Investigation Shortfall Sends ManTech to a Loss +Sports,Athletics Win to Hang on to AL West Lead (AP) +Business,Nikkei Higher by Midday +Sports,"Hewitt, Sluiter, Muller Win at Legg Mason (AP)" +Sports,"Ivan Hlinka, 54, Czech Coach of Gold Medal Hockey Team, Dies" +World,The Geisha Stylist Who Let His Hair Down +World,Hard-Hit Havana Still Short of Water +World,Syrian Court Releases Rights Activist on Bail +World,Iraqi peace team to go to Najaf +Sports,Seahawks Defeat Packers 21-3 in Preseason (AP) +World,China Tests New Guided Missile Amid Taiwan Tensions +World,New York City Lowering Its Sights for a Convention Boom +Sports,Streaking Rangers Hold Off Indians 5-2 (AP) +World,Suspect Admits Jewish Graves Desecration (AP) +World,Hospitalised woman in Vietnam tests positive for bird flu (AFP) +Business,Nikkei Rises by Midday +Sports,Braves' Chipper Jones Hits 300th Homer (AP) +World,Nikkei Rises by Midday (Reuters) +Business,A Texan's Race for the House That Could Lead to the F.C.C. +Business,A New Campaign for Viagra +Business,Halliburton Has More Time to Verify Costs +Sci/Tech,Microsoft Delays Automatic Win XP Updates +Sports,A's Quiet Orioles +Sports,Harris Takes the Field +Sports,QBs Grab Spotlight +Sports,Seahawks Stuff Packers +Sports,Full Disclosure Ordered +Business,A Texan's Race Could Lead to the F.C.C. +Business,Stocks End Sharply Higher as Oil Prices Drop +Business,LifePoint to Buy Rival for \$1 Bln +Sports,This Date in Baseball - Aug. 17 (AP) +World,"Nation's Charter Schools Lagging Behind, U.S. Test Scores Reveal" +Business,BA set to hold key strike talks +Sci/Tech,Yahoo to Sell Domain Names (AP) +Sci/Tech,Rival Targets Apple's ITunes Customers (AP) +Sci/Tech,Linux clusters gear up for simulated combat +Sci/Tech,IBM to round out iSeries Power5 server family +Sports,Sides Still Far Apart +World,Hezbollah Re-Elects Sheik Hassan Nasrallah (AP) +World,Clashes persist in South Ossetia +Sci/Tech,Briefly: Linux clusters gear up for simulated combat +Sci/Tech,Search Engines and Competitive Research +Sci/Tech,Real launches 'Freedom of Choice Campaign' (MacCentral) +Sports,Marlins Defeat Dodgers 4-2 (AP) +Business,Google Says It's Set to End Stock Auction +Business,Safety Gap Grows Wider Between S.U.V.'s and Cars +World,China Typhoon Death Toll Rises to 164 (Reuters) +Business,"Coke's Heyer to Go, May Join Starwood" +Business,Dollar Struggles to Extend Gains +Sports,AL Wrap: Redman Helps Athletics Maintain AL West Lead +World,"Australian opposition pulls ahead in close election race, polls show (AFP)" +World,Iraqi Delegation Set for Najaf Peace Bid (Reuters) +World,Indonesia Reduces Jail Sentences of Militants (Reuters) +World,Iraqi Delegation Set for Najaf Peace Bid +Sports,NL Wrap: Pujols Drives in Five Runs as Cardinals Rout Reds (Reuters) +Sports,NL Wrap: Pujols Drives in Five Runs as Cardinals Rout Reds +Business,Oil Prices Slip Below \$46; Risks Abound +Business,Dollar Stalls Despite Capital Flows +Sci/Tech,Global Warming Menaces California Wine Industry (Reuters) +World,New intelligence reform bill may pit US Congress against White House (AFP) +Business,Oil Prices Slip Below #36;46; Risks Abound (Reuters) +World,Sprinters' coach confident +World,Professor devises climate-based model to predict football sackings (AFP) +Business,Tokyo Shares Rise But Oil Worries Weigh +Sports,"Celtics Sign Gugliotta, Wait on Payton (AP)" +Sports,Giants Clobber Expos 8-5 (AP) +Sci/Tech,Study: Global Warming Could Change Calif. (AP) +World,EU nations slam Tiger rebels as fresh killings dim Sri Lanka peace hopes (AFP) +Sci/Tech,Storage Services Market Heading To #36;30 Billion (TechWeb) +Sci/Tech,Oracle Releases New CRM Software (TechWeb) +Sci/Tech,Researchers Find New Species of Bird (AP) +World,Israeli Soldiers Kill Two Gaza Militants (Reuters) +World,"Sharon Approves 1,000 Settlement Homes in W.Bank" +Business,Mass. still a no-go for Geic +Business,Bank of America signs in +Business,Stakes high for Windows upgrade +Business,For the record +Business,Citizens gets US OK for Charter One buy +Business,Stocks surge amid upbeat outlooks +Business,Krispy Kreme operating chief quits +Business,FDA adopts 'lighter touch' on drug imports +Business,Power line's cost could grow 40 +Business,January trial is set for former HealthSouth CEO +Sports,Taking a crash course +Sports,Blue Jays hope to go places with Gibbons +Sports,Sox and bonds +Sports,Ainge is waitin' for Payton +World,American says US backed his jail +World,Communists condemn whistle-blower +Business,Business economists say terror the biggest risk in US (AFP) +Sci/Tech,Google market debut draws near +Sci/Tech,New Ernie machine to make debut +Sci/Tech,EasyMobile faces Orange showdown +World,Saudis Use 9-11 Report in U.S Ad Campaign (AP) +World,Mexican Migrant Seeks U.S. Work Visa (AP) +World,"Stressed, Depressed Japan Princess May Visit Brunei (Reuters)" +World,"Nepal Army on Alert, Hotel Shut After Bombs" +Business,Motorola Expects Strong Sales Growth +World,Fighting in Western Afghanistan Kills 3 (AP) +Sports,Phelps's chase of Spitz mark? It's history +Sports,US dominance an impossible dream +Sports,Rangers remain in step +Sports,Watson holdout ends +Sports,A bit of a head-scratcher +Sports,Czech hockey coach Hlinka dies after car crash +Sports,Bronze is golden to Methuen's Pedro +Sports,Greeks get surprise gold in synchronized diving +Sports,McCool not getting off the mat +Sports,Red Sox and Patriots ceremoniously beaten +Sports,Today's schedule +World,Israel to Build New Housing Units (AP) +World,Sharon 'backs settlement homes' +World,Oprah to sit on murder trial jury +Sci/Tech,Motorola Expects Strong Sales Growth (Reuters) +World,U.S. Handling of Helicopter Crash Irks Okinawa (Reuters) +World,Testimony Opens in 9/11 Retrial Case (AP) +Sci/Tech,Home PCs to get key Windows fix +Sci/Tech,Science creates 'own mavericks' +Sports,"Ward, Pujols, Jones Put Up Big Numbers (AP)" +Sports,"Olympics: Greeks Dive for Joy, More Gold for Thorpe" +World,India agree contracts +World,Mortar Attack in Central Baghdad Kills 5 +Business,"Oil Slips Below \$46 on Venezuela, Russia" +Sci/Tech,Crack Fedora Core and Red Hat Enterprise Linux +World,Burundi Army Says Might Enter Congo After Massacre (Reuters) +Sci/Tech,New Flightless Bird Species Found Off Philippines (Reuters) +Sci/Tech,Macromedia to bolster video on the Web +Sports,Olympics: China Halfway to Completing Medals Plan +World,"NY Seen Steady; Eyes on AMAT, Motorola (Reuters)" +World,Burundi Army Says Might Enter Congo After Massacre +Business,Home Depot Quarterly Profit Rises (Reuters) +Business,Home Depot Quarterly Profit Rises +Business,Dollar Mired Near Lows Before U.S. Data +World,American Allies Embrace U.S. Military Plan (AP) +World,Taiwan Offers Compromise on Direct China Links +World,"Baghdad Blast Kills Seven, Najaf Fighting Rages" +Business,Oil giant Yukos in plea for time +Business,Finance workers in union merger +Sci/Tech,IT managers prescribe holistic security +Sci/Tech,UK gamers rush to snap up Doom 3 +World,Wanted: Sleeping Space for Protesters. Hot Water Optional. +Business,Dollar Mired Near Lows Before U.S. Data (Reuters) +Business,Home Depot Profit Tops Estimates on Sales +Sci/Tech,Warming threatens California wine +World,"North Korea Talks Still On, China Tells Downer" +World,Israel Invites Bids in Construction Plan (AP) +World,Higher oil prices to trim China's 2004 GDP growth (AFP) +Sci/Tech,Motorola Expects Strong Sales Growth +Sci/Tech,Soldering Surprise +Sports,U.S. Gymnasts End Rebuilding With Silver (AP) +World,Three Members of Bhutto's Party Killed (AP) +World,"Sharon Allows 1,000 More Settler Homes in West Bank" +Business,Staples Posts Sharply Higher Profit (Reuters) +Sci/Tech,Vote now to name BSA's antipiracy weasel +World,Russian Court Rejects Researchers' Appeal (AP) +Sci/Tech,Blu-ray burns for interactive content +Sci/Tech,Standards battle could shoot both sides in foot +World,Revealing Hospital Gowns Redesigned +World,Stocks to Be in a Cautious Mood at Open +World,Hostile Takeover +World,Giving Back Hope +Business,Home Depot Rises Before the Bell +Sci/Tech,BOFH takes a hit from Cupid's arrow +Sci/Tech,Nortel Says Canada Plans Accounting Probe +Sci/Tech,Two Plead Not Guilty in Hacking Case +Sci/Tech,Rival Targets Apple's ITunes Customers +Sci/Tech,Free-Speech for Online Gambling Ads Sought +World,US hurricane victims face turmoil +Business,Google seeks OK to sell shares +Business,\$1.1b deal to join hospital chains +Business,J.C. Penney Posts Second-Quarter Profit (Reuters) +Business,German investor confidents slides on high oil prices (AFP) +Business,J.C. Penney Posts Second-Quarter Profit +Business,"Staples Profit Up Sharply, to Enter China" +Business,Estee Lauder Quarterly Profit Climbs +Business,"BJ's Profit Rises; Food, Gas Sales Strong" +Sci/Tech,PalmOne Unveils SD Wi-Fi Card (PC World) +Sports,Americans Miss Cut +World,Twins of the world unite in France (AFP) +World,Developing states to seek voice in fighting terror (Reuters) +Sci/Tech,Symantec Upgrades Norton Security Products +World,Afghan president gains backing of militia commanders ahead of polls (AFP) +World,Iraqi Delegation Flies to Najaf in Peace Bid +World,"U.S. to Give Cuba #36;50,000 Hurricane Aid (AP)" +Business,Euro industrial production slows +Business,German welfare rallies escalate +Sci/Tech,Ice yields ancient 'plant matter' +Sci/Tech,Many engineers lack a four-year degree +Sci/Tech,AMD begins shipments of Oakville mobile chips +Sci/Tech,Google seeks to end auction Tuesday +World,Germany Shaken by U.S. Plans to Withdraw Troops +World,Americans Miss Cut in 100-Meter Freestyle +World,"790,000 Still Have No Power in Florida" +World,'Boots' Takes Gold at the Ferret Olympics +Business,Saks Posts Wider Second-Quarter Loss (Reuters) +Business,"July Consumer Prices Drop, Energy Tumbles" +Business,Housing Starts Rebound Sharply in July +Business,"Home Depot, Motorola Rise Before Bell" +Sci/Tech,Researchers Develop Method to Find Algae (AP) +World,U.S. Brokers Cease-fire in Western Afghanistan +World,Football: Liverpool sign Nunez +Business,"July Consumer Prices Drop, Energy Tumbles (Reuters)" +Business,Housing Starts Rebound Sharply in July (Reuters) +Business,Consumer Prices Dip in July +Sci/Tech,Groups: Ill. Butterfly Population Falling (AP) +World,Rescue workers comb storm-hit Cornish village after flash flood horror (AFP) +World,Vietnam Hosts Investment Conference (AP) +Business,Auto Retailer CarMax Cuts Profit Outlook (Reuters) +Business,Stocks Set to Open Up After Reports +Business,Treasuries Edge Ahead on Inflation Relief +Business,Chain Store Sales Growth Slows +Sci/Tech,Cool Weather Killed Gypsy Moths in Wis. (AP) +Sci/Tech,Broadband offers magical journey +World,"BHP Billiton year to June profit seen up sharply on higher prices, demand (AFP)" +Business,Profits Up for Farm Equipment Maker Deere +Business,"Oil Eases on Venezuela, Russia Optimism" +Business,Consumer Prices Fell Modestly in July +Business,Home Depot Reports 19 Percent Rise in Profits +Sci/Tech,Microsoft delays SP2 auto update +Sci/Tech,Google set to list as soon as Wednesday (AFP) +Sci/Tech,IBM rolls out midrange eServer i5 +Sports,NBA Olympians feel urgency after stunning loss (AFP) +World,Court to Consider Yukos' Plea on Tax Bill (AP) +World,Iraq Peace Mission in Najaf; Baghdad Blast Kills 7 +World,Ugandan Army Says Nine LRA Rebels Killed +Business,"Consumer Prices Drop, Housing Starts Soar (Reuters)" +Business,Profits Up for Farm Equipment Maker Deere (Reuters) +Business,BJ's Wholesale Reports #36;28M 2Q Profit (AP) +Business,Last Call for Investors to Bid on Google +Sci/Tech,HP's Unix base offered Opteron carrot +Sci/Tech,Exploring Venus: The Hothouse Planet +Sci/Tech,Yahoo Offering Cheaper Domain Names and Hosting +World,Moldovan summertime 'Love Under a Lime Tree' sets European hips swinging (AFP) +World,Americans Falter in 100M Freestyle Prelims +World,Consumer Prices Fall As Gas Costs Drop +Business,U.S. July Output Up; Factories Run Faster +Sci/Tech,Google IPO Auction to End Tonight +World,U.S. Brokers Cease-fire in Western Afghanistan (Reuters) +World,Warming threatens California wine +World,Phaithful Phlock to the Phinish as the 21-Year Jam Ends in Tears +Business,"Stocks Open Higher on Housing, CPI Data" +World,Iraqi Peace Mission in Najaf; Baghdad Blast Kills 7 +Business,U.S. July Output Up; Factories Run Faster (Reuters) +Business,Last Call for Investors to Bid on Google (Reuters) +Sci/Tech,Intel Delays Digital TV Chips (PC World) +Sports,Greek Athletes Shocked by Accusations +World,Fish Dumped at Landmark in Pollution Protest (Reuters) +Business,Auto Retailer CarMax Trims Outlook +Business,Home Depot Sees 2Q Profit Jump +Sci/Tech,Final frontier: 'Star Wars Trilogy' on DVD (USATODAY.com) +Sci/Tech,Stock lawsuit possible in telecom merger plan (USATODAY.com) +Sci/Tech,Autodesk: Piracy in India Costs Us #36;367M (AP) +Sci/Tech,IBM Adds New Power5 iSeries Server (Ziff Davis) +Sci/Tech,Blind Students to Help Launch NASA Rocket +Sci/Tech,Scientist Advocates for Embryonic Stem Cell Research +Sci/Tech,The Playboy Google Interview +World,Text Message Leads Police to Killers (AP) +Business,"Deere Earnings Jump, Raises 2004 Forecast" +Sci/Tech,Real is playing for keeps in music price war (USATODAY.com) +Sci/Tech,RealNetworks Tries to Core Apple +Sci/Tech,Rival Targets Apple's ITunes Music Customers +Sci/Tech,Intel Delays Launch of New Projection TV Chip +Sci/Tech,Bikes Bring Internet to Indian Villagers +Sci/Tech,MSN Closes Search Engine Technology Preview +Sports,NHL Labor Negotiations Set to Resume (AP) +Business,Dollar Gains on Euro After Muted U.S. CPI +Business,High oil prices hit China growth +Business,US prices in surprise July slide +Sci/Tech,RealNetworks Tries to Core Apple (washingtonpost.com) +Sci/Tech,Google IPO Awaits Final Approval +World,Charges laid against eight British terror suspects (AFP) +World,Father of Pakistan Al Qaeda Suspect Files Petition +World,Eight men face terror charges +World,Protester sparks security review +World,Man charged with killing ex-miner +World,Iraqis on Mission to End Najaf Insurgency +World,Sharon Resumes West Bank Construction +World,Stocks Rise on Drop in Consumer Prices +World,Sharon Resumes West Bank Construction +Business,"Estee Lauder Profit Up, Shares Down (Reuters)" +Business,"Treasuries Up, Rate Hike Still in Offing (Reuters)" +Business,US industrial production rises 0.4 percent in July (AFP) +Business,"Stocks Up, Data Shows Inflation in Check" +Sports,Kenteris protests innocence +Sports,British eventers slip back +Sci/Tech,Drug Shows Promise for Alcoholism +World,UAE wins first Olympic gold +Business,Last Call for Investors to Bid on Google +Business,"Oil Falls on Reduced Concern About Venezuelan, Russian Supply" +Business,"Can Glaser, Jobs find harmony?" +Business,PCI: Charley not as devastating as Andrew +Business,Stocks Rise on Drop in Consumer Prices +Business,Apax and Permira finalise \$5bn acquisition of moon-landing firm +Business,US Air to Seek 5-Year Extension for Pension Fund Payments +Business,Housing Starts Rebound Sharply in July +Business,Mills to pay GM unit \$1 bln for stakes in 9 malls +Business,OFT invites comment on Telegraph deal +Business,Cantor Fitzgerald spinning off unit +Business,Around Asia #39;s Markets: Shopping your way to better returns +Sci/Tech,Microsoft delays SP2 auto update +Sci/Tech,New moons for Saturn +Sci/Tech,Intel Delays LCOS chips for HDTV +Sci/Tech,Intel delays delivery of chip for projection TVs - report +Sci/Tech,CA moves to tackle spyware +Sci/Tech,Hunters are poised as some whales thrive +Sci/Tech,PalmOne Unveils Wi-Fi SD Card +Sci/Tech,IBM seeks dismissal of breach of contract claims in SCO case +Sci/Tech,Many engineers lack a four-year degree +Sci/Tech,HP releases quot;carrier quot; grade Linux for pigeons +Sci/Tech,Police officer arrested in Internet sex sting +Sci/Tech,Researchers Develop Method to Find Algae +Sci/Tech,Indian researcher designs revolutionary low cost PC for the poor +Sci/Tech,3Com partners with wireless switch start-up +Sci/Tech,Coral gets its color from bacteria +Sci/Tech,2004 Global nanotech spending report +Sci/Tech,WholeSecurity takes phish-blocking to browser +Sci/Tech,MyDoom worm still causing problems +Sports,Hall-of-Fame credentials +Sports,Plenty of Room at the Inns of Athens +Sports,Pratt advances to third round +Sports,West Indies thrashed by England +Sports,Yao #39;s 39 carries China past New Zealand +Sports,Olympics-Henin rust-free but Ferrero falters +Sports,Rugby-South Africa opt for Venter #39;s physical edge +World,Vatican Says It #39;s Willing #39; to Help End Najaf (Correct) +World,UK village wrecked by flash floods +World,China #39;s Appeal to North Korea: Attend Nuclear Working Talks +World,Chess legend wedding bid #39;genuine #39; +World,Al Qaeda operative said to visit Pakistan +World,German welfare rallies escalate +World,Migrants #39; ordeal ugly side of paradise +World,Tamil Tigers are unlikely to change their stripes (NEWS ANALYSIS) : +World,Deaths in Nigerian cult clashes +Business,Motorola Expects Strong Sales in 2nd Half +Sci/Tech,Work Works for Women +Sci/Tech,Symantec to reinforce data protection +Business,Google IPO Set to Trade this Week +Business,European/US private equity consortium buys Intelsat in deal valued at \$5bn +Sci/Tech,Windows Update +Sci/Tech,New bird survives hungry Filipinos +Sci/Tech,Intel Delays Digital TV Chips +Sci/Tech,CA buys PestPatrol anti-spyware developer +Sci/Tech,KDE 3.3 Linux desktop closes in on Windows +Sports,Bill Simmons +Sports,Nunez officially joins Liverpool +Sports,Iranian judo scandal +Sports,The Boks Must Give Lame Kicks the Boot +Sports,Basketball: China #39;s Yao Takes Anger Out on New Zealand +Sports,Lara #39;s captaincy on the line at Oval +Sports,Americans lose second beach volleyball match +World,Massacre Threatens to Derail Congolese Peace Process +World,"Sharon Allows 1,000 More Settler Homes in West Bank" +World,Kidnap accused says he worked for US +World,The New Woman in Schrder #39;s Life +World,Sri Lankan navy detects Tamil rebels smuggling weapons +World,HK government set to petition release of democrat jailed in China +World,Latham urges PM to remove public service gag +Sci/Tech,TeliaSonera acquires 100 pct of Lithuanian mobile company Omnitel (AFP) +Sci/Tech,Matter of Time Before Tibet Lake Bursts -Official (Reuters) +Sci/Tech,Astronomers give Milky Way an age +Sci/Tech,Livermore: No need for HP-UX on x86 +Sports,Greek Athletes Shocked by Accusations +Sports,Fish Knocks Off Ferrero +Sports,Iverson Breaks Thumb +World,Britain Charges Suspects in U.S.-Linked Terror Case (Reuters) +World,Bollywood megastar Bachchan meets Pakistani students to boost ties (AFP) +World,Britain Charges Suspects in U.S.-Linked Terror Case +World,"Sharon Allows 1,000 More Settler Homes in West Bank" +World,Germany Shaken by U.S. Plans to Withdraw Troops +Business,"Home Depot Raises Outlook, Tops Estimates" +Business,Home Depot Writes Big Tickets +Business,Pay Up for Growth +Sci/Tech,Mounties open Nortel's books +World,India makes Olympic breakthrough +World,Israel Ends West Bank Construction Freeze +World,"Iverson Has Broken Thumb, but Will Play" +World,Najaf Fighting Resumes Amid Peace Mission +World,Stocks Climb on Drop in Consumer Prices +Business,US consumer prices post first decline in eight months +Business,Lojack makes Canada move with Boomerang buy +Business,US July Output Up; Factories Run Faster +Sci/Tech,Researchers Find New Species of Bird +Sci/Tech,AMD ships 90nm chips +Sci/Tech,Livermore: No need for HP-UX on x86 +Sci/Tech,Astronomers give Milky Way an age +Sports,"I #39;m innocent, says Greek Olympic champion Kenteris" +Sports,Life in Athens: From songs about Dutch swimmers to watching wedgies +World,"Sharon OKs 1,000 new settlement homes" +World,Ex-colleague backs Scrafton on PM #39;s call +Business,"Stocks Up on Earnings, Oil, Economic Data" +Sci/Tech,IBM expands into Danish IT services market +Sports,Medical Examiner Finds No Injuries on Thanou-Source +Business,"Yukos Can Ship Oil Amid Tax Dispute, Russia Rail Says (Update5)" +Business,Construction driving solid product demand +Sci/Tech,Real slashes song prices in online music battle +Sci/Tech,Discovery of Rail points to fragile biodiversity: Birdlife Intl +Sci/Tech,Symantec Upgrades Norton Security Products +Sports,Pranab Mukherjee congratulates Rathore +Sports,Iliadis Takes Greece #39;s Second Gold with Judo Win +Sports,Bell set for Test debut +Sports,Forwards providing platform: Young +World,Schroeder quot;adopts Russian girl quot; +Business,Hurricane Charley Tears Into Outback (Reuters) +Business,Hurricane Charley Tears Into Outback +Sci/Tech,Business Objects to bundle IBM tools +Sci/Tech,N.Y. Atty General Announces Drug-Price Web Site (Reuters) +World,Swiss slashes first-half net loss but fuel costs hamper turnaround (AFP) +Business,Google IPO Under Threat Due to Shortage of Bids +Business,Halliburton Says Army Can Withold Payments +Business,Cantor Fitzgerald spinning off business +Business,Housing starts jump 8.3 percent +Business,Trial date set for ex-HealthSouth CEO Scrushy +Sci/Tech,WWiSE group proposes 540 Mbps Wi-Fi +Sci/Tech,PalmOne unveils Wi-Fi SD Card +Sci/Tech,IBM seeks dismissal of SCO claims +Sci/Tech,The #39;i #39; in #39;Internet #39; +Sports,Medical Examiner Finds No Injuries on Thanou-Source +Sports,Athens ticket sales #39;improving #39; +Sports,Greek wins gold in judo +Sports,Boston Red Sox Team Report - August 17 +Sports,Venter back for Boks +Business,"Stocks Up on Earnings, Data; Oil Weighs" +Sci/Tech,Briefly: Business Objects to bundle IBM tools +World,New Cooperation and New Tensions in Terrorist Hunt +World,Front-Porch Chat: Birth of a Kerry Campaign Tactic +Sports,Beach Volleyball: Brazilians Aim for Podium Again +World,Welsh to ban strippers in limousines (Reuters) +Business,Google shares could start trading Wednesday +Business,US consumer prices decline unexpectedly in July +Business,US industrial production rebounds in July +Business,"Building permits increase 5.7, reversing June downturn" +Sci/Tech,Real to Apple: It #39;s On +Sci/Tech,IBM announces eServer i5 550 +Sports,Molik joins Pratt in last 16 +Sports,Voices: Iranian Judo scandal +World,Fighting Continues In South Ossetia +Business,Oil Up on Rosy U.S. Economic Data +Business,Illinois Helps Residents Import Drugs +Business,Rebels force Nepal firms to close +Sci/Tech,U.S. Broadband Growth Slows - Analyst (Reuters) +Sci/Tech,Real Slashes Online Song Prices (PC World) +Sci/Tech,U.S. Broadband Growth Slows - Analyst +Sci/Tech,Briefly: Majoras steps into FTC chairman role +World,Illinois Helps Residents Import Drugs (Reuters) +Business,Court Rejects Yukos' Plea on Tax Bill +Business,Army to Withhold Some Payments From Halliburton +World,Chavez lambasts fraud allegations +Business,Google #39;s auction wrapping up +Business,Russian Arbitration Court Rejects Yukos Plea +Business,US consumer prices dip 0.1 in July; industrial output and home starts rise +Business,JC Penney Posts Operating Profit +Business,Nortel shares down following news of RCMP probe +Business,Mills buys stakes in 9 GM-owned malls +Business,Stocks in Motion: Motorola +Business,Update 1: Swiss Air Lines Posts 1st Quarterly Profit +Business,IMF says Czech economic outlook #39;favorable #39; +Sci/Tech,Newest discoveries puts known number of satellites at 33 +Sci/Tech,IBM adds midrange server to eServer lineup +Sci/Tech,Q amp;A: HP #39;s Livermore sees no need for HP-UX on x86 +Sci/Tech,Indian researcher designs revolutionary low cost PC for the poor +Sci/Tech,That Special Underwater Glow +Sports,Al-Maktoum wins men #39;s double trap shooting gold +Sports,E-mail from Athens +Sports,US takes early lead over Australia +Business,Oil Up on Rosy U.S. Economic Data +Business,Ford Sued in Defective Door Latch Claim +Business,Mittal steel firm in Bosnia deal +Business,Google IPO Imminent +Sci/Tech,PluggedIn: Multifunction Devices Draw Back-To-School Crowd (Reuters) +Sci/Tech,PluggedIn: Multifunction Devices Draw Back-To-School Crowd +Sci/Tech,Briefly: Kinko's debuts Web-based print options +Sci/Tech,Wireless vendors pledge hurricane relief +Sci/Tech,Microsoft readies Host Integration Server 2004 +Business,WR Berkley Sees Hurricane Losses +Sci/Tech,RealNetwork #39;s 49 cent downloads rile Apple +Sci/Tech,Microsoft Delays Windows XP SP2 for Home Users +Sports,Olympics-Shooting-loving Rathore promotes Olympic sports +Sports,"Phelps Wins Second Gold Medal, in 200 Fly (AP)" +Sports,Redskins Cut Strong Safety Ohalete (AP) +Sports,Wood's Suspension Upheld (Reuters) +Sports,Parry wins butterfly bronze +Business,Google IPO Imminent +Business,Banks want BJ #39;s to pay for credit card fraud +Business,Negative sentiment towards US stock market rises +Sci/Tech,IBM Seeks Another SCO Dismissal +Sci/Tech,Microsoft readies Host Integration Server 2004 +Sci/Tech,"VARs, Vendors Seize Patch Management Opportunity" +World,Iraq peace mission arrives in Najaf +World,Downer to begin nuclear talks +World,"Southern Africa countries pledge enhanced trade ties with China, India" +Business,Chiron Wins Bird Flu Vaccine Deal +Sci/Tech,"RealNetworks Halves Music Prices, Sees Wider Loss (Reuters)" +Sci/Tech,Benefits Seen in Earth Observation Data (AP) +Sports,Michael Phelps Wins Second Gold Medal (AP) +Sports,Aussies Battle Americans to 1-1 Tie (AP) +Sports,Australia Ties U.S. +World,India boosted as Rathore grabs historic silver (Reuters) +World,Ill. Congressman's Son to Be on Ballot (AP) +World,Najaf Fighting Intensifies Amid Peace Push +World,Michael Phelps Wins Second Gold Medal +World,Top-Seeded Federer Upset in Second Round +Business,TJX Cos. Earnings Fall 4 Percent +Business,US Airways seeks to delay pension payments +Business,Cantor Fitzgerald to Split Off Voice-Broking Unit (Update5) +Sci/Tech,Cassini Spacecraft Discovers 2 New Moons Around Saturn +Sci/Tech,Intellisync in Danger +Sports,Eriksson aims to stick by core of Euro 2004 side +Sports,Court Throws Out Challenge to Blimp +Sports,History beckons for England +Sports,Redskins cut former starter Ohalete +Sports,Pittsburgh vs. Arizona +World,Bounty-hunter plays to gallery in Kabul +World,Demonstrators protest benefit cuts in Berlin +Business,"Deere Earnings Up, Raises 2004 Forecast" +Sci/Tech,Analysts fear longer than expected G5 delays (MacCentral) +Sports,Federer's Games Dream Shattered +Sports,Edwards Out of Games +World,Son Running for Ill. Rep.'s House Seat (AP) +Sci/Tech,Interactive Web Sites Provide New Approach to Election Coverage (Editor and Publisher) +Business,Google set to start trading +Business,Florida #39;s fiscal shape helps cushion Charley #39;s hit +Business,Oil Prices Rebound Towards Record Highs +Business,Army Withholding Halliburton Payments +Business,Air Canada gets green light from creditors +Sci/Tech,RealNetworks launches music-download price war +Sci/Tech,Second Wi-Fi standards group steps forward +Sci/Tech,DOD labs get Linux clusters +World,Livni: Settlement blocs will be strengthened +World,Israeli soldiers kill boy in Nablus +Business,Don't Marry Until March +Sports,"Klochkova Wins 200 IM, Beard Takes Silver (AP)" +World,Rumsfeld Warns Against Fixing Intelligence in 'Single Stroke' +Business,Hurricane Charley hits Outback +Sci/Tech,Intel TV Chip Is Delayed +Sports,Federer #39;s Games Dream Shattered +Sports,Ruling bars Edwards from Athens competition +World,US soldier killed in eastern Baghdad-military +Business,Army Won't Pay 15 Pct of Halliburton Bill +Sports,"Phelps, U.S. Win Men's 4x200 Freestyle Relay" +Sports,World 100m Champion Torri Edwards Banned from Games +World,US-led coalition denies airstrikes in western Afghanistan (AFP) +Business,Wal-Mart's Taxing Comps +Sci/Tech,Last Call for Investors to Bid on Google (Reuters) +Sci/Tech,GameStop Earnings Up on Software Sales (AP) +Sci/Tech,IBM adds four-way 550 server to new i5 product line +World,"Papua New Guinea, the world's next AIDS frontier (AFP)" +World,Kerry admits to soft spot for Oscar winner Theron (AFP) +World,Phelps Wins Second Gold Medal +Business,US Army to withhold portion of Halliburton payments +Sci/Tech,Microsoft Delays SP2 Auto Update For Enterprises +Sci/Tech,IBM adds four-way 550 server to new i5 product line +Sci/Tech, #39;One in 12 Emails Infected with Virus #39; +Sci/Tech,Detective Caught in Internet Sting Over Child Sex +Sports,For Wednesday AMs +Sports,Redskins release Ohalete +World,Eight to Face Court on Terror Murder Plot Charges +Sci/Tech,Microsoft Delays SP2 Auto Update For Enterprises +Sports,Aftershock: Brown rips team #39;s lack of effort +Sports,Greece grabs first gold +Sports,Were the judges by any chance French? +Sports,Iran #39;s Olympic snub +Sports,"They built it, but no one comes" +Sports,I #39;ll be No.1 - Owen +Sports,Owen gives Sven backing +Sports,Hewitt in sharp form in Washington +Sports,Kobe win on sex life of accuser +Sports,Los Angeles loves Lo Duca +Sports,Packers-Seahawks scoring summary +Business,Halliburton Now Says It Will Not Get Extension From Army +Sci/Tech,Google prepares to wrap up share auction (AFP) +Sci/Tech,Gateway: hang onto your hard drive +Sci/Tech,RealNetworks Goes After iPod With Price War +Sci/Tech,Netscape Browser 7.2 Released by AOL +Sports,Jury Rejects Thomas Family's GM Claims (AP) +Business,Last Call for Investors to Bid on Google +Business,Oil prices climb again tonight +Business,Toyota is outbid for land But state says developer won #39;t necessarily get site +Sports,Edwards banned from Games +Sports,Major Rathore is a perfectionist to the core +World,Burundi authorizes UN camp for Congolese refugees +World,Germany #39;s Schroeder adopts three-year-old Russian girl +World,Sudan: Foreign Troops Run Gauntlet of Government Displeasure +World,Cardinal hears farewell in John Paul #39;s remarks +Business,Can GameStop Be Stopped? +Sci/Tech,Advertisers Go Digital to Track Ads +Sci/Tech,U.S. Advertisers Go Digital to Track Ads +Sci/Tech,"Briefly: Gateway says, hold on to your hard drive" +Sports,Coyotes Re-Sign Right Wing Mike Johnson (AP) +World,"Holiday Pals Berlusconi, Blair Cement Ties (AP)" +Business,Mobile Boohoo for Sohu +Sci/Tech,AOL releases Netscape update +Sports,"Many similarities, differences between #39;04 US basketball and #39;80 Soviet hockey teams" +Sports,Top-seeded Federer upset in second round +World,UN rights chief deeply concerned about refugee camp massacre in Burundi +World,Public servant backs Scrafton +World,US troops move gets muted response +Business,"Stocks Higher on Economic Data, Earnings" +World,U.S. Public Now Evenly Split on Iraq War (AP) +World,Rumsfeld warns on spy shake-up +Business,Stocks up on positive consumer price report +Sci/Tech,RealNetworks Slashes Music-Downloading Prices +Sci/Tech,New bird species discovered +Sci/Tech,"Symantec Updates SOHO Gear To Battle Against Worms, Phishing" +Sports,Packers #39; rookie punter struggling +World,"Holiday Pals Berlusconi, Blair Cement Ties" +Business,Illinois Helps Residents Import Prescription Drugs +Sports,Giants to Start Manning Against Carolina (AP) +Sports,World 100m Champion Edwards Banned +World,India to surpass China as world's most populous country in 2050: study (AFP) +World,Odumbe handed five-year ban +World,"Consumer Prices Decline, Housing Rebounds" +World,Stocks Climb on Drop in Consumer Prices +Business,Treasuries Gain After Tame Inflation +Sci/Tech,New PC Is Created Just for Teenagers (AP) +Business,Home Depot raises view as profit tops estimates +Business,Applied Materials Takes on Metron +Sci/Tech,"Two new, tiny moons found around Saturn" +Sci/Tech,PalmOne Announces SD WiFi Card +Sci/Tech,Cell phone carriers to get Linux option +Sports,Coyotes re-sign RW Johnson to three-year deal +Sports,"Roddick escapes, Federer doesn #39;t at Olympics" +Sports,Giants will give Eli first start Thursday +World,Eight terror suspects charged in Britain +Business,"Consumer Prices Drop, Industry Output Up" +Business,Women Employees Sue Costco +Sci/Tech,Advertisers Go Digital to Track Ads (Reuters) +Sci/Tech,Study: Unpatched PCs compromised in 20 minutes +Sports,Olympics-Fencing-U.S. and Swiss End Gold Drought +World,Slaves' descendants should get tax exemption: US Senate hopeful (AFP) +World,Britain Charges 8 in Terror Plot Tied to U.S. Alert +Sci/Tech,Apple #39;s Real Rivalry +Sports,Olympics: Federer crashes but Roddick survives Olympic scare +Sports,CU #39;s Bloom Denied Request +Sports,Men #39;s Singles : Interview with JUAN CARLOS FERRERO (ESP) +World,Australia envoy in N Korea talks +Sci/Tech,IBM Takes New Tack in SCO Legal Battle (Ziff Davis) +Sci/Tech,"Today Inca Trail, Tomorrow Inca Road" +Sci/Tech,Birding Column: Moments of Photographic Rapture +Sci/Tech,Could Australia's Deadly Snakes Put Bite on Cancer? +Sci/Tech,"Africa's Penguins Still Reeling From ""Guano Craze""" +Sci/Tech,Spider-Venom Profits to Be Funneled Into Conservation +Sci/Tech,"Paradoxically, African Railroad Keeps Habitat Intact" +Sci/Tech,Insect Vibrations Tell of Good Times and Bad +Sci/Tech,Friday the 13th Phobia Rooted in Ancient History +World,U.S. Studying Israeli West Bank Home Plan (AP) +World,"Sharon Allows 1,000 More Settler Homes in West Bank" +World,Iraq's Sadr Snubs Peace Delegation in Najaf +Business,Costco Target of Sex Bias Lawsuit (Reuters) +Business,"Stocks End Higher, Lifted by Data" +Business,Oil Up on Rosy U.S. Economic Data +Sci/Tech,HP's order system chaos to continue throughout August +Sci/Tech,Feature: A New IDEA in Air Quality Monitoring +Sci/Tech,Soldering Surprise on the Space Station +Sci/Tech,Taking the Pulse of Planet Earth +Sci/Tech,"AMD Ships New Mobile Athlon 64, 90-nm Processors" +Sci/Tech,Symantec Updates Home And Small-Office Security Products +Sci/Tech,Kinko #39;s Software Connects Windows Apps to Print Centers +Sports,Olympics-Fencing-US and Swiss End Gold Drought +World,"Sharon Allows 1,000 More Settler Homes in West Bank" +Business,Applied Materials Returns to Profit +Sci/Tech,AMD enters the 90-nanometer zone +Sci/Tech,Cops Test Handheld Fingerprint Readers +World,wheat (Canadian Press) +World,"Sharon Allows 1,000 More Settler Homes in West Bank" +World,Americans Settle for 1-1 Tie With Aussies +World,Ill. Plans Online Network to Import Drugs +World,Britain Charges 8 Terrorist Suspects +Sci/Tech,Mobile Boohoo for Sohu (The Motley Fool) +Sci/Tech,McAfee Finds Security in Foundstone (The Motley Fool) +Sports,Fencing: U.S. and Swiss End Gold Drought +World,Iraq's Sadr Declines to Meet Najaf Peace Delegation +Business,Court Rejects Yukos #39; Appeals About Tax Claim +Business,Costco Target of Sex Bias Lawsuit +Business,"Investors: Nortel may axe 5,000 jobs" +Business,"Stocks End Higher, Lifted by Data" +Business,Air Canada Creditors Clear Carrier #39;s Bankruptcy Plan (Update2) +Sci/Tech,AMD enters the 90-nanometer zone +Sci/Tech,Flash Video Takes a Front Seat +Sci/Tech,Microsoft Integration Server on Deck +Sports,Phelps Pushes Gold-Medal Haul to Three +Sports,Canadian poolcrasher prompts tighter security +Sports,Americans Settle for 1-1 Tie With Aussies +World,Southern African Development Community Agrees on New Election Guidelines +Business,Army: May Not Withhold Halliburton Money +Sports,Lions' Porcher Accepting Diminished Role (AP) +Sports,"Romania Wins Women's Gymnastics Gold, U.S. Takes Silver" +Sports,Japan Powers Past Cuba in Baseball +Business,"Stocks Up on Data, Despite Oil's Rise" +Business,Restoration Hardware Names Tate COO +Sci/Tech,Can RealNetworks Play Losses For Gain? +Sci/Tech,CA Strengthens Security Investment +Sci/Tech,New Wi-Fi Spec Pushes for 100 Mbps +Sci/Tech,DOD Chooses Linux Clusters +Sports,RVS Rathore: The silver lining +Sports,Overrated NBA athletes losing to better teams +Sports,Olympics-Federer #39;s Games dream shattered +Sports,"Montreal at San Francisco, 7:05 PM" +World,Arrested Qaida terrorist an India-born +Sci/Tech,Media giant BSkyB sues EDS over troubled CRM system +Sci/Tech,Microsoft readies Host Integration Server 2004 +Sci/Tech,Q A: HP's Livermore sees no need for HP-UX on x86 +Sci/Tech,Pentagon turns to Linux for high-end battlefield simulations +Sci/Tech,"Gartner revises PC market forecast, warns of downside" +Sci/Tech,IBM seeks dismissal in second part of SCO case +Sci/Tech,Analysts concerned about longer-than-expected G5 delays +Sci/Tech,Making Slideshows +Sports,New Europe Coaches Make Mark in World Cup (AP) +Sports,U.S. Rebounds with Narrow Basketball Win Over Greece +Business,Google IPO imminent +Business,Woman claims Costco discriminates against female managers +Business,"Ford, Magna face class-action suit" +Business,Air Canada gets lease on life +Sci/Tech,RealNetworks Slashes Prices For Music Downloads +Sports,Shot-Put Returns to Ancient Stadium +World,No deaths #39;miraculous #39; in English flash flooding +Business,Home Depot Profit Tops Estimates on Sales +Business,Dollar Up Slightly Vs. Euro +Sci/Tech,Violence Tackled at Online Gaming Parlors (AP) +Sci/Tech,HP's Fiorina stood up by Argentina's President +Sci/Tech,News: TRMM Sees Rain from Hurricanes Fall Around the World +World,"Desert hospitality, honor, and the war outside the door" +World,Marked men with no place to hide +World,"Greek baseball team, made in the USA" +World,"Tired of post-9/11 hassles, Arab tourists head east" +World,Sun-shy female commuters fuel an Asian fad +World,Nepal braced for rebel 'blockade' +Business,"J.C. Penney Posts Profit, Sales Strong" +Business,"Treasuries, Oil Up, Inflation in Check" +Sci/Tech,Windows XP Security Update Delayed (AP) +Sci/Tech,Network Solutions is Pathetic +Sports,Eagles Defensive End Kalu Out for Year (AP) +Sports,US NBA stars pushed to the brink before edging Greece (AFP) +Sports,A Big Perk for 84 Lumber Golfers (AP) +World,Blast in Gaza House Kills at Least Two (AP) +World,Blast in Gaza Home of Hamas Man Kills 4 - Medics +World,Sudan Says More Police to Shield Darfur Refugees +World,"Report: Japan, Russia to Lose Population" +World,Thrilling Relay Win Gets Phelps Third Gold +Sci/Tech,Microsoft Updates Its IBM Connectivity Server +World,Official backs Scrafton #39;s version +Sports,Japan Turns to 'Dream Team' to Restore Baseball Pride +Business,After the Bell-Applied Materials rises after earnings +Business,"Alcoa closing Ohio plant, cutting 140 jobs" +Business,Berkshire Takes Stake in Pier 1 +Sci/Tech,Microsoft delays security update for Windows XP Professional +Sci/Tech,Microsoft Updates Its IBM Connectivity Server +Sci/Tech,Motorola rolls out database management software +Sports,Greek Soccer Out of Olympic Running +Sports,Kalu out for the year with torn ACL +Business,Google IPO Paper Not Declared Effective (Reuters) +Sci/Tech,SEC Delays Google Stock Offering +World,Britain scratching about for medals (AFP) +Business,"Mobile Homes a Danger in Hurricane Zones, Owners Say" +Business,"Alcoa to Close Ohio Plant, Cut 140 Jobs" +Business,Cendant breaks off mortgage unit talks +Sci/Tech,Windows XP Security Update Delayed +Sci/Tech,New bird species discovered in Babuyan Island +Sci/Tech,IBM Unwraps Middle Tier i5 Server +Sci/Tech,AOL Releases Netscape 7.2 +Sci/Tech,Analysts concerned about longer-than-expected G5 delays +Sports,Japan lifts men #39;s gymnastics team gold (updated) +Sports,Geogia woman wins medal in fencing +World,Iraqi Peace Mission Snubbed by Rebel Cleric Sadr +World,"Israel invites bids for construction of 1,000 more homes in West Bank" +World,Blast in Gaza Home of Hamas Man Kills 4 - Medics +Business,US to withhold Halliburton money +Sci/Tech,Product Review: HP d530 Business Desktop (NewsFactor) +Sci/Tech,Aberdeen: CRM To Lead SMB Enterprise Software Spending (NewsFactor) +Sci/Tech,Group Urges EPA for More Pollution Cuts (AP) +Sci/Tech,N.Y. Orders Power Plants to Cut Emissions (AP) +Sci/Tech,Crypto researchers abuzz over flaws +Sci/Tech,HP WORLD - HP: ProLiant delays to continue through August +World,Venezuelan Officials Agree to Audit Sample (AP) +World,Explosion in Hamas Man's Home in Gaza Kills 4 +World,7 Texas Kids Found in Nigeria Orphanage +World,U.S. Bounces Back to Beat Greece 77-71 +World,Thrilling Relay Win Gets Phelps Third Gold +Business,ING Withdrawing #36;5 Billion From Janus (AP) +Business,SEC Leaves Google Waiting on IPO Go Ahead +Sports,Hoops Team Rebounds +Business,Google IPO document not declared +Business,"Yukos woes flare up again, offsetting Venezuela vote" +Business,Borders 2Q Profits Soar 89 Percent +Business,FTC Seeks to Delay Arch-Triton Merger +Sci/Tech,Another dodo? Flightless bird found in Philippines +Sci/Tech,AOL Releases Netscape Browser Update +Sci/Tech,Gloom amid the boom +Sports,Unobstructed Views: Olympic-sized fools +Sports,US Wins First Fencing Gold Since 1904 +Sports,Colombian golfer leads US Amateur qualifying +World,North Korea #39;won #39;t pull out of 6-way talks #39; +World,Annan urges Myanmar to free Suu Kyi +Business,"Borders Profits Rise, Raises Outlook" +Business,Army May Not Withhold Halliburton Money +Sci/Tech,Google Interview Is Draw for Latest Playboy Issue (Reuters) +Sports,Williamson Gets Third Opinion on Elbow (AP) +World,Iran Threatens Israel on Nuclear Reactor (AP) +World,Grim funeral service held for Burundi massacre victims (AFP) +Business,"Borders Profits Rise, Raises Outlook" +Business,Applied Materials Reports Profit in 3Q +Business,"NZ PRESS: NGC Seeks LPG, Network Businesses To Grow" +Sci/Tech,New bird species discovered in Philippines +Sci/Tech,AOL adopts Girafa #39;s thumbnail search technology +Sci/Tech,HHS spends \$228M on IT programs +Sci/Tech,Palm adds an SD Wi-Fi card +Sports,"UAE, India hit Olympic firsts" +Sports,Olympics: US NBA stars pushed to the brink before edging Greece +Sports,Matildas #39;salvage late draw with US +Sports,Olympics-Federer #39;s Olympic dream shattered twice over +World,Karzai likely to visit Pakistan next week +World,Candidate for Democratic Party Arrested in China +Business,"Borders Profits Up, Outlook Raised" +Sports,Australia Salvages Late Draw with U.S. Women in Soccer +Sports,Manning Gets Chance to Start +Sports,Ruling Likely Ends Bloom's College Football Career +Business,IMF gives Jamaica thumbs up +Sports,Outspoken Winslow Makes Impression at Camp (AP) +Sports,US NBA stars pushed to the brink before edging Greece (AFP) +World,Israel Kills 5 in Attempt to Assassinate Hamas Man +Sci/Tech,Carl Reiner: Comedy as a Life #39;s Work +Business,Google Stock Sale Delayed as SEC Doesn #39;t Act on IPO (Update1) +Business,US withholds some Halliburton payments for Iraq services +Business,Mounties initiate Nortel investigation +Sports,Phelps #39;s dreams meet not-so-bad realities +Sports,Federer eliminated by the 74th-ranked Berdych +World,Georgian Leader Seeks Ossetia Conference +World,Australia #39;s Labor Leader Latham Hospitalized With Pancreatitis +Business,Google market debut delayed +Business,Financial Firms Hasten Their Move to Outsourcing +Sci/Tech,Berlin Zoo Separates Baby Rhino from Clumsy Mother (Reuters) +Sci/Tech,Novell bundles JBoss app server +Sports,Stricken Washington Guard to Return (AP) +Business,"Borders Profits Up, Outlook Raised" +Business,Update 1: Louisiana-Pacific Names Frost CEO +Business,"Wall Street closes higher, but record oil prices cap day #39;s gains" +Business,Confidence drops in Germany +Business,IBM to buy Danish firms +Sci/Tech,XP security update delayed +Sports,Greeks leave hospital to face music +Sports,White Sox manager sent to hospital +Sports,Hollywood awaits Termite from Texas and Iraqi fly +World,Flash flood in Cornwall leaves villagers missing +Sci/Tech,Calif. Assembly Backs E-Mail Monitoring Disclosure (Reuters) +Sci/Tech,"Health Highlights: Aug. 17, 2004" +Sci/Tech,Illinois Plans Online Network to Import Cheaper Drugs +Sci/Tech,Free-Speech Protection Sought for Internet Casino Ads +World,President OKs More Colombia Assistance (AP) +World,N.Y. Welcomes Protesters With Discounts (AP) +World,A Look at U.S. Military Deaths in Iraq (AP) +World,India and Pakistan notch up first hockey wins (Reuters) +Business,US CREDIT-Halliburton jostled by Army audit back-and-forth +Business,"After the Bell-Applied Materials, Network Appliances rise" +Business,"(Recasts first paragraph, adds transaction details, CEO interview, stock price and byline)" +Business,Argentina rejects IMF intervention +Sports,Phelps gets that golden feeling again +Sports,"Olympics: Phelps in Gold Rush, Doping Scandals Rumble On" +Sports,Faulds folds as Al Maktoum triumphs +Sports,Stricken Washington guard announces return to court +World,UN claims lack of military observers in Darfur region +World,Germany #39;s Chancellor Schroder and his wife adopt Russian girl +World,PM #39;a trustworthy invidual #39; +Business,Consumer Prices Drop as Industry Output Is Up +Sci/Tech,Hiking With Dogs Has Health Benefits +Sci/Tech,Netscape browser update released +Sports,Simms Impressive in Bucs' Preseason Debut (AP) +World,Vatican Gives Schedule of Pope's Next Trip (AP) +Sci/Tech,New Computer Is Created Just for Teenagers +Sci/Tech,Violence Tackled at Internet Gaming Parlors +Business,Google Stock Sale Delayed as SEC Doesn #39;t Act on IPO (Update1) +Business,Costco employee claims retailer discriminates against women +Sci/Tech,Netscape browser update released +Sci/Tech,"Study: Spammers, Virus Writers Getting Chummy" +Sci/Tech,Faster Wireless Networking Protocol Proposed +World,Powell calls Russian FM over Georgian conflict +World,"Sudan deploys additional 2,000 policemen in Darfur" +Sci/Tech,"HP Execs: Supply Chain, Order Processing Hurt U.S. Q3 Results (Investor's Business Daily)" +Sci/Tech,Vindigo sold to Japanese content company +World,Britain Charges Eight Terrorist Suspects +Business,Google Offering Is Delayed +Sci/Tech,Benefits Seen in Earth Observation Data (AP) +Sci/Tech,"Maryland Dig May Reach Back 16,000 Years (AP)" +Sci/Tech,Expedition to Peru Finds Five New Sites (AP) +Business,SEC Leaves Google Waiting on IPO Go Ahead +Business,SEC Is Seen Banning Mutual Fund Practice +Sports,New Vodafone contract puts Beckham in picture +World,"Israeli Attack in Gaza Kills Five Palestinians, Haaretz Says" +Sci/Tech,Briefly: Maxtor ships multimedia-friendly drive +Sci/Tech,Maxtor ships multimedia-friendly drive +Sci/Tech,Gadget price declines slow for summer +Sci/Tech,Yahoo Unveils Budget Domains Deal +Sci/Tech,Netscape Updates Browser +Business,Crude Oil Trades Near Record on US Economic Growth Report +World,Tokyo Stocks Mixed; Dollar Down Vs. Yen (AP) +Sci/Tech,Netscape Updates Browser (PC World) +Sci/Tech,Security Firms Bulk Up (PC World) +Sports,Moore Takes Stroke Honors at U.S. Amateur (AP) +Sci/Tech,Real music takes bite out of Apple +Sci/Tech,"New to science, island bird that never flies nest" +Sci/Tech,Another Product Delay at Intel +Sci/Tech,"Game execs predict mergers, price cuts" +Sports,"It #39;s a big injustice, protests Greek sprinter" +Sports,US NBA stars edge Greece +World,Iraqi delegation flies to Najaf for peace talks +World,UK charges 8 in terror plot linked to US alert +World,China says hopes N.Korea nuclear talks to continue +World,British soldier killed in Basra +World,Dominicans send juiced message +Business,SEC seeks to update stock sale rules +Business,AMP #39;s H1 profit beats expectation +Business,Yahoo Unveils Budget Domains Deal +Business,"Fall Season Looks Solid for Retailers, But Holidays Could Be Another Story" +Business,Mutual Funds Opt to Liquidate +Sci/Tech,"Charley Shows Progress, Pitfalls in Forecasting (Reuters)" +Sports,Bears' Tucker Out With Dislocated Elbow (AP) +Sci/Tech,Researchers Try to Breed Rare Sea Ducks (AP) +Business,Google #39;s IPO delayed +Business,"AMP Turns to 1st-Half Profit After It Cut Debt, Costs (Update4)" +Sci/Tech,Cassini Spacecraft Discovers 2 More Moons Around Saturn +Sports,US no-show: Teamwork +Sports,"Athletes Return to Olympia, Home of Games, After 1,611 Years" +Sports,Are England fans are changing their Toon? +Sports,China halfway to complete medals goal +World,China says hopes N.Korea nuclear talks to continue +World,Senate probe needed: Faulkner +Sports,Athletics' Homers Crush Orioles 11-0 (AP) +Sports,"Dodging Another Upset, U.S. Holds Off Greece" +Sports,Humes Sits One Out +Sports,Sox's Guillen Hospitalized +World,Effort by Bush on Education Hits Obstacles +World,Cleric in Najaf Refuses to Meet Iraqi Mediators +World,"Who's Behind the Gold Medalist's Mask? Gosh, an American!" +Sci/Tech,Windows XP SP2 update delayed +Sci/Tech,Cassini found two little Saturn moons +Sci/Tech,"It can #39;t fly and sounds like a trumpet, but new bird delights ornithologists" +Sports,Accused pair to tell their side of story +Sports,Edwards #39; appeal against two-year ban fails +World,Terror charges +World,Senior Hamas leader wounded +World,US Hopes Influence Can Quell Russian - Georgian Tensions +World,Seven dead in Baghdad blast +Business,Japan Stocks Turn Lower on Oil Worries +World,Paes-Bhupathi overcome Federer-Allegro (Reuters) +World,Najaf Fighting Continues Amid Peace Push +World,Cabrera Leads Red Sox Past Blue Jays 5-4 +Business,Google flotation still dogged by last minute complications +Business,Alcoa to shutter Ohio automotive components plant +Sci/Tech,The latest on SP2 +Sports,The Atlanta Journal-Constitution +Sports,Ancient Site a Throwback for Select Few Athletes +World,Flash floods force huge rescue bid +World,Parliamentarians Not To Compromise Governance For Personal Gains: Musharraf +Sci/Tech,Google Offering Waits For SEC Approval +Sci/Tech,Dot-Coms Anxious to Get Back in IPO Game +Sci/Tech,"Antiwar Protesters Told Shop Till You Drop, Too" +Sci/Tech,Fairfax Tempts Foreign Firms to Branch Out +Sports,Manning Gets Early Go-Ahead to Start +Sports,Sheffield Should Be Able to Play On +Sports,Hudson Handcuffs O's +Sports,Cust Slogs Through Season +Sports,Caps' Witt Wins Arbitration +Sports,Bailey Tries WR +Sci/Tech,Dot-Coms Get Back in IPO Game (washingtonpost.com) +Business,"Production Grew, Prices Fell in July" +Business,Mills Buys Into Lakeforest Mall +Business,Airlines Agree to Cuts at O'Hare +World,U.S. Brokers Halt to Afghan Infighting (AP) +World,GOP Rep. Cubin Wins Wyoming Primary (AP) +Business,Crude rises on Iraq troubles +Business,Bankruptcy fears as Yukos #39; half-year loss hits \$2.65bn +Business,Halliburton hit +Business,Wall Street takes heart from positive economic reports +Sci/Tech,"E-Mail Viruses Getting Smarter, Report Says" +Sci/Tech,"Games Business Needs Mergers, Price Cuts-Report" +Sports,Event of the Day -- Men #39;s and women #39;s shot put +Sports,Fellow Jets Are Getting to Know No. 89 +World,LOOKING BACK 8-Day Battle for Najaf: From Attack to Stalemate +World,Soldier dies as British troops clash with Sadr #39;s Basra army +World,Outgoing Ambassador Of Qatar Meets Musharraf +Sports,Raiders' Gallery Misses Camp With Injury (AP) +Sports,"Rockies Pitcher Frets Health, Not Baseball (AP)" +Sports,Still No Movement in N.H.L. labor Talks +World,What Next for Venezuela? +Business,Google Offering Waits for Approval +Business,AMP Returns to Profit After Spinoff +Business,Japan Stocks Fall on Oil Worries +Sci/Tech,TGn Sync Coalition Outlines Proposal for 802.11n +Sports,Hamstring latest setback for Kupets +Sports,Veteran hurler Beck released by Padres +Sports,Sheffield Should Be Able to Play On +Sports,NFL ROUNDUP Eagles #39; Kalu Will Be Out for the Year +Sports,AL Capsules +World,China Battles to Keep N.Korea Nuclear Talks Alive +World,McKenry doesn #39;t back Scrafton: PM +Sports,Twins Collect Rare Victory Over Yankees (AP) +World,China tries to shut down phone sex lines in anti-porn campaign (Canadian Press) +Business,Dollar Stuck After CPI Fails to Inspire +Business,"Yukos, Iraq push oil higher" +Business,"US Stocks Gain for a Third Day, Led by Home Depot, Retailers" +Business,"Australia #39;s Pacific Hydro FY04 Net A\$40.7M, Up 39" +Business,Warehouse offers cut-price coffins +Sci/Tech,RealNetworks Launches Music Download Price War +Sci/Tech,WinXP SP2 Home Edition To Be Available On Automatic Update Aug 18 +Sports,Sutton #39;s Ryder Cup selections are solid +Sports,"Owners, players talk, but nothing resolved" +Sports,"Padres release former all-stat Rod Beck, recall Freddy Guzman" +Sports,Mariners Race Past Royals 16-3 (AP) +Sports,Twins Collect Rare Victory Over Yankees +World,Colombian Government Won't Halt Offensive (AP) +World,China Appeals to N. Korea for Nuke Talks (AP) +World,Haiti court acquits rebel leader +Sci/Tech,Intel backtracks on offering chips for projection TVs now +Sci/Tech,China tries to shut down phone sex lines in anti-porn campaign +Sci/Tech,Produce less beef and save water +Sports,"US Men Squander Lead, But Hold Off Thorpe to Win" +Sports,Teixeira cycles his way to history +Sports,"LaCassie, Price qualify for US Amateur Match Play" +World,Jordanian hostage freed in Iraq +Business,"Fall Season Looks Solid for Retailers, but Holidays Could Be Another Story" +Business,So Google Is Almost Public. Now Comes the Hard Part. +Business,"After Circulation Scandal, a Move to Build Trust" +Sci/Tech,"Nevada officials back e-vote systems for primary, general election" +Sci/Tech,Motorola rolls out database management software +Sports,"Warriors, Mavs Close on Five-Player Trade (AP)" +Sports,Must-See TV Lacks Must-Have Buzz +Sports,Manning Gets Early Go-Ahead to Start +Sports,Vazquez and Yankees Buckle Early +Sports,Still No Movement in N.H.L. Labor Talks +World,China Hints U.S. Must Return Guantanamo Separatists (Reuters) +World,China Hints U.S. Must Return Guantanamo Separatists +Business,Architectural Benefactor J. Irwin Miller Dies +Business,Delta May Offer Its Pilots Equity Stake to Get Cuts +Sports,The Ballad of Shaikh Ahmed +Sports,Eriksson urges more rest for top players +Sports,"US, Jamaica wait to tip hands" +Sports,An irregular regular loss +Sports,Santos holds Cubs to one run for win +Sports,"Swimmers, gymnasts lift NBC #39;s early ratings" +World,Peace team urges Sadr to call off uprising: Militia positions pounded +World,China appeals to North Korea to go ahead with nuclear talks +World,Maoist Rebels Block Land Routes to Nepali Capital +World,Michael Jackson in legal setback +Business,Cox Forms Committee to Consider Buyout +Sports,Mavs Acquire Dampier +Sports,Teixeira Bats for Cycle +Business,Analysis: Venezuela off oil market #39;s front burner +Business,"Production, housing rise while consumer prices decline" +Business,Charley may cost insurers \$14bn +Business,BJ #39;s will fight banks #39; \$16M claim +Sports,Winning is Greek to US: Outlasts h +Sports,A Throwback to Olympia +Sports,Agassi overcomes Goldstein in Washington opener +Sports,A gold medal in the ratings +Sports,"Warriors, Mavs close on five-player trade" +Sports,Result knot all bad for US: Wins group after tie with Aussies +World,When it comes to Israel... +Sports,NL Wrap: Walker Grand Slam Helps Cards Beat Reds Again +Sci/Tech,Cave Linked to John the Baptist Found in Israel (Reuters) +Business,Chasing the SUV vote +Sports,SI.com +World,Eight terror suspects charged in UK +World,Five Palestinians dead in Israeli attempt to kill Hamas activist +Business,"Army, in Shift, Will Pay Halliburton" +Business,The Guy From Green Day Says He Has Your Mother on the Cellphone +Business,ING to Withdraw \$5 Bln from Janus Funds +Business,Gas Price Drop Lowers CPI +Business,Costco Is Accused of Sex Bias +Business,US Wants a Trustee Named to Oversee United #39;s Pensions +Sci/Tech,RealNetworks drops music-download price +Sci/Tech,Cash for emails - script kiddies use spam to make their fortunes +Sports,NL Wrap: Walker Grand Slam Helps Cards Beat Reds Again +Sci/Tech,Web page to help with installation of WIndows anti-hacker security patch +Business,Oil Prices Hold Firm Near #36;47 (Reuters) +Sports,"Talking with ... Vijay Singh, PGA Tour" +Sports,America pays big price for small mistakes +Sports,Teixeira hits for the cycle +Sports,SI.com +World,British Soldier Killed in Iraq +World,"UN asks Myanmar to engage opposition parties, release Suu Kyi" +Sports,China Sighs in Relief as Yao Scores High +Sports,Giants Edge Expos +Sports,Wednesday's preview +World,UK terror suspects due in court +Business,ING to Withdraw \$5 Bln from Janus Funds +Business,Applied shares flat on lower outlook +Business,Investment firm Leucadia holds about 5 pct of MCI +Business,Nortel hints it won #39;t tell all +Sci/Tech,New bird species found in Philippines +Sci/Tech,Plan for global observation would aid in forecasting of disasters +Sports,Americans rebound to eke out win over Greece +Sports,Devers and Moore Called Up by USA +Sports,"Mariners 16, Royals 3" +Sports,Damon #39;s play top choice +Sports,US women settle for tie +Sports,"MLB: Texas 16, Cleveland 4" +Sports,Miscues Cost U.S. Women Gymnastics Gold (AP) +World,Iraqis aim to decide new assembly +Business,Inflation #39;s Summer Vacation? +Sports,Season far from running course +Sports,Federer #39;s Olympics end unexpectedly early with two losses +World,Iraqis aim to decide new assembly +World,More hospital tests for Latham +World,"Saved from the saw, ancient Japanese forests now threatened by tourism (AFP)" +Business,Asian Shares Mixed as Oil Steady Near \$47 +World,'Afghanistan needs security help' +Business,Worker alleges sex bias +Business,AMP profits beat forecasts +Business,"BHP Billiton doubles H2 net profit SYDNEY, (Reuters) - Aug 18, 2004" +Business,Clinton #39;s story boosts Borders +Sci/Tech,New species of flightless bird #39;s days may be numbered +Sci/Tech,AOL releases Netscape 7.2 +Sci/Tech,palmOne announces SD wi-fi card for Tungsten T3 and Zire 72 +Sports,Olympics: Greek Sprinters Finally Get Chance to Put Case +Sports,Two-Year Suspension of American Sprinter Is Affirmed +Sports,Shot put: Birthplace of Games becomes field of play again +Sports,Reds #39; bullpen struggles after lefty #39;s strong start +World,Rumsfeld says US forces quot;unlikely quot; to storm holy places in Najaf +Business,Asian Shares Mixed as Oil Steady Near #36;47 (Reuters) +Sci/Tech,Tokyo Edge: More Video Options +Business,"Google faces bumpy IPO road, analysts say" +Business,US inflation falls for first time in 2004 +Business,"Merrill survey of fund managers finds them more pessimistic, risk averse" +Business,Staples posts 39 jump in second-quarter profit +Business,Nortel probe one of Canada #39;s biggest +Sci/Tech,Microsoft lifts the lid on SP2 +Sci/Tech,Hackers join dark side +Sci/Tech,Lumber rises on Florida #39;s need to rebuild +Sports,"Back in the swim: Peirsol, Coughlin give Americans much needed splash" +World,Two Georgians Killed in Breakaway Region +World,Murdoch to face trial on Falconio murder +Sports,Banned Sprinter Chambers Trys Football (AP) +World,Uzbekistan Military Boost May Spark Unrest (AP) +Sci/Tech,Tokyo Edge: More Video Options (PC World) +World,U.S. Troops Training for Iraq in Israel -Paper (Reuters) +World,Warring Afghan Factions Say Cease-fire Holding (Reuters) +World,U.S. Troops Training for Iraq in Israel -Paper +World,British Terror Suspects to Appear in Court +Sci/Tech,Virtual 3D heart to treat babies +Sports,Coxless four into final +World,Three Georgian soldiers killed in breakaway region clashes (AFP) +World,"Oil prices edge lower in Asian trading, still near record highs (AFP)" +World,Iraq's Najaf Tense After Cleric Snubs Peace Envoys +World,"Between Faith and Medicine, How Clear a Line?" +Business,Cheaper gas lowers price index +Business,Why Hugo Chavez Won a Landslide Victory +Business,Costco faces sex discrimination suit +Business,BHP Billiton 2nd-Half Net Doubles on Commodity Prices (Update2) +Business,Info on car safety off-limits to public +Sci/Tech,Music fans sound off +Sci/Tech,China to crack down on telephone sex +Sci/Tech,More Video Options +Sports,Notebook: Sprinter Edwards #39; drug suspension upheld +Sports,Finish tarnished by silver +Sports,"Roddick escapes, but not Federer" +Sports,Torri finally out of Olympic Games +Sports,Finley pays dividends in victory +Sports,Agassi Opens With A Win In Washington +World,British charge 8 tied to terror conspiracy +World,Falconio suspect to stand trial +Business,Hundreds of Fleet layoffs expected +Business,Swipe hype: Debit the small stuff +Business,MetLife seen near sale of Hub invest unit +Business,Lawsuits challenge unequal fund fees +Business,Nortel accounting faces probe +Business,LoJack buys Canadian tracking company +Business,Brazilians attack money laundering +Sci/Tech,Europe 'must adapt on climate' +Sports,Welcome change for Cabrera +Sports,He gets some credit for this victory +Sports,Giants make it six in row +Sports,NL notables +Sports,"Youkilis, McCarty go on DL" +Sports,Texas rides cycle +Sports,Stops and starts in the fast lane +Sports,Old college try from Moreland +Sports,LBs are built from ground up +Sports,Knee injury benches Eagles' Kalu for season +Sports,Jumbo dough for Joe +Sports,Philo is in the know +Sports,Northern N.E. reaches peak +World,China tells US not to send wrong signal to Uighur 'terrorists' (AFP) +World,Pope Visit Leaves Lourdes with Hefty Deficit +World,Haiti ex-rebel head cleared of murder +World,Witness says suspect was close to hijackers +World,Venezuela's Chavez faces political gulfs +World,German leader adopts Russian child +World,"Burundi, Rwanda threaten Congo invasion" +Sci/Tech,No SEC Decision on Google IPO Paperwork (AP) +World,Pakistan Publishes 'Most-Wanted Terrorists' List (Reuters) +World,MacGowan to play at jazz landmark +Business,Insurers escape Hurricane Charley +Business,Sex-bias suit filed against Costco +Business,Funds turn negative on global profits +Business,Australia #39;s Lend Lease Returns to Profit +Sci/Tech,HP denies Itanium change cost it sales +Sci/Tech,Digital signatures #39;could be forged #39; +Sports,"With this effort, they #39;re silver belles" +Sports,Canadian arrested for #39;interrupting the Games #39; after diving into pool +Sports,Say slams teammates #39; relay effort +Sports,White Sox #39;s Guillen hospitalized with what may be kidney stones +Sports,Last laugh +Sports,Agassi downs crowd favourite +World,Sadr refuses to meet with peace delegation +World,Five Palestinians killed Israeli attack that targeted Hamas activist in Gaza City +World,Warring Afghan Factions Say Cease-fire Holding +World,5 die as Hamas chief survives Israeli strike +World,Farewell to American friends +World,"Nepalese Rebel Blockade Cuts Roads to Kathmandu, Reuters Says" +World,Squaddie Is Killed In Gun Battle +World,Politician #39;s arrest stirs suspicions in Hong Kong +Sports,Greek Sprinters Withdraw from Games +Business,Dollar Mired Near Lows After Weak Data +Business,Google Cuts IPO Price Range +Business,Update 1: Philippine Shares Close Lower +Business,ING withdrawing from Janus +Business,Oakville plant #39;s fate is still up in the air +Sci/Tech,Benefits Seen in Earth Observation Data +Sports,Greek sprinter Kenteris quits Games +Sports,UAE joins Olympics gold medal winners +Sports,Federer crashes out of Olympics +Sports,2 steps back in Texas +Sports,Southern Cal faces sex assault probe +World,Mechanic must stand trial for British backpacker #39;s murder +Business,Google Cuts IPO Price Range (Reuters) +Business,Bank of America Plans Big Layoffs -Paper (Reuters) +Business,Oil Prices Hold Near \$47 on Iraq Threat +Sports,Greek Sprinters Withdraw From Olympics (AP) +Sports,Teixeira Hits for Cycle in Rangers' Win (AP) +Sports,De Bruijn Leads the Way in 100 Freestyle Heats +Sports,Mayo Likely to Miss Tour of Spain +World,China Detains Eight Roman Catholic Priests -Group +World,No SEC Decision on Google IPO Paperwork +World,Eight Terror Suspects Face British Charges +Business,BHP Announces Record Annual Profit +Business,Nestle Profit Rises; Commodity Prices to Crimp Growth (Update4) +Sci/Tech,CA acquires PestPatrol +Sports,Greek duo quit Olympics +Sports,Keller leads relay upset of Aussies +Sports,Americans bounce back +Sports,"Just 16 centuries later, we return to Olympia" +Sports,Selig to get 3-year extension +World,Downer up-beat on North Korean nuclear talks +World,Australian opposition leader hospitalised with pancreatitis +Sports,US sweeps away slide in volleyball +Sports,Olympics sport solid ratings +Sci/Tech,Google Slashes IPO Price Range (Reuters) +Sports,"Sprints More Fun Without Jones, Says Ferguson" +World,Bomb found near Berlusconi villa +Business,Google Slashes IPO Price Range +Business,Prices drop in July +Business,Bank of America Plans Big Layoffs -Paper +Business,Air France raises ticket prices +Sci/Tech,Netscape Revamped With Mozilla 1.7 +Sports,Two golds make Phelps #39; day +Sports,Olympia oozes Games history +Sports,US choose Devers to replace Edwards +Sports,"Top players need more rest, says Eriksson" +Sports,Rae got what he deserved - Dadu +World,Britain arrests 8 suspects linked to US terror alert +World,Israel #39;s Likud faces major vote after controversial settlement decision +World,Police defuse bomb after Blair #39;s visit +World,Girlfriend #39;s Family Welcome Backpacker Murder Trial +Business,Euro Stocks Slip +World,Arafat Says Palestinians Made 'Mistakes' (AP) +World,No New Closures of Japan Nuclear Reactors Needed (Reuters) +World,Invasion alert in DR Congo town +World,Blair's 'Freebie' Summer Holidays Irk Britons (Reuters) +World,Karzai Promises Afghans Security for Election +World,Blair's 'Freebie' Summer Holidays Irk Britons +World,Medical Experts Fear Charley's Aftermath +Business,BHP Billiton 2nd-Half Net Doubles on Commodity Prices (Update3) +Business,Update 2: Philippine Shares Close Lower +Sci/Tech,Qualcomm drops licensing suit against TI +Sci/Tech,Palm extends Wi-Fi range +World,Heavy fighting erupts in Najaf +Business,Making Free IPods Pay Off +World,Explosion Hits Iraq Foreign Ministry (AP) +World,Maoist Rebels Block Land Routes to Nepali Capital +Business,Google Slashes IPO Price Range +World,Arafat Urges Palestinians to 'Correct Mistakes' (Reuters) +World,Two bombs discovered in Sardinia after Berlusconi-Blair meet (AFP) +World,Global miner BHP Billiton posts record net profit as demand soars (AFP) +World,Arafat Urges Palestinians to 'Correct Mistakes' +World,China Detains Eight Priests and a Living Buddha -Groups +Sports,Walker Slam Leads Cardinals Past Reds (AP) +World,Fighting Rages in Najaf After Peace Bid Fails +Sci/Tech,Crypto researchers abuzz over flaws +Sports,UA #39;s Beard swims to silver in medley debut +Sports,"Celebrating human spirit, in all its impurity" +Sports,Security tightened after fan takes a plunge +World,Labor determined to reopen children overboard inquiry +World,"4 killed, 2 missing as Typhoon Megi hits western Japan" +Business,Wall Street Set to Open Down (Reuters) +Business,U.S. Crude Sets New Record #36;47 a Barrel (Reuters) +Sci/Tech,First Look at Microsoft Money 2005 +Business,Google slashes IPO price range +Business,Canada begins probe of Nortel #39;s accounting +Sci/Tech,PalmOne Wi-Fi card: a first look +Sports,Kenteris and Thanou Quit Games +World,Bomb found near Berlusconi villa +World,Burundi Urges Sanctions on Rebels Over Massacre +World,Australian foreign minister ends #39;productive #39; North Korea talks +World,Australian terrorist seeks deal to testify in foreign trials +Business,Wall Street Set to Open Down +Business,Google reduces IPO price range; SEC approval awaited +Business,Crude Oil Prices Climb to Record Before US Inventory Report +Sports,Phelps #39; gold rush +Sports,Games go eons back in time today +Sports,NHL: No progress in talks +World,Fighting Rages in Najaf After Peace Bid Fails +Sci/Tech,Internet pharmacies get go-ahead +World,Karzai urges neighbours to stop militants crossing borders (AFP) +World,Poll: Kerry Continues to Hold Edge in Pa. (AP) +World,Najaf clashes as truce talks fail +World,N Korea food prices 'rocket' +World,Two die in South Ossetia fighting +World,Iraq Won't Send New Delegation to Najaf +Sci/Tech,A DIFFERENT SPIN (SiliconValley.com) +Sci/Tech,Sex spam clogs summer in-boxes +World,US children 'abandoned in Africa' +World,Pakistan issues \$1m al-Qaeda list +World,Sex spam clogs summer in-boxes +Business,Update 14: Google Lowers Its IPO Price Range +Business,Oil hits new record on fresh Iraq threat +Business,Halliburton gets more time to justify bills to US Army +Business,Swisscom Confirms Possible Merger Talks +Sci/Tech,AOL releases Netscape browser update +Sci/Tech,"Attachmate Heightens Security, Centralises Management and Brings Microsoft Usability to Host Access with EXTRA! ..." +Sci/Tech,Save The Whales! Then What? +Sports,Sprinters #39; Withdrawals Lift Cloud Over Games +Sports,Shot put history in Olympia +World,Bomb found near Berlusconi villa +World,Three Georgian servicemen killed in South Ossetia +Business,OPEC: 'Very Small' Impact from Surge +Sci/Tech,Pakistan Mobile Phone Firms Vie for Pent-Up Demand (Reuters) +Sci/Tech,Pakistan Mobile Phone Firms Vie for Pent-Up Demand +Sci/Tech,Huge waves erode British coast +World,Chinese Official Sentenced to Death (AP) +World,Iraq Won't Send New Delegation to Najaf +Business,Google Sharply Reduces IPO Share Price +Business,Stocks Are Seen Off a Touch at Open +Business,Bank Of America Announced Layoffs +Sci/Tech,Cassini finds two little Saturn moons +Sci/Tech,IBM #39;s New Midrange Server Allows Multiple OS Environments +Sports,Phelps Advances in 200-Meter Medley +Sports,Ump says Ozzie threw spitter +World,Najaf truce offer rejected +World,Bomb Found on Island Hours after Blair Visit +World,"Don #39;t use Pearl as electoral pawn, family tells politicians" +Business,Mortgage Applications Jump in Aug 13 Week (Reuters) +Business,Mortgage Applications Jump in Aug 13 Week +World,High oil prices not hurting German economy: Schroeder (AFP) +World,"Rocket Slams Into Iraqi Market, Killing 5 (AP)" +Sci/Tech,Google Sharply Reduces IPO Share Price +Sci/Tech,E-passports to put new face on old documents +World,Eight to appear in London court on terror plot charges (AFP) +World,Arafat admits 'mistakes' to MPs +World,Stocks Are Seen Off a Touch at Open +World,Arafat Admits Palestinians Made Mistakes +Business,Google Slashes IPO Price Range +Business,Nortel shares down on news of criminal probe +Business,Florida may be insurance bellwether +Business,Taxing bodies must approve lawsuit +Sci/Tech,Spammers in bed with virus carriers +Sci/Tech,Microsoft unveils mainframe integration tool +Sci/Tech,Sewage waters a tenth of world #39;s irrigated crops +Sci/Tech,Ford scraps Oracle-based purchasing system +Sports,Sprinters Withdraw from Olympics Amid Swirling Controversies +Sports,Tarnished silver for US women +Sports,Preview: England-Ukraine +Sports,USA gets silver in kayak singles +World,Bomb defused after Blair #39;s Italy visit +World,Downer upbeat after North Korea meetings +World,Nepal #39;s Maoist Rebels Blockade Paralyzes Kathmandu +World,Pakistan Offers Bounties on Six Wanted Terror Suspects +Sci/Tech,Home users get key Windows update +Sci/Tech,BioVeris Still May Lose Its Investment +World,3 Georgian Soldiers Slain in South Ossetia (AP) +World,Slavery's Harsh History Is Portrayed in Promised Land +Business,Brookstone Posts a Narrower Loss (Reuters) +Business,"Stocks to Watch on Wednesday, August 18" +Sports,U.S. Men Qualify for Final in Shot Put (AP) +World,Garda quiz two over African death +World,Complaints follow Haiti acquittal +Business,Unanimous vote to raise British interest rates: official minutes (AFP) +Business,Talbots Profit Meets Lowered Forecast (Reuters) +Business,High oil costs hit more airlines +Sci/Tech,Million more in broadband's reach +Business,Google Lowers Price Range +Business,"Pentagon flipflops, will pay Halliburton fully" +Business,Report: Bank of America to lay off Fleet workers +Business,Applied doubles revenue +Sci/Tech,Sony Develops New Chip for More Real and Refined High Definition Video +Sports,"Athletes Return to Olympia Home After 1,611 Years (Update3)" +Sports,Dampier headed to Mavericks? +Sports,SI.com +World,"Rwanda, Burundi threaten with Congo invasion" +World,Soldier Killed in Action Named +Business,"Seiyu posts first half net loss on slower sales, higher costs (AFP)" +Business,Dollar Fights to Keep Off August Lows +Sci/Tech,Japanese bank taps RFID for document security +Sci/Tech,"Google drops target price, extends auction to Wednesday" +World,"Summer storms lash Europe, deaths in France (AFP)" +Business,Before-the-Bell: Taser Climbs +Sci/Tech,Google slashes target stock launch value (AFP) +World,Singapore Suspends Some Poultry Imports (AP) +World,Religion Experts Ask How Jesus Would Vote (AP) +Business,Oil tops \$47 a barrel +Business,Refinancings soar 21 as rates slump +Business,High oil costs hit more airlines +Business,Nestle Reports First Half Net Profit +Business,Georgia Power wins ruling on research study +Sci/Tech,Home users get key Windows update +Sci/Tech,This information has been provided by the State Statistics Committee +Sports,Greek sprinters #39; withdrawals lift cloud over Games +World,Germany #39;s Schroeder confirms adopting Russian toddler +Business,Before-the-Bell: Taser Climbs (Reuters) +Business,Dillard's Posts Narrower 2nd-Quarter Loss (Reuters) +Sci/Tech,"Gartner revises PC market forecast, warns of downside (MacCentral)" +World,Medical Experts Fear Charley's Aftermath +World,8 Terror Suspects Appear in British Court +World,Greek Sprinters Withdraw From Olympics +World,Google Cuts Its IPO Price Range +Business,Google Slashes Price of Shares in Initial Public Offering +Sci/Tech,How Old is the Milky Way? +Sci/Tech,"Google Lowers IPO Price, Limits Shares" +Sports,American Swimmers Fired Up by Relay Win +Sports,U.S. Rowers Advance +World,Google Confounds European Investors (Reuters) +World,Home users get Windows update +World,Assam strike over rebel attacks +Business,Google Slashes the Size of Its IPO +Business,Yukos sells gas stake +Business,Futures point lower +Business,Airlines under pressure from soaring fuel price +Business,Costco Tests Casket Market +Business,Global miner BHP Billiton posts record net profit as demand soars +Business,"Nestle Net Rises 2.1, Less Than Forecast, on Costs (Update6)" +Business,China Mobile increases earnings 7.8 +Sci/Tech,Cassini-Huygens discovers two new Saturnian moons +Sports,Greek Sprinters Withdraw From Olympics +World,Can the peace in Najaf be achieved? +World,"Georgian, South Ossitian Forces Continue Fighting" +World,China battles for North Korea nuclear talks +World,Nepal rebels cut off routes to capital in first-ever blockade +World,Annan: Burmese Democracy Will Fail Without Participation By Opposition +World,"Philippine Rebels Free Troops, Talks in Doubt" +Business,Stocks Set to Open Lower as Oil Hits High +World,Zoo Separates Baby Rhino from Clumsy Mother (Reuters) +World,Hong Kong Politician's Detention Condemned (AP) +Business,Dillard's Loss Narrows But Off Estimates +Business,Eurozone inflation rate falls in July +Sports,US Sighs with Relief But Basketball Concerns Linger +Sports,Zijlaard-van Moorsel wins women #39;s road individual time trial +World,Najaf militants given hours to surrender or face lesson +World,Burundi Summit Expected to Focus on Massacre +Business,Monsanto Says Justice Dept Closes Inquiry (Reuters) +Business,Brown Shoe Earnings Drop 32 Percent (Reuters) +Business,Brown Shoe Earnings Drop 32 Percent +Sci/Tech,SAP users warned of false support calls +World,Five killed in Kashmir violence +World,U.S. Men Qualify for Final in Shot Put +World,Google Cuts Its IPO Price Range +Business,Oil Prices Surge to a New High Today +World,Iraqis Decline to Send 2nd Peace Mission to Najaf +Business,"Google lowers price range, number of shares, for its IPO" +Business,China Mobile Reports Jump in Profits +Sci/Tech,Intel delays HDTV market debut +Sci/Tech,Script kiddies join forces with spammers +Sci/Tech,Microsoft readies Host Integration Server 2004 +Sci/Tech,Cryptography break threatens digital signatures +Sports,Endurance swimmers short-changed at Olympics: Hackett +Business,Oil at New Record +Sci/Tech,Radiation and Drug Combo Help With Prostate Cancer +Sci/Tech,Medical Experts Fear Hurricane Charley's Aftermath +Sci/Tech,Malaysia's Sea Turtles Are in Trouble (AP) +Sci/Tech,Future Flyers: Pushing Forward for Personal Aircraft (SPACE.com) +Sci/Tech,Twisted Physics: How Black Holes Spout Off (SPACE.com) +World,Kerry to Attack Bush Troop Withdrawal Plan (Reuters) +Business,Google Cuts IPO Price by a Quarter to \$85-\$95 a Share (Update7) +Business,Supply worries push oil to record +Business,8/17/04 - Us Concerned About Yukos +Business,Dillard #39;s Posts Narrower 2Q Loss +Business,Stocks Open Lower +Business,E*Trade Says Customer Trading Dipped in July +Business,Brown Shoe Earnings Drop 32 Percent +Business,Cendant Steals Home +Sci/Tech,Malaysia turtle nesting sites at risk -scientists +Sports,American Swimmers Fired Up by Relay Win +Sports,Dope scandal athletes withdraw +Sports,Renewed focus ends nightmare +Sports,Not quite good as gold +World,Burundi police fire tear gas at massacre protest +Business,BellSouth: #36;3.3 Bln Rise in Benefit Costs (Reuters) +Business,Crude Oil Prices Surge Again +Business,UK challenge of India outsourcing +Business,"Google, Set for Offering, Cuts Share Price by About a Quarter" +Sci/Tech,Windows XP Security Update Delayed +Sci/Tech,New PC Is Created Just for Teenagers +Sci/Tech,Violence Tackled at Online Gaming Parlors +Sci/Tech,Web Site Shows New York Drug Prices +Sci/Tech,U.S. Broadband Growth Slows - Analyst +Sci/Tech,Google Slashes Its IPO Price Range +Sports,GB badminton duo make final +World,Bomb Found in Town Near Berlusconi Villa (AP) +World,"Just Keep It Peaceful, Protesters; New York Is Offering Discounts" +World,Huge boost to Darfur aid effort +Business,"Google, Set for Offering, Cuts Share Price by About a Quarter" +Business,BHP profit rises 78 on Chinese demand +Business,BellSouth: \$3.3 Bln Rise in Benefit Costs +Business,"Military flipflops, will pay Halliburton fully" +Business,"Dillard #39;s misses estimates, shares plunge" +Business,Barclays to Buy CIBC Credit Card Unit for \$293 Mln (Update1) +Business,Applied Materials +Business,Nestle #39;s 1st Half Net Profit Hits \$2.28B +Sci/Tech,Ringtones are music to record labels #39; ears +Sci/Tech,Malaysia #39;s Sea Turtles Are in Trouble +Sports,Kenteris and Thanou Withdraw; Thorpe Targets 3rd Gold (Update2) +Sports,"LeBron, USA Slide By Greece" +Sports,US women crush South Korea for third straight blowout win +Sports,Canadian tutu man gets five months for Olympic plunge +World,Howard stands by overboard account +Business,Weak Ice Cream Sales Melt Nestle's Profit (Reuters) +Business,Weak Ice Cream Sales Melt Nestle's Profit +Business,ING to Withdraw \$5 Bln from Janus Funds +Sci/Tech,Tech Goes for Gold in Athens +World,Hilton Offers Reward for Lost Chihuahua +World,Arafat Admits Palestinians Made Mistakes +Business,Air Canada Stock Plunges on Review +Business,Pentagon Backs Off Halliburton +Sci/Tech,Rival Targets Apple's iTunes Customers (AP) +Business,Air Canada Stock Plunges on Review (Reuters) +Sports,U.S. Shooter Wins Gold +World,"US says ""getting nowhere"" with crisis in Darfur (AFP)" +Sports,Utah's Smith Sets Sights on Heisman Award (AP) +Business,Economies Not Yet Dented by Oil Prices +Business,Stocks Up; Investors Bottom Fishing +World,England reach for the painkillers as World Cup qualifiers loom (AFP) +World,Delegate: Al-Sadr Agrees to Withdraw (AP) +World,Shanghai's Economy Grows 14.7 Percent (AP) +Business,Web giant Google cuts IPO prices +Business,Record \$4.7bn profit for BHP +Business,Insurers #39; Storm Swirls Around Chubb +Business,Dillard #39;s Posts Narrower Loss in 2Q +Business,Cox Hires Advisers on Parent Bid +Sci/Tech,Is Upgrading to Windows XP SP2 Worthwhile? +Sci/Tech,Google cold shoulder confounds European investors +Sci/Tech,A Nokia Smartphone With An Edge +Sci/Tech,Microsoft wants Web designers to use content tagging +Sports,US comes in second in women #39;s cycling +Sports,Alonso Next in at Anfield +Sports,Let the Games (and parties!) begin +Sports,Wilkinson Ready To Take Next Step Along Road Back +Sports,Berry misses cut at US Amateur +World,Bomb Found in Town Near Berlusconi Villa +World,Downer positive over North Korea talks +World,Hong Kong pro-Beijing politicians accuse opponents of misleading public over sex scandal +World,Iran retaliation threat to Israeli N-plant +World,N. Ireland deal hinges on IRA disarmament (AFP) +Sci/Tech,"Cisco Gets New Partner, Clients, Product in the Core" +Sports,Sportsview: Bills Get Playoff Hunger (AP) +Sci/Tech,Creating Compelling Search Engine Ads and Landing Pages +World,Iraq Delegates Say Sadr Agrees to End Najaf Crisis +World,Europe Urged to Continue China Arms Sales Ban +World,"Militants, Israeli Troops Battle in Gaza" +World,THE UNITED NATIONS The Campaign against Kofi +World,Hamas Militants Kill Israeli Soldier +Business,US oil stockpiles drop +Business,Barclays Move Towards US Credit Card Market +Business,Ford dumps \$200m Oracle system +Sci/Tech,Japan firm unveils world #39;s lightest flying micro-robot +Sci/Tech,China Unicom cuts ties with 45 ISPs to curb web porn +World,Fighting Resumes In Al-Najaf After Peace Mission Fails +World,What #39;s behind Israeli construction permits? +World,Chirac and Schroeder to meet with Putin +World,UN concerned by lack of Darfur progress on ground +World,"Get them caught, get 6 crores" +Business,Economies Not Yet Dented by Oil Prices (Reuters) +Business,SEC Bars Some Mutual Fund Fees (Reuters) +Business,Google Slashes IPO's Size +Business,SEC Bars Some Mutual Fund Fees +Business,Stocks Open Lower in Moderate Trading +Business,BellSouth Sees Higher Benefits Expense +Business,McDonald #39;s tests MasterCard PayPass +Business,Chinese boom pays off for BHP +Sci/Tech,Real v Apple music war: iPod freedom petition backfires +Sci/Tech,Security Watch Letter:New MyDoom Piggybacks More Dangerous Worm +Sci/Tech,IBM Offers New POWER5 eServer i5 550 +Sci/Tech,"Marriage between security, business needs" +Sports,Life of Reilly: Athens style +Sports,Springboks targets scrum +Sports,Dyer up for sale on ebay +Sports,Chicago White Sox Team Report - August 18 +World,Iraqi Delegates Say Sadr Agrees to End Najaf Crisis +World,Howard defiant as attacks mount +World,6 dead in typhoon deluge +World,Health hurdle for Latham #39;s campaign +Business,AT amp;T team wins \$1bn network deal +Business,Profit Takers Ambush Treasuries +Business,Steel boom boosts Iscor's profits +Sci/Tech,Boy Escapes Cougar Near Canada's Jasper Park (Reuters) +Business,Tiffany amp; Co. selling stake in Aber Diamond +Business,Intel Says It's Recovered from Missteps (Reuters) +Sports,Illini Hope To Reinvigorate Football Program With Zook +Sports,Zeeland #39;s Kaat to be considered for Hall +Sports,Athletes cheat way to fame and fortune +Sci/Tech,Cisco-Fujitsu Deal Highlights Japan #39;s Internet Dominance +Business,Citigroup faces regulatory probe +Sci/Tech,eCOST.com Cuts IPO Price to #36;7 a Share from #36;9- #36;11 (Reuters) +Business,OPEC Hawks Want to Keep Prices High +Business,Google Slashes IPO #39;s Size +Business,Update 3: Russia: China to Cover Yukos #39; Rail Fees +World,Iraqi official: cleric agrees to withdraw forces from Najaf shrine +Business,SEC Seen Making Google IPO Effective +Business,Stocks Gain as Oil Ease from New High +Business,Deere's Color Is Green +Business,Linux wins heart of global SAP user +Sci/Tech,Compuware Accuses IBM of Ambush Tactics (AP) +World,PA minister: Barghouti will drop candidancy +Business,SEC Seen Making Google IPO Effective +World,"Cheney, Rumsfeld Say Terror Remains Threat" +Business,SEC Seen Making Google IPO Effective +Business,Download a Song for 49 Cents +Business,RCMP initiates Nortel investigation +Business,"Profit climbs at Talbots womenswear chain, helped by tax gain" +Business,Citigroup Bond Trading Investigated by UK Regulator (Update1) +Business,"Fund managers raise cash-asset level, says survey" +Business,Court approves St. Paul \$502.5 mln asbestos accord +Sci/Tech,"Epson builds lightest, smallest micro-flying robot" +Sci/Tech,Norton #39;s 2005 security line-up +Sci/Tech,Samsung streams on Sprint with MM-A700 +Sports,Greek heroes quit Games +Sports,Germany Paddles to Bronze +Sports,Dutch cyclist #39;s fairytale comeback +Sports,Hamilton takes gold in time trial +World,Sadr agrees to accept Iraq peace mission demands +World,UK Terrorist Suspects Have Case Sent to Old Bailey (Update2) +Sports,US ; Japanese-born teen youngest US chess champ since Bobby <b>...</b> +Sports,Pacers #39; Foster activated from injured list +Sports,Report: Tougher testing on the way for MLB +Sci/Tech,Preview of SQL Server 2005 Released +Sci/Tech,BusinessWeek Special Report Examines Apple #39;s iPod Lead +Sci/Tech,Microsoft nears release of 64-bit Windows +Sci/Tech,IBM Nabs \$750M Deal with Lloyds TSB +Sci/Tech,"Students Win \$100,000 in National Team Science Competition" +Sci/Tech,Experts Push for More Computer Security Efforts +Sci/Tech,"Group Enlists Honey Pots to Track IM, P2P Threats" +Sci/Tech,"Cisco, Juniper Making Noise in High-End Routing Space" +Business,SEC Seen to OK Google IPO After 4 P.M. +Business,BellSouth: Retiree Costs to Cut Q4 Earns +Sci/Tech,GAO: Homeland Security #39;s Enterprise Architecture Lacks Key Elements +Sci/Tech,Compuware Asks Court To Sanction IBM In Software Theft Case +Sports,US Men Take Gold and Bronze in Cycling Time Trial +World,Iraqi Cleric Agrees Deal to End Siege at Shrine +World,Burundi police fire tear gas at massacre protest +Business,"Google Slashes IPO, SEC OK Expected Today" +Sci/Tech,"HP decries Itanium, SAP issues and bad English" +Business,French watchdog fines Messier 1m +Business,Toyota tunes in satellite radio +Business,Sprint begins \$3 billion march to 3G +Business,Europe troubled by euro rise +Business,Oil Falls to 3-Month Low as Heating-Oil Supplies Probably Rose +Business,AOL Cuts 750 Jobs +Business,U.S. to Import 4 Million Flu Shot Doses +Business,Intel Says It's Recovered from Missteps +Sports,Tyson to Begin Training +World,Putin questions Iraqi poll plan +Business,Mortgage Applications Rise as Rates Ease +Business,Staples Goes to China? +Business,Crazy 'Bout a Sharp Dressed K +World,"Report: Palestinians, Israel Back Peace Plan" +World,Storm-ravaged peasants flee as Philippines runs out of money for relief (AFP) +World,Sudanese Hopeful of New Year Peace Deal +World,"After all, have we become Russias strategic partner?" +Business,Charley #39;s insured losses seen hitting \$7.4 billion +Business,US mortgage applications rise as rates ease +Business,Aurora Woman Sues Costco Over Discrimination Claims +Sci/Tech,Researcher Finds Flaws in XP SP2 +Sci/Tech,RealNetworks Halves Music Prices But Move to Confront Apple Will Increase Company #39;s Loss +Sci/Tech,Compuware accuses IBM of ambush tactics in piracy suit +Sci/Tech,Microsoft Funded Study Deciding Factor in 10yr Deal +Sports,Bilonog Edges Nelson With Last Put as Shot Returns to Olympia +Sports,Figo takes break from international football +World,NLD MP urges people to sign petition +World,WFP Tackles #39;Critical Six Weeks #39; in Darfur with Up-Scaling of Air Operations +Sports,Italy Lights the Path for the Olympic Torch +World,Lamy Strong Candidate for WTO Job-USTR (Reuters) +Business,Janus Finalizes Regulatory Settlement (AP) +Business,Italy's Parmalat sues ex-auditors +Sci/Tech,Study: Hubble Robotic Repair Mission Too Costly +Sci/Tech,Dell Cuts Prices on Enterprise Hardware +Sci/Tech,Boston Globe: #39;Forget Microsoft and buy an Apple iPod - it works #39; +Sci/Tech,Thunderbird Mail goes 1.0 +Sci/Tech,Nvidia to work on PlayStation 3 chip +Business,SEC Bars Mutual Fund Payoffs to Brokers +Business,Air Canada Stock Plummets on Review +Business,Parmalat Sues Ex-Auditors in Chicago +Sci/Tech,Apple zealots slam Real #39;s iPod campaign +Sci/Tech,Macromedia offers Flash video tool +Sci/Tech,Apple G5 chips #39;in short supply #39; +Sports,Cycling: Hamilton wins time trial +Sports,Jail for Olympic pool jump +World,Leaders Threatened by Terrorist Groups Large and Small +World,Food crisis worsens in North Korea +World,German investor confidence surges +World,EU Weighs Tougher Conditions for Talks With Turkey (Update1) +Business,Airlines to Cut Flights at Chicago O'Hare +Business,FAA: Flight-Reduction Deal Set for O #39;Hare +Business,Italy #39;s Parmalat sues ex-auditors +Business,Update 2: Swisscom Confirms May Merge With Firm +Business,Cox directors look at proposed buyout +Sci/Tech,Cassini Probe Discovers Tiny Saturnian Moons +Sci/Tech,MS Host Integration Server 2004 Is Weeks Away +Sports,Figo takes break from international game +Sports,Van Basten entrusts Dutch captaincy to Davids +Sports,Russia #39;s Korzhanenko wins women #39;s shot put; American favorites eliminated +Sports,US rowers advances in photo finish +World,Sadr calls for Najaf ceasefire +World,"Dhiren to father, Abu Musa to al Qaeda" +World,Terrified neighbours see dog kill owner +Sports,Garrison gets new contract; King retires +Sports,VARSITY MATCH +Sci/Tech,Nintendo Game Machine Gets Good US Start +Sci/Tech,Fledgling Thunderbird takes on Outlook +Sci/Tech,"Cybersecurity post needs a promotion, firms say" +Business,"Toyota strikes satellite radio deals with rivals XM, Sirius" +Business,AT amp;T Wins \$1B Treasury Contract +Business,"UPDATE 1-SEC, NASD probing Jefferies trader #39;s gifts -WSJ" +Business,Report: J amp;J in Talks to Acquire Guidant +Business,"Google Slashes IPO, SEC OK Expected Today" +Business,Stocks Up; Traders Eye Crude Oil Prices +Sports,Houston serious about keeping its superstar center fielder +Business,"Charley May Cost Insurers \$7.4 Billion, Industry Says (Update1)" +Business,"Parmalat sues ex-auditors Deloitte, Grant Thornton" +Business,Barclays Buys CIBC US Credit Card Unit for \$293 Mln (Update5) +Business,"Tap, Eat, N Go" +Sci/Tech,Broadband used by 51 percent of online population +Sports,Canadian who leaped into Olympic pays the price for 15 minutes of fame +Sports,Els targets improved putting after Whistling Straits woes +World,"8 terror suspects, including alleged al-Qaida figure, charged in Britain" +World,UN rights envoys urge probe into Burundi massacre +World,One Hamas leader survived assassination; five Palestinians killed in an Israeli bombardment in Gaza +World,Swiss to hand back more Abacha funds +World,WFP Relying On Airdrops To Bring Food In West Darfur +Sports,Late try gives Oxford win +Sci/Tech,Dell trims PC prices for business clients +Sci/Tech,"NASA #39;s Return to Flight on Track, Shuttle Officials Say" +Business,What's Google Minus \$10 Billion? +Sci/Tech,Wind River's Smooth Sailing (The Motley Fool) +Sci/Tech,Teleportation goes long distance +Sci/Tech,Europe Is Warned of Changing Climate (AP) +Business,Clinton: Ex-President Inaugurates China-Backed Internet Search <b>...</b> +Business,High court hears dispute over Michigan interstate wine sales +Business,Stocks Move Higher on Mixed Economic Data +Business,IBM: Do We Have a Deal? +Business,Three IPOs Trim Price Ranges Wednesday +Business,"Oil at \$47, Economic Impact Seen as Muted" +Business,"McDonald #39;s testing deli sandwiches in Louisville, other markets" +Sci/Tech,Netscape #39;s Official New Browser is Out +Sports,"Kenteris, Thanou Quit Games; Thorpe Record Bid Fails (Update6)" +Sports,"Roddick, Williams eliminated from Olympic tennis" +Sports,Giambi calls strain #39;nothing serious #39; +Sports,Olympics: Venus out of Olympics +World,Sadr calls for Najaf ceasefire +Business,Something's Brewing at Diedrich Coffee +World,"Report: Palestinians, Israel Back Peace Plan" +World,State Dept. Warns of Violence in Laos (AP) +Sci/Tech,VIDEO GAME REVIEW: Driv3r Plot Is Tedious (AP) +Business,Credit Suisse to Focus on Investment Bank +Business,U.S. Economic Outlook Dims a Bit +World,Workers fight bad weather to give aid to storm-ravaged Philippines; 740 dead (Canadian Press) +Business,Update 3: Bank of America Cuts Some Fleet Workers +Business,SEC Bars Mutual Fund Payoffs to Brokers +Business,Barclays buys Juniper Financial for \$293M +Business,UAL agrees to independent agents to oversee pension funds +Sci/Tech,Compuware asks court to punish IBM +Sci/Tech,Investors Unfazed by Last-Minute Google Moves +Sci/Tech,Charley a Harbinger of Busy Hurricane Season? +Sci/Tech,Report: Apple G5 chips scarce +Sports,American Cyclist Hamilton Wins Time Trial +Sports,Kitajima wins breast stroke double +World,State Dept. Cautious of Najaf Reports +World,Pakistan publishes photos of six suspects wanted in terror +Sports,Steroid Talks Progress +Sports,Italy Lights the Path for the Olympic Torch +World,Five die in renewed Gaza fighting +Sci/Tech,Dual-Format Disc That Plays Both HD DVD and DVD +Sci/Tech,Energy from waves teenager wins science award +Sci/Tech,Program Lets People Design 3-D Objects (AP) +Business,1.2 million flu shots will stay in Canada after all +Sci/Tech,Windows XP SP2 Help +Sci/Tech,Slim Majority of Web Users Connect With Broadband +Sports,Bilonog Wins Olympia Shot Put Gold +Sports,Kitajima wins breaststroke double +World,Nigerian senate to rule on Darfur troop deployment +Sci/Tech,Google IPO Is Small Hurdle Vs Growing Competition (Reuters) +Sports,PAC-10 MEN #39;S Basketball: Timing of Bibby firing irks Olson +Sports,Pacers #39; Foster Activated From Injured List +Sci/Tech,Physicists Teleport Photons Across Danube +Sci/Tech,British Cave Yields Elaborate Ice-Age Art +Sci/Tech,Venus: Inhabited World? +Sci/Tech,Particle Physics in a New Universe +Sci/Tech,Compuware asks court to punish IBM +Sci/Tech,A brighter Outlook? +Sci/Tech,Briefly: Macromedia offers Flash video tool +Sci/Tech,Macromedia offers Flash video tool +Sci/Tech,Microsoft tightens Windows-mainframes link +Sci/Tech,Red Hat names new services executive +Sci/Tech,Report: Apple G5 chips scarce +Sci/Tech,MCI to overhaul network for international calls +Sci/Tech,Study: Broadband leaps past dial-up +Sci/Tech,UTStarcom wins Indian IP gear contract +Sci/Tech,Juniper engineers depart for start-up +Sci/Tech,Real gets flamed over iPod campaign +Sci/Tech,Hynix to build chip plant in China +Sci/Tech,Researchers find holes in XP SP2 +Sci/Tech,Google faces another trademark suit in Germany +Sci/Tech,Where to Dump Your Dead Technology +Sci/Tech,BlackBerries Take Aim at Terrorism +Sci/Tech,"Google, WebSideStory, Claria Show Negative IPO Trend" +Sports,U.S. Coach Larry Brown Won't Make Changes (AP) +Sports,Manning to Get First Start Vs. Panthers (AP) +Sports,Toronto Raptors Sign Center Loren Woods (AP) +Sports,Indians Call Up Righty Fernando Cabrera (AP) +Sports,Hamm of U.S. Wins Men's Gymnastics All-Around Gold +Sports,Americans and Dutch Strike Gold in Cycling +Sports,U.S. Women Break Oldest Record for Relay Gold +Sports,"Henry, Phelps on Record Track to Gold" +Sports,Hamm Wins Gold for U.S. +Sports,U-Va.'s Brooks Out +Sports,Nelson: Shot Put Silver +World,Olympian women escape the age barrier (AFP) +World,Russia investors skeptical of Yukos mad scramble for cash (AFP) +World,Israeli Helicopter Fires at Gaza Building (AP) +World,U.N. Food Agency Steps Up Sudan Aid (AP) +World,Group Asks to Protest in Central Park (AP) +World,New York Vs. the Protesters (washingtonpost.com) +World,Retiring GOP Rep.: Iraq War Unjustified (AP) +World,Lawyers Defend Wen Ho Lee Reporters (AP) +World,"Iraq Cleric Agrees to End Uprising, Demands Truce" +World,Israel's Sharon Confronts Party Rebels Before Vote +World,U.N. Tries to Calm Frontier After Burundi Massacre +World,Cleric Who Died in Pakistan Custody 'Tortured' +World,Cleric dies in Pakistan custody +World,Teleportation goes long distance +World,8 Terror Suspects Appear in British Court +World,Demand Soars for Laughing Cow Cheese +World,"Venus, Roddick Upset in Olympic Tennis" +World,Kerry Decries Bush Plan to Recall Troops +World,'Potential Development' in Peterson Case +World,Stocks Are Up Despite Rising Oil Prices +World,Kerry Decries Bush Plan to Recall Troops +World,Stocks Climb Despite Rise in Oil Prices +World,'Potential Development' in Peterson Case +World,Sadr Signals He Will Accept Peace Plan +World,China Detains Prominent Buddhist Leader +Business,"Stocks End Higher, Dow Back Above 10,000" +Sci/Tech,Unpatched PC quot;Survival Time quot; Just 16 Minutes +Sci/Tech,Add-On Toolkit For Outlook Cuts Clutter +Sci/Tech,IBM #39;ambush #39; accusation +Sci/Tech,Epson Announces Advanced Model of the World #39;s Lightest Micro-Flying Robot +Sci/Tech,Ford scraps Oracle-based procurement system +Sci/Tech,Malaysia sets up sanctuary in Terengganu to protect endangered turtles +Sports,"With Kenteris and Thanou out of Games, hometown suffers a big blow" +Sports,"Venus, Roddick ousted from Olympics" +Sports,Losing No. 1 only a matter of time for Tiger +Sports,Britain #39;s Law takes equestrian silver +Sports,"Kitajima sweeps both breaststrokes, Hanson third" +Sports,Ht England 1 Ukraine 0 +World,Bomb Defused in Sardinia After Berlusoni and Blair Visited +World,Darfur #39;s War of Definitions +World,Cleric Who Died in Pakistan Custody #39;Tortured #39; +Business,Google Slashes IPO Price +Business,Janus Loses \$5 Billion +Business,"Parmalat sues Grant Thornton, Deloitte for \$10 billion" +Business,Is Applied Materials Losing Momentum? +Business,McDonald #39;s to use cashless payment system +Business,"Update 1: Vivendi, Messier Are Fined \$1.35 Million" +Business,"Tiffany sells stake in Aber Diamond, discount arrangement ends" +Business,SEC Says Google IPO Document Effective +Sci/Tech,Australian City Agency Switches to Sun's StarOffice (Ziff Davis) +Sci/Tech,Ford scraps Oracle-based procurement system +Sci/Tech,Briefly: Mozilla makes Japanese push +Sci/Tech,Pros point to flaws in Windows security update +Sci/Tech,Sears launches consumer electronics line +Sci/Tech,Wireless sensor networks looking to Zigbee Alliance +Sci/Tech,Web Surfers Hit Higher Speeds +Sci/Tech,Microsoft Outlook Tool Launched by You Software +Sports,Hamm Wins All-Around Gymnastics Title (AP) +Sports,Judge in Bryant Case Loosens Gag Order (AP) +Sports,Bulluck Picks Super Bowl Shot Over Cash (AP) +Sports,American Hamm Claims Men's Gymnastics All-Round Crown +Business,UPDATE 1-Citigroup fined over risky fund recommendations +World,UN food agency steps up Sudan aid as rainy season approaches (Canadian Press) +World,"Iraq Cleric Agrees End Uprising, Fighting Continues" +World,SA soldiers 'robbed immigrants' +World,Israel 'hits' Gaza City targets +World,Paul Hamm Wins All-Around Event +World,Al-Sadr OKs Plan to End Fighting in Najaf +World,SEC Gives Final Nod to Google's IPO +World,Hamm Wins All-Around Gymnastics Title +Business,"Colgate to Cut About 4,400 Jobs" +Business,Lamy Strong Candidate for WTO Job-USTR +Business,"Stocks Close Higher, Dow Above 10,000" +Sci/Tech,"CORRECTED: Charley Shows Progress, Pitfalls in Forecasting (Reuters)" +Sci/Tech,Oracle intros Business Intelligence 10g +Sci/Tech,Mozilla Sparks New Fire with Thunderbird E-Mail Client +Sci/Tech,Sony Announces PS3 GPU +Business,"United, American OK flight caps to ease airport gridlock" +Business,"Stocks End Higher, Dow Back Above 10,000" +Business,Cause of shopping center fire in South Everett under investigation +Sci/Tech,BigFix eases enterprise deployment of SP2 +Sci/Tech,Web Surfers Hit Higher Speeds +Sci/Tech,Compuware Calls for IBM Oust +Sci/Tech,White House Touts High-End Computing In R amp;D Budgets +Sports,Greek sprinters withdraw from Olympics +Sports,Olympics : Japan #39;s Kitajima completes breaststroke double +World,Calls for Sadr militia to disarm +World,More Georgian Soldiers Die in South Ossetia Clashes +World,"Riot in Salvadoran jail leaves 20 dead, 30 injured" +Business,Intuit Posts Wider Loss After Charge +Sci/Tech,Software Vendor Lindows Postpones IPO (AP) +Sci/Tech,Spruced up 64-bit Windows beta ready +Business,Dollar Up a Bit Against Europe Currencies +Sci/Tech,Google Faces Another Keyword Lawsuit +Sports,Ogunleye Remains Idled in Contract Talks (AP) +Sports,Portugal Suffers Humiliating Athens Exit in Soccer +World,"Iraq Cleric Agrees to End Uprising, Fighting Rages On" +Business,Argentina to tackle tax 'evaders' +Business,SEC Gives Final Nod to Google #39;s IPO +Business,O #39;Hare Set to Lose 37 Daily Arrivals +Business,Moody #39;s raises Dell #39;s senior unsecured debt rating +Sports,"Roddick, Williams lose in third round" +Sports,"Hamm stumbles, then soars to gold" +Sports,Aussie equestrian hopes end in sixth +World,Arafat #39;s familiar words must lead to unfamiliar actions +World,"Salvadoran Prison Riot Kills at Least 20 Prisoners, EFE Reports" +World,PM denies misleading public +World,Southern Africa: Zim Election Group Welcomes SADC Guidelines +Business,"Vivendi, Messier Each Fined EU1 Million by French Regulator" +Business,Lenovo may be in acquisition talks with IBM +Business,"Google Slashes IPO, Gets Pricing Go-Ahead" +Sci/Tech,Product Review: Business PC Roundup - Part 2 (NewsFactor) +Sci/Tech,Analyst: CRM Mergers and Acquisitions Picking Up (NewsFactor) +Sci/Tech,Vitamin E Thwarts Colds in the Elderly +Sci/Tech,Ford kills 'Everest' procurement software system +Sci/Tech,NetRatings survey shows broadband users now a majority in U.S. +Sci/Tech,Brief: FedEx Kinko's launches Internet-based print options +Sci/Tech,Sun postpones September user show +Sci/Tech,Researchers find holes in XP SP2 +Sci/Tech,HP pledges to correct order processing problems +Sci/Tech,Catching 'gotchas' in tech contracts +Sci/Tech,Netscape 7.2 released +Sci/Tech,Brief: SAP users warned of false support calls +Sci/Tech,Review: Robovacs No Match for Normal Vacuum Cleaners +World,Sharon's Likud Rejects Coalition Bid--First Returns (Reuters) +World,UN Concerned by Lack of Darfur Progress on Ground (Reuters) +World,Sharon's Likud Rejects Coalition Bid--First Returns +Business,Medtronic Quarterly Net Up (Reuters) +Business,Google Says IPO Auction Has Closed +Sports,Bloom Will Appeal Latest NCAA Rebuff (AP) +World,U.S. Forces Kill 50 Sadr Militia in Baghdad Suburb (Reuters) +World,Besieging holy sites: past lessons +World,British say US gave terror suspects a heads up +Business,"IPO Quiet Period Needs #39;Good, Hard Look #39; -SEC Chief" +Business,Crude oil crosses the \$47 per barrel mark +Business,Fleet Bank to lay off workers +Business,Intuit Posts Wider Loss After Charge +Business,"Google Gets the Green Light, Markets Perk Up" +Business,Parmalat sues former auditors for at least \$10 bn +Business,Mexican Volkswagen Workers Strike Over Wage Increase +Business,"Synovis shares tumble as profit, revenue fall" +Sci/Tech,Windows XP SP2 Firewall +Sci/Tech,Ford kills #39;Everest #39; procurement software system +Sci/Tech,Scientists Fear Malaysian Sea Turtles Threatened +Sports,Hamm Becomes First US Gymnast to Win All-Round Olympic Title +Sports,Return to Olympia worth long wait +Sports,"Day 5 of Olympics Brings Gold for Some, Major Upsets for Others" +World,Radical Shiite Cleric #39;Accepts Peace Plan #39; +World, #39;9-11 helper driven by anti-Israeli beliefs #39; +Business,IBM: Do We Have a Deal? +Business,Oil Falls to 3-Month Low on Mild Weather +Sci/Tech,Wal-Mart does the notebook price limbo +Sports,American Hamm Claims Men's Gymnastics All-Round Crown +World,Egypt eyes possible return of ambassador to Israel +Sports,Woods' Top Ranking on Line at NEC Invite (AP) +Sci/Tech,Nvidia To Power Next-Gen Sony Console +Sci/Tech,Mozilla Thunderbird Reaches 1.0 +Sci/Tech,NASA Seeks Methods to Repair Shuttles in Flight +Sci/Tech,"Trend Micro offers cellphone, PDA security" +Business,Regulators clear Google flotation +Business,Mexican car workers stage walkout +World,Heavy rains force another helicopter rescue operation in Britain (Canadian Press) +World,Sharon's Party Bars Bid for Coalition on Gaza Plan +Business,Update 1: Sprint Signs \$3 Billion Wireless Pacts +Business,Group: Hurricane may cost insurers \$7.4B +Business,Medtronic Quarterly Net Up +Business,Viagra introduces its latest celebrity backer: the devil +Business,LA parking company lands contract renewal with ABIA +Sci/Tech,Our most vulnerable citizens don #39;t belong in hurricane danger zones +Sports,US Cyclists Capture Three Medals +Sports,American Hamm Claims Men #39;s Gymnastics All-Round Crown +Sports,Cooke Vows to Learn Athens Lesson +Sports,US Women Shatter Olympic 800-Meter Freestyle Relay Record +Sports,Reid opens his Ireland account +World,Sadr agrees to lay down arms +World,Karzai Sworn in as Afghanistan's President +World,"Soldier, 4 Militants Die in Renewed Gaza Fighting" +World,Ukraine in Turmoil as Agreement Crumbles +Business,"After Bell: Synopsys Falls, CACI Gains" +Business,U.S. Treasury Debt Prices Drop +Sci/Tech,Intuit Posts Wider Loss on Acquisitions (AP) +World,"US deaths in combat near 1,000, Iraqi PM meets Putin" +Sci/Tech,Samsung network aims to keep Olympics on track +Sci/Tech,Wal-Mart offers sub-\$600 notebook +Sci/Tech,Google gets IPO green light from SEC +World,FBI Expects Violence at GOP Convention (AP) +World,Army Deserter to Move to Japan +World,Finnish teenagers come top again in school skills +Business,Temporary Flight Caps Are Just That +Sci/Tech,How Redmond Won Newham +Sci/Tech,Spruced up 64-bit Windows beta ready +Sports,Kuranyi gives Klinsmann debut win +Sports,Hungary defeats Scotland +World,Sadr agrees to end Najaf crisis +World,The Olympics - weapon of mass distraction +World,Japan Greets U.S. Army Deserter Jenkins (AP) +World,Scottish landslides trap up more than 50 people (AFP) +World,NewsView: Mosque Adds Problems for U.S. (AP) +Business,After the Bell: Shares of Synopsys Tumble +Sports,Earl Snyder Called Up to Help Red Sox (AP) +World,U.S.: Al-Sadr Withdrawal Would Be Welcome (AP) +World,'Potential Development' in Peterson Case +World,Stocks Close Higher Ahead of Google IPO +World,Groups Try to Aid Elderly Charley Victims +World,Radical Cleric Accepts Najaf Peace Plan +World,Hamm Wins All-Around Gymnastics Title +World,Wen Ho Lee Reporters Held in Contempt +World,Egypt announces 'breakthrough' on Mideast peace (AFP) +Sports,"MLB, players #39; union engage in steroid talks" +Sci/Tech,NVidia to power Sony #39;s Playstation 3 +Sci/Tech,Oracle Unveils Standalone Business Intelligence Product +Sci/Tech,Reading Feeds With Thunderbird +Business,Weak demand behind Google price cut +Business,Oil Prices Set Another Record +Business,US airlines agree to cut flights at Chicago #39;s O #39;Hare +Sci/Tech,Half of US Web Users Now on Broadband -- Report +Sci/Tech,"It #39;s hip, it #39;s funky, it #39;s a PC made just for teens" +Sports,Beckham: #39;England needed this boost #39; +Sports,Scotland V Hungary Player Ratings +Sports,Lefty done for season with torn left flexor tendon +World,"Bargain-hunting, Iraq deal push up US shares" +World,Pope #39;s French visit leaves debt +Sci/Tech,Five new moons for planet Neptune +Sci/Tech,Vonage: Dial 311 for city info +Sports,"England, Germany Win Cup Qualifying Preps (AP)" +Sports,Dolphins Player Pleads Innocent to Assault (AP) +Sports,Hairston Out for Season +Business,Delta seeks permission to buy back certain bonds +Sci/Tech,Briefly: Vonage users dial 311 for city info +Sci/Tech,IBM chalks up two health care wins +World,Results of Presidential Campaign Polls (AP) +Sports,Crowd Inspires Greek Beach Volleyballers; US Duo Ousted +Sports,Golfer Ryan Baca Misses Cut at US Amateur +World,Sharon #39;s party rejects coalition bid +World,"Arafat Admits Mistakes, Slow on Palestinian Reform" +World,African Union pledges to send more troops to Darfur +Sci/Tech,Study: Global Warming Could Affect Calif. (AP) +Sci/Tech,New Bird Species Found in Philippines (AP) +Sci/Tech,Briefly: IBM chalks up two health care wins +Business,Freddie Mac Says May Face SEC Action (Reuters) +Business,Freddie Mac Says May Face SEC Action +World,GOP Incumbent Wins Wyo. Primary for House (AP) +Business,SEC Gives the Thumbs Up to Google #39;s IPO +Business,AUSTRALIA PRESS: Murdoch Drums Up Support For US Move +Business,Delta CEO presents long-awaited plan to board +Business,Parmalat Sues Grant Thornton and Deloitte +Sci/Tech,Broadband Reaches Critical Mass +Sci/Tech,Compuware Blasts IBM #39;s Legal Tactics +Sci/Tech,A brighter Outlook? +Sci/Tech,Five new moons for planet Neptune +Sci/Tech,Ford Drops Oracle-based Purchasing System +Sci/Tech,Pakistani firms answer call for cell phones +Sports,UPI NewsTrack Sports +Sports,Historic return but how much has it all changed? +Sports,England Beats Ukraine in World Cup Soccer Warm-Up (Update1) +Sports,Naked ambition finally earns reward for Williamson +World,Doubts over Sadr peace deal +World,Typhoon Megi claims six lives +Business,Freddie Mac May Face SEC Civil Action +Sci/Tech,"IBM tightening Eclipse, Java, Linux links" +Sports,Callahan Gets 'Fresh Start' With 'Huskers (AP) +World,Security aide says US will be stronger in Korea after troop withdrawal (AFP) +Business,Oil soars above 47 on US supply jitters +Business,Barclays set to purchase credit card company +Business,Bank Of America Layoffs Effect Fleet Banks Employees +Business,Fuel surcharges grow +Business,Inflation slows across euro region +Sci/Tech,Microsoft delays upgrade +Sci/Tech,Half of US web users use Broadband internet connection +Sci/Tech,"Mars Hills, Crater Yield Evidence of Flowing Water" +Sci/Tech,Compuware asks court to sanction IBM +Sci/Tech,"Microsoft Previews 64-Bit XP, Promises No Price Hikes" +Sci/Tech,Less Outlook clutter with new add-on Toolkit +Sports,Brazil hit Haiti for six in Peace Match +World,Berlusconi shrugs off fears of new terror threat after Sardinia bomb scare +World,Death toll of Salvadoran jail riot rises to 30 +World,Iraqi group threatens to kill missing journalist +Business,Medtronic Net Up on Higher ICD Sales +Sci/Tech,Shielding Your Skin From the Summer Sun +Sci/Tech,"Health Highlights: Aug. 18, 2004" +Sci/Tech,Google Gets IPO Go-Ahead +Sci/Tech,New Program Lets People Design 3-D Objects +Sci/Tech,New Target Price Could Make Google a Bargain +World,Pakistan's Ruling Party Claims Win in Vote (AP) +World,Pope's French visit leaves debt +World,Corzine Indicates He Will Not Seek Governorship of New Jersey +Business,Stocks Near Flat; J J Pressures Dow +Sci/Tech,Google Gets IPO Go-Ahead (PC World) +Sci/Tech,Bedrock in Mars' Gusev Crater Hints at Watery Past +Sports,Injuries Continue to Bedevil Cardinals (AP) +Sports,Raptors Sign Center Loren Woods (AP) +Sports,Heavy Rains Wash Out Mets-Rockies Game (AP) +World,Venezuela Opposition Refuses Recall Audit (AP) +World,Bush Says Importing Medicines 'Makes Sense' if Safe (Reuters) +World,Ghana election draws strong turnout +World, #39;The world is more dangerous #39; +World,Finnish Students Rank #1 in the World +Business,Australia amp; New Zealand +Business,Nortel #39;s Accounting Under Investigation +Business,Freddie Mac faces SEC action +Business,Bank of England Should Take a Breather at 4.75 +Sci/Tech,Ford Drops Oracle-based Purchasing System +Sci/Tech,Seiko Epson unveils latest mini robot helicopter +Sports,Hamm bounces back after fall to talke gymnastic gold +Sports,Team GB Hoping for More Olympic Success +Sports,Paes-Bhupathi overcome injury scare and Federer +World,Al-Sadr agrees to peace plan +World,Barghouti may be ready to quit PA race +World,Bush speaks of 'Soviet dinar' in speech about Iraq (AFP) +Sci/Tech,Google Lowers Expectations for Its Value (AP) +Sci/Tech,End of the line for HP's Alpha +Sports,Hamm Wins All-Around Gymnastics Title (AP) +World,"Iraq Cleric Agrees to End Uprising, Fighting Rages On (Reuters)" +World,Wen Ho Lee Reporters Held in Contempt (AP) +World,"Sharon's Party Rebels, Imperils Gaza Pullout Plan" +Sci/Tech,Mozilla launching second act with e-mail client +Sci/Tech,"IMlogic unveils IM, P2P threat-detection network" +Business,Delta turnaround plan to include job cuts +Sci/Tech,Firewall Protection Without the Conflicts +Sports,Worst-case scenario comes to pass for US tennis +Sports,Americans Smash Last East German Swim World Record +Sports,Expos #39; Move Remains Undecided +Sports,Montreal end Giants run +World,Arafat admits he has made many mistakes +World,Nepal closes for business as Maoist blockades cut off capital +World,Typhoon lashes southern Japan; 8 dead +Business,Regulators to Widen Mutual Fund Probe (Reuters) +Business,Third-Quarter Productivity Slows to 1.8 +Sci/Tech,Lindows postpones IPO indefinitely +Business,Credit Suisse to merge CSFB +World,Sharon seeks support for planned coalition; Gaza violence kills <b>...</b> +Business,The Investment Column: BHP buoyed by China recovery +Business,Barclays buys US credit card firm +Business,Medtronic Net Up on Higher ICD Sales +Sci/Tech,End of the line for HP #39;s Alpha +Sports,Greek pair jump to avoid push +Sports,Soccer: Beckham and Owen lead England to World Cup warm-up win +Sports,Ueno lifts Japan to most judo gold ever +Sports,A Note to Lula: Haiti Is in Brazil +Sports,Wilkinson to raise the bar +World,"Sharon Rebuffed by Party, as Arafat Admits Making Mistakes" +World,Bomb Is Defused Near a Villa Where Berlusconi Met With Blair +World,El Salvador Prison Battle Kills 31 Inmates +World,Eight dead as typhoon brings heavy rain to southern Japan +Sports,Vaughan banks on attack +World,Paris Remembers Jewish Detention Camp (AP) +World,Colombia reverses hostages stance +World,Poll: Voters Eyeing National Security +Business,Johnson and Johnson Looks to Buy Guidant +Business,EU Appeal to US to bring up Dollar +Business,Putting the PC in the PRC +Business,Freddie Mac May Face SEC Action (Reuters) +Sci/Tech,Mars Rovers Find More Evidence of Water (AP) +Business,Nestle #39;s 1st-Half Net Profit Hits \$2.28B +Business,Google Inc. says its initial public shares are priced at \$85 each +Sci/Tech,Pakistan Mobile Phone Firms Vie for Pent-Up Demand +Sports,A quick getaway: Greek sprinters beat expulsion by walking out on the games +Sports,Pettitte out for the season +Sports,"Canadian Allenby, NCAA champion Moore advance at US Amateur golf event" +World,Australia #39;s Downer Calls on North Korea to Attend Nuclear Talks +World,Lourdes needs manna from heaven +Business,Google IPO Prices at #36;85/share - Source (Reuters) +Business,Google IPO Prices at \$85/share - Source +Sci/Tech,Google's Insiders Strike It Rich With IPO (AP) +Sci/Tech,Car-Tracking Device Trades Privacy for Dollars (Ziff Davis) +Sci/Tech,Lindows Backs Out of IPO (Ziff Davis) +Sci/Tech,More evidence of Martian water +Sports,Alison Williamson takes bronze to hit her Olympic target after 12 years +Sports,ATHENS OLYMPICS 2004 / Ueno wins Japan #39;s 5th judo gold +Sports,Pitcher presumably suffered injury on two-run single +Sports,Wilkinson #39;s form cheers Woodward +Sports,Football: Early Case Of Liver Damage +Sports,Streaking Red Sox Flutter by Blue Jays 6-4 (AP) +World,Sadr agrees to end Najaf crisis: Iraqi delegates +World,Radical group plants bomb near Blair holiday villa +World,Sharon loses crucial party vote +World,Summit declares Burundi Hutu FNL rebels #39;terrorists #39; +Business,Profit rises at Chinese mobile giant +Business,Freddie Mac May Face SEC Action +Business,Intuit 4Q Loss Widens on Charge +Business,Techs Lead Tokyo Stocks Up +Business,US Airways' Grim Warning +Sci/Tech,Alaska Researchers Try to Breed Rare Ducks (AP) +Sci/Tech,IBM center gives partners a Linux playground +Sports,Giants Rout Expos for Doubleheader Split (AP) +Sports,U.S. Gymnast Goes From Oops to a Gold Medal +Sports,Taylor Is Moving Closer +Sports,Cardinals Lose King +World,"Fong, First Asian-American Senator, Dies (AP)" +World,Nigeria plans mission to Darfur as Sudan pledges to restore peace (AFP) +World,'Better' head injury test devised +World,Rebel in Najaf Sends Messages of Conciliation +World,Kerry Criticizes President's Troop Plan +World,"Winfrey, Jury Convict Man of Murder" +Sci/Tech,O2 outlines 3G catch up strategy +Sci/Tech,Dell excludes UK from price cuts +Sci/Tech,Earliest Signs of Winemaking Found in China +Business,Restated 2004 Nortel results set for release +Business,Qantas profit takes off +Sports,Dream Team most unpopular athletes in Olympics +Sports,"Ueno, Zviadauri take judo golds" +Sports,"Ichiro hit by pitch, leaves game" +World,"Late Nigerian Dictator Looted Nearly \$500 Million, Swiss Say" +Sci/Tech,Anti spam bid canned +Sci/Tech,Oracle pushes on BI +Sci/Tech,"Group Formed to Track, Thwart IM Threats" +Sci/Tech,Shuttle may fly without puncture repair kit +Sci/Tech,"Cisco, Fujitsu Ally on Router Sales in Asia" +Business,Medtronic Net Up on Higher ICD Sales (Reuters) +Sports,Royals Rally to Defeat Mariners 3-2 (AP) +Sports,Ravens Wait for Sanders +World,Study: U.S. Needs to Fight Medicare Fraud (AP) +World,"Sharon's Party Rebels, Imperils Gaza Pullout Plan" +World,Cost of Benefits Cited as Factor in Slump of Jobs +World,Weak Demand Leads Google to Lower Its Sights +Sports,Snyder Called Up to Help Red Sox (AP) +Sports,U.S. Ties Jamaica 1-1 in Cup Qualifier (AP) +World,Activists Condemn FBI Tactics Before DNC (AP) +Business,CORRECTED: Google Sells 19.6 Million Shares at \$85 Each +Sports,Durazo Leads Athletics by Orioles 5-4 (AP) +Business,China #39;s appetite boosts BHP +Business,2 Big Carriers at O #39;Hare to Cut Flights +Business,"Production Grew, Prices Fell in July" +Business,Citigroup #39;s #39;7bn bond trade under investigation +Sci/Tech,Mars Rover Finds Mysterious Rocks and More Signs of Water +Sci/Tech,"Microsoft previews 64-bit XP, promises no price hikes" +Sports,Ian Thorpe wins bronze in 100 metres freestyle +Sports,US Gymnast Goes From Oops to a Gold Medal +Sports,Hansen has an uphill struggle for breaststroke bronze +World,Sadr caves in to avoid assault +World,Top security as eight men appear in court on terror charges +World,UN urged to punish Burundian Hutu rebels +World,Charles to help flood victims +Business,Oil Prices Set a New Record as Supply Falls +Sci/Tech,Google Sets Price of #36;85 in #36;1.67 Bln IPO (Reuters) +Sports,Rowand Powers White Sox Past Tigers 9-2 (AP) +Sports,Ching's Late Goal Rescues U.S. in Soccer World Cup Qualifier +World,Guantanamo Prisoner Goes Before Tribunal (AP) +Sports,Astros' Clemens Leaves Game Against Phillies +World,Bomb Found in Town After Blair Visit (AP) +World,Typhoon Megi hits South Korea +Business,"XM, Sirius Land Deals With Toyota" +Business,Employers Planned More Layoffs in Nov. +Business,"Productivity Growth Slows, Sales Dip" +Business,Google share price falls short of predictions +Business,Murdoch #39;to relaunch News deal #39; if loses poll +Sci/Tech,Rush for free mobile connections +Sports,Phelps #39; gold haul dream not so bad +World,Sharon defeated in crunch party vote +Sports,Roger Clemens' Leg Injury Isn't Serious (AP) +Sports,"Astros' Clemens Strains Calf, Leaves Game Against Phillies" +World,El Salvador Jail Riot Kills at Least 31 (AP) +World,S.Korea's Ruling Party Head Resigns on Father's Past +World,Santana Sparkles As Twins Stop Yankees 7-2 +Business,Nortel announces Sprint extension worth US\$1B; Lucent claims US <b>...</b> +Business,"Lenovo, IBM may soon reveal PC unit deal" +Business,SEC gives Google approval for public offering +Sci/Tech,Mars Rover Finds Evidence of Plentiful Water +Sci/Tech,Telstra relaunches network reliability site +Sports,Zvidauri Wins Gold for Georgia +Sports,Brazilian Soccer Brings Joy to Haiti +Sports,Clemens #39; leg injury isn #39;t serious +World,Radical cleric now says he #39;ll leave holy shrine +World,Eight terror suspects appear in British court +Business,World Trade Center Insurance Payoff Increased by Jury +World,New media battle for Bafta awards +World,Yukos 'hit with fresh tax demand' +World,Athletics: Greek sprinters tested +World,Karzai warns of Afghan dangers +Business,Google Raises \$1.67 Bln in Cut-Price IPO +Business,"Yen Keeps Gains, Capped by Murky Outlook" +Sports,Defense Says Dotson Incompetent for Trial (AP) +Sports,Crew Edges Wizards +Sports,Saulnier Looking Strong +Business,"Stocks Flat, J J-Guidant Deal Drags Dow" +Sci/Tech,Broadband goes broader +Sci/Tech,Compuware Seeks #39;Severe #39; Sanctions in Suit vs. IBM +Sports,Olympic Games +World,Terror suspects go to court +World,S.Korea #39;s Ruling Party Head Resigns on Father #39;s Past +Business,Holiday-Shopping Season Remains Sluggish +Sports,AL Wrap: Santana Solid on Mound as Twins Beat Yankees +Sports,"Yankees Glimpse October, and It's Not Pretty" +Sports,Preview: day six +World,Toppled Power Lines Are Posing a Herculean Task in Florida +World,Letters show Mandela as man of beneficence (Chicago Tribune) +Business,Regulators to Widen Mutual Fund Probe +World,Fiat's Trucks Unit Signs Deal With SAIC (AP) +Business,Italy joins Greece in EU dock over dodgy data (AFP) +World,Proud Italy awaits La Scala opening with bated breath (AFP) +Business,HHS Buys 'Experimental' Glaxo Flu Vaccine (Reuters) +Sci/Tech,Gateway Says More PCs Available at Office Depot (Reuters) +Sci/Tech,Gateway Says More PCs Available at Office Depot +Sports,NL Wrap: Bonds Homers Again as Giants Rout Expos (Reuters) +Sports,NL Wrap: Bonds Homers Again as Giants Rout Expos +World,Singapore ban after bird flu case +Business,HHS Buys 'Experimental' Glaxo Flu Vaccine +Sports,Billie Jean King Retires as U.S. Fed Cup Coach +World,Hamas Militants Kill Israeli Soldier +Business,"Delta Plans Job Cuts, Eyes Restructure" +Business,Google Raises \$1.67 Bln in Cut-Price IPO +Business,Air Canada #39;s creditors approve plan +Sports,"Phelps won #39;t top Spitz, but he is putting on the hits" +Sports,Leisure amp; Arts +Sports,Roger Clemens injures leg during Astros #39; 9-8 win over Phillies +World,Maoist rebels cut off Kathmandu +World,Schroder adopts Russian orphan +World,"Keep talking, Downer urges N Korea" +World,Prince Charles Helps Boscastle Count the Cost +World,China Says Taiwan President's U.S. Stop 'A Trick' +World,Day Six preview +World,Records Contradict Kerry Critic's Charges -Report (Reuters) +Business,The SEC Could Still Slap Google +Business,Oil Prices Rise to High As Demand Continues +Business,Nortel Discloses Canadian Criminal Probe +Business,Giving Investors a Say +Business,Demand Helps CACI Profit Increase 56 +Sci/Tech,Computer Q amp;A: Tips on installing Windows XP SP2 +Sci/Tech,Wireless Phones shipped to Pakistan +Sports,AL Wrap: Santana Solid on Mound as Twins Beat Yankees +World,NKorea quot;negative quot; over US offer on nuclear weapons: Australia +World,At least four Georgian soldiers killed in separatist region clashes (AFP) +World,Paes and Bhupathi beam in on Olympic glory (AFP) +Business,Nestle #39;s profit hits \$3.1bn +Business,"California sues Mirant, alleges energy scheme" +Sci/Tech,Spirit finds more evidence of water +Sports,Michael Phelps Seeks Fourth Swimming Gold Medal at Athens Games +Sports,The fields of the gods +Sports,Record-breaking night +World,Sharon #39;s Gaza plan hinges on vote +World,Eight terror suspects appear in UK court +World,China Says Taiwan President #39;s US Stop #39;A Trick #39; +Business,Google Lowers Its Sights as Demand Proves Weak +World,"Aziz Wins Pakistan Polls, Paving Way to Be PM (Reuters)" +World,"Aziz Wins Pakistan Polls, Paving Way to Be PM" +Business,"Despite itself, Google good for stocks" +Business,Airlines agree to limit O #39;Hare arrivals +Business,Freddie Mac Receives Notice That It May Face Action by SEC +Business,Halliburton closes higher on Army #39;s decision to pay +Business,Delta shares jump on pilot equity talk +Business,More Management Changes at Credit Suisse +Business,Profit at Talbots Up 4.8 for 2nd Quarter +Sports,Withdrawal for Greek sprinters +Sports,Silver lining melts foul mood +Sports,High and mighty +Sports,Ching saves best for last +World,US marines in tense Najaf standoff +World,Burundi inching closer to ending long civil war +World,Little progress in N Korea talks: Downer +World,Western leaders waiting for African solutions to African wars +World,Sharon's Party Votes to Exclude Labor (AP) +Business,"Tokyo Stocks Rise 1 Percent, Techs Lead" +Sci/Tech,Google's share price set at 85 dollars (AFP) +Business,Google Sells Shares in IPO for \$85 After Cutting Price of Stock +Business,BHP Billiton to award shareholders +Business,Army wants Halliburton data on possible effect of withholding +Business,3 Directors at Cox to Study Bid by Parent to Take Unit Private +Business,Insurer lowers hurricane estimate +Business,Blackstone takes Prime Hospitality +Sci/Tech,Apple zombies attack RealNetworks +Sci/Tech,Rover discovers clues of water on Mars surface +Sci/Tech,Cassini finds two more Saturn moons +Sports,Hamm-dinger Gymnast comes back from 12th place to win +Sports,Shot putters return to ancient site of first Games +Sports,Brazil beats Haiti as nations play for peace +World,The educated say they #39;re at risk in Sudan +World,"Typhoon Hits Korea, Japan; Kills 9, Grounds Flights (Update1)" +World,"31 inmates die, dozens wounded at overcrowded Salvadoran facility" +World,Iran warns Israel on pre-emptive strikes +Business,Tokyo Stocks Rise as Techs Rally +World,Dirty Campaign Tricks Now Serious Crimes (AP) +Business,Oil Above \$47 After New Record +Sports,Greek pair await IAAF fate +World,U.N. Remembers Colleagues Lost in Attack (AP) +World,Al-Sadr's Unclear Motives Muddle Efforts (AP) +World,"Elmer Bernstein, Film Composer, Dead at 82" +Business,"United, American agree to #39;de-peak #39; O #39;Hare" +Sports,Singh could overtake Woods as No. 1 +Business,Oil Above #36;47 After New Record (Reuters) +Sports,Braves Edge Padres 6-5 (AP) +World,"Shaukat Aziz wins byelection, clears way to become Pakistan's prime minister (Canadian Press)" +Business,Techs Lead Stocks Rally as Oil Sets High +Business,SUSAN TOMPOR: Now we #39;ll see if Google clicks +Sci/Tech,Last Alpha chip to arrive on Monday +Sci/Tech,Remy International will sell its Williams Technologies unit +Sci/Tech,Giant waves hurling boulders inland from British coasts: scientists +Sci/Tech,Sony PSP Pushed Back to June 2005? +Sports,Two Greek sprinters withdraw +Sports,Boot Room: At The Office +World,Fighting continues in Najaf +World,Anniversary of UN bombing puts spotlight on security problem for the United Nations +Business,Oil Above \$47 After New Record +Business,US Airways chairman says airline could face liquidation +Business,Qantas posts record profit +Business,Major bank #39;s layoffs felt in Hudson Valley +Sci/Tech,Giant waves causing British boulder phenomena +Sports,Now Schoeman grabs silver +Sports,Moments of unforgettable Olympics +Sports,Saulnier Continues Strong 2004 Showing +Sports,Mickelson not giving up on award he wants +World,THE HOUR: When Time Isn #39;t on Israel #39;s Side +World,Georgia Says Six Soldiers Killed in Rebel Region +Sci/Tech,Megapixels Gone Mad? +World,"Two Polish Soldiers Dead, Five Injured in Iraq -PAP (Reuters)" +World,'Breathing gene' cot death link +World,Gujurat riot retrial due to begin +Business,SEC Orders Mutual Funds to Cease Incentive Pay +Business,Air Canada Stock Plummets on Review +Business,Parmalat sues ex-auditors +Business,"Japanese Stocks Rise for a 3rd Day; Asahi Glass, Daiei Advance" +World,Mbeki deal holds out new hope for Ivory Coast +World,Musharraf: Speed up Iraq exit plan +Sports,Baseball Today (AP) +World,Report Expected to Blame 24 in Iraq Abuse +World,Marlins Defeat Dodgers 6-4 +World,Irish eyes +Sci/Tech,File-sharing not a threat to musicians and artists +World,Indian shares to notch long-term gains as global investors line up (AFP) +Business,Google IPO fails to find results it sought +Business,Small investors scared off by exercise in stock democracy +Business,Right- and left-click politics +Business,Big Dig jobs are nearing end of road +Business,Johnson amp; Johnson missing out on stent sales +Business,Janus settles; tab is \$226m +Business,SEC tells funds to end perks +Business,Delta says it will cut more jobs +Business,Logan may benefit from fewer O'Hare flights +Business,Pact to organize workers expires at Verizon Wireless +Business,Prepare for stormy weather with a 'disaster file' +Business,Lindows delays planned offering +Business,Making most of momentum +Sci/Tech,IPod Music Player Winning Over Japan Fans (AP) +Sports,High and mighty +Sports,Gagne blows his 2d save +Sports,Millar gladly takes the fifth +Sports,Sweeping sensation +Sports,Purpose pitch +Sports,Bowa's status with Phillies is shaky +Sports,Bellhorn poised to make his return +Sports,Belichick won't issue any passing grades +Sports,Sanders excites Ravens +Sports,Court rules for BC in flap over exit fee +Sports,Perk a flight of fancy +Sports,Philo puts finishing touch on elusive crown +Sports,Hard recovery from losses +Sports,Vana remains in hunt +Sports,Pro tours: The stops and the talk +World,At least six Georgian soldiers killed in separatist region clashes (AFP) +World,Concerns detailed on climate change +World,8 British terror suspects brought to court +World,Militants in video threaten to kill journalist +World,Report won't put blame on top brass +World,Interim assembly selected in Iraq +World,Terror suspects' photos shown +Sports,New Jersey Nets Team Report - December 7 +Sports,Harris' Double Leads Marlins Past Dodgers (AP) +Sports,Van Den Hoogenband and Popov Out of 50m Freestyle +World,Food prices rise on second day of blockade of Nepal's capital (AFP) +World,Magnificent Seven composer dies +Business,Rite-Aid slapped after warning +Business,Google prices its shares at \$85 +Business,CIBC sale of Juniper completes US retail retreat +Sci/Tech,Ford dumps Oracle +Sci/Tech,Henry the turtle heads for the sea - and fame +Sports,Hamm #39;s comeback America #39;s Olympic moment +Sports,"Olympics Notebook: Kenteris, Thanou withdraw after ducking drug tests" +Sports,Harris #39; pinch double off Gagne leads Marlins past Dodgers +Sports,NL notebook: Pettitte out for season; Clemens hurt +Sci/Tech,Google will float at \$85 a share +Sci/Tech,Doom 3 unleashes hell +Sci/Tech,Lindows Postpones IPO +World,Pakistan minister poised to become PM after by-election wins (AFP) +World,Israeli PM defies party rebellion +Business,"Google Overcomes Regulatory, Marketing Gaffes to Do IPO Its Way" +Business,Logan may benefit from fewer O #39;Hare flights +Sci/Tech,More Mars secrets uncovered +Sports,Sprint stars create new Greek tragedy +Sports,American fouls out +Sports,"England 3, Ukraine 0" +Sports,Singh has put PGA to rest +World,Buses defy rebel blockade of Nepal #39;s capital +World,Australian Foreign Minister Upbeat on North Korea Nuclear Talks +World,Typhoon Megi kills 12 +World,Baghdad bombs still haunt UN +Sci/Tech,Virtual gaming worlds overtake Namibia +World,Kerry Blames Rising Health Costs for Job Losses (Reuters) +Sci/Tech,Bankrupt Commerce One Patents Fetch \$15.5M +Sci/Tech,Amazon.com Experiences Sporadic Outage +Business,EU backs Lamy for trade position +Business,Tokyo Stocks Close Up for Third Day (Reuters) +Business,Tokyo Stocks Close Up for Third Day +Sci/Tech,Lindows Postpones IPO (PC World) +World,Israel's Top Court Upholds Dropping of Sharon Case (Reuters) +World,Israel's Top Court Upholds Dropping of Sharon Case +Sci/Tech,New Fingerprint Scans Expand to Borders +World,Clashes Erupt in Najaf Despite Peace Plan +Sci/Tech,Debit Cards Give Plastic Edge Over Paper +Sci/Tech,More Web Shopping Is What's in Store +Business,NY Atty General Spitzer to Run for Gov. +Business,Treasury Prices Falter Before Auctions +Business,"Dollar Awaits Data, Yen Down from Peak" +World,Maoist rebel blockade begins to pinch Nepal capital (Reuters) +Sci/Tech,China Bans Video Game for Breach of Sovereignty +Business,"After Wait, Google Set for Market Debut" +Business,Qantas posts record annual profit +Business,Pentagon backs off threat to withhold Halliburton fees +Business,A Long Goodbye at Equifax +Sci/Tech,Real slashes Music Prices +Sci/Tech,Texas Firm Targets Teens With Package Of Digital Features +Sports,Hamm gold by a sliver +Sports,Hamilton Wins Olympic Time Trial +Sports,Singh closes in on Tiger +Sports,Hewitt drives home his return point +Sports,Wright-Phillips left wanting more +Sports,US wings it in Caribbean +World,Poles killed after Iraq ambush +World,Terror suspect killed during interrogation in Pakistan +World,Italy in Hot Seat on Possible Misreporting (AP) +Sci/Tech,Virgin plans China mobile service +Sci/Tech,Is IBM PC sell off preparation for a Power chip attack? +Sci/Tech,Leadtek WinFast PX6600TD GeForce 6600 card +Sci/Tech,Massive game advertising startup to aid desperate brands +Business,"Dollar Awaits Data, Yen Down from Peak" +Sports,Giddens earns US silver in kayaking +Sports,Estrada gets in some light work +Sports,Withdrawal for Greek sprinters +Sports,Rhode targets a final gold for US +Sports,Transactions +Sports,Silver lining melts foul mood +Sports,Pair of US squads advance to finals +Sports,Dominicans shock US women +World,Israeli Court Upholds Decision on Sharon (AP) +World,US denies Ukraine interference +Sci/Tech,Octopus Doesn't Give Up on Motherhood (AP) +World,Karzai Sworn in as Afghanistan President +World,Megawati's party seals deal with Golkar to dominate Indonesia's parliament (AFP) +Sci/Tech,Lenovo May Be in Acquisition Talks With IBM (AP) +Business,Merger may axe Fleet jobs +Business,JJB Shares Drop: Profit May Be 20 Less Than Forecast (Update2) +Business,Workplace beware +Sci/Tech,Saturn in Red +Sci/Tech,Microsoft rolls out fresh Windows XP 64 beta +Sports,Athletes positive coach is to blame +Sports,Nelson #39;s day left in ruins +Sports,Pedal to the medals +Sports,Tennis: Australia #39;s Hewitt reaches quarter-finals at Washington tennis +World,Sharon presses on with Gaza plan +World,Maoist Rebel Blockade Begins to Pinch Nepal Capital +World,"One dead, four missing as Typhoon Megi hits S.Korea" +Sci/Tech,First Look: MusicMatch Jukebox's Impressive Version 10 (PC World) +Sci/Tech,In Brief: Sleepycat releases Berkeley DB XML 2.0 (InfoWorld) +Sports,Garrison Gets New Contract; King Retires (AP) +World,Netanyahu backs Sharon #39;s plan for coalition with Labor +Sports,Weightlifters Test Positive for Drugs Before Games +Sci/Tech,Internet patents sold at S.F. auction (SiliconValley.com) +Sports,Tributes paid to Belgium #39;s #39;magic #39; football coach +Sports,Williams #39;Hungary #39; for success +Sci/Tech,'E-Junk' Recycling Still in Its Infancy (AP) +Sci/Tech,IBM triples transistor performance with germanium +Sci/Tech,Outsourcing growth predicted at 5.9 a year +Sci/Tech,AMD to switch on better Opteron power management +Sci/Tech,"Update 1: Toshiba, Memory-Tech Develop New DVD" +World,Putin Opines on Iraq Election Date (AP) +Business,U.S. Crude Sets New Record: \$47.52/Barrel +Business,UK mortgage lending breaks record +Business,Google IPO priced at \$85 a share +Business,"After the IPO, Google may need to invest in itself" +Sci/Tech,Microsoft tries to clear confusion over SP2 +Sci/Tech,Microsoft Unveils 64-Bit Windows Beta +Sports,Return to Ancient Greece enthralls athletes +Sports,"Roddick, Venus make exits" +Sports,Els takes aim at his putting +Sports,Doped Olympics weightlifters named +World,Salvadoran prison clashes leave at least 31 dead +Business,Customer boost for 3 despite loss +World,Spending Cuts May Close Italy's Uffizi -Minister (Reuters) +World,Searching for peace in Nigeria +Sci/Tech,"Sony Unveils New Flat TVs, Aims to Boost Share" +World,India Says Rebel Chief Killed in Kashmir Gunbattle +World,Hong Kong chokes under thick smog +Business,U.S. Crude Sets New Record: #36;47.52/Barrel (Reuters) +Business,British retail sales decline for first time in over a year (AFP) +Business,Wall St. Seen Lower on Oil; Google Eyed +Business,It #39;s A Go For Google +Business,O #39;Hare to reduce flight arrivals +Business,At least someone #39;s winning in this war +Business,Wall St. Seen Lower on Oil; Google Eyed (Reuters) +Business,US Airways Chairman: Liquidation Possible (Reuters) +Sci/Tech,Outpost Firewall Pro Supports Microsoft Windows XP SP2 +Sci/Tech,More clues hint Mars watery past +Sci/Tech,Broadband reach to get broader +Sci/Tech,"PS2 price cut announcement, Xbox also cut" +Sci/Tech,Caterpillar to Buy Williams Technologies +Sports,Incomparable finish wins gold for gymnast Hamm +Sports,Greek sprinters face wait to learn fate +Sports,Doping Casts Shadow Over Olympics -- Again +Business,Germany Looking at Citigroup Bond Trading +Sci/Tech,"Sony Unveils New Flat TVs, Aims to Boost Share (Reuters)" +Sci/Tech,Nintendo patents key console online gaming features +Sci/Tech,TV project aims to kick-start 3G +World,Malaysia Confirms Deadly Bird Flu Found (AP) +World,Iraq's Sadr Facing 'Final Hours' -Government +World,Harris' Double Leads Marlins Past Dodgers +Business,US Supreme Court hears dispute over interstate wine sales; Maine <b>...</b> +Business,Sprint Speeds Up Wireless Network +Business,"After Wait, Google Set for Market Debut" +Business,"Oil Hits Record on China, India Demand" +Business,Insurance Rates May Not Rise From Charley +Business,US Airways Chairman: Liquidation Possible +Business,Hutchison Says Net More Than Doubles on Asset Sales (Update4) +Business,Google and founders will profit from IPO despite controversies +Business,Mortgage applications rise +Business,New McD offerings come in waves +Business,Update 1: Philippine Shares End Higher +Business,"Germany looking at Citigroup bond trading,no probe" +Business,Retail sales fall more than expected +Sci/Tech,Bluetooth flying bot creates buzz +Sci/Tech,"Broadband increases its reach, says BT" +Sci/Tech,Malaysia sets up sanctuary for sea turtles +Sci/Tech,Cornice countersues Seagate +Sci/Tech,Linking remote SME workers to their office networks +Sci/Tech,Summer of spam surges +Sports,Greeks named in Balco e-mail +Sports,Brits to Challenge Hoy Gold +Sports,Athletes To Watch +Sports,Levin advances in US Amateur Damphousse signs with Avs +World,Bush and Kerry must engage in Gaza withdrawal +World,Shaukat Aziz to be sworn next week +World,Indonesia #39;s Megawati unveils grand coalition +World,Expert warns of further landslips +Business,"Stocks Seen Little Changed, Oil Weighs" +Business,"Oil Hits Record on China, India Demand" +Business,Winn-Dixie Posts Loss But Sees Progress +Business,Limited 2nd-Quarter Earnings Climb +Sci/Tech,Drug 'could boost malaria fight' +Sci/Tech,Climate legacy of 'hockey stick' +Sci/Tech,Better times for techies? +Sports,"Hall, Lezak Qualify in Olympic 50 Free (AP)" +Sports,Possible Eighth Medal Chance for Phelps +Sports,"Dutch Snatch Hockey Win, Pakistan Stun Korea" +World,"Rebuffed by Party, Sharon Presses on with Gaza Plan" +World,Israel's Top Court Upholds Dropping of Sharon Case +World,Torrential British Rain Set to Cause More Chaos +World,China protesters threaten suicide +World,Stocks Set to Open Slightly Lower at Open +World,Jury in Peterson Trial Gets Long Weekend +World,Iraq Says Offensive Vs. Cleric to Start +World,Google's IPO Price Set at \$85 Before Debut +Business,A broken record: Oil up again +Business,HK conglomerate Hutchison #39;s first half net profit up 106 percent +Sci/Tech,"NetApp posts profits, continues hiring spree" +Sports,Possible Eighth Medal Chance for Phelps +Sports,India weightlifter tests positive +Sports,French to appeal after losing gold +Sports,Supporters now have to wait to see Nunez +Sports,"Ching gains repemption, his goal in 89th minute earning 1-1 qualifying draw in Jamaica." +World,Iraqi Minister Sets New Deadline For Al-Sadr +World,Georgia Says 6 Soldiers Killed in Latest Clashes in South Ossetia +World,"UK #39;s Blair Alters Holiday After Sardinian Bombs, Corriere Says" +World,UN Marks Anniversary of Bombing of Baghdad Mission +Business,Oil Hits New Record as Demand Soars +World,Blast Hits Heavily Fortified Baghdad Area (AP) +Sci/Tech,"Toshiba, Memory-Tech Develop New DVD (AP)" +Business,Before-the-Bell: Synopsys Shares Drop (Reuters) +Business,Asia feels the pain of oil prices +Sci/Tech,Net firms set sights on spammers +World,Princess Anne in Cyprus to encourage Olympic competitors (AFP) +Business,Virgin plans China mobile expansion +Business,DaVita to buy dialysis clinics for \$3.05 billion +Business,Job Cuts Rise Further in Nov. - Report +Business,More Web Shopping Is What #39;s in Store +Business,Nortel Reports Preliminary Results (Reuters) +Business,Limited Quarterly Earnings Climb +Business,"Ciena Posts Loss, Forecasts Flat Sales" +Business,Dollar Struggles to Stay Off Lows +Sci/Tech,Groups Chide U.S. on Mercury Regulations (AP) +Sci/Tech,Group: New England Not Reducing Mercury (AP) +Business,WTC destruction was two occurrences: jury +Business,Update 25: Google #39;s IPO Price Set at \$85 Before Debut +Business,Claire #39;s 2Q Earnings Are Up 48 Percent +Business,"Google cuts price range, ends auction" +Business,Swisscom confirms Telekom Austria talks have ended +Sci/Tech,US broadband reaches critical mass +Sci/Tech,Six of Top Eight Music Players In Japan Are iPods +Sci/Tech,Microsoft unveils Works 8 +Sports,"Forget the medal count, Phelps has far exceeded expectations" +Sports,Greek stars fan scandal #39;s flames by withdrawing +Sports,Americans fall on tennis court +Sports,Figo has a break from international soccer match +Business,Retailer's Share Up on Wal-Mart Interest (AP) +Sci/Tech,Amazon to Buy China's Biggest Internet Retailer (Reuters) +Sci/Tech,Soap Chemical Said Found in Md. Streams (AP) +Sci/Tech,N.M. Museum to Launch Names Into Space (AP) +Sci/Tech,Update: Google gets IPO green light from SEC +Sci/Tech,Gateway unveils Grantsdale PCI Express PCs in retail +Sci/Tech,Intel Chips In for New Gateway PCs +Sci/Tech,Lawsuit Filed Over Search Gambling Ads +Business,"Nortel to Cut 3,500 Jobs to Boost Profit" +Business,Oil Sets Record as New Violence Flares in Iraq +Business,Global Markets: Stocks Up Despite Oil +Sci/Tech,"Ky. Park, Univ. Open Cave Learning Center (AP)" +Business,Retail sales fall in July +Business,Google #39;s IPO Price Set at \$85 Before Debut +Sci/Tech,Microsoft downplays XP SP2 flaw claims +Sci/Tech,Technical breakthrough boosts Broadband Britain +World,Israeli High Court upholds decision over Sharon graft case +World,Two Polish Soldiers Killed In Iraq Avoiding Ambush +Business,Navistar Results Rise on Truck Demand +Sports,Basketball: Americans Behind Again at Halftime +Sports,Doping Casts Shadow Over Olympics -- Again +World,UK Police Arrest One Man Under Anti-Terror Laws (Reuters) +World,Ex-Chess Champ Fischer's Marriage Plans Hit Snag +World,Gay Couples Plan to Appeal Mass. Ruling +Business,"Jobless Claims Dip, No Storm Effect (Reuters)" +Business,"Jobless Claims Dip, No Storm Effect" +Business,Oil Sets Record Amid New Violence in Iraq +Business,"Before-the-Bell: Synopsys, DeVry Fall" +World,"Swisscom, Austrian telecom talks cut off: OeIAG (AFP)" +Business,Oil Sets Record as New Violence Flares in Iraq +Business,"Nortel to Cut 3,500 Jobs to Boost Profit" +Business,"Stocks to Watch on Thursday, August 19" +Business,"Net nearly doubles, helped by stronger results at Hutchison" +Business,Parmalat to sue auditors +Sci/Tech,"Broadband Breaks 50 Of Mass, Marks A Critical Pass" +Sci/Tech,Micro Focus lifts and shifts Cobol to Linux +Sports,Doping Casts Shadow Over Olympics -- Again +Sports,England soon lose opener Strauss +Sports,"Another slow start, another fast finish for US women" +World,"Pakistan serves the US heads, not tales" +Business,Jobless Claims Drop for 3rd Straight Week +Sci/Tech,Survey Notes Rise in U.S. Broadband Users (AP) +Sci/Tech,Lindows postpones public offering +World,Violent Standoff in Najaf Continues +Business,Retailer's Shares Up on Wal-Mart Interest (AP) +Sci/Tech,"No Frills, but Everything Else Is on Craigslist (washingtonpost.com)" +Sci/Tech,N.Y. to Sell Wireless Cos. Lamppost Space (AP) +Business,Google Rises in Market Debut (Reuters) +Business,August Mid-Atlantic Factory Output Slows (Reuters) +Business,30-Year Mortgage Rates Lowest Since April (Reuters) +Business,"Leading Indicators, Jobless Claims Dip (AP)" +Business,SEC: Staffer Heading to Private-Sector Job (AP) +Business,Google Rises in Market Debut +Business,August Mid-Atlantic Factory Output Slows +Business,"Stocks Sink, Dragged by High Oil Prices" +Business,Court Deals Blow to Movie Studios +Business,"Nortel to Cut 3,500 Jobs to Boost Profits" +Business,"Navistar Profit Rises, But Shares Fall" +Business,UAL: Pension Plan Terminations Likely +Business,"Medtronic Drops, Results Fail to Inspire" +Business,"Petsmart Earnings Rise, But Shares Slump" +Business,Google Shares Begin Trading on Nasdaq +Business,"Oil Prices Set New High, Again" +Business,Europe joins Citigroup bond probe +Business,Ireland raises growth forecasts +Business,Amazon moves into China +Business,French output steps up the pace +Business,Apple warns about bad batteries +Business,Aer Lingus unveils cost cut plans +Business,Bangladesh wins \$2bn India deal +Business,Oil Prices Hit \$48 a Barrel as Iraq Violence Flares +Business,Leading Indicators and Jobless Claims Dip +Business,Being Frugal With Google +Business,"A Plastic, Fantastic Gem" +Business,The Value of Star Power +Business,"Kroger's Profit Up, But Price Cuts Weigh" +Business,New Device: Flying Robot +Sci/Tech,"Apple to Recall 28,000 Laptop Batteries (Reuters)" +Sci/Tech,Drugstore Offers New Wave of Disposable Cameras (Reuters) +Sci/Tech,AT amp;T dials up VoIP service with cable deals (USATODAY.com) +Sci/Tech,Court Deals Blow to Movie Studios (Reuters) +Sci/Tech,"Online Games Could Be Next Big Thing, But Not Yet (Reuters)" +Sci/Tech,India's leading IT company TCS to list stock next week after share offer (AFP) +Sci/Tech,Apple recalls PowerBook batteries (MacCentral) +Sci/Tech,Chimps From Dutch Lab Face Housing Crisis (AP) +Sci/Tech,Scientists to Study Effects of Ship Waste (AP) +Sci/Tech,Australian Wheat Farmers Brace for Huge Locust Plague (Reuters) +Sci/Tech,Subway Sandwiches: quot;Warum sind die Amis so fett? quot; +Sci/Tech,Alienware evolves from gamers to corporates +Business,"Stocks Slightly Ahead, Lower Oil Helps" +Sci/Tech,Grades sent by videophone +Sci/Tech,Napster launches download chart +Sci/Tech,"Apple to Recall 28,000 Laptop Batteries" +Sci/Tech,EA Video Game 'Madden' Tops 1.3 Million First Week +Sci/Tech,Google's IPO: Grate Expectations +Sci/Tech,"No Frills, but Everything Else Is on Craigslist" +Sci/Tech,Amazon to Buy Chinese Retailer Joyo.com +World,"US Army Deserter, Family Arrive In Wife #39;s Japanese Hometown" +Sci/Tech,Center Nurtures Newborn Security Cos. +Sci/Tech,Demand Helps CACI Profit Increase 56 +Sci/Tech,IPod Music Player Winning Over Japan Fans +Sci/Tech,Vogue Adds Online Shopping Feature +Sci/Tech,Review: Robovacs No Match for Vacuum +Sci/Tech,"Nortel to Cut 3,500 Jobs to Boost Profit" +Sci/Tech,Seiko Epson Develops Micro Flying Robot +Sci/Tech,Wash. Man Forms E-Mail Rejection Service +Sci/Tech,EA Video Game 'Madden' Tops 1.3 Million First Week +Sci/Tech,Antarctic craters reveal strike +Sci/Tech,Mars hill find hints at wet past +Sci/Tech,Animal shortage 'slows science' +Sci/Tech,Tech's impact on sport success +Sci/Tech,Locusts ravage northern Nigeria +Sci/Tech,Walking in the Void of Space +Sci/Tech,New Mexico Museum to Launch Names Into Space +Sci/Tech,Cooking on a Comet...? +Sci/Tech,Sex and Drugs Go Together for Teens +Sci/Tech,Scientists to Study Effects of Cruise Ship Waste +Sci/Tech,"Separate Genes Responsible for Drinking, Alcoholism" +Sci/Tech,An Aspirin a Day -- Good Medicine For Many +Sci/Tech,"Protein Found to Regulate Sleep, Anxiety" +Sci/Tech,Tomato Juice May Cut Clotting in Diabetics +Sci/Tech,IBM asks for Linux ban on SCO +Sci/Tech,Cisco flaw opens networks to attacks +Sci/Tech,"Businesses: Routers, shmouters" +Sci/Tech,VoIP firm tussles with states over phone numbers +Sci/Tech,"Ring tones, phone games to rake it in" +Sci/Tech,"Nortel to lay off 3,500" +Sci/Tech,Apple recalls overheating batteries +Sci/Tech,Update: Nortel to lay off 10 percent of staff +Sci/Tech,UK government to extend 3-year contract with Microsoft +Sci/Tech,Next-Gen DVD Camps Prep for Price War +Sci/Tech,Google IPO Shares Surge in Market Debut +Sci/Tech,XBox and EA Sports to Stage Interactive World Cup +Sci/Tech,Amazon.com to Acquire Joyo.com +Sci/Tech,N.Y. to Sell Wireless Companies Lamppost Space +Sci/Tech,"In Hurricanes Aftermath, Google is a Priority" +Sci/Tech,Yahoo Builds the Yahoo Search Blog +Sci/Tech,"Should Google blame Foot in Mouth disease, or Evil Bankers?" +Sci/Tech,News: South Pole 'cyberterrorist' hack wasn't the first +Sci/Tech,News: Number crunching boffins unearth crypto flaws +Sci/Tech,News: DIY phishing kits hit the Net +Sports,Boxer Bowe to Launch Comeback in Sept. (AP) +Sports,Cavaliers Sign Varejao to Three-Year Deal (AP) +Sports,American Amanda Beard Snatches the Gold +Sports,The Art of Controlled Aggression +Sports,Conquering Man -- and Beast -- Is Crawford's Goal +Sports,Hamilton's career highlights +Sports,Wheels are spinning in Marblehead +Sports,Hungary Race Debrief: Fernando solidly best of the rest +Sports,Fernando Alonso: A job well done +Sports,"Budapest, Race: Renault on the podium" +Sports,"Hungarian Grand Prix, Race" +Sports,Peirsol's Medal Restored +Sports,Owners Extend Selig +Sports,Expansion Alters Format +Sports,Hungary Ends America's Winning Run +World,"Najaf, Scarred by Urban Warfare, Prepares for More (Reuters)" +World,Annan Vows to Protect U.N. Staff from Attacks (Reuters) +World,Stonehenge Tunnel Faces Tough Road Ahead (Reuters) +World,Iraq's South Oil Co. Headquarters Torched (AP) +World,Egypt Air and Gulf Air sign strategic alliance (AFP) +Sci/Tech,Two NCSSM students win national team science competition +World,Sen. Zell Miller to Be GOP Keynote Speaker (AP) +World,FEC Says Corzine Can Give Unlimited Funds (AP) +World,The youth vote: Hard to tell how it will turn out (USATODAY.com) +World,Error Puts Kennedy on Airline No-Fly List (AP) +World,UK Police Arrest One Man Under Anti-Terror Laws +World,Pakistan Arrests Two Al Qaeda Suspects +World,Darfur Rebels Hold Out in Remote Camps +World,Iraq's Sistani Leaves London Hospital After Operation +World,Iraq mortar fire hits US mission +Business,Dollar Slips to New Low Vs Euro +World,Kerry Calls Ad Group a 'Front for the Bush Campaign' +World,Gov't Gives Najaf Militants 'Final Call' +World,"Leading Indicators, Jobless Claims Dip" +World,Kerry: Bush Lets Groups Do 'Dirty Work' +World,Phelps Dominates 200 IM for Fourth Gold +World,United Likely to Terminate Pension Plans +World,Jackson Lawyers Call Accuser's Stepfather +World,Dream Team Pulls Away to Beat Australia +World,Error Puts Kennedy on Airline No-Fly List +World,Google Shares Surge Nearly 18 Percent +World,Kerry: Bush Lets Groups Do 'Dirty Work' +World,Price-Gouging New Worry in Charley's Wake +Business,Court Deals Blow to Anti-Piracy Efforts (Reuters) +Business,Google Rises in Market Debut +Business,Court Deals Blow to Anti-Piracy Efforts +Business,Stocks Sag as Oil Marches Higher +Business,Barnes Noble a Hit in 2Q +Sci/Tech,Web Sites Agree to Be Accessible to Blind (AP) +Sci/Tech,European Winters Could Disappear by 2080 - Report (Reuters) +Sci/Tech,Charter Schools and Testing Collide +Sci/Tech,Court Ruling Favors Music-Sharing Networks +Sci/Tech,Can Angling Save World's Largest Salmon? +Sci/Tech,Nanotechnology Material May Supercharge Internet +Sci/Tech,Charley a Harbinger of Busy Hurricane Season? +Sci/Tech,The start of something big? +Sci/Tech,How eight pixels cost Microsoft millions +Sci/Tech,Briefly: EA to take World Cup soccer to Xbox +Sci/Tech,Microsoft sends security update to home PCs +Sci/Tech,AT T strikes VoIP deals with cable +Sci/Tech,Tech industry split in its political donations +Sci/Tech,"NetSuite relaunches, Oracle delays small business suite" +Sci/Tech,Infocus: Valuing Secure Access to Personal Information +Sci/Tech,Columnists: Infected In Twenty Minutes +Sports,Selig Receives Three-Year Extension (Reuters) +Sports,U.S. Soccer Team Playing With Confidence (AP) +Sports,3 Schools Set to Join Sun Belt Conference (AP) +Sports,Amanda Beard Finally Comes of Age in Athens +Sports,Selig Receives Three-Year Extension +Sports,Former Champ Bowe Eyes a Return to the Ring +World,U.S. Aircraft Pound Shi'ite Rebels in Najaf (Reuters) +World,Iraq Oil Exports Unchanged After Basra Attack (Reuters) +World,Canada Says G7 Not Doing Enough to Help Africa (Reuters) +World,Rice Counsels Patience During Iraq War (AP) +World,Kerry Says Bush Uses Surrogates to Do 'Dirty Work' (Reuters) +World,Border Patrol Training Moves Near Mexico (AP) +World,S.Korea's Ruling Party Head Resigns on Father's Past +World,Jackson Accuser Kin Wanted Compensation +Business,Stocks End Down as Oil Tops #36;48 a Barrel (Reuters) +Business,U.S. Execs Plan More Hiring - Survey (Reuters) +Business,"US Court Rejects Movie, Music Makers' Piracy Claims" +Business,Parmalat Adds CSFB to Banks Being Sued +Business,Parmalat sues US bank CSFB +Sci/Tech,Gateway Launches PCs for Retailers (NewsFactor) +Sci/Tech,Cingular Seeks Amendments in AT T Wireless Merger (NewsFactor) +Sci/Tech,Microsoft Releases New 64-Bit Windows Preview (NewsFactor) +Sci/Tech,Compuware Blasts IBM's Legal Tactics (NewsFactor) +Sci/Tech,RealNetworks Riles Apple Diehards (NewsFactor) +Sci/Tech,California Condor Chick Dies Near Nest (AP) +Sci/Tech,IBM shows off new grid apps +Business,US Web Shoppers #39; Holiday Spending Up +Business,Bank of Canada leaves interest rates unchanged +Sports,"Navratilova Loses; Fish, Dent Advance (AP)" +Business,Flu-shot maker says surplus will stay in Canada +Sports,Steelers G Simmons Out for Season (AP) +Sports,Adrenaline Junkie Phelps Losing Sleep at Night +Sports,American Aaron Peirsol's Gold Restored on Appeal +Business,"Gap Profit Off, Sees More Store Closings (Reuters)" +Business,Google Up in Market Debut After Bumpy IPO +Business,"Gap Profit Off, Sees More Store Closings" +Business,Stocks Dip as Oil Soars; Google Shines +Business, #39;Googlers #39; scoop up piles of cash +Business,Muni Manager Sees More Florida Bonds Ahead +Business,United Airlines Likely to Terminate Pension Plans +Business,Qantas posts record year profit +World,Israel AG Says Shift Barrier to Avoid Sanctions (Reuters) +World,"U.S. Air, Ground Forces Pound Iraqi Militia Posts (Reuters)" +Business,DaVita ready to expand dialysis services with \$3 billion deal +World,Efforts underway to hold Korean crisis talks: US (AFP) +World,"Bank of Canada missing #36;10,000; employee fired, charged with theft (Canadian Press)" +World,Bush Begins Weeklong Stay at Texas Ranch (AP) +World,Israel AG Says Shift Barrier to Avoid Sanctions +World,"U.S. Air, Ground Forces Pound Iraqi Militia Posts" +World,Iraq Oil Flows Unchanged After Basra HQ Attacked +World,A journey into the epicenter of the Sadr standoff +World,US troop shift: A tale of two cities +World,Famous scofflaws hit Japan +Business,United Airlines Likely to Terminate Pension Plans +Business,Court Rules Some File-Sharing Companies Are Not Liable +Business,Sunny Days for Video Games +Business,Are Pests Plaguing PETsMART? +Business,Manic Market? Be Like Buffett +World,Gov't Gives Najaf Militants 'Final Call' +World,Church Says Girls' Communion Not Valid +Sci/Tech,"US Court Rejects Movie, Music Makers' Piracy Claims (Reuters)" +Sci/Tech,"Mars Hills, Crater Yield Evidence of Flowing Water (Reuters)" +Business,Google rises in market debut after bumpy IPO +Business,Insurance Claims Moving Quickly in Fla. +Business,New York crude smashes past 48 dollars for first time +Business,"US Airways Off Course, Again" +Business,More grunt left in BHP: chief +Business,Amazon Snaps Up China #39;s Largest Web Retailer +Business,Credit Suisse First Boston on Parmalat #39;s lawsuit list +Business,Wall Street Slices SPAM +Business,"US Economy: Leading Indicators, Manufacturing Index Slow" +Business,Stock scheme sweeping nation +Business,Fleet workers get pink slips +Business,Update 1: Mylan Labs: FTC Clears Icahn Stock Buy +Sci/Tech,Microsoft sends security update to home PCs +Sci/Tech,Apple Recalls Batch of PowerBook Batteries +Sci/Tech,Martian hill shows signs of ancient water +Sci/Tech,Broadband Rules the Internet +Sci/Tech,Hackers revive iTunes music sharing +Sci/Tech,IBM #39;s New Motion on Linux Aims to #39;Call SCO #39;s Bluff #39; +Sci/Tech,Loral files reorganization plan with court +Sci/Tech,UK radio to chart music downloads +Sci/Tech,Cisco flaw opens networks to attacks +Sci/Tech,Windows installer gains .Net authoring +Sci/Tech,Seiko Epson puts on show world #39;s lightest flying robot +Sci/Tech,AT amp;T strikes VoIP deals with cable +Sci/Tech,Drugstore Offers New Wave of Disposable Cameras +Sci/Tech,DARPA awards robot aircraft deal +Sci/Tech,Digital Angel Renews Distribution Deal +Sci/Tech,USPTO Close to Rejecting Plug-in Patent +Sci/Tech,Linux Scales New Test Platform +Sci/Tech,"Sony Unveils New Flat TVs, Aims to Boost Share" +Sports,Hamm Has Little Time to Savor All-Around Victory +Sports,Reversal Gives Peirsol Gold; Phelps Wins 200 IM +Sports,Gymnastics Gold Evens the US with China +Sports,"Olympics-Mayo knocked out, women prosper" +Sports,SHOT PUT Bizarre turn of fortune +Sports,Greek Gov #39;t: Games Will Top \$8.5 Billion +Sports,Soccer: Portugal title hopes end +Sports,Team USA #39;s big-bopper is tearing it up at the Games +World,Cleric Tells Militia to Turn Over Shrine +World,UN Staff Marks Baghdad Bomb Anniversary with Security Demand +World,S.Korea #39;s Ruling Party Head Resigns on Father #39;s Past +World,"Shaukat Aziz Wins By-Election, now Prime Minister-Designate" +World,How can Tutsi and Hutu divisions be resolved? +World,Poor nations pledge to reform UN +World,Bird flu outbreak in Malaysia +World,"Hungary #39;s Socialists Dump PM, Forint Falls" +Business,"Rite Aid Nov. Sales Fall, Bleak Forecast" +Sci/Tech,Microsoft Issues 2nd SQL Server 2005 Public Beta +Sci/Tech,Amazon.com to Acquire Joyo.com for \$72M +Sci/Tech,"Nortel Networks to Eliminate 3,500 Jobs" +Sci/Tech,CACI Shares Climb on Positive Earnings +Sci/Tech,REVIEW: Olympics Online Coverage +Business,Wall St seen starting higher as oil price drops +Sci/Tech,"XBox, EA to Stage Interactive World Cup" +Business,Nordstrom Profit Up But Shares Fall +Sci/Tech,KDE updates Linux desktop +Sci/Tech,Content software targets small publishers +Sci/Tech,Briefly: KDE updates Linux desktop +Sci/Tech,Google rises in market debut +Sci/Tech,Wi-Fi emerges as emergency communications alternative in Fla. +Sci/Tech,HP to deliver vulnerability scanning service by year's end +Sci/Tech,U.S. intelligence overhaul eyed amid concerns for antiterror fight +Sci/Tech,Apple Remote Desktop 2 'well worth the money' +Sci/Tech,OSDL introduces improved Linux kernel development tool +Sci/Tech,Nortel to lay off 10 of staff +Sci/Tech,U.K. government to extend three-year contract with Microsoft +Sci/Tech,Apple recalls 15-in. PowerBook batteries +Business,Job cutting worst in 2-1/2 years +Sci/Tech,EDS settles contract dispute with U.K.'s NHS +Sci/Tech,Peer-to-Peer Companies Win in Court +Sci/Tech,File-Sharing Networks Found Not Guilty +Sci/Tech,Travel Web Sites Agree to Be Accessible to Blind +Business,Oil Prices Hit New High +Business,Delta plan includes job and wage cuts +Business,Pace of Mid-Atlantic Factories Moderates +Business,Parmalat adds CSFB to list of banks being sued +Business,"UPDATE: NZ #39;s Sky Network TV, INL Enter Merger Talks" +Sci/Tech,Apple recalls 15-in. PowerBook batteries +Sci/Tech,Wheel Woes For Mars Rover +Sci/Tech,Brazil Tribe Has Great Excuse for Poor Math Skills +Sports,"Pieter van den Hoogenband #39;s name may be too long, but he #39;s compelling" +Sports,Dope and Kenteris hold focus +Sports,Flyers #39; Kapanen gets contract extension +Sports,USA beats Australia +Sports,"Americans falter, while Ward faces an uphill climb" +Sports,Kobe Defense Opposes Releasing Statements (AP) +Sports,ACC Picks Jacksonville to Host Title Games (AP) +Sports,Eight Wild Cards Added to U.S. Open (AP) +Sports,"Moyo Knocked Out, Women Prosper" +Sci/Tech,Two Firms Cleared of Swapping Violations (AP) +Sci/Tech,Salesforce.com maintains profitability and growth +Sports,"Basketball: U.S. Wins, Spain Reaches Playoffs" +World,AP: Kids Left in Africa Begged for Change (AP) +World,Nichols Declines to Appeal Convictions +World,Insurance Claims Moving Quickly in Fla. +World,Mbeki: Ivory Coast Parties Agree to Push for Peace +World,Report: Mladic Gets \$520-A-Month Serb Army Pension +World,"Dance, Music to Liven German Building (AP)" +World,Georgia Forces Announce Big Gain Over Separatists +Business,Google #39;s New Stock Rises to \$100 Mark +Business,HCC Insurance Expects \$10M Charley Losses +Business,Jetstar boosts Qantas turnover +Business,Mylan shares spike on interest by Icahn +Sci/Tech,Peer-to-Peer Companies Win in Court +Sci/Tech,Apple Recalls Batteries In G4 Laptops +Sports,American Aaron Peirsol #39;s Gold Restored on Appeal +Sports,Simmons #39; season in jeopardy +Sports,Big Indian Dream comes crashing down +Sports,England #39;s middle order saves the day +World,The Changing Face Of Al-Qaeda +World,Famous scofflaws hit Japan +Sci/Tech,What Low-Carb Dieters May Be Missing (AP) +Sci/Tech,Microsoft Recommends Throttling Back SUS For SP2 +Sci/Tech,Apple Recalls PowerBook Batteries +Sci/Tech,Browsing for secure alternative browsers +Sci/Tech,BlackBerrys sync with Mac OS X +Sports,Men #39;s volleyball: US falls to Russia +Sports,Selig #39;s continued reign is bad for baseball +World,Nepal asks Maoists for talks +World,New Rules for 'Soft Money' Groups in 2006 (AP) +World,Google Shares Hit \$100.34 in Market Debut +World,Jackson Accuser's Kin Asked for Payment +World,Church Says Girl's Communion Not Valid +Sci/Tech,Follow-Through (Forbes.com) +Sci/Tech,Party Crasher (Forbes.com) +Sci/Tech,Obsolete (Forbes.com) +Sci/Tech,The Song Remains the Same (Forbes.com) +Business,Cherry-Picking Growth (Forbes.com) +Business,House Call (Forbes.com) +World,"Relief funds almost spent, says Soliman" +Sci/Tech,Pilots to Pluck Space Capsule From Air (AP) +Sci/Tech,New Genetic Link Found to Crib Deaths (Reuters) +Sports,Patterson Wins All-Around Gold +Business,Update 2: Two Firms Cleared of Swapping Violations +Business,Moscow Court Rejects Yukos Appeal +Business,United Airlines Says It May Terminate Pension Plans (Update3) +Business,"Search industry welcomes Google IPO, sees growth" +Business,Hibernia to Sell Mortgage Portfolio +Business,"One China, May Exporters (Forbes.com)" +Business,"Court Rejects Movie, Music Makers' Piracy Claims" +Sci/Tech,So you want to be a cybercrook... +Sci/Tech,Google has strong first day of public trading +Sci/Tech,"Embarcadero, Ixiasoft focus on data management" +World,Tibetans accuse China of meddling in film festival (AFP) +Business,Vanguard Group Closes Int'l Explorer Fund +Business,"Movie, Music Makers' Piracy Claims Denied" +Sports,Mets Beat Rockies 10-3 to Open Twinbill (AP) +World,"Our kids losing ground in math, science" +Business,"Google goes public, shares surge nearly 20 percent on first day" +Business,Update 1: US Airways Union Says Labor Deal Is Near +Business,Delta Air #39;s Revival Plan Preaches Austerity +Business,Boston Scientific Stent Gets Extension +Sci/Tech,Helicopter Stunt Pilots to Snag Stardust for NASA +Sci/Tech,So you want to be a cyber-crook... +Sci/Tech,IE Drag-and-Drop Flaw Warning +Sports,"This lying, sneaky spirit of the Games" +Sports,"Too tall, too old, too artistic, Khorkina makes grand Olympic exit" +Sports,Loos? Not in Becks #39; vocab +Sports,US men #39;s soccer team carries itself with a swagger +Sci/Tech,15-inch PowerBook G4 Battery Exchange +Business,Google Up in Market Debut After Bumpy IPO +Business,Google makes market debut +Business,"Court Rejects Movie, Music Makers #39; Piracy Claims" +Sci/Tech,Drug store offers new wave of disposable cameras +Sports,Hall upset over snub +Sports,Men #39;s Singles : Chile and USA secure medals +Sports,Anno breaks Olympic jinx with judo gold +Sports,American Patterson overcomes Russian for all-around Olympic title +Sports,A new generation of US sprinters take their marks +World,Sharon #39;s leadership in crisis as Likud rejects settler plan +Sci/Tech,UK welcomes corncrake's comeback +Sci/Tech,Dust 'is hidden climate problem' +Sci/Tech,New worm uses IM to lure victims +Sci/Tech,AMD sneaks strained silicon into chips +Sci/Tech,Your regularly scheduled software patch +Sci/Tech,REVIEW: Olympics Web Coverage Disappoints (AP) +Sci/Tech,Mission Studying Lionfish Off N.C. Coast (AP) +Business,Parmalat adds Credit Suisse +Business,Google has strong first day of public trading +Sci/Tech,Microsoft Gets Good Grades on SP2 +Sci/Tech,Do-It-Yourself Phishing Kits Lead To More Scams +Sports,Phelps adds 200-medley to his tally of gold +Sports,James Lawton: Khorkina the fallen tsarina loses to American princess +Sports,"In badminton, two deserving champions" +Sports,Beckham - played well on Tyneside (Getty Images) +Sports,Devils re-sign Brylin +Sports,Lara must lead by example or face losing the captaincy +World,Balancing the risks in holy Najaf +World,Opp will be taken along on all issues: Shaukat +World,DPRK negative #39;over US offer on nuclear weapons +Sports,Reversal Gives Peirsol Gold; Phelps Wins 200 IM +Sports,Mets Open Doubleheader With Victory +Business,US stocks: Market dips as oil rises and Google shines +Sci/Tech,Enter your e-mail: +Sci/Tech,Your regularly scheduled software patch +Sci/Tech,AMD sneaks strained silicon into chips +Sports,Precision and Pressure in a Classic Stadium +Sports,Sportsview: Khorkina makes grand exit +Sports,Dodgers acquire Dessens for bullpen +Sports,"Moore, seven others advance at Amateur" +World,UN peace chief warns of more violence after Burundi massacre +Sports,"AL: Paul, Guerrero, Erstad Guide Angels to Win (Reuters)" +World,U.S. Uses Lethal Aircraft to Try to Break Sadr (Reuters) +Sports,"NL Wrap: Maddux, Sosa Help Cubs Beat Brewers" +World,Canadian flagbearer Gill bids hasty exit from Olympic judoka event (Canadian Press) +World,"Israel's Peres Urges Election, Pressures Sharon" +World,Analysis: Doctors a Part of Iraq Abuse +Sci/Tech,Yahoo fixes two flaws in mail system +Business,Tokyo's Nikkei Average Falls +Sci/Tech,Same-Day Doctor Visits Gain Steam in U.S. +Sci/Tech,Groups Weigh in on Revisions to Food Pyramid +Sci/Tech,"Health Highlights: Aug. 19, 2004" +Sci/Tech,Scientist says numeracy theories don #39;t add up +Sci/Tech,Sony brings new technology to TV line +Sci/Tech,Napster UK teams with Virgin Radio +Sports,Hewitt advances +Sports,Patterson overcomes low vault score to win all-around gold +Sports,3 countries will appeal in eventing +Sports,"NL Wrap: Maddux, Sosa Help Cubs Beat Brewers" +Sports,Football: US-Jamaica CONCACAF Semifinal Qualifier Ends in Draw +World,Shutdown of the Uffizi is threatened over cuts +Sci/Tech,Google Shares Hit #36;100.34 in Market Debut (AP) +Sci/Tech,Olympics Internet Coverage Disappoints +Sci/Tech,Apple's iPod a Huge Hit in Japan +Business,Auction Debate to Outlive Google Debut (Reuters) +World,Al-Sadr Tells Militia to Turn Over Shrine (AP) +World,AP: Kids Left in Africa Begged for Change (AP) +World,AP: Kids Left in Africa Begged for Change +World,Baseball Gives Selig Contract Through 2009 +World,India fight back to beat Germany in Champions Trophy (AFP) +Sports,Baseball Gives Selig Contract Through 2009 (AP) +Sports,UConn Aide Put on Leave After Sex Bust (AP) +Sports,"COWBOYS 43, SEAHAWKS 39" +Business,Google shares top 100 on debut +Business,Update 11: Crude Oil Prices Climb Above \$48 a Barrel +Business,"StreamCast, Grokster escape suit" +Business,Wal-Mart looking at Japan #39;s Daiei +Business,Hibbett 2Q Earnings Drop 6 Percent +Business,Delta faces tricky task in restructuring debt +Business,Market little changed at open +Business,Michael Hill sparkles +Sci/Tech,Mars Exploration Rovers Update +Sci/Tech,RealNetworks Riles Apple Diehards +Sports,"Casual approach, shot selection land Anthony seat on Team USA bench" +Sports,Granville crushes Czech +World,Peres Calls for Israeli Elections After Likud Rejects Talks +Sci/Tech,San Diego Zoo's Panda Celebrates Birthday (AP) +Sci/Tech,Microsoft Patches the Patch (PC World) +Sci/Tech,"Groups Eager to Meet With Bush, Kerry (AP)" +Business,Auction Debate to Outlive Google Debut +Business,Judges rule file-sharing software legal +Business,US Air CEO denies liquidation talk +Business,Investors See Only Negatives +Business,"US Economy Recovery slows, leading indicators drop" +Sci/Tech,Microsoft Patches the Patch +Sci/Tech,Apple recalls notebook batteries +Sci/Tech,DALE McFEATTERS: Just another work sol on Mars +Sci/Tech,Ford Shelves Oracle-Based Procurement System +Sci/Tech,Eolas Says Browser Patent Fight Isn #39;t Over Yet +Sports,Clearly Carly in women #39;s all-around +Sports,"Even in win, nasty vibes" +Sports,Second Wave for US Makes the Difference +Sports,UConn assistant coach placed on administrative leave +World,Najaf stand-off has beginnings in earlier US failures in Fallujah +World,Blair confined to quarters after bomb discovery +World,Global warming on the rise +Business,"Natural Gas Seems Headed the Way of Oil: More Demand, Less Supply, Higher Cost" +Business,Kmart: Rich in Cash and Real Estate but Not in Sales +Business,Google jumps 18 pc on debut +Business,Crude oil soar above \$48 a barrel in NY +Business,Vanguard closes international fund +Sports,Hamm Faces Future and Savors Moment +Sports,"With Duncan Providing a Beat, the US Finds Its Rhythm" +Sports,Notes: Ichiro CAT scan proves OK +World,Journalists journey into the center of the storm +World,ICJ ruling on Israeli fences may lead to sanctions: Attorney General +Business,Japanese Stocks Edge Lower +Business,Rewards Have Risks on the Tehran Stock Exchange +Business,7 More Managers Fired Over Nortel Accounting +Business,Tokyo Stocks Treading Water +Sci/Tech,Apple Powerbook G4 Batteries Recalled +Sports,"Another medal, two records" +Sports,Day 6 Roundup: China back on winning track +Sports,ATHENS 2004/Inoue crashes out +Sports,"20 Years Later, #39;the Next Mary Lou #39; Takes Her Place" +Sports,Athens Olympics Games: Expensive and Over-Hyped Olympics? +Sports,Owen given warm welcome at first Real Madrid session +World,Latham on the mend +Business,'Oil Shock' Has Some Economists Worried +Business,Sen. Kennedy Flagged By Secret No-Fly List +Business,United Says Pensions' Termination Likely +Business,"After Months of Hoopla, Google Debut Fits the Norm" +Business,Update 1: Qantas Says Oil Prices Will Boost Charges +Business,US press hit by new circulation figures scandal +Business,US rates on 30-year mortgages down to a 4-month low +Sci/Tech,"One, two, ... er, too many" +Sports,"Americans Carly Patterson, Michael Phelps Win Gold (Update10)" +Sports,Khorkina #39;s Final Act Centers on Bitterness +World,Spectre of closure haunts the Uffizi +Business,NYMEX Crude Strikes Record \$48.90 +Business,Loss Widens at Wet Seal +Business,Earnings Climb 62 at Hormel Foods +Business,"Agfa-Gevaert, Photo Pioneer, to Sell Film and Lab Business" +Sci/Tech,World #39;s lightest flying micro-robot unveiled +Sports,FINA rejects protest over Peirsol #39;s reinstatement +Sports,Indian doubles pair crash out +Sports,American Patterson takes women #39;s all-around gymnastics gold +Sports,Missed target +Sports,The Atlanta Journal-Constitution +Sports,Liverpool set for flurry of transfers +World,Minister #39;s poll triumph puts him in line to be Pakistan #39;s next PM +Business,US Airways Asks Pilots for Pay Cut +Business,Global LCD Oversupply to Peak in Q3 +Business,United Warns It May Jettison Pension Plans to Stay Afloat +Business,File-Sharing Sites Found Not Liable for Infringement +Business,Google shares surge in first day after IPO price cut +Business,"Nortel cutting 3,500 jobs, fires 7 executives" +Sci/Tech,Words may limit ideas +Sci/Tech,"Do-it-yourself phishing kits found on the internet, reveals Sophos" +Sports,Phelps wins fourth gold at Athens Olympics +Sports,Tourists award gold to Athens +Sports,NFL ROUNDUP Flutie Eases Back in After Knee Surgery +Sports,Determined Davenport continues winning streak +World,Blast rocks Nepal police post +Business,Global LCD Oversupply to Peak +Business,Dollar Hits Fresh 4-Week Low Versus Yen +Business,OPEC Chief: Concerned with Oil Price Rise +Sci/Tech,EA Video Game 'Madden' Tops 1.3 Million First Week (Reuters) +Business,Japan #39;s Topix Index Gains; Retailers Led by Daiei Inc. Advance +Sci/Tech,Stunt pilots to aid NASA in catching a piece of the sun +Sports,"India #39;s Pratima, four others suspended for doping :" +Sports,Reds with a Spanish spine +Sports,Going extra innings +World,White House pays tribute to UN envoy killed in Iraq +Business,OPEC Chief: Concerned with Oil Price Rise (Reuters) +Business,"Oil Marches Toward #36;50, Weighs on Stocks (Reuters)" +Business,Stocks Dip as Oil Soars; Google Shines (Reuters) +Business,"Gap Profit Off, Sees More Store Closings (Reuters)" +Business,Google shares soar 18 percent on first day +Business,Nortel Will Cut Workforce by 10 Percent +Business,Qantas Boosts Flight Surcharges as Fuel Prices Soar (Update2) +Business,Appeals Court Ruling Favors File-Sharing +Business,Nordstrom #39;s profits up 62; stock falls +Business,"Brokerage Gets Fine, 1-Month Ban on Opening New Accounts" +Business,"Ohio sues Best Buy, alleges deceptive sales practices" +Sci/Tech,NASA prepares to catch a falling star sample +Sports,Americans playing it cool in the pool +Sports,Anno Captures Japan #39;s 6th Judo Gold; Inoue Fails to Win Medal +Sports,Patterson makes it an all-around sweep for US +Sports,Manning Does His Part to Start a Controversy +Sports,Dismal weather takes control of NEC +Sports,Thursday #39;s Golf Capsules +Sports,Sports: Yankees 13 Twins 10 +World,Standoff Continues with Militant Cleric in Najaf +World,Russia Accuses Georgia of Violating Cease-Fire +World,Hungary Crisis Deepens as Prime Minister Quits +Business,Google Up in Market Debut After Bumpy IPO (Reuters) +Business,Google Up in Market Debut After Bumpy IPO +Business,Google #39;s Auction Loosens Wall Street #39;s Grip on High-Priced IPOs +Business,The Aftermath Of Charley: The Most Expensive States To Insure Your Home +Sports,Paul Hamm #39;s example +Sports,All-American girl +Sports,"Security Officials Relieved, Vigilant" +Business,Google Up in Market Debut After Bumpy IPO +Business,US Airways asks pilots for 16.5 cut in pay +Business,Daiei shares soar as Wal-Mart confirms interest in ailing retailer +Business,FDA to Inspect Boston Scientific Stent Plant -WSJ +Business,"BofA lays off 1,000 at Fleet" +Business,Tokyo Stocks Flat in Late Trade +Business,Chevron to appeal pipeline ruling +Sci/Tech,Hong Kong police look into prank e-mail service (AFP) +World,Militants Bomb Two Churches in Mosul (AP) +Sci/Tech,Insiders Get Rich Through Google IPO +Sci/Tech,Researchers Turn to Adult Stem Cells +Sci/Tech,China Declares War on Electronic Porn +Sci/Tech,Mars Exploration Rovers Driving Into the Sunset +Sci/Tech,Microsoft Patches the Patch +Sci/Tech,Apple Remote Desktop 2 +Sports,Braves Edge Dodgers 6-5 (AP) +Sports,Yankees Blow Lead but Beat Twins 13-10 (AP) +Sports,Manning Decent in Debut but Giants Lose (AP) +Sports,Agassi Moves Into Legg Mason Quarters (AP) +Sci/Tech,Trend plans mobile antivirus in 05 +Sports,Yankees' Closing Acts Resolve All Plot Twists +Sports,Bugel's Fine Line +Sports,Fields Treasures Job +Sports,Davis Starts Anew +Sports,"Owens, Lewis Face Off" +Sports,Hewitt Doesn't Miss Athens +Sports,Improved Pitching Has the Keys Finishing on an Upswing +Sports,Bowe Re-Enters Ring +World,April trial date set for Australian accused of murdering British tourist (AFP) +World,"Kean Leaving Drew U., No N.J. Run Planned (AP)" +World,Kerry Legal Team Member Is Issued Citation (AP) +World,Five Killed in U.S. Bombing of Iraq's Falluja +World,Kerry attacks 'Vietnam tactics' +Business,"Stocks little changed on IBM, J amp;J news" +World,Day Seven preview: Athletics begins +World,Key US forces to stay in Germany +World,Anarchists Emerge as the Convention's Wild Card +World,Yankees Blow Lead but Beat Twins 13-10 +World,Producer Sues Over 'Rings' Trilogy Profits +World,Jackson's Lavish Lifestyle Put on Display +World,"U.S. Struggles to Win Muslim Hearts, Minds" +Business,Court verdict: WTC terror attacks were two occurrences for <b>...</b> +Business,South Korea in growth spurt +Sci/Tech,'Madden' Week No. 1 Game Sales Top 1.3 Million (Reuters) +Sci/Tech,'Madden' Week No. 1 Game Sales Top 1.3 Million +Sci/Tech,'We're Done' Can be Predicted Before 'I Do' +Sci/Tech,Dietary Supplement Industry Hops on Low-Carb Diet Trend +Sci/Tech,San Diego Zoo's Baby Panda Celebrates First Birthday +Sci/Tech,"Google, Now Much Wealthier, Enters New Phase" +Business,U.S. Chain Store Sales Rise +Business,Guidant Shares Up on J J Deal Report +World,U.S. Plane Launches Airstrike in Fallujah (AP) +World,Rebels Explode Two Bombs in Katmandu (AP) +World,GOP Convention Delegation More Diverse (AP) +World,Kathmandu hit by 'rebel' blasts +World,India weightlifters test positive +World,Braves Edge Dodgers 6-5 +Business,Stocks Open Flat +Business,Nortel Turns a Tiny Corner +Business,Crude Oil May Rise From Record on Supply Threats (Update1) +Business,Qantas raises fuel surcharge +Business,Tokyo Stocks Flat in Late Trade +Business,Update 4: Two Firms Cleared of Swapping Violations +Business,United wants out +Business,Jury holds Texaco liable for 1955 leak +Business,Delta fare plan now seems fair +Sci/Tech,"Apple Recalls 28,000 PowerBook Batteries" +Sci/Tech,High-Speed Internet Shouldn #39;t Be Delayed +Sci/Tech,AT amp;T keeps expanding Net-phone service +Sports,Agassi waltzes into Washington quarter-finals +Sports,"In Greece, an Inside Track for Some" +Sports,US gymnasts double the gold +Sports,Yankees beat Nathan to avoid Minny sweep +Sports,Braves get a win off Gagne +Sports,Woods near top of soaked NEC +World,Two Wounded in Second Bomb Blast in Nepal Capital +World,Darfur plan #39;difficult #39; +World,Typhoon Megi slams into northern Japan +World,Hungary #39;s ruling Socialist Party dumps PM +World,ANALYSIS-China Uses Deng Xiaoping Centenary to Laud Reform +Business,"Nikkei Ends Flat, Oil Concerns Weigh" +Business,Oil Near \$49 on Mounting Iraq Violence +Business,Yen Hits 4-Week High Versus Dollar +Business,IMF's Rato Sees World GDP 4.6 Percent +Business,Olympics boosts WPP growth +Sci/Tech,Blogging Across America (PC World) +Business,Oil Near #36;49 on Mounting Iraq Violence (Reuters) +Business,Google stockowner for a day: a memoir +Business,Oil Near \$49 as Iraq Violence Escalates +Business,Stent recalls could hit inventory +Business,"Google gets a bounce, ends its first day up 18 percent" +Business,Google stockowner for a day: a memoir +Business,Oil prices flare up amid Iraq violence +Business,State's consumer confidence rises +Business,United Airlines likely to end pension plans +Business,Where's the WiFi? Park's developer wants to know +Business,"Nortel Networks to cut 3,500" +Business,FDA approves lung cancer drug +Sports,Notebook: Six weightlifters caught using steroids +Sports,Britain target Beijing gold +Sports,Eli Manning outplays Warner in 1st NY start +Sports,Major League Baseball News +World,Al-Sadr is sent #39;final call #39; +World,Peres calls for early general election +World,Kathmandu hit by #39;rebel #39; blasts +World,Power struggle also to blame for Sudan violence +World,"Typhoon leaves 18 missing or dead in Japan, South Korea" +World,"Hungarian Parliament to Elect Premier on Sept. 6, Kovacs Says" +World,Mbeki urges reform of global agencies +Sci/Tech,New flaws found in Microsoft security (AFP) +Business,An IPO Afterglow in Googleland +Business,"Nortel Networks to cut 3,500" +Business,Oil barrels toward \$50 +Business,Qantas Boosts Flight Surcharges as Fuel Prices Soar (Update5) +Business,Delta #39;s debt plan raises concerns; US Airways labor deal due +Business,"Nikkei Ends Flat, Oil Concerns Weigh" +Business,Peer-to-peer networks win ruling +Business,Zurich Financial nearly doubles profit +Business,Bank of America puts name on Celebrity Series of Boston +Business,United #39;likely #39; to end pensions +Business,"Nordstrom profit soars in quarter, but not enough for Wall St." +Business,Amazon to purchase Chinese on-line retailer +Sci/Tech,Mike #39;s mailbag +Sci/Tech,Pilots prepare for mid-air catch of Genesis capsule +Sci/Tech, #39;Psst...want the tools to be a cybercriminal? #39; +Sci/Tech,Nortel goes under the knife again +Sports,American claims Khorkina crown +Sports,Turnabout fair play for Peirsol +Sports,Woods #39; No. 1 is safe for now +Sports,Phelps on way to great 8 +Sports,Weight of drugs felt +Sports,Olympic diary: Day seven +Sports,Olympic Notes +Sports,"Let gymnasts be kids, not athletic lab rats" +Sports, #39;Peg psychologist helps Ford focus +Sports,Stop that blame game +World,US tanks #39;encircle Najaf shrine #39; +World,Annan vows to protect UN staff from attacks +World,Pakistan hunts for key Al Qaeda figure +World,Oil price hits new high on Iraq violence +World,Improved Latham to leave hospital +Sci/Tech,Blogging Across America +Sci/Tech,Virtual veins give nurses a hand +Sci/Tech,Court stops Shrek 2 bootlegs +Sci/Tech,When a Bridge Becomes a Lifeline +Sci/Tech,Cell Phone Users Are Finding God +Sci/Tech,Finding Nemo by Microchip +Business,US: Time Running Out in Airbus-Boeing Row +Sci/Tech,Campaign Game Mimics Real Life +Sci/Tech,Stem Cells Rise in Public Opinion +Business,Waiting For Google +Business,Court rules two software firms not liable for file-share claims +Business,"Swiss Re, Zurich peg Charley costs" +Business,State #39;s hospitals can get money if illegal immigrants give status +Sci/Tech,AMD #39;s new budget processors +Sports,Italy #39;s Brugnetti Upstages Perez in 20km Walk +Sports,Late surge lifts US past Aussies +Sports,"For starters, Eli makes case" +Sports,ACC game gets home +Sports,Youngsters Ready to Make Mark in Track +World,Sporadic gunfire in Najaf after aide says radical cleric orders fighters to leave Najaf shrine +World,Bombs Explode in Nepal Capital as Rebel Siege Bites +World,Cleric prays #39; for freelancer #39;s freedom +World,"Darfur humanitarian crisis easing, UN says" +World,Australia #39;s Howard rules out snap election while rival still ill +World,Plant operators grilled by safety panel probing Japanese nuclear plant explosion +Sports,All-American girl +Sports,Message loud and clear +Sports,Atlanta rallies to top Dodgers +Sports,Selig gets three-year extension +Sports,New York averts sweep by Twins +Sports,"For Colvin, it's hip hip hooray" +Sports,Help is on the way +Sports,Lawyers ask to seal Bryant interview +Sports,Cink gets drop on soggy NEC field +Sports,Defeat for GB canoeists +Sports,Upbeat De Bruijn Fastest in 50 Freestyle Heats +Sports,Phelps on Track for Sixth Gold +Sports,Late Bogies Hurt Woods at Rainy NEC Invitational +Sports,"AL Wrap: Paul, Guerrero, Erstad Homers Guide Angels" +Business,Job Cuts Rise Further in Nov. - Report +Sports,Sheppard makes semi-finals +Business,Productivity Growth Slows; Store Sales Dip +World,U.S. Warplanes Bomb Iraq's Falluja Again (Reuters) +World,European diplomats ask to meet detained activists in Maldives (AFP) +World,"Kerry defends Vietnam record, challenges Bush (AFP)" +World,'Soft Money' Groups Face New Ground Rules (AP) +World,N.Korea Says U.S.-S.Korea War Games Undermine Talks +Business,"Oil Swamps Stocks, Supports Bond Prices" +Business,Oil Near \$49 as Iraq Violence Escalates +Business,Oil Near \$49 as Iraq Violence Escalates +Business,Qantas slaps new fuel surcharge on fares +Business,File-sharers win court case +Business,"Nikkei Ends Down, Oil Worries Weigh" +Business,Texaco to appeal Sunburst ruling +Sci/Tech,Apple #39;s flaming batteries recalled +Sci/Tech,Oracle has patch day +Sports,"Reversal of fortune: Upon review, go" +Sports,Deakes wins bronze in 20km walk +Sports,Davenport advances in Cincinnati +Sports,Bengals brace for old teammate Dillon +World,Sadr Militia in Contacts to Hand Over Najaf Shrine +World,Peacekeepers in S. Ossetia will disarm militia +World,Bomb Blasts Rock Kathmandu +Business,'Deal nearer' in BA strike talks +Sci/Tech,MForma buys FingerTwitch (TheDeal.com) +Business,Kazaa owner takes heart from US copyright ruling +Business,United: Pension end is likely +Business,"300,000 seek 3,000 dockworker jobs" +Sci/Tech,"Apple recalls 28,00 PowerBook batteries due to fire hazard" +Sci/Tech,So you want to be a cybercrook... +World,Partisan Feud Deepens Over History Body +World,Four Indonesian political parties form National Coalition +Sci/Tech,Clean-up works on Norfolk Broads +Sci/Tech,A Bridge Suspended in Controversy +Sci/Tech,Techies Praised for E-Vote Work +Sci/Tech,The War Room +Sci/Tech,Game Mixes Racing and Role Play +Sci/Tech,Google Stock's Wacky Debut +Sci/Tech,File-sharing systems in legal win +Business,Talks to resume in BA dispute +Business,"Asian Stocks: Japan #39;s Topix, Taiwan #39;s Taiex Climbed This Week" +Business,Navistar #39;s profit more than triples +Business,Chief economist leaving Bank One +Sci/Tech,Microsoft SP2 release delayed by security threats within pack +Sci/Tech,Lycoris 1.4 integrates Windows apps support +Sci/Tech,Eolas patent on Web plug-in technology rejected +Sports,Patterson has golden glow +Sports,Brugnetti upsets the field to win 20km walk +Sports,"Engelsman, Lenton surge to 50m semis" +Sports,Woodgate to Face Stringent Medical +Sports,Ain #39;t over till it #39;s over +Sports,Eli has his moments +Sports,US track tries to turn the page +Sports,"Yanks, Rangers have second thoughts on Loaiza" +Sports,"Garland, Sox can #39;t tame Tigers" +World,German Press Review: Dilemmas for Sharon and Scientists +World,Nepal rebels attack blockaded capital +World,Pakistan #39;s PM-designate declared winner in two by-elections +World,Iraq's Sadr Prepares to Hand Over Najaf Shrine (Reuters) +World,Iraq Abductors Vow to Free U.S. Journalist (AP) +World,"Tokyo Stock Index Ends Lower, Dollar Down (AP)" +World,Iraq's Sadr Prepares to Hand Over Najaf Shrine +World,"Typhoon Megi Slams North Japan, Death Toll Hits 13" +World,Pakistan holds al-Qaeda suspects +World,Death and Sorrow Stalk Sudanese Across Border +World,Al-Sadr Tells Militia to Turn Over Shrine +World,Kerry Takes Job Creation Message to N.C. +Sports,Argentina's Women Sail Into Hockey Semi-Finals +World,"Now free, Jenkins arrives to live on Japanese island with family" +World,North Korea Urges Refugees to Return to 'Warm Home' (Reuters) +World,Kidnappers Set to Free US Journalist +World,Russian textbooks omit Soviets #146; dark chapters +World,Sharon and Arafat defy supporters +World,Pakistan hunts for key Al Qaeda figure +World,"At ancient site, a very modern debate -- over traffic" +World,"Doctors involved in abuse at Abu Ghraib, report " +World,UN marks year since deadly bombing of Iraq headquarters +World,North Korea Urges Refugees to Return to 'Warm Home' +World,Sadr's aides urge militants to free kidnapped journalist +Business,Media companies lose file-sharing case +World,24-hour push for NI powersharing +Sci/Tech,"Apple recalls 28,000 overheating PowerBook batteries" +Sci/Tech,Failure in demand causes LCD sales slump +Sports,Hochschorner brothers win C2 gold +Sports,Greek Police Hand Kenteris Crash Report to Prosecutor +Sports,Brit relay teams go through +World,Colombian Charged in Fla. With Buying Guns (AP) +World,WHO and FAO kept in dark on bird flu virus found in pigs in China (AFP) +World,"30,000 More Sudanese Threaten to Cross to Chad -UN" +World,Jackson's Lavish Lifestyle Put on Display +World,Nichols Won't Appeal State Convictions +World,Terror List Snag Nearly Grounds a Kennedy +World,"Sheffield, Yanks Rally for Win Over Twins" +World,Al-Sadr Aide: We Will Surrender Shrine +Sports,Steroid scandal will be given lip service +Sci/Tech,Legal peer-to-peer services: Gimmick or Genius? +World,Stocks to Open Lower on Oil Concerns +World,Congo Pulls Diplomats Out of Burundi (Reuters) +Business,Stocks to Watch on Aug. 20 (Reuters) +Sci/Tech,'Mean Creek': A familiar flow (USATODAY.com) +Sci/Tech,China Mobile Suspends Chinadotcom Mobile Services (Reuters) +Business,"Stocks May Fall at Open, Oil Weighs" +Business,Oil at New High Over \$49 +Business,Stocks to Watch on Aug. 20 +World,Congo Pulls Diplomats Out of Burundi +Sports,Brugnetti Strides to First Gold in 20km Walk +Business,"Bankruptcy Survivable, US Airways CEO Says" +Business,Developing countries invest abroad +Business,Union sets Eurostar strike date +World,India orders Olympic dope probe +Sports,Lewis drops off pace +Sci/Tech,China Mobile Suspends Chinadotcom Mobile Services +Sci/Tech,"Have Blood, Will Travel" +World,"Two rebel infiltrators killed, separatists detained in Kashmir (AFP)" +Sci/Tech,Stumbling over SP2 +World,McDonald's serves up film blitz +Business,Google Closes Over \$100 After IPO +Business,Nortel #39;s new chief gets down to business +Business,Auto-body chain settles fraud suit +Business,Kerry Takes Job Creation Message to NC +Business,PUC delays decision to shift power costs here +World,'Final Call' for Rebel Iraqi Cleric +Sci/Tech,Stumbling over SP2 +Sci/Tech,Hollywood stunt pilots hope to snag a falling NASA craft +Sci/Tech,Global LCD Oversupply to Peak -Report +Sci/Tech,Survey Notes Rise in US Broadband Users +Sci/Tech,Napster Jumps on Chart Bandwagon +Sci/Tech,Lindows halts stock release +Sci/Tech,DIY phishing kits found on the internet +Sci/Tech,EA game #39;Madden #39; tops 1.3 million first week +Sports,Pool of utter mix-ups +Sports,US gymnast shines +Sports,Brugnetti Strides to First Gold in 20km Walk +Sports,Have your say +Sports,IOA sets up committee to probe dope scandal +Sports,FACTBOX-Jonathan Woodgate factbox +Sports,British canoe pair lose out +World,World News gt; Indians unfazed by Kathmandu blockade - but panic in India: +World,Militants reportedly promise to free kidnapped Western journalist Garen +World,Israel given double warning over impact of West Bank policies +World,Tropical storm death toll hits 13 +World,Pakistan prime minister-designate declared official victor in by-elections +World,13 injured in plant fire in Japan +World,Twenty-Five Hurt as Azores Plane Avoids Collision (Reuters) +Business,General Growth Properties to Buy Rouse +Sci/Tech,UAPB Gets #36;2.5M Science Grant From NSF (AP) +Sci/Tech,Study: Development Endangers Coastal Bays (AP) +Sci/Tech,Oracle moves to monthly patching schedule +Sci/Tech,Cherry to launch keyboard for Linux users +Sci/Tech,Virtual veins give nurses a hand +Business,Bill Clinton Helps Launch Search Engine +Business,General Growth Properties to Buy Rouse (Reuters) +World,Police Investigate Sex Play (Reuters) +World,"US, South Korea fail to hammer out deal over troop cut timetable (AFP)" +Sci/Tech,Researchers to Probe Algae on Lake Shore (AP) +Sci/Tech,Ga. Science Museum to Suspend Operations (AP) +World,"30,000 More Sudanese Threaten to Cross to Chad - UN" +World,'Miracle baby' home raid in Kenya +Business,DaVita to acquire Gambro #39;s US clinics for \$3.1bn +World,Teens Claim to Set New TV-Viewing Record +World,Al-Sadr Followers Offer to Leave Shrine +Sci/Tech,Neuros II 20GB HDD music player +World,Bioenvision Files for Drug OK in Europe (Reuters) +World,India cuts duties as inflation hits new high (Reuters) +Sports,U.S. Softball Team Posts Shutout No. 7 (AP) +Sports,Paul Hamm's example +Sports,NBC relies on storytelling for continuity +Sports,"This weekend on TV, radio" +Sports,Russia blocks bid by US +Sports,Late surge lifts US past Aussies +Sports,Story has familiar ring +Sports,Fencer Smart can't find winning touch +Sports,"Finally, events are in track spotlight" +Sports,Cannons' Gill fit for playoffs +Sports,Transactions +Sports,A winning situation +Sports,Entries just can't keep pace +Sports,"Peirsol golden in beating field, controversy" +World,Israel court orders barrier reply +Business,"Oil Prices Are at New High, Over \$49" +Business,Report: Johnson amp; Johnson in talks to buy Guidant +Sci/Tech,Stunt pilots to hook falling stardust sample +Sci/Tech,Oracle moves to monthly patching schedule +Sci/Tech,Seiko Epson unveil updated micro flying robot +Sci/Tech,Gateway spreads out at retail +Sports,"For Peirsol, a DQ, a wait amp; a reward" +Sports,Woodgate to join Real after passing medical +Sports,Judge rejects injunction by organizers over use of Olympic symbols +Sports,Greeks deny failed drug test reports +Sports,Fergie #39;s View: Norwich +Sports,"USA plays inspired, but falls to No. 1 Hungary in water polo" +Sports,Men #39;s C2 Canoe Double: Slovakian twins repeat as gold medallists +World,"S.Korea, US End Troop Cut Talks Without Agreement" +World,China: Deadly Bird Flu Strain Found in Pigs +World,Korea #39;s tortured reckoning with collaborators +World,"China hands out quot;green card, quot; winning acclaim of foreigners" +Sci/Tech,Earnings alert: Novell sees weakness in IT spending +Sci/Tech,Briefly: Mitsubishi expands solar production +Sci/Tech,Oracle puts patches on a schedule +Business,Oil Tops \$49 On Renewed Iraq Violence +Business,This unconventional IPO has a familiar ring +Business,Scandal-hit Nortel to make worker cuts +Business,Before the Bell- Rouse Co. shares jump 32 percent +Business,Update 1: Mylan Comments on Icahn Clearance +Business,United signals it may end pensions +Business,Layoffs at Fleet +Business,Industry report +Sci/Tech,"Apple recalls 28,000 PowerBook batteries" +Sci/Tech,Computer Experts Vie in Hacking Contest (AP) +World,"Pakistani Islamists rally against custodial killing, raids on seminaries (AFP)" +World,Report: Bush Spent Nearly #36;46M in July (AP) +Sports,Judge Maintains Peirsol Broke Rules +World,Annan Vows to Protect U.N. Staff from Attacks (Reuters) +Business,General Growth to buy Rouse for \$7.2bn +Business,Qantas to raise fuel surcharge +Business,File-sharing firms record a win +Business,Chinadotcom #39;s Text-Messages Suspended +Business,Report: FDA to relabel antidepressants +Sci/Tech,Apple recalls laptop batteries +Sci/Tech,Brazil tribe prove words count +Sci/Tech,Researchers spot XP SP2 security weakness +Sci/Tech,Somebody else #39;s spam +Sci/Tech,Finally sync your BlackBerry with your Mac +Sports,Judge Maintains Peirsol Broke Rules +Sports,Woodgate joins Real Madrid +Sports,"Live on Sky Sports 2, 5pm (KO 5.15pm)" +Sports,Race driver killed in crash +World,Tanks encircle shrine in US blitz on rebels +World,"Bombings Hit Kathmandu, as Blockade Starts to Affect Prices" +Sci/Tech,Kazaa Owner Cheers File-Swapping Decision (AP) +World,Violence in blockaded Kathmandu as Nepal agrees to meet Maoists halfway (AFP) +Business,Stocks Set to Fall Amid High Oil Price +Sci/Tech,"Weak El Nino Seen Affecting U.S. This Fall, Winter (Reuters)" +Business,Treasuries Yields Near Recent Lows +Business,Magna Int'l Names Mark Hogan as President +Sports,Khan crushes Stilianov +Business,Advanced Neuromodulation takes stake in Cyberonics +Sci/Tech,Enter your e-mail: +Sports,You don #39;t use a yardstick to measure grit +Sports,Five more suspended by weightlifting body +Sports,Emmons wins gold in prone rifle +World,Russia Welcomes Georgian Troops #39;Pullout from South Ossetia +World,"Bomb Blasts Hit Kathmandu, as Rebel Blockade Continues" +World,Crude oil nears \$50 a barrel +Business,Treasuries Yields Near Recent Lows (Reuters) +World,Khan moves into quarter-finals (AFP) +World,"Kallis, Boucher boost South Africa in Colombo one-dayer (AFP)" +Business,"Oil at New High Over \$49, Iraq Violence Escalates" +Business,Oil Tops \$49 Amid Iraq Supply Worries +World,World is #39;in more danger #39; +Sports,Greek athlete fails test +World,Sadr May Have Escaped Najaf Mosque-Iraq Official +Sci/Tech,Scientists Say Risk of Water Wars Rising +Sports,British Considering Protest of Peirsol #39;s Gold Medal Victory +Sports,Suzuki advances to semis +Sports,Jake White #39;s Springboks Are On the Cusp of a Historic First +World,Peres demands early Israeli elections +World,Bomb blasts hit Kathmandu +World,Is Israel planning to attack Iran? +World,UN: Chad Could See More Darfur Refugees +World,US warplanes strike Falluja: Report +World,Israeli court orders reply for Hague +World,Cleric #39;s Aides: Kidnapped Journalist Will Be Freed +World,Women Lay Claim to #39;Miracle Children #39; +World,Court to hear medal appeal +World,Guatemala to pay paramilitaries +World,Particle collider edges forward +Business,Oil Futures Rise to Record as Iraq Fighting Threatens Exports +Business,General Growth Properties to acquire Rouse for \$12.6 bn +Business,Cyberonics #39; Shares Jumps on Stock Buy +Business,United set to drop pension plans +Business,Magna Int #39;l Names Mark Hogan as President +Business,Dim Reality at Sharper Image +Business,"Lottery for Longshore Jobs Draws More Than 300,000" +Sci/Tech,Prehistoric Desert Town Found in Western Sahara (Reuters) +World,Eta rebels explode peace hopes +World,Ghana leader looks set to win second term +Sci/Tech,Software Doesn't Break Laws... +Sci/Tech,Web Sites Agree to Be Accessible to Blind +Sci/Tech,Blunt Talk on Union Web Site Spotlights Frustration Over Labor Relations Changes +Sci/Tech,Nokia taps Coke exec to refresh brands +Sci/Tech,Cherry Readies Linux Keyboard +World,Japan Court Ex-Chess Champ Fischer Can Be Deported (Reuters) +Sci/Tech,Software Doesn't Break Laws... (washingtonpost.com) +Business,Stocks Near Flat as Oil Price Hits Record +Business,New Blast Rocks Texas Natural Gas Unit +World,"Iraqi Police Enter Najaf Shrine, Arrest Militiamen" +World,Japan Court Ex-Chess Champ Fischer Can Be Deported +World,Second Explosion Rocks Texas Gas Facility +World,U.S. Women Beat Spain in First Real Test +World,Stocks Up Despite Oil Nearing \$50 a Barrel +World,An Elusive Peace in Najaf +Business,File Sharing Companies Ruled Not Liable +Business,Update 1: Cyberonics #39; Shares Jump on Stock Buy +Business,Kmart #39;s store sales might cost jobs +Business,WPP Profit Rises; Company Ponders Bid for Grey Global (Update5) +Sci/Tech,Flaws and a Delay for XP SP2 +Sci/Tech,RealNetworks Doesn #39;t Rock +Sci/Tech,BlackBerry in sync with Mac OS X +Sci/Tech,Nokia taps Coke exec to refresh brands +Sports,"Probe expanded into Greek sprinters #39; crash, coach #39;s past" +Sports,Rathbone is #39;like Gregan #39; +Sports,Two more Americans fail to master Olympic boxing style +Sports,USA women #39;s basketball team pulls away to beat Spain +World,Twenty-Five Hurt as Azores Plane Avoids Collision +Sci/Tech,Holes found in Windows XP update +Sci/Tech,Search Engine Forums Spotlight +Sci/Tech,Amazon to Purchase Chinese Retailer Joyo.com +Sci/Tech,Court Rules File Sharing Legal +Sports,Basketball: U.S. Women Win After a Tough Test +Business,FDA Sees Changes to Antidepressant Labels +World,Holes found in Windows update +Business,Is Netflix Doomed? +World,"Iraqi Police in Control of Najaf Shrine, According to Reports" +Sci/Tech,Avian flu 'discovered in pigs' +Business,Advanced Neuromodulation takes stake in Cyberonics +Business,Mylan Explains Trading Surge +Business,Nordstrom shares are hammered after earnings miss +Business,Dollar Rises; Traders Drop Bets Currency to Reach One-Month Low +Business,Ohio sues Best Buy for alleged unfair business practices +Sci/Tech,Holes found in Windows XP update +Sci/Tech,Probe Set to Return with Sun Sample +Sports,Greek Athlete Tests Positive for Drugs +Sports,Fergie undecided over Ronaldo +World,Israel Faces New Pressure Over Security Barrier +World,Japan Court Ex-Chess Champ Fischer Can Be Deported +World,UN Official Warns of #39;Spiral of Violence #39; Following Burundi Massacre +World,Latham to be released from hospital +Sci/Tech,Google Shares Jump 18 In NASDAQ Debut +Sci/Tech,Yahoo Now Powers OptusNet of Australia and New Zealand +Sports,Lithuanians face US NBA stars in Olympic basketball showdown (AFP) +World,Iran Urges Meeting on Iraq 'Catastrophe' (AP) +Business,Feds Subpoena Fannie Mae -Source +Business,Anadarko to Sell Gulf Assets for \$1.3 Bln +World,Kerry touts job-creation plans (AFP) +Sports,Scalpers Sell Athens Tickets at Face Value +World,Japan Court: Bobby Fischer Can Be Deported +Sports,Champions League matches in Group A +Sci/Tech,Sony's TV Plans Take Shape +Sci/Tech,Beyonce's Hair Is Worth Millions (AP) +Sci/Tech,Sony's TV Plans Take Shape (PC World) +World,Airline Stops Three-Day Weekend Bookings (AP) +Business,Midway Could Be Viacom Acquisition Target (Reuters) +Business,"Qantas, Jetstar fares rise with oil" +Business,Rouse Co. to be sold for \$7.2 billion +Business,Advanced Neuromodulation initiates merger talks with Cyberonics +Business,Midway Could Be Viacom Acquisition Target +Sci/Tech,"Apple recalls 28,000 PowerBook G4 batteries" +Sports,Deakes takes a walk into history +Sports,Harmison strikes twice for dominant England +Sports,Us Grand Prix Is Back +World,"UN remembers Iraq staff, a year after bombing" +World,"PM: Australia aims to keep good relations with both US, China" +Business,Dell's Secret Earnings Engine +World,Confusion Surrounds Seizure of Iraqi Mosque +Business,US: Time Running Out in Airbus-Boeing Row (Reuters) +World,Militants Remove Arms From Najaf Shrine +World,U.S. Women's Basketball Team Beats Spain +World,Stocks Up Despite Oil Nearing \$50 a Barrel +Sports,Tigers #39; Monroe facing theft charge in Charlotte County +Sci/Tech,Insiders Get Rich Through IPO (washingtonpost.com) +Sci/Tech,Google AdWords Dynamic Keyword Insertion +Sports,Pakistan to rest speed duo +Business,Movie Studios Lose In Case Against File-Sharing Apps +Business,BHP had talks on India steel +Business,Ceradyne shares surge on Army contract award +Business,Bush hasn #39;t decided on tax reform-Treasury #39;s Snow +Sci/Tech,Alcatel Spreading DSL Wealth in China +Sci/Tech,Microsoft HotFixes Flaw In XP Fix +Sci/Tech,Washing your hands with soap could damage the environment +Sports,Greek athlete tests positive +Sports,Scalpers Sell Athens Tickets at Face Value +Sports,Peschier wins gold in kayak +Sports,Aussie woman takes 500 time trial in the velodrome +Sports,Detroit Tigers Team Report - August 20 +Sports,Anaheim Angels Team Report - August 20 +World,Maoist rebels bomb Nepalese capital +World,Japan Court: Bobby Fischer Can Be Deported +World,PM clarifies Downer #39;s ANZUS comments +Sci/Tech,News: Download.Ject-style worm spreads via IM +Business,Taiwan's Economy Expands at Fast Pace (AP) +Business,Advocate Or Promoter? (Forbes.com) +Business,Crushing the Little Guys (Forbes.com) +Sci/Tech,Cheapware (Forbes.com) +Sports,Greek Athlete Tests Positive for Drugs +Business,General Growth to Buy Rouse for \$7.2 Billion +Sports,Baseball must clean up its act +Business,General Growth Set to Buy Rouse for \$7.2B +Business,Best Buy sued for #39;ripping off #39; consumers +Business,Insurance giant Aetna to buy Columbia company for \$250 million +Sci/Tech,BlackBerry in Sync with Apple +Sports,NASCAR driver killed +Sports,Jamaica #39;s Fuller joins Portsmouth +Sports,Chicago White Sox Team Report - August 20 +World,Georgian troops pull out from conflict zone after intense fighting +World,US Hostage in Good Health - Jazeera Tape +Sci/Tech,Marrying the Ideal to the Real (Forbes.com) +Business,Stocks Higher as Oil Eases +Sports,Tigers' Craig Monroe Facing Theft Charge (AP) +World,Stocks Higher As Oil Nears \$50 a Barrel +World,Militants Remove Arms From Najaf Shrine +Business,NFL Game Tackles Competition +Sci/Tech,Google shines on second day +Business,Dollar Up Vs. Most Except Yen +Sci/Tech,N.C. Co. Develops Germ-Fighting Clothes (AP) +Sci/Tech,Brazil Tribe Has Great Excuse for Poor Math Skills (Reuters) +Sci/Tech,Strong growth for Linux servers +Sci/Tech,Apple Recalls PowerBook Batteries +Sci/Tech,Researchers Spot XP SP2 Security Weakness +Sci/Tech,Reports criticize DHS for lack of progress on IT +Sci/Tech,Yahoo fixes two flaws in mail system +Sports,Massu beats Dent to reach gold medal match +Sports,Swansong for Gebrselassie +Sports,"Meares, Hoy win cycling gold in record times" +World,Sadr #39;s aide denies entering of Iraqi police into Najaf shrine +World,"Syrian, Algerian arrested over Madrid train bombings" +Business,Second Chance on Lone Star +World,EU's incoming antitrust chief says honorary degree won't affect view of Gates (Canadian Press) +World,Iraqi footballers' fury at Bush +World,Venezuela audit 'confirms' result +Sci/Tech,Napster Founder Introduces New File Sharing Service +Sci/Tech,"Thunderbird 1.0 takes on Entourage, Eudora" +Sci/Tech,Analysts spot slump in LAN switch market +Business,Rouse Jumps on General Growth Buyout +Business,Stocks in Motion: Wet Seal +World,Berlusconi hair mystery revealed by Italian surgeon (AFP) +Sci/Tech,Xbox to Stop Making Some Sports Games (AP) +Sci/Tech,"Birders Flock to See Rare, Lonesome Falcon (Reuters)" +Business,Oil Producers Emerging to Sell at Record Prices +Business,Dollar Up Vs. Most Except Yen +Sci/Tech,Soft Demand for TFTs Affects Prices +Sci/Tech,New Download.Ject Attack Hits IM Networks +Sports,"Carly Patterson, Paul Hamm help define these Games" +Sports,Hoy wins gold by a whisker +World,Bombs explode in Nepal capital +World,Prints lead to two Madrid arrests +Business,"UAL, Creditors Agree to 30-Day Extension (Reuters)" +Sports,NFL Suspends Saints' Hodge for 4 Games (AP) +Sports,Swimming: Shibata Wins Women's 800m Freestyle +Sports,Webb Ousted in Prelim +World,U.S. Soccer Team Fights Past Japan 2-1 +World,Stocks Move Higher As Oil Prices Decline +Sci/Tech,"Nature and Nurture, the Recipe for Olympic Gold" +Sci/Tech,"Maine Program Asks Sea-Kayakers to ""Leave No Trace""" +Business,Airfares to rise as cost of fuel reaches record +Business,The Rouse Co. sold for \$12.6 billion +Business,"UAL, creditors agree to extend exclusivity 30 days" +Business,Anadarko to sell Gulf of Mexico shelf properties for \$1.3B +Business,Highland buys Tremont Boston in four-hotel deal worth \$227M +Business,US #39;s Snow-dollar to remain top reserve currency +Sci/Tech,NASA Recruits Stunt Pilots To Catch Sun Capsule +Sci/Tech,Canon unveils new digital camera quartet +Sports,Phelps wins duel with Crocker +Sports,"Security for Olympics Successful, Greek Defense Minister Says" +Sports,"Not Roddick, but Fish reaches finals" +Sports,USA women pass first big test: Spain +Sports,Father of crew chief killed in crash +World,Confusion Surrounds Seizure of Iraqi Mosque +World,Report: Japanese court dismisses request to halt deportation of chess legend Bobby Fischer +World,Australian opposition leader to leave hospital +Business,Sensei's World (Forbes.com) +World,U.S. Vets Make Case for Kerry in Vietnam (AP) +Sci/Tech,Group Finds Ancient Ships Off Italy Coast (AP) +Business,EU commissioner admits Gates link +World,Phelps Wins 100-Meter Butterfly +Sci/Tech,Maker of disposable RFID tags gets millions +Sci/Tech,Best Software strategizes for midmarket dominance +World,Mood Mixed Among Darfur Rebels Ahead of Talks (Reuters) +World,"Two Blasts Rock Market in Ukraine Capital, 13 Hurt (Reuters)" +Sports,Yanks' Giambi Gets Groin Strain Treatment (AP) +World,Guilty plea from N.B. man who allegedly planned shooting spree rejected (Canadian Press) +Sports,Pirates' Wells to Miss 2nd Straight Start (AP) +Sports,"Phelps Captures Fifth Gold, Seventh Medal" +World,Sadr Militia Still Controls Iraq Shrine -Witnesses +Sci/Tech,US E-Commerce Sales Rise in Second Quarter (Reuters) +Sci/Tech,Italian deputies drowned out in mobile phone clampdown: report (AFP) +Business,Death Watch (Forbes.com) +Business,"UAL, creditors agree to 30-day extension" +Business,Mall Retailers Trim Estimates +Business,Highland Buys Four Hotels From Wyndham +Sci/Tech,"Apple Recalls 28,000 G4 Laptop Batteries" +Sci/Tech,Google #39;s ups and downs +Sci/Tech,AMD To Add #39;Strained Silicon #39; To Processors +Sports,Phelps adds yet another gold +Sports,"America #39;s great hope in 1,500 can #39;t make it out of first round" +Sports,US women #39;s soccer through to semifinals +World,Chad: Hepatitis E Breaks Out As More Refugees Threaten to Cross Border +Sci/Tech,Briefly: Gmail delivered to desktops +Business,"Oil Falls from #36;49, Iraq Violence Peaks (Reuters)" +Sports,Bills' McGahee Said to Ask for Trade (AP) +Sports,Golfer Thatcher Leads at Reno-Tahoe Open (AP) +World,Thirty-three injured when Air Portugal plane dives to avoid collision (AFP) +World,Three Indicted in Raising Funds for Hamas (AP) +Business,Giving Voice to A Billion Things (Forbes.com) +World,Japanese Court Dismisses Fischer Request (AP) +Sports,C-USA Officials Vote on League Title Game (AP) +World,Militants Remove Arms From Najaf Shrine +World,Stocks Edge Higher As Oil Prices Fall +Business,Nortel: Nowhere To Go But Up +Business,Unions #39;close to BA deal #39; +Business,Rouse Co. to be sold for \$7.2 billion +Business,Chinadotcom Gets Sanctions From China Mobile Communication +Business,Bank of America quiet regarding local layoffs +Sci/Tech,NASA turns to stunt pilots to snag solar stardust +Sci/Tech,"Ancient Mask, #39;Olympic #39; Ring Found in Thracian Tomb" +Sci/Tech,Broadband Use Passes Dial-Up +Sports,Greek weightlifter tests positive +Sports,Hall defends 50m crown +Sports,"Harmison takes eight, England near clean sweep" +Sports,Cyclists find fast track as competition begins +Sports,"America #39;s great hope in 1,500 has early exit, Devers squeaks into 100 semis" +World,Sadr Militia Still Controls Iraq Shrine -Witnesses +World,"Putin Calls on Tbilisi, Tskhinvali for a Compromise" +World,Prime Minister #39;s Expected Resignation Overshadows Hungary #39;s National Day +World,2 held over Madrid train bombings +Business,Super search Accoona.com launched in US and China +Sports,"Raiders, Cowboys Look to Improve Games (AP)" +World,Germany drops junta prosecutions +Business,Is United Taking Aim at Retirees? +Business,Deduct IRA Losses? In Some Cases +Business,Stocks stall at open +Sci/Tech,Contracting Riches For Nation's Capital +Sci/Tech,Xbox to Stop Making Some Sports Games +Sci/Tech,Microsoft Shuts Sports Video Games Unit (Reuters) +World,List of Foreigners Taken Hostage in Iraq (AP) +Business,"UAL, Creditors Agree to Extend Exclusivity 30 Days" +Sci/Tech,"NASA Researchers, Stunt Pilots Prepare for Genesis Probe's Return (SPACE.com)" +Sci/Tech,Scan the Summer Sky for the Archer (SPACE.com) +World,Kerry Stirs Gasoline Debate Amid Record Oil Prices (Reuters) +Business,U.S. Stocks Gain as Oil Eases +World,Sadr Militia Still Controls Iraq Shrine - Witness +Business,Feds Subpoena Fannie Mae in Probe-Source +World,US arrests two Hamas 'racketeers' +Sci/Tech,FDA to Inspect Boston Scientific Stent Plant -WSJ (Reuters) +Sci/Tech,Music Piracy Lawsuits Wend Through Court (AP) +Sports,Saints' Hodge Is Suspended for Four Games (Reuters) +Business,Money Out of a Pipeline (Forbes.com) +Business,Oil Falls from Highs After Missing \$50 +Sports,ACC Football Begins New Era With Miami (AP) +Business,"UAL, Creditors Agree to 30 Day Extension" +Business,Stocks Rise as Oil Retreats from High +Business,Treasuries Edge Down as Oil Retreat +Business,Brazil finds true value of art +Business,Jobs cut in Credit Suisse reshuffle +World,Phelps' Fourth Individual Gold Ties Spitz +World,Militants Still in Control of Najaf Shrine +World,United Argues It May Terminate Pensions +Sci/Tech,Briefly: Linux release features Windows support +Sci/Tech,PostgreSQL 8.0 will run on Windows +Sci/Tech,Linux release features Windows support +Sci/Tech,AMD using strained silicon on 90-nanometer chips +World,Groups Meet to Discuss Climate Change +Sci/Tech,Which Candidates Do Tech Companies Support? +Sci/Tech,Microsoft Sends XP SP2 Home +Business,"UAL, Creditors Agree to 30 Day Extension (Reuters)" +Business,Analysts See Grim Future for Wet Seal (Reuters) +Business,Fact and Comment (Forbes.com) +World,White House Deals With Detainee Legalities (AP) +World,Sadr Militia Still Controls Iraq Shrine -- Witness +Sci/Tech,Constantine and the rise of Christianity +Business,Electronic Arts Breaking Out +Sci/Tech,Microsoft benches sports games +Sci/Tech,Kazaa Owner Cheers Court's File-Swapping Decision +Sci/Tech,Yahoo Mail Fixes Security Flaws +Sci/Tech,News: Slow-moving lawsuits over music downloads producing court twists +World,Bloody Battle Dulls Cleric's Heroic Image (AP) +Business,Why Tech Stocks Stink (Forbes.com) +World,Hanes Opens Unmentionables Market in China (AP) +World,GOP Convention Light on Stars (AP) +Business,Stocks End Higher as Oil Eases +Sports,"Swimming: Fifth Gold, Seventh Medal for Phelps" +World,"Bush Spending Spree Continues, More Cash to Burn (Reuters)" +Sports,Swimming: Shibata Joins Japanese Gold Rush +World,Congo Former Foes Head to S.Africa for Talks +World,"Blast at Police Post in Nassiriya, Three Dead" +World,UN warns of Sudan refugee exodus +Sports,Miami Struggles on Offense +World,Phelps to Forgo Final Race of Olympics +World,IRS: Rose Owes Nearly \$1M in Unpaid Taxes +Sci/Tech,Spectrum of Stormy Saturn +Sci/Tech,DNA Project May Reunite Adoptees with their Parents +Sci/Tech,Drag-and-drop flaw mars Microsoft's latest update +Sci/Tech,Report: Consumers tuning in to plasma TVs +Sci/Tech,'Doom 3' Game Unlikely for Xbox This Year - Id CEO (Reuters) +Sci/Tech,Federal Court Rules for P2P Networks (NewsFactor) +Sci/Tech,"Apple Recalls 28,000 PowerBook Batteries Due to Overheating Concern (NewsFactor)" +Sci/Tech,Nokia Taps Ex-Coke Exec for Branding Help (NewsFactor) +Sci/Tech,Microsoft Gets Good Grades on SP2 (NewsFactor) +Sci/Tech,The CRM Money Pit - Part 4 (NewsFactor) +Sci/Tech,BlackBerry in Sync with Apple (NewsFactor) +Sports,Dolphins Ask Williams for #36;8.6 Million (AP) +Sci/Tech,'Doom 3' Game Unlikely for Xbox This Year - Id CEO +Sports,Reds' Graves Placed on DL With Sore Back (AP) +Sports,"Swimming: Phelps Wins Fifth Gold, Seventh Medal" +World,Sadr Militia Still Controls Iraq Shrine -- Witnesses +World,Vagrant Killings Raise Fears of Brazil Death Squad +World,Belgium impounds Ukraine plane +World,Bush Aide Says White House Is Not Linked to Anti-Kerry Ad +World,Kerry Says Bush Ignores 'Average Folks' +Sci/Tech,"Online sales continue to rise, up 23.1 from a year ago" +Sci/Tech,J.D. Edwards users still aren't sold on PeopleSoft's takeover +Sci/Tech,Possible security breach seen at AOL +Sci/Tech,Former Microsoft COO: Intelligence overhaul means crushing 'fiefdoms' +Sci/Tech,Reports criticize DHS for lack of progress on IT +Sci/Tech,Oracle moves to monthly patching schedule +Sci/Tech,New Download.Ject worm variant appears +Sci/Tech,Reporter's notebook: HP World users disdain offshore support move +Sci/Tech,Tech industry split in its political donations +Sci/Tech,More money for fuel cells +World,Phelps Adds New Olympic Triumph (Reuters) +World,N.S. submariner recalls harrowing experiences in career spent underwater (Canadian Press) +World,White House Says It Is Not Behind Attack Ads (Reuters) +World,IRS: Rose Owes Nearly \$1M in Unpaid Taxes +World,Stocks Edge Higher As Oil Prices Fall +Business,FCC Issues Rate Freeze for Phone Networks (Reuters) +Business,Stocks Jump as Oil Retreats from High +Business,General Growth to Buy Rouse for \$7.2 Bln +Business,United Air Raises Fuel Surcharge +Business,SEC Proxy Access Plan Stalled +World,Kerry takes legal action against Vietnam critics (AFP) +Business,U.S. Treasury Prices Edge Lower +Sci/Tech,Briefly: More money for fuel cells +Business,UAL Wins OK for Exclusivity Extension (Reuters) +World,Gas stoppage may have caused deadly Belgian blast: TV report (AFP) +Business,UAL Wins OK for Exclusivity Extension +Sports,McGahee Pressures Bills +Sci/Tech,Briefly: Glitches hit some EarthLink-hosted sites +Sci/Tech,A chat check list for IT managers +Sci/Tech,Enterprise IM: Dangerous by default +Sci/Tech,Reining in public IM +Sports,"Kennedy, Kendall Suspended for Brawling (AP)" +Sports,Tennessee May Start Freshman QB in Opener (AP) +Business,Boeing Sees EU Agreeing to End Launch Aid +Sports,Bekele Succeeds Mentor Gebrselassie +World,Zimbabwe moves to restrict NGOs +World,9/11 Commission Formally Disbands +World,Militia Offers to Cede Control of Shrine +World,Sanofi-Aventis becomes world's third-largest pharmaceutical company (AFP) +Sports,Team USA Says Labor Woes Won't Affect Cup (AP) +World,Judge gives lawyers more time to review evidence in Regina election challenge (Canadian Press) +Business,Ex-Enron CEO Seeks Separate Trial +Business,Arch Coal: Triton Acquisition Completed +World,FCC Puts Hold on Wholesale Phone Rates (AP) +World,"Nicaragua, Taiwan open trade talks (AFP)" +Sci/Tech,Linux Desktop Needs PC Vendor Support (Ziff Davis) +Sports,Rose Takes Big Tax Hit +Sports,Dolphins Want a Refund From Williams +Sports,Rain Hampers Play at NEC Invitational +Sci/Tech,Possible security breach seen at AOL +Business,Ex-Enron CEO Seeks Separate Trial (Reuters) +Sports,Moore Reaches U.S. Amateur Semifinals (AP) +Business,GM's CEO Pours Cold Water on Gas Tax Hike +Sports,Major League Approves Baseball Channel for TV +World,U.S. Arrests Two in Hamas Financing Case +World,Chilean Judge Questions Pinochet on Riggs Money +World,Agent: Rose Making Payments on Back Taxes +World,Courtney Love Pleads Innocent to Assault +Sci/Tech,Is VoIP just chump change? +Sports,Major League Approves Baseball Channel for TV (Reuters) +World,Beleaguered CNE hoping for banner summer as others long for days gone by (Canadian Press) +Sci/Tech,Judge Revokes Mine Permit in Florida (AP) +Business,Court Won't Halt Arch Coal's Triton Bid +World,Fischer fails to halt deportation +Sports,U-Md. Locks Up Friedgen +Business,Intelligence everywhere +Business,"Sun goes down, Empire blows up" +Sci/Tech,Javalobby removes Java specs at Suns request +Sci/Tech,FCC sets interim network-sharing rules +World,Paes-Bhupathi lose to Ancic-Ljubicic (Reuters) +World,NYC Denies All Central Park Rally Permits (AP) +World,Volunteer Links Anti-Kerry Flier to GOP (AP) +Business,30 More Days of Exclusivity for UAL OK'd (Reuters) +World,Bombs Prompt Call for U.N. Afghan Pullout (AP) +Sports,Greek Drugs Embarrassment Overshadows Phelps +World,Pinochet probed on bank accounts +Sci/Tech,A Sense of Security +Sports,"After Five Golds, Phelps Bows Out of Relay (AP)" +Sports,Mets' McEwing Probably Lost for Season (AP) +Business,Chain Store Sales Rise in the Latest Week +Sports,Four Tied for Lead at Reno-Tahoe Open (AP) +World,"Candidate, Party Spending Tops #36;1 Billion (AP)" +World,"Kerry, Bush Escalate Battle Over Vietnam Ads (Reuters)" +World,Reform Advocates in China Hope for a Birthday Present +World,U.S. Now Said to Support Growth for Some West Bank Settlements +Sports,Pinsent bids for glory +World,India clears cricket team to begin Bangladesh tour (Reuters) +Sci/Tech,Court: Cos. Not Liable for Online Abuses (AP) +World,Hezbollah-Linked Network Ordered to Comply (AP) +World,"Iranian diplomat, Egyptian charged over assassination plot (AFP)" +Sci/Tech,Moveon.org subscriber-data leaked through search +Business,An Oil Shock That Could Be an Economic Stimulus in Disguise +Business,Reshaping a Reshaper of Landscapes +Sci/Tech,'Doom 3' Game Unlikely for Xbox This Year - id CEO +Sci/Tech,'Doom 3' Game Unlikely for Xbox This Year - id CEO (Reuters) +World,Sen. Kerry Nearly Matches Bush's Fund-Raising (Reuters) +Sci/Tech,Check your marital status +World,Bearhug Politics: Careful Steps to a New Bush-McCain Alliance +Sci/Tech,Google Faces Challenge of Public Company Status (washingtonpost.com) +Sports,Athletics Pound Devil Rays 9-5 (AP) +World,Dutch Clear Van Gogh Slay Suspects (AP) +Sci/Tech,Google Faces Challenge of Public Company Status +Sports,Schilling Shines As Red Sox Rout White Sox (AP) +World,GI Jenkins Said Willing to Face U.S. Tribunal -Media (Reuters) +World,Clashes Slow as Cleric's Grip on Mosque Seems to Slip +Sports,Rookie Leads Falcons Past Vikings 27-24 (AP) +Sports,Phillies Top Brewers 4-2 to Stop Skid (AP) +Sports,Davenport Advances at Ohio Tournament (AP) +Sports,Ortiz Stifle Yankees +World,Wide U.S. Inquiry Into Purchasing for Health Care +World,Musharraf #39;s one-way deal is just the ticket +Sports,Cards Top Pirates 5-3 to Sweep Twinbill (AP) +World,Japan Tropical Storm Death Toll Hits 13 (AP) +Business,Stocks End Week on High Note +Business,Hundreds Report Watch-List Trials +World,N. Irish deal hangs on IRA arms photos +Business,Prominent Eatery Seeks Chapter 11 Protection +World,"Tensions Escalate Between Israel, Iran" +Sports,NBA Jazz activate Spanish guard Lopez (AFP) +Sports,Eagles Beat Ravens 26-17 but Lose Runner (AP) +World,Four Dead After Attack on Homeless Man (AP) +Sports,"Expos Lose Johnson, Armas to Injuries (AP)" +World,"Chavez Urges Foes to Accept Defeat, Scoffs at Fraud" +Business,"With Boxing Show, Fox Makes Quick Move, but Judge Reacts" +Sports,"Yankees Are Powerless, and Stadium Was, Too" +Business,2 Ex-I.R.S. Lawyers' Licenses Suspended for Misconduct +World,Chinese Advocates of Reform Seek Help From Deng's Spirit +Sports,Dolphins Want Pay Back +Sports,Cink Leads Soaking NEC +Sports,AND1 Mix Tape Tour Hop-Steps Into MCI Tonight +Sports,Austin Relieved His Head Wasn't Shouldering a Problem +Sports,Towers Stumps O's Again +World,Corelli author loses plot in summerhouse theft (Reuters) +World,Sadr Militiamen Still in Control of Iraq Shrine +Sports,McGahee: Play Me or Trade Me +Sports,Ortiz Stones Yankees +Sci/Tech,Moveon.org subscribers exposed +World,Vietnam Vets in Hanoi Back Kerry with T-Shirts (Reuters) +Business,U.S. Begins Criminal Probe on Riggs-Paper +Business,U.S. Begins Criminal Probe on Riggs-Paper (Reuters) +World,"Phelps Gets Five Golds, Then Steps Aside" +Sports,Dodgers Beat the Braves 3-2 in 11 Innings (AP) +Sports,Pettersen in Lead at Wendy's LPGA (AP) +Business,Oil Price Comes Close to \$50 but Then It Stages a Retreat +Business,Grokster Wins Legal Victory over Copyrights +Business,Good for Google +Business,Rival has deal for mall owner +Business,FCC Adds 6 Months to Local Phone Line Rules +Business,US Begins Criminal Probe on Riggs-Paper +Business,Dallas firm interested in buying Cyberonics +Business,Sir Martin Sorrell #39;very impressed #39; with US group +Business,Arch Coal completes Triton deal +Business,Bay Street gets a boost from gold and technology sectors +Business,Oil Prices Inch Back Down +Business,Airways pilots extend talks +Business,Viacom could consider acquiring Midway Games +Business,Marvell Posts 54 Increase in Earnings +Sports,Woods looks like he #39;ll stay No. 1 _ for now +Sports,Bekele begins reign as world #39;s distance-running king +Sports,"Mets give up six in first, can #39;t struggle back" +Sports,"Compete against your friends, SI experts and celebrities in this pro football pickoff" +Sports,Cubs Blast Six Homers in Astros Mauling +Sports,Rangers beat Royals for seventh straight +Sports,Overton beats hometown favorite +Sports,Ortiz shines in Angels win +Sports,Major League Baseball to Create Channel +Sports,Schaub Rallies Falcons +Sports,Red Sox Bash White Sox 10-1 (AP) +Sports,The Bad Overshadows Good in Eagles Win (AP) +Sci/Tech,IE Flaw Affects Windows XP SP2 Systems +Sci/Tech,Hollywood to grab stardust for Nasa +Sci/Tech,Apple Announces Voluntary Recall of Powerbook Batteries +Sci/Tech,Learning to write with classroom blogs +Sci/Tech,E-Commerce Sales Rise in Second Quarter +Sci/Tech,Lonely town holds view of space #39;s deep corners +Sci/Tech,Moveon.org subscriber-data leaked through search +Sci/Tech,"Good-looking, Lightweight #39;Push-to-Talk #39; Phone for Business Users" +Sci/Tech,AMD using strained silicon on 90-nanometer chips +Sci/Tech,Phone company replies to man 28 years later +Sci/Tech,Blackberry in sync with Apple computers +World,Australian opposition leader released from hospital (AFP) +World,Kerry Tries to Counter Impact of Criticism +World,Captors treat journalist well #39; +World,Lab finds deadly H5N1 virus in pigs in China +World,Maoist blockade of Kathmandu continues +World,Make aid a demilitarized zone +World,Muslim Nations Urged to Meet About Najaf by Iran Leader +World,Fire stops production at Bridgestone #39;s biggest tire plant in Japan +World,"Australia Considers Stockpiling Crude Oil, Australian Reports" +World,China Invokes Deng to Send Tough Taiwan Message +Sports,Utes D coordinator has two offers +World,Expedition Aims to Find Lost Slave Ship (AP) +Business,Rate of oil exploration slows +Business,New Fan Pier owners may take on partners +Business,Firm buys Rouse in \$12.6b deal +Business,Changes at the Herald +Business,Mass. job growth highest since #146;00 +Business,Giving back in a big way +Sports,NL notables +Sports,Rose owes almost \$1m in back taxes +Sports,Car accident can't keep coach away +Sports,Red Sox: Burly effort +Sports,Ralston's position? Whatever it takes +Sports,Everhart won't join Huggins +Sports,Eagles apply some more polish +Sports,Toms not all wet at NEC +Sports,Mass. girls defend +World,"As Milosevic turns 63, UN judges seek to get trial back on track" +World,Israel #146;s AG suggests changes to barrier +World,Hostage says he #146;s being treated well +Sports,Capital professor lands lead role with UK Athletics +World,"On Tape, Abducted Reporter Says He's OK (AP)" +World,Fourth gold for Pinsent +World,"Across New York, a Death Penalty Stuck in Limbo" +Sci/Tech,Golden mask sensational #39; +Sports,"Greece Soul Searches, Phelps Nears Record" +World,Liquor Inhaler Debuts Alcohol-Free in NYC +Sports,Fourth gold for Pinsent +Sports,Phelps #39; gesture is worth a million +Sports,I couldn #39;t stop Woodgate - Newcastle boss Robson +Sports,Greek jubilation no myth in #39;Peg +Sports,Sox cruise past Chicago +Sports,Wily Devers snares spot in semifinals +Sports,Wambach #39;s boot boosts US into semifinals +Sports,"In a flash, Escobedo's dream is over" +Sports,'Style' scores in Spa feature +Sports,Different world +Sports,Vendt's quest quashed +Sports,Cannons find target in rout +Sports,Heyl's spirits still afloat +Sports,Japan's Ueno pitcher perfect vs. China +Sports,"Distant memory in 10,000" +Sports,"Wadlow, Spaulding finally get a windfall" +Sports,"For Hall, a splash and dash to another gold" +Sports,"Greece Soul Searches, Phelps Nears Record" +Sports,Power outage wreaks havoc in Bronx +Sports,Emmons gives it best shot +Sports,Mets lose Trach in field +Sports,NL notables +World,Murder police carry out searches +Sci/Tech,Report asserts Kazaa makes the rules +Sci/Tech,Congress Wants Rights Board +Sci/Tech,Apple in iTunes.co.uk cybersquatting row +Sci/Tech,"You're Athletes, Not Journalists" +World,Truckers defy Kathmandu blockade +World,Accused Hamas Leader Denies U.S. Charges +Sci/Tech,Riddick's mixed bag of tricks +Sci/Tech,AMD adds power saving at the high end +World,Malaysia testing 3 people for bird flu; says outbreak isolated +World,Iraqi captors to #39;free US journalist #39; +World,Truckers defy Kathmandu blockade +World,Russian Cossacks ride for country again +World,Abductions in Iraq catch Nepal government off guard +World,"As Milosevic turns 63, UN judges seek to get trial back on track" +World,Seven separatist rebels killed in restive Aceh +World,Policeman Killed as Nepal Siege Grips Capital (Reuters) +World,Young French woman murdered in London park (AFP) +World,HK heat 'risks bacteria growth' +World,Militiamen begin to leave Shi #146;te shrine +World,US Changes West Bank Policy to Help Sharon: NYTimes (Reuters) +World,Iran Hangs Three Drug Smugglers in Public - Paper (Reuters) +World,US Changes West Bank Policy to Help Sharon: NYTimes +World,Iran Hangs Three Drug Smugglers in Public - Paper +World,UN airlifts food to Darfur town +World,Jackson search 'ignored warrant' +World,Pakistani Forces Attack Terrorist Lairs +Business,Week Ahead: Stocks May Rally if Oil Eases (Reuters) +Business,Oil Unlikely to Knock Fed Off Rate Plan (Reuters) +Business,Week Ahead: Stocks May Rally if Oil Eases +World,Two Blasts Hit Northwest Spain After ETA Warnings +World,German Police Detain 10 Neo-Nazis Before Hess March +World,UN staff call for Afghan pullout +World,"Two bombs explode in Spain's northwest, ETA suspected (AFP)" +Sci/Tech,Multifunction Devices Draw Back-To-School Crowd (Reuters) +Sports,Woods May Stay No. 1 - for Now (AP) +Business,Away on Business: Making a Difference +Sci/Tech,Multifunction Devices Draw Back-To-School Crowd +Sci/Tech,Online Satirists Pull No Punches on U.S. Election (Reuters) +World,Spain bombs 'follow Eta warning' +World,Phelps Bows Out With Magnanimous Gesture +World,Bombs Explode at Rally in Bangladesh +Sports,Judges Suspended +Sports,Crawford Wins 100 Preliminaries +Sports,U.S. Beats Australia +Sports,Pinsent Wins Fourth Gold +Sports,Ainslie clinches Finn gold +World,Blast at Bangladesh Opposition Meeting Kills 4 +World,Two Blasts Hit Northwest Spain After ETA Warnings +World,Blast hits Bangladesh party rally +World,Blast at Bangladesh Opposition Meeting Kills 4 (Reuters) +World,Ainslie wins second Olympics yachting gold (AFP) +Sci/Tech,Helicopter Stunt Pilots to Snag Stardust for NASA (Reuters) +Sports,Olympic Games Hit Stride with Medals Free-For-All +World,"Anderson offers England victory as Windies lose Lara, Gayle (AFP)" +World,Court Acquits Mooning Theater Director (AP) +World,Newspaper: U.S. Knew About Abandoned Kids (AP) +World,"For Native Alaskans, Tradition Is Yielding to Modern Customs" +World,Sudan vows not to return displaced to their homes without watchdog's okay (AFP) +World,Pakistan failing to keep Kashmir pledge - India (Reuters) +Sports,Germans 'lose event gold' +Business,High crude here to stay +Business,Google goes public +Business,Venezuela Awaits Result of Presidential Recall Vote Audit +Business,British Airways strike averted after agreement reached +Business,2 Big Carriers at O #39;Hare to Cut Flights +Business,US Air flying towards shutdown? +Business,Calif. Plan Aims to Add Solar Energy to Homes +Business,Nortel: Nowhere To Go But Up +Business,The Aftermath Of Charley: The Most Expensive States To Insure Your <b>...</b> +Business,Medical Stocks Up 2.8 Percent on Week +Business,Armor Holdings Selected for DoD Program +Business,Red Cross will assist in locating relatives +Sci/Tech,Movie Studios Lose In Case Against File-Sharing Apps +Sci/Tech,Latest SP2 Flaw Bypasses IE Security Zone +Sci/Tech,Absence of linguistic skills could hamper thinking ability +Sci/Tech,A Guidebook for Every Taste +Sci/Tech,Mars Rover Finds Mysterious Rocks and More Signs of Water +Sci/Tech,"NASA Researchers, Stunt Pilots Prepare for Genesis Probe #39;s Return" +Sci/Tech,Apple Announces Voluntary Recall of Powerbook Batteries +Sci/Tech,Battle heightens over San Francisco bridge costs +Sci/Tech,Google #39;s ups and downs +Sci/Tech,Electronic Arts Breaking Out +Sci/Tech,Austria backs away from privatization +Sci/Tech,Amazon to purchase Chinese on-line retailer +Sci/Tech,Valley wins point on spyware +Sci/Tech,Survey Notes Rise in US Broadband Users +Sci/Tech,Is VoIP just chump change? +Sci/Tech,Chinadotcom #39;s Text-Messages Suspended +Sci/Tech,Scientists Make Malaria Drug Based on Herbal Remedy +Sci/Tech,LCD price cuts on the rise due to oversupply +Sports,Sports Headlines from the Summer Olympics +Sports,Monty still coming to terms with marriage split +Sports,Pittman Makes Remarkable Hurdles Comeback +Sports,Demetra Proud of Husband #39;s Achievements +Sports,"Tennis: Agassi, Hewitt Advance to Legg Mason Semifinals" +Sports,Afghan women blaze a trail +Sports,World champs Serbia-Montenegro in trouble after loss to Spain +Sports,Alonso the pass master +Sports,West Indies Hold Up England March +Sports,"Red Sox 10, White Sox 1" +Sports,Favorite son eliminated +Sports,Cubs Blast Six Homers in Astros Mauling +World,Najaf Standoff Continues +World,More Violence in Nepal on 4th Day of Rebel Blockade +World,Malaysian bird flu an isolated case +World,Russian Cossacks ride for country again +World,Two blasts hit northwest Spain +World,A balancing act: Australia #39;s diplomatic relations +Business,Ex-Enron CEO Seeks Separate Trial +Business,FDA Alters Tack on Children and Antidepressants +Sci/Tech,"Indian, British scientists working on drug to fight malaria" +Sci/Tech,Storm-tossed counties to head back to school +World,Kerry accuses Vietnam critics of illegal ties to Bush campaign (AFP) +Sports,Hamm Won Gymnastics Gold on Score Error: FIG +Sci/Tech,Cassini Spies Two Moons Around Saturn (AP) +Sports,Olympics: Germans Unhorsed Amid Games Gold Binge +World,Ruling Says Mistake Gave Paul Hamm Gold +World,Phelps Will Finish Olympics As a Spectator +Sports,U.S. Wins Sailing Gold +Sports,Equestrian Medal Overturned +Business,Oil prices hit new high - and more to come +Business,"British Airways Averts Strike, Agrees Pay With Unions (Update2)" +Business,Reshaping a Reshaper of Landscapes +Business,UPDATE 3-US airlines agree to cut flights at Chicago #39;s O #39;Hare +Business,SEC Rules Expand Disclosure +Business,FCC Puts Hold on Wholesale Phone Rates +Sci/Tech,IE Flaw Affects Windows XP SP2 Systems +Sci/Tech,Latest color pictures from Cassini look like artwork +Sci/Tech,Apple Recalls PowerBook Batteries +Sports,Phelps: Packing up seven medals +Sports,More Home stories: +Sports,Woodgate out to prove his worth at Real Madrid +Sports,Forlan aiming for fresh start at Villarreal +Sports,US basketball not only struggling team +Sports,Spaniards can lift Liverpool: Benitez +Sports,Cricket: Anderson offers England victory as Windies lose Lara <b>...</b> +World,Blast hits Bangladesh party rally +World,Six dead as Nepal rebels vow to step up blockade +World,Two bombs explode in Spain +World,Howard says help at hand +World,Burundi Agrees to Move Tutsi Refugees to Safety +Business,US demands quick result on Airbus subsidy dispute +Business,Chicago Firm Acquires Rouse for \$7.2 Billion +Sports,British equestrian team get silver +Sports,UPDATE 1-England edge towards series whitewash +World,Hobbled Sharon #39;s options limited despite vow to implement Gaza <b>...</b> +World,Bush Touts His Education Agenda on Radio (AP) +Business,U.S. Chain Store Sales Rise (Reuters) +World,Edwards Faults Bush for Overtime Pay Cuts (Reuters) +World,'Mercenaries' avoid deportation +World,Edwards Denounces New Overtime Rules +Business,Chavez #39;s victory +Sports,Swimming: Phelps Wins a Classic Then Steps Aside +Sports,Cink leads from Woods after second round of NEC +Sports,"Judges suspended for scoring error, but Hamm keeps gold" +World,"Iraqi Sadr Militia Maintain Control of Najaf Shrine, BBC Says" +World,Nepalese rebels set off bombs in capital +World,Russian Peacekeepers Move Into S. Ossetia +World,Pakistan army says Al-Qaeda-linked militants killed near Afghan <b>...</b> +World,Hutu killers #39;ready for international court #39; +Sci/Tech,Astronauts May Soon Wear Germ-Fighting Clothes +Business,Edwards denounces new overtime rules +Business,"Hollinger Inc. Director Rohmer May Leave Board, Post Reports" +Business,"Leading Indicators, Jobless Claims Fall" +World,Girl-next-door Gemma is all the vogue in America +World,Cricket: England whitewash +Sci/Tech,New Painkiller Produces Fewer Side Effects +Sci/Tech,Exercise Pays Off in Long Run +Sci/Tech,Google Sets Possible Precedent for Future IPOs +Business,United Given New Deadline to Devise Plan +Business,Red Cross volunteer joins Florida efforts +Business,Treasury 10-Year Notes Hold Close to April High for Second Week +Business,"More Than 300,000 Vie for 3,000 LA Port Jobs" +Sports,South Africa win Tri-nations title +Sports,Wambach #39;s boot boosts US into semifinals +World,Morocco Arrests 64 Migrants Trying to Reach Spain +Business,Google Go Lucky +Business,"Chavez Urges Foes to Accept Defeat, Scoffs at Fraud" +Business,Google Faces Challenge of Public Company Status +Sports,Greene set to back up big talk +World,Sudan Dismisses UN Warning Of New Refugee Exodus To Chad +Business,Opposition rejects audit of Chvez recall vote +Business,POLITICAL POINTS 3:33 PM Taking Care of Business +World,U.S. Troops Clash with Shi'ite Militia in Najaf (Reuters) +World,Britain's Lewis out of heptathlon (AFP) +World,Sudan vows open mind in Darfur talks -- but no magic wand in sight (AFP) +World,U.S. Troops Clash with Shi'ite Militia in Najaf +Business,Google scores first-day bump of 18 +Sci/Tech,Mastering Madden NFL isn #39;ta snap +Sci/Tech,Half of US Web Users Now on Broadband -- Report +Sci/Tech,Global LCD Oversupply to Peak in Q3 +Sports,"Athletics: Olympic Record For Bekele, Webb Eliminated From 1500 <b>...</b>" +Sports,Drugs found in raid on Greek coach #39;s store +Sports,Soccer: Real wanted England international Woodgate despite injury +Sports,Olympics: American sprint stars throw down 100m gauntlet +Sports,FORLAN SEALS SPANISH SWITCH +Sports,South Africa win Tri-Nations +World,"Sudan, UN Sign Deal on #39;Refugees Return #39;" +World,Rahul the #39;darling #39; at AICC conclave +Sci/Tech,Surefire Google Adwords Formula +Sports,"A Key Year for Willingham, Notre Dame (AP)" +World,Judging Error Gave Hamm Gold +World,Phelps Will End Olympics Cheering for Team +World,"Militia, Shiite Leaders Bicker Over Shrine" +Business,Oil prices slip back after coming close to \$50 level +Business,Rouse Sale Ends Independence of Unique Visionary +Business,New OT rules to take effect +Business,Activities Slowly Resume in Florida Schools Hit Hard by Storm +Business,Nation-wide Truckers Strike Evokes Mixed Response +Sci/Tech,Criticism heaped on Caltrans as bridge costs spiral upward \$19 <b>...</b> +Sci/Tech,Judge Revokes Mine Permit in Florida +Sci/Tech,Russia helps Malaysia develop space industry +Sports,Four golds in a row for Pinsent +Sports,Afghan woman basks in Olympic moment +Sports,Forlan confirms move +Sports,US women back on right track +World,Militants bicker over surrender of shrine +World,Rwanda vows to defend against rebels based in Congo +World,China Invokes Deng to Send Tough Taiwan Message +World,Vote Audit Confirms Chavez Recall Win Fair-Official (Reuters) +World,Vote Audit Confirms Chavez Recall Win Fair-Official +World,Insurers Object to a Major Part of Medicare Law +World,"Tubes, Pump and Fragile Hope Keep a Baby's Heart Beating" +Business,Truckers strike to protest service tax +Sci/Tech,Plano Family Waits For Bobcats +Sci/Tech,Lindows halts stock release +Sports,Great Britain wins gold again in track cycling +World,Sit-In Halts Neo-Nazi March +Sports,"Crawford, Four Others Post Fast 100 Times (AP)" +Sports,Andre Rison Signs With CFL Club (AP) +World,Latin America on Alert for Terror +World,Iraq Pulls Off Another Soccer Stunner +Sci/Tech,NASA prepares to catch a falling star sample +Sci/Tech,NetApp strengthens partnership with Oracle and VERITAS +Sci/Tech,Broadband Use Passes Dial-Up +Sports,French equestrinan protest finally upheld +Sports,Alonso seals Liverpool move +Sports,Wiggins adds Britain #39;s 2nd velodrome gold +World,"Cleric Maintains His Hold on Najaf Shrine, Even While Saying He #39;ll <b>...</b>" +World,"At least 14 people killed, 200 injured in Bangladesh #39;s bomb blasts" +World,"Sharon, Arafat Defy Demands From Backers" +Sports,Swimming: Phelps Wins Eighth Medal at Athens Games +World,G.O.P. Vows to Offer Detailed Agenda at Its Convention +World,Sunday Without Favorite Comic? Not So Funny +Business,Passenger #39;s horror tale illustrates the madness at O #39;Hare +Sci/Tech,Google #39;s Disappointment Chills Lindows #39; IPO Ardor +Sports,"East Africans dominate day Americans lag in men #39;s 10,000" +Sports,Running (Not Hiding) From the Doping Police +Sports,David Davies gets swimming bronze +Sports,Crawford leads way to 100 semifinals +Sports,Aussies Upset U.S. Women in Medley Relay (AP) +Sports,Soccer: Euphoric Iraq Reach Semi-Finals +Sports,Golf: Stewart Cink Leads NEC Invitational +Sports,Scoring questioned in men #39;s all-around gymnastics event +Sports,Law rules after court overturns German gold +Sports,Woodgate move has Robson #39;s blessing +Sports,Henin-Hardenne in third round +Sports,South Africa wins Tri-Nations rugby +World,Explosions Target Bangladesh Opposition Rally +World,Georgia Announces Troop Pullback in Rebel Region +Business,Waiting For Google +Sports,How Michigan athletes fared at the Olympics +World,Bombs Kill 12 at Bangladesh Opposition Rally +World,Friends and curious turn out for goodbye to alleged Montreal Mob boss (Canadian Press) +World,Judging Error Led to Paul Hamm's Gold +Sports,Sampanis denies doping +Sports,Puerto Ricans break Boomers #39; hearts +Sports,Harmison tops Test ratings +World,Scores killed in Bangladesh blast +World,Rebels Explode Two Bombs in Katmandu +World,Venezuelan audit confirms victory +Business,Stocks End Week on High Note +World,10 Killed by Bombs at Bangladesh Rally +World,Pakistan Says Holds Suspects Planning Major Attacks (Reuters) +Business,Dollar Hits New Low Against Euro +Sports,U.S. Wins Medley Relay +Business,Plane Delays From O #39;Hare +Sci/Tech,Drugstore Offers New Wave of Disposable Cameras +Sports,Smit lauds Boks resolve +Sports,Australia Sets World Record in Women #39;s 400-Meter Medley Relay +Sports,Americans Fail to Qualify in Cycling +World,Soldiers kill Palestinian near Gaza-Israel fence +Sci/Tech,Brazil tribe prove words count +Sports,Sobrero Markgraf And Boxx One Win Away From Olympic Medals +World,Kidnappers lift death threat on US journalist +World,German police detain 74 neo-Nazis +Sports,Absent Phelps Gets Eighth Medal +Sports,Basketball: Lithuania Shoots Down United States +World,Graphic Designer Fired After Heckling Bush (AP) +Sports,Olympics: Swimming Ends with U.S. and Australian Records +Sports,Henin Blasts Her Way to Gold +World,"U.S. Men Set World Record, Without Phelps" +World,Lithuania Deals Dream Team Second Loss +Sports,Another Bad Dream +Business,Mixed response to strike AIMTC rebuts Govt claims +Sports,Olympics-Henin sets gold standard in thrilling comeback +World,Pakistan foils al-Qaeda attacks +Sports,"TCU, Louisville Try to Leave C-USA Champs (AP)" +Sports,Lithuania Shoots Down U.S. in Men's Olympic Basketball +World,Boehner Favored in Taped Phone Call Case (AP) +Sports,Lithuania Upsets the United States +Sci/Tech,Life without numbers in a unique Amazon tribe +Sports,Ulmer breaks world record in qualifying +World,Pakistan Says Holds Suspects Planning Major Attacks +World,Iraqis Celebrate Olympic Victory with Bullets +World,Neo-Nazis arrested at Hess march +Sci/Tech,Moveon.org subscriber-data leaked through search +Sports,Henin-Hardenne wins Olympic gold +Sports,Judging Error Led to Hamm #39;s Gold +Business,"WPP Profit Up 11, Aided by Global Advertising Upturn" +Sports,"Olympic Swimming Ends with U.S., Australian Records" +World,Pakistan Says It Holds Suspects Planning Big Attacks +World,Phelps Has Front-Row Seat for Record Swim +World,Fight Over Kerry's War Record Escalates +World,Judging Error Led to Hamm's Gold +Business,"Carter Center, OAS Confirm Chavez Victory After Audit (Update1)" +Business,Edwards blasts new OT rules +Sports,Chilean Beats Dent for Tennis Bronze +Sports,MONTY ON TRACK FOR WILD CARD +Sports,Vijay Singh win more than 10 million US dollars in one season +World,U.S. Signals Flexibility on Israeli Settlement Growth +Business,Can OHare trims help Gary gain? +Business,Truckers begin All-India strike +World,Reading Sharon #39;s Mind +World,Iraq Celebrates Surprise Win in Olympics (AP) +World,"Sudan, U.N. Sign Deal for Displaced People (AP)" +World,Bush Pressing Case for 'Ownership Society' (AP) +Sports,Olympic Soccer: Euphoric Iraq Reaches Semifinals +World,Vietnam vet springs to Kerry's defense (AFP) +Sports,Lithuania's Perimeter Shooting Leaves U.S. Outside Looking In +Sports,Nesterenko Takes Gold +Business,Stocks Look to Nudge Higher; Oil Dips +World,Hungarian Socialists choose alternatives as new prime minister (AFP) +Business,Officials Forecast Hope for Victims of Hurricane +Business,Mixed response to truckers strike +Sports,Saturday Night #39;s Alright for Blighty +World,Sudan: confident in convincing the UN Security Council of progress <b>...</b> +World,Bomb attack on Hasina +Business,Airways pilots extend talks +Business,Viacom panel to look at video-game arena +Sci/Tech,Microsoft Sends XP SP2 Home +Sci/Tech,Mars Rover Sniffs Out Signs of Water +Sci/Tech,Online retail sales continue to surge +Sports,"Bekele keeps 10,000m gold in Ethiopia" +Sports,Hewitt Survives Saulnier; Agassi Rolls Past Mathieu +Sports,"Greece 88, Angola 56" +Sports,Nesterenko Wins Sprint Gold for Belarus +Sports,Clean sweep by England +World,Blast outside Bangladesh opposition HQ kills 6 +World,Veteran Backs Kerry on Silver Star Account (AP) +Sports,Olympic Basketball: Lithuania Guard Shoots Down U.S. +Sports,Absent Phelps Gets Eighth Medal +World,Murder victim 'missed her stop' +World,Battle on Secret Evidence in Jackson Case +World,Bush Pressing Case for 'Ownership Society' +World,"Dream Team Loses Again, but Still Advances" +Sci/Tech,"Open Source, Performance, and Innovation" +Business,Audit Confirms Chvez Victory in Recall +Business,Governor Promises Help Reopening Schools Affected By Charley +Business,India #39;s 3 Million Truckers Strike Over Planned Tax Increase +Sci/Tech,Boom! Big kickoff for #39;Madden 2005 #39; +Sci/Tech,"Disposable Digital Camera Debuts At 1,000 CVS Pharmacies" +Sports,Cink holds lead at NEC Invitational +World,Explosions at Protest Rally in Bangladesh Kill 9 +World,Sudan #39;s quest for peace +World,Peres facing attack from Labor MKs over continued talks with Likud +World,Up to seven killed in Chechnya shootout: report (AFP) +Sports,Jasikevicius makes most of second chance to stun US NBA stars (AFP) +Sports,Fleisher Takes Lead at Hickory Classic (AP) +Sports,Olympic Basketball: United States Stunned Again +World,U.S. Forces Keep Sh'ite Militants Guessing +Business,Chile Asks Pinochet to Explain \$8 Million US Bank Accounts +Business,Solar power bill supported +Sports,World marks go in the pool +Sports,Dolphins on verge of trading Ogunleye to Bears +World,Najaf Fighting Flares; Sadr Forces Hold Shrine +World,Police killed in pre-poll Chechnya attacks -agency +Sports,Nesterenko Speeds to Win in Women's 100-Meter Final +World,Graphic Designer Fired After Heckling Bush +Business,Also from this section +Sports,Two golds again in new judging debacle? Not this time +Sports,British sport #39;s new superhero revives the Olympic spirit +World,Malaysia testing 3 people for bird flu; says outbreak isolated +Business,"Kroger's Profit Climbs, Misses Forecast (Reuters)" +World,Blasts Shake Najaf as U.S. Planes Attack Rebels +Sports,"Ramirez, Red Sox Batter White Sox" +World,Somalia to get new parliament +Business,Audit of Venezuelan vote confirms Chavez victory +Sci/Tech,Beware! Bugs can attack Net phones +Sci/Tech,Stunt pilots to hook falling stardust sample +Sports,World record in sights of 100-meter field +Sports,Hewitt calls on fighting spirit +World,Deng #39;s name used to pressure Jiang +Sports,US Boxer Dirrell Powers Into Quarters +World,False report of Swedish king's assassination on faked BBC website (AFP) +Business,Treasury Prices Take a Breather Today (Reuters) +Sports,Cink Takes Commanding Lead Over Woods at NEC +World,Four Immigrants Die Trying to Reach Spanish Shore +Business,Unfriendly airline grounds its pension plans +Business,US Airways Chairman: Liquidation Possible +Business,HBOS in talks to fund 8bn Abbey bid +Sci/Tech,Update 4: Two Firms Cleared of Swapping Violations +Sci/Tech,Google Goes Public at \$85/share +Sci/Tech,High-Speed Internet Shouldn #39;t Be Delayed +Sports,Hidayat fulfills potential with badminton gold +World,Bush's Nephew Rips Armed Border Guards (AP) +World,U.S. Launches Fresh Assault on Sadr Forces in Najaf +World,'Tax super-rich at 50' proposal +World,Shiites Hold Najaf Shrine; Clashes Flare +World,Spectator Phelps' 8th Medal Ties Record +World,"Dream Team Loses Again, but Still Advances" +World,Woman Chows 38 Lobsters in Eating Contest +Business,US Airways asks pilots for 16.5 cut in pay +Business,Competition probe would see Santander turn its back on Abbey +Sci/Tech,Google Shares Gain in Market Debut +Sports,Springboks beat Australia in tr-nations rugby +Sports,Johnson probably out for season with broken cheekbone +Sports,Moore versus List in US Amateur final +World,Praying for Sistani #39;s Good Health +World,Hasina escapes unhurt as Dhaka blast kills 14 +World,Pakistan Says It Has Foiled Terror Plots +World,"Rebels attack Chechen police station, several people killed" +World,British military to get first Muslim chaplain: report (AFP) +World,Indian mother swims home from Sri Lanka (AFP) +Business,Airport workers strike BA pay deal +Business,Nobody is neutral about the great Google gamble +Business,Gloves are off as Abbey war turns dirty +Sci/Tech,Online hits climb the charts as radio embraces the internet age +Sci/Tech,Epson develops worlds lightest flying robot +Sports,Pieces of eight for Phelps +Sports, #39;Testosterone oozed from the screen #39; +Sports,American Sprinters Show a Mix of Bluster and Speed +Sports,South Africa 23 - 19 Australia +Sports,Belarus Breaks US Hold in 100m Dash +Sports,Green flexes muscles vs. Braves +World,US Launches Fresh Assault on Sadr Forces in Najaf +World,"Sudan, UN agree on right of return of Darfur displaced" +World,Four people injured in bomb explosions in Spain +World,IDF troops kill man close to Gaza fence +World,The rivers of blood still run deep in Africa #39;s Great Lakes region +World,China takes a great leap backwards for Deng +World,The Fischer defence +Business,British Airways in Pact With Unions +Sports,Johnson Leaves Game With Strained Hip (AP) +World,Pakistan says holds suspects planning big attacks (Reuters) +World,Kerry Camp Makes Video to Defuse Attacks (AP) +Business,McDonald's: CEO Resting After New Surgery +World,Good Samaritans Aiding Hurricane Victims +World,Militants Hold Najaf Shrine; Bombing Heard +Sports,Red Sox Top White Sox +Sports,Hewitt Thunders to Final +Sports,Offense Is Steamrolled +Business,"ON THE CONTRARY Energy Answers, Left Unspoken" +Sports,Paul Hamm gold an error +Sports,Valencia downs Zaragoza in Spanish Supercup +Sports,Colts WR Walters Breaks Left Arm Vs. Jets (AP) +Sports,Bucks Acquire Guard Maurice Williams (AP) +Sports,"Angels Rattle Loaiza, Blast Yankees 6-1 (AP)" +Business,McDonald's: CEO Resting After New Surgery +World,Kerry Makes 'Non-Political' Florida Visit (AP) +Sci/Tech,Meth Cooks May Be Caught Pink-Handed (AP) +Sports,Chilean Pair Win Country's First Gold +World,French reporters vanish in Iraq +Sports,"MLB: Los Angeles 7, Atlanta 4" +Sports,Dropped Fly Lets Mets Nip Giants in 12th (AP) +World,Police Killed in Pre-Poll Chechnya Attacks -- Agency +Business,"In Mr. Bush's Neighborhood, a Peculiar Intersection" +Business,Video Game Makers Go Hollywood. Uh-Oh. +Business,That Not-So-Distant Thunder in the Bond Market +Sports,Hewitt overcomes Ginepri to reach Washington final +Sports,Usual suspects could be challenged +World,Bomb attack kills 12 at Bangladesh rally +World,Fatal accidents damage Japan #39;s nuclear dream +Business,Wall St.'s Nest Egg - the Housing Sector (Reuters) +World,Pakistan Says It Has Foiled Terror Plots (AP) +Business,AUDIT CONFIRMS CHAVEZ VICTORY +Business,Charlie Bell recovering from second colorectal surgery +World,ANALYSIS-Indo-Pak peace bid runs into rough water +World,Al-Qaida Said to Recruit in Latin America +Sports,Mistakes Are Abundant +Sports,Cink Excels at NEC +Sports,Blue Jays Drub O's +Sports,New Orleans Quarterback Aaron Brooks Tweaks Strained Right Thigh in Game Against Green Bay (AP) +Sports,NL: Green Homers Lift Los Angeles Past Atlanta (Reuters) +Sports,"Han Shoots Par, Leads Wendy's Championship (AP)" +World,Chemical may cause muscle disease +Business,McDonald #39;s: CEO Resting After New Surgery +Sci/Tech,Enter your e-mail: +Sports,Controversy Again Taints Olympic Games +Sports,Unknown Nesterenko Makes World Headlines +World,Concerns mount for reporters missing in Iraq +World,U.S. Aircraft Make New Attack on Rebels in Najaf (Reuters) +World,Two French Journalists Missing in Iraq - Ministry (Reuters) +Sports,Carter Out for Season for Seminoles (AP) +World,U.S. Aircraft Make New Attack on Rebels in Najaf +World,Two French Journalists Missing in Iraq - Ministry +Business,Venezuela finds no fraud in election +Sports,Matfield turns the Aussie tide +Sports,NL: Green Homers Lift Los Angeles Past Atlanta +World,American Says He Was on bin Laden's Trail (AP) +World,Dutch arrest in Iraq genocide case +World,Former Swift Boat Commander Backs Kerry on Vietnam (Reuters) +Business,Bush pressing case for #39;ownership society #39; +Business,Rules for Overtime Pay to Take Effect +Business,Indian truckers launch strike +Business,Bank One Chief Economist to Step Down +Business,Nortel Will Cut Workforce by 10 Percent +Business,"Workers at Mexico #39;s Volkswagen plant end strike, accept 4.5 wage <b>...</b>" +Sci/Tech,High-Speed Users Move Into Majority +Sci/Tech,Yosemite National Park to use from GM hybrid technology +Sports,Inside Lines: Athens brings out the Games #39; feminine side +World,"Bangladesh Blasts Kill 13, Injure Opposition Leader, AFP Says" +World,Rebels in Nepal Kill Policeman as the Capital Endures a Siege +World,Four injured in blasts +World,More violence ahead of Chechen election +Sci/Tech,Kazaa Owner Cheers File-Swapping Decision (AP) +Sports,"Brunell, Redskins Shellac Dolphins 17-0 (AP)" +Sci/Tech,Global LCD Oversupply to Peak -Report +Sports,Hewitt goes through in Washington +Sports,"Bekele wins 10,000m gold as Gebrselassie #39;s era ends" +Sports,Bayliss in spat with Ducati boss +Sports,Harmison rated best Test bowler +Business,STOCKS amp; BONDS Investors Regain Optimism as Crude Oil Prices <b>...</b> +Sci/Tech,Mars rovers still phoning home +Sports,"Muller, Hewitt for final" +World,Bangladesh Awakes in Shock as Blast Toll Hits 16 (Reuters) +Sci/Tech,Explanation Sought for Lobster Decline (AP) +Sports,"Redskins Execute, Roll" +Sports,Wizards End Skid +Business,Is United Taking Aim at Retirees? +Business,Violence in Iraq drives oil to new high of over \$49 +Sports,"Agassi, Davenport move into semifinals of separate tournaments" +Sports,Woodgate: A dream come true +Sports,American League Game Summary - Cleveland At Minnesota +Sports,NL Wrap: Green Homers Lift Los Angeles Past Atlanta +World,Radcliffe shrugs off pressure +Sports,Houllier praises Rafa #39;s new Liverpool +Business,Stocks Edge Higher As Oil Prices Fall +Business,Google shares rise in debut +Sci/Tech,RealNetworks Doesn #39;t Rock +Sci/Tech,College established for Internet game industry +Sci/Tech,Virgin to launch online music chart ahead of Radio One +Sports,Henin-Hardenne beats Mauresmo; Gonzalez #39;s long day yields gold <b>...</b> +Sports,"Dodgers 7, Braves 4" +World,Pak in fresh assault on terror hideouts +Sports,US swimmer Phelps puts on show for the ages +Sports,Golf: Cink seizes five-shot lead at Akron golf +Sports,Australia #39;s Molik wins women #39;s singles tennis bronze +Sports,Tigers Edge Mariners in 11 Wild Innings (AP) +World,Kerry Raises #36;2M for Democrats in N.Y. (AP) +Sports,Green's Slam Lifts L.A. +World,Stranded Afghan Refugees Find a Home in Canada +World,Wells of Life Run Dry for Sudanese +Sports,"Tigers Call Up Dingman, Option Novoa (AP)" +World,Australian Taliban and bin Laden bodyguards to face US military justice (AFP) +Sports,British give shrink an Olympian job +Business,Insurers Object to New Provision in Medicare Law +Business,Overtime rules go in effect Monday +Business,"Dollar Mainly Gains, Shrugs Off Oil, Gold" +Sports,Cink increases lead in Ohio +Sports,US runners display dashing look on oval: Williams finds silver <b>...</b> +Sports,Tennis: Hewitt cruises into Washington quarter-finals +Sports,World champion Rossi set to dent Honda morale in Brno +Business,Crude oil may rise on supply threats +Business,Greenback gains on euro even as US economy slips +Sports,Pinsent and crew take rowing honors +Sports,"Jets 31, Colts 7" +Sports,Rookie has become #39;the man #39; +World,Springboks win Tri-Nations title to complete amazing recovery (AFP) +Sports,South Africa Win Second Tri-Nations Title +World,Kerry comrade breaks war silence +World,UK teacher wins US ultra-marathon +Sports,Palmer Passes Test +Sci/Tech,Lost Votes in N.M. a Cautionary Tale +Sci/Tech,Online Ticketing +Sci/Tech,"T-Mobile's Sidekick II Strikes a Functional Balance of Voice, Data Uses" +Sci/Tech,Prices Fluctuate in a Flash +Business,Int #39;l observers #39; audit backs Venezuelan referendum results +Business,Workers face new overtime rules +Sports,Unheralded Nesterenko captures 100m gold glory +Sports,Golf Roundup Han leads by two in Wendy #39;s tourney +Sports,Sox slap a high-five for beating ChiSox +World,Pakistan: Arrests spoil major al-Qaida plot +World,Hungary #39;s ruling Socialist Party names 2 candidates for PM +Sports,"Cowboys Rally to Beat Raiders, 21-20 (AP)" +Sports,Earthquakes Rattle Burn 3-0 (AP) +Business,Heed Those Wary Instincts +Business,Learning Is a Dangerous Thing to Deduct +Business,"Coming Soon, a 24-Plex Not So Near You" +World,Nepal rebels storm mountain town +Sports,Bills RB Henry Knocked Out in Preseason (AP) +Business,Audit Finds No Fraud In Venezuelan Election +Sci/Tech,"China lures Amazon.com, other online e-commerce giants" +Sports,Michael Phelps: A very nice guy finishes first +Sports,Getting Greene #39;s GOAT a chore worthy of an Olympic medal +Sports,"Profile: Chen Qi/Ma Lin, China #39;s new amp;quotgolden pair quot;" +Sports,"GAME DAY RECAP Saturday, August 21" +World,Grenades kill 18 at Dhaka rally +Sports,Calf Problem Rules Ruud Out Of Turkish Trip +Sci/Tech,"Mars Hills, Crater Yield Evidence of Flowing Water" +Sports,PAULA HOLDS MEDAL HOPES +Sports,Muller upsets Agassi in semis +Sports,Green Bay Packers +Sci/Tech,Game On For Classic Gaming Expo 2004 +Business,Tremendous Victory In Venezuela +Sports,Olympic gold provides inspiration +Sports,SI.com +Sports,Lights-out putting ends Overton run +Sports,Mohr is less in loss to Mets +Sports,Brees Passes Chargers Past Cardinals 38-13 (AP) +World,"In Op-Ed Piece, McGreevey Defends Choice (AP)" +Sports,Sportsview: Manning Assaults NFL Records (AP) +Business,Lavish times in oil patch? Not a chance +Business,"New hospital design aids healing, cuts errors" +Sports,EIGHTH IS EASIEST +Sports,Scoring goof taints gold +Sports,"De Bruijn, Hall retain 50m titles" +Sports,Bobble by Mohr costs Giants game +World,18 killed in grenade attacks in Bangladesh +World,"Pakistan foils Al-Qaeda linked plot for assassinations, attacks" +World,Chua: Three free from bird flu +World,Militants #39; positions bombed +World,Pakistan awaiting formal US consent for new envoy: Kasuri +World,Pakistan spin India to defeat (AFP) +Sports,Williams stunned by Belarus runner +Sports,Athens Games halfway home free +Sports,Padres doomed by big innings +Sports,Nallen Loses in Playoff +Sports,Rolen #39;s 31st HR gives Cards 3-0 lead +World,Putin lays wreath at Akhmad Kadyrov #39;s grave +Sci/Tech,Cisco sees momentum in CRS-1 sales +Business,Nortel battles back +Business,Qantas points to upbeat outlook +Business,Red Cross Calls For More Help For Hurricane Victims +Sci/Tech,Internet phone service seen as growth industry +Sci/Tech,Lindows Delays IPO +Sports,Campbell takes bronze +Sports,"On deck: Marlins (60-60) at Padres (65-56), 7:05 tonight" +Sports,A wary sense of relief in Athens +World,French reporters vanish in Iraq +World,Tibetans say Dalai Lama may not return in this life +World,Burundian rebels: we #39;re ready to defend ourselves in court in <b>...</b> +World,Aziz calls for resolution of Kashmir issue +Sci/Tech,U.S. Would Allow 720 Snowmobiles Daily at Yellowstone +Sci/Tech,Antidepressant Study Seen to Back Expert +Sci/Tech,"Sir Godfrey Hounsfield, Who Helped Develop the CAT Scanner, Dies at 84" +Sci/Tech,Mars Rover Finds Mysterious Rocks and More Signs of Water +Sci/Tech,Facing Middle Age and AIDS +Sci/Tech,The Making of an X Box Warrior +Sci/Tech,When the Computer Opens the Closet +Sci/Tech,Entrepreneurial Success via the Internet +World,Bangladesh in Shock as Blast Toll Hits 17 (Reuters) +World,Nepal Seeks to Break Rebel Siege with Air Patrols (Reuters) +World,Pakistan PM shrugs off Indian allegations of cross-border infiltration (AFP) +World,Bangladesh in Shock as Blast Toll Hits 17 +World,Car bomb explodes in north Iraq +Business,"Qantas Doesn #39;t Need an Airline Replacement for BA, Dixon Says" +Sports,World #39;s Fastest Men Take Center Stage at Games +Sports,Vandy #39;s List gets in final of Amateur +Sports,BEARS CAPTURE BOOKER +Sports,Boks snatch Tri-Nations +World,Pakistan sweep nets bomb suspects +World,China celebrates Deng centenary +World,Religion Feeds Sudan's Fire +Business,Venezuela audit reveals no fraud - observers +Business,THE WEEK ON THE STREET +Business,"After Storm, a New Look at Stiffer Building Codes" +Business,Wal-Mart plaintiff tells story +Sci/Tech,Amazon \$75m purchases Chinese Joyo +Sci/Tech,AT amp;T strikes VoIP deals with cable +Sports,Cink still afloat +Sports,Woodgate Windfall Will Be Well Spent - Shepherd +World,Dhaka tense after grenade blasts kill 16 +World,Car Bomb Explodes North of Baghdad +World,18 Killed by Bombs at Bangladesh Rally (AP) +Business,Chavez urges opposition to recognize results of referendum +Business,IPO thrusts Google into new direction +Business,Overtime changes create potential minefield +Business,"Truckers strike, prices to soar" +Business,Make all mobile homes safer during hurricanes +Sci/Tech,Brazil Tribe Has Great Excuse for Poor Math Skills +Sports,Judges suspended in gymnastics scandal +Sports,Belgian makes golden comeback +Sports,Listen to Greene roar +Sports,Sluggish Seahawks buried by Broncos +Sports,Glavine shaky in first start since taxi crash +Sports,Angels win tale of 2 games +World,Pakistan in #39;al-Qaeda #39; arrests +World,2 killed in car bomb explosion north of Baghdad +World,Over 100 undocumented asylum seekers rescued in Italy +Sci/Tech,China college for Internet game industry +Sports,Quite a spread +Sports,Maine's Crocker part of record-setting team +Sports,No gain on this return +Sports,"If this keeps up, they just may be able to swing it" +Sports,Costantino leads R.I. to win +Business,Lakewood company in \$3B deal +Sports,Loaiza elicits boos +Sports,Revolution lack magic touches +Sports,Footing shaky in San Jose +Sports,A breath of fresh heir at BU +Business,"State regulators, in a bid to ensure accurate auction ads, target firms" +Sports,Payton profile? Let George do it +Business,Coming: IT that adapts to users' requirements +Sports,La Salle selects Giannini +Sports,Cink putts his way to 5-shot lead +Business,The Bush team's stealthy assault on tax policy +Business,Modern technology for an ancient sport +Business,Lawsuits hold good news for investors +World,"Via a grave site, Spain relives harsh divisions " +World,Clashes in Najaf threaten peace bid +World,"Pakistan says suicide-attack plot on leaders, embassy foiled " +World,"Mideast, N. Africa terror warning set " +World,Bombings kill 14 at a rally by Bangladesh opposition +World,US shows flexibility on Israeli settlements +World,China hails 100th anniversary of birth of nation #146;s modernizer +World,"Rolling through rural China, train of doctors restores sight" +Sports,Sampanis stripped of bronze +Business,Unclear on overtime rules +Business,Big deals alter face of mall industry +Business,... we #39;d better get ready +Business,Indian PM pledges to check spiraling inflation rate +Sports,Sports:Greek weightlifter stripped of medal +Sports,Our performance was 100 per cent #39; +Sports,Moore ousts Overton in US Amateur +World,Nepal capital at mercy of unseen menace in the mountains +World,"Bird Flu Believed Endemic in Asia, Spreads to Pigs" +World,"Rolling through rural China, train of doctors restores sight" +Business,J amp;J Reportedly Eyes Guidant +Sci/Tech,The Rovers +Business,Surviving the IPO From Hell +Business,Overtime law clarification is hard to figure +Sci/Tech,World #39;s lightest flying micro-robot unveiled +Sports,IOC Bans Greek Medallist From Games +World,Bangladesh paralysed by strikes +World,India withdraws patronage to EU visits in J amp;K +Sports,Zito Silences D-Rays' Bats in A's 5-0 Win (AP) +World,U.S. Aircraft Make New Attack on Rebels in Najaf +World,Tigers Edge Mariners in 11 Wild Innings +World,Militants Hold Najaf Shrine; Bombing Heard +Sports,U.S. Men End 40-Year Rowing Drought +Sports,Greece Shamed Again at Their Own Games +World,Venezuela Audit Results Support Vote Count (AP) +World,China Executes Man for Killing Rapists (Reuters) +World,Nepal Seeks to Break Rebel Siege with Air Patrols +World,N.Korea Dubs South 'Wicked Terrorist' Over Refugees +World,Residents Return to Darfur After Fleeing Attack +World,Palestinians Denounce U.S. Over Settlement Shift +Business,Charley hurts Disney workers +Business,Tooele grapples with Wal-Mart +Sci/Tech,"Utah a Clean Air Act offender, study says" +Sci/Tech,"Apple Recalls 28,000 Faulty Batteries Sold with 15-inch PowerBook" +Sports,Sampanis confirmed positive +Sports,Olympic Soccer: Euphoric Iraq Reaches Semifinals +Sports,Roundup: Chelsea #39;s tactics yield another shutout win +World,Maoist rebels bomb government buildings +World,Police: Car Bomb Expodes North of Baghdad +Business,Preparing your business for the unexpected +Sports,Phelps simply a cut above +Sports,South Korea to File Petition With CAS on Gymnast #39;s Case +Sports,One gamble Bears really had to take +World,Five terrorists arrested in Pak. +Business,"Shell shuts 30,000 bpd more due to Nigeria protest" +Sports,He's running with it +Sports,Today's schedule +Sports,Santana exception to rule +Sports,Transactions +Sports,Notables +Sports,Green lifts Dodgers past Braves +Business,The Missing Shoppers +Sports,Greek weightlifter stripped of medal for drugs +Sports,DAVENPORT HANDED FINAL PLACE +World,Three tested for bird flu discharged from Malaysian hospital +Business,Rate hikes by Fed work in two ways +Business,"Santander May Drop Abbey on Competition Inquiry, Telegraph Says" +Sci/Tech,Smart little suckers +Sports,"Relaxed atmosphere lifts Moore, List into final" +World,Pakistan cuffs Al-Qaida-linked terrorists +Sports,Law: No feud with coach +World,Cleaning up Washington #39;s #39;Iraqi problem #39;: invest authority in <b>...</b> +World,French victim's family come to UK +Sports,Pinsent considers future +Business,"Volkswagen #39;s Mexican Workers Accept Pay Increase, Reforma Says" +Business,Bad news? It #39;s good news for Bush +Sports,US men hot-foot it in heats +Sports,Agassi knocked out in surprising semifinal +Sports,Spain #39;s win puts Serbia on brink +Sports,Canada losing swagger +World,People flee storm-ravaged Philippine towns as rescuers search for <b>...</b> +Sci/Tech,"In Mars rock, telltale ripples and mysteries" +Sports,PINSENT WEIGHS UP FUTURE +World,Some 50 rebels killed in Chechnya: spokesman +World,Sporadic Violence in Bangladesh After Rally Attack +Sports,Nesterenko of Belarus wins women #39;s 100m Olympic gold +Sports,News Briefs +Sports,HK wins first Olympic medal since 1997 +World,Young French woman murdered in London park +World,Three more Malaysians face bird flu checks +World,Israel Bus Blast Said Mechanical Problem (AP) +World,China's President Hails Deng Xiaoping (AP) +Sci/Tech,Rivals: Cisco's tactics unfair (SiliconValley.com) +Business,Workplace beware +Business,Metro briefs +Business,The world is Borders #39; oyster +Business,Competition Probe Threatens Abbey Deal +Sports,Greek weightlifter stripped of bronze +Sports,Baffling day in baffling race +Sports,WOMENS POLE VAULT A huge comedown for defending champ Dragila +World,US military launches attack outside Najaf shrine +World,Prime Minister says he #39;s satisfied Guantanamo Bay offers <b>...</b> +Sci/Tech,EA game #39;Madden #39; tops 1.3 million first week +Sports,Germany #39;s Schumann wins pistol gold : +Sports,Critical penalty costs Raiders +World,World News gt; US launches fresh offensive against Iraqi rebels: +World,BA staff call off holiday strikes +Business,Taking stock +Business,Hamid Karzai to arrive Islamabad on Monday +Business,Gary airport development vital to entire state +Sci/Tech,Seiko Epson Develops Micro Flying Robot +Sports,Phelps watches and wins +Sports,Williams happy with silver in 100 +Sports,Raiders #39; revamped defense still needs tinkering +Sports,Everton to meet on Monday to discuss new funding +World,Ten al-Qaeda suspects arrested in Pakistan for planned attacks +Business,Greenspan in Focus This Week +Business,Google Roadshows Left Small Investors Out +World,U.S. OKs Status of 10 Guantanamo Prisoners +Business,Oil Falls from Highs After Missing \$50 +Business,Business View: It #39;s looking like Madrid or bust for Abbey No Mates +Sci/Tech,Judges rule file-sharing software legal +Sports,Maine #39;s new gold standard +Sports,"Profile: Chen Qi/Ma Lin, China #39;s new quot;golden pair quot;" +World,"Dhaka Rally Attack Kills 14, Injures Hundreds" +World,"As countdown goes on, so does the killing" +World,Peres demands early Israeli elections +Business,Competition rules could scupper Abbey deal +Sci/Tech,US court: Software can #39;t commit piracy +Sports,Pinsent victory sparks gold rush +Sports,Cubs face music after suffering heartbreak +World,US tanks advance toward Najaf shrine: Arabiya TV +World,Straw to urge Sudan to end Darfur crisis and reach settlement with <b>...</b> +World,Washington Post Details Ex-Uri Party Head #39;s Downfall +Business,Greenspan in Focus This Week (Reuters) +Business,Google Roadshows Left Small Investors Out (Reuters) +World,Uma Bharti to quit over rioting charges (Reuters) +Sports,"Softball: U.S. Thrashes Australia, Japan Wins" +World,Palestinian Carries Tune and His People's Dreams +Business,Please hand the opposition the silver bullet ... so it may finally <b>...</b> +Sports,Pinsent will retire ... and then return: Redgrave +Sports,"Duvall rider, teammates awarded bronze medal" +World,Mob sets train on fire in Bangladesh +World,Munch #39;s quot;The Scream quot; stolen +World,"22 killed, several injured in Chechen separatist attack in Grozny" +World,Palestinians Say U.S. Destroys Hope Over Settlements (Reuters) +World,Arsenal gunning to equal unbeaten record and take on Europe (AFP) +World,Clashes Near Iraq's Najaf Kill 40 People-Govt. +World,Iran's Bushehr Atomic Power Plant Faces More Delays +World,Arsonists Set Fire to Parisian Jewish Soup Kitchen +Sci/Tech,You Say You Wanna Revolution +Sports,GB boss defends swimmers +Business,A Bridge Suspended in Controversy +Sports,British Wiggins wins men #39;s individual pursuit at Athens Olympics +World, #39;The Scream #39; stolen from museum +World,Palestinians criticize US shift on settlements +Sci/Tech,Programs: Turbine Builds the Buzz for 'Middle-Earth Online' (Reuters) +Business,Google Roadshows Left Small Investors Out +Sports,Wiggins Overcomes Mcgee Fear +World,Attack On Israeli Army Backfires +World,Report: Arafat seeking Abbas #39; return to activity +World,"Car Bomb in Iraq Kills 2, Wounds 4" +World,Tom Plate The Latest China Syndrome +Sports,"U.S. Beats Australia, 5-0" +World,"Munch's Famous 'Scream,' 'Madonna' Stolen" +World,Hamm Goes for More Gold Amid Controversy +Sports,U.S. Wins Rowing Gold +Sports,Word Champion +Sci/Tech,Programs: Turbine Builds the Buzz for 'Middle-Earth Online' +Sci/Tech,"It's a Bird, It's a Planet, It's the Space Station" +Sci/Tech,Water on Mars: More Evidences +Sports,"U.S. Softball Team Wins, Closes in on Gold (AP)" +Sports,Athens Track Set for Sizzling Men's 100 (AP) +Business,"Airline, pilots trying for deal" +Business,Big week ahead for Bay Area in Legislature +Sci/Tech,Tech pros on what Google IPO means for Silicon Valley +Sports,US men fall again +Sports,Hamm Goes for More Gold Amid Controversy +Sports,Victor victorious led from the front +Sports,Ogunleye traded for Bear receiver +World,Fightings Continue in Najaf +World,Al Qaeda plot to blow up key installations in Pak foiled: Rashid : +World,BA plane makes emergency landing in Canada (AFP) +Sports,Error Helps Mets Defeat Giants in 12 (AP) +Sports,Angels Rough Up Loaiza in Win Over Yanks (AP) +Sports,Wrong target drama costs US shooting gold +World,"U.S. Tanks Move Toward Najaf Shrine, Clashes Kill 40" +World,Table tennis: Gold for China +Sci/Tech,Ciena Posts Wider 3Q Loss on Charges +Sports,Rampant England eye top spot after seven wins in a row +World,Berlusconi to visit Libya +World,"Koch: I Support Bush, His Stance on Iraq (AP)" +Sports,Shooting: 'Wrong Target' Drama Costs U.S. Gold +World,Clashes Across Bangladesh After Rally Attack +World,Iconic Munch Painting Stolen from Museum in Norway +World,Athens Track Set for Sizzling Men's 100 +World,U.S. Warplanes Bomb Najaf's Old City +Sci/Tech,Seiko Epson develops tiny flying robot +Sports,US wins silver in 50m rifle; China gets gold +World,Pakistan: Al-Qaida Plot Intercepted +World,The aftermath of the Grozny bomb +World,Amelie killer #39;may be local #39; +World,NAM boycott stirs sanctions fears in Israel +World,Cheney Is a Quiet Force Behind Bush Presidency (Reuters) +Business,Building code back in hot seat +Sports,UPDATE 1-Gibernau cruises to victory at Czech GP +World,Singapore #39;s new PM delivers national day rally speech +Business,Marks and Spencer loses crown as Britain's top clothing retailer (AFP) +Sports,Gymnast Khorkina Says 'Judges Robbed Me' +Business,Stocks May Rally if Oil Eases +World,COTE D IVOIRE: All sides pledge commitment to peace process again <b>...</b> +World,Palestinians Chide U.S. Over Settlements +Sports,"Greek Weightlifter Stripped of Olympic Medal, Ejected From Athens <b>...</b>" +Sports,England humble Windies +World,"Iraq clashes kill 40, handover talks stall" +World,Train set ablaze as violence spreads in Bangladesh +World,North Korea Denounces Mass Defection +Business,Judge gives United temporary reprieve +Sports,UPDATE 1-Gibernau storms to pole for Czech GP +Sports,"Swiss pair eliminates Holdren, Metzger" +World,Mob sets fire to train in protest at attack +Business,BA prepares new sick leave deal +Business,Asda clothing overtakes M amp;S +Business,India News gt; Trucker #39;s strike enters second day: +Sci/Tech,Amazon.com to Acquire Retailer Joyo.com +Sci/Tech,EPA must close loopholes in emissions law +Sports,Korea #39;s chances for duplicate gold appear slim +Sports,Baseball Today +World,Russian President Visits Chechnya +World,China executes man who killed his rapists +World,Malaysia Teenager in Hospital for Bird Flu Checks +Business,Iraq Keeps South Oil Pipeline Shut +Sports,"Volleyball: China Clinches Top Spot, U.S. Faces Crunch" +Business,Schwarzenegger wins car ad case +Sci/Tech,JK gaffe costs Microsoft dear +Sports,Athens champion album - Aug. 21 (1) +Sports,New York Mets Team Report - August 22 +Business,British Air to monitor sick leave +Business,Marks and Spencer loses crown as Britain #39;s top clothing retailer +Business,Inside the Yukos Endgame +Sci/Tech,Stumbling over SP2 +Sci/Tech,AT amp;T will offer VoIP service in Hampton Roads +Sci/Tech,EA Video Game #39;Madden #39; Tops 1.3 Million First Week +Sci/Tech,China college for Internet game industry +Sports,Youth Movement for the US Begins +Sports,Hewitt to face the unexpected +Sports,Gymnast Khorkina Says #39;Judges Robbed Me #39; +Sports,Springboks prove passion is back +World,Venezuela plane crash #39;kills 25 #39; +Business,Google Roadshows Left Small Investors Out (Reuters) +Business,Iraq Keeps South Oil Pipeline Shut (Reuters) +Sci/Tech,"Pope Condemns Unethical Science, Cloning (AP)" +World,U.S. Aircraft Hit Militias in Najaf as Tanks Near Shrine +World,U.S. Rolls Into Softball Gold-Medal Game +World,"U.S. Soldiers, Militiamen Clash in Najaf" +Sci/Tech,Auction Remains Dutch Mainstay +Sports,Making A Splash +Sports,Mactier collects pursuit silver +World,Lack of a successor clouds future after Arafat +Business,Stocks #39; second thoughts +Business,The biggest Mac is resting +Business,"Schwarzenegger, auto dealer settle" +Sci/Tech,EA Video Game #39;Madden #39; Tops 1.3 Million First Week +Sci/Tech,Seiko Epson unveil updated micro flying robot +Sports,Powerful Nesterenko seizes the moment +Sports, #39;Who says we can #39;t play? #39; say goldstruck British papers +Sports,Patterson answers history and defending champ +World,Straw to press Sudan on violence +World,Car bomb kills two in Baghdad +World,Abdullah flies flag of Mid-East reform +Sports,Greek Weightlifter Out +Sports,Still Under Wraps +Sports,Emmons Loses Gold +Sports,New Doping Scandal at Games +Business,Vegetable prices shoot up due to truckers #39; strike +Sci/Tech,SAP migration part of Nortel #39;s cost-cutting plans +Sports,Nesterenko surprises field with speed +Sports,Mental lapse costs American shooting gold +World,"OBL still untraced, says Pakistan" +World,"One dead, six missing after Maoist attack" +World,Israel PM vows to bring Labour into government despite vote by <b>...</b> +World,25 dead in Venezuela military plane crash +World,Thousands Registered to Vote in 2 States-Report (Reuters) +Business,Dollar May Fall on Concern Climbing Oil Prices Will Slow Growth +Sports,Our swimming saviours +Sports,Ulmer wins gold in pursuit cycling +Sports,Moore And List Advance To US Amateur Final +World,Car bomb explodes near military convoy +World,Arafat refuses to sign anti-corruption legislation +World,Let UN chief get on with job: Blair +World,U.S. Rolls Into Softball Gold-Medal Game +Sports,Pursuit team secure medal +Sci/Tech,UK takes lead role in stem cell research +Sci/Tech,"User, beware of new XP patch" +Sports,Ulmer wins gold in cycling +Sports, #39;Sold out #39; signs going up at Games events +Sports,China #39;s Zhang a gold medalist again in table tennis +Sci/Tech,Travelers Could Soon Report to Work Mid-Flight (Reuters) +Business,Brands Change Course to Combat Atkins +World,U.S. Planes Hit Militias as Tanks Near Najaf Shrine +Sci/Tech,Travelers Could Soon Report to Work Mid-Flight +Business,Not All Dutch Auctions Are Equal +Sci/Tech,Update 1: Net Rivals Rise and Fall on Google IPO +Sports,American hits wrong target and loses gold +World,Car bomb explodes near military convoy +World,Iran delays nuclear plant opening +World,Singapore backs Beijing on Taiwan +Sports,Blazers' Randolph Questioned by Police (AP) +World,British Airways plane makes emergency landing in Montreal (AFP) +Sci/Tech,I spy with my little... +Sports,Ulmer gives New Zealand historic gold +Sports,Celtic tunes up with win over Inverness +Sports,Injured Gail Devers Can't Finish Hurdles (AP) +World,Martin meeting with Liberal caucus early test in art of compromise (Canadian Press) +World,Senate Republicans Weigh Dismantling CIA +World,Palestinians Chide U.S. Over Settlements +World,Injured Gail Devers Can't Finish Hurdles +Business,Audit of referendum supports Chavez +Business,M amp;S overtaken as top UK clothes retailer +Sci/Tech,TXT-to-pay parking gets green light +Sports,Judge #39;s ruling too close to home +Sports,Rowing: Pinsent #39;s emotions run free after gold medal No 4 +Sports,"Bears, Dolphins swap former Pro Bowlers" +Sports,Celtic reclaim lead with 3-1 win over 10-man Inverness +Sports,Aggressive Springboks revive memories of World Cup win +World,Palestinians say US destroys hope over settlements +Sports,This gold tarnished +Sports,Hungarian fencing referee suspended for two years +Sports,Injured Devers Can't Finish Hurdles (AP) +Sci/Tech,"Pope Condemns Unethical Science, Cloning" +Sports,Greek weightlifter stripped of bronze for doping +Sports,Ulmer surprised with record time +Sports,Paula Radcliffe gives up +Sports,Jaguars Release Sack Leader Brackens (AP) +Sports,Chicago Orders Cubs to Fix Wrigley Field (AP) +World,Halliburton Awaits Decision on Payments (AP) +Sports,IOC Taking Back Women's Shot Put Gold +World,Radcliffe suffers marathon agony +Business,Google #39;s woes shouldn #39;t bury IPO auction idea +Sports,Arsenal equal record +Sports,Dope tests catch medallists +Sports,Olympics: Ulmer smashes world record to bag pursuit cycling gold +Sports,Kastor takes bronze in marathon; Japan #39;s Noguchi wins +Sports,"Boston at Chicago Sox, 8:05 PM" +World,Mob sets Bangladesh train alight +World,Kadyrov absolutely rejected extreme forms of Wahhabism Putin +World,Journalist Kidnapped in Iraq Is Released (AP) +Sports,"Noguchi Reduces Radcliffe to Tears, Kastor Wins Bronze" +World,Murkowski Braces for Alaska Sen. Primary (AP) +World,Singapore 'would not back Taiwan' +World,"Irish sunken wreck likely Cromwell's flagship, archaeologists say (AFP)" +World,25 People Killed in Venezuela Plane Crash (AP) +World,Injured Devers Can't Finish Hurdles +World,U.S. Prepares for Guantanamo Arraignments +Sports,Henry wants silverware +Sports,Ticket Scalpers Not Doing Good Business in Athens +Sports,"Swiss Pair Eliminates Holdren, Metzger" +World,Family #39;s farewell to Amelie +World,Singapore #39;s PM Backs China Over Taiwan Independence +Business,Oil addicts +Business,Olympians pursuit of marketing gold begins long before medals <b>...</b> +Business,Reporting to Work Mid-Flight +Sports,Arsenal matches record of 42 league games without a loss +World,Najaf police: a thin blue line between foes +World,Iran Announces Delays in First Nuclear Reactor Coming on Line +World,Family mourn quot;angel quot; slain in London +World,25 people killed in Venezuela plane crash +Business,"Venezuelan Vote Audit Backs Chavez, Finds No Fraud" +World,Venezuela plane crash kills 25 +Sports,Injured Devers Can't Finish Hurdles (AP) +Sports,Japanese Woman Wins Marathon; Kastor Third (AP) +World,AP Reporter Recalls Deng for His Humor (AP) +Sports,Women's Hoops Cruises +World,A Rash Product That Sells Itself +World,4 U.S. Marines Killed in Iraq Incidents +World,Smith Reinjures Knee in U.S. Hoops Win +World,Injured Devers Can't Finish Hurdles +Business,General Growth to become stronger with acquisition of Rouse +Business,Santos May Report 40 Drop in First-Half Profit as Output Fell +Business,Agfa-Gevaert quits camera film business +Business,Santos increases gas fields +Sci/Tech,Microsoft pays dearly for insults through ignorance +Sci/Tech,Travel sites agree to changes for the blind +Sports,"Noguchi wins marathon, Kastor gives United States a surprising <b>...</b>" +World,US Pressures Rebels in Najaf as Talks to End Fighting Stall +World,Murder shows parallels with Marsha killing +World,Make our case +World,Car blast targets Iraqi official +Sports,Indictment Said Issued in Colo. Scandal (AP) +World,Sudan Delegations in Nigeria for Peace Talks (Reuters) +Sports,"El Guerrouj and Kaouch Lead Into 1,500 Final" +World,Sudan Delegations in Nigeria for Peace Talks +Sports,Jones Leads Cowboys to Stunning Win Over Seahawks +Sci/Tech,Ringtone chartshow to air on British TV (FT.com) +World,"Evocative, and Steamy, Marathon Goes to Japanese Woman" +Business,"Asda Tops Mark amp; Spencer on UK Clothing Sales, Telegraph Says" +Sports,"Olympics: New Doping Scandal, Judging Scandals at Games" +Sports,Khorkina Bitter at All-Around Defeat +World,"Clashes break out in Najaf, but government says it hopes to <b>...</b>" +World,Putin Flies to Chechnya Ahead of Vote +Business,E-Vote Machines: Secret Testing +Sports,Athletics: Powell leads the way into wide-open 100 final +Sports,Australian Newbery wins women #39;s platform Olympic gold +World,Sudanese Darfur Rebels Arrive for Peace Talks +World,Munch's famous painting The Scream stolen from Norway museum - again (Canadian Press) +Sports,"Mets Recall Ginter, Option 1B Brazell (AP)" +World,Leg Injury Knocks Devers Out of Hurdles +World,Boudreaux's Butt Paste Sells Itself +Sci/Tech,Amazon buys into growing Chinese online retail market +Sports,Michael Phelps Wins 6 Gold Medals in Swimming in Athens +Sports,Gatlin Wins 100 Meters; Greene Third +Sports,Ulmer has golden glow +Sports,Lleyton Hewitt beats Gilles Muller to win title in Washington +Sports,Newbery Wins Platform Diving Gold for Australia +Sports,Molina ties career high with four hits +Sports,Bears have edge in Ogunleye trade +World,Group frees US journalist hostage in Iraq +World,Tramps victim to suspected Brazil death squad +Sports,"Wood, Baker, Oswalt Tossed From Game (AP)" +Sports,Pakistan defeats Chairman #39;s XI at Lilac Hill +World,Noguchi wins Olympic marathon as tearful Radcliffe crashes out (AFP) +World,9/11 Commission Details Lax U.S. Controls (AP) +World,"In Mr. Bush's Neighborhood, a Peculiar Intersection" +Business,Oil price a concern for US economy +Sci/Tech,Taste solution to pigeon predators +Sports,Can Radcliffe Rise from Athens Ashes? +Sports,Stefan Holm win #39;s high jump gold +World,Raffarin pledges to be quot;extremely severe quot; against anti-semitism <b>...</b> +Sports,Blue Jays Beat Orioles 8-5 for Sweep (AP) +Sports,Gatlin Takes 100 Meter Gold +Sports,Gatlin Wins 100 Sprint +Sports,Blue Jays Sweep O's +Sports,Gatlin Takes 100 Meters Gold +World,New Afghan Army asserts itself +World,Series of explosions mark ETA's return +World,Moscow on the Mediterranean? Russia's yacht craze +World,France: A year after the heatwave +Business,"Doctor, heal thyself" +Sci/Tech,Novell Turns A Q3 Profit +Sports,"Evocative, and Steamy, Marathon Goes to Japanese Woman" +Sports,US hold on 100 broken +World,Sudan jails some Darfur security forces - report +World,Pakistan Details Suicide Attacks Plot +World,War Crimes Hearings to Begin for 4 Guantanamo Prisoners +World,Dole Questions Kerry's Vietnam Wounds +World,Munch's Iconic 'Scream' Stolen in Norway +Sports,Gatlin Takes 100 Meter Gold +Sports,"Underneath the competition, sportsmanship ethic prevails" +Sports,Sharing the Gold +Sports,Americans lose again +World,US jets hit Sadr men as tanks near Najaf shrine +World,Singapore #39;would not recognise #39; independent Taiwan +Business,A monkey off their back +Sports,Record-breaking Kiwi relegates Mactier to silver +Sports,Sri Lankas finest hour +Sports,UPDATE 2-Gibernau beats Rossi in Czech GP revenge +Sports,"Ramirez Hits 3-Run Homer, Cubs Beat Astros (AP)" +World,Islamic group posts alleged pictures of Nepalese abducted in Iraq (AFP) +Sports,"Gymnastics: Misery for Hamm, Khorkina" +World,Bush campaign aide resigns amid controversy over campaign ads (AFP) +Sports,Exhausted Agassi Withdraws from Long Island Tournament +World,Nigeria Wants AU Troops to Disarm Darfur Rebels +World,U.S. Planes Hit Militias as Tanks Near Najaf Shrine +Business,India reduces steel import tax to rein in prices +Sci/Tech,Foul Taste to Keep Pigeons Safe +Sports,100-meter winners are new crew +Sports,"Where it all began, Noguchi wins marathon" +Sports,Cyclist gets gold plus the record +Sports,"I was robbed, Khorkina tells Russian paper" +World,Strike is averted by deal with British Airways +Sports,"Basketball: U.S. Women Win Again, Greece Qualify" +Sports,Angels Take Third Straight From Yankees +Business,Update 12: Judge Won #39;t Block United Pension Plans +Business,German group Nanno and two US groups buy Agfa-Gevaert photo <b>...</b> +Sci/Tech,Tribe has great excuse for poor math skills +Sports,No news is good news on Athens #39; security front +Sports,Final scores from 2004 US Amateur +Sports,Twins finish homestand with sweep +World,Nigeria Wants AU Troops to Disarm Darfur Rebels +Sci/Tech,Bogus Degrees Lawsuit +Business,India News: Truckers #39; strike enters second day (NIGHT LEAD) +Sports,ZOYSA PUTS SOUTH AFRICA TO THE SWORD +World,Fierce gunfire erupts in Najaf after mortar fire +World,Three Dead In Roadblock Incident In Afghanistan +World,Moribund 'lad mag' market in Britain gets a boost (AFP) +Sports,"Fiorentina, Atalanta Win at Italian Cup (AP)" +World,"Kerry, Bush battle for crucial military vote (AFP)" +Sci/Tech,Shuttle repair plan remains in the works +Business,Transport owners wrongly advised: FM +Sci/Tech,Pope Condemns Human Cloning and Arrogance of Man +Sci/Tech,Sony tries to win back flat-panel TV market +Sci/Tech,"One, two, ... er, too many" +Sci/Tech,Web sites agree to be accessible to blind +Sci/Tech,Earnings Grow at Salesforce +Sports,Hewitt ends drought +Sports,Mactier #39;s pursuit halted by Kiwi gold +Sports,Super Saturday +Sports,"Arsenal win thriller, equal Notts record" +Sports,Edgar powers streak to four +World,Violence erupts following Bangladesh attack +World,Calling the shots +Sci/Tech,Report: Consumers tuning in to plasma TVs +Sci/Tech,Helicopter Stunt Pilots to Snag Stardust for NASA +Sci/Tech,US e-commerce sales rise in second quarter +Sci/Tech," quot;Microsoft #39;s Actions Validate Our Linux Strategy Every Day, quot; Says <b>...</b>" +Sports,American Gatlin becomes world #39;s fastest man +World,Surfing rides new wave of popularity in Britain's lukewarm seas (AFP) +Sports,AL Wrap: Molina Leads Angels to Sweep of Yankees (Reuters) +Business,Music Mogul Davis Challenges Retailers (AP) +Sports,AL Wrap: Molina Leads Angels to Sweep of Yankees +World,"Blasts, Gunfire Shake Najaf As Talks Drag" +World,U.S. Gymnasts Win 3 Medals; Hamm Angry +World,Thieves Grab 'The Scream' From Museum +Business,Venezuelan president appeals for unity +Sci/Tech, #39;Dutch auction #39; finds few takers in the Netherlands +Sci/Tech,Sony unveils new flat-screen TVs +Sci/Tech,Climbing Back Up +Sports,Outsider wins marathon +Sports,Men #39;s Singles : Interview with N. MASSU (CHI) +Sports,Olympic Basketball: Lithuania Guard Shoots Down US +Sports,"Silver to McGee, Mactier into final" +Sports,Track and field: Big night for Lauryn Williams +Sports,Four-in-row to Davenport +Sports,Arsenal fight back to match record +Sports,"Biffle, Martin give Roush 1-2 punch at Michigan" +World,Key moments in the Darfur rebellion +World,PA in talks with World Bank over Gaza after pullout +Sports,"Braves Score 8 in 2nd Inning, Beat Dodgers (AP)" +World,U.N. Says Darfur Camps in Chad Close to Capacity (Reuters) +Sci/Tech,Apple recalls 15in PowerBook batteries +Business,"BHP Billiton, Alcoa to Sell Shares in Metal Distribution Unit" +Business,"Santander plans 2,500 Abbey cuts" +Business,Most allowed to return home after gas fire +Sports,Cink cruises to wire-to-wire victory +Sports,NEWBERY DIVES AND BINGS UP GOLD +World,Major attack by rebels on Nepalese town +World,Hicks #39; dad just wants to hug son +Sports,Pavano Homers As Marlins Beat Padres 8-3 (AP) +Business,Truckers #39; stir evokes mixed response +Sports,Gold a family affair for champion Newbery +Business,Secrecy shrouds US e-vote machines +Business,Foster #39;s Group Probably Turned to Second-Half Loss on Charges +Sports,Cink eases to four-shot win at NEC Invitational +Sports,Gatlin Wins Olympic 100 Meters; Greene Finishes Third (Update4) +Sports,Arsenal equal record +World,Tanks close in on sacred shrine as US launches fresh assault on <b>...</b> +World,Violence spreads after rally ends in 19 deaths +World,Vet and three children show no bird flu symptoms +World,Karzai set for visit to Pakistan +Business,Crude Oil Steady as Fighting in Southern Iraq Limits Exports +Business,Strike Ends at VW Factory in Mexico +Business,Japanese Stocks May Gain After Oil Declines; Toyota May Advance +Sports,Sorry Hamm Flops on Apparatus +Sports,Noguchi wins marathon as Radcliffe pulls up +World,Parks Canada sends managers from Ottawa to Alberta to help during strike (Canadian Press) +Sci/Tech,Jolts of Electricity Reviving Coral Reef (AP) +Sports,NL Wrap: Ramirez Lifts Cubs Over Astros After Wood Exit +Business,Bush advisers wary of oil +Sports,10 seconds that change everything +Sports,Giant Gilles slays Andre +Sports,Wenger #39;s dashing Musketeers cut Middlesbrough to pieces +Sports,Juanjo #39;s early exit paves way for Celtic joy +Sports,Franchitti wins Pikes Peak after pit mishap +World,Nine held in plot to attack key buildings +World,SOMALIA ENDS 13 YEARS OF ANARCHY +World,Settlers #39; compensation board formed +Business,Analysts Debate Effect of High Oil Prices +World,Child soldiers square up to US tanks +World,Four Dead After Attack on Homeless Man +Sports,Cink Eases to Four-Shot Win at NEC Invitational +Business,Tokyo Stocks Open Higher +Sports,Beach Volleyball: Brazil Veterans Reach Semis +Sci/Tech,Underwater Archaeologists Dig for History (AP) +World,More Tramp Victims of Suspected Brazil Death Squad +World,Gatlin Blazes to 100 Gold; Greene Third +Business,Parks Canada sends managers from Ottawa to Alberta to help during <b>...</b> +Business,Blumenthal to examine hospital medical supply charges +Business,Google #39;s debut in the stock market sends a mixed signal +Business,Daiei slipping away +Business,"Make inheritance tax fairer, urges thinktank" +Business,Qantas in talks with Singapore Air on A380 cost cuts +Business,College-savings plan will gain flexibility +Sports,Kiwi gold beats Mactier #39;s effort +Sports,Shot put earns a dubious distinction as first and last test <b>...</b> +Sports,Evening Attire spoils Funny Cide homecoming +Sports,NL Wrap: Ramirez Lifts Cubs Over Astros After Wood Exit +Sports,European team starts to take shape +World,Singapore announces relaxation of rules on political expression +World,25 arrested ahead of Karzais visit +World,News in brief +World,Arson attack raises fears of anti-Semitic epidemic in France +World,Somalians sworn in +World,Pakistan and Egypt favourites for World Team Squash title +Sci/Tech,Arkansas Farm Produces Most U.S. Goldfish (AP) +Sports,Agassi Withdraws from Long Island Tournament +Sports,Biffle Dominates at GFS Marketplace 400 +Business,Tokyo Stocks Open Higher +Business,Will hydrogen soon kill Middle East crude? +Business,Australia #39;s Fortescue China Deal On Pilbara Rail +World,Shewfelt's shining moment: Calgary gymnast gives Canadians reason to cheer (Canadian Press) +Sports,Gatlin Sprints from Unknown to Olympic Gold +Sports,Roundup: Colts receiver Walters might need surgery +Sports,Graham Admits Sending THG Syringe to USADA +World,Human rights group have criticised hearings +World,"Deng work goes on, says Hu" +World,Independent judges vital +Business,Marks And Spencer Loses Crown As Britain #39;s Top Clothing Retailer +Sports,Mizuki Noguchi of Japan wins women #39;s marathon gold +Sports,Hearn Earns First Nationwide Tour Victory (AP) +Business,Santander soothes unions #39; fears over Abbey jobs +Sports,Snapshots from the men #39;s 100 +Sports, #39;She isn #39;ta quitter... it was heartbreaking sight #39; +Sports,Athletics: Suspended judge lives near Hamm +Sports,The Sputtering Yankees Look for a Jump Start +Sports,Insider Racing News +World,China celebrates Deng anniversary +World,US Forces Kill 3 Afghans at Checkpoint +World,Germany repeats rowing glory in Athens +Business,NYMEX Oil Ticks Higher on Iraq Fighting (Reuters) +World,Palestinians Cheer 'Superstar' Contestant (AP) +Sports,Report: Indictment in Colo. Football Case (AP) +Business,Tokyo Stocks Firmer as Oil Drops Back +World,Mother of Dead UK Soldier to Sue Government -Report +World,Tokyo Stocks Open Up on Oil Price Retreat +Business,Tata Steel springs surprise price cut +Business,Overtime Rules Change +Business,Qantas #39;must open its register #39; if BA sells +Business,Rail defect likely case of Pilbara derailment +Business,Stock market advances +Business,New dossier fans flames of Collins Stewart row with analyst +Sci/Tech,How Google floated past Wall St +Sci/Tech,Fertilizer thieves targeted with stain +Sports,Cink wins by four shots +Sports,SA coach Simons could quit +Sports,Oswalt #39;s ejection untimely +World,Nepalese struggle to break rebel hold on capital +World,We Are the People +World,Captured mercenaries escape mass execution +Sci/Tech,Mystery of Wales turtle 'solved' +Business,"Santander may cut 4,500 jobs as part of 8bn Abbey National <b>...</b>" +Business,Why Bush is on the carpet with Hoover +Sci/Tech,Catching Meth Cooks Pink-Handed +Sports,Gatlin dethrones Greene in 100 meters +Sports,Questions Remain for the Jets +World,Germans mass against benefit changes +World,Mugabe refuses extradition +Sports,U.S. Gymnasts Win 3 Medals; Hamm Angry (AP) +Business,Asian Stocks Rise After Oil Drops From Record; Toyota Gains +Business,Brown accused of #39;baby bonds bribe #39; +Sports,Chilean #39;s Endurance Feat Frustrates the US Again +Sports,Gatlin turns on the power to take gold +Sports,Franchitti climbs to IRL triumph at Pikes Peak +Sports,Sunday #39;s Golf Capsules +Sci/Tech,The Call Is Cheap. The Wiretap Is Extra. +Sci/Tech,"Google Is One for the Books, Leaving Some With Regrets" +Sci/Tech,Ideas for Buyers and Renters +Sci/Tech,Fantasy Leagues Attract Money From Advertisers +Sci/Tech,Lawsuit Claims Free Speech for Online Casino Ads +World,Arsonists Destroy Jewish Center in Paris (AP) +Sports,Panthers Contending With Banged Up O-Line (AP) +World,U.S. Journalist Held in Iraq Is Released (AP) +World,Sudan says it will cut number of paramilitary forces operating in Darfur (Canadian Press) +Business,A New Way to Spell Pain Relief: M-I-N-T-Y F-R-E-S-H +Business,Trip to Olympics or Feel-Good Talk? The Answer Was a Surprise to Many +Business,Wal-Mart Unit Passes Rival in Britain +Business,Supermarket giant usurps title +Business,New twist in Middleweek saga as FSA enters fray +Sci/Tech,Post-9/11 Mergers Brought Problems +Sci/Tech,Toyota's Prius Proving to Be the Hotter Hybrid +Sports,California Beats N. Carolina 9-2 in LLWS (AP) +Sports,Rookie Taylor Wins Playoff at Reno-Tahoe (AP) +Business,Death and taxes are certain - but so are con tricks +Business,Parks strike helping Alta. town business +Sci/Tech,The Call Is Cheap. The Wiretap Is Extra. +Sci/Tech,Thwarting Meth +Sci/Tech,Hackers revive iTunes music sharing - OurTune +Sports,Gatlin becomes world #39;s fastest man +Sports,Korea to lodge appeal +Sports,Olympia champion has drug positive +Sports,Davenport reaches Cincinnati Open final +Sports,Arsenal equal Nottingham Forest #39;s 42-match unbeaten record with a <b>...</b> +World,Train set on fire by mob +World,Guantanamo alert for terror hearings +World,Somalia swears in new MPs +World,Lee eases curbs on political expression +World,Schrder #39;s Best quot;PR Campaign quot; +World,Ashour Conquers World Junior Squash Title +Business,Post-9/11 Mergers Brought Problems +Sports,Anaheim Claims Sweep +Sports,NBC's Five-Ring Circus +Sports,THECHAT +Sports,Title No.22 for Hewitt in Washington +Sports,Honda Indy 225 Top-Three Finishers Transcript +Sports,Funny Cide Finishes Second in His Return Home +World,US planes pound militants in Najaf +World,Putin flies to Chechnya for tribute to slain president +Business,Venezuelan president reshuffles cabinet +Business,Australia #39;s Woolworths second-half profit up +Business,US economy buffeted by record high oil prices +Business,Ministers deny interest in raising inheritance tax +Sci/Tech,THE REVIEW +Sports,Track team is tops for NBC +Sports,Mets #39; Aggressive Bonds Strategy Backfires +World,Reporter Freed as Rebel Cleric Brokers a Deal +Business,Nikkei Up Over 1 Percent at Midday +Sports,Mets' Aggressive Bonds Strategy Backfires +World,Reporter Freed as Rebel Cleric Brokers a Deal +World,A G.O.P. Senator Proposes a Plan to Split Up C.I.A. +World,Kerry TV Ad Pins Veterans' Attack Firmly on Bush +Business,Nikkei Up Over 1 Percent at Midday +Sci/Tech,Google #39;s Offering Proves Stock Auctions Can Really Work +Sci/Tech,Pigeon fanciers use taste to ward off falcons +Sci/Tech,Windows upgrade helps hold down the fort +Sports,Shot-putter Korzhanenko to be stripped of gold: Russians +Sports,Young drivers rule in today #39;s Indy Racing League +Sports,Berths in Semifinals for Two Americans +World,Four Marines killed in Anbar province +Business,Oil raises economists #39; concerns +Sci/Tech,Advanced Model of World #39;s Smallest Flying Microrobot from Epson +Sci/Tech,Which Candidates Do Tech Companies Support? +Sports,Moore battles back to top List at US amateur championship +Business,CMS Energy to Offer \$200 Million Notes +Business,Virgin Blue Increases Surcharge as Fuel Prices Soar (Update1) +Sci/Tech,Apple to recall laptop batteries +Sports,"Ulmer resets record, wins gold" +World,Trials Set To Begin For Four at Guantanamo +Business,Banks pull plug on Ion +Business,"Beijing a #39;source of chaos, #39; Yu says in NY" +Business,Yu urges Taiwanese expats to help sell FTA to US +Sci/Tech,"Pope Condemns Unethical Science, Cloning" +Sci/Tech,RealNetworks Online Petition Targeting Apple Backfires +Sci/Tech,Clicking on Profits +Sci/Tech,"Novell posts 3rd-quarter profit, revenue rises" +Sports,Athletics: Crying shame for Radcliffe as marathon dream dies in <b>...</b> +World,Najaf mosque reportedly hit as standoff goes on +World,North Korea Lashes Out at George Bush +World,"Japan #39;s Stocks Rise, Led by Toyota, on Oil Drop; Daiei Plummets" +Sports,Matthew Wins Wendy's on Han Playoff Bogey (AP) +Business,"Dollar Edges Up, Direction Sought" +Sports,Gatlin #39;s the best by the blink of an eye +World,West Nile 'causes lasting damage' +World,Pancreas stem cells for diabetes +Business,Gold Fields shareholders reject Canadian merger +World,Memo Appealed for Ways To Break Iraqi Detainees +Sci/Tech,Court: File-swapping Software OK +Sports,Noguchi wins women #39;s marathon gold +Sports,Athletics as artistry +Sports,Big break for Hewitt +Sports,Shot at wrong target costs rifleman gold +Business,"Dollar Edges Up, Direction Sought (Reuters)" +Sports,AL Wrap: Molina Leads Angels to Sweep of Yankees (Reuters) +Sports,Cink Answers Skeptics With Emphatic Victory +Business,Singapore oil chief to face police over \$550m trade losses +Business,Boy's Murder Case Entangled in Fight Over Antidepressants +Business,Controversial Overtime Rules Take Effect +World,Reporter Freed as Rebel Cleric Brokers a Deal +World,Kerry TV Ad Pins Veterans' Attack Firmly on Bush +Business,FTC looks into debt-aid firms +Business,Google Not The First To Go Dutch +Business,Bloomberg Columnists +Business,Sims Q1 earnings to match or exceed Q4 +Sports,Gatlin guns way to 100m crown with blazing run +Sports,Crying Games again for Paula +Sports,Golf: Cink beats Woods by four strokes to capture WGC Invitational +Sports,Hewitt wins Washington Open +Sports,Hatchs comeback proves silver is golden +Business,World Business Quick Take +Sports,Mets: Wright shares spotlight in a wild victory +Sports, quot;Flash quot; Biffle Leads Roush One-Two at Michigan +World,China #39;s leaders fly pro-reform flags for Deng +World,Gunmen attack police station Chechnya +Sports,Steve Cherundolo Scores in Hannover Win (AP) +Sports,Hamm assays gold +Sports,Rueter riddles Mets Bonds blasts No. 693; Giants finish homestand <b>...</b> +Sports,Philly tailback has to prove he #39;s durable +Sports,"Braves 10, Dodgers 1" +World,"Putin Visits Chechnya Before Presidential Vote, Interfax Says" +World,Somali Parliament Sworn In as Clan Dispute Flares +Business,UK expansion helps lift Sonic profit +Sports,Russian shot putter stripped of gold after doping test +Sports,Gatlin #39;s coach claims responsibility for THG source +World,New Somali Parliament Brings Hopes of Peace +World,Reconsider highway project +World,China #39;preparing for conflict with US #39; +World,Indonesian police arrest suspected JI suicide squad members (AFP) +Business,Southwest to cut 88 flights - WSJ +Business,New overtime rules take effect Monday +Business,Sonic Health boosts profit 41 pc +Business,Crude oil price drop buoys sentiment +Business,Steps to climb out of debt +Business,Google stock process a good deal +Sci/Tech,Sony zooms in with new TV tech +Sports,Powell misses medal +Sports,The Marathon Man +Sports,Vieira Looks to Golden Future with Gunners +Sports,Silver glint of a glowing future +Sports,Lists run stopped in final +World,Emilie Murder Hunt Seeks Serial Links +World,Taiwan says China ships challenge US defence line +Sci/Tech,They Don #39;t Have a Word for It +Sports,Noguchi Wins Olympic Marathon as Radcliffe Drops Out (Update3) +Sports,Williams on fast track after streaking to silver +Sports,MOORE REFUSES TO BE BEATEN +Sports,Competitors voice pride in being pioneers as women #39;s wrestling <b>...</b> +Sports, #39;EVENING #39; FALLS ON FUNNY CIDE +Sports,Taskmaster Coach Brings #39;Suffering #39; (and Medicine Ball) +World,Sudan ready for any UN actions over Darfur: FM +World,"Nepal Maoists kill soldier, kidnap six policemen" +World,NZ protesters march against legal recognition of gay relationships +World,"Germany Accuses Iraqis Over Insurgency, Death Plot" +Business,Report: Southwest to cut 88 flights this fall +Business,Chief of McDonald #39;s Has More Surgery +Sci/Tech,More Is Not Necessarily Better +Sci/Tech,Life without numbers +Sci/Tech,2 Vietnamese die of unidentified virus +Sports,Franchitti gets second win; Rice has disaster +Sports,THIS OFFENSIVE DISPLAY PUTTING SEASON IN PERIL +World,US tanks advance towards shrine: Heavy clashes in Najaf +World,"US journalist set free in Iraq, cites misunderstanding" +Sci/Tech,Pollution 'hides' global warming +Business,Woolworths Second-Half Net Rises 12 on Cost Cuts (Update3) +Business,Facts on Stem Cells +Business,FCC Says It Extended Discounted Phone-Line Rates +Business,Fresh sign of housing market cooling +Sports,NBA could use this reject +World,Australia boosts anti-terror measures at small airports +World,Philippine rebels vow to end conflicts through talks +Sci/Tech,A Radio Challenge to Arbitron +Business,"As Congressional Budget Chief, Former Bush Economic Aide Isn #39;t <b>...</b>" +Business,Oil steady in edgy Asia trading +Sci/Tech,Users Delay SP2 Rollouts +Sci/Tech,The State of Mac Browsing: An Embarrassment of Riches +Sports,Keep track of hometown heroes: +Sports,Atlanta gives LA 8 reasons to worry +World,North Korea says Bush worse than Hitler +World,Fierce Fighting Erupts in Iraq's Najaf-Witnesses (Reuters) +World,Fierce Fighting Erupts in Iraq's Najaf-Witnesses +Business,Singapore aims to lift birth rate +Business,Oil steady after failure to hit \$50 +Business,Property prices continue to drop +Sci/Tech,Australian Agency Picks Sun Desktop Over Microsoft +Sports,Men #39;s Gymnastics Mired in Scoring Fiasco +Sports,A capper of a week for Cink +Sports,Ogunleye: Dolphins showed no #39;class #39; +Business,Missile shield talks lose-lose case for PM +Business,"Framingham health center seeking new, larger home" +Business,Virgin Blue budget airline announces fuel surcharge hike +Business,China revises GDP growth rate to 9.69 in Jan-June +Sci/Tech,Football action that #39;s worth tackling +Sports,Cink goes wire-to-wire at NEC +Sports,Carl Lewis Says Olympic Sprints Weren #39;t Dimmed By Drug Scandals +Sports,Trade paying dividends in Boston +World,Singapore aims to lift birth rate +World,CHINA WATCH: HK Democrats Nearing Path To Beijing Talks +Business,UPDATE: Australia #39;s Sonic Targets More Europe Expansion +Business,Doctors say US plan will alienate +Sci/Tech,Macromedia expands J2EE pitch +Sci/Tech,Another Chinese SMS firm suspended +Sports,Wrong target costs gold +World,Mob sets train ablaze in Bangladesh protests +World,Nepal opposition calls for truce to end blockade +World,Memo Appealed for Ways To Break Iraqi Detainees +World,"Bush, Defense Policy Team Have Meeting (AP)" +Sci/Tech,Medical Records May Go Online +Business,"Kroger Profit Edges Up, Misses Forecast" +Business,DoCoMo and Motorola talk phones +World,Munch's 'Scream' Is Stolen From a Crowded Museum in Oslo +Business,Australia #39;s Billabong year net profit up 14 per cent +Business,HK walks out of 68-month deflation cycle +Sports,US Dream Team: a nightmare +Sports,AROUND THE HORN: Glaus may return to Angels; Catalanotto out for <b>...</b> +Sci/Tech,Medical Records May Go Online (PC World) +World,"Sudan's Rebels, Government Meet for Talks (AP)" +World,"Indian truckers' strike enters third day, prices spiral (AFP)" +World,Indian leader facing arrest quits +Business,Edwards Hits Bush on Overtime Pay Rules +Business,Hong Kong Official: Deflation Run Is Over +Business,Presidential plans fail on good-tax basics +Business,Steel Shares Dive On Price Cuts +Sci/Tech,Macromedia launches Flex Builder +Sports,Roundup: Kupets and Hatch golden in gymnastics +Sports,Gold slips out of reach +Sports,Davenport remains on title streak +Sports,Angels pass Yankee test +World,Fierce Battles for Control of Holy City +World,Four US soldiers face hearing in Germany over Iraq prisoner abuse +Business,BMO to lead off banks #39; quarterly results reports +Business,UPDATE: Woolworths Profit Up 12; CEO Departure Delayed +Business,Abbey Staff to Learn Scale of Takeover Job Cuts +Sci/Tech,Macromedia launches Flex Builder +Sci/Tech,Flying the Sun to Safety +Sci/Tech,Report: Global LCD oversupply to peak in 3Q +Sports,US sprinter Gatlin hangs on to beat a blazingly fast field +Sports,IOC strips gold medal from Russian shot putter +Sports,Report: Colorado hit by grand jury indictment +World,Four US soldiers in Abu Ghraib prisoner scandal face pretrial <b>...</b> +World,Kabul bounty hunter trial resumes +Sports,NFL Pass-Interference Crackwon Draws Fire (AP) +Sports,Baseball Today (AP) +Sports,Olympics-Sprinters Serve Up Greatest Race on Earth +Business,Philips Leads Europe Shares Up; ARM Down +World,Fighting Erupts Round Rebel-Held Najaf Shrine +Sports,Amazing race +Sports,Fastest man in world has great company +Sports,Drought ends with reign +Sports,Angels complete sweep of Yankees +Sports,California overpowers N. Carolina +Sports,Bonds powers Giants +Sports,NL notables +Sports,Ortiz is cleaning up his act +Sports,Report: Idled Garciaparra will have MRI on Achilles #146; +Sports,Whitewashing +Sports,Fundamental problems +Sports,It #146;s a choice performance +Business,This house has everything. +Business,"After shakeout, medical websites find new health" +Business,"Despite travel slump, online firms flourish" +Business,"To installers of car stereos, auto systems sound fishy" +Business,Back to school with gadgets galore +Business,Numbers in dispute as OT rules kick in +Business,Rosy forecasts slipping as oil prices rise +Business,"Music stores lack excitement, executive says" +Business,Doctors online +World,Two Munch paintings taken in museum heist +World,Talks drag as fighting shakes Najaf +World,"At checkpoint, US forces kill 3 Afghan civilians" +Sci/Tech,BEA packages Web application tools +Business,"UK Stocks Advance, Paced by British Airways and Rentokil" +Business,Australia #39;s Virgin Blue increases fuel surcharge after oil hikes +Business,"Abbey staff loss will be quot;under 4,500 quot;" +Sports,"Fastest race ever yields gold, bronze for US" +Sports,"American charges late, earns surprise bronze" +Sports,Shot put winner stripped of gold +Sports,An American gymnast #39;s Hamm-handed move +Sports,"Fish founders late, settles for silver" +World,Aide to Carl the Jackal Acquitted (AP) +World,Electricity Goes Off Across Bahrain (AP) +World,Singapore wants to double manufacturing in 15 years +World,Pakistan reveals al-Qaeda plot +World,Experts defuse bomb in Thailand #39;s violence-hit south +World,DoCoMo in Motorola 3G talks +World,Weather gets 3D gaming makeover +World,Exorcist movie thrills box office +Sci/Tech,DoCoMo and Motorola in talks +Sci/Tech,Arm Holdings buys US tech firm +Business,Billabong sees big swell +Business,"BHP, Alcoa plan \$138m JV sale" +Business,INTERVIEW: Australia #39;s Evans amp; Tate Aims For 10 Growth +Sports, #39;Give Gunners silverware #39; +Sports,Hemingway nabs silver in high jump +Sports,Jaguars give Brackens his release +Sports,Puyallup #39;s Moore takes US Amateur +Sports,No slipups this time as Timlin holds his own +Sports,Gaining dad #39;s support of Miranda #39;s sport was her biggest takedown +Business,New overtime rules are mostly bad news for employees +Sports,Radcliffe Will Go to Beijing - Bedford +Sports,Surprise Greek winner in 20km walk +Sports,Itsa losing proposition +World,Fierce battles for Najaf +World,Chechen police seize 7 rebels +Business,Philips Leads Europe Shares Up; ARM Down (Reuters) +Sports,Out without a bang: Cannons falter in final +Sports,Ulmer tracks down world record +Sports,Biffle thwarts Martin #146;s gamble for 2d triumph +Sports,Vargas valiant in loss +Sports,"Hardware in store for Hatch, Kupets" +Sports,"Hey, just who is this guy?" +Sports,Hemingway has silver sense +Sports,They #146;re in the wrong +Sports,"Devers can #146;t outrun pain, falls in hurdles" +Sports,"Fish founders late, settles for silver" +Sports,Play of US women pleasing to the eye +Sports,Jarno looking to reverse recent form +Sports,Jarno takes in the Olympics +Business,"Oil Retreats, Lifts Asian Stocks" +Business,UPDATE: Australia #39;s Fortescue Signs China Railway Group +Sci/Tech,Thin-client desktops: Not defunct yet +Sci/Tech,Digital media -- knowing your rights +Sports,Final day brings out big crowd +Sports,Soldier shot dead at biking venue +World,Kidnapped Reporter Released In Iraq +World,Muslim group claims Jewish Paris attack +World,Premiers differ on air security plan +Sci/Tech,The Shame of Adult Male Virginity +Business,ARM buys US tech firm Artisan +Business,INTERVIEW: Australia #39;s Billabong On Acquisition Trail +Sports,Franchitti captures Pikes Peak +Sports,Soldier shot dead at Olympics +Sports,Heart-breaking loss for Tall Blacks +World,25 dead in Venezuelan military plane crash +World,Abu Ghraib hearings begin in Germany +Sports,Greece Goes Crazy Over 'Immortal' Walker +Business,"ADV: \$150,000 Mortgage for Under \$690/Month" +World,China confirms bird flu found in pigs last year (AFP) +World,Kenya Maasai land tensions grow +World,Ordeal of 'Deserters' Who Didn't Desert +Business,Productivity Growth Slows to 1.8 Percent +Business,"Referendum confirmed, Chvez looks ahead" +Business,Truckers #39; Strike Enters Third Day +Business,UPDATE: Singapore Tiger Airways To Start Flights In Sep +Sci/Tech,Is Real a Real Hypocrite? +Sports,Koorzhanenko kicked out of Olympics +Sports,Henry: Record not enough +Sports,Idowu put out by judge blunder +Sports,Tall Blacks quarterfinal hopes dashed +Sports,Sand dreams crumble in quarter-finals +Sports,Angels wouldn #39;t be a good playoff foe +Sports,Bonds hits No. 693 in Giants #39; win +World,"Obasanjo warns Sudan on militia, calls for AU peacekeepers" +World,India News: Iran nuclear power to become operational in 2006 +Sports,News and notes +Sci/Tech,A Site for Banner Ad Freaks +Sci/Tech,Is Real a Real Hypocrite? +Sci/Tech,Army: JetBlue Data Use Was Legal +Sci/Tech,Politicos Dig Deep for Your Data +Sci/Tech,Scientists Breed a Tougher Mouse +Business,"Colgate to Cut Work Force, Close Plants" +Sci/Tech,Mars Probes to Yell 'Geronimo!' +Sci/Tech,Electricity Revives Coral Reef +Sci/Tech,Catching Meth Cooks Pink-Handed +Sci/Tech,Satirists Skewer U.S. Candidates +World,Taiwan Lawmakers Pass Sweeping Legislative (AP) +World,Prisoner Abuse Suspect Faces German Court +World,Felix Leads Three U.S. Women in 200-Meter +Business,"Tower of gas fire diminshes, but worried evacuees can stay in <b>...</b>" +Business,The Call Is Cheap. The Wiretap Is Extra. +Sci/Tech,P2P Networks Not Responsible for Copyright +Sci/Tech,VoIP Vs. Conventional Telephones +Sci/Tech,Long-distance Web surfing comes closer +Sports,Franchitti adds another win +World,Malaysia says clear of human bird flu cases +World,Arroyo stays 4 economic secretaries in new Cabinet +Business,Chain Store Sales Slip in Latest Week (Reuters) +Business,Volkswagen Says It Will Not Increase Wages +Business,Boom in house prices is #39;well and truly over #39; +Sci/Tech,Software Companies Not Liable for Copyright Infringement +Sports,"SWEAT AND TEARS Devers, Radcliffe can #39;t finish; Kastor overjoyed <b>...</b>" +Sports,Gymnastics #39; pettiness is all-around +Sports,"For Cink, NEC Title Comes by 4 Strokes" +World,Guantanamo Hearings To Give Only Restricted View Of Bin Laden <b>...</b> +Sports,More tests for exhausted Radcliffe +Business,J J Report Lifts Guidant Shares (Reuters) +Business,Singapore Budget Carrier Set to Take Off +World, #39;Jackal aide #39; in case 2 acquittal +World,Sudan negotiator denies need for AU peacekeepers in Darfur (AFP) +Sci/Tech,Big gains for Krishnamurthi (SiliconValley.com) +Business,Area Job Growth Outpaces Nation's +Business,"After 38 Years, Valenti Prepares To Move On" +Business,A Curved Path for an Innovative Museum +World,'Mercenaries' coup trial begins +World,Farc rebels reject hostage offer +Sports,"Despite judging error, Hamm #39;s gold medal shows no tarnish" +Sports,Sturrock leaves Southampton +Sports,Women #39;s event has brighter future +Sports,Henry: Its Winning Things That Matters +Sports,NL: Tempers flare in Cubs #39; win +Business,Stock Futures Rise as Oil Prices Ease (Reuters) +World,Britain's Straw to Keep World Pressure on Sudan (Reuters) +Business,Stock Futures Rise as Oil Prices Ease +Sports,Tsoumeleka Wins Greece's First Track Gold +Business,Stocks to Watch on August 23 +Sports,A.L. Wrap: Molina Leads Angels to Sweep of Yankees +World,Fighting Erupts Around Rebel-Held Iraqi Shrine +World,Israel Plans 530 New Settler Homes in W.Bank-Sources +World,"Angels Beat Yanks, Bosox Closer in AL EAST" +World,Israel OKs More West Bank Settlement Homes +World,Norway Searches for Treasured Masterpieces +Business,Election monitors work to build nations #39; trust +Business,Group: Google governance flawed +Business,Hometrack survey reveals falling house prices +Sci/Tech,Travelers could soon report to work mid-flight +Sci/Tech,Macromedia Bolsters Flex with New Development Environment +Sports,Canuck player injured +Sports,Sports: Red Sox 6 White Sox 5 +World,Taiwan shrugs off Singaporean leader #39;s criticism of the island #39;s <b>...</b> +Sci/Tech,Google Not The First To Go Dutch +Sci/Tech,ManTech to Aid Air Force Network +Sci/Tech,Unanet's Software Lets Managers Watch Work in Progress +Sci/Tech,Human chips more than skin-deep +Business,Google Wins Fans With IPO Gains +Sports,Gatlin Turns Sprinting Into Art +Sports,Fiesty Cubs Take Series +World,Britain #39;s Straw leaves for Sudan +Sci/Tech,New Fat-Busting Microwave Oven Unveiled (Reuters) +Sports,"Spain, Lithuania Go 5-0 in Men's Hoops (AP)" +World,Straw leaves for Darfur visit (AFP) +Business,KMart to Sell 18 Stores to Home Depot (Reuters) +World,Bahrain boils in summer power cut +Business,UPDATE:Philippine Officials Play Dn Arroyo Crisis Remark +Business,Singer amp; Friedlander First-Half Net Slips 9 on Costs (Update3) +Business,Country House Market Stages Recovery +Business,"Dollar Bounces; Eye on Data, Greenspan" +Business,Medarex to Start Phase III Trial +Business,"Alcoa, BHP Billiton to sell shares in Integris Metals IPO" +Sci/Tech,Morpheus claims landmark P2P legal victory +Sports,"Felix, Two Other US Women Advance in 200" +Sports,Police cadet faces charges in shooting death of soldier +Sports,Monty would be Lee #39;s wild man +World,British FM leaves for Darfur visit (AFP) +Sports,Atalanta fires coach +World,Impoverished families of Nepal hostages in Iraq desperate for details (AFP) +Business,EDS picks Siebel as its preferred CRM vendor +Business,Indian state-owned banks brace for a strike over pay +Business,UK #39;s Glaxo Says Wins Against Teva +Sports,GB team: Radcliffe wasn #39;t injured +World,Rebels Urged to Give Up Shrine +Sci/Tech,Transmeta bets on LongRun2 +Sci/Tech,TSMC files another patent suit against SMIC +Sports,Unhappy Holiday for Cal +Sci/Tech,E-Vote Machine Certification Process Criticized +Business,AUSTRALIA: Woolworths posts higher H2 profit +Business,Asian Stocks Rise as Oil Drops From Record; Honda Leads Advance +Sci/Tech,Pope condemns human cloning +Sci/Tech,Consumers Say Apple Should Share +World,Sudan denies need for AU peacekeepers in Darfur +World,Volkswagen Says 'No Room' for Wage Hikes (AP) +Business,Before-the-Bell: FedEx Up After Outlook (Reuters) +World,al-Qaida Tip Boosts Security in Honduras (AP) +Sports,Gatlin Turns Sprinting Into Art +Sports,Drama Queen Khorkina Sulks Into Retirement +Sci/Tech,iPod is the only clear winner? +Sports,"Soccer: We're No Symbol of Freedom, Iraq Coach Says" +Business,Before-the-Bell: FedEx Up After Outlook +Sports,Tsoumeleka Wins Greece's First Athletics Gold +Sports,Tennis: Chilean Alchemists Turn Dreams Into Gold +Sci/Tech,Nvidia to power next Sony console +Business,Pay-Per-View Revenue Boosts WWE Profit +Sports,Gatlin Beats Fastest-Ever 100M Field (AP) +Sci/Tech,IBM Targets Web Hosting as Key Growth Area (Reuters) +Sci/Tech,"Glaciers Shrink, But Some Resist Global Warming (Reuters)" +World,"Plan would split CIA, cut Pentagon control (Chicago Tribune)" +Sci/Tech,Musician #39;s Group Questions Pew Survey +World,Britain's Straw to Keep World Pressure on Sudan +Sports,"American Hits Wrong Target, Loses Gold Medal" +World,Afghanistan's Karzai in Pakistan for Terror Talks +Sports,N.L. Wrap: Ramirez Lifts Cubs Over the Astros +World,Iran Says Iraqi Government Risks Losing Support +World,Anxious Bangladesh Braces for More Protests +World,Bodies of WWI Austrian Soldiers Found in Glacier +Sci/Tech,Columbia disaster still haunts Nasa officials +World,Fatal blast rocks Turkish resort +Business,ARM to Buy Artisan Components for About \$913 Million (Update6) +Business,Oil Holds at \$47 as Iraq Resumes Exports +Business,KMart to Sell 18 Stores to Home Depot +Business,Choose #39;The Apprentice #39; +Business,Southwest to cut 88 flights in October +Sci/Tech,TSMC files another patent suit against SMIC +Sports,Radcliffe #39;was not injured #39; +Sports,Lithuania wraps up with 100-85 win over Australia +World,Chechens Mark Birthday Of Slain Leader Ahead Of Election +World,"Woman Moves in With 6,000 Scorpions" +Sci/Tech,Saving Room for Dessert May Help Dieters +Business,"FedEx Hikes Profit Forecast, Cites Demand" +Business,WHO Urges ASEAN to Curb Tobacco Trade +Sci/Tech,"On the Web, Branding Is Back" +Sports,Graham finally admits he #39;s coach who turned in THG syringe +World,Britain #39;s Straw to Keep World Pressure on Sudan +World,Israel plans 530 settler homes +World,"North Korea: Tyrant is Bush, not Kim" +World,Afghan president arrives in Pakistan +Sci/Tech,Leader: Has Lycos empowered the spammers? +Business,Wal-Mart Lowers August Sales Forecast (AP) +Business,Before-the-Bell: Wal-Mart Edges Lower +World,Yukos cuts 2004 oil production forecast (AFP) +World,Talks begin in Abuja on conflict in Sudan's Darfur region (AFP) +Business,GM Recalling Aveo Cars for Safety Belt Fix +Business,HBOS calls for bank tie-up probe +Sci/Tech,Fujitsu and Cisco Form Strategic Alliance for advanced Internet <b>...</b> +Sci/Tech,"ECM wares seize control of records creation, management" +Sci/Tech,Transmeta bets on LongRun2 +Sci/Tech,"EDS, Siebel partner for tailored business packages" +Sci/Tech,BEA readies app server package for ISVs +Business,Artisan Rallies on Buyout +Business,"Dollar gains, bonds sink" +Business,Yukos plunges on fears of asset sales +Business,Drug Approvals Spark Mylan Labs +Sci/Tech,You can make calls on your PC +Sci/Tech,AMD uses strained silicon on 90-nanometer chips +Sports,Gatlin #39;s gun fastest in historic shootout +Sports,Everton board meeting postponed +Business,Toys R Us Posts Second-Quarter Profit (Reuters) +World,"Sudan's rebels, government gather for talks on Darfur crisis (Canadian Press)" +Business,Toys R Us Posts Second-Quarter Profit +Business,"Federal Express Hikes Profit Forecast, Cites Demand" +Sci/Tech,'Ordinary names' to go into space +Business,Wal-Mart Lowers August Sales Forecast +Business,"FedEx raises first quarter, full-year outlook" +Business,Stocks to Watch on August 23 +Business,HBOS to complain over SCH Abbey bid +Business,"Transporters stir: ESMA invoked in Delhi, Gujarat" +Business,"Alcoa-Billiton venture, Integris Metals, to go public" +Business,Retail sales climb 0.2 +Sci/Tech,"Ready for Service Pack 2? Not so fast, XP Pro users" +Sci/Tech,DNA technique protects against #39;evil #39; emails +Sci/Tech,Online sales pass the \$15bn mark in the US +Sports,Russian gold medal winner tests positive +Sports,"Wood, Baker tossed in win over Houston" +World,Straw to demand more from Sudan +World,Volkswagen Says #39;No Room #39; for Wage Hikes +World,Germany Acquits Carlos the Jackal Aide +Sports,Dream Team Breezes Past Angola 89-53 (AP) +Business,Toys 'R' Us Swings to 2Q Profit (AP) +World,Equatorial Guinea prosecutor wants death for S. African 'mercenary' (AFP) +Business,Wall Street Set to Open Slightly Higher +World,"Israel Plans 530 Settler Homes, with U.S. Nod" +World,Blast in Turkish Resort City Kills One +World,Sex Scandal Rocks Hong Kong Politics +World,Mother of Dead UK Soldier to Sue Government +World,Radcliffe baffled by failure +Business,Kreme-Filled Earnings +Sports,Investigators Find Steroids +Business,"Kmart Delivers, Bad News for Bears" +Business,Wal-Mart lowers August sales forecast +Business,Toys #39;R #39; Us Swings to 2Q Profit +Business,ARM shares tumble on deal for chip firm +Business,Kerry attacks Bush overtime changes +Business,S amp;P revises outlook for India #39;s currency rating +Sci/Tech,Tekelec to acquire Steleus +Sports,"South Korean gymnast appealing judging error, Hamm hopes to hang <b>...</b>" +Sports,UK has Plan B for power forward +World, #39;Why the Bombings? #39; Ask Bangladesh Protesters +World,Sex Scandal Rocks Hong Kong Politics +Business,Wal-Mart Says August Sales May Be Little Changed (Update4) +Business,KMart to Sell 18 Stores to Home Depot +Business,Stocks Post Early Gains As Oil Is Steady +Sci/Tech,"Siebel, EDS Ink BPO Deal" +World,Sudan Rejects Africa Troop Offer at Darfur Talks (Reuters) +World,Ryu ends Chinese domination +Business,"FedEx Raises Forecast, Stock Climbs" +World,Northern Cyprus trade ban lifted +Business,Stocks Open Slightly Higher as Oil Eases +Business,Toys R us Posts Net Profit +Business,Southwest Airlines to Cut 88 Flights +Sports,"Basketball: U.S. Men Cruise Past Angola, 89-53" +Sports,Olympics: Greece Gets Instant New 'Immortal' +Sports,Owen Seeks New Challenge at Real Madrid +Sports,2006 Olympic Torch Relay Unveiled (AP) +Sci/Tech,Scientists Say Risk of Water Wars Rising (Reuters) +Business,Audit of Venezuelan vote backs Chavez +Business,Columnist quits over plagiarism +Sci/Tech,File-sharing software off legal hook +Sci/Tech,Western Drought Is Grounding Boaters +Sports,Elber blow for Lyon +World,Sudanese peace talks open +World,Afghanistan #39;s Karzai in Pakistan for terror talks +Sci/Tech,Google Yields More Than Fistful of Dollars +Business,Treasuries Lower in Data Vacuum (Reuters) +Business,Cartel inquiry claims Amcor chief +Sci/Tech,Mission Fantastic to Mars -- Part 1 +Business,Treasuries Lower in Data Vacuum +World,Sudan Rejects Africa Troop Offer at Darfur Talks +Business,YUKOS Cuts 2004 Forecast by 4.5 Percent +World,Nepal Opposition Calls for Truce to End Blockade +Sci/Tech,Postal Service seals big SAP deal +Business,Wal-Mart Lowers August Sales Forecast +Sci/Tech,ARM to buy designer of systems-on-a-chip +World,Norway Searches for Treasured Masterpieces +World,Abu Ghraib Judge Implores U.S. Over Case +World,Dream Team Breezes Past Angola 89-53 +World,Wal-Mart Sales Slump Sends Stocks Sliding +Sci/Tech,"Gateway's PCs, Notebooks Available at MicroCenter" +Business,"Santander to Cut 3,000 Jobs at Abbey After Takeover (Update1)" +Business,UK #39;s ARM to buy Artisan of US +Business,Toys R Us Swings to Profit +Sci/Tech,Drought In West Grounds Boaters +Sci/Tech,Lan switch sales looking good for 2004 +Sports,Radcliffe baffled by failure +Sports,Golf: Cink in command in winning NEC Invitational +Sci/Tech,Transmeta suffers hype and hardware reality +Sci/Tech,HP to manage IT for Finnish energy giant +Sci/Tech,"Cisco, Microsoft merge IP telephony with CRM" +Business,Playboy plan for a private lifestyle club in Shanghai +Business,"Toys quot;R quot; Us Posts 2Q Profit, Sales Fall" +Business,The Economy Is Killing Overtime +Business,Southwest Airlines to Cut 88 Flights +Business,FedEx Ups Profit Estimates +Sci/Tech,Macromedia wires up Flex Builder +Sci/Tech,Germans shun violent video games +Sci/Tech,Math concepts may be limited by language +Sports,Will Pruett come down on Herd now? +World,Fighting continues in Najaf amid shrine standoff +World,Volkswagen to Seek Wage Freeze in Contract Talks (Update4) +World, #39;Jackal #39; Accomplice Acquitted of Bombings +Sci/Tech,"Gateway's PCs, Notebooks Available at MicroCenter (Reuters)" +Sports,Basketball: U.S. Cruises Past Angola 89-53 +Business,Blue Chips Flat After Wal-Mart News +Business,US Won #39;t Wait Long In Airbus-Boeing Row +Sci/Tech,U.S. Weighs Creation of Geologic Trail (AP) +World,Israel Plans 530 Settler Homes with U.S. Acquiescence +Business,Wal-Mart Cuts Sales View; Stock Dips +Sci/Tech,Intel lops Pentium 4 prices +Sci/Tech,Transmeta Plans for the LongRun +Sci/Tech,"Gateway #39;s PCs, Notebooks Available at MicroCenter" +Sci/Tech,AT amp;T CallVantage Service To Be Available in More Than 600 Best Buy <b>...</b> +Sci/Tech,EDS picks Siebel as its preferred CRM vendor +Sci/Tech,TCEQ recommends changes to enforcement policies +Sports,Cink finally gets the monkey off his back +Sports,Defensive gem for Jays +World,"US planes bomb Najaf, hopes of peace fade" +World,Iraqis release kidnapped US journalist +World,George Bush is an quot;imbecile quot; says North Korea +World,Kremlin candidate for Chechen presidency set to win +World,Foreign leaders commemorate centenary of Deng Xiaoping #39;s birth +Sci/Tech,An Open Music Platform +Sports,Birdie Helps Woods Retain Top Ranking (AP) +World,"'All Aboard' France's Artouste Express, France's highest-altitude train (AFP)" +Sci/Tech,Windows Upgrade Causing Campus Headaches (washingtonpost.com) +Business,Finding Friends Foes (Forbes.com) +World,British energy expert alerts Ont. to failures in hydro restructuring (Canadian Press) +World,Race row as Mbeki blood rejected +Business,Toys R us Posts Operating Loss +Business,Dollar Rebounds as Oil Prices Ease +World,Nepal Confirms Its Nationals Kidnapped in Iraq +Business,Yukos cuts output to save money +Business,Rethinking Big Pharma +Business,Toys R us Posts Operating Loss +Business,Woolies in top-shelf profit +Business,Plot Advanced in Kmart Real Estate Story +Business,Schering Exercises License Option +Business,China demand boosts metal recycler +Sci/Tech,Macromedia Rolls New Flex Builder Tool +Sci/Tech,Stereo sun birds study space weather +Sci/Tech,OmniWeb browser takes aim at minority Mac market +Sports,Korzhanenko Stripped of Medal +Sports, #39;Dream team #39; beat improved Angola +Sports,An arena fit for a king +World,"Sudan #39;s rebels, government gather for talks" +World,"Bush a tyrant, declares Pyongyang" +World,Power failure hits Bahrain +World,Nepal confirms abductions in Iraq +World,Almost Perfect: U.S. Wins Softball Gold +World,Abu Ghraib Judge Implores U.S. Over Case +World,Stocks Fluctuate on Wal-Mart Sales News +World,The Lessons of Najaf +World,A New Manhunt in Pakistan +Business,"Spanish takeover will mean 3,000 Abbey job cuts" +Business,WWE Nearly Triples 1Q Profit +Business,"FedEx raises outlook to \$1 to \$1.10 per share for quarter, full <b>...</b>" +Business,Russia #39;s Yukos cuts 2004 oil output forecast +Business,Oil price pain kicks in +Sci/Tech,Windows Upgrade Leads to Campus Headaches +Sci/Tech,Wireless Solution Illustrates Success of Unorthodox Strategies +Sci/Tech,Canon cashes in on digicam boom +Sci/Tech,BEA targeting ISVs with latest WebLogic package +Sci/Tech,Vonage VoIP service +Sci/Tech,Microsoft to join battle of the beats with music store +Sports,Gatlin wins sprint classic... by 0.01 seconds +Sports,Sturrock and Southampton part ways +Sports,Giant-Killers Claim Bundesliga Scalps +Sports,American leads early in decathlon +Business,Virgin axes route as fuel soars +Sports,COULTHARD CRITICISES SPA CHANGES +Business,Google slammed for corporate sleaze +World,Nepal: More Violence on Day Six of Rebel Blockade of Capital +Sci/Tech,RealNetworks Doesn #39;t Rock +World,Grenade deaths fuel violence +World,Kidnapped US Journalist Released +World,"Fears, prices soar as blockade tightens" +World,Karzai to arrive Pakistan +Sci/Tech,Linux may power South Korean schools +Sci/Tech,Microsoft Sends Digital Business Cards +Sci/Tech,"Don #39;t ditch that home phone for VOIP service just yet, experts <b>...</b>" +Sports,Tears Flow as British Hail Plucky Loser Paula +World,US deserter starts life in Japan +World,Mexico Arrests Major Drug Trafficker (AP) +Business,Toys R Us Posts Operating Loss +Sports,Greece Hails New 'Immortal' Heroine +World,Spanish press fury over Eta bombs +Business,Blue Chips Flat After Wal-Mart Forecast +World,Rocky way ahead of Karzai to implement ambitious agenda +Business,Is Monster for Sale? +Sci/Tech,\$1bn to build unmanned fighter +Business,President admits country in fiscal crisis +Business,"Update 1: Yukos Cuts Output Forecast, Shares Fall" +Business,Toys quot;R quot; Us Swings to 2Q Profit +Business,"UPDATE 4-UK #39;s ARM buys Artisan for \$913 mln, shares fall" +Sci/Tech,BEA packages Web application tools +Sci/Tech,EDS Joins Siebel Systems #39; New Global BPO Alliance Program +Sports,Everton board meeting postponed +Sports,Pin mania has swept the Games +Sports,BRUCE: SAVAGE HAS NO CASE TO ANSWER +Sports,Dumais advances in 3m springboard; Despatie top qualifier +Sports, #39;Russian roulette #39; Olympics death +World,US steps up pressure on Shiite militants in Najaf +World,Sudan Peace Talks Open in Nigeria +Sci/Tech,News: Meet the Peeping Tom worm +Sci/Tech,Otto Group Sells Stake in Travelocity Europe (Reuters) +World,"Santander Plans 3,000 Job Cuts at Abbey (AP)" +Sports,The U.S. Grabs the Gold in Softball +Business,Toys R Us Posts Operating Loss +Sci/Tech,Water Rises in Great Lakes After Near Record Low (Reuters) +Business,YUKOS Cuts 2004 Forecast Due to Tax Row +World,"Taiwan Issues Typhoon Warning, Markets to Close" +Business,Supreme Court should end legacy of Prohibition +Business,In the throes of a crisis +Sci/Tech,Macromedia Delivers Flex Builder +Sci/Tech,BEA #39;s WebLogic Bolsters Partners #39; Offerings +World,Judge demands faster action on Iraqi prison abuse investigations +World,Kenya #39;s #39;first #39; graft conviction +Business,"Chavez Cannot Unite Divided Venezuela, Foes Say" +Business,Stronach mum on Tobin +Sci/Tech,Forrester report: US online retail sales to top \$300B by #39;10 +Sci/Tech,Microsoft #39;s multicultural missteps +Sports,US May Support Duplicate Gold for Korea in Olympic Gymnastics +Sports,"Olympics: Soldier Shot Dead, Policeman Held" +World,Impoverished families of Nepal hostages in Iraq desperate for <b>...</b> +World,Equatorial Guinea Trial Begins for Alleged Coup Plotters +Sci/Tech,News: Windows Upgrade Causing Campus Headaches +Sports,Willingham Won't Return to Kansas State (AP) +Sci/Tech,Motorists Look for Cheap Gas on Internet (AP) +World,Iran Says It's Not Backing Radical Iraqi (AP) +World,Pakistan Raids Terror Hideout; 4 Killed (AP) +Sci/Tech,Cisco to Buy P-Cube for About #36;200 Million (Reuters) +Business,"FedEx Raises Forecast, Stock Climbs" +Business,Oil Eases as Iraq Resumes Exports +World,Norway Searches for Treasured Masterpieces +World,Almost Perfect: U.S. Wins Softball Gold +World,GOP Protesters Refused Use of Central Park (AP) +Sports,Barbour makes decisive move Donors come up with much of the money +Business,Wal-Mart Sales Slump Keeps Stocks Muddled +Sci/Tech,BEA Pares WebLogic for ISVs +Business,Obesity Solution: Nuke It +Sports,UPDATE 1-Birmingham #39;s Savage banned for three games by FA +Sports,K-State guard Willingham won #39;t be back +Sports,SCOTS #39; DOUBLE DATE WITH AUSSIES +World,Straw flies to pressure Khartoum +Sci/Tech,Researchers Work on Predicting Rainfall (AP) +Sci/Tech,"Online sales continue to rise, up 23.1 from a year ago" +Sci/Tech,SiliconValley.com: Microsoft to launch online music store this <b>...</b> +Sports,Paula weeps over marathon failure +World,Singapore will not change quot;one-China quot; policy: PM +World,Teenager Killed in Resort Blast +Business,"Santander To Cut 3,000 Jobs" +Sports,Rossi In At Atalanta +Sci/Tech,Software maker exposes hidden data +Sci/Tech,Best Buy to sell AT T's Internet phone service +Sci/Tech,"Cisco, Microsoft step up small-business push" +Sci/Tech,EMC rolls out new content integration software +Sports,2 Davids Lead Georgia to Preseason Top 5 (AP) +Sports,Baseball Players Union Meets in Valley +Sci/Tech,Microsoft Sends Digital Business Cards (PC World) +Sci/Tech,Salesforce.com Surges (The Motley Fool) +Business,Wal-Mart Lowers August Sales Forecast +Business,HBOS voices Abbey concerns +Business,Arroyo mulls declaring #39;state of fiscal crisis #39; +Business,The P word +Business,Wal-Mart #39;s Roller-Coaster Summer +Business,US blue chips flat as Wal-Mart forecast weighs +Business,ARM Acquires Artisan for \$913M +Sports,Wigley relishes challenge +Sports,Another strong showing from Fernandez duo. +Sports,US basketball stars rout Angola +Sports,Canadians Felicien and Whyte advance to 100-metre hurdles final on <b>...</b> +Business,Battle engaged over new OT rules +Business,Stronach offers no answers on Tobin departure from Magna +Sci/Tech,Cisco to Buy P-Cube for About \$200 Million +Sci/Tech,Gateway Computers To Be Sold through Micro Center +Sci/Tech,Best Buy to sell AT amp;T #39;s Internet phone service +Sci/Tech,Virgin Mobile UK Ramps Up Data Strategy +Sports,Paula devastated over marathon agony +Sports,Rowers to be punished for criticism of teammate +World,Judge wants speed on Abu Ghraib evidence +World,Man Finds 3 WWI Troops' Bodies in Glacier (AP) +World,Standard Poor's Raises India's Outlook (AP) +Business,"FedEx Boosts Profit Forecast, Stock Jumps" +Sports,Ecclestone counters courts with cash offer. +Business,Court OKs Air Canada Restructuring Plan +World,Wal-Mart Sales Slump Keeps Stocks Muddled +Business,Report: Southwest to cut 88 flights; local impact unclear +Business,"Australia Virgin Blue ups fuel charge, axes route" +Business,"Corporate directors seek tax break, say fees not #39;employment <b>...</b>" +Sci/Tech,A Google Cheat Sheet +Sci/Tech,P2P Networks Score Legal Victory Against Studios +Sci/Tech,Boeing Adds iPass to Wi-Fi Service +Sci/Tech,Judges get nervy about music cases +Sports,"Games Rock Athens, Thousands Party Nightly" +World,Judge Raps US over Abuse Probe Delays +World,Somalis celebrate new parliament +World,Pakistan Says Kills Militants as Karzai Visits +World,Volkswagen Lays Gauntlet at German Union #39;s Feet +World,Congo Ex-Rebel Group Pulls Out of Government +Business,Inflation Inches Its Way Back Into Hong Kong's Economy +Business,Oil Troublesome Says a Fed President +Sports,Teen's Goal Gives U.S. Shot at Soccer Gold (AP) +Sports,U.S. Women Battle Into Olympic Final +World,U.S. Women Will Play for Gold After Upsetting Germany in Overtime +World,Minister Urges Imams to Speak French (AP) +Sci/Tech,Motive aims to head off system glitches +Sci/Tech,Briefly: Holiday Inn welcomes Priceline +Sci/Tech,Nokia lands \$30 million deal from Hong Kong cell firm +Business,Court OKs Air Canada Restructuring Plan +Business,Kmart Sells 18 Stores To Home Depot +Sci/Tech,Cisco Systems Buys P-Cube +Sci/Tech,Northrop lands \$408M Army deal +Sci/Tech,New worm takes your picture +Sci/Tech,New EU Competition Chief Gave Honorary Degree To Gates +Sports,Olympics: Marathon saps the toughest +Sports,Chicago Cubs Team Report - August 23 +Sports,Kansas State guard leaves team +Sports,Blues won #39;t appeal Sav ban +World,Family has few comments on freed US journalist +World,Swat teams at ready at Australia #39;s small rural airports +World,Man Finds 3 WWI Troops #39; Bodies in Glacier +Business,Filipino president warns of fiscal crisis +Business,Southwest to Shift Flights to Philadelphia +Business,ARM Buys US Semiconductor Group Artisan for \$913 Million +Business,"Yukos Cuts Oil Output Target, Spending on Tax Bill (Update1)" +Business,Startup teams with Sun on enhanced 10G Ethernet +Sci/Tech,Cisco buys P-Cube for \$200m. +Sci/Tech,Microsoft readies CD launch of SP2 +Sci/Tech,The Fog of Spam War +Sci/Tech,RIAA Grinds Down Individuals in the Courtroom +Sports,Gatlin gun fires in a rage +Sports,US women into final +Sports,Two US runners reach 100 hurdles final +World,New twist appears in Somali peace talks after assembly inaugurated +Business,Oil Troublesome Says a Fed President (Reuters) +World,"Pakistan, Afghanistan vow to curb terrorism as Karzai meets Musharraf (AFP)" +Sports,Sutton: Cink Proves Ryder Cup Mettle with Win +Sci/Tech,Calif. Plan Aims to Add Solar Energy to Homes (Reuters) +Sci/Tech,"Ancient Mask, 'Olympic' Ring Found in Thracian Tomb (Reuters)" +World,US pledges more aid to Nigeria to fight HIV-AIDS (AFP) +Sci/Tech,Macromedia Launches Flex Builder Tool +Sports,Savage Blow for Blues +Business,Trucking Firm Takes a Tumble +World,Teen's Goal Gives U.S. Shot at Soccer Gold +World,Bush Denounces Ads by Outside Groups +World,Wal-Mart Sales Slump Keeps Stocks Muddled +World,Munch Theft Focuses on Museum Security +Business,The Next Chapter for Toys quot;R quot; Us +Business,UPDATE 1-Oil troublesome but recovery intact -Fed #39;s McTeer +Sci/Tech,Virus alert: Spies prize webcams #39; eyes +Sci/Tech,Broadcaster Sues EDS Over CRM Contract +Sci/Tech,P2P Networks Score Legal Victory Against Studios +Sci/Tech,MSN music vs iTunes +Sports,May-Walsh beat McPeak-Youngs in Olympic semis +World,Judge: No Iraq abuse photos ban +Sci/Tech,Scientists Focus on Algae in Maine Lake (AP) +Sci/Tech,Shifting Channel May Benefit Lighthouse (AP) +World,Pakistan Won't Let Militants Disrupt Afghan Poll +World,Straw to press Sudan over Darfur +Sci/Tech,Virus alert: Spies prize webcams' eyes +Sci/Tech,Cisco beefs up broadband offering +Sci/Tech,Windows XP SP2 respite to end +Business,Lessons from Google IPO +Business,"UPDATE 4-El Paso sees \$2.7 bln drop in oil, gas asset value" +Sci/Tech,Flaws and a Delay for XP SP2 +Sci/Tech,Fat-reducing microwave unveiled +Sports,"Yes, even if South Korea did not file a protest during the event" +Sci/Tech,Reciprocal Link Scams +Sci/Tech, Students Follow the Music to Apple Laptops +Sports,Eagles Bring Back Dorsey Levens (Reuters) +Sci/Tech,Boeing deal makes skies friendly for WiFi users (AFP) +Sports,Stanley Cup Disappears in Airport Mishap (AP) +World,Pakistan won't let militants disrupt Afghan poll (Reuters) +Sci/Tech,Cisco to spend 200 million dollars for Internet phone firm (AFP) +Sports,U.S. Grabs the Gold in Softball +Business,El Paso Sees \$2.7 Bln Drop in Assets +Sports,Eagles Bring Back Dorsey Levens +Business,"Dollar Rallies on Oil Drop, Awaits Data" +Business,Fed President Calls Oil Troublesome +Business,Unions Protest New Overtime Regulations +Business,Eyeing a Discount on Hastings +Business,California's Casino Boom +Business,GMA admits RP in fiscal crisis +Business,HBOS complains about Santander #39;s takeover bid for Abbey National +Business,Wal-Mart cuts August forecast +Sci/Tech,Intel Seen Readying New Wi-Fi Chips (Reuters) +Sci/Tech,Boeing Adds iPass to Wi-Fi Service (NewsFactor) +Sci/Tech,Gateway Computers To Be Sold through Micro Center (NewsFactor) +Sci/Tech,Oracle To Begin Monthly Patch Release (NewsFactor) +Business,"FedEx Boosts Profit Forecast, Stock Jumps" +Business,Intel Seen Readying New Wi-Fi Chips +World,Ex-Rebel Group Pulls Out of Congo Government +World,Wariner Leads U.S. Sweep of 400 Meters +World,Bush Denounces Ads by Outside Groups +World,Abu Ghraib Soldier Admits to Some Charges +World,U.S. Increases Pressure on Najaf Rebels +Business,"Santander To Cut 3,000 Jobs at Abbey" +Business,Eyeing a Discount on Hastings +Business,Southwest to cut 88 flights +Business,S amp;P upgrades India currency rating outlook +Business,Truckers #39; strike to continue +Sci/Tech,Cisco Systems to acquire P-Cube +Sci/Tech,Macromedia Releases Flex Builder +Sci/Tech,Morpheus Wins Legal Victory +Sports,Exhausted Massu rallies past Fish to claim gold +Sports,Russians deny Everton bid +Sports,Andy Gray on Arsenal +World,Judge Urges US to Speed Abu Ghraib Case +World,N. Korea calls Bush #39;political imbecile #39; +World,Iraqis risk death to bury the dead +Sci/Tech,Intel Seen Readying New Wi-Fi Chips +Sci/Tech,Intel Seen Readying New Wi-Fi Chips This Week +Sci/Tech,Some Twists in Music Piracy Lawsuits +Sci/Tech,Briefly: HP inks deal with energy firm +Sci/Tech,HP inks deal with Finnish energy firm +World,"Bush, Kerry camps spar over new overtime pay rules (AFP)" +Business,"Phillipines in Fiscal Crisis, May Face Economic Collapse" +Business,A New \$3Bln Tax Claim Looms Over Yukos +Business,"FedEx Boosts Profit Forecast, Stock Jumps" +Business,Trucking Firm Takes a Tumble +Business,Kmart/Home Depot close the deal +Business,Stocks Open Slightly Higher as Oil Eases +Sci/Tech,Boeing deal makes skies friendly for WiFi users +Sci/Tech,Postal Service to use SAP +Sports,== Wariner #39;s gold leads US to sweep in men #39;s 400 meters === +Sports,Sports Fund Denies Zingarevich in Bid for Everton +Sports,Hungary #39;s Fazekas breaks Olympic record to win discus gold +World,Security upgrade for airports +Sci/Tech,Celebs Aiding Anti-Bush Web Campaign (AP) +World,Berlusconi visit to Libya to proceed despite Islamist threats (AFP) +Business,"Blue Chips End Lower, Wal-Mart Weighs" +Business,Can 2 Wrongs Make Cingular Right? +Business,New Overtime Rules are in Effect +Business,Update 8: Wal-Mart Lowers Sales Forecast for August +Sci/Tech,Cisco Grabs P-Cube for \$200 Million +Sci/Tech,Intel lops Pentium 4 prices +Sports,McMann loses in finals as US women #39;s wrestlers settle for two <b>...</b> +Sports,May/Walsh advance to gold-medal match +World,Washington #39;s recipe for lawlessness +World,Kadyrov #39;s Birthday Celebrated +Sci/Tech,Deepest Image of Exploded Star Uncovers Bipolar Jets +Sci/Tech,Kraft Foods Orders Up Healthier Array of Snacks +Business,Googles Googly +Business,Oil Prices Cool As Iraqi Crude Flows +Business,A Primer on Stagflation +Business,Longaberger reduces layoff plans to 784 +Sci/Tech,Cisco pays \$200 million for software IP developer P-Cube +Sci/Tech,iPass Adds In-Flight Access To Portfolio +Sci/Tech,Macromedia offers Flex Builder +Sci/Tech,New Worm Hijacks Webcams +Sci/Tech,Pilots to pluck space capsule from air +World,Judge warns US government to speed up Abu Ghraib probe +World,Equatorial Guinea Prosecutor Wants Death For S. African #39;mercenary <b>...</b> +Sci/Tech,German bank customers victims of Internet fraud (AFP) +Business,Amcor ousts CEO in cartel scandal +World,Head of Danish festival jury calls for pan-European distribution firms (AFP) +Sports,Cards' Eldred Likes Relief Pitching Role (AP) +World,"Winnipeg couple charged with kidnapping, sexually assaulting niece, 12 (Canadian Press)" +Sports,"Olympics Wrap: U.S. Sweeps 400m, Holmes Wins Gold" +World,N.Y. Touts Its Convention Security (AP) +Business,SAS Says 2.5M Passengers Flew in November +World,Peterson's Ex-Mistress Cross-Examined +World,Study: 1 in 3 Adults Has Hypertension +Business,Oil rebounds above \$47 +Business,Union: US Air Talks with Pilots Break Off +Sci/Tech,Sun Is Closer Than We Thought +Sports,Olympic Track Wrap: Holmes Ends Mutola #39;s Dream +Sports,Russians deny interest in Everton +Sports,Sorry Sonia Trails in Last +World,Death demanded for South African #39;mercenary #39; in E Guinea coup bid +Business,Blue Chips Slip as Wal-Mart Disappoints +Sports,Flames' Kiprusoff Wins Arbitration Case (AP) +Business,Cude Oil Prices Flat +Business,Financial markets +Business,"Blue Chips End Lower, Wal-Mart Weighs" +Business,Google #39;s IPO: Success or failure? +Business,Amcast sells aluminum castings business to Park-Ohio +Business,US dollar moves in tight range against major currencies in Asian <b>...</b> +Business,Kmart sells 18 stores to Home Depot +Sci/Tech,Macromedia Ships Flex Development Tool +Sci/Tech,New Worm Hijacks Webcams +Sci/Tech,US Online Retail Sales Expected To Double In Six Years +Sports,USC #39;s First 2004 Olympic Medalist +Sports,City: Cubs Ballpark Is OK To Play +World,Captive American Journalist Freed in Iraq +Business,Sun partners for high-speed Ethernet +World,"Norwegian police hunt for motive, robbers in Munch art theft (AFP)" +Sports,Ex-Hornets Executive Sentenced for Fraud (AP) +World,Witnesses: U.S. Warplanes Bomb Fallujah (AP) +World,Air India case: roommate of Crown star witness forgets previous testimony (Canadian Press) +World,Layton says he and Martin agree they must co-operate in House (Canadian Press) +World,Negative Attacks Often Prove Effective (AP) +World,GOP Convention a Stage for George Pataki (AP) +Business,U.S. Airways Pilots Say Labor Talks Break Down +Sci/Tech,Study Shows 1 in 3 Adults Has Hypertension +Sci/Tech,Briefly: Friendster hires ex-AOL ad exec +Sci/Tech,Virus targets 64-bit Windows +Sci/Tech,U.S. Forest Service to cut IT jobs +Sci/Tech,Intel seen readying new Wi-Fi chips +Sci/Tech,SAP to deliver HR upgrade for U.S. Postal Service +Sci/Tech,Windows XP SP2 rollout to resume Wednesday +Business,Cartel inquiry claims Amcor chief +Sci/Tech,Big German banks hit by phishing attacks +Sci/Tech,HP to manage IT for Finnish energy giant +Sci/Tech,"Cisco, Microsoft merge IP telephony with CRM" +Sci/Tech,Sun partners for high-speed Ethernet +Business,"Colgate Plans to Cut About 4,400 Jobs" +Sci/Tech,New Web Site Helps Compare Gasoline Prices +Sci/Tech,Some Strange Twists in Music Piracy Lawsuits +Sci/Tech,Los Angeles Imposes Regulations on Cybercafes +Business,Oil prices cool +Business,HBOS Sounds Alarm over Santander-Abbey Deal +Business,"Bush, Kerry camps spar on overtime" +Business,Redesigned Saturn VUE Passes Rollover Test +Business,US Airways Talks with Pilots Collapse +Business,ARM Grasps Artisan for Embedded Chips +Business,US to sell \$24 billion in 2-year notes on Wednesday +Sci/Tech,SAP to deliver HR upgrade for US Postal Service +Sci/Tech,BEA Systems Ships All-In-One App Platform For ISVs +Sci/Tech,Cisco Ties Microsoft CRM to Your Phone System +Sci/Tech,Introducing Playlist +Sports,Gold medal for Cuban Yumisledi Cumb +Sports,Wariner claims superb gold +Sports,Sebrle soars as Americans struggle in first day of decathlon +World,Sources: Israelis have plans for more housing units +Sci/Tech,Google Launches Beta Version of its own GMail Notifier +Sci/Tech,Lycos Releases Two New Search Tools +Sci/Tech,FaganFinder Search Engine Launches URLinfo +Sci/Tech,Chinese handset makers lose ground (FT.com) +Sports,U.S.-Brazil Vie for Gold in Women's Soccer +Sci/Tech,Migrating Storks Die in Israel Chemical Waste Pool (Reuters) +World,"Karzai Meets With Musharraf Over Economy, Terrorism" +Business,Google: The Scorecard +Business,Putin says Russian oil companies are increasing production +Business,Ontario court OKs Air Canada restructuring +Business,Small Index Gains Across The Board +Sci/Tech,Gene Tweaking Turns Couch Potato Mice Into Racers +Sci/Tech,Cisco and Microsoft CRM Team for Medium Businesses Integrated <b>...</b> +Sci/Tech,Sophos: Worm Spies on Innocent Computer Users +Sci/Tech,US Online Sales To Top \$300 Billion By 2010 +Sci/Tech,Logicalis Acquires IBM Business Partner STI For \$90 Million +Sci/Tech,AOL IM becomes #39;Millionaire #39; friend +Sports,Ahead of the pack +World,Volkswagen lays gauntlet at German union #39;s feet +World,"Colombia, rebels spar over prisoner swap" +Sci/Tech,Cisco to acquire P-Cube for \$200 million +Sci/Tech,Wi-Fi brings broadband to rural Washington +Business,Wal-Mart spooks US traders +Sci/Tech,Call Of The SMB: Cisco Ties VoIP To Microsoft CRM +Sci/Tech,Logicalis Goes On Buying Binge +Sci/Tech,AOL glitch causes info mix-up +Sports,Wariner leads US sweep in 400 +Sports,Varitek Drops Appeal of Suspension (AP) +World,"US dismisses North Korea's personal attacks on Bush as ""inappropriate"" (AFP)" +World,Federal parties strike deal on overhauling Supreme Court nominations (Canadian Press) +Sci/Tech,Group Unveils Genetically Engineered Mice (AP) +Business,Government: Gasoline Rose to \$1.884/gal +Sports,Calgary's Kiprusoff Wins Big in Arbitration +World,E. Europe's low costs erode Germans' 35-hour workweek +Sports,Macey surges into fourth +Sci/Tech,"Netgear, Vonage gear up for VoIP over Wi-Fi" +Business,"With nowhere better to go, hedge funds stay in oil" +Business,RP already in midst of fiscal crisis -- Arroyo +Business,Wal-Mart warning dents Wall Street rally +Business,Court OKs Air Canada restructuring +Business,UPDATE 2-SBC Communications files \$15.5 bln mixed shelf +Business,Southwest to cut flights to increase profits +Sci/Tech,SAP gains \$35 mln Postal Service deal +Sci/Tech,Report says Virtually All Big Companies Will Outsource Security By <b>...</b> +Sci/Tech,Chips help techs inch higher +Sci/Tech,Transportation IT Spending Projected To Grow +Sci/Tech,Intel Slashes Processor Prices +Sci/Tech,Advertisers find a demographic gold mine: fantasy sports +Sci/Tech,Voyeur Virus +Sports,A hunter is hunted down in 800 +Sports,Athlete Analysis +Sports,Seahawks linebacker Chad Brown breaks ankle; out for eight weeks +World,Bird Flu Will Take Several Years To Contain In Asia +Business,Monday #39;s Commodities Roundup +Business,President Gloria Arroyo: Philippines in Midst of Fiscal Crisis +Business,ARM Buys Artisan +World,Holmes takes brilliant gold +World,U.S. Forces Step Up Pressure on Rebels in Najaf +Business,"Blue-Chip Stocks, Bond Prices, Oil Drop" +Business,Toy firm enjoys return to profit +Business,Democrats criticize new overtime pay rules +Business,"Update 1: Vote Set on Deal Between BFGoodrich, Labor" +Sci/Tech,Microsoft Offers Second Method To Block XP SP2 Updates +Sci/Tech,iPass Takes Flight with Boeing +Sci/Tech,Intel Seen Readying New Wi-Fi Chips This Week +Sci/Tech,Spies prize webcam #39;s eyes +Sports,"Paula undecided on 10,000 finals after marathon cry-out" +Sports,"Seahawks #39; Brown breaks his leg, expected to miss four games" +World,Israel accelerates settlement drive as Sharon pushes on with Gaza <b>...</b> +Sports,Richardson to Appeal Lawsuit Dismissal (AP) +Business,US Airways Talks with Pilots Collapse +Sports,Gymnastics: 'People Power' Stops Games Event +World,Wariner Leads U.S. Sweep in 400 +World,Group Creates Engineered 'Marathon Mice' +World,U.S. GIs Step Up Pressure on Najaf Rebels +Business,"Cingular, AT amp;T Settle Branding Deal" +Sports,Gatlin ushers in a new era +Sports,Richardson deciding whether to appeal +World,"Bangla Opp march attacked, 25 hurt" +World,Militants Hold Out in Najaf +Business,Google Will Change Little on Wall Street +Business,"Toys R Us posts operating loss, sales decline" +Business,UPDATE 2-US Airways talks with pilots collapse - union +Business, #39;); //-- gt; Eye On Stocks +Sports,Tightest finish in Olympic history +Sports,Angry fans in gymnastics protest +World,China denies pigs have lethal strain this year +Sports,Vick Misses Practice With Tight Hamstring (AP) +World,Ex-Worker Sues RNC for Discrimination (AP) +Sci/Tech,"On red planet of life, blue screens of death" +Sci/Tech,"Netgear, Vonage gear up for VoIP" +Business,Oil price drops after Iraqi production resumes +Business,"Seattle Times Writer Admits Plagiarism, Resigns" +Sci/Tech,Postal Service Turns To SAP For HR +Sci/Tech,AT amp;T Partners with Best Buy To Push VoIP +Sci/Tech,Fantasy Leagues Attract Money From Advertisers +Sci/Tech,Documentum ECI Steps Up Content Management +Sports,Southampton look to Houllier after Sturrock is shown the door +Sports,Cavs assistant coach dies at 41 +Sports,Rain drowns Australian-India at Amstelveen triangular +World,North Korea Says Talks with U.S. Are Pointless (Reuters) +World,"Security review to focus on threats to parliamentarians, judges, staff (Canadian Press)" +Sports,"Olympics: 'People Power' Stops Games Event, Holmes Wins" +Sci/Tech,Cisco buys IP provider P-Cube +Sports,Hewitt beats Muller to take 3rd title of season +Sci/Tech,Blue screens on red planet +Sci/Tech,"HP readies TVs, media hub products with DRM" +Business,Oil Won't Derail U.S. Expansion -Bernanke (Reuters) +Sci/Tech,Red Roof Inns to Get Wi-Fi Hotspots (AP) +Sports,Bucks Re-Sign Forward Toni Kukoc (AP) +Sports,Kostanic Upsets Maleeva at Pilot Pen (AP) +World,Anti-Gay Marriage Amendment Off Ballot (AP) +Sci/Tech,IOS changes could alter face of Cisco routers +World,Wal-Mart Lowers Sales Forecast for August +Business,Google critics wrong to label IPO quot;disaster quot; +Business,Shares fall nearly a fifth as microchip designer struggles to <b>...</b> +Business,Toys #39;R #39; Us still selling toys +Business,Court Approves Air Canada Restructuring +Business,"Vote set on tentative deal between BFGoodrich, labour" +Sci/Tech,GM #39;marathon #39; mice break distance records +Sci/Tech,VoIP Discovers SPIT (Spam over Internet Telephony) +Sports,Franchitti peaks in Colorado +Sports,United States upsets Germany to move to soccer semifinals +Sports,Davenport wins fourth straight title +Sports,"Beach Volleyball: US Unbeaten, Brazil Chase Double" +World,New atrocities in Sudan as UN deadline looms +World,Pakistan says kills militants as Karzai visits +World,Volkswagen rules out pay rises for two years +World,Dozens dead in Chechnya +World,Guantanamo hearings to give only restricted view of Bin Laden <b>...</b> +World,Mexican Judge Halts Extradition of ETA Suspects (Reuters) +Business,Oil Won't Derail U.S. Expansion -Bernanke +World,Key Alaska Senate Initiative Placed on Ballot (Reuters) +Sci/Tech,"HP readies TVs, media hub products" +Business,HBoS fires broadside at Spanish galleon +Business,The Investment Column: Chief goes but S amp;F remains a buy +Sci/Tech,Best Buy plans to sell AT amp;T VoIP service +Sci/Tech,Micro Center to sell Gateway products +Sci/Tech,Canon launches 8.2megapixel SLR digital camera +Sci/Tech,"On red planet of life, blue screens of death" +Sports,Lowe is ruthless and clueless +World,"North Korea Nuclear Talks Still Planned, US Government Says" +World,"Focus on Asian bird flu outbreaks, not pigs: WHO" +World,Abortion ship sails for Portugal +Business,Woolworths H2 earnings jump 12 on cost savings +Sci/Tech,"Cisco, Microsoft Target SMBs with CRM Tool" +Sci/Tech,Canon #39;s digital delight +Sci/Tech,Mars Odyssey to voyage into future +Sports,Event of the Day -- Women #39;s beach volleyball +Sports,Rangers hit as Rae loses out +Sports,Slater tumbles in beam final +World,People and Politics / How to win the Jewish vote +Sci/Tech,Hong Kong passion for mobile phones could end dating woes (AFP) +Business,US stocks mostly lower on disappointing Wal-Mart sales forecasts +Business,Helping or Hurting Workers? +Sci/Tech,New computer virus for voyeurs +Sports, #39;I felt I #39;d let everyone down. But nobody was hurting inside as <b>...</b> +Sports,Holmes grabs gold in nick of time +Sports,American women win softball gold then look human +Sports,Conner Sounds Off On Hamm Medal Dispute +Sports,Ructions in Australian rowing eight +World,Darfur crisis: Will new peace talks succeed? +World,Suspected mercenaries on trial in Equatorial Guinea +World,Australian Terrorist Suspect Hicks Faces US Military Tribunal +World,Army commandos launch operation against militants +Sci/Tech,Briefly: AOL signs up for Omniture traffic tool +Sci/Tech,AOL signs up for Omniture traffic tool +Sci/Tech,"On Mars, no life yet, but plenty blue screens of death" +World,Mud the New Menace at Diana Fountain (AP) +Sports,Ogunleye Joins Bears With Eye Toward Sacks (AP) +Sports,"Olympics: 'People Power' Stops Games Event, Holmes Wins" +Business,Oil Won't Derail U.S. Expansion -Bernanke +Business,Nikkei Opens Higher on Lower Oil Prices +Business,Oil Won't Derail U.S. Expansion -Bernanke (Reuters) +Business,Nikkei Opens Higher on Lower Oil Prices (Reuters) +World,Judge Urges U.S. to Speed Abu Ghraib Case (AP) +Sci/Tech,Group Creates Engineered 'Marathon Mice' (AP) +World,More Troops Leave El Salvador for Iraq Amid Threats +Sports,"NBA Today: Jefferson, Kidd Rock Raptors" +Business,Yukos Forced to Slash Production +Business,UPDATE 1-Court clears Air Canada restructuring plan +Sports,Wigley replaces Sturrock at Saints +Sports,Everton Rejects Newcastle #39;s 20 Million Pound Offer for Rooney +Business,Overtime cut undermines workers +Business,AT amp;T Wireless name to disappear +Sports,Fastest man! +Sports,Cink wins NEC Invitational +Sports,Hewitt in 5th gear +World,Equatoguinean quot;mercenary quot; trial starts without Zimbabweans +Business,Oil Won't Derail Expansion -Fed Officials (Reuters) +Business,"Dollar Holds Gains, Fed Comments Help (Reuters)" +World,Tokyo Stocks Higher; Dollar Up Against Yen (AP) +Business,Oil Won't Derail Expansion -Fed Officials +World,Documentary Focuses on Kerry in Vietnam (AP) +Sci/Tech,Scientists to Study the Genes of Soybeans (AP) +Business,Oil Won #39;t Derail Expansion -Fed Officials +Sports,Athletics: 800m winner urges fellow Brit Radcliffe to try again +Sports,Women grapple with cultural shift +World,All roads to Nepal #39;s capital end here +Sci/Tech,Web Site Helps Compare Gasoline Prices (AP) +World,Calif. Lawmakers Vote to Switch Primary (AP) +World,"Paul Hamm Waits Out Boos, Then Wins Silver" +Business,Arm shares fall 18pc after US acquisition +Business,Coeur makes tender offer for all Wheaton River shares +Sci/Tech,"Netgear, Vonage gear up for VoIP over Wi-Fi" +Sports,"Ethiopia #39;s Defar wins women #39;s 5,000m gold" +World,North Korea denounces #39;tyrant #39; Bush +Business,ARM falls 18 on US deal +Business,US Airways pilot talks collapse +Business,IBM eyes Web hosting as growth engine +Sports,"I don #39;t know why I stopped, says Radcliffe" +Sports,US women power to final +World,Nikkei Flat in Nervous Trade (Reuters) +Sports,Winning Iraqi Soccer Team Rare Cause for Joy +Business,"Dollar Holds Gains, Fed Comments Help" +Sports,US Women Wrap Up Softball Gold +Sports,"China, Japan, Ukraine Take Women #39;s Wrestling Golds" +Sports,MOTOR RACING: IT #39;S TWO IN A ROW FOR DARIO +Sports,Roundup: US beats US +World,US Soldier Vows to Plead Guilty to Charges in Abu Ghraib Scandal +Business,Oil Won #39;t Derail US Expansion -Bernanke +Business,Sale helps deliver Foster #39;s Group profit boost +Business,MG Rover says stake not part of talks +Sci/Tech,Cisco to Acquire P-Cube in \$200M Deal +Sci/Tech,SAP Lands \$35 Million Post-Office Deal +Sports,WOMEN #39;S MARATHON The Pain of Defeat Is Still Fresh +Sports,Selig: MLB stars unlikely to play in Olympics +World,VIEW: No monopoly on terrorism Rashed Rahman +Sports,Booker Gives Dolphins Needed Offensive Help (AP) +World,Congo VP Boycots National Unity Government (AP) +World,"Taiwan Braces for Typhoon Aere, Markets Close (Reuters)" +Business,"Nikkei Eases, Lower Oil Prices Help" +World,"Taiwan Braces for Typhoon Aere, Markets Close" +World,Bonderman Ks 14 As Tigers Maul White Sox +Business,Fosters H2 profit slumps on wine charges +Sci/Tech,'Killer Apps' Demand Computer Upgrades +World,Carlos aide acquitted of France raids +Sci/Tech,RCN Outlines Reorganization Plan +Business,Neri: RP far from declaring default on debts +Sports,US Team #39;s #39;91ers Get One More Kickaround +Sports,Day 10 roundup: Ryu denies China 3rd clean sweep +Sports,SI.com +World,"Overwhelming Militiamen, Troops Push Closer to Shrine" +World,Guantnamo hearings begin +Sports,Padres Rough Up Mets 9-5 (AP) +Sports,Diversity Defines Bryant Case Jury Pool (AP) +Sports,Expos Keep Dodgers at Bay With 8-7 Win (AP) +Sports,"Hamm Ruling Stands, but Ire at Judges Rises" +Business,Rouse Malls Boost Buyer's Portfolio +World,U.S. Looking for Reason to Act Against Iran -Kharrazi (Reuters) +Sci/Tech,RCN Outlines Bankruptcy (washingtonpost.com) +World,Burundi rebel group ready to appear before international tribunal (AFP) +Sci/Tech,Cassini Fires Engine to Raise Orbit (AP) +Business,Profit growth fuels change +Business,Shrinking the Universe +Sci/Tech,RCN Outlines Bankruptcy +Sci/Tech,Use script to block Windows XP SP2 updates: Microsoft +Sci/Tech,The virtual girlfriend is here +Sports,Special to ESPN.com +Sports,Russian tycoon denies a bid for Everton club +World,STRAW TO SEE DARFUR CAMP +World,Defense Leaders Faulted by Panel in Prison Abuse +Sports,Sheffield Powers Yankees Past Indians 6-4 (AP) +Sci/Tech,Security Flaws Found in SP2 +Sports,Japan #39;s Women Wrestlers Win 2 Golds; Medal Count Sets Record +World,Arson against Jews in France condemned +Sci/Tech,'Marathon mouse' doubles stamina +Business,Gold Fields Welcomes Decision by South African High Court +World,Mortars Hit Central Najaf After U.S. Attacks (Reuters) +Sports,Chargers Sign Rookie Quarterback Rivers (AP) +World,Russia: Estonia WWII Monument Disgraceful (AP) +Business,Delegate: OPEC unlikely to cut quotas +World,"""Phir Milenge"" tackles HIV stigma in India (Reuters)" +Business,"RP will never default on debts, Arroyo vows (10:30 am)" +Business,"US Accepts Venezuela Vote Audit, Calls For Reconciliation" +Business,Google #39;s Corporate Governance Score Is quot;Pretty Darn Awful quot; +Sci/Tech,iPass partners with Connexion by Boeing +Sci/Tech,Girlfriend On Your Phone +Sports,Athens Olympics 2004 / Noguchi #39;s golden run +Sports,"Ethiopia takes gold, bronze in women #39;s 5,000" +Sports,Russian tycoon #39;s son is Everton bidder - paper +Sports,"No Picnic, but Yanks Are Far From Panic" +Sports,Holmes double?up gamble pays off +World,Typhoon Aere Headed for Northern Taiwan +World,Karzai visits Pakistan for terror talks +World,Deaths from bird flu +World,Pakistan blocks militant escape routes +Sci/Tech,Now watch security solutions outsourcing +World,Iran Again Warns Israel Against Attack (AP) +World,Typhoon Aere Sweeps Toward Taiwan (AP) +Sports,QB Strength Needed +Sports,Hokies-USC Sold Out +Sports,Ramsey Still in Fight +Sports,Stanley Cup Vanishes +Sports,Bonderman K's 14 in Win +Sports,Lilly Shuts Down Red Sox +World,Egypt's Walls Come Tumbling Down +World,"Iraqi Teens Abused at Abu Ghraib, Report Finds" +Sports,Men #39;s 400 a sweep for the US +World,Palestinians denounce latest US policy shift +World,The bane of Bangladesh +World,MOFA says cross-strait issue misinterpreted +Sci/Tech,Microsoft Quits a U.N. Standards Group +Sci/Tech,Latest Freeze-Frame Technology Lets the Viewer Blink During Split-Second Events +Sci/Tech,2 Companies to Make Gear for Phoning Over Internet +Sci/Tech,Musicland Looks to the Internet +Business,"Asia Stocks Drop; Focus on Oil, Growth (Reuters)" +Sports,NL Wrap: Lucky 13 for Clemens as Astros Defeat Phillies +Sports,"After Some Minor Success, Heilman Has Major Failure" +Sci/Tech,Users Applaud Idea of Oracle BI as Center of the Universe +Business,Older Investors More Jittery as U.S. Markets Disappoint +Business,"Once Elusive, Orchids Flourish on Taiwanese Production Line" +Business,Pilots Could Control Fate of US Airways +Business,Businesses Plan Attack on Edwards +Business,FedEx Hikes Profit Forecast and Cites Demand +Business,Inflation Inches Way Back Into Hong Kong's Economy +Sports,Clemens Gets 323rd Victory As Astros Win (AP) +Sci/Tech,World Chip Plants Run at Fastest Rate in 4 Years (Reuters) +Business,IPO #39;s Success Doesn #39;t Justify Google #39;s Price +Business,Also from this section +Business,Tax gain helps Toy #39;R #39; Us Inc. post profit +Business,Airline talks nose dive +Sci/Tech,2 Companies to Make Gear for Phoning Over Internet +Sci/Tech,Colleges Fear XP Downloads Will Cause Jam +Sci/Tech,IN BRIEF +Sports,"Red, white and . . . gold" +Sports,American men run away from field in 400 meters +Sports,NL Wrap: Lucky 13 for Clemens as Astros Defeat Phillies +World,"Taiwan Markets, Businesses Close for Typhoon Aere (Update4)" +World,"Pakistan, Afghanistan to tighten boarder security" +World,LA terrified by tornado alert +Business,Pilots Could Control Fate of US Airways +Business,Red Roof Inns to get Wi-Fi hotspots +Sci/Tech,"Linksys, Vonage connect on VoIP" +Business,* Access granted to rival #39;s financial information +Business,Crude Oil Futures Fall a 3rd Day as Iraq Increases Shipments +Business,Philippines may face Argentine-style crisis +Sci/Tech,Gene tweaking creates a mighty mouse +Sports,US softball team enjoys dominant Olympic run +Business,Feds #39; new OT rules quietly take effect in Valley offices +Business,Technical ruling doesn #39;t deal with Web free speech issue +Business,Feds: Anger drove Varian hacker: Disgruntled #39; ex-programmer <b>...</b> +Sci/Tech,Phone passion: dating with virtual girlfriend +Sports,Fastest man rises from obscurity +Business,"Oil Slips Below #36;46, Supply Woes Persist (Reuters)" +Sports,Zambrano Leads Cubs Past Brewers 8-3 (AP) +World,Two soldiers in northern military exercise missing on barren Nunavut tundra (Canadian Press) +World,"Blast in Baghdad, Could Be Car Bomb-Police" +Sports,Chiefs Club Rams +Business,Toys #39;R #39; Us gains after Q2 profit swing +Business,Pricey oil worrying economy exper +Sports,Golden lining greets softball +Sports,NEW SCHOOL Baylor #39;s Wariner leads US sweep in 400 +Sports,Defending champ Mutola finds 800 is not toll free +Sports,US may back gym blunder gold +Sports,Rams starting CB Fisher breaks arm +Business,Crude Oil Futures Fall a Third Day as Iraq Increases Shipments +Business,Experts in corporate governance score Google at bottom of scale +Sports,Chargers agree to contract terms with rookie QB Rivers +Sports,Lilly inspires Blue Jays +World,European press review +Sci/Tech,RealNetworks to Offer Discounted Music (AP) +World,"Car Bomb in Baghdad Targets Minister, Two Killed" +World,Car bomb explodes in Iraq capital +Business,Race Remains a Difficult Issue for Many Workers at Kodak +Business,Ballet Flats? Walking Shoes? Nah. It's Round Toes and High Heels. +Business,Update 1: Philippines Able to Service Its Debt +Business,"US Airways, pilots at impasse" +Business,Investors buy up Woolies +Business,Accounting fix aids Toys R Us +Business,Tech shares close higher +Business,Writer Admits Plagiarism +Business,"Wal-Mart, Target pull sector into red" +Sci/Tech,Cisco to pay \$200 million for P-Cube +World,Abu Ghraib: Guilty plea expected +World,China insists bird flu in pigs does not threaten epidemic +Sports,Holmes hunts golden double +Business,Oil price slides as Iraqi crude flows +Business,Staying power of Google Inc.? Time will tell +Business,LABOR REGULATIONS: Employers review overtime policies +Business,Oil Won #39;t Derail US Expansion -Bernanke +Business,RealNetworks music service cuts fee for students +Sci/Tech,"Linksys, Vonage connect on VoIP" +Sports,ALL AMERICAN +Sports,The Baron was right +Sports,Olympics: Yao lifts China into Olympic quarter-finals with miracle <b>...</b> +Sports,Andre Agassi steals the show at Legg Mason Tennis Classic +Sports,Olympics: Beach party-ball +Sports,"AL roundup: Hudson beats Tejada, O #39;s for second time in week" +World,Prosecutors say mercenaries were hired to overthrow the ruler of <b>...</b> +Sports,Athletics Edge Orioles 4-3 (AP) +Sci/Tech,Vonage in Deal with Cisco in Subscriber Push (Reuters) +Business,Fed officials ease crude concerns +Business,Jimmy Carter Defends Venezuela Election Result in Letter to WSJ +Business,RealNetworks to offer discounted music +Business,"Niagara Falls survivor seeks work, new life path" +Sci/Tech,Vonage in Deal with Cisco in Subscriber Push +Sci/Tech, #39;Millionaire #39; Interacts with AOL Buddies +Sports,SI.com +Sports,"GAME DAY RECAP Monday, August 23" +World,Roundup: Darfur peace talks resume with deep division +Business,Kmart to sell 18 stores to Home Depot +Sci/Tech,Marathon mice lose weight without exercise +Sci/Tech,US Army Awards Northrop Grumman \$408 Million Contract +Sci/Tech,Mars Odyssey to prolong stay in space +Sports,"Softball gold takes Candrea, US from tragedy to triumph" +Sports,Lilly outduels Pedro +World,"This week, 4 Guantanamo detainees to be arraigned" +World,Karzai vows to fight against terrorism +World,Iraqi Environment Minister Survives Suicide Attack (Reuters) +World,"Karzai Cancels Pakistan Speech, But Risk Fears Denied (Reuters)" +World,Athletics Edge Orioles 4-3 +World,Wariner Leads U.S. Sweep in 400 +Sports,NO REST FOR GOLDEN GIRL HOLMES +Sports,Ryder Cup Captain Sutton: Don #39;t Expect Mr. Nice Guy +World,Anti-government strike cripples Bangladesh +Business,"Philippines will never default on debts, Arroyo vows (AFP)" +World,Govt committed to 7-8 pct GDP growth - PM (Reuters) +World,Blasts in Baghdad Target Two Ministerial Convoys +World,Police Say Bashir Set to Face Terror Charges (Reuters) +World,Thousands of passengers stranded by cancelled British Airways flights (Canadian Press) +World,Conservative Muslim Indian district embraces e-literacy (AFP) +World,"GOP, Democrats Seek to Pull Campaign Ads (AP)" +Business,"Dollar at 2-Wk High Vs Euro, Data Awaited" +Business,Shake-up folds CSFB into parent +World,Militant cleared of Bali bombings +Sports,Macey falls back +Business,Philippines vows no default on debt payments +Business,Crude Oil Rises in New York as Iraq Fighting May Limit Exports +Business,"Foster #39;s shares down following poor earnings results, US wine <b>...</b>" +Sci/Tech, #39;Marathon #39; mice engineered for extra endurance +Sci/Tech,Stanley Miller II +Sci/Tech,"Now, security solutions being outsourced" +Sci/Tech,Intel slashes chipset prices by 35 +Sci/Tech,Digestion troubles get more attention +Sci/Tech,Cisco offers IP connector for Microsoft CRM +Sports,Teen boosts women #39;s soccer squad +Sports,China topple world champions +World,Straw Arrives in Crisis-Hit Darfur +World,"Karzai Cancels Pakistan Speech, But Risk Fears Denied" +World,Iraqi Minister Escapes Assassination Attack +World,Labor Conflict Looms at VW +Business,Santander says referral no cause to drop Abbey bid +Sci/Tech,Cisco picks up P-Cube for \$200 million +Sports,US softball team snares gold +Sports,US men graceful in sweep of 400 +World,Blasts in Baghdad Target Two Ministerial Convoys +Sci/Tech,Can a Robot Save Hubble? More Scientists Think So +Sci/Tech,"As a Hormone Substitute, Soy Is Ever More Popular, but Is It Safe?" +Sci/Tech,Ice Age Floodwaters Leave a Walkable Trail Across the Northwest +Sci/Tech,"After a Multitude of Tests, an Answer From Grandmother's Memory" +Business,"AT amp;T, AT amp;T Wireless end dispute, change brand pact" +Business,State found to pay extra for school projects +Sports,Bulgarian #39;s big lift heavy as pure gold +Sports,"Chargers, QB Rivers make deal nfl roundup" +Business,Adelphia Says Rigas Family Owes #36;3.23 Bln (Reuters) +Business,Adelphia Says Rigas Family Owes \$3.23 Bln +Business,Stocks wane on weak Wal-Mart forecast +Business,Iraq supply helps steady oil price +Business,President Bush delivers anti-Labor Day message +Business,"Incentives on domestic cars tarnish image, customers say" +Business,Air Canada plan gets nod +Business,Adelphia says Rigas family owes it \$3.23 bln +Sci/Tech,Novartis: FDA OKs Expanded Zelnorm Use +Sci/Tech,Gateway PCs Available at Micro Center Stores +Sci/Tech,Stem-cell limit wasn #39;t tough enough +Sports,Controversy boo-ils over +Sports,Ryu remain modest and hard-working after Olympic victory +World,Israel #39;s plans for West Bank grow +Sports,Let the Political Gamesmanship Begin +Sports,Lily shuts down Red Sox +Sports,"50 May, Walsh heading in right direction" +Sports,AL notebook: NY rescued by Sheffield once again +World,Escape hatch: French Jews visit Israel as anti-Semitism rises at <b>...</b> +World,Renewed battles erupt in Najaf +World,"Binge drinking, the weekend activity of choice for many young Britons (AFP)" +Sci/Tech,The Myth and the Magic of Enterprise Information Integration (TechWeb) +Sports,US softball team earns just reward +Sports,Eldred not penned in +Business,Wine glut hits profit at Foster's +Sports,"On standby, set to fly" +Sports,Strained left wrist sidelines Garciaparra +Business,Man Sentenced in Tax Schemes Also Releases Data on Lawyers +Sports,Red Sox lulled by Lilly +Sports,"On this night, his promise was fulfilled" +Sports,Rivers's holdout is over +Sports,Some friendly' fire +Sports,Peterson takes reins for Eagles +Business,RCN looks to exit Chapter 11 +Business,Losing pace? +Business,Gifford puts stock proceeds to work +Business,Analysts see OK grade for back-to-school sales +World,Mbango breaks Greek hearts +Business,Fireworks in space +Business,L.A. port complex to extend hours to ease congestion +Business,Iraq output rises; oil futures fall +Business,Fed official downplays rising prices +Business,Yukos cuts its production forecast +Business,El Paso plans to write down \$3.7 billion in restatements +Business,Late credit-card bills hit 4-year low in June +Business,"US Airways, pilots union break off talks" +Business,Group encourages whistleblowing +Business,FDA questions Ill. plan to buy drugs from UK +Business,RealNetworks offers discounts to students +Business,T-bill rates hit 2-year high +Business,Suit advances against investor in automaker +World,Once-prosperous Sudanese scavenge to survive +World,"Standing firm, Arafat seen to counter his critics" +World,Officials reject peacekeeping role for African Union +World,"Alleged vigilantes show videos of US, UN contacts" +World,Reservist to plead guilty on Abu Ghraib charges +World,Trial of Saudis proposing democracy postponed amid protest +Business,Yukos cuts its production forecast +Business,Unions protest as overtime rules take effect +Business,RCN looks to exit Chapter 11 +Business, #39;Seattle Times #39; writer admits plagiarism +Business,RealNetworks offers discounts to students +Sci/Tech,Business in brief +Sports,"On this night, his promise was fulfilled" +Sports,Lou is still saying #39;no #39; to New York +World,"As US troops edge closer, Iraqi cleric eases demands" +World,"Iraq Aid Convoy Attacked on Way to Najaf, Two Dead (Reuters)" +World,British foreign minister arrives in troubled Darfur (AFP) +Business,Glenmorangie in Takeover Talks +Business,"Swatch First-Half Profit Rises on US, Asian Demand (Update4)" +Sci/Tech,Mice flex muscles in genetic studies +Sci/Tech,Virus Snoops via Webcam +Sports,Wariner leads 400 sweep while destroying stereotypes +Sports,Grief gives way to gold +Sports,No rest as Holmes returns for heats +Sports,Ryu on Top of the World +Sports,Sorry Sonia trails in last +Sports,AL: Jays LHP subdues Red Sox +Sports,Yankees strike back +Sports,Zambrano helps Cubs get ahead +Sports,AL notables +World,Prison violation #39; admitted +World,Hicks to be reunited with father +Business,Daiei shares jump almost 10 pct on reported Wal-Wart rescue plan (AFP) +Sci/Tech,UK gamers aim to take Korea +Sci/Tech,Going for green +Sports,Protesting fans stop gym final +Business,Spanish Bank #39;Won #39;t Be Put off by Rival Abbey Bid #39; +Business,Why we must watch Chavez +Business,UPDATE: US Wine Unit Bruises Foster #39;s Annual Earnings +Business,Don #39;t Get Burned Paying for a Hotspot +Business,"Time Warner, Sony Still Courting MGM" +Sports,"Businesslike Crawford, two US teammates, advance in 200" +Business,German public deficit balloons in first half (AFP) +World,"Indonesian militant gets 10 years for hotel attack, cleared of Bali blast (AFP)" +Business,Oil Slips Below \$46 as Iraq Flow Rises +Sports,Third straight loss leaves US all wet +Sports,Soccer handoff sign of success +Sports,US routs Angola and now aims for Spain +Sports,Zambrano helps Cubs get ahead +Sports,Hitting Finch a cinch? +World,Wariner Leads U.S. Sweep in 400 +Sci/Tech,Samoa plans internet for all +Business,LATEST FUTURES NEWS +Business,Glenmorangie in takeover talks +Sci/Tech,IT managers plan imminent move to XP SP2 +Sci/Tech,Fans rush to create mods for long-awaited #39;Doom 3 #39; +Sports,Invincible but in tears +Sports,One more to gold +Sports,Kazmirs in The Show +World,"Standing firm, Arafat seen to counter his critics" +World,Russian Military: 12 Killed in Chechnya (AP) +Sci/Tech,Madonna.com Calls Shots on Ring Tone Offer (Reuters) +Business,Iraq output rises; oil futures fall +Business,Philippines economy faces crisis +Sci/Tech,World #39;s first virtual girlfriend to launch in November +Sports,PRO GOLF NOTEBOOK Top spot seems hollow for Woods +Sports,Jeter #39;s OK after being hit in elbow in Yankees #39; win +Sports,Kazmir dazzles in D-Rays debut +World,Israel OKs more settlements +World,Two Iraqi Ministers Survive Attacks +Business,Oil Slips Below \$46 as Iraq Flow Rises +Business,SCH still expects to close Abbey takeover by year end (AFP) +World,Wanted Italian leftist on the run +World,U.S. Denies Claim It Damaged Najaf Shrine +Sci/Tech,Cisco to buy P-Cube for about \$200 m +Sci/Tech,Intel Pentium 4 prices slashed by 35 +Sci/Tech,SAP wins SW deal for gigantic US Postal staff +Sports,America again takes the fight out of Angola +World, #39;We are here to kill and we have enough stamina #39; +World,Typhoon Aere Lashes Taiwan #39;s Capital +Business,SCH still expects to close Abbey takeover by year end +Business,Overtime pay will now be protected for millions +Business,Distiller Glenmorangie in takeover talks +Business,SMFG puts forward \$29bn takeover bid for UFJ +Business,Swatch H1 profit rises on luxury sales ZURICH (Reuters) - Aug 24 <b>...</b> +Sci/Tech,Beagle team probes its own loss +Sci/Tech,Webcam worm spies on victims +Sci/Tech,"In stem cell debate, truth lies between the slogans" +Sci/Tech,Solution Technology is acquired +Sci/Tech,Concept virus works on AMD64 +Sports,The skinny on Wariner: He #39;s fast +Sports,From pain to big gain +Sports,Padres stay in the hunt +World,Abu Ghraib Hearing Underway in Germany +World,Typhoon Aere menaces Taiwan +World,Israeli FM minister heads to Paris to discuss Jewish attacks +World,Death demand for self-confessed plotter +World,Bird flu spreads to pigs +Sci/Tech,Logicalis buys Solution Technology +Sci/Tech,Stem-cell policy moderately wrong +Sci/Tech,Beagle team probes its own loss +Sports,"Olympics: Party, Party, Party - Greece's Parting Gift" +Business,GGP to use CMBSs for Rouse buy (TheDeal.com) +Business,"Oil Eases; Dollar Slips, Stocks Flat" +Business,Whisky distiller put up for sale +Business,Survey: Incentives dim US cars' image +Business,Boring Game? Outsource It +Business,Site Is Mac Daddy of Apple Deals +Business,Update 1: Sumitomo Mitsui Tries to Woo UFJ +Sports,Tears of joy as Holmes runs the race of her life +Sports,Olympic roundup +Sports,Psychologist cutback to blame: claim +World,Typhoon Aere Bearing Down on Taiwan +World,Group Frees US Journalist Hostage in Iraq-TV +Sci/Tech,Crisis Alert in Critical State +Sci/Tech,Riders Segway Through the Zoo +Sci/Tech,Games People Played +Sci/Tech,"BugMeNot Gets Booted, Restored" +World,Japan to Deport Ex-Chess Champion Bobby Fischer (Reuters) +World,Japan Rejects Bobby Fischer's Appeal (AP) +Sports,Olympics: Rowers Reprimanded Over 'Lay Down Sally' +World,Japan to Deport Ex-Chess Champion Bobby Fischer +World,CIA break-up plan draws criticism +World,Thieves asked to save The Scream +World,Dali centenary show full of fakes +World,Israel announces West Bank housing plan; barrier delayed +World,Study: 1 in 3 Adults Has Hypertension +World,Iraqi Guardsman Ring Najaf Shrine +World,The Return of Abu Sayyaf +World,Turning Up the Heat +Sci/Tech,US tops league of e-mail spammers +Business,SCH still expects to close Abbey takeover by year end +Business,Arm hands over \$910m for US chip firm +Sci/Tech,Cisco to acquire P-Cube for \$200m +Sci/Tech,Tuesday 24th August 2004 +Sci/Tech,Worm turns on webcams +Sports,Mississippian captures silver +Sports,Greek athlete dies after fall +Business,Arroyo vows Philippines will not default +Business,Google #39;s weak governance rating +Sci/Tech,New XP upgrades fall Micro-short +Sci/Tech,Peeping Tom webcam worm on the prowl +Sci/Tech,New virus targets 64-bit version of Windows +Sports,Spurs complete Carrick deal +Business,Dollar Steadies After Rally on Fed Talk +World,"Iraq Gives Rebels Hours to Give Up, Battle Rages" +Business,US tops league of spammers +Sci/Tech,IPO's Success Doesn't Justify Google's Price +Business,Santander stands firm on takeover bid for Abbey National +Business,COASTAL BUSINESS +Business,Foster #39;s Counts Cost of Poor Wine Market +Sports,Texan leads American sweep of 400 medals +Sports,Canadians join in on criticism of FIG +Sports,Golden dream still alive for Fab Five +Sports,Going the entire distance Kantor #39;s marathon bronze was true team <b>...</b> +World,Straw sees Darfur #39;s pain +World,First Guantanamo detainees to face trial +World,Two Iraqi Ministers Targeted in Separate Attacks +World,Bush commercial angers Iraq #39;s soccer Olympians +World,Japan Rejects Bobby Fischer #39;s Appeal +Sci/Tech,Colleges Fear XP Downloads Will Cause Jam (washingtonpost.com) +Sports,Zambrano Takes No-Hitter Into Seventh (AP) +Sports,U.S. Softball Team Wins Third Gold Medal (AP) +Business,Oil prices open lower in London as supply jitters diminish +Business,Santander Says Abbey Bid Probe Wouldn #39;t Deter Offer (Update1) +Business,Distiller Glenmorangie holds takeover talks +Business,Chief Says Time Running Out for Alitalia +Business,"Cingular, AT amp;T Wireless, AT amp;T Agree on Services, Branding" +Business,New hire amounts to Sears shakeup +Business,Online music at UC +Sci/Tech,SpyWare That Actually Spies On You +Sci/Tech,"At Big Blue, there are no small bets" +Sports,Greek judo star dies +Sports,Ichiro 2 hits from historic major league record +World,Prisoner scandal soldier: I lied +World,Japan Issues Order to Deport Ex-Chess Champ Fischer +World,Sudan makes progress over Darfur: Straw +World,N. Korea calls Bush quot;human trash quot; +World,Russia reports battle for Grozny +Sports,"Gymnastics competition marked by sound, fury" +World,Barghouthi Mulls Pulling Out of Palestinian Election +Business,Wall Street Seen Climbing +Business,Heinz Quarterly Profit Meets Forecasts +Business,Stocks to Watch on August 24 +World,Nearly 50 Hurt in Bangladesh Strike Violence +World,Abu Ghraib report set for release +World,Russia reports battle for Grozny +World,Russia plan IOC protest +World,Bashar out of Trophy +World,Stocks Set to Open Modestly Higher +World,Peterson Defense Cross-Examines Mistress +World,Ted Lilly Throws One of Three AL Shutouts +Sci/Tech,Injected Contraceptive Raises STD Risk - Study (Reuters) +Sci/Tech,BOFH: How do you deal with authority? +Sci/Tech,Clueless about networking? Click here +Sci/Tech,Price cut fuels broadband battle +Sci/Tech,Google at Bottom of ISS Governance Ranking +Sci/Tech,Intel Seen Readying New Wi-Fi Chips +Sci/Tech,RealNetworks to Offer Discounted Music +Sci/Tech,Japan fires up its semiconductor industry +Sci/Tech,Internet2: 2004 and beyond +Business,Wall Street Seen Climbing (Reuters) +Business,Heinz Quarterly Profit Meets Forecasts (Reuters) +Business,Stocks to Watch on August 24 (Reuters) +World,"Nepali Rebels Kill 4 Soldiers, Tighten Blockade (Reuters)" +Business,German Budget Deficit Widens in First Half (AP) +Business,Chain Store Sales Up 0.1 Percent - Report +Sci/Tech,WS-I tackles Web services attachments +Business,Wine spikes Foster #39;s result +Business,"Now, Google changes rules of international game" +Business,Arm reaches out to buy Artisan +Business,Sumitomo Mitsui launches hostile bid of \$29.2 billion for UFJ <b>...</b> +Sci/Tech,Microsoft #39;s #39;patch #39; of worry +Sci/Tech, #39;Marathon #39; mice bred in genetic first in US +Sci/Tech,Intel cuts prices across Pentium 4 range +Sci/Tech,Cisco and Microsoft target smaller firms +Sci/Tech,iPass Wi-Fi Network Access in the Sky +Sports,Holdout QB Rivers gets \$40.5M deal +Sci/Tech,US games outfit catches rebranding cold +Sports,"Cool, Calm Wariner Races to 400 Gold (AP)" +World,British Theater Reaches Out to Autistic Children (Reuters) +World,Tibetans Say Dalai Lama May Not Return in This Life (Reuters) +Business,Hair Salon Operator Regis Profit Rises (Reuters) +Business,Dollar Rebound Fades as Data Test Looms +Sci/Tech,"NASA Engineers Free Robonaut with Wheels, Leg (SPACE.com)" +Sci/Tech,Exploded Star Detailed in New X-ray Image (SPACE.com) +Business,Burma List 'shames' UK companies +World,BA flight chaos enters second day +Sci/Tech,Justice -- Guantanamo Style +Business,"Portals, news sites, must improve customer satisfaction" +Business,Hair Salon Operator Regis Profit Rises +Sci/Tech,Iranian authorities block reformist websites +Sci/Tech,German bank customers victims of phishing +Sci/Tech,"Portals, news sites, must improve customer satisfaction" +Sports,Gymnastics takes a tumble - Hamm and egg on judges #39; faces +Sports,Chargers sign Rivers for 6 years +World,Zarqawi Group Says It Tried to Kill Iraqi Minister +World,Family waits for reunion +Sci/Tech,Samsung unveils new display technologies +Business,"Despite wine losses, Foster #39;s net rises" +Business,Japan #39;s Sumitomo tables UFJ bid +Sci/Tech,Online Consumers Happiest With Google +Sports,Hamm ignores boos to latch onto silver +Sports,US goes distance in softball +Sports,Olympics: China reaffirms status as most powerful force in table <b>...</b> +Sports,Russian #39;s Toffees interest denied +Sports,Tottenham Sign Carrick +World,"Inside the Imam Ali shrine, as US closes in" +World,"Abu Ghraib Report Cites Military Leadership Failures, NBC Says" +World,Normal life resumes in Kathmandu Valley +World,Iraqi soccer team prepares for Olympics semis +World,LINK TO PIGS EDGES BIRDFLU CLOSER TO PANDEMIC +Sci/Tech,Intel pledges to bring Itanic down to Xeon price-point +World,Alitalia Chief Says Time Is Running Out (AP) +Business,Stocks Seen Higher as Oil Eases Its Grip +Business,Oil Dips Below \$46 as Iraq Flow Rises +Business,Before-the-Bell: Biocryst Shares Higher +World,Iraqi Forces Move Close to Najaf Shrine - Witness +World,Japan's SMFG Bids #36;29 Billion for UFJ (Reuters) +World,American Forces Press Into the Inner Ring of Najaf's Old City +World,Lilly Throws One of Three Shutouts in AL +World,Japan Rejects Fischer's Refugee Bid +Business,Oil Dips Below \$46 as Iraq Flow Rises +Business,DAILY DIGEST +Business,HJ Heinz reports drop in quarterly profit +Business,They #39;ll hear a Rhapsody on campus +Sci/Tech,Vonage Calls on Linksys for VoIP +Sports,Olympic notebook: Beach volleyball duo downs countrywomen +World,Equatorial Guinea quot;mercenary quot; not mastermind-lawyer +Business,Before-the-Bell: Biocryst Shares Higher (Reuters) +Business,Japan's SMFG Bids \$29 Billion for UFJ +Business,Global Markets: Oil Prices Ease +Sports,Gymnastics: Russia Plans Top-Level Protest +Business,"Update 1: Heinz 1Q Profits Are Down, but Sales Climb" +Business,Japan #39;s SMFG Bids \$29 Billion for UFJ +Business,"Washington, DC Workers protest the changes to overtime" +Sci/Tech,Samsung unveils new display technologies +Sci/Tech,False comfort in latest Chinese figures? +Sports,Singles Seek Home-Run Date at California Ball Park (Reuters) +Sci/Tech,Real cites success of song sale; signs university deals (MacCentral) +Business,Before-the-Bell: Sanderson Farms Falls +Business,U.S. Chain Store Sales Slow +Sports,Singles Seek Home-Run Date at California Ball Park +Business,Sanderson Farms Profit Below Estimates +World,Japan Issues Order to Deport Ex-Chess Champ Fischer +Sci/Tech,Satellite pinpoints lost children +Business,Fosters counts cost of poor wine market +Business,Cognos Offers SK390.8 Mln for Frango; Stock Surges (Update3) +Sci/Tech,"Microsoft Singapore releases Windows XP SP 2, free CD available" +Sci/Tech,Marathon Mice Created to Run Farther +Sci/Tech,Fans rush to create mods for #39;Doom 3 #39; +Sci/Tech,Italy #39;s Pisa Tower Declared Stable +World,Japan to deport ex-champ +World,Idris in clear on Bali bombs +World,Shalom to embark on visit to France +World,Iran denies secret nuclear activities +Sci/Tech,Inquiry Fails to Find Reason for Failure of Beagle 2 Mars Mission +Sci/Tech,Connexion by Boeing partners with iPass +Business,Chain Store Sales Slip in Latest Week +Sci/Tech,"Linksys, Vonage team up on VOIP" +Business,Cognos offers \$52M for Swedish firm +Sci/Tech,Mods for Doom III out and aboot +Sci/Tech,Firms to seek more security help from outsiders +Sports,Second gold medal won #39;t be awarded +Sports,Injured Foudy May Not Play in Soccer Final +Sports,Brunet advances to K-1 final +World,"Japan Rejects Fischer Appeal, Issues Deportation Order" +World,"Indonesian militant gets 10 years for hotel attack, cleared of <b>...</b>" +World,Iran will never hide nuclear activities: FM +Business,Wall St. Seen Rising as Oil Prices Slip (Reuters) +Sci/Tech,Yahoo must face French legal action (SiliconValley.com) +Business,Kraft Hikes Dividend Almost 14 Percent +Business,"Treasuries Pressured by Oil, Upbeat Fed" +Sci/Tech,Still No Answers From Mars on Beagle 2 (AP) +World,Iraqi Guardsmen Ring Najaf Shrine +World,Iraqi Guardsmen Close in on Najaf Shrine +Business,US Airways talks with pilots collapse +Sci/Tech,VoIP Support Added To Wireless-Wired SMB Routers +Sports,"Little is to be gained, much lost if Hamm is forced to share gold" +Sports,"Australia beats Japan 1-0, plays for gold" +Sports,Stern likes what he sees +Sports,Olympics: Aussie women #39;s eight apologise for slamming teammate +Sports,Despatie heads into final +Sci/Tech,Cassini on Course for Titan Flyby +Sci/Tech,Mission Fantastic to Mars (Part 2) +Sci/Tech,Google Ranks at Bottom of ISS Governance System +Sci/Tech,Tough for Courts to Intervene in Offensive Internet Auctions +Sci/Tech,Most Red Roof Inns to Get Wi-Fi Hotspots +Sci/Tech,RealNetworks to Offer Deeply Discounted Music Deals +Sports,Pool Queen Celebrates with a Beach Party +World,Africa 'faces new polio threat' +Sports,Three Americans in 200 +Sports,Injured Pappas Pulls Out +Business,O #39;Hoy #39;s complacency masks activity +Business,Heinz meets forecasts in 1Q +Business,"BMO enjoys big profit jump, softens economic forecast" +Business,"Citigroup buys First American Bank, expands Citibank into Texas" +Business,Russian beer advertisements canned +Business,Top resale value cars +Business,Unions protest overtime changes +Business,Granite Gets Two Highway Repair Deals +Business,U.S. Existing Home Sales Fall in July (Reuters) +Sci/Tech,Cisco buys IP application vendor P-Cube +Sci/Tech,Microsoft Windows XP SP2 ready to auto-roll +Sci/Tech,Scientists Seek Scent of Life in Methane at Mars +Sci/Tech,Geneticists rewire muscles to create a #39;marathon mouse #39; +Sci/Tech,Hackers Turn Webcams Into Spy Cams +Sci/Tech,"Hi honey, I #39;m virtually home alone" +Sci/Tech,"Lactic acid is a boon, not a bane" +Sci/Tech,Solidarity sit-ins held in West Bank +World,Soldier at Abu Ghraib Makes Plea Deal (AP) +Sports,Golden goal for NBA stars as they face formidable challengers (AFP) +Sports,Martino earns second Player of the Week honor +World,Guantanamo trails set to begin +World,Why Japan deserves a seat +Business,U.S. Existing Home Sales Fall in July +Sci/Tech,Experts to Breed Sheep to Study Disease (AP) +Sports,Russia Growls as Olympics Crowd Judges the Judges +Business,Stocks Up as Oil Prices Eases +World,CORRECTED: Cheney Is a Quiet Force Behind Bush Presidency (Reuters) +Business,Heinz Profit Meets Forecasts; Shares Rise +World,Nepal's Maoists Suspend Kathmandu Blockade +Business,Citigroup to Buy Texas Bank +World,Over 80 Hurt on First Day of Bangladesh Strike +Sports,"Bonderman goes blank, shuts out Sox" +Business,Sirius Fumbling +World,Japan to deport Fischer +World,Bin Laden Driver Arraigned in Guantanamo +World,Rwandan troop presence in DR Congo 'almost certain': UN (AFP) +Sci/Tech,WWI bodies are found on glacier +Sci/Tech,Blueberries May Be Cholesterol Busters +Sci/Tech,Scientists Create Engineered 'Marathon Mice' +Sci/Tech,Researchers Work on Method to Predict Rainfall +Sci/Tech,Executive flight continues at BEA +Business,Citigroup Acquiring Texas Bank +Business,National Semiconductor Sells Imaging Unit +Business,Stocks Open Higher as Oil Slips +Business,Chip downturn fears overblown? +Sci/Tech,The hunger strike #39;s resonance +Sports,"This medal is for you, sweet Sue" +Sports,SOCCER: Teen keeps an old dream alive +Sports,"Tremor shakes Athens, no damage" +Sports,Medal Hopes Take A Dive +World,Bobby Fischer hangs on in Japan +World,Agreement among Ukraine's political foes hits snag over presidential powers (Canadian Press) +World,Yukos Appeal of Tax Claim Is Postponed (AP) +Sci/Tech,"For online singles, Web romance can be a bit too public (USATODAY.com)" +Sci/Tech,Black athletes loom large in world of sports movies (USATODAY.com) +World,Over 80 hurt on first day of Bangladesh strike (Reuters) +Sports,Olympic Discus Champion Thrown Out of Games +Business,"Dollar Rallies, But Real Money Sidelined" +Business,South African growth accelerates +Business,Update 2: Yukos Appeal of Tax Claim Is Postponed +Business,Heinz Profit Meets Forecasts; Shares Rise +Business,"Update 1: Sanderson 3Q Profit Rises, Cuts Outlook" +Business,Before-the-Bell: Sanderson Farms Falls +Business,"UPDATE 1-Amex, CBOE face antitrust probe, NASD says" +Business,Inflation slips to 2.3 per cent; but some still predict higher <b>...</b> +Business,Whiskey distiller Glenmorangie seeking buyer +Business,Cognos buys Sweden #39;s Frango for US\$52.2M +Sci/Tech,HK firm develops cyber girlfriend +Sci/Tech,Wi-Fi tops \$1 billion quarterly revenues +Sports,US makes it three-for-all in men #39;s 400 +Sports,Detroit Tigers Team Report - August 24 +World,Pentagon leaders faulted in prisoner abuse - officials +World,Coup trial of #39;mercenaries #39; opens +World,Explosion Rocks Baghdad Neighborhood +World,"Kathmandu blockade by Maoists, we have reasons to be worried" +World,US Looking for Reason to Act Against Iran -Kharrazi +Sci/Tech,Domain Names Still Important Despite Search Engine Popularity +Sci/Tech,Google IPO and Effect on Venture Capital Industry +Sci/Tech,<em>Reg</em> readers name BSA antipiracy weasel +Business,U.S. Exchanges Face Antitrust Probe (Reuters) +Sci/Tech,KDG to Up Broadband Spend to Save German Cable Deal (Reuters) +Sci/Tech,Movie Industry Sues More DVD Chip Makers on Piracy (Reuters) +Business,Oil Falls Further from \$46 Iraq Oil Flows +Sci/Tech,Study: Misdiagnosis Led to Birds' Deaths (AP) +Business,U.S. Exchanges Face Antitrust Probe +World,Global warming: #39;Millions at risk #39; +World,Thousands Left Homeless by Storm Face Housing Shortage +World,World ; Afghan leader Karzai sworn in under US smiles +Sci/Tech,Movie Industry Sues More DVD Chip Makers on Piracy +Business,"July Home Sales Dip, but Still 3rd Highest" +Business,Bank of Montreal #39;s 3Q Profit Jumps +Business,Putin To Visit Monks Instead of Olympics +Sci/Tech,Still No Answers From Mars on Beagle 2 +Sci/Tech,Wi-Fi undergoing #39;fundamental shift #39; +Sports,Greek Judoka Dies In Hospital After Balcony Suicide Leap +Sports,Girls row into calm waters +Sports,Seattle Mariners Team Report - August 24 +Sports,Cleveland Indians Team Report - August 24 +World,Japan to deport ex-chess champ Fischer +Business,Foster #39;s swallows wine loss +Business,End of line for Buffalo bakery +Sci/Tech,Microsoft Tests Broadband TV +Sci/Tech,Your webcam #39;s spying on you +Sci/Tech,Datatec Bulks Up US Operation +Sports,Sweep fulfills trios expectations +World,Bin Laden driver arraigned in first Guantanamo hearing +World,Taiwan to Close Its Markets a Second Day for Typhoon (Update1) +Sci/Tech,Ask Jeeves Goes to Japan +Business,Poultry Producer's Stock Falls 23 Percent (Reuters) +Sci/Tech,Design for Living (Forbes.com) +World,White House Shrugs Off N. Korea Comments (AP) +Sci/Tech,Grains Found in Ga. Traced to Asteroid (AP) +Sci/Tech,NASA to Use Sweden Balloon Launch Area (AP) +Business,Poultry Producer's Stock Falls 23 Percent +Business,"U.S. Treasuries Slip, Test Recent Range" +Sports,Renault F1 Team prepares for Lyon spectacle +Sports,Rob White acknowledges Spa is a tough test for the V10 +Business,Shell Settles Oil Reserve Case for \$120 Million +World,"Crawford, Gatlin Back to Business in 200M" +World,Abu Ghraib Report Faults Top Officials +World,Soldier at Abu Ghraib Makes Plea Deal +World,Straw Says Sudan Making Progress on Darfur +World,Abu Ghraib accused in plea deal +Sports,O #39;Leary: I won #39;t quit +Sci/Tech,Euro Disney Eyes \$180 Mln 'Tower of Terror'-Source +Business,"UPDATE 3-Sanderson profit jumps, but shrs fall on costs" +Business,Kodak to buy imaging business of Natl Semi; no terms +Business,UPDATE 3-Possis tumbles after disappointing heart trial +Business,Citigroup buying First American Bank +Business,National Semiconductor to Sell Unit +Business,Putin Signs Law on Restricting Beer Ads +Business,US Airways Falls on Labor Talks +Business,Citigroup to buy First American Bank in Texas +Sci/Tech,"Intel takes ax to Pentium 4, Itanium prices" +Sci/Tech,Poland Based Pirate Ring Collared +Sci/Tech,Microsoft Quits a UN Standards Group +Sci/Tech,NTT DoCoMo Rises on TSE on Reported Deal with Motorola +Sports,Men #39;s Basketball: No medal for favorite after upset +Sports,Muenzer races for gold +Sports,Small earthquake tremor felt in Greek capital +World,Maoists lift Kathmandu blockade +World,First trial at Guantanamo +World,Judge Rules Rumsfeld Cannot be Forced to Testify on Abu Ghraib <b>...</b> +World,Iran will never conduct nuclear activities in hiding: FM +Sci/Tech,Tiny 'David' Telescope Finds 'Goliath' Planet +Business,"US existing home sales slip in July, pace still robust" +Sci/Tech,Contact Center Today Cisco Strengthens IP-Service Offerings with P <b>...</b> +Sci/Tech,MS Releases XP SP2 App Testing Guide +Sci/Tech,Polish Cops Bust 100-Member Computer Piracy Gang +Sports,Rowing row simmers +Sci/Tech,EDS extends Opsware contract +Sci/Tech,Linux guide designed for developing nations +Sci/Tech,"On Mars, no life yet, but many blue screens of death" +Sci/Tech,Cisco doles out 162 million stock options +Sci/Tech,Arm offers \$913 million for chip component firm +Sci/Tech,Euro Disney Eyes #36;180 Mln 'Tower of Terror'-Source (Reuters) +Sports,Baseball outlines tougher policy +Sports,"U.S. to Face Gasol, Spain in Men's Hoops (AP)" +Sports,Minnesota Vikings Sign Derek Ross (AP) +Sci/Tech,National Semiconductor to Sell Unit (AP) +Sports,Hoddle confirmed as Wolves boss +Business,"Shell Settles with SEC, UK for \$151 Mln" +Business,EU to Probe of Microsoft/Time Warner +Sports,Ecclestone shrugs off challenge +World,Italy set for Libya migrant talks +Sports,Jets Sign Q. Carter +Sports,Russian Wins Points Race +Business,Existing home sales decline +World,"Iraq Forces Advance on Najaf Shrine, Battle Rages" +Sci/Tech,Online Music Goes Back To School +Business,UK Regulators Criticize Shell in Settlements (Update1) +Business,Citibank to enter Texas markets +Business,"Cingular, AT amp;T Wireless Launch Service" +Sci/Tech,Wi-Fi inside: new trend +Sports,Scoring dispute won #39;t hurt sport +Sports,All hail the invincibles +World,Rebels withdraw blockade of Kathmandu +World,Typhoon Aere Pounds Northern Taiwan +World,Greenpeace Protests Ford's Plans for Cars (AP) +Sci/Tech,Online Music Goes Back to School (washingtonpost.com) +Sci/Tech,EDS to Pay #36;50M to Extend Opsware Deal (AP) +Business,"National Commerce, Stockholders Settle" +World,New York Jets Sign Quincy Carter +World,Abuse Judge Forcing Intelligence Testimony +Business,Kodak buying National Semi #39;s image sensor business +Sci/Tech,National Semiconductor to Sell Imaging Unit +Sci/Tech,Briefly: EDS extends Opsware contract +Business,Shell settles with SEC for \$120 mln +Business,US Airways: More Turbulence Ahead? +Business,Citigroup to buy First American Bank +Business,"Heinz Profit Rises, Shares Higher" +Business,Northern Ireland #39;s only brewery to close +Business,Adelphia seeks \$3.2B from Rigases +Business,British Gas bills to rise +Sci/Tech,Cisco to acquire software developer P-Cube for \$200M +Sci/Tech,Windows XP SP2 Automatic Update due tomorrow +Sci/Tech,Indiana man charged with hacking into former employer #39;s systems +Sports,Russian teenager wins cycling gold +Sports,Newcastle United Football Club back in for Rooney? +World,The first Guantanamo trials are set to take place +World,Eastern provinces prepare for typhoon +World,Tehran Threatens To Retaliate If Israel Strikes Nuclear Facilities +Sci/Tech,"Luddite <em>Reg</em> readers want flat weather, please" +Sports,Russians Complain About Gymnastics Scoring (AP) +Business,"Verizon, Qwest Ask Court to Block New FCC Rules (Reuters)" +Sports,Quincy Carter Finds a Home with the Jets (Reuters) +Business,"Verizon, Qwest Ask Court to Block FCC" +Business,U.S. Blue Chips Near Flat; Verizon Weighs +Business,US Airways: More Turbulence Ahead? +Sci/Tech,"Typhoon Aere Menaces Taiwan, Markets Close (Reuters)" +Business,Heinz Squeezes Out Results +Business,DBCC says Philippines not in a fiscal crisis situation +Business,UPDATE 1-Citigroup to acquire First American Bank of Texas +Business,Belfast brewery to close after 107 years +Business,National Commerce to Settle Suits +Business,Kodak buys National Semis imaging business +Business,"Verizon, Qwest Ask Court to Block FCC" +Business,Paying an ARM and a Leg +Sci/Tech,Microsoft To Resume SP2 Auto Updating Wednesday +Sci/Tech,Cingular to use AT amp;T brand six months after merger +Sci/Tech,Intel Cuts Prices in Preparation for New Product Line +Sci/Tech,T-Mobile Checks in at Red Roof +Sci/Tech,Virtual Girlfriend +Sci/Tech,Gartner optimistic about chip numbers +Sci/Tech,"Study: Apple, Dell lead PC customer satisfaction index" +Sci/Tech,SAP To Build New Human Resources System for US Postal Service +Sci/Tech,Backyard telescope helps find new planet +Sports,Upset Russians ask IOC to take long look at gymnastics +World,Italians brush off kidnapping threat +World,Nepal rebels suspend blockade for a month +Business,Consumers set for huge bill rises +Sci/Tech,"Briefly: Real touts one week, 1 million songs" +Sports,Minor Earthquake Shakes Athens; No Damage or Injuries +Sports,Carter - joined the Jets. (Getty Images) +Sports,Uncle Bobby speaks out on Rooney +Sci/Tech,Chipmaker Fujitsu prepares WiMax chip +Sci/Tech,HP puts choke hold on virus throttling product +Sci/Tech,"Study: Apple, Dell lead PC customer satisfaction index" +Sports,Calif. Wins at Little League World Series (AP) +Business,Oil Prices Fall to \$45 as Iraq Oil Flows +Business,"Verizon, Qwest Ask Court to Block New FCC Rules" +Business,Blue Chips Near Flat; Verizon Weighs +Sci/Tech,"Check Ears Before You Pick a Fight, Study Advises (Reuters)" +Sci/Tech,Scientists to Flesh Out George Washington's Appearance (Reuters) +Business,Poultry Producer's Stock Falls 23 Percent +Business,"Dollar Climbs, But Real Money on Sideline" +Business,Botswana firm 'dismisses' workers +World,Italian troops 'to stay in Iraq' +Business,Shell Settles Oil Reserve Fraud Case for \$150.7 Million +World,U.S. Sprinters Take Aim at 200M Semifinals +Business,Ad spending predicted to rise +Business,PUTIN ON RUSSIAN-BELARUSSIAN COMPROMISE IN GAS PRICES +Sci/Tech,AT amp;T Cell-Phone Brand Will Live On +Sci/Tech,"Vonage, NETGEAR to Offer VoIP/WLAN Devices" +Sports,"Olympic Results: Tuesday, August 24" +Sports,Saints behaviour unacceptable: Barnwell +Sports,Rangers seek Champions League riches against CSKA Moscow +Sports,Jets end not subject to suspension +World,Bali bomb conspirator escapes punishment for the crime +Sci/Tech,"Verizon, Qwest Ask Court to Block Rules" +Business,Fosters restructure proves costly +Business,Internets Google goes public +Business,UK Regulator Calls Shell Misconduct Unprecedented #39; (Update2) +Business,Markets lower as falling price for oil and BMO earnings fail to <b>...</b> +Business,"UPDATE 4-Sanderson warns on prices, costs, 3rd-qtr net up" +Sci/Tech,"She Loves You; well, Virtually" +Sci/Tech,Microsoft leaves UN industry group +Sports,Gold medalist Noguchi pondering future +Sports,Australian rowers reprimanded +World,Italian troops #39;to stay in Iraq #39; +World,"Locusts invade ""Passion of Christ"" town (Reuters)" +World,Afghans to Free 400 Pakistani Prisoners (AP) +Business,Oil Prices Fall to \$45 as Iraq Oil Flows +Sports,Jets Sign Quincy Carter +Business,Treasuries Slip on Lower Crude Oil +Business,United Adds Fee for Frequent-Flier Phone Bookings +World,Rulon Gardner Wins First Two Matches +Sci/Tech,Polish Cops Bust 100-Member Computer Piracy Gang +Sci/Tech,Amazon lists PlayStation 3 +Business,Bank Shares Higher As M amp;A Hits Market +Business,US Home Sales Slow In July +Sci/Tech,Group urges EPA to cut pollution +Sci/Tech,International hacker ring busted +Sports,Argentina beat Italy for place in football final +Sports,Katie Smith tears cartilage; disappointment for Serbia amp; <b>...</b> +Sports,Argos #39; Bishop grabs weekly CFL award +Sci/Tech,"Study: Apple, Dell lead PC customer satisfaction index (MacCentral)" +World,"Karzai declares Afghanistan and Pakistan ""brothers in fighting terror"" (AFP)" +Business,Citigroup to Acquire First American Bank +Business,Short Ride to Disaster +Sports,Khan guarantees medal +Sports,Holmes on course for double +World,Najaf's Residents Feel Trapped in Battle (AP) +World,"China braces for Typhoon Aere after seven feared dead in Taiwan, Japan (AFP)" +Sci/Tech,Web Scribe Ranks Olympic Last-Place Losers (Reuters) +Sci/Tech,RealNetworks Sells 1 Million Songs Since Price Cut (Reuters) +Business,UPDATE 4-Possis tumbles after disappointing heart trial +Business,"Russia, Belarus set new deadline for common currency" +Business,85 jobs to go with closure of Belfast brewery +Business,RealNetworks Sells 1 Million Songs Since Price Cut +Sci/Tech,"Cingular, AT amp;T Reach Branding Agreement" +Sci/Tech,Of Marathon Mice And Fat Men +Sci/Tech,Gartner: Chip revenue to see steady growth +Sci/Tech,"T-Mobile, Colubris Land Wi-Fi Hotel Deals" +Sci/Tech,Hadash Party joins prisoners #39; strike for 24 hours +Sci/Tech,Wi-Fi Adapters Turn Inward +Sports,McPeak collects elusive Olympic medal +Sports,Discus Champion Thrown Out of Games +Sports,American Decathlete Clay Currently in Third +Sports,Jets sign Quincy Carter +Sports,Father and son collect consecutive holes-in-one as partners in <b>...</b> +World,Chechen Government: 12 Militants Killed +World,IRAQ VIOLANTE DO NOT SURRENDER TO TERROR BLACKMAIL +Business,BIG HIKE IN ENERGY BILLS +Business,Putin Says Belarus Gas Spat Is Over +Sci/Tech,Vonage Teams With Netgear on VoIP Tech +World,Iraqi ministers escape attacks +Business,"Blue Chips Nudge Ahead, Oil Eases" +Sports,U.S. Takes the Bronze in Women's Beach Volleyball +Business,German Officials' Growth Outlook Better (AP) +Sci/Tech,Twenty Schools Sign Up for Legal Song Downloads +World,Bin Laden Driver Charged at Guantanamo +Sci/Tech,Eclipse to consider open-source data reporting +Sci/Tech,Gartner: Chip revenue to see steady growth +Sci/Tech,AMD chips edge ahead of Intel +Sci/Tech,Nokia to offer encryption tool +Business,Colgate to Cut 12 Percent of Work Force (Reuters) +Sci/Tech,PluggedIn: Lost? Your Phone Knows a Way Out (Reuters) +Sci/Tech,Polish Cops Bust 100-Member Computer Piracy Gang (Reuters) +Sci/Tech,Twenty Schools Sign Up for Legal Song Downloads (Reuters) +Business,"Blue Chips Are Flat, Caterpillar Gains" +Business,Trial Letdown Hits Possis Medical +Sci/Tech,Colleges Rally Against Music Piracy +Business,Stocks to Watch Tuesday (Reuters) +Sci/Tech,HP Shelves Virus Throttler +Business,A missed chance RBI could rue +Business,Shell Shocked? +Business,Trial Letdown Hits Possis Medical +Business,Sumitomo puts \$29 bn takeover bid for UFJ +Business,Japan Tobacco #39;s Canadian Unit Files for Bankruptcy Protection +Business,Cognos Makes \$52.2 Million Offer for Frango +Sci/Tech,Cisco Systems Acquires P-Cube +Sci/Tech,OMB Names Timothy Young As No. 2 IT Exec +Sci/Tech,Apple tops US consumer satisfaction +Sports,Rangers coach calls on fans to back spurned Australian Olympian +Sports,Noguchi looks back +Sports,NBA stars face formidable challengers +Sports,Italy upsets Americans in semifinals +Sports,UPDATE 1-Argentina outplay Italy to secure easy passage +World,Karzai declares Afghanistan and Pakistan quot;brothers in fighting <b>...</b> +Business,S P Lifts Calif. Bond Rating 3 Notches (Reuters) +Sci/Tech,Colleges Rally Against Music Piracy (washingtonpost.com) +Sci/Tech,Intel Cuts Prices in Preparation for New Product Line (NewsFactor) +Business,Gateway Adds Micro Center to Its Distribution Channel (NewsFactor) +World,Whale trapped at N.S. power plant after swimming through sluice gates (Canadian Press) +Sci/Tech,Product Review: IBM ThinkPad X40 (NewsFactor) +Sports,A Golden Moment for Misty May and Kerri Walsh +World,Ex-Member of Kerry Legal Team Arraigned (AP) +Business,JTI-Macdonald Files for Court Protection +Business,S P Lifts Calif. Bond Rating 3 Notches +World,"Iraq Forces Advance on Najaf Shrine, Battle Rages" +Business,Oil Prices Fall to \$45 as Iraq Oil Flows +Business,Food Prices Up As India Strike Continues +Sci/Tech,"Failed European first Mars probe, Beagle 2, still a mystery" +Sci/Tech,Global chip sales to increase 27 percent in 2004: study +Sci/Tech,"Pay heed to domestic market, IT firms told" +Sci/Tech,"EDS Signs With Opsware, Again" +Sci/Tech,Nokia to offer encryption tool +Sports,"Highlights from NBC #39;s Olympic coverage, and a look ahead" +World,Italy #39;s military presence in Iraq will continue despite abduction +World,Typhoon Aere Lashes Taiwan #39;s Capital +Sci/Tech,Execs upbeat on IT spending +Sci/Tech,AMD desktop chips edge ahead of Intel +Sci/Tech,"Vonage connects with Linksys, Netgear on VoIP" +Business,Adelphia Wants Rigas Family to Repay Billions +World,Challenges Face Mideast Leaders +Business,Shell Settles Corporate Fraud Charges for \$120 Million +Business,"TD, Banknorth in Talks on Possible Deal" +Business,Update 4: Kuwait Foreign Minister Discusses Oil +Business,Japan #39;s banking revival starts with a cleanup +Business,"EU will probe Microsoft, Time Warner buy" +Business,Toll Brothers profit jumps 56 percent +Business,Durable Goods Orders Rise on Plane Demand +Business,HHG buoyed by return to profits +Business,ATA says its not leaving Midway Airport +Business,"Stocks to Open Higher, Oil Still Focus" +Sci/Tech,Microsoft announces SP2 support for Singapore users +Sci/Tech,UT club has dreams of a mission to the red planet +Sci/Tech,"NTT DoCoMo, Motorola Strike Phone Deal" +Sci/Tech,Semiconductor sales booming in 2004 +Sci/Tech,New RealPlayer Software Manages Media From Different Stores <b>...</b> +Sci/Tech,Aussie teacher quits after web threats +Sci/Tech,Yahoo! loses US appeal over French ruling on Nazi auctions +Sci/Tech,Cisco boosts carrier offerings with P-Cube buy +Sci/Tech,Microsoft pulls out of standards group over intellectual property <b>...</b> +Sci/Tech,US tops the spam league +Sci/Tech,SMIC to challenge latest TSMC infringement claims +Sci/Tech,UN organizes open-source software day across Asia +Sci/Tech,Hollywood sues DVD-chip makers +Sci/Tech,Actuate Joins Eclipse; Starts Open Source BI Project +Sci/Tech,SAP Delivers for the Mailman +Sci/Tech,NASA Picks Swede Launch Site for Balloons +Sci/Tech,"Google #39;s Real Rivals: Yahoo, MSN, And Amazon" +Sports,3rd time proves golden charm for El Guerrouj +Sports,"Olympic Results: Wednesday, August 25" +Sports,Greek judo star dies after leap +Sports,Isinbayeva aims to be female Bubka +Sports,Olympic diary: Day 12 +Sports,Moorcroft Would Back Radcliffe Bid +Sports,"Foudy Improves, Remains Game-Time Decision" +Sports,US boxer topples the Russian giant +Sports,Danish player strike is called off +World,Sudan accepts deployment of more AU peacekeepers: official +World,Settling Israeli Settlements +World,Polio threatening to reach epidemic proportions in Africa +World,Palestinian intelligence chief shot +World,BA cancels four more flights +World,Pakistan #39;s Caretaker Prime Minister Steps Down +World,Hopes for peace talks as Nepal rebels lift blockade +Sci/Tech,"Japan #39;s NTT DoCoMo, Motorola strike deal to develop mobile phone" +Sports,Rulon Gardner Loses Bid for Repeat Gold (AP) +Business,Durable Goods Orders Rise on Plane Demand (Reuters) +Business,Oil Prices Halt Three-Day Losing Streak (Reuters) +World,"Two Russian Planes Crash, Cause Unclear (Reuters)" +Sports,Beltre Hits 40th in Dodgers' Win (AP) +Business,"TD, Banknorth in Talks on Possible Deal (Reuters)" +Sci/Tech,DoubleClick Signs on MSN to Use Its Rich Media Ads (Reuters) +Business,EU Probes Microsoft/Time Warner Venture (Reuters) +Sports,Jeter Helps Yankees Steal One in Cleveland (AP) +World,"Typhoon Aere Pounds Taiwan, Heads Into China (Reuters)" +Sci/Tech,Justice Dept. to Announce Cyber-Crime Crackdown (washingtonpost.com) +World,Redefining Swedishness (and causing a stir in the literary world) (AFP) +Sci/Tech,"NTT DoCoMo, Motorola Strike Phone Deal (AP)" +World,Gunmen Attack Senior Palestinian Officer (AP) +Sports,Jets Sign Quarterback Quincy Carter (AP) +World,Canada Picks Same-Sex Advocates As Judges (AP) +Business,Mortgage Applications Off in Aug. 20 Week (Reuters) +Sci/Tech,"NTT DoCoMo, Motorola to develop 3G mobile handset for business users (AFP)" +World,Zimbabwe Opposition to Boycott Elections (AP) +Sports,Bryant Judge Restricts Courtroom Cameras (AP) +Sci/Tech,"Actuate Joins Eclipse, Starts Open-Source BI Project (Ziff Davis)" +Sports,Baseball Today (AP) +Business,Fact and Comment (Forbes.com) +World,"Toronto hostage-taker holds woman at gunpoint, shot dead by police: reports (Canadian Press)" +Sci/Tech,EU Extends Review of Microsoft Deal (AP) +Sci/Tech,Critical Netscape Flaw Found (PC World) +Sports,Sharapova Loses to Wild Card in Conn. (AP) +Sports,Els Reflects on Season of Heartache (AP) +Sci/Tech,Humpback Whale Trapped at Power Plant (AP) +Business,Trading Privacy for Convenience +Sci/Tech,NASA Picks Swede Launch Site for Balloons (AP) +Sci/Tech,Project Shows Promise for Grape Growers (AP) +Business,"Skilled Labor in High Demand, Low Supply" +Sci/Tech,"Blueberry Compound Fights Cholesterol, Study Finds (Reuters)" +Sci/Tech,Fishing Warnings Up Due to Mercury Pollution-EPA (Reuters) +Sci/Tech,Weak El Nino Forecast in Pacific by End August-NOAA (Reuters) +Sports,Molineux joy at Hoddle deal +Sci/Tech,Inhaled Anthrax Vaccine Protects in Animals-Report (Reuters) +Business,Durable Goods Orders Rise in July +Business,China raises domestic fuel prices +Business,Cigarette firm acts in tax row +Business,US house sales fall in July +Business,Famous film maker put up for sale +Business,State discloses venture results +Business,Funeral director suspended for 5 years +Business,Putnam as pariah +Business,Shakedown street +Sports,"Jeter Walks, Runs and Pulls Yanks to Victory" +Business,"In place of dollars, a cool change " +Sports,Jets Turn to Carter to Back Up Pennington +Business,July home sales strong +Business,Prices for oil fall for 3d day +Business,Yukos suffers another setback +Business,Royal Dutch/Shell fined \$120m +World,A young monk opens a rare window of candor in Tibet +Sports,Fresh face lift +Business,Toronto-Dominion seeks Banknorth stake +Sports,Give handball a sporting chance +World,Hunt for clues to Russia crashes +Sports,Middle management +Sports,Another one-run game won? This is too good +Business,On tap: aluminum bottles +World,Top Shia leader returns to Iraq +Business,July Durable Good Orders Rise 1.7 Percent +World,Cheney rejects gay marriage ban +Business,A Bank Takeover in Japan Breaks Tradition +Sports,Carter signs with Jets +Sports,BC freshmen forced to stand on own feet +Business,Dozens Charged in Crackdown on Spam and Scams +Sports,Clearing the hurdle of doping scandals +Business,Some Light Shed on Panel Decision to Deny Aid to United +Sports,"After comeback, comedown for US" +World,Zimbabwe opposition poll boycott +Sports,No finishing kick left for Pappas +World,Europe helps tackle Morocco fires +Sports,Ward: No size too great +Sports,Aussies face Cuba in final +Sports,Lincoln's summer run comes to end +World,Hmong ordered from Thai camp +Sports,US sailors lose guessing game +Sports,NL notables +Sports,Beltre's slam lifts Dodgers +World,Israel wins first Olympic gold +World,Thousands at Bangladesh funeral +Sports,AL notables +World,Indian politician sent to prison +Business,Software Seeks Online Bargains +Sports,Controversy mishandled all around +Sports,Dominant US women's squad a true dream team +World,Barents Sea 'faces major threats' +Sports,Going deep -- for memories +Sports,They're quick to impress +World,'DNA analysis' spots e-mail spam +Sports,Coach still fighting mad at Estrada +World,Band 'dumps sewage on tourists' +World,Efforts to eradicate polio falter +World,Magazine offers reward for return of paintings +World,Naples police in huge mafia swoop +World,Afghan leader vows to release 400 Pakistani prisoners +World,A Trail of 'Major Failures' Leads to Defense Secretary's Office +World,Bush Campaign's Top Outside Lawyer Advised Veterans Group +Business,Outsourcing issue flares up at chip conference +Business,Actuate moves to take enterprise reporting to open source +World,Top Cleric Looks to Broker Deal in Najaf +World,Israel Wins First-Ever Olympic Gold +Business,Stocks to Watch Tuesday +Sports,Preston Bows Out +World,Top Cleric Looks to Broker Deal in Najaf +World,Adrian Beltre Hits His 40th Home Run +Sports,Midfield Now Strength +World,Russian Jet Crashes Kill at Least 135 +World,Unit's Report Supports Kerry's Version +Sports,Mitch Decides to Stay +World,Prison Abuse Report Cites Top Commanders +Sports,Wide-Open Receiving +World,2 Russian Jets Crash Within Minutes +Sports,"MLB, D.C. Talk" +World,A Push for More Power At Iraq Plant +World,Money Is Driving Moscow Makeover +World,From Coal to Culture +Sports,Slopes Only for Bloom +World,On the Road to Greatness +World,Nice Witch of the North +Sci/Tech,Justice to Announce Cyber-Crime Crackdown +Sci/Tech,"Verizon, Qwest to Fight FCC Rate Freeze" +Sci/Tech,Northwest Ticket Fees Urge Web Use +Sci/Tech,Report Says Air Force's Space Programs Improved +Sci/Tech,Md. Machines Seek Vote Of Confidence +Sci/Tech,EU Extends Review of Microsoft-Time Warner Deal +Sci/Tech,'NFL 2K5' Edges Out 'Madden NF' +Sci/Tech,Museum welcomes flesh-eating bugs +Sci/Tech,Fear and Loathing in #133; Lobsterland +Sci/Tech,Secret Sex Lives Of High-flying Finch Uncovered In The Rockies +Sci/Tech,Textile Fragments Provide Details of Ancient Lives +Sci/Tech,Who Knew? U.S. Presidential Trivia +World,US deserter reunited with family +Sci/Tech,Grains Found in Georgia Traced to Huge Asteroid Impact +Sci/Tech,NASA Picks Swede Launch Site for Giant Balloons +Sci/Tech,Space Radiation May Harm Astronauts' Blood Cells +Sci/Tech,Meteorites Supplied Earth Life with Phosphorus +Sci/Tech,"Health Highlights: Aug. 24, 2004" +Sci/Tech,"EU will probe Microsoft, Time Warner buy" +Sci/Tech,Briefly: Microsoft IPTV to woo Swiss test group +Sci/Tech,SP2: Bad for your blood pressure? +Sci/Tech,Report: companies expect fast IT spending growth +Sci/Tech,Actuate pushes open-source data reporting +Sci/Tech,IBM lays claim to extension of server reign +Sci/Tech,Japan designers shoot for supercomputer on a chip +Sci/Tech,"Nanotech will tap nature's potential, investor says" +World,Latest International news on mobile: sms INT to 7333 +Sci/Tech,Verizon blames federal rules for broadband holdup +Sci/Tech,"CompactFlash card takes licking, keeps ticking" +Sci/Tech,Sony speeds up Memory Stick cards +Sci/Tech,ISS: Critical Netscape flaw could be widespread +Sci/Tech,Washington State Ferries expands ferryboat Wi-Fi service +World,Tight security as Karzai is sworn in +Sci/Tech,EDS extends IT automation deal with Opsware for three years +Sci/Tech,Actuate moves to take enterprise reporting to open-source +Sci/Tech,HP shelves virus-throttling product +Sci/Tech,"New IRS accounting system, a year late, nears completion" +Sci/Tech,Study: E-business customer satisfaction on the rise +Sci/Tech,Indiana man charged with hacking into former employer's systems +Sci/Tech,Connexion by Boeing partners with iPass +Sci/Tech,"EU extends MS, Time Warner probe" +Sci/Tech,SMIC to challenge latest TSMC infringement claims +Sci/Tech,Intel to launch tri-mode Wi-Fi chip set +Sports,Rossi named new Atalanta coach +Sci/Tech,Outsourcing issue flares up at chip conference +Sci/Tech,BEA departures continue +Sports,India beats Germany in Champions Trophy field hockey +Sci/Tech,"Gartner: '04 chip revenue growth strong, '05 weaker" +Sci/Tech,Yahoo's legal battle over Nazi items continues +Sci/Tech,ISS: Critical Netscape hole could be widespread +Sports,Players get a chance to beat Tiger Woods at his own game +Sci/Tech,Yahoo Faces New Court Battle over Nazi Items +Sci/Tech,NBC's Olympic Coverage Irks HDTV Owners +Sci/Tech,Report Shows Universities Curtailing Online Piracy +Sci/Tech,University Offers Free Microsoft Software to Students +Sci/Tech,NTT DoCoMo and Motorola Strike Phone Deal +Business,Bank of America Exec to Get Severance Pay +Business,Boeing wins \$7.35B airplane order +Sci/Tech,Jamaica to Provide Free Internet Access +Sci/Tech,Microsoft offers SP2 compatibility guide +Sci/Tech,BenQ wins ODM contract from Nokia +World,More delays for British Airways passengers in London (AFP) +World,Indian Software Giant Shares Start Trading (AP) +Business,Williams-Sonoma Profit Up; Keeps Forecast (Reuters) +World,"Nobel prizes to be announced in October, Blair and Bush in the running (AFP)" +World,Hockey teams seek foreign secrets of success (Reuters) +Business,Astra Cancer Drug Tied to More Pneumonia (Reuters) +Sports,Aussies finish 1-2 in women #39;s triathlon +Business,"Banknorth, TD Bank Are in Talks" +Business,Heat is on MTFG to place UFJ bid +World,"Two Turks kidnapped in Iraq, risk execution: TV report (AFP)" +World,Two Israelis among dead in Russian plane crash +World,"Typhoon forces 240,000 to flee" +World,More BA flights canceled +World,Hicks charged with war crimes +World,Experts Say Nepal Rebels #39; Plan Resembles Peru #39;s Shining Path +Business,"India, GCC agree to promote economic cooperation" +Business,US economy boosted by rise in manufacturing orders +Business,Toll Brothers 3Q Profits Beat Estimates +Business,Sprint provides VoIP to eighth-largest cable company +Business,Stocks Edge Lower As Oil Prices Climb +Business,UPDATE 2-US mortgage applications fall 6.3 percent in week +Business,Last call for Jack Daniel #39;s? +Business,HHG gets out of red zone +Sci/Tech,Motorola takes step into Japan market +Sci/Tech,Dragging the Net for Cyber Criminals +Sci/Tech,Sheep put brave face on stress +Sci/Tech,Small #39;scope spots big planet +Sci/Tech,"Linksys, Vonage In Equipment Deal" +Sci/Tech,Semiconductor Market Grow 27 Percent in 2004 +Sci/Tech,EFF wins JibJab case +Sci/Tech,MS anti-Linux ad #39;misleading #39; +Sci/Tech,Yahoo Continues Fight Over Nazi Paraphernalia +Sci/Tech,Beware #39;Peeping Tom Webcam Worm #39; +Sci/Tech,Sony preparing high-speed Memory Stick Pro +Sports,El Guerrouj: destiny fulfilled +Sports,"In memory of Luke, Loretta races for her life" +Sports,Victory is golden for city cyclist +Sports,More blazers than tracksuits at Games +Sports,Formula One statistics for Belgian Grand Prix +Sports,Sri Lanka spinners throttle South Africa +Sports,McLEISH GOING FOR GLORY +World,"Iraq #39;s Sistani Returns, Plans to End Najaf Crisis" +Business,Royal Dutch/Shell Fined \$150 Million +Business,Kuwait pumping crude oil at maximum levels +Business,Europe starts new Microsoft probe +Business,"US July Durable Goods Orders Probably Rose 1, Survey Shows" +Sci/Tech,Motorola To Develop FOMA Mobile Phone Handset for DoCoMo +Sci/Tech,"Dozens charged in spam, scam crackdown" +Sci/Tech,Sheep pine for absent friends: official +Sci/Tech,Advertising watchdog reprimands Microsoft over #39;facts #39; +Sci/Tech,Rbot virus spies on surfers +Sci/Tech,Computer Associatates Bonus Proposal Defeated +Sports,Israelis celebrate first gold medal +Sci/Tech,Humpback Whale Trapped at Power Plant +Sports,Bronze possible for Hill +Sports,Radcliffe is running again +World,Flight Data Recorders Found of 2 Crashed Planes in Russia +World,Paris marks liberation from Nazis +Business,Durable Goods Orders Up; Homes Sales Down +Business,Astra Cancer Drug Tied to More Pneumonia +Business,Toronto-Dominion in Talks With Banknorth of Maine (Update2) +Sci/Tech,Music Publisher Settles Copyright Skirmish Over Guthrie Classic +Sci/Tech,CA #39;s Cron To Remain Interim CEO +World,Olympics Chiefs Want Bush Campaign to Back Off (Reuters) +Business,"Durable Goods, Housing Data Trip Stocks" +Business,Mortgage Applications Fall 6.3 Percent +World,Palestine condemns attack on deputy intelligence chief +Business,Economic Doubts Rally Treasuries +World,S.Africa Police Arrest Thatcher Son in Coup Probe +World,Australian may get family reunion before war crime tribunal +World,Gaza Gunmen Shoot Palestinian Intelligence Chief +Business,Singapore Air Sets \$7.35 Bln Boeing Order +World,"Two Russian Planes Crash, Cause Unclear" +World,"Typhoon Aere Pounds Taiwan, Heads Into China" +Business,"TD, Banknorth in Talks on Possible Deal" +Business,U.S. New Home Sales Fall in July +World,Sudan Govt. Agrees to Bigger AU Force in Darfur +World,Bulgaria Won't Pay Libya Over HIV Case (AP) +World,Paris Fetes 1944 Liberation from Nazi Occupation +Business,Shell 'faces \$1.5bn Nigeria bill' +Business,Europe starts new Microsoft probe +Sci/Tech,MmO2 leapfrogs rivals with super-fast 3G +Business,Indian low-cost airline expands +Business,Bahrain eyes power grid upgrade +Sci/Tech,"Student #39;s Projects Win \$100,000 in Siemens Westinghouse <b>...</b>" +World,Pinochet to testify in Jara case +Business,Oil Prices Halt Three-Day Losing Streak +Business,Can Lifeway Survive a Disaster? +Business,Don't Make the Babies Cry +World,Bush Campaign's Top Outside Lawyer Resigns +Sci/Tech,Sleepless sheep can count on familiar faces +Sci/Tech,Consumers Trade in Home Phones for Mobile and Web +Sci/Tech,Microsoft Leaves UN Standards Group +Sports,Harrop wins silver +Sports,South Africa opts to bat first at Dambulla +World,"Two Russian Planes Crash, 89 Die, After Hijack Alarm (Update7)" +World,'On Death and Dying' Author Dies at 78 +World,Russia Probes Cause of Two Plane Crashes +World,Thatcher's Son Charged in Coup Plot +World,Australian Detainee Meets With Father +World,"Sistani Returns to Iraq, Calls for March on Najaf" +Business,July Durable Good Orders Rise 1.7 Percent +Business,Tata Consulting Services makes successful IPO +Business,Politics cloud debate on Philippine #39;crisis #39; +Sci/Tech,Macrovision CDS-300 version 7 beta +Sci/Tech,Wayward whale yet to leave NS power plant area +Sports,American Susan Williams Takes Triathlon Bronze +Sci/Tech,"Programs: for Stealth Lovers, 'Thief' Is a Steal" +Sci/Tech,Livewire: Beep! Beep! Ultra-Fast Broadband Is Here +Sci/Tech,Consumers Trade in Home Phones for Mobile and Web +Sci/Tech,Playboy Posts Unused Google Excerpt to Web Site +Sci/Tech,DoubleClick Signs on MSN to Use Its Rich Media Ads +Sci/Tech,New Project Shows Promise for Grape Growers +Sci/Tech,Early Heart Attacks Likelier in Smokers +Sci/Tech,Draining Brain Toxins May Slow Alzheimer's +Sci/Tech,CA execs can keep bonuses--for now +Sci/Tech,Gartner sees solid server sales +Sci/Tech,"Programs: for Stealth Lovers, 'Thief' Is a Steal (Reuters)" +Sports,U.S. Women's Hoops Team Cruises Into Semis (AP) +Sci/Tech,Livewire: Beep! Beep! Ultra-Fast Broadband Is Here (Reuters) +Sci/Tech,Consumers Trade in Home Phones for Mobile and Web (Reuters) +Business,Soft Margins Cut Bombardier Profit (Reuters) +Sports,US Women's NBA stars get the message - gold or failure (AFP) +Sci/Tech,Over 100 Arrested in U.S. Spam Crackdown (AP) +Sci/Tech,"Gartner: Q2 server shipments up on Sun, Dell strength" +Sci/Tech,Intel Eyes Tri-Mode Wi-Fi (PC World) +World,Typhoon Aere slams into China after claiming 12 lives elsewhere (AFP) +Sports,Europeans on Ryder Cup Scramble at BMW (AP) +Sports,"Basketball: U.S., Russia Set for Semifinal Showdown" +Sci/Tech,Japan Plans to Launch Spy Satellites (AP) +Business,Williams-Sonoma Profit Up; Stock Jumps +Business,Soft Margins Cut Bombardier Profit +Sports,"Montgomerie, Donald Paired in Ryder Cup Race" +Sports,AL Wrap: Matsui's Late Single Leads Yankees Past Indians +Sports,Gymnastics: Russia Chief Blasts 'Judging Mafia' +Sci/Tech,RIAA Cheers College Music Deals +World,Prisoners 'to get Afghan trials' +Sports,U.S. Cruises Past Greece +World,Australian Detainee Meets With Father +Sports,Israel Wins First Olympic Gold +Sports,Pakhalina Leads Springboard Preliminaries +Sports,Slyusareva Wins Women's Points Race +Sci/Tech,Google Blesses Blogger Users with AdSense Advertising +Sci/Tech,Friendster Names Ex-AOL Executive VP of Sales +Sci/Tech,Real Networks iTunes Price Cutting Bags 1 Million Sales +Sci/Tech,Infocus: Using Libwhisker +Sci/Tech,Reactors Trim Radioactive Waste +Sci/Tech,Copyright Bill Needs Big Changes +Sci/Tech,JibJab Is Free for You and Me +Sci/Tech,Poll: Voters Want Paper Trail +Sci/Tech,Attacking the Fourth Estate +Sci/Tech,Master of the Nerdiverse +Sci/Tech,Music Services Score an A-Plus +Sci/Tech,The New American Idol +Sci/Tech,Dozens Charged in Push Against Spam and Scams +Sci/Tech,European Union Extends Review of Microsoft Deal +Sci/Tech,Polish Cops Bust Computer Piracy Gang +Business,UPDATE 3-Williams-Sonoma quarterly profit up; stock jumps +Business,Update 3: EU Probes Microsoft-Time Warner Deal +Business,Seven Brokerages Fined Total \$3.65M by SEC +Business,Durable Goods Orders Up; Homes Sales Down +Business,Soft Margins Cut Bombardier Profit +Business,"US Economy: July New Home Sales Fall, Durable Goods Rise" +Business,"Gartner: Q2 server shipments up on Sun, Dell strength" +Sci/Tech,"DoCoMo, Motorola Partner on 3G Phone" +Sci/Tech,CA execs can keep bonuses--for now +Sci/Tech,Intel Eyes Tri-Mode Wi-Fi +Sports,Israel celebrates joy of first gold medal +Sports,Cricket: Officials Call Off Australia-Pakistan Match Due to Heavy <b>...</b> +Sports,Cricket: Herath puts South Africa in spin +Sports,Anky van Grunsven continues domination in dressage +Sports,Michael Reiziger out with shoulder injury +World,Quarter million Chinese flee typhoon +World,"Occupation army invades Nablus, detains leader of al-Aqsa group" +World,Guantanamo detainee visits with parents +World,"Hungarian prime minister resigns, pre-empting ouster (AFP)" +Business,Olympic Gold's Price: #36;12 Bln for Athens (Reuters) +World,Militants Threaten Turkish Hostages' Lives (AP) +Sci/Tech,Sardine Migration One of Nature's Great Wonders (Reuters) +Sci/Tech,Ad watchdog warns Microsoft to 'Get the Facts' +Business,Virgin plans China mobile service +Business,CA shareholders reject compensation proposal +Business,Stocks Up on Conflicting Economic Reports +Business,Second-Quarter Server Sales Grow 8 +Business,Brokerage unit saps H amp;R Block but will it be sold? +Business,Applebee #39;s: Olympics ate our sales +Sci/Tech,Windows XP Service Pack 2 Comes Complete With Errors +Sci/Tech,"DoCoMo, Motorola to build FOMA/GSM handset" +Sci/Tech,Sheepish portraits can calm woolly nerves +Sci/Tech,Tiny telescope spots giant planet +Sci/Tech,JibJab Is Free For You and Me +Sports,Japan win baseball bronze +Sports,Don #39;t do the math in the Hamm controversy +Sports,Van Grunsven wins sixth equestrian medal +World,Thatcher #39;s son arrested over coup plot claims +World,Passengers face more delays +World,Israeli FM praises French fight against anti-Semitism +World,"PM Shujaat tenders resignation, federal cabinet dissolved" +Sci/Tech,Instant Messaging On Rise at Work and Mobile +Sci/Tech,RIAA Cheers College Music Deals (PC World) +World,Britain to deploy fighter planes to Afghanistan (AFP) +Sci/Tech,Server Sales Continue to Soar (Ziff Davis) +Sports,Gardner Unable to Defend His Olympic Title +Business,Spokane diocese files for bankruptcy +Business,Singapore Air Sets \$7.35 Bln Boeing Order +Sports,Sick Serbians Bow Out in Volleyball +Business,Gambro Sells US Clinics Business +World,Churches 'snap up Passion DVDs' +Business,A Small Cap for Any Market +World,Iraq's Leading Shiite Cleric Looks to Broker Deal With Rebels +Business,Jury Rules WTC Attacks Were Two Events; Silverstein May Recover 2x <b>...</b> +Sci/Tech,Hollywood battles DVD chip makers +Sci/Tech,US cracks down on spam mountain +Sci/Tech,Microsoft Pulls Out of UN Talks +World,Bad Hair Day for Sir Mark +World,Italian troops to stay on in Iraq despite hostage ultimatum +Sports,Bills QB Losman to Have Surgery on Leg (AP) +World,Nigerian Senate Orders Shell Unit to Pay (AP) +World,Australian Taliban charged at US military tribunal after meeting family (AFP) +World,Report: Iraqi Official's In-Law Abducted (AP) +Sports,Accreditation Team Criticizes U. of Ill. (AP) +World,Edwards Stumps in Democratic Stronghold (AP) +Business,GM Pulls 'Jack Flash' Corvette Ad +Business,Boeing and Airbus clash +Business,"Canada bank, Banknorth talk \$2B deal" +Business,Williams-Sonoma Delivers Value +Business,Boston Scientific Gets FDA Balloon OK +Business,Investors Pull Out of Homebuilder Stocks +Business,Smucker Spreads It On Thick +Business,Beer Shows Its quot;Metal quot; +Sci/Tech,Key Windows update fully rolls out +Sci/Tech,"Motorola, DoCoMo Team For 3G Handsets" +Sci/Tech,Update 8: Justice Dept. Cracks Down Internet Crime +Sci/Tech,Semiconductor Sales Booming in 2004 +Sci/Tech,WS-I tackles Web services attachments +Sci/Tech,Hollywood battles DVD chip makers +Sports,One dream inspires El Guerrouj +Sports,Fridman: #39;My Dream has Come True #39; +Sports,"Bayley wins Keirin gold medal, capping Australia #39;s golden show" +Sports,Athletics: She #39;s the Bahamas #39; darling +Sports,"Argentina Continues to Stifle, Will Play for Gold" +Sports,NATO says #39;so far so good #39; on Olympic security +Sports,Not Normal Routine for Gymnastics +World,Son of #39;Iron Lady #39; a coup plotter? +World,Sistani returns as US forces trap Mehdi Army +World,2 More Nations Report Polio Cases +World,Pakistan #39;s caretaker PM resigns +World,Washington ignores North #39;s verbal attacks +World,WHO Official Seeks More Money for Bird Flu +World,Israelis to Expand West Bank Settlements +World,BA services #39;back to normal #39; +World,Pakistan PM makes way for Aziz +Sci/Tech,Fuji Readies 16X DVDs (PC World) +Sports,Hurt Leopold Off U.S. Team at World Cup (AP) +Sci/Tech,'Super Earth' Discovered at Nearby Star (SPACE.com) +World,U.S. Overcomes Cuban Jamming of Broadcasts (AP) +Sci/Tech,Sky Capture: How NASA Will Bring Genesis Down to Earth (SPACE.com) +Business,OmniVision's No Flash in the Pan +Sports,Prosecutors Seize Medical Files of Greek Sprint Stars +Sci/Tech,Door open for silicon replacement +Sci/Tech,Card fraud prevention 'pays off' +Business,Europeans investigate Microsoft #39;s intentions +Sci/Tech,Windows XP SP2 Has a Dangerous Hole +Sci/Tech,Tiny telescope spots new Jupiter-sized planet +Sci/Tech,Ad claimed Linux 10 times more expensive than Windows +Sci/Tech,Real Sells 1 Million Songs in First Week of Promotion +Sports,"Liverpool Progresses to Champions League; Monaco, Inter Advance" +Sci/Tech,Justice Dept. Cracks Down on Internet Crime +Sci/Tech,Music Industry Sues 744 More for File Sharing +Sci/Tech,Squeezing Out Monkey Clones +Sci/Tech,Smallest 'Earth-like' planet seen +Sci/Tech,Door open for silicon replacement +Sci/Tech,Site Bars Black Box Voting Head +Sci/Tech,Open-source developers focus on accessibility +Sci/Tech,Briefly: WS-I tackles Web services attachments +Sci/Tech,WS-I tackles Web services attachments +Sci/Tech,Amazon to sell AT T's Net phone service +Sci/Tech,Justice Department Cracks Down On Spammers +Sci/Tech,China's Inbreeding Pandas to Be Given More Space (Reuters) +Sci/Tech,"US Military, Spy Satellites Need More Coordination (Reuters)" +Sci/Tech,"Roads Go Wild, Get Safer" +World,Japan's Hot Springs Sullied by Scandal (AP) +World,Hurricane Charley Leaves Cuba \$1 Billion Bill +World,Intel Unit Members Faulted in Iraq Abuse +World,Stocks Up on Conflicting Economic Reports +Sci/Tech,Video Feeds Follow Podcasting +Business,Atlanta Fed chief sees respectable US job growth +Business,Singapore Air signs \$7 billion Boeing deal +Business,"Sprint, Mediacom agreement could lead to wireless reseller deal" +Sci/Tech,Global server sales up in second quarter +Sci/Tech,Fuji Readies 16X DVDs +Sci/Tech,Report: US Leads in Spam Production +Sci/Tech,Custom-System Builders: Intel Price Cuts Move Processor Sweet Spot +Sports,Sam Kellerman / FOXSports.com Posted: 2 minutes ago +Sports,Countdown to Spa. +World,Iran #39;s Supreme Leader Warns US About Najaf Siege +World,The semantics of Israeli occupation +Business,H R Block Files One Away +Sci/Tech,Second Career for Old Robot: Art +Sci/Tech,Open source makes noise +Sci/Tech,Microsoft wraps up MOM 2005 management tool +World,Italian transport minister in call to unions over Alitalia crisis (AFP) +Sci/Tech,Florida E-Vote Study Debunked +World,Nigerian Senate orders Shell to pay 1.5 billion dollar compensation (AFP) +Sci/Tech,Sunlight to Fuel Hydrogen Future +World,Seeking a Sleeping Giant (Los Angeles Times) +World,Plans to Expand Settlements Spark Anger (AP) +Business,Civilian aircraft keep US factories busy in July (AFP) +Business,Dollar Shrugs Off Overvalued U.S. Housing +Sports,"Basketball: U.S., Russia, Brazil in Semifinals" +Sports,Top Seed Federer Handed Tough Opener at U.S. Open +Business,Shell increases 2004 spending in Europe +Business,"Possible Bank Merger: Banknorth, TD Bank are in talks" +Business,FDA OKs Boston Scientific Cutting Balloon +Business,H amp;R Block Files One Away +Business,Civilian aircraft keep US factories busy in July +Business,Northwest Sues Sabre Over Contract +Business,Stocks stick close to the flatline +Business,Microsoft Releases MOM 2005 to Manufacturing +Business,Toll Brothers #39; profit soars 56 +Business,TCS shares close at 16 premium on debut +Business,Citigroup Resets \$1.18 Billion Credit for Cinram International +Sci/Tech,Justice Dept. Cracks Down Internet Crime +Sci/Tech,Gartner sees solid server sales +Sci/Tech,New Technique to Advance Semiconductors +Sci/Tech,"Under Fire, CA Pledges To Right Its Ship" +Sci/Tech, #39;Super Earth-like #39; planet discovered +Sci/Tech,Best Software overhauls Act +Sci/Tech,WS-I Addresses Web Services Attachments Interoperability +Sci/Tech,Webcam worm watches from afar +Sports,Athletics: Champion of champions +Sports,Record Run Gives American Joanna Hayes Hurdles Gold +Sports,Isinbayeva cleared high five +World,Hicks fronts military commission +World,Bali bombers may be brought here +World,New Polio Cases Reported in Sudan +World,"Rebels lift blockade, warn of more" +Business,Former Enron Executive Will Pay \$1.49 Million +Sci/Tech,Can You Live with Windows XP SP2? +Sci/Tech,It #39;s out there somewhere +Sci/Tech,Briefly: Music promoter offers concert downloads +Sci/Tech,Vonage doubles its money +Sports,ATHENS OLYMPICS 2003 / Hayes captures bizarre 100-meter hurdles <b>...</b> +Sports,Israeli dedicates first gold to Munich victims +Sports,Brazilians win gold at the beach +World,"Ba #39;asyir transferred to Cipinang, formal charges expected in days" +World,Netherlands Panel Suggests Turkey-EU Talks (AP) +Sports,Bryant Prosecutors Question Defense DNA Evidence (Reuters) +World,Wiesel urges swift action in Sudan; Danny Glover arrested at Sudanese embassy (AFP) +World,Ridge: Convention Security Measures Solid (AP) +Sports,A Low-Key Olympic Return for Marion Jones +Business,India wins \$77m steel investment +Sports,Dirrell Boosts American Title Hopes in Boxing +Sports,Awesome Halkia Stuns Sad Pittman in Hurdles +World,Iraqi killed on 'march to Najaf' +World,Man shot dead in Canada stand-off +Sports,M. Jones Advances +World,"Ridge Reviews Security in N.Y., Declaring 'We Are Prepared'" +World,Stocks Rally on Lower Oil Prices +Business,US Stocks Gain as Oil Prices Tumble +Business,"Altria, Kraft Foods raise dividend payouts" +Business,JB Oxford Sued by SEC for Improper Mutual Fund Trades (Update2) +Business,Oil falls \$1-a-barrel as gasoline prices slide +Sci/Tech,Global server revenue up 8 percent in second quarter +Sci/Tech,Sprinting Toward VoIP +Sci/Tech,MPAA sues DVD chipmakers +Sports,Greek sprinter rides cheers to victory +Sports,Sa #39;adi Thawfeeq reporting from Dambulla +World,India gt; India-Kuwait sign extradition treaty +Sci/Tech,US agents raid five locations in digital piracy probe (AFP) +Sci/Tech,Microsoft Releases MOM 2005 to Manufacturing (Ziff Davis) +Sci/Tech,New Technique to Advance Semiconductors (AP) +Sci/Tech,Simple Telescopes Discover New Planet (AP) +World,Paris Fetes 1944 Liberation from Nazi Occupation +Sci/Tech,Briefly: Music promoter offers concert downloads +Sci/Tech,Microsoft's MOM goes out the door +Sci/Tech,Death of the Internet greatly exaggerated +Sci/Tech,Vonage doubles its money +Sci/Tech,It's all a game for Bush vs. Kerry +Sci/Tech,Deutsche Bank hit again by phishing attack +Sci/Tech,"NTT DoCoMo, Motorola tie up on 3G handsets" +Sci/Tech,Playboy Publishes More of the Google Interview on Playboy.com +Sci/Tech,Search Engine Marketing Issues - Link Popularity +Business,Shell to Spend More on North Sea Venture +Business,"Asian Stocks: Japan Climbs, Led by UFJ; China Mobile Advances" +Business,"UPDATE 1-Northwest, Sabre tussle heats up, Sabre shares fall" +Business,"How to Make Millions, Slowly" +Business,Williams-Sonoma 2nd-Qtr Net Rises 55; Shares Soar (Update5) +Business,Ex-Exron exec to pay \$1.49M to settle charges +Business,Oil tumbles below \$44 +Business,Toll Bros. tops target +Sci/Tech,Motorola to develop FOMA handset for DoCoMo +Sci/Tech,Technique allows more resilient semiconductors +Sci/Tech,UN-funded agency releases free Linux user manual +Sci/Tech,Yahoo has problem with the Nazis +Sci/Tech,LogicLibrary Announces Logidex 3.5 for J2EE and .NET +Sports,Lagat Remains Gracious in Defeat +Sports,JOHNSON AND JONES PROGRESS +Sports,Second Andre win in a row boosts US gold medal hopes +Sci/Tech,Satisfied Customers +World,U.S. State Dept Finishes Review of Iraq Aid Plan (Reuters) +Sports,Va. Senate Leader Opposes Baseball Plan (AP) +World,U.S. Soldier Dies in Truck Crash in Iraq (AP) +Business,Stocks End Up as Oil Prices Fall +Business,Dollar Dips Against Most Major Currencies +Business,Longer-Dated Treasuries Rise +Business,"Northwest, Sabre Tussle Heats Up" +Business,Starbucks Aug. Same-Store Sales Up 8 Pct +Business,Washington Post Editor Stepping Down +World,Hungarian tycoon picked as new PM +Business,"Still AT T Wireless, for a Spell" +Sports,Plan Comes Under Fire +World,U.S. Prepares for Possible Flu Outbreak +World,Australian Held in Cuba Pleads Innocent +Business,Starbucks Posts Robust August Sales +Business,Rate Scare at H amp;R Block +Business,EU Probes DRM Deal +Business,Stocks Rally on Lower Oil Prices +Business,Two Regional Bells Sue To Lift Access-Price Freeze +Business,Bill to raise Calif. minimum wage advances +Sci/Tech,Microsoft Posts Windows XP Service Pack 2 Compatibility Guide +Sci/Tech,Modified Mice Stay Super-Fit -- Without Exercise +Sci/Tech,Smallest #39;Earth-like #39; planet seen +Sci/Tech,Celebrating Open Source +Sports,ATHENS OLYMPICS 2004 / Japan bags bronze medal +World,Airline Security Said Tight in Russia (AP) +Sci/Tech,"Sprint, Mediacom Announce VOIP Deal (AP)" +World,Navy Report Backs Kerry Role in Incident (AP) +Sci/Tech,Lucent Lands Isle Of Man Deal +Business,Starbucks Aug. Same-Store Sales Up 8 Pct +Business,Stocks End Up as Oil Prices Fall +Sci/Tech,Simple Telescopes Discover New Planet +Sports,Today #39;s Home News +World,Thatcher #39;s Son Charged in Coup Plot +Sci/Tech,Japan Planning to Launch Spy Satellites +Sci/Tech,Microsoft wraps up MOM 2005 management tool +Sci/Tech,Deutsche Bank hit again by phishing attack +Sci/Tech,Yahoo's legal battle over Nazi items continues +Sci/Tech,"Gartner: '04 chip revenue growth strong, '05 weaker" +Sci/Tech,Outsourcing issue flares up at chip conference +Sci/Tech,CA shareholders back management over bonuses issue +Sci/Tech,RIAA Expands P-to-P Lawsuits +Sci/Tech,HDTV Competition Could Bring Deals +Sci/Tech,Search Engine Giving Away \$5 Million in Advertising +Business,UPDATE 3-TD Bank woos Banknorth for US expansion +World,Yemen Seaports on Alert for Possible Terror Attack (Reuters) +Sci/Tech,IBM nets 500m Lloyds TSB deal +Sports,Gardner Puts Down Boots to Begin New Life +Business,Delta Halfway Through Restructuring - WSJ +World,Jones in Long-Jump Final; Johnson Falters +Business,Royal Dutch/Shell Settles with SEC +Business,Boeing stock soars on news of 777 order +Business,Stocks rally as falling oil prices lure buyers +Business,Oil: Price drops nearly US\$2 a barrel +Sci/Tech,CA shareholders back management over bonuses issue +Sports,American Teen Allyson Felix Grabs 200 Meter Silver +Sports,Fridman gives Israel first-ever gold medal +Sports,Rangers 1-1 CSKA Moscow +Sci/Tech,HDTV Competition Could Bring Deals (PC World) +Sports,Olympic Wrap: Greece Hails New Diva in Halkia +Sci/Tech,Tiny Telescope Detects a Giant Planet (Reuters) +Sports,Federer and Henin-Hardenne Get the Top Spots for U.S. Open +Sci/Tech,Dell May Soon Unveil More Consumer Goods -Analyst +Sci/Tech,Mars Odyssey Begins Overtime After Successful Mission +Sci/Tech,Possible Flu Outbreak Threatens U.S. +Sci/Tech,New Technique to Advance Semiconductor Performance +Sci/Tech,New Lawsuit Challenges Anti-Piracy Technology +Sci/Tech,Review: Game Boy Add-On Video Is Limiting (AP) +Sci/Tech,Microsoft Expands Windows Update Release (AP) +Sports,"Real Madrid, Man Utd, Juventus Advance (AP)" +World,"Discrimination at U.S. Polls Now 'Subtler, More Creative' (Reuters)" +World,House Intelligence Chairman Named (Reuters) +World,Deadline looms in Sudan crisis +World,"Sadr loyalty grows, even as Sistani returns" +Sci/Tech,Red Roof Inns Selects T-Mobile for Broadband Service (NewsFactor) +Sci/Tech,Microsoft Releases SP2 Test Guide (NewsFactor) +World,Sistani to Lead Peace Mission to Embattled Iraq City +Business,Stocks Close Higher in Light Volume +Business,US Awards Airliner Antimissile Contracts +Business,Coke Loses Quiznos Sandwich Account +Business,U.S. Treasury Prices Are Mixed +Business,Dollar Dips Against Most Major Currencies +Business,Alitalia unions get pay warning +World,U.S. Launches Fierce Air Attack on Rebels in Najaf (Reuters) +Business,Vice chairman quits Wal-Mart (USATODAY.com) +World,Berlusconi in Libya to discuss illegal immigration with Kadhafi (AFP) +World,Bush Campaign Lawyer Quits Over Ties to Ads Group (Reuters) +World,Mishap Ends Briton's Transpacific Rowing Attempt +Business,"Boeing Wins Order From Singapore, Fails to Sell 7E7 (Update1)" +Business,Washington Post Managing Editor Stepping Down +Business,Greenspan Says Effects of Japan Currency Sales Hard to Gauge +Sci/Tech,DOJ Raids Private P2P Operation +Sci/Tech,Server Sales Favor Linux +Sci/Tech,Computer Associates shareholders defeat proposal to recall bonuses +Sci/Tech,RIAA Steps Up P2P Legal Campaign +Sci/Tech,Microsoft Releases MOM 2005 To Manufacturing +Sci/Tech,Microsoft Windows-Linux Comparison Found to be Unfair +Sci/Tech,Open-Source Community Skeptical About Microsoft #39;s Sender ID <b>...</b> +Sci/Tech,Ask Kim Komando +Sports,Greek comes from nowhere to win women #39;s hurdles +Sports,WRAPUP 1-Record-breaking Arsenal sweep past Rovers +Sports,High drama as stars dissolve in tracks of tears +Sports,Athens Asides +Sports,Fridman gets Israel #39;s 1st ever gold +Sports,UPDATE 1-Rangers crash out after home draw with CSKA +Sports,Cost of Gold in Olympics: \$12.1 Bln +Sports,Danish players suspend strike against FIFA transfer rules +Sports,SI.com +World,Thatcher son held in S Africa probe for role in Guinea coup +World,Kathmandu back in business after Maoist rebels lift blockade +World,"Praying for Christian Unity, Pope Sends Treasured Icon Back to <b>...</b>" +Sci/Tech,"Cingular, AT T and AT T Wireless Resolve Brand Issues (NewsFactor)" +Sci/Tech,Report: Enterprises Go Outside for Security Help (NewsFactor) +Sci/Tech,New Jersey's Xanadu Faces Stiff Environmental Tests (Reuters) +Business,Former Enron Executive Pleads Guilty to Aiding Securities Fraud +Business,Dow Closes Up 83 on Lower Oil Prices +Business,Citigroup Buys Texas Bank +Sci/Tech,Department Of Justice raids P2P users homes +Sci/Tech,Tiny telescope detects a giant planet +Sci/Tech, #39;Marathon #39; mice ready to run and run +Sci/Tech,Report: Asia faces water shortage +Sci/Tech,Cable Operator Mediacom Partners With Sprint +Sci/Tech,You can blame NASA for the peculiar weather +Sports,Gardner Puts Down Boots to Begin New Life +Sports,Sri Lanka clinch series +World,"250,000 Chinese flee typhoon" +World,JCC Arson Roils French Jews +Business,Europe Opens Another Inquiry Involving Microsoft +Business,Cirrus Logic to Lay Off Workers +Business,US banks want a piece of Texas +Business,Wall Street rallys as falling oil prices lure buyers +Business,Calif. to host greatest garage sale ever +Sci/Tech,Mediacom Taps Sprint to Provide VoIP +Sports,Simply the best? +World,Hicks confirms abuse allegations +Sci/Tech,Briefly: Toshiba tinkers with Wi-Fi for TV +Sci/Tech,Accounting deadline could kill software spending +Sci/Tech,Redback on the comeback trail +Sci/Tech,Toshiba tinkers with Wi-Fi for TV +Sci/Tech,Borland acquires software project planning tool +Sports,Cubs Nudge Brewers 4-2 on Last-Gasp Homer (AP) +Business,German investor confidence stabilises in December on oil price declines (AFP) +Business,US new home sales dive 6.4 percent in July (AFP) +Sci/Tech,Open-Source Community Skeptical About Microsoft's Sender ID License (Ziff Davis) +World,BA boss admits 'we got it wrong' +Sports,Dirrell Boosts American Title Hopes in Boxing +Business,"Japan #39;s UFJ Says It Is Examining SMFG Offer, But No Change to MTFG <b>...</b>" +Business,Airline to charge \$10 for buying tickets +Business,UPDATE 1-Soft landing for China economy not yet assured-IMF +Business,Liquidation threat grows at Alitalia +Sci/Tech,Virus worms way into webcams +Sci/Tech,US court delivers blow to Yahoo +Sci/Tech,PDF Proof: #39;This Song is Your Song #39; +Sci/Tech,Telekom Austria posts better than expected results +Sci/Tech,Alternatives To The INDUCE Act +Sci/Tech,PlayStation Portable Chip Details +Sports,"Athletics: For Greeks, hurdles offer redemption after heroes #39; fall" +Sports,Wrestling: Cinderella in Sydney suffers turnabout at hands of <b>...</b> +Sports,Jana vows to return +Sports,Cuba takes gold medal in baseball +Sci/Tech,US appeals court delivers blow to Yahoo over Nazi memorabilia row (AFP) +World,"N.B. truck driver accused in heist of 50,000 cans of Moosehead beer (Canadian Press)" +Business,SkyCity plays its cards right +Sci/Tech,Bouygues and Vivendi in mobile deal +Sci/Tech,Beckoned by the Balkans +World,Militant cleric charged in 2003 hotel bombing +Sci/Tech,Dual-core chips bring dual caches +Sci/Tech,Winamp flaw: Digital attacks use skins for camouflage +Sci/Tech,BMC adds PeopleSoft management +Business,CAO chief faces Singapore probe +Business,A Microsoft deal gets full EU inquiry +Sci/Tech,Feds Bust File-Sharing Sites +World,A Daily Look at U.S. Iraq Military Deaths (AP) +Sports,Jacobsen Skips Hartford to Play Tradition (AP) +World,Alta prison bans pedophile from socials with kids that fuel his fantasies (Canadian Press) +Sports,Olympics: Fame But Questions for Greece's New Heroine +Business,U.S. Expresses Concern About UAL Pensions +Business,"Nikkei Seen Firming After 11,000 Cleared" +World,Sudan Closes Its Embassy in Washington (AP) +Business,Sumitomo Mitsui bid for UFJ to test cost-cutting skills +Business,EU probes Microsoft-Time Warner deal +Business,US stocks end higher as crude oil prices continue decline +Business,CORRECTED - IMF says loosening of yuan in China #39;s interest +Business,US Fed official says economic softness quot;fleeting quot; +Business,Alitalia Unions Threaten Strikes on Contract Demands (Update1) +Business,Auckland airport profit up 13 +Business,Washington Post Managing Editor Resigns +Business,Stocks: New drop in oil prices encourages Wall St. +Business,Former Enron Official Pleads Guilty To Securities Fraud +Sci/Tech,NTT DoCoMo and Motorola teams up on 3G Phones +Sci/Tech,Feds Bust File-Sharing Sites +Sci/Tech,New technique to enhance semiconductors +Sci/Tech,Microsoft expands mainframe pitch +Sci/Tech,Body Asymmetry Tied to Aggression +Sci/Tech,Science Magazine: Asia Farmers Sucking Continent Dry +Sci/Tech,Jamaica to provide free Net access +Sports,Arsenal beat Forest #39;s record +Sports,Patterson sends Brewers packing +World,Russia Observes Day of Mourning for Plane Crash Victims +World,US reiterates support for Iraqi interim government +World,Darfur witnesses arrested in Sudan +World,Palestinians vote for reforms; fear Arafat inaction +World,Lawyer Advising Vets Quits Bush Campaign +Business,U.S. Expresses Concern About UAL Pensions (Reuters) +Sports,Curacao Rallies to Beat Taiwan 9-8 in LLWS (AP) +Sci/Tech,"IBM, Vanco Land VPN Deal" +World,Russia Looks for Cause of 2 Plane Crashes (AP) +Business,Rice Hall Buys Growth On The Cheap (Investor's Business Daily) +Sci/Tech,Chinese Game Maker Shows Winning Touch (Investor's Business Daily) +Business,Nikkei Opens Higher on Economic Optimism +Sci/Tech,The Olympic Drug Problem +Sci/Tech,Microsoft releases Windows XP Tablet PC Edition 2005 +Sci/Tech,Microsoft releases key management software +Sci/Tech,France case over Yahoo drags on +Sports,Manchester United join hunt for Rooney +Sci/Tech,"Newisys paves way for 16-, 32-chip Opteron servers" +Sci/Tech,Winamp vulnerable to camouflaged-skin attacks +Sci/Tech,U.S. government cracks down on P-to-P piracy +Business,Publishing amp; Broadcasting Second-Half Doubles to A\$394 Million +Sports,Ferguson in bid for #39;fabulous #39; Rooney +Sports,SI.com +World,Iraqi cleric urges march to Najaf +Business,Nikkei Opens Higher on Economic Optimism (Reuters) +World,Arafat Fends Off Challenge Over Reforms (AP) +World,Thatcher's Son Charged in Coup Plot (AP) +World,Glance at GOP Platform (AP) +Sports,Playing Catch-Up With Sheffield +Sci/Tech,Digital attacks on Winamp use 'skins' for camouflage +Business,Microsoft faces new EC inquiry +Business,BAE wins anti-missile contract +Business,Force is with Pinewood after Star Wars deal +Sci/Tech,"Under fire, CA pledges to right its ship" +Sci/Tech,Salad oil may fuel hydrogen car of future +Sci/Tech,NASA funds extension of Mars Odyssey orbiter mission +Sports,Arsenal sets unbeaten streak record +Sports,Bryant Prosecutors Say Some Data Tainted (AP) +Sports,NFL Expresses Interest in Anaheim Franchise (AP) +World,Australia planning to buy long-range stealth cruise missiles: report (Canadian Press) +Sports,NL Wrap: Patterson's Homer Keeps Cubs in NL Wildcard Lead +Sci/Tech,Gates Contributes to Stem Cell Campaign (AP) +Sci/Tech,Alien Catfish Species Found in N.J. Canal (AP) +Sci/Tech,"PC users happier--especially with Apple, Dell" +Business,UPDATE 3-Gambro sells US kidney clinics unit to DaVita +World,Japan Trade Surplus Expands Again in July (AP) +Business,Japan Stocks Firm on Optimism on Oil Fall +Sci/Tech,NASA Extends Mars Odyssey Orbiter Mission (AP) +Business,Crude Oil Little Changed After 3.9 Plunge on Gasoline Supply +Business,Profits rise as AGL flags NZ sale +Business,Former Enron official pleads guilty to securities fraud +Business,Pinewood studios maiden profit jumps +Business,Shell #39;faces \$1.5bn Nigeria bill #39; +Business,US Awards Airliner Antimissile Contracts +Business,Overtime rules may affect 7.3M +Business,Reports Show a Mixed View of Economy +Sci/Tech,Boldly going where no chips have gone before +Sci/Tech,Sinister new worm turns PCs into peeping toms +Sci/Tech,"Scientists Say Sunoil Could Power Cars, Homes" +Sci/Tech,Study: Americans happier with their PCs +Sci/Tech,"In Crocodile Evolution, the Bite Came Before the Body" +Sci/Tech,New turn in Yahoo tussle with France over Nazi items +Sports,"IOC Ignores Snub, but Israel Stands Tall" +Sports,"From shock winner to dignified loser, Gardner leaves stage a true <b>...</b>" +Sports,Campbell throws rivals a curve ball +World,BA directors to help staff cope with holiday rush at Heathrow +World,Kuwait minister assures release of Indian hostages +World,News in Brief +Sports,Rangers lose Love match +Sports,Hamm says he wouldn #39;t want to share all-around gold +Sports,Juninho tries on Larsson #39;s No 7 shirt +World,Iraq #39;s top Shiite cleric returns home as fighting rages in Najaf +World,Gyurcsany named as next Hungarian PM +World,Applying the Geneva Convention +World,Pope returns icon to Russia +Sports,Jones in Long-Jump Final; Johnson Falters (AP) +Business,Oracle says its software gaining on rival SAP +Sci/Tech,Justice Dept. Cracks Down Internet Crime (AP) +Sports,"Squirrel Runs Circles Around Yanks, Tribe (AP)" +Sports,Raymond Advances to Pilot Pen Quarters (AP) +Business,NZ NGC Says Will End Merger Talks With Other Companies +Business,Harry Potter boosts Pinewood #39;s profits +Business,Shell hit by \$1.5bn oil pollution claim from Nigerian Senate +Sci/Tech,Jurassic croc had a deathly bite +World,Sistani to Lead Peace Mission to Embattled Iraq City +Business,Playboy to open club in Shanghai +Business,Firms chosen to build anti-missile defense +Sci/Tech,NASA Mars Odyssey Begins Overtime After Successfull Mission +Sports,Greek Fani Halkia wins women #39;s 400m hurdles gold +Sports,Roundup: Gardner upset in wrestling +Sports,SA elect to bat in third one-dayer +World,Terrorist shadow over twin disasters +Sci/Tech,"U.S. Searches Computers, Trying to Disrupt Piracy" +Sci/Tech,Europe Opens Another Inquiry Involving Microsoft +Sci/Tech,"For Graphic Artists, Back to the Barricades" +Sports,Padres Paste Slumping Mets 4-0 (AP) +Business,Lenovo confirms talks with #39;major #39; IT company +Sports,Packers Sign Former Giants Defensive End (AP) +Sports,Tigers Squeak by Slumping White Sox 5-4 (AP) +Sci/Tech,"SCO, BayStar Fight Appears Over (Ziff Davis)" +Sports,"N.H.L. Talks Up World Cup, Not Much Else" +Business,"6 Employees From CACI International, Titan Referred for Prosecution" +Business,China's Revolutionary Tactic: Bailout +Business,"For Mutual Funds, First the Slap. Now Comes the Pinch." +Business,"Dude, Where's My Resale Value?" +Business,U.S. Wins \$1.9 Million in Back Pay for Janitors +Business,"Built for America, Sold (Cheaply) to the World" +Business,Update 1: Medical Device Approvals Keep Stocks Up +Business,"UPDATE 2-Fed will be flexible, oil hits growth, Guynn says" +Business,Reports Show a Mixed View of Economy (AP) +Sports,Mullin Confident About Warriors' Future (AP) +Sports,Ortiz Powers Red Sox Past Blue Jays 11-5 (AP) +World,Clean houses 'may trigger asthma' +Business,"Optus, Vodafone Australia to Share Wireless Network (Correct)" +Business,Australian Media Giant Posts Earnings Jump +Sci/Tech,"US Searches Computers, Trying to Disrupt Piracy" +Sci/Tech,Lanka claims \$5m for #39;cable damages #39; +Sci/Tech,Google to Bloggers: Get Your Ad Share +Sports,Friendly Audience for Hamm +World,Terror mystery haunts jet disasters +World,Mark Thatcher under house arrest +World,Khartoum agrees to bigger peace force +World,Racist attacks cast shadow over French liberation celebrations +Sci/Tech,Suspected File-Sharing 'Hubs' Raided +Sci/Tech,E.U. Firm Probes Area Firm's Ownership +Sci/Tech,Magazines Use Online Ads As Selling Point +Sci/Tech,Venture Capital's Transparency Trouble +World,Nepal talks hopes +World,Speculators driving up oil prices says Kuwait +World, #39;Problems with Musharraf but US needs him #39; +Sci/Tech,Suspected File-Sharing 'Hubs' Raided (washingtonpost.com) +Sci/Tech,Venture by Time Warner And Microsoft Unsettles E.U. (washingtonpost.com) +Sports,Giants Overcome Marlins 6-5 in 10 Innings (AP) +Sports,Indians Squirrel Away 4-3 Win Over Yanks (AP) +Sports,Cards Score in Ninth to Top Reds 6-5 (AP) +Sci/Tech,Oldest Panda Raised in Captivity Dies (AP) +Sports,Canada Beats U.S. 3-1 in Cup Hockey (AP) +Business,"Asian Stocks Up on Outlook, Lower Oil" +Business,2 Companies Get Contracts to Protect Jets +Business,Boeing lands Singapore order +Business,"For Mutual Funds, First the Slap. Now Comes the Pinch." +Business,Australia amp; New Zealand +Business,UPDATE 1-Cirrus Logic cuts 7 percent of staff +Sci/Tech,Sprint Signs Cable VoIP Partnership with Mediacom +Sports,The Atlanta Journal-Constitution +World,Sudanese Official Asserts African Peacekeepers Aren #39;t Needed +World,Premier Yu makes rare stopover in Japan +World,New York bans rally against Bush +World,Abuses at Prison Tied to Officers in Intelligence +World,Scandal Forces Interrogators to Explain +World,Thatcher's Son Charged in Coup Plot +Business,Venture by Time Warner And Microsoft Unsettles EU +Sci/Tech,"Motorola, DoCoMo to make 3G phones for business use" +Sci/Tech,Suspected File-Sharing #39;Hubs #39; Raided +Sci/Tech,Use of hot wafers #39; are one step closer to becoming reality +Sports,Aussies to take on Dutch in hockey finals +Sports,McDonald #39;s salads break Olympic record +World,* Hopes rise for end to bloody conflict +World,Village missing after landslide +World,New polio outbreak adds to woes of Sudanese refugees +Sci/Tech,Human gland evolved from gills +Sci/Tech,Hubble spots 'youngest galaxy' +Sci/Tech,Sky count to track orang numbers +World,"89 dead in twin Russian plane crashes, terror probed (AFP)" +Sports,NL Wrap: Patterson Homer Keeps Cubs in NL Wildcard Lead +World,Indians Squirrel Away 4-3 Win Over Yanks +World,Charges Possible for Dave Matthews Band +Business,UPDATE 1-Potlatch to sell \$457.5 mln in assets to Ainsworth +Business,"Update 4: Tokyo Stocks Rise, Dollar Up Against Yen" +Sci/Tech,Microsoft Dismisses British Objections to Anti-Linux Ad +World,COURT HEARING Abuse Judge May Give Immunity for Testimony by <b>...</b> +Sports,Twins Make Short Work of Rangers (AP) +World,Indian state govt under cloud as deadly riots probed (AFP) +World,Campaigning Bush plays up US diplomacy (AFP) +World,Motorcycle Bomb Wounds 23 in Southern Thailand +Sports,Practice Makes Credit +Sports,Fans Irked Over Seats +Sci/Tech,Global Crossing Case May Be Ending +Sports,49ers Sign Peterson +Sports,Eskandarian Hurts Ankle +Sci/Tech,NASA Says Shuttle Is on Track for May Flight +Business,Ex-Enron Investor Liaison Pleads Guilty +Business,Ainsworth Lumber to pay \$457.5 million US for three US wood panel <b>...</b> +Business,Nikkei rises; exporters and banks gain +Sci/Tech,Extreme microchips take the heat +World,"Two Russian planes crash, terrorism investigated" +World,"Police, protesters clash in Bangladesh strike" +World,Karzai in touch with Taliban +Sci/Tech,Internet Gives Teenage Bullies Weapons to Wound From Afar +World,Iraq's Sistani Begins Journey to Najaf-Witnesses (Reuters) +Business,Dollar Recoups Losses But Stuck in Range (Reuters) +Sports,Warner to Start Against the Jets +Business,Labor Department Wins \$1.9 Million in Back Pay for Janitors +Business,Oil Below \$45 as Gasoline Prices Slide +World,Ayatollah Calls for Rally to End Fighting in Najaf +Business,Home Depot to Pay \$5.5 Mln in Case +Business,Singapore Air plans to buy 18 Boeing 777s +Business,Burswood packs \$44.9m punch +Business,Orders for durable goods sizzle in July +Business,Australian Gas Light to sell NZ business +Sci/Tech,Fed raid pounces on equipment for digital piracy +Sports,The Atlanta Journal-Constitution +Sports,Austrian Allen wins women #39;s triathlon gold : +Sports,Cloud of doubt cast over Halkia #39;s feel-good win +Sports,Man U bid for teenage star Rooney +Sports,"With Pieces in Place, the Yankees Slip Up" +Business,US Wins \$1.9 Million in Back Pay for Janitors +Business,"Michael Stores Earnings Rise, Shares Fall" +Sci/Tech,Toyota Central Develop Ultra High Quality Silicon Carbide Single <b>...</b> +Sci/Tech,"Linux 10 times more expensive? Get the facts, watchdog tells <b>...</b>" +Sci/Tech,"Sprint, Mediacom Announce VOIP Deal" +Sports,"Australia-Pak Match Abandoned, India Out Of Tri-Series" +World,Sudan says rebels continuing attacks despite peace talks; Straw <b>...</b> +World,Paris Marks Liberation Mindful of Collaboration +World,Typhoon Aere Strikes Eastern China +Sci/Tech,Old computers: An IT department liability that's costing more +Sci/Tech,GAO: Legacy systems hamper Army reservists' pay +World,Sistani Urges Supporters to Wait at Najaf Gates (Reuters) +Business,"EC Investigates Microsoft, Time Warner Deal" +Business,Singapore not ready to buy 7E7 +Business,"Storms, wind damage Eaton County high school" +Business,"IMF: GDP to grow 9 percent this year, 7.5 percent next year" +Business,Potlatch to sell Minnesota strand board operation +Business,Australian Gas Light: Likely Outright Buyer For NGC -2- +Sci/Tech,Mediacom will offer Sprint service +Sports,"Gardner: Mat #39;s all, folks: Champ retires with a bronze" +Sports,Israelis rejoice in golden Olympic moment +Sports,Kookaburras beat Spain to reach men #39;s final +Sports,"Ode to ancient Games, nudity and all" +Sports,Danish players call off strike +Sports,Hernndez Moving Up on Yanks #39; Depth Chart +Sports,NL Wrap: Patterson #39;s Homer Keeps Cubs in NL Wildcard Lead +World,Pakistan denies blame for Afghan violence +World,Landslide Kills 15 in Taiwan After Typhoon +World,Top grades rising again for GCSEs +Sports,Crisp Sparks Indians +Sports,FOXSports.com Posted: 3 minutes ago +Sports,Srichaphan into last eight +Sci/Tech,Microsoft Dismisses British Objections to Anti-Linux Ad (Ziff Davis) +Business,"TCS debuts, becomes No. 3 company in India" +Sci/Tech,Agencies swoop on cybercrime +Sci/Tech,Tech firms craft alternative to anti-piracy bill +Sports,Israeli surfs in for historic gold +Sports,Campbell takes gold +Sports,Rain washes out Aussie-Pakistan match +World,Sistani Urges Supporters to Wait at Najaf Gates +World,Coup Plot: Thatcher #39;s Son Charged +World,UN finds lack of progress over Darfur +World,Oppn closes ranks in B #39;desh +Sports,"Gardner leaves shoes, storied career on mat" +Sports,Report: Williams Considers Possible Return To Miami +Sci/Tech,Tech Firms Seek to Soften Anti-Piracy Bill (AP) +World,"1,400 dead or missing in Philippine storms" +World,Bomb explodes in north-east India +Business,SEC Sues JB Oxford in Fund Trading +Business,Tata to meet Bangla officials for projects +Business,New-Home Sales Fall; Durable Goods Rise +Business,Washington Post #39;s Managing Editor to Quit So He Can Write +Sports,"After upset, Halkia must hurdle skeptics" +Sports,They #39;re simply #39;amazing #39; +Sports,Edwards goes from worst to first at Bristol +Sports,Ricky Williams Contacts Dolphins (AP) +World,"Russia Mourns Dead in Air Crash, Questions Cause (Reuters)" +World,Australia Risks Asian Ire with Long-Range Missiles (Reuters) +World,N. Korea Nukes May Not Be Resolved Soon (AP) +Sports,Angels Crush Royals 21-6 (AP) +World,Little-known Islamic group claims Bangladesh rally attack: newspaper (AFP) +Business,Canadians Confirm Talks on Bank Deal +Business,First Reserve to Buy Ingersoll-Rand Unit for \$1.2 Bln (Update1) +Business,"UPDATE 2-Australian PaperlinX profit slides, but shares gain" +Business,Durable-goods orders up; new-home sales down +Business,Enron tapes: High-powered hi-jinks +Sci/Tech,"IBM, HP take top spots for in Gartner report" +Sci/Tech,Shareholders Let Bonuses Stand +Sci/Tech,Tech Briefs +Sci/Tech,RealNetworks to offer paid online content +Sci/Tech,Robot rescuer for Hubble? +Sports,Determined Jones jumps into finals +Sports,Accepting the silver would make Hamm golden +Sports,Angels #39; Jeff DaVanon hits for the cycle +Sports,Williams contacts Dolphins but says he #39;s headed for India +Sports,Dominating Dirrell dispatches Despaigne +World,Thatcher #39;s son denies role in coup attempt +World,Aid workers get more access to Darfur +World,Zimbabwean Opposition to boycott election +World,Australia to buy long range missiles for air force +Sports,DaVanon hits for cycle +World,Mugabe Higher Than Tsvangirai In Zimbabwe +World,"Abbas, Assad Pledge Consultations, Future Coordination PLO <b>...</b>" +World,"China Hints Row with Singapore Over, Warns Japan" +Business,Eyetech Pins Its Hopes (and Shares) on New Drug +Business,Drop in Oil Nudges Shares Higher on a Quiet Trading Day +Business,Tabcorp Second-Half Profit Rises 28 on Jupiters Acquisition +Business,Traders who had bet on a rise are bailing out +Sci/Tech,Microsoft #39;s MOM goes out the door +Sports,Sound of success: Israel strikes gold +Sports,Agony and ecstasy in women #39;s triathlon +Sports,United wait for Everton response on Rooney bid +Sports,"An American Fights, and Wins, to Make His Grandfather Happy" +Sports,"National League Roundup: Marlins rout Giants, 9-1" +Sports,Mariners Notebook: Madritsch reaches out +World,Indonesian cleric faces charges +Business,Oil price plunges to less than \$44 US +Business,"Currency Flexibility Is in China #39;s Best Interest, IMF Says" +Sci/Tech,Windows XP SP2 update installation not an easy ride +Sci/Tech,FBI makes file-sharing roundup +Sci/Tech,Price cuts boost Real sales +World,Italy prepared to pull troops out of Iraq if Baghdad government asks: FM (AFP) +Business,Japan's trade surplus jumps 44.2 percent in July on Asian demand (AFP) +World,Mitsubishi Motors to scale back ties with DaimlerChrysler (AFP) +World,Parties Seek Advantage in Vietnam Debate (AP) +Sports,"With Pieces in Place, the Yankees Slip Up" +Sci/Tech,Microsoft SP2s blind date software +Sci/Tech,"Tunes, a Hard Drive and (Just Maybe) a Brain" +Sci/Tech,"To Market, to Market, Without the Drive" +Sci/Tech,Computer People Reopen Art History Dispute +Sci/Tech,"Singtel's Optus, Vodafone Australia plan shared 3G network (AFP)" +Business,Northwest sues travel network +Business,"Business briefs, August 26" +Business,IMF says soft landing in China not yet assured +Business,Accord in Home Depot case +Sci/Tech,Indian ship freed after internet cable fiasco +Sci/Tech,Astronomers find possible rocky planet Earth-like orb spins too <b>...</b> +Sports,The lengths some women will go to +Sports,Dirrell assured medal +World,ADB warns of increasing inequality in Asia (AFP) +Business,"Stocks Flat to Higher on Oil, Mixed Data" +Business,Rentokil rules out break-up +Sports,"Olympics: Halkia New Greek Goddess, Faces Down Questions" +World,"Bomb rocks southern Thailand on eve of PM visit, 19 wounded" +World,A bloody war for power leaves Nepal powerless +Sports,San Jose State Faces Difficult Task (AP) +Sports,Tom Watson Set to Defend Tradition Title (AP) +Business,"Singapore makes big 777 order, holds off on 7E7s" +Business,Bank confirms merger talks Maine firm seen seeking partner to aid <b>...</b> +Business,Northwest and Sabre may fight in court over ticket selling +Business,Rentokil May Say Profit Declined 8; McGowan Explores Overhaul +Business,Fortis earnings beat forecasts +Business,Sen. Cantwell seeks relief for utility customers +Business,GM ends Corvette ad after protest +Business,Analyst sees sweetened bid for MEC +Sci/Tech,Breakthrough could provide chips with everything +Sci/Tech,"US cracks down on computer file sharing, spam" +Sci/Tech,A Digital Divide +Sci/Tech,US arrests dozens in quot;spam quot; crackdown -source +Sci/Tech,Intel injects cash into WiMAX firm +World,S.Africa Police Say Thatcher Was Ready to Leave +Sports,"Marion Jones advances in long jump, will run relay" +Sports,Israel mines first Olympics gold +Sports,Gardner #39;s storied career ends with a thud +Sports,Mad dash for triathlon gold +Sports,Everton to Respond to United #39;s Rooney Offer +Sports,Walks Send Giants to a Victory in 10 +World,Palestinian legislators accept Arafat promise to fix government +World,"The wife, a stranger, the bully and a bullet" +World,Opposition calls for another strike in Bangladesh +World,Canberra plans #39;lethal #39; air force +World,Decks cleared for Aziz +World,Gyurcsny set to become Hungary #39;s new prime minister +World,Rezazadeh wins gold +World,Nepal seeks help to free hostages +World,Ex-official in Yemen implicated in Cole plot +World,Scandal heats hot springs in Japan +World,EU is urged to reach out to Turkey +World,Russia probes 2 deadly air crashes +World,3 countries sign pact to disarm rebel groups +World,"Over half world's homes have running water, WHO report finds" +World,Iraq a training ground for US 'Renaissance warriors' +World,"Witness says Marine hit, kicked prisoner" +World,US card deck omits key Iraqi militants +World,Mortar Shell Hits Mosque in Iraq +World,Mortar Attack Kills 25 at Kufa Mosque +Sports,DaVanon hits for cycle as Angels rout Royals +Sports,Employees lose jobs after NJ ballpark flap +World,Holocaust survivor laments Darfur +World,Five Killed as Heavy Rains Pound Philippines (Reuters) +World,Plutonium Shipment Plan Worries Lawmakers (AP) +Sports,Kingpin bows out +Sports,Felix overmatched in 200? Not for a second +Sports,Sound of success: Israel strikes gold +Sports,Patterson eases Cubs by Phillies +Sports,Angel in the outfield +Sports,AL notables +Sports,Crunch time next in store for Schilling +Sports,Biggio may be thrown out at home +Sports,Texas slides past North Carolina +Sports,Long story +Sports,Damon deals with demons +Sports,Klecko positions himself +Sports,Brady grades plan a D +Sports,Celtics set to sign No. 2 choice +Sports,"In name game, Couples fills bill for most fans" +Sports,Carbone leaves a legacy behind +Business,State threatens to pull business from bank +Business,Executive's death stuns State Street +Business,"Adams, Harkness settles " +Business,FBI raids homes in file-share probe +Business,A mixed economic bag in July +Business,Oil prices drop for 4th day +Business,"For makers of food packages, seconds count" +Business,Conventions boost Hub hotel revenue +Business,Ethics commission clears Meirelles of wrongdoing +Business,"Sprint, Mediacom join in Internet phone deal" +Business,A technology whiz strives to make life simpler +Business,Antiterrorism device inspired by near miss +Business,A Boom Along Mexico's Border +Sci/Tech,First Look: Danger Sidekick II +Sci/Tech,Apps to Organize Your Digital Photos +Sci/Tech,Long-Distance Sports +World,Iraqi Sadr Supporters Attacked Near Najaf-Witnesses (Reuters) +Sci/Tech,First Look: Danger Sidekick II (PC World) +World,Russia Mourns Dead in Mystery Double Air Crash +World,No Clues Announced in Russia Jet Crashes +World,Mortar Attack Kills 27 at Kufa Mosque +Business,"Hilton Profit Almost Triples on UK Bettors, Hotels (Update2)" +Business,First Reserve to Buy Ingersoll-Rand Unit for \$1.2 Bln (Update2) +Business,Oil settles below \$44 +Business,Home Depot settles EEOC lawsuit +Sports,Walking away +Sports,Feeling relaxed not Hartley #39;s style +Sports,"Chen sparkles, but O #39;s drop 9th in a row, 3-0" +Sports,Healthy Hantuchova looks for another title +World,"Cleric returns to Iraq, orders march on Najaf" +World,Sudan relents on presence of peacekeepers +World,Indonesia concern on missile plan +Sci/Tech,Smart phones to see fast growth over next five years +World,"Supporters of Sistani Fired Upon, 20 Dead: Witness (Reuters)" +Business,Oil Higher on Iraq After Heavy Fall +World,"Supporters of Sistani Fired Upon, 20 Dead: Witness" +Sports,Determined Jones jumps into finals +Sports,Dominating Dirrell dispatches Despaigne +Sports,Sports Log +Sports,"Ode to ancient Games, nudity and all" +Sports,"Boozer, James pay homage to former coach Osowski" +Sports,Not enough lift for Hamman +Sports,Coach gets his chance to build on team's success +Sci/Tech,FBI action over illegal file-swap +Sci/Tech,Riddick raises the stakes +Business,Travel agents fight NWA fees on air bookings +Business,Storm may have been a tornado +Sci/Tech,Speakeasy gets money from Intel for WiMax +Sports,Stronger Schilling stops Jays +Business,Oil Higher on Iraq After Heavy Fall (Reuters) +World,"Australian announces cruise missile plan, raising tensions with Jakarta (AFP)" +Sci/Tech,Africanized Bees May Have Arrived in Okla. (AP) +World,"Darfur Rebels Say Peace First, Disarming After (Reuters)" +World,Sudan dismisses UN Security Council ultimatum on Darfur (AFP) +Business,Microsoft faces new EU competition probe +Business,Stocks Are Set to Open Down a Touch +Business,"Northrop, BAE Systems win US government contract" +Business,Hilton profit soars +Business,Lawsuits fly over Northwest #39;s new GDS fees +Business,Update 1: German Business Sentiment Dips in August +Business,But caution and fears of hard landing are the same +World,"Darfur Rebels Say Peace First, Disarming After" +World,S.Africa Police Say Thatcher Was Ready to Leave +World,Australia Risks Asian Ire with Long-Range Missiles +World,Russia shaken by air crash enigma +World,US admits 'bounty hunter' contact +World,Water 'wake-up call' given by UN +World,UN assesses security in Darfur +World,Thatcher 'planned to leave home' +World,US slams Colombia prisoner plan +World,Italy tackles Libya migrant route +World,Court rejects Chechnya acquittal +Business,Singapore Airlines eyes 31 Boeing aircraft +Business,Before the Bell- Krispy Kreme shares drop +Business,Ahold Reports Weaker-Than-Expected Profit +Business,Stocks Seen Lower; Starbucks Weighs +Business,Fat and Happy? Evaluating Fund Manager Incentives +Business,DIY firm settles sex bias lawsuit +Business,"UPDATE: Tabcorp Profit Up, Looks Again At High Rollers" +World,India budget voted without debate +World,Firefighters' deal averts strike +Sci/Tech,One third of IT managers struggling with XP SP2 +Sci/Tech,"Motorola, DoCoMo teaming up to develop new phones" +Sci/Tech,Server sales rocket by almost a quarter +Sci/Tech,CA execs hold on to their bonuses +Sci/Tech,MS rapped over anti-Linux ads +Sci/Tech, #39;Electronic Jihad #39; fails to materialise +Sci/Tech,Small telescope reveals new planet +Sci/Tech,Intel to launch tri-mode chipset +Sci/Tech,Satisfying Sites +Sci/Tech,Impi Linux 2 to be launched at open source Installfest +Sci/Tech,Jamaica to provide Internet access to poor communities +Sci/Tech,A Motive For IT Spending +Sports,Gardner not saddened +Sports,Jones into finals +Sports,World #39;s strongest man strikes again +Sports,Outcasts of Greece and the Games +World,Walking Bonds Was Wrong Move for Marlins +World,Mortar Barrage Kills 27 in Kufa Mosque +World,Saboteurs Attack About 20 Iraq Pipelines +World,Russian Flight Recorders Reveal Little +World,Mortar Barrage Kills 27 in Kufa Mosque +World,Mortar Attack Kills 27 at Kufa Mosque +World,Iraq #39;s Top Cleric Arrives in Najaf to Press for Peace +World,"Two Bus Bombs in India Kill 4, Injure 39" +World,"Market Bomb in Thailand Kills One, Injures at Least 24" +World,Militants Kidnap Relatives of Iraqi Minister-TV +World,Jailed Pakistani opposition leader nominated for prime minister +Sports,Hurricanes #39; LB out two months +World,Sudan dismisses UN Security Council ultimatum on Darfur +Sci/Tech,Microsoft slowly rolling on Service Pack 2 updates +Sports,sailors settle for bronze +World,Russian Press Screams #39;terror #39; After Plane Crashes +Sci/Tech,"Vodafone, Nokia Team Up for Simpler Mobile Software (Reuters)" +Sports,Walking Bonds Was Wrong Move for Marlins (AP) +Business,Krispy Kreme Scales Back as Profit Dives (Reuters) +Business,Smithfield Foods Profit More Than Doubles (Reuters) +Business,Asian Exports Brisk But Outlook Dims (Reuters) +Sci/Tech,Are we our DVD collections? Even if we don't watch? (USATODAY.com) +Sci/Tech,Optus and Vodafone to share 3G network (FT.com) +World,Ahold Reports Weaker Second Quarter Profit (AP) +Sports,Orioles Release OF Karim Garcia (AP) +World,UN Darfur envoy issues new warning to Sudan ahead of deadline (AFP) +Business,Krispy Kreme Drops Before Bell +Business,Krispy Kreme Scales Back as Profit Dives +Business,Stocks to Watch Thursday +Business,"Euro Stocks, Dollar Rally as Oil Tumbles" +Business,London Oil Down to \$40; Funds Take Profit +Business,DIY firm settles sex bias lawsuit +Business,Growth in Asia 'cutting poverty' +Business,UK growth forecast trimmed +Business,Milk deal 'to help dairy farmers' +Sci/Tech,Federal online gangbusters arrest dozens +Sci/Tech,Microsoft #39;s Linux ad #39;misleading #39; +Sci/Tech,First quot;Super Earth quot; planet found +Sci/Tech,Rbot puts the eye in virus +Sci/Tech,Free Software Day Around The World +Sci/Tech,Free Net for some Jamaicans +Sports,Ukrainians' Medal Stripped +World,Happy 100th Birthday to the Banana Split +World,Iraq's Top Cleric Arrives in Najaf +Sports,Barrichello lauds #39;phenomenal #39; Spa +Sports,Britain wins bronze in sailing 49er class +Sports,Lashko in gold pole position +World,UN begins Sudan security mission +World,"Thai motorcycle bomb kills 1, wounds 30" +Business,Selling the High Life in Iraq +Business,RSS Attracts Really Serious Money +Business,There Turns Off Road to Nowhere +Business,"Before the Bell - Taser up, Krispy Kreme down" +Business,TN lorry owners don #39;t support strike +Business,Troubled Rentokil rules out break-up +Business,Earnings at China Unicom rise 18 +Sci/Tech,"Vodafone, Nokia Team Up for Simpler Mobile Software" +World,Bomb blast in bus kills two +Sci/Tech,Consumer Protection: Spam +Sci/Tech,2 Firms Win Contracts for Missile Work +Sci/Tech,Tech Firms Seek to Soften Anti-Piracy Bill +Sci/Tech,Game Boy Add-On Video Is Limiting +Sci/Tech,Building Space Houses On Earth +Sci/Tech,Imaging Technique May Give Heart Attack Early Warning +Sci/Tech,Body Asymmetry Tied to Aggression +Sci/Tech,"Smokers Fill Rooms With Toxins, Study Finds" +Sci/Tech,Taking Regular Pills May Thwart Yeast Infections +Sci/Tech,"Microsoft preps XP push, deliberates on Longhorn" +Sci/Tech,Infosys to set up second outsourcing facility in China +Sci/Tech,Microsoft continues Windows XP SP2 distribution +Sports,Hall of Fame basketball player Calvin Murphy acquitted of sexual <b>...</b> +Sci/Tech,Inventor Makes Car Engine that Runs Off Air +Sci/Tech,WinAmp flayed by skins attack +Sci/Tech,"Induce Act Draws Support, Venom" +Sci/Tech,Where Do the Extra Embryos Go? +Sci/Tech,Seas Seen as Viable Power Source +Sports,First Rose for Texas: Bowl officials happy to have hooked Horns +Sci/Tech,Weapons of Mass Mobilization +Sci/Tech,Porn Law Draws Adult Sites' Ire +Business,Jobless Claims Rise on Back of Hurricane (Reuters) +Business,Jobless Claims Rise on Back of Hurricane +Sports,Doping Weighs Heavily on Weightlifters +World,"Darfur Rebels Say Power Deal First, Disarming Later" +Sci/Tech,Food Industry Helps Americans Eat Faster +Sci/Tech,"Grapefruit Lowers Weight, Fights Cancer" +Sci/Tech,RealNetworks to Offer Paid Internet Content +Sci/Tech,Investor Weighs if Google IPO Was Worth the Time +Sci/Tech,Microsoft Expands Windows XP Update Release +Business,Stocks Set for Flat Open as Oil Seesaws +Business,TD buys majority stake in Banknorth +Business,3 Japanese Automakers Boost Output in July +Business,German recovery remains weak +Business,London Oil Down to \$40; Funds Take Profit +Sci/Tech,Pirate hubs busted +Sci/Tech,Teen bullies take to cyber terror +Sci/Tech,Sri Lanka internet disruption said not caused by I +Sports,Hamish Carter wins men #39;s triathlon +Sports,IOC sanctions two more for anti-doping violations +Sports,Montgomerie and Donald boost Ryder Cup bids +World,Iraq #39;s top cleric arrives in Najaf on peace mission as a mortar <b>...</b> +World,Thatcher son was planning to flee +World,German Business Confidence Dips in August (AP) +Sci/Tech,Regulator: British Broadband Prices Still Too High (Reuters) +Sci/Tech,"Sprint certifies QuickTime, Xserve G5 for phone media (MacCentral)" +Sports,Players discuss tougher testing policy +Business,Jobless Claims Rise on Back of Hurricane +Sci/Tech,Archaeologists Unearth Lost Military Camp (AP) +Business,"Krispy Kreme Profit Dives, Stock Hammered" +World,Russia Air Crash Flight Recorders May Not Help +Business,"Treasuries Moribund, Yield Curve Flattens" +Business,Brown-Forman Earnings Jump 67 Percent +Sports,Red Bull drop A1-Ring expansion plans +Sci/Tech,Sunflower oil boost to car future +Sci/Tech,High-Intensity Training May Prevent Astronauts' Muscle Loss +Business,TD Bank to buy New England retail bank Banknorth for \$3.8 billion <b>...</b> +Business,Oil falls to \$40 +Business,Smithfield Foods Profit More Than Doubles +Business,GM pulls Corvette TV ad featuring underage driver +Sci/Tech,Sunflower oil boost to car future +Sci/Tech,China Telecom selects Flag Telecom for connectivity to US +Sci/Tech,Intel Pentium M dual core chips? No kidding +Sports,Keeping up with Jones isn #39;t hard +Sports,Everton in turmoil +Sports,Angels score 21 runs in victory +World,Typhoon unleashes devastation on Asia +World,Charges are reduced for one Abu Ghraib defendant +Sports,Dream Team Pulls Away to Beat Spain 102-94 (AP) +World,British MPs aiming to impeach Blair over Iraq war (AFP) +Sports,"Olympics: Cut It Out, Give It Back, Cool the Hype" +Business,Wall St. Seen Sliding After Jobless Data +Sports,Clippers need 2 OTs to down Bobcats +Business,Enron-Linked Securities Sparks Lawsuit +Business,Guidant Resolves Champion Stent Issues +Sports,US NBA stars advance by ousting Spain (AFP) +Business,Jobless Claims Rise on Back of Hurricane (Reuters) +Business,"TD Buys U.S. Retail Bank, Ups Dividend (Reuters)" +Business,Stocks Open Lower After Jobless Claims +Business,"TD Buys U.S. Retail Bank, Ups Dividend" +Business,Smithfield Foods Profit More Than Doubles +Business,"UPDATE 4-Krispy Kreme profit plunges, stock hammered" +Business,Brown-Forman Earnings Jump 67 Percent +Business,Ingersoll-Rand to Sell Dresser Unit +Business,Smithfield quarterly profits beat outlook +Business,Red Cross needs help with Charley aftermath +Business,"TD Buys Banknorth, Ups Profit, Dividend" +Business,UPDATE 2-BlackRock buys State Street Research for \$375 mln +Business,"TD Buys US Retail Bank, Ups Dividend" +Business,Smithfield Foods Profit More Than Doubles +Business,Merck Down on Arthritis Study +Sci/Tech,"Nokia, Vodafone Launch Java App Simplification Drive" +Sci/Tech,Toshiba hikes flash memory output +Sci/Tech,"Analysis: If It #39;s Embedded, It Better Be Good" +Sci/Tech,Microsoft keeps MOM with application management +Sci/Tech,"Casio updates small, thin Exilim camera range" +Sports,Rulon Gardner Says Goodbye To Olympic Wrestling +Sports,New Zealand dominate Men #39;s Triathlon to claim historic double +Sports,IAAF launches investigation into Greek doping scandal +Sports,"Felix wins silver, sets record" +Sports,Spain #39;s Martinez/Fernandez wins Olympic men #39;s sailing 49er gold +Sports,Bartlett to miss SA World Cup qualifier +World,Thatcher #39;planned to quit S Africa #39; +World,Zimbabwe #39;s opposition threatens to boycott elections +Sci/Tech,"Microsoft preps XP push, mulls Longhorn 'priorities'" +Sports,Shadows hang over Jones #39; appearance +World,Top Iraqi Shi #39;ite Cleric Arrives in Al-Najaf +World,Armenian accused gives evidence in coup case +Sci/Tech,"Nokia, Vodafone push for mobile Java standards" +Sports,NBA Today (AP) +Business,Greenspan: Banks Can Stop Illegal Tying (Reuters) +World,"After 10 Years of War, Chechens Seek Peace Abroad (Reuters)" +Sci/Tech,New Hybrid Disc Offers CD-DVD Combination (AP) +Sci/Tech,'Virtual Girlfriend' Demands Gifts (AP) +World,India Struggles to Revive Ailing Health Sector (Reuters) +World,Supreme Court will not hear appeal of convicted killer-rapist Larry Fisher (Canadian Press) +Business,Brown-Forman #39;s earnings jump 67 +Business,Washington Post #39;heir #39; steps down +Business,"Mitsubishi Motors, DaimlerChrysler reviewing partnership" +Sports,Gymnastics: South Koreans Still Pursuing Yang Gold +Sci/Tech,Microsoft continues Windows XP SP2 distribution +Sci/Tech,Justice Department Cracks Down On SHaring +Sci/Tech,Nokia and Vodafone to Lead Roadmap for Mobile Java Standards +Sci/Tech,Internet lets teen bullies inflict suffering from afar +Sci/Tech,Fourteen Times the Earth - Smallest Ever Extra-Solar Planet <b>...</b> +Sci/Tech,Toshiba to boost flash chip output +Sci/Tech,Embedded Wi-Fi Market Undergoing Major Shift +Sci/Tech,Casio to release five new digital cameras +Sports,Triathlon: Kiwi gets the last kick +Sports,Jones looks to end dissonant year on golden note +Sports,Olympic Baseball Makes a Hit in Greece +Sports,Ukranian rower fails drugs test +Sports,"Konstantinos Kenteris: Glorious past, uncertain future" +Sports,Olympic Baseball Makes a Hit in Greece +World,"Not guilty, sir, declares David Hicks" +World,Zimbabwe opposition to boycott elections until system changes +World,Hostage drama shatters city routine +World,Paris celebrates 1944 liberation day +World,Ten Sistani Supporters Killed in Iraq's Najaf +World,Iraq's Sistani Arrives in Najaf; 74 Dead in Attacks +Sports,"Halkia's Win Extraordinary, Says Pittman's Coach" +Business,Top Enron official pleads guilty +Sci/Tech,Yahoo Nazi Memorabilia Ruling Overturned +Sci/Tech,Search Engine Personalization - The Fallout +Business,How Millionaires are Born +Sports,Pakhalina Leads Diving Semifinals +World,Dream Team Pulls Away to Beat Spain 102-94 +World,Yemeni Poet Asks to Represent Himself +World,Iraq's Top Shiite Cleric Arrives in Najaf +World,Jobless Claims Up on Impact of Charley +World,Giants Walk to 6-5 Win Over Marlins +Business,"Canadian Stocks Fall, Led by Toronto-Dominion Bank, EnCana" +Business,Field Poll: Californians liking economy +Sports,Open draw reveals potential for Serena vs. Venus in final +Business,"Treasuries Tick Higher, Curve Flattens (Reuters)" +Sci/Tech,"Edward C. Baig: Personal Tech - Express takes digital music a step further, but it's no iPod (USATODAY.com)" +Business,Dollar General's 2Q Profits Up 18 Percent (AP) +Sci/Tech,Hormone-Charged Birds Force Out Rivals in West (Reuters) +Sci/Tech,Oracle sees enterprise future for Apple +World,"In letters to Bush, Kerry, Cuban exiles seek firmer anti-Castro US stance (AFP)" +Business,"Treasuries Tick Higher, Curve Flattens" +Business,"FDA to Review Eyetech, Pfizer Eye Drug" +Business,Stocks Near Flat as Oil Eases Further +Business,Greenspan: Banks Can Stop Illegal Tying +Sci/Tech,IBM claims to treble chip speed with #39;strained #39; breakthrough +Business,Stocks Decline Despite Slide in Oil Prices +Sci/Tech,"Vodafone, Nokia Team Up to Simplify Mobile Software" +Sci/Tech,"Nokia, Vodafone team up on Java effort" +Sci/Tech,School that awarded MBA to cat sued +Business,Microsoft DRM monopoly fears +Business,"Optus, Vodafone in 3G link" +Business,"US weekly jobless claims rise 10,000 to 343,000" +Business,Penny Miss at Dollar General +Business,Vivendi wins \$4.6 billion tax windfall +Business,Apollo #39;s Apple +Business,Three Odeon Bidders May Know Winner Friday-Sources +Sci/Tech,Microsoft offers kit for XP SP2 application testing +Sci/Tech,Silicon carbide: coming soon to a chip near you +Sci/Tech,"Nokia, Vodafone team up on Java effort" +Sci/Tech,IBM To Buy Data Management Vendor Venetica +Sci/Tech,Microsoft Finalizes MOM 2005 +Sci/Tech,Sri Lanka #39;s Internet down after damage to submarine cable +Sports, #39;Fab Five #39; search for gold in US women #39;s soccer +World,Russian jets #39; black boxes shed little light +World,"Indian violence kills 6, injures 51" +World,Gandhi Kin Urges Palestinians to Rise Up Peacefully +World,BA chief signs on for Heathrow holiday duty +World,All leads open on Russian plane crashes; press says terrorism (AFP) +World,More talks scheduled as Italy presses Libya on immigration crisis (AFP) +World,Japanese Music Companies Are Raided (AP) +World,Bush Calls McCain About Anti-Kerry Ads (AP) +Sci/Tech,Nvidia and Sony to jointly develop GPU for PS3 +Sci/Tech,"Scientists Say Sunoil Could Power Cars, Homes (Reuters)" +Business,Citigroup Sued Over Enron Securities +Sci/Tech,Musicians #39;unconcerned #39; about file sharing +Sci/Tech,Baltimore's quot;Free Books! quot; Charity in Dire Straits +Business,Apollo's Apple +Sci/Tech,DoJ Cracking Down on P2P +Sci/Tech,China confirms bird flu in pigs +Sci/Tech,IBM grabs content management company +Sports,Fab Five Want to Go Out With Gold Medal (AP) +Sci/Tech,DoJ Cracking Down on P2P (washingtonpost.com) +Business,Brazil Jobless Falls to 7-Month Low +Business,Getting Into Gottschalks +Sci/Tech,"Wine-tippling in China 9,000 years ago" +World,Data loss hits Russia crash probe +World,'Virtual Girlfriend' Demands Gifts +World,Fab Five Want to Go Out With Gold Medal +Business,"SIA, Thai splurge billions on planes" +Business,"Optus,Vodafone rebut 3G rivals" +Business,"Brown-Forman profits, outlook up" +Business,Merck falls after FDA trial casts cloud on Vioxx +Business,"Fairfax, PBL reap advertising bonanza" +World,Bush Calls McCain About Anti-Kerry Ads +World,Yemeni Poet Says He Is al-Qaida Member +Sci/Tech, #39;Super #39; Earth found +Sci/Tech,Feds launch Internet crime crackdown +Sci/Tech,IBM grabs content management company +Sci/Tech,Line Up for Linux On Day of Free Software +Sports,Jones advances to long jump finals +Sports,Spain #39;s Martinez and Fernandez win 49er gold +World,Four Killed as Bombs Rip Through Buses +World,No pigs with avian flu in Chinese mainland: Ministry +Business,Two Investment Banks Settle with SEC (Reuters) +Business,Brazil Jobless Falls to 7-Month Low (Reuters) +World,"Britain, S.Africa Renew Call for Fair Zimbabwe Polls (Reuters)" +Sports,Marbury Powers U.S. Over Spain; Coaches Square Off +Business,"Krispy Kreme Profit Drops, Stock Hammered" +Business,Two Investment Banks Settle with SEC +Business,Deal draws 3G battle lines +World,"Radcliffe leave its late for 10,000 metres decision (AFP)" +Sports,"Marbury Powers U.S. Over Spain, Coaches Square Off" +World,Iraq Oil Exports Cut in Half After Attack +Business,EU Probes Microsoft-Time Warner Deal +Business,Glaxo Settles Paxil Suit With NY Attorney General (Update1) +Business,Spirits Boost Brown-Forman Profit +Business,Two Investment Banks Settle with SEC +Business,Datawest shares soar on bid by Open Solutions +Business,"UPDATE 1-Argentina loan review delayed, talks continue" +Business,Brazil Jobless Falls to 7-Month Low +Sci/Tech,Microsoft Reprimanded for Misleading Linux Ad +Sci/Tech,EDWARD C. BAIG +Sports,Carter leads Kiwi 1-2 punch in Athens +Sports,US Women Win Bronze Medal in Water Polo +Sports,Boumsong support for McLeish +World,Top Shiite cleric arrives in Najaf to broker peace +Sci/Tech,Linux group aims for Google-like search +Sci/Tech,News: 'Electronic Jihad' fails to materialise +Business,"Weak GM, Ford Sales Spur Production Cuts?" +World,Colo. State Rep. Concedes in House Primary (AP) +World,Russian Air Crash Flight Recorders May Not Help +World,"Darfur Rebels Say Power Deal First, Disarming Later" +Business,Prosecutors seize Yukos records +World,Pinochet loses immunity +Business,Ditech's Business on Speed Dial +World,"Bush, McCain Discuss Ads by Outside Groups" +World,Poll: Presidential Race Movement Limited +Sci/Tech,Intel Gives Centrino Chip Line a Wireless Upgrade +Business,Drugs Giant to Go Public on All Clinical Trials +Business,US weekly jobless claims rise +Business,Merck Disagrees With Vioxx Analysis +Business,"Deutsche Bank, Thomas Weisel settle research charges" +Business,Smithfield #39;s 1Q Profits Beat Outlook +Business,Argentina visit will be big test for new IMF head +Sci/Tech,UK #39;Ministry of Porn #39; crackdown +Sci/Tech,"Vodafone, Nokia Team Up to Simplify Mobile Software" +Sci/Tech,Server Shipments Defy Pessimism in the Market +Sci/Tech,CA shareholders back management over bonuses issue +Sci/Tech,Siemens Warns Loud Phone Tune Could Damage Hearing +Sci/Tech,IBM buys content integration vendor +Sci/Tech,Teenage bullies thrive in cyberspace +Sports,Jana vows to rise from the rubble +Sports,"New Zealand wins gold, silver in triathlon" +Sports,Gardner takes his bronze and retires +Sports,Rezazadeh reigns as world #39;s strongest man +Sports,US women win bronze in water polo +Sports,No place for Anelka or Silvestre in Domenech #39;s squad to face <b>...</b> +Sci/Tech,IBM buys content integration developer +Sci/Tech,'Phishing' Scam Now Lures German Banking Clients (Reuters) +Business,"Weak GM, Ford Sales Spur Production Cuts? (Reuters)" +Sports,Texans LB Bell Placed on Injured Reserve (AP) +Business,Brent Crude Falls to \$40 +Business,Canada's TD Buys Banknorth for \$3.8 Bln +Sports,American Hoopsters No One's Dream Anymore +World,Africa puts hope in Darfur talks as Sudan dismisses UN ultimatum (AFP) +Business,"Ranks of Poverty-Stricken, Uninsured Rise" +World,UK Launches Own Case Against Cleric Sought by U.S. +Business,Deutsche Bank Paying \$87.5M Settlement +Business,Fred #39;s profit down after June and July disappoint +Business,Career Education falls 7 pct after news report +Business,Update 1: Official Threatens BofA on State Funds +Business,Target janitorial provider settles overtime claim +Sci/Tech,IBM Brings High-Performance Computing to Houston (Ziff Davis) +Sci/Tech,"Motorola, DoCoMo to make 3G phones for businesses" +Sci/Tech,Minister #39;sickened #39; by staff web porn use +Sci/Tech,Microsoft Ordered to Pull Anti-Linux Ad +Sci/Tech,Intel Gives Centrino Chip Line a Wireless Upgrade +Sports,"Everton rejects Rooney bids from Man Utd, Newcastle" +Sports,Andrey Moiseev: One verstatile guy +World,Chile #39;s Supreme Court lifts Pinochet #39;s immunity from prosecution +World,10:16 am: Hungary #39;s designated prime minister must wait a month <b>...</b> +World,UK Launches Own Case Against Cleric Sought by U.S. +World,"Chechnya Bans Masks, to Open Fire on Infringers" +Sci/Tech,Satellite fault shuts train doors +World,Russia: Terrorism Leading Theory on Plane Crashes +Sci/Tech,Briefly: Cisco reports access control server flaws +Sci/Tech,Mobile hard drive carries Linux +Sci/Tech,Cisco reports access control server flaws +Sci/Tech,HP to lead consumer launch with branded iPod +Business,GlaxoSmithKline settlement with NY includes drug study info <b>...</b> +Business,German business circle shows pessimism on growth +Business,Nasdaq chief comments on NYSE controversey +Sci/Tech,New Windows XP update #39;huge #39; +Sci/Tech,Balancing P2P and Copyright Infringement +Sci/Tech,Vodafone and Nokia team up on software +Sci/Tech,Mobile hard drive carries Linux +Sports,"This isn #39;t same Lion Heart, trainer says" +World,Kufa Shelled As Iraqi Shiite Cleric Leaves For Najaf +World,Thatcher charged over coup plot +World,Iraq oil line attacks spark price rise fear +Sci/Tech,"Nokia, Vodafone Collaborate on Mobile Java" +Sci/Tech,Server shipments and revenue increase +World,25 killed in mortar attacks on Kufa mosque: +World,Typhoon Aere kills 34; thousands evacuated from coastal areas in <b>...</b> +Sports,Jets Trying to Forget Last Giants Game (AP) +Business,"Nasdaq Down, Dow Flat" +World,Iraq's Sistani in Najaf; 74 Killed in Two Cities +Business,Smithfield Foods Profit High on the Hogs +Sci/Tech,News: WinAmp flayed by skins attack +Sci/Tech,Sprint Certifies Xserve and QuickTime +Business,New Hungarian PM faces popularity test +Business,Maker of Antidepressant Drug to Release All Trial Results +Business,My Fund Manager Ate My Retirement! +World,Judge Stops Partial-Birth Abortion Ban +Business,Video Girlfriends Demand Diamonds +Business,Toronto-Dominion to buy stake in Banknorth +Business,Glaxo Settles Paxil #39;Suicide Pill #39; Suit +Business,Ride the Cyclical Wave +Sci/Tech,Video Girlfriends Demand Diamonds +Sci/Tech,IBM to Buy Content Management Developer Venetica +Sports,Olympics: Kenteris and Thanou to be investigated by athletics <b>...</b> +Sports,Bertuzzi pleads not guilty +World,Chile Court Lifts Pinochet Immunity in Rights Case +Business,Brown-Forman Earnings Jump 67 Percent +Business,Oil Falls for Fifth Session as Iraq Truce Eases Supply Concern +Business,Prosecutors Again Raid Yukos Offices +Sports,Germany wins bronze +World,Double Russian Air Disaster #39;A Terrorist Act #39; +Sci/Tech,Almost Half of Video Gamers Cutting TV Use --Study (Reuters) +World,"Israeli, Palestinian ministers meet in Italy (AFP)" +Business,"US poverty rate climbs, along with number lacking health coverage (AFP)" +World,"Five killed, scores hurt as rebels bomb buses in India's northeast (AFP)" +Business,US Sees Japan Beef Trade Unlikely in 2004 +Sci/Tech,Almost Half of Video Gamers Cutting TV Use --Study +Sci/Tech,HP's iPod to lead consumer push +Business,"GlaxoSmithKline settles with NY, will disclose drug study info" +Business,Work Begins on US Missile Defense for Commercial Airliners +Business,"Update 5: Oil Prices Slide, Despite Iraq Export Drop" +Business,BlackRock Paying \$375 Million for State Street Research +Business,Yukos accounting division raided; Russian official warns of money <b>...</b> +Business,Update 2: German Business Confidence Dips in August +Sci/Tech,UK fires civil servants for viewing porn +Sci/Tech,"Nokia, Vodafone Partner on Mobile Service Architecture" +Sci/Tech,Intel expands Centrino capabilities +Sci/Tech,Global Server Revenue Jumps in Second Quarter +Sci/Tech,EDS Sells Wireless Group +Sci/Tech,MS Pushes MOM 2005 out the Door +Sports,From Dreamers to Cinderellas +Sports,Olympics-German women beat Swedes to take bronze +Sports,Taiwan claims first two taekwondo golds +Sports,Rangers bolster goaltending by signing Weekes +World,Eq. Guinea might seek Thatcher extradition +World,Saboteurs Attack About 20 Iraq Pipelines +World,More BA flights cancelled +Sci/Tech,Janco Partners Initiates Google with 'Sell' Rating (Reuters) +Sports,Mountain West Changes TV Networks (AP) +World,Huge fire erupts at ammunition depot in eastern India; thousands evacuated (Canadian Press) +Sci/Tech,New Shuttle Tanks Should Not Shed Foam (AP) +Sci/Tech,U.N. Warns of Full-Scale Locust Plague in Africa (Reuters) +Sports,No. 1 Illinois Defeats Chicago St. 78-59 (AP) +Business,Oil Prices Slide Despite Iraq Export Drop +Business,Europe's New War with America +World,Business As Usual at Moscow Airport (AP) +Sci/Tech,"Nokia, Vodafone join forces to simplify mobile phone software (AFP)" +World,Liberal MP has no apology for calling U.S. missile defence supporters idiots (Canadian Press) +World,"Survey: Powell, Guiliani Could Also Be VP (AP)" +Sports,"Olympics: Cut It Out, Give It Back, Cool the Hype" +Sports,Ibrahim Wins Egypt's First Gold in 56 Years +Business,"Stocks Down, Starbucks, Techs Fall" +Business,Vaso Active: Settles SEC Fraud Charges +Sports,Bertuzzi Pleads Not Guilty to Assault (AP) +Business,Vodafone Australia to share 3G network with Optus +Business,Glaxo settles suit over Paxil +Business,Mortgage Rates Inch Higher +Business,BIOTECH STOCKS +Business,"Deutsche Bank, Weisel to Pay \$100 Mln to End Probe (Update1)" +Business,S amp;P raises outlook on Ingersoll-Rand +Business,State Street Research +Business,Guidant says stent #39;s market share up +Sci/Tech,IE Flaw Affects Windows XP SP2 Systems +Sci/Tech,Intel formally introduces tri-mode Wi-Fi chip +Sci/Tech,"Feds Raid P2P Users, RIAA Pushes Lawsuits" +Sci/Tech,"Nokia, Vodafone Push For Java Standards" +Sci/Tech,CA Shareholders Reject Compensation Recovery Plan +Sci/Tech,"Fishing Just for Fun Damages Stocks, Study Finds" +Sci/Tech,Russian Oil Project to Be Vetted for Whale Threat +Sci/Tech,IBM Acquires Content-Managment Developer Venetica +Sci/Tech,Analysts Hint at Bounce in Chip Stocks +Sci/Tech,Siemens 65 series defect could lead to hearing damage +Sci/Tech,Janco Partners Initiates Google with #39;Sell #39; Rating +Sports,Triathlon: #39;Shagged #39; Docherty delighted +Sports,"Russia, Japan lead team sychronized swimming; Americans march to <b>...</b>" +Sports,Andrejus Zadneprovskis of Lithuania grabs silver +World,Pinochet Stripped Of Immunity +World,China Confirms Bird Flu in Pigs +World,Attacks cut Iraq #39;s oil exports in half: report +World,Australian Air Force to be armed with stealth cruise missiles +World,British anti-terrorism police arrest radical cleric Abu Hamza +Business,One million join ranks of US poor +Business,Fewer mortgages approved in July +Business,Sell Starbucks? +Sci/Tech,Black Eyed Peas to Produce Music for 'Urbz' Game +Sci/Tech,Texas School to Offer Women's Gaming Scholarship +Sci/Tech,Black Eyed Peas to Produce Music for 'Urbz' Game (Reuters) +Sci/Tech,Calif. to Vote on #36;3B Stem Cell Project (AP) +Sci/Tech,Cool Midwest Summer Creates Bigger Spiders (AP) +Sci/Tech,New Shuttle Fuel Tanks Should Not Shed Foam +Sci/Tech,Krispy Kreme Doughnut Reward Plan Raises Concerns +Sci/Tech,'Drug Train' Takes Americans to Canada for Pills +Sci/Tech,More Platinum Found in Women With Breast Implants +Sci/Tech,"CIOs expect moderate hiring, study says" +Sci/Tech,"Breakthrough promises hotter, tougher, faster chips" +Sci/Tech,Intel's Centrino connects with all Wi-Fi standards +Business,Smithfield profits from protein-rich pork +Business,"Bill Gates Gives \$400,000 to California Stem-Cell Bond Measure" +Business,Northwest #39;s Net move hits more turbulence +Sci/Tech,Intel #39;s Centrino connects with all Wi-Fi standards +Sci/Tech,Sport Fishing Takes Big Bite Out of Fish Stocks +Sci/Tech,IBM buys Venetica +Sci/Tech,"Breakthrough promises hotter, tougher, faster chips" +Sci/Tech,Syniverse to acquire EDS Interoperator +Sci/Tech,Intel formally introduces tri-mode Wi-Fi chip +Sports,"US, Brazil tied 0-0 in gold medal match" +World,Israel foils suicide bombing attack: radio +World,Hamza held under Terrorism Act +Sci/Tech,New Hybrid Disc Offers CD-DVD Combination +Sci/Tech,Tech Firms Seek to Soften Proposed Anti-Piracy Bill +Sci/Tech,Man Buys Up Domain Names in Bush Push +Business,Boeing in \$7.5 bn deal with SIA +Business,"Deutsche Bank, Thomas Weisel Join Research Settlement" +Business,Smithfield Doesn #39;t Go Whole Hog +Business,"Gates, others lead California effort for stem cell research" +Business,CenturyTel to offer EchoStar TV service +Business,OPEC expects oil prices to fall to \$30 per barrel +Sci/Tech,Intel Unveils Tri-Mode Centrino +Sci/Tech,Siemens warns of problem with 65-series phones +Sports,ATHENS OLYMPICS 2004 / US beats Spain to reach semis +World,Mystery Persists Behind Causes Of Double Plane Disaster +World,Panama Pardons Four Anti-Castro Figures (AP) +Sci/Tech,Researchers Urge Stricter Fishing Rules (AP) +Sci/Tech, quot;Phishing quot; lures German banking clients +Business,EU launches another probe into Microsoft monopoly +Business,Nigeria hits Shell with 840m compensation claim +Business,Krispy Kreme #39;s Bad Dough +Business,Mortgage rates edge higher +Business,USA: Smithfield Foods reports higher Q1 earnings +Business,Bill Gates contributes to stem cell campaign +Business,US Weekly Jobless Claims Rise +Sci/Tech,Big German banks hit by phishing attacks +Sports,"Halkia #39;s Win Extraordinary, Says Pittman #39;s Coach" +Sports,NHL #39;s Bertuzzi Pleads Not Guilty to On-Ice Assault +World,Australia plans #39;most lethal #39; cruise missiles +World,Senior Islamic Militant Wounded in Gaza Blast +Business,American to Test Onboard Food Sales (Reuters) +Sci/Tech,"Intel Updates Wireless Chips, Software (AP)" +Sci/Tech,Intel Launches Tri-Mode Wi-Fi Chipset (NewsFactor) +Business,"Stocks Near Flat, Starbucks, Techs Fall" +World,Kerry Challenges Bush to Weekly Debates (Reuters) +Business,American to Test Onboard Food Sales +World,Charlize Theron to Be Face of Dior Perfume +World,"Dream Team Hits Jumpers, Downs Spain" +Business,"Deutsche Bank, Weisel to Pay \$100 Mln to End Probe (Update2)" +Business,Shell to pay \$1.5 bn as eco-claims in Nigeria +Sci/Tech,Beware That WinAmp Skin +Sci/Tech,U.S. call center jobs moving to Canada +Sci/Tech,"Nokia, Pointsec team on mobile data security" +Sci/Tech,CA shareholders back management over bonuses issue +Sci/Tech,Via Tunes Open-Source Media Player +Business,"Stocks Near Flat, Starbucks, Techs Fall (Reuters)" +Sci/Tech,Russian Oil Project to Be Vetted for Whale Threat (Reuters) +Sci/Tech,NASA Experts Report Drought Forecast Breakthrough (Reuters) +World,"Responding to McCain, Bush Plans Legal Action on Ads (Reuters)" +World,Equatorial Guinea Wants Thatcher Extradited --Lawyer +Business,Auditors get poor grade +Business,Ingersoll-Rand to sell Dresser unit for \$1.2bn +Sci/Tech,"Intel updates wireless chips, software" +Sci/Tech,Sport fishermen depleting some saltwater species +Sci/Tech,IBM to Buy Software Developer Venetica +Sci/Tech,"NASA #39;s backup plan involves rescue shuttles, space station" +Sports, #39;It still hasn #39;t sunk in #39; - Fridman #39;s father +World,Al-Sistani Wants US-Led Forces to Leave Najaf (Update2) +World,Russian jets #39; crashes still mysterious +Sci/Tech,CenturyTel to Offer EchoStar Service (Reuters) +Sci/Tech,U.S. Says Over 100 Arrested in Internet Crime Sweep (Reuters) +Sci/Tech,Via Tunes Open-Source Media Player (PC World) +World,"4 killed, dozens wounded in separatist violence in India's Assam state (Canadian Press)" +Business,MCI Offers to Pay Part of States' Claims +Sports,Cal's Tedford Seeks Accountability in Poll (AP) +Business,Citigroup Sued Over Enron Securities +World,"Darfur Rebels Say Power Deal First, Disarming Later" +World,Confusion as Yemeni Faces U.S. Military Tribunal +Sci/Tech,CenturyTel to Offer EchoStar Service +Business,Prices climb after bombing spree +Business,Update 2: Gilead Sciences Stocks Rise Six Percent +Business,ConocoPhillips eyes \$2B stake in LUKOIL +Sci/Tech,Centrino to connect with all Wi-Fi standards +Sci/Tech,"Revenge Really Is Sweet, Study Shows" +Sci/Tech,How Not to Get #39;Phished #39; +Sci/Tech,Via Tunes Open-Source Media Player +Sports,Practice makes Marbury near perfect +World,Bangladesh to take Interpol #39;s help to solve Hasina attack +World,S Korea sees trouble ahead on N.Korea nuclear talks +Sci/Tech,Centrino to connect with all Wi-Fi standards +Sci/Tech,Intel Unveils Tri-Mode Wi-Fi Chip +Business,MCI Offers to Pay Part of States' Claims (Reuters) +Sci/Tech,Dozens of Internet Crime Suspects Nabbed (AP) +Sports,NCAA Denies Reinstatement for Williams (AP) +Sci/Tech,Global Warming Means More Frost-Free Days - Report (Reuters) +World,Senators: Intel Chief Needs Budget Power (AP) +Sports,Long Jump Gold for American Dwight Phillips +Business,Chiron Delays Flu Vaccine Shipments +World,Marbury Leads Dream Team Past Spain 102-94 +World,Top Russian Official: Plane Terror Likely +World,Aide: Al-Sistani Brokers Najaf Peace Deal +Sports,Crawford sprints to gold +Business,"Oil Slides, Najaf Peace Deal Struck" +Business,Harris Corp. to add 200 DC-area jobs +Sci/Tech,IBM Buys Venetica for Content +Sci/Tech,"Nokia, Vodafone join forces to simplify mobile phone software" +Sci/Tech,Finding Super-Earths +Sports,Tomlinson can #39;t rise to the challenge +Sports,Goosen leads BMW Open; Montgomerie a stroke back +Sports,Guo wins gold in 3m springborad diving +Sci/Tech,"In Crocodile Evolution, the Bite Came Before the Body" +Sci/Tech,Modified Mice Stay Super-Fit -- Without Exercise +Business,Update 1: Glaxo Stocks Advance; Merck Stocks Slip +Business,Krispy Kreme stock slump has investors bellyaching +Business,Gilead says its HIV drug combination beats drug made by <b>...</b> +Business,Sears Canada sacks chairman-CEO Mark Cohen over #39;strategic <b>...</b> +Sci/Tech,"Global Server Sales Up, Gartner Says" +Sports,Ulmer gives Carter golden advice +Sports,China finishes 1-2 in springboard diving +Sports,"Pahlavan Rezazadeh quot; stuns world, set new record" +Sports,Sports: Sanchez wins 400 hurdles +Sports,Williams relieved to have resolution +World,South African Police: Thatcher Preparing to Flee Before Arrest +World,Terry Hicks slams son #39;s treatment +Business,American Air Sees #36;1 Billion More in '04 (Reuters) +Business,U.S. Money Funds Drop to #36;848.66 Billion (AP) +World,Margaret Thatcher 'Distressed' About Son's Arrest +World,London oil drops to \$40 a barrel +Business,Sears Canada sacks Cohen +Business,Striking truckers leader arrested +Business,US Audit Body Says Big 4 Firms Missed Problems +Business,State to Start LUKoil Bid at \$1.9Bln +Business,UPDATE 4-Citigroup sued over Enron-linked securities +Sci/Tech,Intel Strikes Up Tri-Band Wireless Technology For Centrino +Sci/Tech,Justice Department fights cyber crime +Sci/Tech,"Recreational Fishing Puts Bite on US Fish Stocks, Study Says" +Sci/Tech,China May Join \$10Bln Sakhalin-2 +Sports,Lashko retires with no gold +Sports,Golden Joy for Fabulous Felix +Sports,German Women Grab Hockey Gold +Sports,American Dwight Phillips Captures Long Jump Gold +Sports,NCAA says Williams can #39;t return to Trojans +World,Panama Pardons Cuban Exiles in Castro Bomb Plot +Sports,Crawford is Golden as the Crowd Boos +Sports,Olympic Wrap: Crawford Wins the 200m Amid Jeers +World,"Law Banning Type of Abortion Is Unconstitutional, Judge Says" +Sports,Wambach Lifts U.S. in Women's Soccer Final +Sci/Tech,Sun to tout Wall Street wins in September +Sci/Tech,Sprint backs Apple tech for video streaming +Sci/Tech,Cisco warns of flaws in ACS product +Sci/Tech,"Latest spam scams use Google, Olympics" +Sci/Tech,SEC deadline delay spells Sarb-Ox relief +Sci/Tech,Financial firms compare notes on disaster recovery +Sci/Tech,TSA readies security systems rollout +Sci/Tech,Hackers target French ISP's site +Sci/Tech,"LG Preps Handheld Audio, Video Device" +World,Panama Pardons Cuban Exiles in Castro Bomb Plot (Reuters) +World,Radical cleric arrested under British anti-terror law; U.S. wants extradition (Canadian Press) +World,"Darfur Displaced Angry as U.N., Govt Visit (Reuters)" +Sports,"Jokinen, Peltonen Combine for Four Goals (AP)" +Sports,Crawford is Golden Amid a Chorus of Boos +World,Swiftboat Crewman: Kerry Boat Under Fire (AP) +Sci/Tech,MIT Selects Its First Female President (Reuters) +Business,"Blue Chips Near Flat, Tech Stocks Fall" +Business,Chiron Delays Flu Vaccine Shipments +World,Peacekeeper Shortage Hampers UN Mission in Haiti +World,MTV Awards May Be Toned Down +World,"Iraqi Government, Al-Sadr OK Peace Deal" +World,Flu Vaccine Is Found Tainted in Factory +World,Stocks Finish Lower on Rising Oil Prices +Business,UPDATE 1-Chiron delays flu vaccine shipments +Sci/Tech,"TiVo loss widens, subscribers grow" +Sci/Tech,Still No Fix for Problem That Doomed Shuttle-NASA +Sci/Tech,Sun to tout Wall Street wins in September +Sci/Tech,Wi-Fi Surpasses \$1B in Quarterly Revenues +Sports,Crawford leads way as US goes 1-2-3 in 200m +Sports,UPDATE 2-Everton reject Rooney bids +World,Seoul doubts North Korea will budge until US vote +Sci/Tech,"Whats Next For Google - ISP, Browser, Desktop Search?" +Business,Opec to raise output ceiling issue in Sept 15 meeting +Business,Lukoil Stake to Be Sold for at Least \$1.93 Billion (Update3) +Business,Homeland Security taps local Northrop unit +Business,"Smithfield #39;s Net Doubles as Pork Demand, Prices Gain (Update4)" +Business,9/11 commissioner: Threat of airplane suicide bombing has <b>...</b> +Sci/Tech,IBM Buying Venetica +Sci/Tech,Sweet Revenge May be a Hard-Wired Reward +Sci/Tech,Warning: Defect in Siemens cellphones may cause hearing damage +Sports,Carter quot;bulletproof quot; snatching gold +Sports,Smudger on Sport +Sports,How the Brits Might Fare in Europe +Sports,"Schumi still looking ahead, not back" +World,Cracking under the strain +World,"Frances a Fast-Growing Hurricane, Far Out at Sea (Reuters)" +Sports,Surging Cubs Defeat Astros 8-3 (AP) +World,"Canadians in Southeast Asia at risk from terrorist groups, report cautions (Canadian Press)" +Sci/Tech,"Apple Jumps Ahead of HP iPod, iMac Launch (Reuters)" +Sports,The U.S. Gives Mia Hamm a Golden Farewell +Business,American: \$1 Bln More in '04 Fuel Expense +Business,Glaxo Settles Suit Over Paxil Studies +Sports,Deadlocked NHL Labor Talks to Resume on Monday +World,"Frances a Fast-Growing Hurricane, Far Out at Sea" +Sci/Tech,Cisco warns of flaws in ACS product +Business,"US Audit Firms Used Wrong Standards, Report Says (Update3)" +Business,Glaxo Settles Suit Over Paxil Studies +Business,Truckers to intensify agitation further Some AIMTC officials <b>...</b> +Sci/Tech,Study: Revenge is sweet +Sports,United States tops Brazil 2-1 in extra time to win gold medal in <b>...</b> +Sports,Israeli wins country #39;s first Olympic gold +Sports,Ameobi the bait in race for Rooney deal +Sports,USC superior in almost every area +Sports,Olympics: Superman Sanchez delivers on his Olympic promise +World,Hungary Appoints New Prime Minister after Political Crisis +World,Islamist group executes Italian hostage in Iraq: Al-Jazeera. (AFP) +Sports,Cowboys Launching 24-Hour TV Network (AP) +Sports,Diamondbacks' Top Pick Enrolls in College (AP) +World,Kerry Pulls Ad of McCain Smear Complaint (AP) +Sports,Rangers Bolster Goaltending by Adding Weekes +Business,Oil giant told to pay \$2bn +Business,Rising fuel costs hurt AMR #39;s outlook +Business,UPDATE 3-Guidant resolves Champion stent issues +Business,"Session is washed out, Bill sails" +Sci/Tech,Operation Web Snare +Sci/Tech,Angst over anglers: Report cites their role in fishery decline +Sci/Tech,Venetica Buy Pushes IBM #39;s On-Demand Agenda +Sci/Tech,"Nokia, Vodafone Attack Java Troubles In Mobile Phones" +Sci/Tech,"TiVo #39;s Loss Widens, Subscribers Grow" +Sports,"Marbury Powers US Over Spain, Coaches Square Off" +Sports,Mourinho takes new club to his old den +Sports,Bryant judge questions prosecution #39;s late challenge to DNA <b>...</b> +World,Iraqi government accepts peace deal +World,Kidnappers say killed Italian hostage +World, #39;Something Happened Fast #39; in Crashes +Sci/Tech,FBI cracks down on Napster-like P2P network +Sports,Crowd roars for absent Kenteris +World,"Al-Sadr accepts cleric #39;s plan to end Najaf uprising, aide says" +World,Death toll up as typhoons lash parts of Asia +Business,Mirant works to emerge from bankruptcy +Sports,Hamm sets sights on golden finale +Sports,Williams Goes on Bronze-Medal Victory Tour +World,Clerics Said to Reach Najaf Peace Deal +World,Bomb rocks market in violence-plagued southern Thailand +Sports,"Marbury Powers U.S. Over Spain, Coaches Square Off" +World,New Zimbabwe restrictions target aid groups +Sci/Tech,French investigators probe copy-protected CDs +Sci/Tech,Merchant group helps DOJ in fraud stings +Business,Chiron to delay flu vaccine shipments +Business,Mirant appoints Michele Burns to head restructuring +Sports,"You can do it too, S #39;pore" +World,Violence turns to hope as Sistani #39;s arrival in Najaf heralds peace <b>...</b> +World,Australia acquiring long-range missiles +World,Bomb injures 23 a day before Thaksin #39;s visit +Business,Update 1: OPEC Wants to See Oil Prices Fall Faster +Business,"Sears Canada Board Fires Chair, CEO Cohen" +Business,American Air Sees \$1 Billion More in #39;04 +Business,WRAPUP 4-US jobless claims rise on back of hurricane +Business,Merck says it quot;strongly disagrees quot; w/ study analysis +Business,Russia says Conoco mooting \$US2b Lukoil stake +Sci/Tech,Microsoft releases SP2 update for all Windows XP users +Sci/Tech,Enter your e-mail: +Sports,Wambach #39;s goal gives US women #39;s soccer gold medal +Sports,Crashes cost Aussie a medal +Sports,Judge says Nemov #39;s score changed to please crowd +World,Bomb explodes in Thai marketplace +World,WHO warns of potential pandemic over #39;bird flu #39; virus infections <b>...</b> +World,Kidnappers Say They Have Killed Italian Hostage --TV (Reuters) +Business,Audit Body: Big 4 Firms Missed Problems (Reuters) +Sports,Durazo's Blast Leads A's Past Orioles 9-4 (AP) +Sports,Sides Bicker in NHL Labor Fight (AP) +Sports,The U.S. Gives Mia Hamm a Golden Farewell +Sports,Crawford Is Golden Amid a Chorus of Boos +World,Kidnappers Say They Have Killed Italian Hostage --TV +Business,SEC Settles with Two More Firms +Business,UPDATE 2-Chiron delays flu vaccine shipments +Business,"Fuel Costs Hurt American, United Airlines" +World,Pinochet is stripped of immunity by court +Business,Canada rival to control Banknorth +Business,Krispy Kreme posts big drop in net +Business,US regulator faults Big Four accounting firms - but gently +Business,GM to invest \$200 mln in Saturn plant +Business,Mirant names CFO as chief restructuring officer +Sci/Tech,FBI Sting Targets P2P Operation +Sci/Tech,Nokia and Vodafone seek simpler software +Sci/Tech,CIOs Still Slow In IT Hiring +Sci/Tech,UN Backs Open Source With New Agency +Sports,China #39;s Guo Easily Wins 3M Springboard +Sports,Honor gets frown from the Kiwis +Sports,Hewitt coasts into quarters +World,Zimbabwe losing faith in democracy +World,Confusion as Yemeni Faces U.S. Military Tribunal (Reuters) +World,Olympic Wrap: Crawford Wins the 200m Amid Jeers (Reuters) +Sports,Hewitt Cruises to Waterhouse Quarterfinals (AP) +Business,Audit Body: Big 4 Firms Missed Problems +World,Confusion as Yemeni Faces U.S. Military Tribunal +World,Top Russian Official: Plane Terror Likely +Business,Oil Slide continues as peace deal struck in Najaf +Business,Australia #39;s Suncorp-Metway FY Net A\$618M; Outlook Upbeat +Business,Jobless Claims Up on Impact of Charley +Business,American Airlines fuel costs up by \$300 million +Sports,"Men #39;s Long Jump : PHILLIPS (USA), MOFFITT (USA) and MARTINEZ (ESP)" +Sports,Jury Selection to Begin in Kobe Bryant Rape Trial +Sports,Hewitt cruises past Llodra +World,"Rumors Rife, But Few Clues To Russia #39;s Twin Air Crash" +World,Dialogue of the deaf +Sci/Tech,Oracle Extends Offer for PeopleSoft (Reuters) +World,Kidnappers Say They Have Killed Italian Hostage --TV +Business,Oil Prices Drop Near \$43 +Business,Drug firm settles Seroxat research claim +Business,Vioxx Linked To Increased Cardiac Death +Sci/Tech,Jaw transplant allows man to chew after nine years +Sci/Tech,TiVo Earnings Reflect Cost of Customer Acquisition +Sports,Rulon #39;s Retirement the End of an Era +Sports,Badgers lose RB Smith to heart disorder +World,New jaw grown on patient's back +Sci/Tech,Be Funny Or You're Fired +Business,Earnings Not So Sweet for Krispy Kreme (Reuters) +World,Kids Found in Africa Stay in Foster Care (AP) +Business,REIT Funds Take Silver On YTD Gain (Investor's Business Daily) +Sports,Wild Card Upsets Loit at Forest Hills (AP) +Sports,Pavin Hits 62 to Charge Into Three-Shot Buick Lead +Sports,Lithuania Reaches Semifinals +Sports,Bertuzzi Enters Plea +Business,US tech stocks slip +Sci/Tech,Scans show brain hard-wired for sweet revenge +Sports,Women #39;s volleyball: Russia defeats Brazil to reach finals +World,Iraq #39;s top cleric wins agreement from rebel and government for <b>...</b> +Sci/Tech,Columnists: A Polluted Internet +Sci/Tech,MS rapped over anti-Linux ads +Sci/Tech,Report: Embedded Wi-Fi Market Shift Taking Place +Sports,Drawn and Quartered +Sports,Everton admit Rooney will be sold +Sports,Pavin eagles his way into Buick lead +Sports,Pair of Andres hold key to US boxing medal hopes +World,"Six killed, 51 injured in Ulfa attacks" +World,Taiwan typhoon death toll rises +Business,SEC Settles Case Against Van Wagoner (AP) +Sci/Tech,Calling Verizon And Cingular 1 And 1A Is OK (Investor's Business Daily) +Business,Earnings Not So Sweet for Krispy Kreme +Business,Japan's Nikkei Average Edges Up 0.1 Pct +Sports,Pavin Hits 62 to Charge Into Three-Shot Buick Lead +World,"Iraqi Government, Al-Sadr OK Peace Deal" +Business,CBI demands an end to rate rises as growth cools +Sports,Pavin hits 62 to charge into three-shot Buick lead +Sports,"Daily preview: Friday, Aug. 27" +Sports,Tressel picks Zwick over Smith +World,PINOCHET LOSES LEGAL IMMUNITY +Sci/Tech,Oracle gives PeopleSoft shareholders more time +Sci/Tech,"NetBeans IDE beta released, tackles Java specs" +Business,Spitzer forces Glaxo to publish drug trials +Business,Earnings Not So Sweet for Krispy Kreme +Business,AirTran Seeks Mediation in Union Talks +Business,Industry buoyant as orders flood in +Business,Rentokil rules out break-up +Sci/Tech,Brain scan shows why revenge is sweet +Sports,Crawford overcomes Kenteris clamour +Sports,Another Schu in +Sports,Quinn relieved that goalie Ed Belfour #39;s back surgery was deemed a <b>...</b> +World,Ayatollah puts life on the line +World,Kidnappers Say They Have Killed Italian Hostage --TV +Sports,Ben Wallace Recovering After Appendectomy (AP) +World,Top Russian Official: Plane Terror Likely (AP) +Sports,"NL Wrap: Sosa Hits 568th Homer, Cubs Eclipse Astros (Reuters)" +World,"Iraqi Government, Al-Sadr OK Peace Deal (AP)" +Sports,"NL Wrap: Sosa Hits 568th Homer, Cubs Eclipse Astros" +Sports,Rangers Sign a Goaltender +World,Vote for Pakistan prime minister +Sci/Tech,Briefly: Oracle extends PeopleSoft deadline +Business,Yen Recovers After Slipping on Japan Data +World,Bush Has Slight Edge Over Kerry in New Poll (Reuters) +World,UN Anti-Terror Measures Ineffective -- Experts +Sci/Tech,NASA Confident of New Shuttle Fuel Tanks (AP) +Sci/Tech,"Revenge Really Is Sweet, Study Shows (Reuters)" +Business,"TD posts profit rise, buys Banknorth stake" +Business,Bank of NY sues Citigroup over Enron securities +Business,National Foods 2nd-Half Profit Rises 12 on Gourmet Food Sales +Sci/Tech,German man regrows jawbone in his back in surgical breakthrough +Sci/Tech,Anglers blamed for red snapper decline +Sci/Tech,IBM Buys Cross-Platform Content-Management Provider +Sci/Tech,Government to take over terrorist watch lists from airlines +Sports,Dutch and Aussies seek history in final +Sports,Trojan Felix Sanchez Wins Olympic Gold Medal In 400-Meter Hurdle +World,Dim prospects for peace +World,Bombs explode in Thailand #39;s south +World,Bangladesh to ask Interpol to probe into grenade attack case +Sports,Bryant Judge Chastises Prosecutors (AP) +Sci/Tech,Md. School to Hand Out Blackberry Devices (AP) +Business,AirTran: Regrets flight attendants #39; rejected labor pact +Business,Dairy giant milks growth +Sci/Tech,"CIOs expect moderate hiring, study says" +Sci/Tech,SLT internet services fully restored +Business,Krispy Kreme Earnings Slide; Change in Strategy Is Planned +Business,Federal Regulators Find Problems at 4 Big Auditors +Business,Toronto Dominion Makes Maine Bank Deal +Business,Australia #39;s National Foods FY Earnings Table +Business,Australia amp; New Zealand +Business,Vivendi tax credit deal amounts to jobs in France +Business,Sears Canada fires CEO in abrupt move +Business,Md. school to hand out Blackberry devices +Business,Yokogawa Electric Said to Hire Engineers +Sci/Tech,New jaw bone grown in mans back muscle +Sci/Tech,TSA unveils new passenger prescreening program +Sports,Crowd turn on sprinters over Kederis affair +Sports,Thursday #39;s Golf Capsules +Sports,Abramovich poser for Uefa +Sports,Pass the baton of trust +Sports,Ex-tennis star Tanner arrested +World,Al-Jazeera: Militants in Iraq Kill Italian Hostage +World,British police arrest radical cleric Abu Hamza +Sports,"Dechy Stuns Capriati 6-4, 7-5 at Pilot Pen (AP)" +Sci/Tech,Japan Raids Record Cos. Over Ringtones (AP) +World,"4 killed, 54 wounded in three separate attacks in India's restive Assam state (Canadian Press)" +Business,Chicago Public Library offers free Wi-Fi +World,White House Drafts Intel Reform Orders +Business,Indian economy suffers due to truckers strike +Business,Sold! To the man at the back in the stetson +Business,National Foods To Boost Product Release Fourfold -2- +Sports,Egyptian Ibrahim takes wrestling men #39;s 96kg Greco-Roman gold +Sports,Coach says Khan will only get better +World,Al-Sistani Brokers Disarmament Deal For Holy City +World,Palestinian militant killed in Gaza blast: security sources +World,Oil production halved as pipelines sabotaged +World,Police Shoot and Kill Hostage Taker in Toronto +Business,Terrorist attack pumps up oil prices +Sports,Surging Red Sox Tame Tigers 4-1 (AP) +Sci/Tech,Dozens Convicted of Cybercrimes (PC World) +Sci/Tech,XP SP2 Gives Reasons to Switch to Linux (Ziff Davis) +Sci/Tech,Oracle Sets New PeopleSoft Buyout Deadline (Ziff Davis) +World,Debate on Kerry's Military Record Rages (AP) +World,"Edwards Has Harsh Words for Bush, Cheney (AP)" +Business,J amp;J eyes Guidant? +Business,Nikkei Average Moves in Tight Range +Sports,Hewitt Continues Excellent U.S. Open Build-Up +Sports,Marbury and Late Timeout Are Upsetting to Spaniards +Sports,U.S.C.'s Star Receiver Will Not Be Reinstated +Business,Business School Doles Out BlackBerry Devices +World,SUDAN: Darfur peace talks make sluggish progress +World,"4 killed, 54 wounded in three separate attacks in India #39;s restive <b>...</b>" +Sci/Tech,Comcast Subpoenas Elected Leaders In Montgomery Who Favored Union +Sci/Tech,Dozens Convicted of Cybercrimes +Business,"Optus, Vodafone to share wireless network" +Business,PCAOB Releases Big Four Findings +Business,Oracle Sets New PeopleSoft Buyout Deadline +Sci/Tech,"Intel Adds Tri-mode (802.11a,b,g) Wireless Module" +Sci/Tech,Apple AirPort Express +Sports,Defending champion Capriati ousted by Dechy in New Haven +World,Leaders call for a peaceful intifada +World,Chile makes final ruling: Pinochet can stand trial +Sports,"Jones, Boxers Get Shots at Gold Medals (AP)" +World,WTO Delays Decision On E.U.'s Biotech Ban (washingtonpost.com) +World,Passports taken from three Sydney terror suspects (AFP) +Sports,Three Share First-Round Lead at Tradition (AP) +Business,Accounting Board Finds Violations at Big Four +Business,Wal-Mart #39;s Vice Chairman retires +Business,Ahold Sees U.S. Retail Profits Fall +Business,Examiners Asked to Wait Before Taking Bank Jobs +Business,"SPH, MediaCorp Lay Off Over 200" +Business,Paxil Maker Will Post Its Unfavorable Test Results +Business,Research Settlement Completed +Business,Comcast Subpoenas Elected Leaders In Montgomery Who Favored Union +World,Britain Arrests Radical Cleric Al-Masri (AP) +Business,Nikkei Up as Economic Optimism Grows +Sports,White Sox Down Fading Indians 14-9 (AP) +World,Tentative Accord Reached in Najaf to End Fighting +Business,Crude prices fall despite attacks on Iraq pipeline +Business,India approves \$104bn budget +Business,Accounting Board Finds Violations +Business,Paxil Maker Will Post Its Unfavorable Test Results +Business,OPEC To Try To Curb Oil Prices +Business,Oracle Extends Offer for PeopleSoft +Sci/Tech,Ashcroft launches actions against P2P users +Sports,Relaxed Buildup For Carter +Sports,O #39;Malley bounces back after injury +Sports,Schumacher on favourite stage +Sports,"Yankees 7, Blue Jays 4" +World,Tentative Accord Reached in Najaf to End Fighting +World,Al Jazeera Reports Journalist Executed +World,Pipeline Attack Slows Iraq #39;s Oil Production +Business,Record Level of Americans Not Insured on Health +Business,"Lenovo, IBM may soon reveal PC unit deal" +Business,Smithfield #39;s profit more than doubles +Business,Mortgage Rates Increase +Sci/Tech,Study Cites Sport Fishermen #39;s Impact on Species +Sci/Tech,Doctors graft new jaw on man #39;s back +Sci/Tech,Mattos: Venetica Buy Makes IBM King of Content +Sci/Tech,TiVo-like Application for XM Radio Under Fire +Sports,Paul Hamm: #39;I competed my heart out #39; +Business,Asia Stocks Near Flat on Economic Data +Sports,Bryant Trial Begins +Sports,No Mistaking Identity +Sports,Weeks Strong at Safety +World,White House Proposes Intelligence Changes +Sports,Terps Tab Statham +Sports,NHLPA 'Not Negotiating' +Sports,Strong start benefits Pavin +Sports,NCAA denies reinstatement request for Mike Williams +Sports,A-Rods late delivery +Sci/Tech,U.S. Tally in Online-Crime Sweep: 150 Charged +Sci/Tech,Oracle Extends Hostile Offer for PeopleSoft +Sci/Tech,"Tech Shares Pushed Lower, but Market Barely Budges" +Sci/Tech,18 Holes on 2 Wheels +World,World Bank unveils 12 billion dollar plan to cut poverty in India (AFP) +Business,"Sure, It's Pragmatic. But Stylish? The Minivan Is Getting a Makeover" +Sports,Coyotes Juggle Centers +Business,STOCKS TO WATCH +Business,National Foods posts increased net profit +Sci/Tech,US Tally in Online-Crime Sweep: 150 Charged +Sci/Tech,NASA Notes Some Progress in Making Shuttles Safer +Sports,Security overkill in Athens means more empty seats +Sports,NHL exec says union engaging in a #39;charade #39; +World,Shujaat says Aziz will make Pakistan an economic power +Sci/Tech,HP Set to Launch Latest Push Into Consumer Markets (Reuters) +World,Crews Search for Asia Typhoon Victims (AP) +World,Iraqis flock to shrine after deal +Business,Asia Stocks Near Flat on Economic Data (Reuters) +Business,"Yen Firms Ahead of Greenspan, U.S. GDP (Reuters)" +World,Iraqi Holy City Left Broken by Urban Warfare +World,U.S. Denies Role in Cuban Exiles' Pardon +Business,"Banknorth deal good for consumers, analyst says" +Business,Hole in Krispy Kreme strategy gro +Business,Vodafone Plans Joint Australia 3G Rollout +Business,Vivendi to enjoy new tax status +Sci/Tech,Study: Recreational fishers have more impact on counts +Sci/Tech,Music Industry Sues 744 More for File Sharing +Sports,Guo takes second gold in women #39;s 3m springboard +Sports,Spa is #39;magic #39; track - Schumacher +Sports,Players refuse to let CBA talks become a distraction +Sports,American League Game Summary - New York at Toronto +World,Iraqi abductors kill Italian journalist +World,Suspect admits al-Qaida membership +World,Britain arrests radical cleric +Business,HP Set to Launch Latest Push Into Consumer Markets +Business,Court reinstates Sav-on suit - report +Business,Arnie #39;s new role is cleaning out the attic +Sports,Monty #39;s last Ryder Cup stand +Sports,Schumacher returns to his favorite stage +Sports,NHL Official Says Players #39;Are Not Negotiating #39; +World,Philip Terzian: UN offers no hope for Darfur +World,Bogota Bomb Blast Kills 2 Police Officers (AP) +Business,A Windfall for a Student Loan Program +Sci/Tech,HP Set to Launch Latest Push Into Consumer Markets +Sci/Tech,Server sales sag in the middle +Business,US drugmakers accused of violating antitrust law +Sci/Tech,Replacement jawbone grown on patient #39;s back +Sports,Sweeping giants: US dominates 200 +Sports,Second Olympic gold for Chinese Taipei : +Sports,Lack of progress on labor results in frustration +Sports,Newman hopes to right the ship at Bristol track +Sports,Camarillo lifts Mexico over Panama +Sci/Tech,"U.S. Searches Computers, Trying to Disrupt Piracy" +Sci/Tech,"Sprint, SBC Announce Wi-Fi Roaming Pact (AP)" +Sci/Tech,HP Moves Deeper Into Consumer Electronics (AP) +Sports,Rangers Park Twins +World,Pinochet Loses Immunity in Chile +Business,In support of free speech +Business,Airport Screening System Touted as Improvement +Sci/Tech,Nationwide Web-crime sweep rounds up scores +Sci/Tech,NASA aims to launch shuttle nine-day window in March +Sci/Tech,China #39;s Consumer Electronics Market Grows +Sci/Tech,UK standards authority tells MS to drop #39;misleading #39; Linux ads +Sports,Manchester United confirms Rooney bid +Sports,Cubs Team Report +World,Listen to the show +Sci/Tech,Still no fix for US space shuttle +Sci/Tech,Verizon #39;s Wireless Wonder +World,WORLD IN BRIEF +World,Taiwan Rescuers Dig Out 7 Bodies Buried in Landslide (Reuters) +Sports,Live: Olympics day 14 +Business,LATEST FUTURES NEWS +Business,HP unveils 25 fresh consumer electronics products +Business,"Union leader held, truckers threaten to intensify stir" +Business,National Foods 2nd-Half Net Rises 12 on Milk Sales (Update2) +Sports,A big night for American track _ five medals and a countryman wins <b>...</b> +Sports,NCAA Denies Reinstatement of USC Star +World,Kidnappers Claim to Kill Journalist +World,Australian cruise missile plan slammed +World,"PML, allies hail Shujaat" +Business,EU opens in-depth investigation into Microsoft/Time Warner <b>...</b> +Business,Drug firm agrees to disclose all data +Business,TiVo puts a brave face on subscription numbers +Business,Boeing wins Air Force contract to launch satellites +Sci/Tech,NASA making recovery following shuttle disaster +Sci/Tech,"Go ahead, make my day: Revenge feels, oh, so good" +Sports,Women #39;s Soccer: quot;Fab Five quot; capture Olympic gold +Sports,8/27/2004 LETTER: No guilt required +World,Election of the new Prime Minister takes place today afternoon +World,South Korea Plays Down Talk of North Summit +World,Howard tipped to finally call Australian elections this weekend (AFP) +World,South Korea Plays Down Talk of North Summit +Sports,Brabants takes fifth spot +Business,HP Moves Deeper Into Consumer Electronics +Business,Government to Begin Passenger Screening +Sci/Tech,Cyber crime #39;s worth? 215 million dollars! +Sports,Gold medal sendoff for US soccer veterans +World,UK Launches Own Case Against Cleric Sought by US +Sci/Tech,Stem cells used to grow man a new jaw +World,Italy maintains commitment to Iraq despite killing of hostage +Business,Around The Region +Business,Around The Nation +Sports,"Marion Jones Seeks 2 Golds, US Plays Argentina in Basketball" +World,Anti-terror police arrest Abu Hamza +Sci/Tech,News: FBI busts alleged DDoS Mafia +World,Militant Group Says It Downed Russian Jets (AP) +Sports,Royals Clobber Mariners 7-3 (AP) +Sci/Tech,Gritty return for Prince of Persia +Sports,Olympics: Unforgiving Greeks Boo as Games Turn Ugly +World,U.S. Takes Action Against 2 Foreign Banks (AP) +World,"Huge Crowds at Najaf Shrine, Some Rebels Hand in Arms" +Business,Business briefs - BHP Billiton forms Japanese joint venture +Business,Capitol unwilling to pay bill on bridge Bay Area lawmakers reject <b>...</b> +Sports,Dynamic duo grab double glory +Sports,"Russia wins grueling, endangered pentathlon" +Sports,Soccer veterans grab gold in finale +Sports,TRACK AND FIELD Disgruntled Crowd Sees a US Sweep +Sports,The first to go +World,Grand ayatollah brokers deal +Sports,"Texans, Broncos Looking for Answers (AP)" +Sports,Gagne Pitches in Montreal One Last Time (AP) +Business,"Yen Hits 1-Wk High Vs Dollar, Shuns Data" +World,Republicans Might Be Yankees of Politics (AP) +Business,Sears fires chief +Business,Stocks off slightly despite oil news +Sci/Tech,BT told to cut cost of lines to rivals +Sports,Brown becomes ugly American +Sports,Olympics 2004: Canoeing: Veraas Larsen ready for K-1 500m finals +Sports,NCAA ruling makes Mike Williams a football star without a team +World,"Italy to Stay in Iraq After Reporter Murdered, Berlusconi Says" +Business,2 more US brokers fined for hyping stock +Business,Lukoil stake on sale for \$1.9bn +Sci/Tech,Cybercrime crackdown has nabbed 150 in USA +Sci/Tech,IBM to acquire content management firm Venetica +Sports,US beats Brazil for Olympic gold in womens football +Sports,Pavin in Buick driver #39;s seat +World,Horror at execution of Italian journalist Enzo Baldoni +World, #39;Black boxes failed before planes went down #39; +World,Opel plans to reintroduce 40-hour week (AFP) +Sci/Tech,Europe backs digital TV lifestyle +Business,"Japan July jobless rate 4.9 percent, analysts see no economic stumble (AFP)" +World,Kerry Promises Protection for Consumers (AP) +Sci/Tech,Expedition Seeks Record of Earth Climate (AP) +World,"O Romeo, art thou a good Republican? Romance follows the party line in US (AFP)" +Sci/Tech,Astronauts Practice Survival Skills (AP) +Business,New autumn Bank Holiday favoured +Sci/Tech,'Brainwave' cap controls computer +World,White House Proposes Intelligence Changes +World,Thousands March to Holy Shrine in Najaf +Sci/Tech,HP Unveils Cavalcade of Consumer Products +Sci/Tech,First Look: HP's Hot New DV1000 Notebook +World,"Bush shuns Hollywood, opts for ""wholesome"" country acts at convention (AFP)" +Sci/Tech,Free Agent: Where the Geeks Are Taking Us (PC World) +World,S.Africa Says No Extradition Request for Thatcher +World,Russia finds air crash explosive +Business,Progress of Rule Reviews Difficult to Track +Business,Big Four rapped for auditing errors +Business,FTSE extends jump +Business,"Initial jobless claims up 10,000 in a week" +Business,Business Topics by Industry +Business,Teck Cominco asks US court to dismiss lawsuit +Business,State Street Research acquired +Sci/Tech,Tweak Windows XP SP2 Security to Your Advantage +Sci/Tech,"Nokia, Vodafone tie up for Java apps" +Sci/Tech,Sport fishing a threat to saltwater species? +Sci/Tech,NASA says foam peril removed from shuttle +Sci/Tech,Tri-Mode Wi-Fi Module from Intel +Sci/Tech,UK broadband charges #39;still too high #39; +Sci/Tech,Why Are Killer Bees So Slow? +Sci/Tech,Blogs may be good for business +Sports,"Even in victory, US loses face" +Sports,Jeers turn to cheers +Sports,New Zealand goes 1-2 in triathlon +Sports,Felix Sanchez of Dominican Republic wins men #39;s 400m hurdles gold +Sports,It #39;s back to the future for Mourinho and Larsson +Sports,Hamm judges self as worthy +Sports,NCAA #39;s decision on Southern Cal receiver draws criticism +Sports,Williams contacts Dolphins; no desire to rejoin team +World,Berlusconi condemns reported killing of Italian hostage in Iraq +World,Sudan criticised over Janjaweed +World,Chile: Pinochet stripped of immunity +World,Assam bombings designed to #39;trigger panic #39; +World,Typhoon #39;s death toll at 35; nearly 1 million evacuated +World,Australia #39;Lethal #39; Missile Plans Ruffle Feathers +World,Why we enjoy telling people off +World,Boom times ahead for smartphones +World,A Gandhi preaches peace in Mideast +World,Explosives Found in Russian Jet Wreckage +World,S.Africa Says No Extradition Request for Thatcher (Reuters) +Business,"Dollar Eases Before GDP Data, Greenspan" +Sports,Old glory +Sports,NL notables +Sports,"By homing in, Arroyo gets the fans' support" +Sports,Yankees top Toronto +Sports,AL notables +Sports,Homestretch for Pena +Sports,Nixon is back in the swing +Sports,"California, Mexico advance to next level" +Sports,Gill breaks foot in US loss +Sports,NU coach's credentials rock-solid +Sports,"This year, the computers can be outvoted" +Sports,Sky's the limit for Falcons +Sports,Harvard boasts big-time talent +Sports,He's in position to help UMass +Sports,Sweeping giants: US dominates 200 +Sports,Champs will take their show on the road +Sports,"Semi heat breeze for Jones, US" +Sports,Cayard's hopes stalled; Tornado duo eyes medal +Business,"Numbers of poor, uninsured rise" +Sports,Greeks under fire for drug policing +Business,Bank of America details Conn. jobs +Business,Not enough room +Business,N.Y. nervous? Fugedaboutit +Business,A far cry from smoke-filled reporters' havens of past +Sports,Guo tucks away gold for China +Business,Fleet's turn +Business,Cypher market share climbs +Business,Problems found in auditing industry +Business,State Street Research acquired +Sports,US success will hinge on philosophy change +Sports,Club titles on the line in Newton +Business,TD acquires Banknorth stake +Sports,Quite a stable +World,Kuwait kidnap firm to leave Iraq +Sports,Torre's filly packs a Punch' in win +Sports,There's no beating three of a kind +Sports,Kobe Trial Begins +Sci/Tech,Council apology over phone mast +World,Rebel cleric orders his men to lay down arms +World,Ghost towns bear witness to Sudanese violence +Business,ConAgra Recalls Chicken Breast Strips Across US +Sci/Tech,Feds snare 103 in Internet crime fight +Sci/Tech,Big Blue Absorbs Venetica in Move To Strengthen Information <b>...</b> +Sports,Shearer: Toon have to go out and sign Rooney +Sports,"DAVE BARRY: Thanks, Athens, for great Games" +Sports,Kobe Bryant Jury Selection Begins Today +World,Car bomb blasts near US convoy in Mosul +Sci/Tech,Why we enjoy telling people off +Sci/Tech,Free Agent: Where the Geeks Are Taking Us +Business,HP moving deeper into consumer electronics arena +Sports,Howell maintains Cup bid +Sports,Everton stand firm over striker bids +Sports,ROCHELLE RILEY: Whining is worst call at the Olympics +Sports,Baseball Today +World,A peace deal is reached in Najaf +Sci/Tech,NASA Notes Some Progress in Making Shuttles Safer +Sci/Tech,M.I.T. Makes Yale Provost First Woman to Be Its Chief +Sci/Tech,Sport Anglers Said to Catch More Fish Than Thought +Sci/Tech,U.S. Report Turns Focus to Greenhouse Gases +Business,Oil Losses Ease on Iraq Pipeline Attack +Business,Russia Prices Its Lukoil Stake; Conoco Is Expected Top Bidder +Business,Industry report +Sci/Tech,Ofcom publishes proposals for local loop unbundling +Sports,Spanish coach bitter after team #39;s only loss +Sports,"Sports briefs for August 26, 2004" +World,Chile court strips Pinochet of immunity +Business,BA boss to work in departures as airline battles staff shortages +Sci/Tech,Feds launches new offensive against Internet crime +Sports,American Phillips wins men #39;s long jump gold (with results) +Sci/Tech,All That Secrecy Is Expensive +Sci/Tech,New Nukes at U.S. Border +Sci/Tech,Tech and Art Mix at RNC Protest +Sci/Tech,Exhibit Features Viruses as Art +Sci/Tech,Loser Delivers Laughs +Sci/Tech,The Dean Machine Marches On +Sci/Tech,Feds Wrap Up Online-Crime Dragnet +Sci/Tech,'Secure Flight' Replaces CAPPS II +Sports,Baseball Today (AP) +World,"U.S., Militants Battle in Central Baghdad (AP)" +World,Donkeys and satellite phones pave the way for Afghan elections (AFP) +Business,"Oil Steadies, Investors Wary Ahead of GDP" +World,'Distressed' Thatcher flies home +Business,Bank Holiday Pledge as BA Cancels More Flights +Business,Dairy creams off Tesco milk deal +Business,GUS seeks partial Lewis IPO +Business,Sears Canada fires top exec -- parent #39;s CFO takes over as chair +Sci/Tech,HP iPod launches today +Sci/Tech,China #39;s consumer electronic industry to hit \$94 billion +Sports,Marbury #39;s groove puts Americans on track +Sports,"Radcliffe confirms bid for 10,000m" +Sports,Down To Business For Kobe Case +Sports,NHL blasts players #39; union for contract talks stalemate +World,Supreme Court confirms decision to strip Pinochet of immunity +Business,Oil Losses Ease on Iraq Pipeline Attack (Reuters) +World,Mass grave unearthed in DR Congo +World,Tarantino to star in Muppets film +Sci/Tech,Investors in Google search for strategy (USATODAY.com) +Sci/Tech,TiVo puts a brave face on subscription numbers (USATODAY.com) +Sci/Tech,Does your tech stuff need extra protection? (USATODAY.com) +World,"Kuwaiti firm bows to kidnappers' demands, stops work in Iraq (AFP)" +Business,Oil Rebounds After Iraq Pipeline Attack +World,Croatia Removes Nazi-Era Leaders' Plaques +Business,Director pay deals 'surge 12.8' +World,US Presley festival under threat +Sci/Tech,Players prepare for Half-Life 2 +Sci/Tech,Contractors and the Law +Sci/Tech,U.S. Technologies Stock Delisted After Fraud +Business,Glaxo settles fraud suit +Business,Update 1: Interbrew Shareholders Back Ambev Linkup +Business,AA passengers can chew on this offer +Business,Asian Stock Markets Close Mostly Higher +Sci/Tech,Agencies crack down on cyberfraud +Sci/Tech,Everything You Need to Know About Microsoft #39;s OS Update +Sci/Tech,Intel and Linksys deliver quot;simpler quot; Wi-Fi software +Sci/Tech,Ofcom acts tough on Local Loop Unbundling +Sci/Tech,IBM buys content integration provider +Sci/Tech,Aussie PM caught in spam row +Sci/Tech,Government fires workers over Web porn +Sci/Tech,VeriSign to fight on after ICANN suit dismissed +Sci/Tech,Canon CP-330 Compact Photo Printer +Sci/Tech,Phishing lures first German victims +Sci/Tech,Virtual Girl +Sci/Tech,MIKE WENDLAND: Instant-messaging trend spreads among adults +Sports,"Olympics: Radcliffe to run 10,000 metres after Olympic marathon <b>...</b>" +Sports,"China soars in springboard, takes 3-meter gold for 5th straight <b>...</b>" +Sports,Athletics: Aarrett 29th in 50km walk +Sports,GILL ON ROONEY +Sports,Schumacher tipped to win seventh championship +Sports,49er #39;s last race +World,Najaf Peace Accord Reported +World,Mother of Kim Jong-il #39;s Sons Reported Dead +World,Thai Prime Minister continues with visit to the South despite bomb <b>...</b> +World,Car Bomb Explodes Near US Convoy in Mosul +Sci/Tech,Boardroom fight snags RedEnvelope (SiliconValley.com) +World,Bangladesh calls in Interpol over bombing of political rally (AFP) +Business,Stocks to Watch Friday +World,Investigators Find Explosives in Russia Plane Wreck +World,"Managers Move Some Funds to Europe, Asia (Reuters)" +Business,Census: Poverty up in 2003 +Business,Canadian group gets Banknorth foothold +Business,Tesco drops Dairy Crest +Business,"July profit of \$6 million disappoints, United says" +Sci/Tech,Operation Web Snare targets online crime +Sci/Tech,Science calls for anglers to cut line +Sci/Tech,Oracle extends offer for PeopleSoft again +Sports,Korzeniowski retains men #39;s 50km walk gold +Sports,Russian and China Reach Women #39;s Volleyball Final +Sports,Bryant Rape Trial to Begin Today +World,Investigators Find Explosives in Russia Plane Wreck +World,Tearing up the road map +World,Can Khartoum disarm the janjaweed militia? +World,Oil Losses Ease on Iraq Pipeline Attack +World,Mother of North Korean President #39;s Sons Reported Dead +World,UN Report: Effect of Sanctions On Terrorist Groups Unclear +World,Cypriot govt condemns bomb attack on church +Business,Before-the-Bell: Chiron Shares Stumble +Sports,Mia Hamm Happy to Be Retiring Unhurt +World,Karzai sworn in before Cheney and Rumsfeld +World,Caution: Angry Artists at Work +World,Jury Selection Begins in Kobe Bryant Case +World,Explosives Found in Russian Plane Wreckage +Sci/Tech,Dozens of Internet Crime Suspects Nabbed +Sci/Tech,Screening System Touted as Improvement +Sci/Tech,"Apple Jumps Ahead of HP iPod, iMac Launch" +Business,FUTURES MOVERS +Business,No Shortage Of Poverty +Sci/Tech,Hobbyist anglers take big catch +World,Germany expels Jordanian allegedly linked to Zarqawi group (AFP) +World,Sharp jump in hepatitis E cases in Darfur: WHO (AFP) +Sci/Tech,Oracle again extends offer for PeopleSoft +Sci/Tech,U.N.: N. Korean Environment in Poor Shape (AP) +Sci/Tech,Agriculture Dept. Offers Grouse Funding (AP) +World,"Iraq Rebels Leave Najaf Shrine, Hand in Weapons" +Business,Dollar Indecisive Ahead of U.S. Data +World,'Mercenary leader' found guilty +World,Tentative Accord Reached in Najaf to Halt Fighting +Business,Banks settle in conflict probe +Business,Vivendi in line for 2.5bn tax savings +Sci/Tech,Hobbyist anglers take big catch +Sci/Tech,"Slash UK broadband costs, says watchdog" +Sci/Tech,Crunchtime Arrives for Oracle and PeopleSoft +Sports,Mia Hamm Happy to Be Retiring Unhurt +Sports,UPDATE 1-Everton #39;s Rooney hands in transfer request +Sports,Davidson steals limelight +World,UN: Effort to cripple al-Qaeda not working +World,Six Injured in Bomb Blasts at Two Indian Mosques +Sci/Tech,Small Asteroid Gives Earth its Closest Shave Yet +Business,Canada #39;s TD to buy Banknorth for 3.8 billion dollars +Sports,Nothing like a perfect finish for Mia +Sports,Andres the giants of US boxing team +World,India take seventh place in Olympic hockey (Reuters) +Business,Oil Rebounds After Iraq Pipeline Attack +Sci/Tech,Tampa Radar Failed Before Charley Hit (AP) +Business,Interbrew Wins Shareholder OK for AmBev +World,Iraq Cleric Urges Fighters to Drop Arms +World,U.S. Men Play Argentina for Shot at Gold +Business,Poverty grips more in nation +Business,Gus plans float for Lewis Group +Business,"Scottish amp; Southern, Talisman Plan Offshore Wind Farm (Update1)" +Sci/Tech,Nokia and Vodafone link on mobile Java standards +Sci/Tech,Oracle again extends offer for PeopleSoft +Sci/Tech,"Verisign loses legal battle with ICANN, again" +Sports,Ooohs follow boos +Sports,Schumacher takes second best in opening session +Sci/Tech,HP tips its hand on new iPod +Business,Crude oil price declines for fifth session +Business,Interbrew Wins Shareholder OK for AmBev +Business,Airbus gets 8 orders +Business,Union ratifies new BF Goodrich contract +Business,GSK to go public on trials +Business,Conoco may seek stake in Lukoil +Business,Schrager eyes London hotels sale +Sci/Tech,"N. Korea killing forests, waterways, UN finds" +Sports,"Amid hostilities, Americans take over" +World,Iraqi Cleric Sadr Renounces Control Of Shrine Stronghold +World,"Italy shocked by hostage killing, but won #39;t bow to Iraq #39; <b>...</b>" +Sci/Tech,"Online Extra: ""I Give So They Can Give Back"" (BusinessWeek Online)" +Business,Second-Quarter GDP Is Downgraded +Business,Economy Grows at 2.8 Rate in the Spring +World,Eritreans in plane hijack drama +Sci/Tech,Oracle Extends Offer for PeopleSoft +Sci/Tech,Mission Fantastic to Mars (Part 3) +Sci/Tech,Health Care Costs Continue to Rise +Sci/Tech,California to Vote on \$3 Billion Stem Cell Project +Sci/Tech,HP cues up its iPod early +Business,Treasuries Trim Gains After GDP Data (Reuters) +Business,Treasuries Trim Gains After GDP Data +Business,Stock Futures Near Unchanged After GDP +Business,Before-the-Bell: Decode Genetics Falls +Business,Barr Wins Tentative OK for Generic Zofran +Business,Jaguar to Cut Output Amid Slack Demand +Sports,U.S. Women Opens Up 51-44 Lead on Russia (AP) +Business,U.S. Second-Quarter GDP Downgraded +Business,"Stocks Set to Open Flat, GDP Data in Line" +Sci/Tech,Hewlett-Packard debuts 'Apple iPod from HP' (MacCentral) +Business,US Economy Grew at a 2.8 Rate in Second Quarter (Update1) +Business,"Interbrew, AmBev Complete Combination to Create InBev (Update2)" +Business,Henry Schein to Ship Flu Vaccine in Oct. +Business,ConocoPhillips seeks 25 stake in Russia #39;s Lukoil +Business,KPMG reveals US critiques of itself +Sci/Tech,Intel improves Centrino wireless security +Sci/Tech,Mesh cage in shoulder blade used to grow new jaw bone +Sci/Tech,"UK regulator pushing for more, cheaper broadband access" +Sci/Tech,Distrusted systems +Sci/Tech,VeriSign dealt another legal blow in ICANN suit +Sci/Tech,Siemens warns of ear damage from mobile phone tunes +Sci/Tech,Research Firms Can #39;t Get Enough Of AAPL +Sports,Moyes Wants Right Price for Rooney +Sports,Radcliffe #39;s ultimate test +Sports,Polish walker earns fourth Olympic gold +Sports,Alternative Athens +Sports,Dirrell tattoos Cuban for medal +World,Italy reacts with horror at hostage killing in Iraq +World,Pakistan elects new prime minister +World,Al-Qaida spending little on terror attacks: Report +World,"Madrid attack cost only \$14,000" +Sports,Polish walker wins fourth Olympic gold +Sports,Canoeing champ looking to Beijing +Sports,"Dirrell loses bout, settles for bronze" +World,Militants Free Relative of Iraqi Minister-Jazeera +World,Israelis defend missile failure +World,Militants Turn Over Keys to Najaf Shrine +World,U.S. Women Top Russia to Make Hoops Final +Sci/Tech,Spike Lee Wins Cybersquatting Case Vs. Porn Site (Reuters) +Sci/Tech,Siemens warns fourth-quarter earnings to be hit by mobile phone fault (AFP) +Sci/Tech,2 Area Students Win National Science Competition +Sci/Tech,Motive Tools Trio Troubleshoots App Performance Problems (Ziff Davis) +World,"Zimbabwe court finds Mann guilty over coup plot arms deal, absolves others (AFP)" +Sci/Tech,Major Tokyo Quake Expected Within 50 Years (AP) +Sci/Tech,"3,000-Year-Old Bodies Studied in Australia (AP)" +Sci/Tech,Lycos Europe #39;spam #39; screensaver offline +Sports,"U.S. Women Edge Russia, Advance to Basketball Final" +Business,US Consumer Index Up from Early August +Sports,Sour Grapes as Another U.S. Boxer Bites the Dust +Business,U.S. Stocks Flat After GDP Data in Line +Sports,Olympic Wrap: Golden Oldies Take Center Stage +World,U.S. Sees Possible Attacks in Uzbekistan (Reuters) +Sports,Americans Practice Accidental Tourism at Olympics +Business,U.S. Economy Grows at Slower Pace Than Expected +Business,"Put Me in, Coach!" +Sci/Tech,Bananas could power homes +Sci/Tech,Big shuttle repairs not possible +Business,Fuel costs may not rise during holiday +Business,US economy slows +Business,Airbus says Thai to buy planes +Business,US GDP growth cut +Business,Drug Company Settles NY Fraud Charge for \$2.5 Million +Business,"Sprint, SBC Set Hot Spot Pact" +Business,Krispy Kreme #39;s hot streak cools +Sci/Tech,Internet crackdown leads to over 100 arrests +Sci/Tech,Hackers go Phishing for Online Bankers +Sports,Athens gay scene out for the Games +World,"UN Envoy Begins Final Mission to Darfur, Sudan Before Security <b>...</b>" +World,UN: Most Terror Attacks Cost Under \$50G +Sci/Tech,Revenge Is Indeed Sweet +Business,Sprint and SBC announce Wi-Fi roaming pact +Sci/Tech,US cracks down on cybercrime +Sci/Tech, #39;A jaw grown in the shoulder #39; +Sports,Friday Olympic Preview: How will Marion do? +Sports,Stunning comeback puts Russians into volleyball final +World,Focus: Crisis in Darfur +Sci/Tech,Siemens warns of ear damage from mobile phone tunes +Sci/Tech,VeriSign dealt another legal blow in ICANN suit +Sci/Tech,Credit Bureaus Shun Popular Identity Theft Weapon +Sci/Tech,'Virtual Girlfriend' Demands Sweet Talk and Gifts +Sci/Tech,Record Companies Raided Over Mobile Ringtones +Sci/Tech,University to Hand Out Blackberry Devices +Sci/Tech,Linux Desktop KDE Plans Google Style Search +Sci/Tech,"RocketInfo Partners with Canadian Press, Helps Nascar" +Business,Oil Rebounds After Iraq Pipeline Attack +Business,US Second-Quarter GDP Downgraded +Business,Deutsche Bank Arm in Multi-Million Dollar Payout +Business,Stocks Open Higher on Economic News +Business,"Sprint, SBC join forces on Wi-Fi" +Business,ECONOMY WEEKAHEAD-All Eyes on US Jobs Report +Sci/Tech,UN sees dire pollution in North Korea +Sports,Rogge says no to duplicate golds +Sports,Athletics: Greek celebration is not meant to be +Sports,Athletics: Korzeniowski takes final walk into record books +World,Italy voices outrage at execution of hostage +Sci/Tech,RealNetworks Gets in Content Business +Business,US Consumer Index Up from Early August (Reuters) +Business,"Treasuries Slide as GDP Slows, Not Slumps (Reuters)" +Sci/Tech,"Sprint, SBC in Short-Range Wireless Roaming Deal (Reuters)" +World,Bush Seeks #36;2 Billion in Hurricane Aid (AP) +World,Polls show Bush slighly ahead of Kerry (AFP) +Sports,Track Chiefs Scold Local Fans Over Jeers +Business,Greenspan-Aged Population to Hit Finances +Business,Interbrew Ambev Buy Wins Shareholder OK +World,Zimbabwe Convicts Alleged 'Mercenary' Leader +Business,Greenspan Urges Pension Benefit Cuts +World,Howard in election 'spamming' row +Sports,"Belgian Grand Prix, Friday" +Sports,Belgian GP: A race with lots at stake +World,Paris Hilton to Publish 198-Page Memoir +World,Russia Blames Terrorism for Downed Jet +World,Greenspan Warns on Baby Boomer Benefits +Sci/Tech,UK's famous immigrants go online +Sci/Tech,Ashcroft heralds success in Net crime crackdown +Sci/Tech,Intel gives Centrino chip a Wi-Fi boost +Sci/Tech,Big shuttle repairs not possible +Sports,Fischer paddling for a record ninth gold and 24 years #39; domination +Sports,Deakes to assess his technique +World,Aziz elected Pak PM amid boycott by Oppn +Business,Greenspan Warns on Baby Boomer Benefits +Business,Update 1: United Steelworkers OK BF Goodrich Pact +Sci/Tech,Colleges approach Windows service pack warily +Sci/Tech,Intel unveils tri-mode Wi-Fi for Centrino +Sci/Tech,Oracle extends offer for PeopleSoft again +Sci/Tech,IBM to acquire content mgmt firm Venetica +Sci/Tech,Bananas could power Aussie homes +Sports,Will Paula be her own worst enemy? +Sports,Protest Planned in Athens for Powell #39;s Arrival +Sports,AS Roma coach resigns to be near sick wife +World,"Terrorism blamed for one Russian plane crash, Islamic group claims <b>...</b>" +Business,Greenspan-Aged Population to Hit Finances (Reuters) +Sports,U.S. Furious as Hamm Asked to Give Back Gold Medal +Business,"U.S. Stocks Flat After GDP, Consumer Data" +Business,Stocks Open Higher After Economic Growth Report +Business,Crude Oil Rises for First Session in Six on Iraq Supply Concern +Business,Eyetech Awaits FDA Panel Vote +Business,NatFoods looks at opportunities in new products +Sci/Tech,The man who grew a new jaw on his back +Sci/Tech,IDC: Server Market Continues Overall Growth +Sports,Rooney requests Everton transfer +Sports,Heartbreak for Deakes +Sports,Phillips leads US winners +Sports,Sour Grapes as Another US Boxer Bites the Dust +World,Group claims responsibility for air crashes +Business,Age to strain US finances-Greenspan +Sports,"Canadians bike, row to medals" +Business,Jaguar to Cut Output Amid Slack Demand +Business,United Steelworkers OK BF Goodrich pact +Business,Thomson Corp. to buy e-learning company KnowledgeNet +Business,BlackRock Gets a Piece of Met +Business,"FDA to Review Eyetech, Pfizer Eye Drug" +Sci/Tech,Sportfishing bad for stocks +Sci/Tech,Windows update harbors AMD conflict +Sci/Tech,UN: N. Korean Environment in Poor Shape +Sci/Tech,Sun claims Opteron sales outpace Itanium +Sci/Tech,Siemens 65 Series Bug could cause Hearing Damage +Sports,Hamm #39;s legacy should be for Olympic ideal +Sports,Rooney demands transfer from Everton +Sports,Routine day for Michael Schumacher +Sports,African Taekwondo Athlete Hospitalized +World,Court ruling tightens net on Pinochet +World,Opposition slams Pakistan PM vote +World,TV: Iraq Group to Free 7 Employees of Kuwait Firm +World,Art for effluent society? Rubbish +World,London judge seeks explanation after Indian deported despite court order (AFP) +Business,Survey: Consumers Cautious on U.S. Economy (AP) +Sci/Tech,Hewlett-Packard's new iPod highlights new product offerings (AFP) +World,McCain Joins Bush to Rein In Groups (washingtonpost.com) +Sci/Tech,FBI Helps Probe of Blast at Stem-Cell Lab (Reuters) +Business,Treasuries Tick Down on Economic Data +Business,Jaguar confirms cut in production +World,U.S. Women Top Russia to Make Hoops Final +World,Russia Blames Terrorism for Downed Jet +World,Stocks Climb on Positive GDP Figure News +Sci/Tech,Technology Key to RNC's Protective Net +Sci/Tech,Microsoft to show off team-development tools +Sci/Tech,Windows update harbors AMD conflict +Sci/Tech,"Microsoft wrestles with SP2, looks to the future" +Sci/Tech,U.K.'s NHS licenses Sun's Java Desktop System +Business,Greenspan urges reforms to keep pension system solvent (AFP) +Business,Stocks Up in Light Volume Ahead of Convention +Sci/Tech,HP unveils cavalcade of consumer products (MacCentral) +Sports,U.S. Furious at Proposal That Hamm Return His Gold +World,Shaukat Aziz elected as Pakistani prime minister despite boycott (AFP) +Business,Survey: Consumers Cautious on US Economy +Business,Conoco Looking at Lukoil +Business,Greenspan Floats Higher Retirement Age +Sci/Tech,HP Debuts Its Own IPod +Sci/Tech,Oracle Extends Offer for PeopleSoft - Again +Sci/Tech,"ICANN STILL CAN, SAYS COURT" +Sci/Tech,Novell presses RP to begin shifting to Linux +Sci/Tech,RealNetworks Promotion Sells 1 Million Songs +Sci/Tech,Microsoft to show off team-development tools +Sports,"Paul Hamm, In Keeping Medal, Misses Opportunity" +Sports,NOW SILVER - McFarlane wins third medal for Ja +World,Stealing great art not all it #39;s painted to be +Sports,Bryant Trial Begins +Sports,O's Lose 10th Straight +Sports,Preston Heads Home +Sports,Harland surges to bronze +Sports,Check Fridays and Mondays for weekly team updates and match <b>...</b> +Sports,Buzz on USC keeps forgetting football +Business,Greenspan-Aged Population to Hit Finances +Sports,Olympics Wrap: Another Doping Controversy Surfaces +World,African Union Force Seen as Main Hope for Darfur +Business,U.S. Economy Grew at Slower Pace Than Expected +Sports,"Spa, Free Practice 1 2: F1 ducks the shower" +Business,Group protests naming center for Moreno +World,Traces of Explosives Found in Wreckage of Russian Jet +Business,UPDATE 2-Greenspan-Aging US population to strain finances +Business,"Ford to Cut Jaguar Car Production by 15,000 Units (Update1)" +Business,"Interbrew, Ambev Complete Combination" +Sci/Tech,Microsoft overhauls Longhorn plans +Sci/Tech,FBI Helps Probe of Blast at US Stem-Cell Lab +Sci/Tech,Brief: Siemens warns of ear damage from loud mobile tune +Sports,"Lewis a no-show, but enters not guilty plea" +World,Explosives find confirms terror link +World,Art museums balance access against security +World,Gun-toting Rwandans invade Whitsundays +Sci/Tech,Microsoft overhauls Longhorn plans +Sci/Tech,Gateway delivers its first BTX motherboard PC +Business,CAO seeking help from CNPC for oil crisis +Sci/Tech,Industry groups propose alternative to copyright bill +World,Aziz elected Pakistani premier +World,"French anti-Jewish violence jumps, reasons unclear" +Sci/Tech,News: Japanese banks deploy biometric palm scanners +Sci/Tech,News: Filipino mobe users scammed over virus scare +World,Mercedes A-Class Hits European Target (AP) +World,Jackson Visits Darfur to Resolve Crisis (AP) +Sci/Tech,Hewlett-Packard Unveils iPod Clone (AP) +Sci/Tech,Siemens Cites Problem With New Phones (AP) +World,Pakistan Parliament Elects New PM (AP) +Sci/Tech,Stolen Egyptian Artifact Returned Home (AP) +Business,Procter Gamble CEO Gets \$3.5 Mln Bonus +Business,Dollar Extends Gains After Economic Data +Business,Greenspan warns on ageing threat +World,Paul Hamm Asked to Give Up Gold Medal +World,Greenspan Cautions on Baby Boomer Benefits +Sports,Wambach has Midas touch in final +World,African Union Force Seen as Main Hope for Darfur +World,Pak. parliament elects Aziz as new PM +World,Moro rebels welcome dropping of charges vs Murad et al. +Business,OSI shares tumble after disappointing forecast +Sci/Tech,US Govt investigating cyber crimes worth \$215 mn +Sci/Tech,"Nokia, Vodafone push for mobile Java standards" +Sci/Tech,UN: N. Korean Environment in Poor Shape +Sci/Tech,Police Say Pipe Bomb Damaged Building +World,Rebel leader claims responsibility for attacks in India #39;s restive <b>...</b> +Sports,Timeline of Case Against Kobe Bryant (AP) +World,U.S. Warplane Drops Bombs on Fallujah (AP) +Business,Stocks Up in Light Trade +Business,VW Management's Pay Freeze Offer Spurned +Sports,Modern Pentathlon: Voros Wins Women's Gold +World,N Korean leader's lover 'dead' +Business,"Another iPod, This One From HP" +Sci/Tech,Microsoft to show off Team tools +Sci/Tech,"Sun, Dell Lead Server Sales" +Business,Update 2: United Steelworkers OK BF Goodrich Pact +Business,Westmoreland to buy rest of Roanoake Valley project +Sci/Tech,Bush Administration Cracks Down on Internet-Related Crimes +Sci/Tech,ISPs slam Ofcom broadband ruling +Sci/Tech,Oracle Extends Bid for PeopleSoft +Sci/Tech,Online Travel #39;s Narrowing Horizons +Sports,Rooney signing could influence title race - Wenger +Sports,Modern Pentathlon: Voros Wins Women #39;s Gold +World,Islamic group claims Russian plane crashes +World,Palestinians swear by Mahatma +Sci/Tech,"Regulating hate speech on the internet remains difficult, experts say (AFP)" +Sci/Tech,"Sun, Dell Lead Server Sales (PC World)" +World,Powell Praises Najaf Peace Agreement (AP) +Sports,Jacobson Lifts Ryder Cup Hopes with Sparkling 65 +World,Guantanamo hearing postponed +World,"Presidential Campaign to Nov. 2, 2004 (Reuters)" +Business,Update 2: Interbrew Shareholders Back Ambev Move +Business,HP Strikes Up its iPod +Business,Drug Giant to Release Trial Results on Web +Sci/Tech,Ashcroft Heralds Success in Net Crime Crackdown +Sci/Tech,Oracle Re-extends PeopleSoft Bid. +Sci/Tech,"SBC, Sprint deal doubles Wi-Fi customers #39; hot spot access" +Sci/Tech,Gateway PC keeps it cool +Sci/Tech,HP Enters Consumer-Electronics Market +Sports,USOC upset over FIG #39;s attempt to pressure Hamm +Sports,Raikkonen Posts Fastest Time at Belgian Grand Prix Practice +World,Iraq refuse to wear black armbands in bronze medal match +World,Price hike for business broadband +World,Bush Acknowledges Iraq 'Miscalculation' +World,Stocks Up Despite Sluggish GDP Reading +Business,"Construction accident in Detroit kills one, critically injures <b>...</b>" +Sports,Americans Block Hamm Letter +Sci/Tech,Rough patches for XP update +Sports,Ravens' Running Back Lewis Pleads Not Guilty (Reuters) +Sci/Tech,Free Online Legal Service Launched (AP) +World,Chirac hits out at international community's inaction in Middle East (AFP) +World,Peru Photo Exhibit a Powerful Reminder (AP) +Sci/Tech,HP to tempt holiday shoppers with sights and sounds +Sports,Ravens' Running Back Lewis Pleads Not Guilty +Sci/Tech,Novelty mice chase after kids +Sci/Tech,Gateway PC keeps it cool +World,S.Africa Says Eq. Guinea Wants to Quiz Thatcher +Business,Former financier Armstrong pleads innocent to fraud +Business,PM Pledges Russia Will Meet Oil Goals +Business,Jaguar puts brake on production +Business,Fannie Mae to expand securities disclosures +Business,Westmoreland agrees to NC deal +Business,Chico #39;s: A Retailing Steamroller +Business,Supermarket workers in Pierce County approve pact +Sci/Tech,"Sprint, SBC In Hotspot Roaming Deal" +Sci/Tech,UK Broadband Pricing Adjustment: Competition or Crisis? +Sci/Tech,Gateway Rolls Out Cool but Quiet Desktop +Sci/Tech, #39;iPods r us #39; claims HP +Sports,Dahle takes Olympic gold in mountain bike +Sports,Abramovich faces UEFA inquiry over CSKA links +Sports,Jury Selection in Kobe Bryant Trial +Business,NYC Mayor Says Hotels Full During Convention Time (Reuters) +Sci/Tech,Fire Retardant Found in Puget Sound Orcas (AP) +World,GOP Delegates to See One Version of NYC (AP) +Business,NYC Mayor Says Hotels Full During Convention Time +Business,Treasuries Inch Up on Slower Growth +Business,Chico's: A Retailing Steamroller +Sports,Only names have changed in BCS scam of a system +Business,Kroger Workers OK New 3-Year Contract +Sports,Harland sprints in for bronze +Sports,Huggins back at Cincinnati +World,Teacher sentenced for slapping Schroeder +Sci/Tech,HP cues iPod +Business,Credit Issuers Shares Dented by Kerry Plan +Sci/Tech,Oracle extends PeopleSoft takeover bid +Sci/Tech,"Nokia, Vodafone Join Forces To Simplify Mobile Phone Software" +Sci/Tech,"Scott Knaster Releases New Book, quot;Hacking iPod iTunes quot;" +Sports,McGinley keeps Ryder Cup rivals at bay +Sports,Radcliffe #39;s Day of Destiny +World,Archer linked to coup plot +World,Al-Qaeda-related terrorism still poses as great a threat as ever +World,PM Pledges Russia Will Meet Oil Goals (AP) +World,"Hargrove calls on NDP to leave Quebec to Bloc, form leftist alliance (Canadian Press)" +World,"Bush on top ahead of Republican convention, despite Iraq, economic woes (AFP)" +Sports,"Steroid rage Swift, decisive action can save baseballs image" +Business,HP rolls out new consumer electronics +Business,Former Financier Pleads Not Guilty to New Charges +Business,"Bonds trade flat, dollar mixed" +Business,Stocks Up Despite Sluggish GDP Reading +Sci/Tech,NASA: Space Shuttle Fixed +Sports,Abdallah wins first US women #39;s taekwondo medal +Sci/Tech,"Sport Fishing Puts Bite on U.S. Fish Stocks, Study Says" +Sci/Tech,"Drug-Discovery Plan to Tap, and Help, Africa Forests" +Business,US economic growth brakes to 2.8 percent pace in second quarter (AFP) +Sports,NBA boss vows future US teams to work more on global rules (AFP) +World,Cheney's Plane Avoids Collision (AP) +Sci/Tech,"New aviation system makes flying safer, pollution free:" +Sci/Tech,Avalon faces axe as Microsoft dismembers Longhorn +Business,"New Printers, TVs, iPod at Core of HP Digital Push" +Business,Economic growth stalls in US +Sci/Tech,DOJ Accuses Six With Crippling Rivals #39; Web Sites +Sci/Tech,Microsoft revamps its plans for Longhorn +Sci/Tech,VeriSign antitrust claim against ICANN rebuffed +Sci/Tech,UK Broadband Pricing Adjustment: Competition or Crisis? +Sports,IGF ask US #39;s Hamm to Give up the Gold +Sports,ATHENS OLYMPICS 2004 / Crawford leads US sweep in 200 +Sports,Towns Celebrate and Hope Amir Can Strike Gold +World,National defence top priority: Shaukat Aziz +World,British Airways cancels additional flights +World, #39;Assam blasts aimed at sparking panic #39; +World,Chirac hits out at international community #39;s inaction in Middle <b>...</b> +Sci/Tech,"Briefly: OSDL hires lawyer, opens China office" +Sci/Tech,Microsoft revamps its plans for Longhorn +Sci/Tech,"OSDL hires lawyer, opens China office" +Sci/Tech,Ex-Palm CEO Yankowski to head Majesco +Sports,Jury Selection Begins in Kobe Bryant Rape Case (Reuters) +World,U.S. Tribunal Charges Suspected Al Qaeda Accountant (Reuters) +Sports,'Dream Team' Out of Gold Race After Loss to Argentina +Sports,Jury Selection Begins in Kobe Bryant Rape Case +Business,Update 1: PM Pledges Russia Will Meet Oil Goals +Business,Mercury continues product offensive with new mid-size car called <b>...</b> +Sci/Tech,HP #39;s iPod Leads Product Rush +Sci/Tech,UN: N. Korean Environment in Poor Shape +Sci/Tech,Brain Study Shows Why Revenge is Sweet +Sci/Tech,"Toxins Accumulate in Arctic Peoples, Animals, Study Says" +Sports,Deakes agony as curse strikes +Sports,Chelsea denies conflict of interest in Champions League grouping +Sports,Men #39;s Triathlon +Sports,Khan fights his way to boxing final +World,Najaf Calm as Peace Deal Implemented +Business,Greenspan on America #39;s Age Wave +Business,Greenspan: Change social safety net +Sci/Tech,Microsoft Sees #39;06 Launch of #39;Longhorn #39; Windows Upgrade +Sports,Thursday #39;s round-up +Sports,Mourinho #39;s Chelsea Faces Porto in Champions League (Update1) +Sports,Teenager Khan is through to final +Sports,Bryant Trial Opens With Jury Selection +World,Sadr gives up Najaf shrine +World,Italians wear black armbands to honor slain journalist killed in <b>...</b> +World,Hamza quizzed over terrorism +World,350 security prisoners end two-week hunger strike +Sports,Argentina Completes Dream Team's Downfall (AP) +Sci/Tech,VeriSign Suit Against ICANN Dismissed (NewsFactor) +Sci/Tech,"Sprint, SBC in Wi-Fi Deal (NewsFactor)" +Sci/Tech,Home Users Most Vulnerable to SP2 Flaw (NewsFactor) +Sci/Tech,Oracle Extends Bid for PeopleSoft (NewsFactor) +World,Convention Protesters Eager to Begin (AP) +World,Democrats Come to Observe Convention (AP) +World,Croatia erases 'fascist' tributes +World,Stocks Climb on GDP Reading in 2Q +World,Argentina Completes Dream Team's Downfall +Business,"SABMiller to build China brewery; Interbrew, AmBev complete merger" +Sci/Tech,HP to tempt shoppers with digital lifestyle +Business,Hewlett-Packard #39;s new iPod highlights new product offerings +Sci/Tech,Federal Court Dismisses VeriSign Claim Against ICANN +Sci/Tech,"OSDL hires lawyer, opens China office" +Sports,Dream Team Beaten by Argentina 89-81 +Sports,Annus horribilis +Sports,Irans Saei adds Athens gold to Sydney bronze +Sports,DECOURCY: Rededicated Huggins back at Cincy +World,Ayatollah Sistanis pivotal role in resolving Najaf crisis +World,Al-Qaeda sanctions #39;ineffective #39; +World,"Explosions kill four, wound 54 in India" +World,Lebanon urged to hold free elections +Sci/Tech,Will GMail change the way email marketing is done? +Sci/Tech,Hewlett-Packard to Launch Latest Push Into Consumer Markets +Business,Vuitton Loses Dooney-Bourke Trademark Bid (Reuters) +Sci/Tech,"Microsoft sets 2006 release for ""Longhorn"" operating system (AFP)" +Business,Treasuries Slip in Thin Trade +Sci/Tech,Microsoft Scales Back Longhorn Plans +Business,Oil Obsession Wanes on Wall Street +Sci/Tech,Explosion investigated at Watertown biotech company +Sci/Tech,Mobile makers get the message +Sports, #39;Dream Team #39; Out of Gold Race After Loss to Argentina +Sports,US Olympic Officials Condemn New Assault on Hamm #39;s Gold Medal +Sports,Running battles on Athens streets +Sports,Liu Xiang makes history +World,Italy firm on Iraq after #39;barbaric #39; hostage murder +World,African Union Force Seen as Main Hope for Darfur (Reuters) +World,Eritreans being deported from Libya hijack plane to Sudan (AFP) +Sports,Fumbled Baton Leaves Jones 0-For-Athens (AP) +World,Zimbabwe Convicts Accused 'Mercenary' for Weapons +World,"Sudanese Militiamen Disarm, Say They Not Janjaweed (Reuters)" +World,Vatican returns Russian icon venerated by Pope John Paul to Moscow (Canadian Press) +Sports,'Dream Team' Out of Gold Race After Loss to Argentina +Business,Now It #39;s Official: US Growth Slowed +Sci/Tech,Ashcroft Heralds Cybercrime Crackdown +Sci/Tech,Microsoft lightens Longhorn +Sci/Tech,HP Launches Ad Push for CE Products +Sci/Tech,Microsoft sets 2006 release for quot;Longhorn quot; operating system +Sci/Tech,Oracle Won #39;t Quit +Sports,Lebedeva makes amends in long jump +Sports,Notable quotes Friday at the Athens Olympics +Sports,"Liu wins hurdles gold, equals world record" +Sports,Olympics Wrap: Another Doping Controversy Surfaces +Sports,"Women #39;s 10,000m : XING wins gold for China" +World,STREETWISE: Art? Nobody told the cleaner +World,US to Syria: Don #39;t interfere in Lebanese election +Business,Treasury secretary expects Michigan to remain a manufacturing <b>...</b> +Business,Update 1: Alitalia: July Revenues Below Expectations +Sci/Tech,Apple iPod from HP +Sci/Tech,"HP unveils its iPod, entertainment media center" +Sci/Tech,"Sprint, SBC Forge Wi-Fi Pact" +Sports,"Russians sweep long jump medals, Marion Jones fifth" +Sports,Men #39;s Light (60kg) :Semifinals +World,Islamist group may have downed Russian planes +Business,US Treasury #39;s Snow says health costs impede growth +Sports,Abdallah falls in taekwondo final +Sports,Second seed Dementieva hammered by Bovina in New Haven +Sci/Tech,Reactions Mixed to Federal Fraud Sweep +Sci/Tech,Microsoft Scales Back Longhorn Plans +Sports,"Panthers, Pats Meet in Super Bowl Rematch (AP)" +Sci/Tech,Editorial Pages Fight 'AstroTurf' With Listserv (Editor and Publisher) +Sports,"Cubs, Astros Benches Clear After Dispute (AP)" +Sports,U.S. Furious at Proposal That Hamm Return His Gold +Business,Stocks Gain; Techs Ahead But Volume Thin +Business,"Oil Edges Up on Iraq, Gold Closes Lower" +Business,Marketing Isn't for Problem Gamblers +Business,Oracle launches business intelligence tools +Business,Oracle Won't Quit +Sci/Tech,HP Launches Latest Push Into Consumer Markets +World,Russia Blames Terrorism for Downed Jet +Sci/Tech,Gates: Longhorn changed to make deadlines +Sci/Tech,Allchin explains Longhorn's haircut +Business,CSFB name may disappear: CEO +Sci/Tech,Apple fans abuzz over new iMac +Sci/Tech,Microsoft cuts advances for 2006 Longhorn release +Sci/Tech,"HP unveils its iPod, entertainment media center" +Sci/Tech,Alternative Copy Controls Bill Pitched +Sci/Tech,Gates: Longhorn changed to make deadlines +Sci/Tech,Microsoft to release next version of Windows in 2006 +Sci/Tech,Oracle Refreshes PeopleSoft Offer +Sci/Tech,VeriSign Loses Round Against ICANN +Sci/Tech,"Nokia, Vodafone to Drive Mobile Java" +Sports,Radcliffe drops out again +Sports,Bob Huggins makes fast start upon return +World,"Italy shocked, outraged by hostage #39;s murder" +World,Zimbabwe Convicts Accused #39;Mercenary #39; for Weapons +World,"Mauritania, Burkina row over suspected coup plot" +Sci/Tech,Workgroup Cluster for Bioinformatics Video +Business,Stocks End Up; Techs Gain on Light Volume (Reuters) +World,Review panel pleased with Supreme Court choices; Tories criticize procedure (Canadian Press) +Business,Stocks End Up; Techs Gain on Light Volume +Business,Delta Suffers Setback with Debt Committee +World,Dream Team surrender title +Business,Oil price steadies +Business,Delta Suffers Setback with Debt Committee +Business,California pharmacies sue drug giants +Sports,"Ryder Cup berths on the line at BMW, Jimenez leads" +Sports,Australia win first men #39;s hockey gold +Sports,Olympics-Athletics-Invincible Sanchez storms to gold +World,Russia downplays terror crash revelations +World,Eritrean Asylum Seekers Force Plane to Land in Sudan +World,Aziz elected Pak PM amid oppn boycott +Sci/Tech,"Allchin: Don't call it ""Shorthorn""" +Sci/Tech,U.K.'s NHS licenses Sun's Java Desktop System +Sci/Tech,Brief: Siemens warns of ear damage from loud mobile tune +Sci/Tech,Oracle again extends offer for PeopleSoft +Sci/Tech,VeriSign is dealt another legal blow in ICANN suit +Sci/Tech,DOJ announces online fraud convictions +Sports,"Xing stuns Ethiopians in 10,000m" +Sports,UEFA Cup champ takes Super Cup with 2-1 victory over Porto +World,China Grabs 1st Men's Olympic Gold in Track and Field (Reuters) +World,Oil Halts Slide on Iraqi Pipeline Attacks (Reuters) +Sci/Tech,Gateway Debuts Cool New PC (PC World) +Sports,Tenn. Polynesians Standing Out on Field (AP) +Sci/Tech,Microsoft to Release New Windows in '06 (AP) +World,Sky count to track orang numbers +World,Most Air Passengers Not Screened for Bombs (AP) +Sports,Olympics Wrap: China Grabs 1st Men's Gold in Track +Sci/Tech,HP introduces home electronics in fall product lineup +Sci/Tech,There #39;s a Catch: Recreation takes toll on marine fish +Sci/Tech,"As software world awaits ruling, Oracle extends offer" +Sci/Tech,"Sprint, SBC in Wi-Fi Deal" +Sci/Tech,Gateway Debuts Cool New PC +Sci/Tech,Linksys and Intel Team On Smart Wireless Solutions +Sci/Tech,Ericsson pulls Bluetooth division +Sports,Greek anti-war activists protest visit by Powell +Sports,Mack pulls off a last-gasp victory +World,Najaf ultras surrender shrine +World,Russia finds evidence of blast on jet +World,Hopes renew as KGL responds to abductors #39; demand +Sci/Tech,Ericsson pulls Bluetooth division +Sci/Tech,Microsoft readies beta for application life cycle management +Sports,Owner of Tavarez Cap Says It's Legal (AP) +Sci/Tech,Microsoft Targets 2006 for Next Windows (Reuters) +Sci/Tech,E-Mail Voting Prompts Security Concerns (AP) +World,British police granted more time to quiz radical cleric Abu Hamza (AFP) +World,Central America Said on Alert for Attack (AP) +Sci/Tech,Anglers Have Big Impact on Fish Numbers -- Study (Reuters) +Sports,American Champion Tim Mack Wins Pole Vault Gold +World,Police get cleric quiz extension +Business,Microsoft Targets 2006 for Next Windows +Sci/Tech,Microsoft Targets 2006 for Next Windows +World,Aceh governor arrested over graft +Business,Russian PM assures China on oil exports +Business,Global server market continues to grow +Sci/Tech,Microsoft Scales Back Longhorn +Sci/Tech,US Call Centers Declining +Sports,Athens brings out best in Anju +Sports,Golden farewell for footballs Famous Five +Sports,Harland #39;s brave display +World,Chavez celebrates referendum win +Sci/Tech,Allchin: Don't call it 'Shorthorn' +Sci/Tech,Will changes detract from Longhorn's success? +Business,Oil prices up but remain below \$44 +Business,ECost.com Prices IPO One Week Late +Business,Server sales sag in the middle +Business,SEC eases rules on independent board directors +Sci/Tech,"Gateway Rolls Out Cooler, Quieter BTX PC" +Sports,Olympics: Ireland #39;s O #39;Connor claims Olympic show jumping gold +Sports,Athens police fire pepper spray at Powell protesters +Sports,Ferrari - Belgian Grand Prix Spa-Francorchamps : Practice <b>...</b> +World,Pakistan Parliament Elects Prime Minister +World,Hostage crisis: KGL halts work in Iraq +World,Key warlords join Somali cabinet +Sci/Tech,Microsoft won't ship WinFS with Longhorn +Business,QLT #39;s stock falls as US.panel reviews rival drug +Business,Markets Cap Winning Week With More Gains +Sci/Tech,HP Releases its Version of the iPod +Sci/Tech,Microsoft Commits to 2006 Target for Next Windows +Sports,O #39;Connor #39;s first gold for Ireland +Sports,Harland salvages medal from wreckage +World,"Eritrean Deportees Surrender After Hijacking, Diverting Plane To <b>...</b>" +World,Dead bodies found in Najaf court +Sci/Tech,News: Website offers Caller I.D. falsification service +World,"Iraqi Rebels Leave Najaf Shrine, Hand in Weapons" +Business,Boeing Gets \$891 Mln Air Force C-17 Deal +Business,NYSE Seat Prices Hit 8-Year Low +Sports,Battling Paradorn Reaches Long Island Semifinals +World,Kashmir women's bill voted out +Sports,Struggling Rams on Deck +World,Botched Relay Leaves Jones 0-For-Athens +World,Actor Stewart Recovers From Angioplasty +World,GOP Want Bush to Turn Attention From Iraq +Sci/Tech,Microsoft Commits to 2006 Target for Next Windows +Business,"TiVo 2nd-Qtr Loss Widens, Subscribers Up" +Business,Will Russia #39;s oil help fuel Asia #39;s economies? +Business,Pharmacies claim conspiracy on prices +Sports,US Furious at Proposal That Hamm Return His Gold +Sports,Iraq #39;s loss overshadowed by Italy #39;s +Sports,OLYMPICS: Former USC athlete takes silver in Men #39;s 100-meter <b>...</b> +Sports,Auteur Zhang ready for Athens surprise show +World,The five points of the Najaf peace agreement +World,Musharraf ally elected as new Pakistan PM +Sci/Tech,Developers react to Longhorn delay +Sci/Tech,Intel #39;s #39;BTX #39; Motherboard Debuts on Gateway #39;s PC +Sci/Tech,"Experts Welcome, But Doubt, Bush Climate Softening" +Sports,Gold in a flash +Sports,Seventh heaven in Spa for Schumi? +World,U.S. Urges Venezuela to Ease Rhetoric (AP) +World,"Ottawa has money for national drug program, provincial finance ministers say (Canadian Press)" +Sports,Gymnastics Group Asks Hamm to Give Up Gold +Sports,Smarty Jones Casts Shadow Over Field +Sci/Tech,IDC: Server market hits \$11.5 billion +Business,NYSE Seat Prices Hit 8-Year Low +Business,Quick results unlikely from mad cow meeting but Ottawa hints at <b>...</b> +Sci/Tech,Developers react to Longhorn delay +Sports,What a nightmare: US men fall to Argentina +Sports,Congressman says he may hold hearings on Hamm case +Sports,"Clean heels, clean sweep in 200m" +Sports,Hockey: Australia win first men #39;s gold +Sports,Annus asked to give sample or lose gold +World,New Pakistani PM elected despite boycott +Sports,'Dream Team' Out of Gold Race After Loss to Argentina +World,FBI Suspects Israel Has Spy in Pentagon -- CBS News +Business,Microsoft lays out Windows timing +Business,Dollar Tumbles to Record Low Against Euro +Business,Oil Price Down 8 for Week; Decline Seen in Speculation +Business,"Harrah's, Caesars: FTC Asks for More Info" +Business,Cable Veterans to Bid in Adelphia Auction +Business,"Group of Cities, Counties Sues Microsoft" +Business,US economic growth cools to 2.8 percent pace in second quarter +Business,Conoco leads race for 25 in Lukoil +Business,Travelzoo Breaks Out +Sci/Tech,"Microsoft #39;s One-Two Punch: Longhorn in 2006, WinFS Later" +Sci/Tech,"SBC, Sprint Strike Roaming Accord" +Sci/Tech,Repairs to shuttle hole not possible in orbit: NASA +Sci/Tech,Cell Phone Defect Could Cause Hearing Damage +Sports,Greek protestors rally against Powell at Games +Sports,Weightlifter and runner fail tests +Sports,One American left as Ward boxes into final round +World,Terrorists suspected of destroying Russian planes +World,Musharraf #39;s choice elected as new PM +Sports,"Radcliffe to run in 10,000 final" +Sports,Montgomerie makes case for Ryder Cup with 67 +Sports,Mack sets Olympic record in 1-2 US finish +Sci/Tech,Court Tosses VeriSign Suit Vs. Overseers (AP) +Sci/Tech,"California Cities, Counties Sue Microsoft (AP)" +Sci/Tech,"Group of Cities, Counties Sues Microsoft (Reuters)" +Sci/Tech,Hurricane Frances Grows Quickly in Atlantic (Reuters) +Sports,Rookie Johnson Joins Funk in Buick Lead +World,Bush Signs Orders to Reform Intelligence +Business,Oil prices firm after week of decline +Business,US Airways #39; Pilots Union to Resume Talks With Airline +Sci/Tech,"Sprint, SBC sign Wi-Fi roaming pact" +Sci/Tech,Gateway Launches First #39;BTX #39; Desktop PC +Sci/Tech,Police Confirm Pipe Bomb Blast at Stem-Cell Lab +Sci/Tech,Regulator: British Broadband Prices Still Too High +Sports,Ryder Cup hopefuls boost chances +World,Coup plot conviction increases the pressure on Mark Thatcher +World,Suicide bombs and rebel attacks as disillusioned Chechnya votes +World,Eighteen hurt in twin blasts in Maharashtra +Sci/Tech,NASA and Boeing Push for Flying Cars +Sci/Tech,Panel Says Americans Need To Eat More Fiber +Sci/Tech,Cooler Summers Create Bigger Spiders +Sci/Tech,Catastrophic Tokyo Quake Expected Within 50 Years +Sci/Tech,Briefly: Phone defect could affect hearing +Sci/Tech,California sues Microsoft for antitrust...again +Sci/Tech,California considers open-source shift +Sci/Tech,Phone defect could affect hearing +Sci/Tech,Technology Playing Role in Republican Convention Protests +Sci/Tech,Microsoft to Release Next Version of Windows in 2006 +Sci/Tech,Court Tosses VeriSign Suit Vs. Internet Overseers +Sci/Tech,E-Mail Voting Prompts Security Concerns +Sci/Tech,HP Moves Deeper Into Consumer Electronics Business +Sports,"Funk, Johnson Lead Buick Championship (AP)" +Business,"US Air, Pilots to Reopen Concession Talks" +Business,Oracle and IBM move BPEL to the BPI forefront +Business,Virtual offices will reverse years of isolation +Business,"US Air, Pilots to Reopen Concession Talks" +Sci/Tech,DOJ Gets Tough on Cybercrime +Sci/Tech,Clearing The Path For Longhorn +Sci/Tech,Hewlett Packard gets new mp3 players...iPod style +Sports,Radcliffe breaks down again +Sports,Ward represents US boxing team #39;s lone chance for gold +Sports,Flying start for Raikkonen McLaren ace the fastest in practice +Sports,Jury lines up for Kobe Bryant rape trial +Sports,"Roma coach steps down, Voller eyes job" +Sports,Defending champ Srichaphan advances +World,Mann faces 10 years jail over coup attempt linked to Mark Thatcher +World,Paris reiterates its support for Turkey #39;s entry into EU +Sci/Tech,California sues Microsoft for antitrust--again +Sci/Tech,HP cues iPod in big product push +World,Study finds Korean students best at solving problems +Business,Fed chief warns of #39;painful #39; decisions +Business,"Arkansas Could Receive \$337,500 in Securities Settlement" +Business,BELGIUM/BRAZIL: #39;InBev #39; gets shareholder support +Sci/Tech,HP to start selling its iPod +Sci/Tech,UN report on N.Korea environment says outlook tough +Sci/Tech,Thousands of Call Center Jobs To Go Overseas +Sports,Men #39;s Tennis: 4 Seeded Players Advance at TD Waterhouse Cup <b>...</b> +Sports,Argentina Completes Dream Team's Downfall (AP) +Sci/Tech,Microsoft Sets 2006 Target for Next Windows Version (Reuters) +World,FBI Suspects Israeli Spy at Pentagon -- Govt Sources (Reuters) +World,Russia Blames Terrorism for Downed Plane (AP) +Sports,Palmeiro Not Bitter Back in Texas (AP) +World,Iraq Militants Leave Shrine in Peace Deal (AP) +Sports,Serena Says She's 90 to 95 Percent Back (AP) +World,Troops capture 34 Iraqis; three Iraqi Guardsmen killed by roadside <b>...</b> +World,GOP Wants Bush to Draw Attention Off Iraq +Sci/Tech,Microsoft Sets 2006 Target for Next Windows Version +Business,"Northwest charges for in-person, phone ticket bookings" +Business,Also from this section +Sci/Tech,Sounds Like (Real) Desperation +Sci/Tech,HP brand to inject new life into ink +World,Explosives found in Russian crash +World,Spotlight fails to focus on Palestine hunger strike +World,Singapore #39;s moment +Sci/Tech,Microsoft tackles AMD conflict in SP2 +Sci/Tech,Trilog eases Domino to Java transition +Business,"US Air, Pilots to Reopen Concession Talks" +Business,"Panel Supportive of Pfizer, Eyetech Eye Drug" +Sports,A dynasty shattered +Sports,Harland leaves 11 rivals trailing to clinch bronze medal +World,Italy Hostage Death in Iraq Stuns Nation (AP) +World,Pakistan Parliament Elects Prime Minister (AP) +World,Montreal stepfather charged with sexually assaulting 10-year-old girl (Canadian Press) +World,Jones Fails to Win Medal in Long Jump or Relay +Sports,Potential Bryant Jurors Arrive at Trial (AP) +Sci/Tech,Microsoft to Release Next Windows in '06 (AP) +Sports,Mets Sign Cuban Defector Alay Soler (AP) +Sci/Tech,Calif. Revives Marine Sanctuary Proposal (AP) +Sci/Tech,Scientists: Salmon Hatchery Policy Flawed (AP) +Sci/Tech,A Shorter Longhorn for Microsoft +Sports,Just let it drop +Sports,Prandelli Cedes Roma Reins +Sports,McGill breaks records in Kutztown +Sci/Tech,HP iPod clone: out today +Sports,Kenteris was disrespectful to athletes +Sports,Sharapova signals intent for US Open +Sports,Friday #39;s Golf Capsules +Business,Economy More Sluggish Than First Thought (AP) +Sports,Gwynn's No. 19 to Be Retired by Padres (AP) +Sci/Tech,HP-Apple Partnership Yields New IPod (AP) +Business,Employers Kicking In More To 401(k)s (Investor's Business Daily) +Sports,"Olympics Wrap: Bad Day for U.S., New Dawn for China" +Sports,Sponsors to Return to Masters Next Year +Business,Oil prices climb as fears over Iraq turmoil loom +Sports,No gold for US after 89-81 loss to Argentina +Sports,Focus brings US vaulters gold and silver +Sports,McGill takes 4-shot lead in Wachovia +Business,Payments for retirees #39;will strain US economy #39; +Sci/Tech,Longhorn Due in 2006 - It #39;s Official +Sci/Tech,"Group of Cities, Counties Sues Microsoft" +Sports,Hewitt in form ahead of US Open +Sports,"MLB: Houston 15, Chicago Cubs 7" +World,Powell warning +Sci/Tech,Siemens Says Cellphone Flaw May Hurt Users and Its Profit +World,Bush Signs Orders for Intelligence Reform (AP) +Business,Warning Anew About Retiree Expectations +Business,"U.S. Growth Pace for 2nd Quarter Is Revised Downward, to 2.8" +Business,Consumers fuel growth +Business,Piercing tone may dent Siemens sales +Business,Truckers decide to withdraw strike +Sci/Tech,Next Version of Windows for PC #39;s to Ship in 2006 +Sports,MOTOR RACING: I #39;LL BE SIMPLY SECOND BEST +Sports,"Hewitt, Paradorn reach Long Island second round" +Sports,Ratings Win Gold for NBC +World,Sudan accused of sharing bases with militia +World,Hamza police granted more time +Sci/Tech,Court Tosses VeriSign Suit Vs. Overseers (AP) +Sci/Tech,Survey: Linux Has Long Way to Go in Retail (Ziff Davis) +Sci/Tech,"Group of Cities, Counties Sues Microsoft (Reuters)" +Sports,"Bovina, Dechy to Meet in Pilot Pen Finals (AP)" +Sports,Second Seed Dementieva Hammered in New Haven +Sci/Tech,Suit by Cities Says Microsoft Overcharged +Sports,Red Sox Trip Tigers 5-3 (AP) +Sports,Mets Thump Dodgers 9-2 (AP) +Business,Greenspan Cautions on Baby Boomer Benefits (AP) +Business,US Airways Pilots' Union Decides to Resume Talks +World,Insurgents Quit Mosque in Najaf After Peace Deal +Business,Bush to tout economic trend in NYC +Sports,US Needs Pro Boxers for Fighting Chance +World,Venezuela Withdraws Ambassador From Panama (AP) +Sports,Team USA Beats Russia 2-0 in Exhibition (AP) +Business,"Airplanes Vulnerable to Bombers, Experts Say" +Business,Winners With Wallets +Sports,Federation Requests Hamm Give Up Gold +Sports,TRACK AND FIELD A Bungled Pass Costs US in Relay +Sports,Bullpen keeps up good work +Sports,Streaking Braves Stop Giants 5-3 (AP) +World,N. Korean Leader's Mistress Reported Dead (AP) +Sports,Mets Thump Dodgers +World,"Avoid anti-US talk, Chavez told" +Business,Greenspan Urges Look at Senior Benefit Costs +Sci/Tech,AT amp;T Uses Its Long Past to Promote Its Near Future +Sports,Black-and-blue Sox win again +Sports,Deja vu as Yankees beat Blue Jays 8-7 +Business,"Jobs, tax cuts key issues for Bush" +Business,Detroit Fights California Bid to Open Car Pool Lanes to Fuel <b>...</b> +Sci/Tech,White House report says people cause global warming +World,Russia Confirms Plane Crash Terror Link +Sports,Bibby out as coach at USC +Sports,Indians Hold Off White Sox 6-3 (AP) +World,"'Cachirulo,' of Mexico Theater, Dies at 79 (AP)" +World,NYC Police Arrest 250 in Bicycle Protest (AP) +World,Bangladesh Shuts for Another Strike Over Attack +Sports,Rams Roll Past Redskins 28-3 (AP) +Sports,Scobee Kicks Jaguars Past Packers 9-7 (AP) +Sports,Rangers Beat Staggering Orioles 6-4 (AP) +Business,Thai goes for giant Airbus +Business,SEC Looks Into Van Eck +Sports,AL Capsules +Sports,Ramirez injured as Red Sox beat Tigers 5-3 for 10th win in 11 <b>...</b> +Sports,Bonds #39; 694th homer not enough +World,Thatcher was trying to flee #39; South Africa before arrest +Sports,Vikings Give 49ers Third Straight Loss (AP) +Sports,"Responding to Howe, Mets Decide Not to Go Quietly" +World,Venezuela envoy quits Panama +World,"In Palm Beach, Results of 2000 Still Stir a Fight" +Sports,Let baseball solve its own problems +Sports,Rams Stomp Redskins +Sports,Eskandarian Out +World,Terror Suspected in Crash +World,Killing of Hostage Confounds Self-Image of Italians +World,Russia Reports Evidence of Terror Attack +World,Bangladesh Shuts for Another Strike Over Attack +World,Indian hostages maybe released soon +Sports,Saints Hold Off Bears 17-13 in Preseason (AP) +World,Typhoon Chaba approaches southwestern Japan (AFP) +Business,Bush Asks McCain to Help the Fight Against Political Ads +Business,Firm Guilty Of Declaring False Shelter +Sci/Tech,New Windows Planned for 2006 +Sci/Tech,Microsoft denies flaw in XP upgrade +Sci/Tech,Home raided for clues in biotech b +Sports,Jury Selection Begins in Bryant Rape Case +World,Killing of Hostage Confounds Self-Image of Italians +World,Aziz elected as opposition boycotts vote: Premier-elect outlines <b>...</b> +World,Typhoon Chaba nears Japan +Business,The billion dollar election +Business,Ping-Pong politicking in Hong Kong +Business,Union leaders urge one more try +Sci/Tech,Changes to Longhorn +Sci/Tech,Researchers: Fishermen need more restrictions +World,"IRAQ, FASSINO: NO TURNING POINT, WE STILL OPPOSE MISSION" +World,France to receive Iraqi president +Sports,Plummer Guides Broncos Past Texans 31-17 (AP) +World,"Ninety years on, only faint echoes remain of Samoa's German past (AFP)" +Sports,"Singh No. 1, Daly comeback kid" +Sports,Warner Sharp in Giants' Loss to Jets +World,100 Cyclists Are Arrested as Thousands Ride in Protest +World,2-Run Homers Lift Angels Over Twins 9-6 +Business,Drug to Help Avert Blindness Moves Closer to Approval +Business,US Air pilots ready to resume talks +Business,Truckers call off strike following agreement with Govt +Sci/Tech,Microsoft To Release New Windows OS In 2006 +Sports,Hamm Should Hold Onto Gold +Sports,Olympics: Jones can #39;t hang on to success +Sports,Rooney hands in transfer request +Sports,Raikkonen looks to add consistency +Sports,US team #39;s class clown grip-and-rips #39; his way to a pole vault <b>...</b> +Sports,Jury Selection Begins in Kobe Bryant Rape Case +Sports,"Mariners 7, Royals 5" +Sports,Tech faces talented So. Cal as an 18-point underdog +Sports,PREVIEW-Open-Agassi ready for one final flourish +World,Editorial: End of Siege +Sci/Tech,Chinese Pottery Yields Leftovers of Stone Age Happy Hour +Sports,Athletics Rally to Beat Devil Rays 8-7 (AP) +Business,Truck operators call of week-long strike +Sci/Tech,Microsoft sets 2006 Longhorn release +Sports,Derek makes Tigers topple like dominoes: Red-hot Sox continue <b>...</b> +Sports,Brunell Fits Gibbs Best +Sports,J. Gordon Nabs Pole +Sports,Braves Feeling Chipper +Sports,Bringing the Funk +Sports,Preview: Day 15 +World,New calm in revolt-wracked Najaf +World,Typhoon Chaba approaches southwestern Japan +World,Mixed media: Justice for all +Business,Re-Fighting Vietnam +Business,Weisel settles charges +Sports,"US Open tennis: Tough draw for Agassi, Roddick" +World,Iraqi rebels leave Najaf shrine +Sci/Tech,"Former Sun, BEA executives forge grid venture" +Business,"Soft money, hard politics" +Business,"Personal, corporate bankruptcies take dip" +Sports,Keep track of hometown heroes: +Sports,Boxers take more hits as Dirrell gets bronze +Sports,Marathon elite face a 35-year course record in Athens race +Sports,US horse hurt while winning jumping bronze; Ireland takes gold +World,Likud voters want Sharon to pursue coalition: poll +World,Twelve bodies found in post-storm search +World,Typhoon bears down on Japan +Sports,Jets Befuddle Giants' Manning in 17-10 Win (AP) +Sports,"Short Jump, Bad Handoff End Jones' Games (AP)" +Sports,Virginia Tech Seeks Luster Against USC (AP) +Sci/Tech,Truck maker delays report +Business,Continental takes part in upstart ticket network +Sci/Tech,Microsoft cuts key Longhorn feature +Sci/Tech,"Message to Kerry: Investment income is income, too." +Sports,SI.com +Sports,Homer-happy Mariners end skid +World,AI welcomes revoking of Pinochet #39;s immunity +Sports,U.S. Tops Russia 2-0 at Hockey Exhibition (AP) +World,"U.S., Afghan Soldiers Arrest 10 Suspects (AP)" +Sports,McGill Takes Lead at Wachovia Classic (AP) +World,Republican National Convention Donors (AP) +Business,BA Directors Join Workforce in Bid to Avoid More Chaos +Business,STOCKS amp; BONDS Markets Rise a Bit Despite Sluggish Growth of the <b>...</b> +Sports,Argentina topples NBA stars +Sports,Jones loses last chance for medal at Athens +Sports,Activists enter Acropolis to protest Powell visit +Sports,Button driven on by lure of second place +Sports,Unranked Hokies look for fast start +Sports,"ELI #39;S TIME COMING, BUT KURT #39;S IS HERE" +World,"Russian Air Disaster Was Suicide Attack, According to US Sources" +World,Police Continue Questioning Abu Hamza +World,Venezuela ratifies referendum vote +World,France ready to help more in Iraq - Chirac +World,Bodies of 2 Turkish hostages found +World,FBI Probes if Official Spied for Israel +Sports,Protest banner unfurled before Powell visit +Sports,Jimenez leads German Open +Sports,Bryant trial opens with questionnaires for prospective jurors +World,Russia Blames Terrorism for Downed Plane +World,Indian truckers call off strike (AFP) +World,Second Term Opposed for Lebanese President (AP) +World,Powell cancels trip to Olympics +Sports,"Below a dimming light, city glows" +Sports,Climbing to a dream +Sports,"Funk, Johnson share lead at Hartford" +World,Popular discontent stirs political awakening in Hong Kong +World,Infiltration bid foiled along LOC in J amp; K +Business,"Latest iMac on the way, iPod growth behind forecasts" +Business,"Dow Up 22, Nasdaq Gains 9 on GDP Reading" +Business,Weak US operations squeeze RBC #39;s results +Sci/Tech,New Windows version in 2006 +Sci/Tech,Newest Planet Found With Small Telescopes +Sports,Dream officially shattered +Sports,"Jones ends up short in relay, long jump" +Sports,Jury pool is queried +Sports,Funk gets out of his funk +World,U.S. Battles Militants in Baghdad Slum (AP) +World,"Australia says claim troops in covert actions in Iraq ""incorrect"" (AFP)" +World,UN drive to boost free software +World,Powell Cancels Greece Visit Amid Protests +Sci/Tech,Quest for holy grail of game controllers +Business,Is Sears firing a prelude to buyout? +Sci/Tech,Cellphones could cause hearing loss +Sports,US pros lose their golden glow +Sports,Powell cancels plans to visit Athens +Business,Head of Boeing #39;s defense unit tied to Druyun hiring +Business,"Yahoo pares Google stake, sells \$191 mn in stock" +Sci/Tech,Microsoft sets 2006 timetable for next version of Windows +Sci/Tech,HP digital push aims for living room +Sci/Tech,Soaring oil prices largely falling flat as campaign issue +Sci/Tech,Google options end first day with robust volume +Sports,World finds joy in defeats suffered by Americans +Sports,Giving up medal isn #39;t the answer +Sports,Supporting Birdstone +Sports,Two pieces of jewelry in vault +Sports,Newman not happy with lackluster year +World,Najaf truce takes hold +World,Yemeni Militants Convicted of Terrorism (AP) +World,Musharraf-ally sworn in as Pakistan prime minister (Reuters) +Sci/Tech,FreeCRM.com Offers Free Data Migration (TechWeb) +Sports,Golden bust +Sports,Two pieces of jewelry in vault +Sports,No fun in these Games for Jones +Sports,Federation asks Hamm to give up gold medal +Sports,Tavarez's cap is plain dirty +Sports,Yankees hold off Blue Jays +Sports,AL notables +Sports,Sinkerballer is rising +Sports,Varitek had catching up to do +Sports,Jets befuddle young Manning +Sports,"Hype aside, Patriots hope to rebound" +Sports,Gordon has No. 6 in mind +Sports,Daly is added to the long list +World,Italy mourns hostage slain by captors +World,Hundreds of militia disarm in Sudan +World,"Clashes erupt between Philippine troops, Muslim rebels (AFP)" +World,Yemenis sentenced over bombing +Business,US lowers growth rate in second quarter +Business,Stocks Are Seen in a Contemplative Mood +Business,BF Goodrich contract gets union #39;s OK +Business,Yahoo sells \$191 millions in Google stock +Sci/Tech,Microsoft pushes back release of its next version of Windows +Sci/Tech,"Group of Cities, Counties Sues Microsoft" +Sci/Tech,Focusing on the nanorealm +Sports,"Thousands protest Iraq war, Powell visit" +Sports,"China #39;s Xing Huina wins Olympic women #39;s 10,000m gold" +Sports,Monty looking good +World,"After 68 weeks, inflation returns to HK" +Sports,Shot at gold is an airball +Sports,US Gymnast Hamm Asked to Give Up Gold +Sports,Up-and-down night in the ring +Sports,Soccer: The Iraqi dream ends as Italians win bronze +Sports,Paradorn edges out Johansson to reach the last four in Long Island +World,Some Palestinian Prisoners Suspend Hunger Strike +World,Powell Scraps Plan to Attend Olympics Ceremonies +Business,Fidelity discloses its proxy votes +Business,Soaring oil prices largely falling flat as campaign issue +Business,Exports to China give Bay State firms boost +Sports,Radcliffe run defended +Business,Update 13: Greenspan Sounds Alert on Social Security +Business,Profits a Royal pain +Business,Flying car pet project +Business,Industry rebound could be two years away +Sports,"UPDATE 2-Hewitt, Paradorn head for Long Island showdown" +World,Shaukat Aziz takes oath as Pakistan #39;s new PM +World,Chechnya prepares to hold election to replace assassinated <b>...</b> +World,Curfew relaxed in Jalna; sitation peaceful in Poorna +World,"Most terror attacks cost al-Qaida little, report finds" +Business,US prosecutors probing Boeing defense chief +Business,Personal bankruptcy trend turns downward +Business,Wings on the wheels +Sci/Tech,HP tips its hand on new iPod +Sports,SRICHAPHAN GETS HIS REVENGE +Sports,Vaulters win 2 more precious medals for US +World,Bomb traces found in Russian plane wreck +World,Palestinian prisoners suspend hunger strike +World,15 Yemeni militants convicted +World,Turkish hostages killed: report +Sports,Jumping for joy over bronze +Sports,New kids off blocks +Sports,'Flag' storms to victory +Sports,Italy ends inspired Iraqi run +Sports,"Thousands protest Iraq war, Powell visit" +Sports,Long shadow hard to eclipse +Sports,US passes Russian test +Sports,Long-shot Italians advance +Sports,Elimination perfectly executed +World,Darfur peace talks set to restart +Business,Crude prices to go up with upsurge int #39;l demand +Business,Ariz. flu shots to arrive late +Sci/Tech,California city and counties sue Microsoft for antitrust +Sports,Hungarian Weight Lifter and Hammer Champ Face Loss of Medals +Sports,Monty adds to confusion +World,Clerics agree Najaf peace deal +World,Renegade warlord arrested and brought to the capital following <b>...</b> +Business,Wal-Mart Rejects Proposed D.C. Location +Business,Royal Bank serves up disappointing quarter +Business,Minister cautious about mad cow relief +Sports,ROONEY RACE HOTS UP +Sports,"Dechy dodges back woes, stops Raymond" +World,Terror attack downed plane: Russia +World,Storm lashes east China +World,Japan Airlines Cancels Flights as Typhoon Heads to Main Islands +Business,BA directors rally terminal staff +Business,Agriculture Minister to lobby US on BSE +Sci/Tech,Digital ways to have fun +Sci/Tech,Asian farmers sucking the continent dry +Sports,It #39;s not easy to step up after wallowing in NBA +Sports,THE GAMES NOTEBOOK +Sports,Italy win Bronze +Sports,Prmont finds silver atop mountain course +Sports,Srichaphan wins again at his Hamlet #39;home #39; +Sports,Overnight rain delays start +Sports,Selection of jurors first step in trial +World,Joyous pilgrims mark end of Najaf standoff +World,Bangladesh won #39;t rule out foreign hand in blast +World,Oil pipeline ablaze +World,Uma happy and in high spirits: Sushma Swaraj +World,Five die as river festival begins +World,F1: Barrichello fastest in rain +World,Ramirez OK After Fouling Ball Off Knee +Sci/Tech,FCC Cuts Public Line To Phone Outage Data +Sci/Tech,New Windows Planned for 2006 +Sports,Winners and Losers - Videocon Cup +World,"Iraqi Rebels Leave Najaf Shrine, Hand in Weapons (Reuters)" +World,"Boat Capsizes in Vietnam, Killing 16 (AP)" +Sci/Tech,Broadcast Treaty Battle Rages On +Sci/Tech,Swing and a Miss for Asteroid +Sci/Tech,Secure Flight Gets Wary Welcome +Sports,Gold turns to dust +Sports,Birgit Fischer wins second medal in kayak +Sports,Sane people won #39;t miss it +Sports,McDOWELL #39;S CUP CLAIMS FADE +Sports,"For Jets, it was a coming-out party for revamped defense" +Sports,Silver surprise for US #39;s Abdallah +Sci/Tech,"Calif. Cities, Counties Sue Microsoft (AP)" +Sports,Moyes rallying call to Everton faithful +Business,Analysts give thumbs-up to TD-Banknorth deal +Sci/Tech,Nokia amp; Vodafone help define Java - yawn +Sports,Powell Cancels Athens Visit for Closing Ceremony After Protest +World,"Iraq #39;s top Shiite clerics meet in Najaf, academic shot dead in <b>...</b>" +World,Bomb Blasts in Maharashtra +World,Special Interests Woo Powerful at RNC (AP) +World,New Wave of Violence in Iraq Kills Five +Sports,Fischer aiming for No. 9 +Sports,Gold has nice ring to it +Sports,Hungary in second gold row +Sci/Tech,RedEnvelope fends off dissident challenge (SiliconValley.com) +World,Russia Boosts Security After Twin Air Crashes +Sci/Tech,HP iPod nearly same as Apple #39;s +Sports,US BASKETBALL OUT OF GOLD MEDAL GAME +Sports,Argentina Wins First Olympic Gold for 52 Years +Sports,England rule out Rooney +Sports,Janics claims Kayak double gold for Hungary to deny Fischer +Sports,"Veteran, rookie enjoy sizzling rounds" +World,Two killed in Baghdad attacks +World,Australia bat in final +Sci/Tech,"Calif. Cities, Counties Sue Microsoft" +Sports,Disappointing US loses to Argentina +World, #39;Mutilated bodies found in Najaf #39; - report +World,Pakistan Security Forces Come Under Attack (AP) +Sci/Tech,The Pathway Less Traveled +Business,Rival to Boeing says A380 orders ahead of schedule +Sci/Tech,Curtain rises on new HP line +Sports,400 relay disaster completes Jones #39; tumble from heights +Sports,Powell Cancels Athens Trip +Sports,"U.S., Australia Women to Face Off Again (AP)" +World,Iran Ready to Provide Nuke 'Guarantees' (AP) +World,China OKs Measure to Boost Online Commerce (AP) +Sci/Tech,U.S. Study Links Human Activity to Global Warming (Reuters) +World,Dazed Residents of Iraq's Najaf Survey the Damage +Business,GDP growth slower in revision +Sports,NBA Commissioner Defends US Team Amid Criticism +Sports,Hammer winner still missing +World,Russia to Tighten Passenger Requirements +World,New strike action hits Bangladesh +World,"Jet crash was terrorist act, Russia says" +World,Musharraf ally wins prime minister vote +World,"N. Korea environment in danger, UN warns" +Sports,Powell Cancels Athens Visit +Sports,Despatie second after semi-finals +Sports,Becks: Fergie right man for Roon +Business,Greenspan Sounds Alert on Social Security (AP) +World,"Yemeni sentenced to death, others jailed over Limburg bombing (AFP)" +Sports,USOC rejects call for Hamm to return gold +Sports,Ponting opts to bat first +Business,Hedge Fund Is Censured and Ordered to Pay Taxes +Sci/Tech,Microsoft to release Longhorn in #39;06 +Sports,Don #39;t cry +Sports,McDowell accepts dream is over +Sports,Funk loses sole lead after bogey +World,China Refuses Entry to Hong Kong Politician +World,Gunmen shot dead female university lecturer in Iraq #39;s Mosul +World,Explosive Found in Wreckage of Second Russian Jet +Business,Competition leads to Kimberly-Clark cuts +World,U.N.: Sudan Agrees to Process Eritrean Asylum Seekers +Business,Hedge Fund Is Censured and Ordered to Pay Taxes +Sports,Ward still standing for US +Sports,Hammer Champion Facing Ioc Hearing +World,Icon revered by pope is returned to Russian Orthodox Church +World,Israel Denies Spying on American Allies +World,Explosives in second Russian jet +Sci/Tech,"Calif. cities, counties sue Microsoft" +Sports,Rooney would put United up with 1999 side - Ferguson +Sports,Official: Puerto Rican failed drug test +Sports,Unlikely duo advances to Pilot Pen championship +Sports,Final plunge for 10m platform +Sports,Schumacher singing in the rain +Sports,IMPRESSIVE SRI LANKA MAKE IT FOUR OUT OF FOUR +World,Iran Says U.S. Lacks Options on Its Atomic Program (Reuters) +World,Depleted Sri Lanka too strong for South Africa (AFP) +Business,Credit Suisse to integrate CSFB +World,Pope returns rare icon to Russia +Sports,"It #39;s a nightmare, admits captain Smith" +World,Yemen court sentences terror suspects +World,Aussie PM steps up phoney election campaign +Business,Lenovo to carve up IBM PC empire +Sci/Tech,Homegrown Satellite Radio Software Draws XM Fire (Reuters) +Sci/Tech,Lost? Your Phone Knows a Way Out (Reuters) +Sci/Tech,HP to sell version of Apple's iPod (SiliconValley.com) +World,NYC Police Arrest 250 in Bicycle Protest (AP) +World,Russia Finds Explosive Traces on 2nd Plane +World,Kilborn Stays Up 'Late' for Last Time +Sci/Tech,Homegrown Satellite Radio Software Draws XM Fire +Sports,British divers face platform final at Games +Sports,Buick Championship remains wide open +Sports,Yankees #39; home runs jolt Jays +World,Explosives #39;in 2nd Russian crash #39; +World,Hundreds of rescuers airlifted to Taiwan village hit by huge <b>...</b> +World,Eritrean hijackers seek political asylum in Sudan +World,Russian Orthodox Patriarch Alexy II Blasts Vatican #39;proselytism #39; +Business,British Airways chief admits company #39;got it wrong #39; over staff <b>...</b> +Business,"The day on Wall Street: As oil price drops, Dow advances for third <b>...</b>" +Business,Scottsdale e-learning company acquired +World,Chechnya #39;Black Widows #39; linked to sabotage of Russian jets +Business,Learn the Basics of Mutual Funds +Business,Investors Take a Holiday +Business,Mergers Up But Not Hot This Summer +Business,Calpine Accounts Questioned +World,Howard ire over Bush rift report +Sci/Tech,Microsoft says Longhorn to ship in 2006 without WinFS +Sci/Tech,Big Business Is Not Immune +Sports,UPDATE 2-Trulli takes pole at rainy Spa +World,Militia leaves Najaf shrine +World,Yemeni militants convicted on terror charges +World,Russian Orthodox Church Takes Possession Of Kazan Icon +World,Strategic games of atomic significance in Iran +World,Letting Israel Self-Destruct +Business,British Airways bosses help with check-ins +Sports,USOC: No way Hamm drops gold +Sports,Powell Cancels Visit to Athens Citing Busy Schedule +Sports,Birgit Fischer Wins Second Medal in Kayak +World,UN Report: Anti-Terror War Still Losing +World,Hundreds Held in New York Anti-Bush Bike Protest (Reuters) +World,Iran Ready to Provide Nuke 'Guarantees' +Sci/Tech,Californians have fresh antitrust crack at Microsoft +Sports,USA has the stuff bad dreams are made of +Sports, #39;Gamble #39; pays off for Trulli and Alonso +Sports,Two golds for Germany and Hungary on final day of canoe/kayak +World,Saboteurs set pipeline ablaze inside southern Iraqi oilfield +World,Sudan Rules Out Talk of African Troops (AP) +Sports,Capel Taken Off U.S. Relay After Positive Pot Test +Sci/Tech,"Spurred by Soaring x86 Server Sales, Western European Server <b>...</b>" +Sports,Gold or Nothing +World,Between fear and hope +World,Russia Added to Central Asian Bloc (AP) +Sports,"Hungarian weightlifter stripped of silver, Puerto Rican wrestler <b>...</b>" +Sports,Amir Khan V Mario Kindelan Head-to-Head +World,Peace returns to Najaf +World,Pope returns icon to Russia +Sci/Tech,Investment urged in polluted North Korea +Sci/Tech,Storm aid in high gear +Sports,Relay debacle ends Jones #39; jinxed games +World,50 Hurt During Opposition Strike in Bangladesh Capital +World,Gunmen kill #39;collaborator #39; +World,Fifteen rescued from doomed boat +World,Darfur Rebels Boycott Talks for 24 Hours (Reuters) +World,Chechen capital empties ahead of election to replace slain leader (AFP) +World,"Turkish Truck Driver, Iraqi Found Dead (AP)" +Sports,U.S. Women Win Third Consecutive Basketball Gold +World,Darfur Rebels Boycott Talks for 24 Hours +Sports,Spa: Renault on pole position! +Sports,Hungarian Weightlifter Stripped of Silver +Sports,U.S. Wins Third Gold +World,Sinn Fein Offers #39;Huge Prize to All #39; +World,Lebanese Cabinet Votes to Extend President #39;s Term in Office +World,Asian group welcomes Russia +World,Abortion levels hit record high in England and Wales (AFP) +World,Lahoud to Stay in Office Three More Years (AP) +Sports,U.S. Women Win Third Consecutive Basketball Gold +World,Democrat Urges Better Reservist Benefits (AP) +Business,Federal judge rejects tax shelter used by Nobel winners +Business,Thai Airways To Finance 14 New Planes Mainly By Borrowing +Sports,Powell #39;s Athens trip off amid protests +Sports,Moutain bike gold to France +Sports,A little competition for Schumacher +Sports,Toronto Blue Jays Team Report - August 28 +World,Moscow admit to finding explosives on both Russian jets +World,Tehran seeking role in Mid-East +World,Chechnya prepares to go to polls +Business,Investors Take a Holiday (Reuters) +Sci/Tech,Duke Welcomes Freshmen With New IPods (AP) +Sports,Argentina Wins First Olympic Gold in 52 Years +World,Tehran seeking role in Mid-East +Sports,Smith saves Man United from defeat at Blackburn +Sports,34 Gold Medals Up for Grabs on 15th Day of Olympics +Sci/Tech,'Friendly' Killer Whale Damaging Boats (AP) +World,"BoSox Beat Tigers, Keep Pace With Yankees" +Business,The Coming Week: Street Fight +Sci/Tech,Biz Supports Federal Anti-Piracy Program +Sci/Tech,EU Probes Microsoft-Time Warner Deal +Sports,The Olympics Are Ending: Now Athens Pays for a Nice Party +World,Musharraf Ally Sworn in As Pakistan PM +World,Move to bolster Lebanon president +World,Dhaka Seeks Interpol Help in Blasts Probe +Business,British Airways bosses help out as airline claims problems <b>...</b> +Sports,Hamm rebuffs FIG request +World,Chelsea march on as United falter (AFP) +Sports,Cal is skeptical of voting +Sports,Hoddle lands manager #39;s job with Wolves +Sports,Injured Athlete Released +Sports,Branca and Berbatov help Leverkusen crush Bayern +World,Traces of explosive found on second plane in Russia +World,Thatcher to go it alone +World,No backdown on uranium: Iran +World,Turkey #39;s Embassy In Baghdad Investigating Reports On Killing Of <b>...</b> +Sports,"Eagles Have T.O., but Also Need Some TLC (AP)" +World,Zimbabwe court says Mann guilty in 'coup plot' arms deal (AFP) +World,Ohio GOP in Midst of Money Scandal (AP) +World,Kerry War Debate Hinges on Fickle Memories (AP) +Business,"To Be Picture-Perfect, a Choice of 3" +Business,SEC to make qualifications of independent directors harder +Sci/Tech,MacCentral Week in Review +Sports,Monty tipped for wildcard +World,2 Arrested in Alleged NYC Subway Bomb Plot +Sci/Tech,"To Be Picture-Perfect, a Choice of 3" +Sci/Tech,"Longhorn to be Released in 2006, Sans WinFS" +Sci/Tech,India battles the red river dragon +Sports,Chinas here! Dragon fire scorches track +Sports,Kookas enjoy last laugh +Sports,"Men #39;s Tennis: Srichaphan, Hewitt Advance to Long Island Cup <b>...</b>" +Sports,Premiership roundup +Business,BSU #39;s MBA program thriving as others struggle +Sci/Tech,Getting a search engine ranking +Sports,Va. Tech Gets Big Chance With No. 1 USC (AP) +World,Protesters March Across Brooklyn Bridge (AP) +Sci/Tech,And keep on visiting our sponsors! It all counts. Thanks.) +Sports,Uniform Snafu Delays US Bronze Medal Basketball Game +Sports,"With protesters waiting, Powell cancels trip to Olympics" +Sports,Governing Body Stands by Hamm +Sports,"Manchester United makes second bid for Wayne Rooney, Everton says" +Sports,Radcliffe agony #39;seen by 12.8m #39; +World,Darfur rebels boycott talks for 24 hours over attacks +World,New Pakistani PM takes oath +Sports,"Bonds Passes on Day Off, Stays in Lineup (AP)" +Sports,Uniform Foul-Up Delays Lithuania-U.S. (AP) +World,"Police Patrol Najaf, Workers Clear Rubble (AP)" +World,Golden double for Holmes +Sports,Fernando lauds fantastic qualifying result +World,Bush Takes On Direct Role in Shaping Election Tactics +Sci/Tech,Nature Outings Reduce ADHD Symptoms +Sci/Tech,U.S. Eateries Push for Obesity Lawsuit Protection +Sci/Tech,California Cities and Counties Sue Microsoft +Business,Bush Acknowledges #39;Time of Change #39; for Workers +World,U.N. Fears Child Mercenaries Being Hired in Liberia (Reuters) +World,"Pakistani, US national arrested in New York bomb plot (AFP)" +World,2 Arrested in Alleged NYC Subway Bomb Plot +Sports,Moyes praises Everton fans +Sports,"Levet, Jimenez Share Lead at BMW Open (AP)" +World,Bush ahead in latest Time voter poll (AFP) +Sports,Halftime: US leads Lithuania in bronze medal game +Sports,ATHENS OLYMPIC 2004 / 2 star athletes face tragic endings By Ken <b>...</b> +Sports,El Guerrouj golden again +World,Activists pleased by latest Pinochet ruling +World,'Butterfly Ballot' Creator Fights for Job (AP) +World,Iraq Group Takes 2 French Citizens Hostage +World,El Guerrouj hits gold again +Business,Indian Truckers Call Off Strike +Sci/Tech,RIAA SUES 744 MUSIC PIRATES +Sci/Tech,Grokster Ruling Fuels P2P Battle +Sports,Borzakovskiy becomes first Russian to win men #39;s 800 +Sports,"With 98 Medals, U.S. Tops Sydney Total (AP)" +Business,Away on Business: Friends Behind Bars +World,Britain Edges U.S. for 400M Relay Gold +Sports,British Quartet Stuns US in Sprint Relay +Sports,Sports: Holmes added 15-hundred to 800 title +Business,US Economy Grew at Slower Pace Than Expected +Sci/Tech,Server Market Share +Sports,Athletics: Rare distance doubles for El Guerrouj and Holmes +Sports,Joe Davidson: Access to Info in Kobe Bryant Trial +Sports,US NBA stars beat Lithuania to win Olympic men's basketball bronze (AFP) +World,Protesters at Home of Swift Boat Backer (AP) +Sports,El Guerrouj Completes Rare Distance Double +Sports,"Holmes completes double by winning 1,500" +Sports,Bovina captures Pilot Pen title +World,Analysis: Can Shaukat Aziz deliver? +Sports,American Men Salvage Bronze in Basketball (AP) +World,Traces of explosive found on 2nd plane in Russian aviation disaster (Canadian Press) +Sports,Hawaii's Chang Eyes Career Passing Mark (AP) +Sports,Commercials Return to Masters Telecast (AP) +Sports,United States Retains Both 4x400 Titles +Sports,Cael Sanderson Wins Freestyle Wrestling Gold Medal +Sports,U.S. Men's Basketball Team Takes Bronze Medal +Sports,Hewitt in Long Island Final After Tursunov Injury +Sports,Impressive Russian Bovina Clinches New Haven Title +Business,"UPDATE 1-Bush touts tax cuts, aide acknowledges #39;soft patch #39;" +Business,City manager says she #39;ll meet with opponents +Sports,Arsenal extends record unbeaten run +World,The other November elections +World,Bush Defends Record as Protesters Hit NY Streets (Reuters) +World,"End Headscarf Ban, Iraq Hostage Takers Warn France" +World,Dream Team Puts U.S. at Goal of 100 Medals +Sports,Gunners roll; United struggles to tie +Sports,Canadian Despatie leads heading into 10-metre tower final at <b>...</b> +Sports,British Stun US in Sprint Relay +World,"US Welcomes End of Najaf Standoff, Criticizes Syria #39;s Role in <b>...</b>" +Sports,Hu Jia crowned in men #39;s 10m platform in Athens +World,"After 3 Weeks of Fighting in Najaf, 1 Riddle: Who Won?" +World,Rebels boycott Sudan peace talks +World,Yemen sentences 15 militants on terror charges +World,Iraq group captures French journalists +Sports,Yankees Remove Loaiza From Rotation (AP) +World,Bush Readies Second-Term Proposals for RNC (AP) +Sci/Tech,Smarter Mobile Java Framework on Tap for 2005 +Sports,China wins eighth and ninth diving medals +Sports,El Guerrouj Completes Rare Distance Double +Sports,"Azeri Protest Spoils US, China Taekwondo Gold" +World,CVN Fog of War Glance (AP) +World,"End Headscarf Ban, Iraq Hostage Takers Warn France" +World,Row over 'political' Cash tribute +Sports,Angry Kick Puts Cubs' Farnsworth on DL (AP) +World,"With 9/11 as G.O.P. Backdrop, Families Express Raw Emotions" +Sports,U.S. Men Salvage Some Pride with Basketball Bronze +Sports,U.S. Salvages Bronze +Sports,US basketball loses to Argentina +Sports,"Guerrouj Captures Gold in the 5,000" +World,Russians Find Explosives on 2nd Plane +World,2 Arrested in Alleged NYC Subway Bomb Plot +Sports,U.S. Lose 400 Relay +World,Bush Readies Second-Term Proposals for RNC +World,Israel Denies U.S. Official Gave Secrets +Sports,US NBA stars beat Lithuania to win Olympic men #39;s basketball bronze +Sports,Trulli upsets M. Schumacher for F1 pole +Sports,"Olympic Wrap: Momentous Doubles for El Guerrouj, Holmes" +World,Manmohan pays tributes to RN Goenka +Sports,Titans' Brown Ready for George Comparisons (AP) +Sci/Tech,Kerry Debate Shows Fickleness of Memories (AP) +World,Bush Record Suggests Two Presidencies (AP) +Sports,"Men's Basketball: Argentina Beats Italy, Takes Gold" +Sports,"With Drug-Tainted Past, Few Track Records Fall" +Sports,A Family of Coaches Has Followed Its Leader +Sports,"As Rosters Expand, Yanks Look for Pitching" +Business,BA launches inquiry +World,Kidnappers give French 48 hours +World,Bangladesh gripped by third strike after deadly grenade attack +World,Election waiting game continues +World,Bomb in Spain after ETA warning +World,Bleak outlook for Cambodian gem diggers as mining firms move in (AFP) +Business,Will It Be Trash or Tribute? Bottle Stands on the Edge +Sports,Hu wins China #39;s record sixth Olympic diving gold medal +Sports,Slesarenko Strikes Gold +Sports,Losing run is becoming a quot;nightmare quot; - Smith +Sports,US Women's NBA stars solve Aussie test to win third gold in a row (AFP) +World,Surging oil prices lighten already-meagre African pocketbooks (AFP) +World,Philippines' Little Vietnam dwindles as refugees move out (AFP) +World,"Medal mania: Canada picks up gold, silver and bronze on the water at the Games (Canadian Press)" +World,American Men Salvage Bronze in Basketball +World,"Delegates, Protesters Descend on New York" +World,Alleged Leak to Israel Probed for a Year +World,"U.S., Shiites Fight in Baghdad; 5 Killed" +Sci/Tech,New MOM to ease Microsoft management +Sports,Asian-angrez Khan is #39;Best of British #39; +Sports,FRIEDEL: SAHA HANDLED FOR GOAL +Sports,Slesarenko wins high jump +World,GOVERNANCE: A momentous change in Islamabad Ravian +World,Bangladeshi leaders under pressure +Business,"Elephants, bulls and bears, oh my!" +Business,Fleet #39;s turn +Sports,Can US salvage a bronze? +Sports,DNA evidence in Kobe Bryant case may have been contaminated +World,Indian PM to convene APC ahead of Kasuris visit +Business,Credit Suisse to integrate CSFB +Sci/Tech,Nokia launches enterprise security initiatives +Sports,Athletics: El Guerrouj wins historic double over Bekele +Sports,Everton has rejected three bids already +Sports,Hewitt reaches final on Long Island +Sports,Annus to appear at IOC disciplinary hearing Sunday +Sports,Saved at the death +Sports,Rain plays into Trulli #39;s hands +World,"US, Afghan Soldiers Arrest 10 Suspects" +Sports,Phillies' Wade Says Bowa to Finish Season (AP) +World,Damaged Wire Delays Trains En Route to RNC (AP) +Sports,"El Guerrouj, Holmes Stride Into Olympic History" +Sports,Funk Takes One Shot Lead at Buick Championship +Business,US commercial property loans rise in 2nd quarter +Business,Also from this section +Sports,United back in for Rooney with 25m bid +World,Rebel groups boycott Dardur talks +World,Militants Claim Kidnapping Of French Journalists; Demand France <b>...</b> +Sports,Manning's Performance Raises Questions for Giants +Business,7 airlines to sell tickets on new electronic system +Business,Truckers call off week-long strike Joint panel to look into <b>...</b> +Business,No rescue for Alitalia warns Italy +Sports,The day #39;s milestones +Sports,NO REGRETS FOR RADCLIFFE +World,A Very African Coup +Sports,Jacobsen Leads Mariners Past Royals 9-7 (AP) +World,Bush barnstorms battleground state ahead of party convention (AFP) +Sports,NL Wrap: 5-Hit Beltre Leads Dodgers to Win Over Mets +World,Dyke accuses Blair over Iraq war +Business,Olympians in pursuit of marketing gold +Sports,Powell calls off Athens visit after protests +Sports,Borzakovskiy snatches 800 metres gold +World,Hunger Striking quot;Palestinian quot; Prisoners Get No Special Treatment +Sports,Astros Hang on to Beat Cubs 7-6 (AP) +World,Eurostar traffic not affected by workers' strike (AFP) +Sports,Multicar Teams Could Gang Up on Others (AP) +World,BBC shake-up to mean job losses +World,Russia Finds Trace Explosives on 2nd Plane +Sports,Plug and Play +Sci/Tech,"Google, Shmoogle. The Biggest I.P.O.'s Went Unnoticed." +Sci/Tech,Acceptance Letters +Sci/Tech,Building a Better Soundtrap +World,Debate opens on 'honour killings' +Sports,Ferguson: it #39;s Monday at Earliest for Rooney Deal +Sports,Testing Positive +Sports,Khan unfazed by mind games +Sports,Monty could get nod despite loss of form +Sports,Park uses late rally to take lead at Wachovia Classic +World,Moroccan bus crash kills 29 +Sports,Clark Homers 3 Times in Yankees' Rout (AP) +Sports,Martin Is Determined to Remain Competitive +Business,Is the Food Industry the Problem or the Solution? +Business,Don't Run From That Portfolio. Tweak It. +Sports,Jimenez leads the pack as Ryder Cup race hots up +Sports,Park opens up one shot lead +Sports,Trulli claims pole at Spa +World, #39;She won #39;t give up on him as long as she draws breath #39; +World,Parliament should sit if election not called: Latham +Business,Aluminum Beer Bottles May Render Koozies Obsolete +Sports,Argentina wins first basketball gold +Sports,No hitches for hero Hicham +Sports,The awesome foursome +Sports,Radcliffe #39;s shot at redemption backfires +World,Coy Howard in call to arms +Sports,"Dream Team Salvages Bronze, Dignity (AP)" +Sports,Another Bad Handoff Dooms U.S. Relay Team (AP) +Sports,Grace Park Takes Lead at Wachovia Classic (AP) +World,Ex-BBC Journalist Blasts Government Over Hutton +World,Pope Returns quot;rare icon quot; to Russia #39;s Orthodox Church +World,Dutch Arrest Saddam's Suspected Nerve Gas Supplier +World,Iran Ready to Provide Nuke 'Guarantees' (AP) +World,Fox fires police chief over mob attacks +Sports,Mrs A could mean far more to London than Mrs B +Sports,Radcliffe #39;s real test goes far beyond the pain +World,Portugal bars abortion ship +Sports,NL Wrap: 5-Hit Beltre Leads Dodgers to Win Over Mets (Reuters) +Sports,"Brown Struggles Early, but Yankees End It Fast" +World,"Soldier, Militant Die in Resurgence of Gaza Fighting" +Sports,Siew Ai fails to make the cut +Sports,Schumacher stays on course +World,Regions and territories: Chechnya +World, quot;Lion of Herat quot; offered way out of west Afghan crisis +Sports,"Twins Snap Angels' Winning Streak, 7-1 (AP)" +World,Kerry Says He's in a 'Fighting Mood' (AP) +Sports,Birdstone Shows Belmont Was No Fluke +Sci/Tech,Does a NY Supreme Court judge say that the Central Park lawn is more important than free speech? +Sports,Maligned Team USA settles for Bronze +Sports,AL Wrap: Blue Jays Blitzed by 6 Homers from Yankees +World,Yemeni Militants Convicted of Terrorism (AP) +World,Australian PM to Call Oct. 9 Election - Media (Reuters) +Sci/Tech,Kerry Debate May Show Fickleness of Memory (AP) +Sci/Tech,Explorer Overshadowed by Lewis and Clark (AP) +Sci/Tech,Alaska Brown Bears Gather for Salmon Feast (AP) +Sports,Aggression Pays Off for Buick Leader Funk +Sports,"No Lie, the Moment of Truth Grows Near" +Sports,China offended by Nike advertisement +Sports,Wolves appoint Hoddle +Sports,"Rivers Hot, Then Cold" +Sports,PARK #39;S STRONG FINISH +Sports,Trulli and Alonso profit from Renault #39;s compromise +World,Vatican returns artifact to Russian church +Sci/Tech,US Says Over 100 Arrested in Internet Crime Sweep +Sports,Encarnacion Leads Marlins Over Rockies 4-3 (AP) +Sports,Funk Regains Buick Lead With Late Rally (AP) +Sports,Sides talk drug tests +Business,There are pledges and then there are real pledges +Business,Klezmer #39;s Final Frontier +Sci/Tech,Microsoft sets 2006 target for next Windows version +Sports,"For Duncan, No Fun In Games" +World,Chechnya to hold presidential election +World,Iran vows to develop peaceful nuclear technology +World,Chechens to Elect New Leader in Shadow of Violence (Reuters) +World,Iraqi Militants Hold 2 French Journalists (AP) +Sports,Horna Ends Paradorn Bid for Long Island History +World,Chechens to Elect New Leader in Shadow of Violence +World,"Chinese, Indian Troops Hold Mountain Exercise" +Business,"In Visits, Janey Charts Reforms" +World,Hostage takers say end headscarf ban +World,Taiwan Rescuers Dig Out 7 Bodies Buried in Landslide +Sports,Buccaneers Defeat Dolphins 17-10 (AP) +Sports,Nevin Drives in Three As Padres Beat Expos (AP) +Sports,Likhovtseva Wins Forest Hills Title (AP) +World,"Indian, Chinese troops hold mountain exercise (Reuters)" +World,'Gloria' Singer Laura Branigan Dies at 47 +Business,The Bush-Kerry Tax Duel +Sports,Guerrouj makes history in middle-distance running in second-last <b>...</b> +Sports,Day 15: China totals 31 after volleyball gold +World,Yemeni court convicts 15 +World,Hearings Open With Challenge to Tribunals +Business,State treasurer threatens to withdraw some funds from Bank of <b>...</b> +Sports,Bovina stuns Dementieva in semis +Sports,Rooney #39;s private life no concern to Sven +Sports,China emulate #39;84 success +Sports,France wins 1st cycling gold at Athens Olympics +World,Militants kidnap two Frenchmen +World,Sikh millions gather for historic jubilee +Sports,Phillies Rally to Beat Brewers 4-3 (AP) +Sports,Canada Ties Slovakia in Hockey World Cup (AP) +Sports,Cutdown Day Arrives +Sports,Santana Keeps Cruising +Sports,Jones should quot;lose all medals if guilty quot; +Sci/Tech,Next Windows Is Losing Data-Storage Tool (AP) +Sci/Tech,Duke Welcomes Freshmen With New iPods (AP) +Sports,Bills Backup QB Carted Off With Hurt Knee (AP) +Sports,"Johnson Has Two Goals, Burn Beat Fire 4-1 (AP)" +Sports,Earnhardt Ends Slump With Bristol Win (AP) +Sports,NL Wrap: Baseball-Five-Hit Beltre Leads Dodgers to Win +World,Analysts: Putin Has Squandered Influence (AP) +Sci/Tech,Illegal immigrants avoid Charley relief +Sports,"Argentina takes basketball gold, US settles for bronze" +Sports,Rooney on his way to Old Trafford as United raise bid +World,France scrambles to free kidnapped journalists +Sports,Taylor Scores 2 TDs As Ravens Beat Lions (AP) +World,Blair's office like Nixon White House: ousted BBC chief (AFP) +Sci/Tech,Security software targets Windows-based phones and PDAs +Sports,PGA Changes Dates of Grand Slam of Golf (AP) +World,Protesters March Across Brooklyn Bridge (AP) +World,Australians to vote on 9 October +Sports,USOC sends International Gymnastics Greetings +World,Plane Crashes Won #39;t Hurt Putin In Chechen Vote +World,Khatami says IAEA must accept Iran #39;s right to enrich uranium +Sports,Era of Dream Team terminated in Athens +Sports,United raise stakes for Rooney +Sports,China wins first women #39;s volleyball Olympic gold in 20 years +World,Australian PM Howard calls general election on October 9 (AFP) +World,Dutch Arrest Saddam's Suspected Nerve Gas Supplier (Reuters) +Sports,USC Edges Va. Tech +World,From War-Torn to Wonderland +World,Rebels in Sudan Region Say No Letup in Attacks +World,Plane Crashes Won't Hurt Putin In Chechen Vote +Sci/Tech,"At Last, Microsoft Starts the Music" +Sci/Tech,"Consultants Deliver Politics To Voters' Inboxes, at a Price" +Business,Ceasefire in Najaf helps to steady global oil prices +Sports,Marion Jones bombs out of Athens +World,Moscow faithful hail return of cherished icon +World,Manmohan hopes peace process to continue: New PM greeted +Business,ECB to intervene in euro market +World,Nigerian troops to leave for AU mission in Darfur on Monday +Sci/Tech,New version of Windows planned for 2006 +Sports,Rooney unhappy with Everton +World,"Yemeni sentenced to death, others jailed over Limburg bombing" +World,Powerful Typhoon Poised to Strike Southern Japan (Reuters) +Sports,AL Wrap: Blue Jays Blitzed by Six Homers from Yankees +Business,Give Teachers a Break +Business,A Glut of New and Used Cars +Sports,Earnhardt Jr. Snags Win +Sci/Tech,Science sidelined +World,Crisis in Darfur +World,French journalists kidnapped in Iraq over headscarf ban +Sports,Mariners Sweep Royals in Doubleheader (AP) +Sports,"U.S.C. Finds Its Footing, and a Star, Just in Time" +Sci/Tech,The problem with M. Night Shyamalan +World,Clashes Break Out in Baghdad +Sports,Izenberg: American style of basketball can #39;t cut it on foreign <b>...</b> +World,Powerful Typhoon Poised to Strike Southern Japan +Sports,Rapids Play Earthquakes to 0-0 Tie (AP) +Sports,Samford Tops West Alabama 34-20 in Opener (AP) +World,Mahatma Gandhi inspires new Canadian rights museum (AFP) +Business,Google options lure heavy volume +Business,Those who have are spending it +Business,Rock-Tenn to Close Minn. Plant +Sci/Tech,City Dining Is Still Expensive but It Has a Different Accent +Sports,Scott Simon Essay: Paul Hamm #39;s Medal +World,Iran ready to guarantee it wont make nukes: Khatami +Sci/Tech,Administration Shifts On Global Warming +Sci/Tech,"New world, more on horizon" +World,29 killed in Moroccan bus collision +World,Australians to Go to the Polls on Oct. 9 +World,Bush says Kerry was 'more heroic' +Sports,Birdstone Proves Worth +Sports,Peete Completes Rally +Sports,Khan sets sights on gold +World,India Steps Away from the Old Song and Dance +Business,Drug labels to reflect suicide link +Business,When home means vulnerability +Business,How an accountant made poker a draw again +Sci/Tech,Microsoft timing is late for schools +World,Explosive traces found in 2nd Russian wreckage +World,Disgusted voters say decision was made in Moscow +World,"Yemen sentences one to death, 14 to jail on terror charges" +World,"Iran will provide nuke guarantees, declares Khatami" +World,Chechens Vote to Replace President (AP) +Business,Agriculture minister argues case for opening US border to live <b>...</b> +World,Russia Finds Trace Explosives on 2nd Plane (AP) +Sports,U.S. Men Salvage Some Pride with Basketball Bronze +World,Clark Homers 3 Times in Yankees' Rout +Business,Hitting the wall +Sports,Teenage Khan goes for gold +World,Iran to continue nuclear program +Sports,Despatie least likely disappointment +Business,Gambro Sells U.S. Kidney Clinics Unit +Sci/Tech,Service pack installation could be confusing +Sports,Few easy Ryders on European squad +World,Dhaka to announce reward for disclosing grenade attacker #39;s <b>...</b> +World,Typhoon pounds southern Japan +World,"One country, two systems #39; model a barrier to democracy, speakers <b>...</b>" +Sci/Tech,"A Greener Globe, Maybe" +Sci/Tech,When Bats and Humans Were One and the Same +World,Siberian cubs get radio collars +World,Chechens Look to Election With Fear and Resignation +World,FACTBOX-How the Australian election process works +Sci/Tech,Here's the Nobel. Now Explain It to Your Grandmother. +Business,JB Oxford sued for improper trading +Sci/Tech,White House cites human role in global warming +Sports,Aussie will face Srichaphan or Horna +World,War crimes hearings may take years +World,Macau's leader wins second term +World,"Shootout Kills 2 Ariz. Officers, Wounds 1" +Sci/Tech,New Remedies for a Frustrating Illness. But Do They Work? +Sci/Tech,America #39;s divide on stark display +Business,Venture Capitalists Studying Google IPO for Ideas +Business,The Gas Misers +Business,All Business: Corporate pension crisis still looming +Sports,"Judge not, lest ye be judged" +Sports,Federer aims to put out New York #39;s Bush fires +World,Explosives residue found in wreckage of other Russian jet; new <b>...</b> +World,Macau #39;s leader wins second term +World,"Philippine Floods and Landslides Killed 32 People, AFP Says" +Sports,Joys of summer +Sports,US finishes on right side of track +Sports,Manager's image is sharper +Sports,Beijing ahead of Games for '08 +Sports,Transactions +Sports,Table hockey is too limited +Sports,Pointing out alternatives +Sports,Trojans pull rank on Virginia Tech -- barely +Sports,Woods is still the one -- but Singh is closing +Sports,Leading role for Hamm +World,Emergency talks on Iraq hostages +World,Resignation and fear pervade today #39;s elections in Chechnya +World,22 held after Afghan gun battle; renegade clan leader seized +Sci/Tech,"Sometimes, Doctors Find Answers Far Off the Charts" +Business,High-risk danger for Commerce +Business,"With ads easier to dodge, companies eye new ways to get out the message" +Business,Locking in the price of heating oil is no safe bet +Business,Comcast to market new video recorder +Business,"In one man's view, leaders shortchange strategy" +Business,An insider's take on revamping US health policy +Business,Banks didn't merge to create more jobs +Business,Users hope eBay's stake won't ruin Craigslist +Business,Fund newsletter parts Fool and his money +Business,Wineries in South Africa give a boost to blacks +World,Damage at Shi #146;ite cemetery stirs up complex feelings in Najaf +World,Lawmaker says he #146;s been barred +World,Distrust hurts effort to end polio in India +World,Once-sacred spaces go condo in Montreal +World,End to N. Korean crisis sought +World,Dark chocolate found to aid blood flow +Sports,Holmes given Olympic honour +Sports,WHAT THE PAPERS SAY +Sports,Format Helps Top Teams Stay on Top +Sci/Tech,Nokia and Vodafone Team Up on Mobile Java Standards +Sports,Russian captures Pilot Pen for her third WTA title +Sports,UA graduate places 19th on mountain bike +Sports,Funk shakes off slow start +Sports,Source: Colombian Cyclist Fails Drug Test (AP) +Sci/Tech,Raw Eggs? Hair of the Dog? New Options for the Besotted +Sci/Tech,"String Theory, at 20, Explains It All (or Not)" +Business,"Jobs of British Airways Directors Under Threat, Telegraph Says" +Sports,Now this is fantastic +Sports,"McGill tames nerves, Berkleigh" +World,Tape Shows Missing French Journalists +World,Opposition groups boycott Prime Minister confidence vote +Sports,Dream in the tank +Sports,Silver lining navigated on high seas +Sports,Focal point +Sports,Lopez adds to trophy chest with ease +Sports,Earnhardt takes Sharpie 500 +Sports,"Beltre, Dodgers belt Mets" +Sports,Legendary double for El Guerrouj +Sports,Dashing performances +Sports,Cuban influence benefits Thai +Sports,Yankees destroy Jays +Sports,Birdstone reigns during storm at the Travers +Sports,Ramirez sits as injuries continue to bug +Sports,Notables +Business,"Strike not called off, only deferred: Truckers" +Business,Move to block health deal +Sci/Tech,NK Faces Severe Environmental Problems: UN +Sports,Everything changed for Roddick after Open +World,IRAQ: Gripped by an uprising the US can #39;t defeat +World,Israeli troops kill armed Palestinian infiltrator +World,Rocket kills one Pakistani paramilitary scout +World,Clashes Break Out in Lebanon Refugee Camp (AP) +World,Australian PM Announces Oct. 9 Election (AP) +Sports,"Bovina beats heat, Dechy in Pilot Pen final" +Sports,China rallies to v-ball win +World,Man dies in blast as Chechens go to polls +World,French PM calls emergency meeting over journalist hostage in Iraq +Sports,South Korea Files Petition on Scoring Error With CAS +World, #39;Suspect Package #39; Man Dies in Polling Day Blast +World,"Howard, Latham battle for Oct 9 poll" +World,IDF kills gunman crawling toward security fence +World,Blast Kills Man Near Chechen Voting Area +Business,July market commentary +Sci/Tech,US Call Centers To Continue Migration Overseas - Report +World,US troops battle in Shia slums +World,India Test Fires Nuclear-Capable Missile +Business,Composer reiterates anti-Jewish comments +Sci/Tech,What #39;s that sound? Bose is tinkering with the suspension +Sports,Real dream team nails three-peat +Sports,Time out for Acuff +World,French Hostage Crisis Adds Tension to Headscarf Ban +World,Lewinsky and Loos dish on kiss-and-tell after Clinton and Beckham (AFP) +Business,Bush has grand health plans; some are skeptical +Sports,Bush comes up big for top-ranked Trojans +World,Chechnya goes to polls; man blows himself up in Grozny +World,Australian leaders prepare for October poll +World,"Three Dead, Several Wounded in Lebanon Camp Clash" +Business,Hang Up on This Stock Tip +Sports,Athletics: A satisfying double distance twist +Sports,It #39;s a US women #39;s world +Sports,Gold for GB sprint four +World,India Test Fires Nuclear-Capable Missile (Reuters) +Business,BA heads to roll over flights chaos +Business,A tax shelter factory bared in KPMG memos +World,India Test Fires Nuclear-Capable Missile +Sci/Tech,"Internet free speech laws, Chapter Whatever (SiliconValley.com)" +World,India test fires nuclear capable missile (Reuters) +Sports,BCS situation is enough to give anyone a headache +World,Quest for holy grail of game controllers +Business,Florida recovers from Hurricane Charley +Sci/Tech,"Sun, Dell Lead Server Sales" +Sports,Roddick aiming for back-to-back Opens +World,40 injured in French motorway pileup +World,India Test Fires Nuclear Capable Missile +World,Pipeline Explodes in Iraq's South Rumaila Field +Sports,Agassi tries to work major magic at age 34 +Sports,BROADSHEET/ COMPACT VIEWS +World,Presidential Vote Under Way in Chechnya Amid Fears of Violence +World,France Seeks Return of Reporters in Iraq Amid Headscarf Threat +Sci/Tech,Fischer Delivers Strong Message in Syria +Sci/Tech,Israel central to Intel #39;s future research +Sports,Russia Beats U.S. Men for Volleyball Bronze +Sci/Tech,"Experts Welcome, But Doubt, Bush Climate Softening (Reuters)" +World,Chechens Vote for New Leader; 'Bomber' Kills Self +World,Singer Laura Branigan dies at 47 +World,Behind Enemy Lines: Advice From a Partisan +Sports,Rogge: IOC accepts human error not manipulation in judging +Sports,Live: Khan v Kindelan +World,Interpol experts at Dhaka to help probe into AL rally blasts +World,"Republicans, protesters mass in New York (AFP)" +Sci/Tech,China Launches Mapping and Surveying Satellite +Sci/Tech,Intel Offers Three-Way Wi-Fi Support +Sports,Golds All Round for Athens from IOC Chief +Sports,Backley scrapes Edward praises Khan for taking acclaim in his <b>...</b> +Sports,Horna to face Hewitt in finals +World,Explosives Found In Wreckage Of Both Russian Planes +World,"US, UK Knew of Equatorial Guinea Plot, Sunday Times Says" +World,PM advised complete rest today +World,"Eight dead, 46 injured in French motorway pileup (AFP)" +Sci/Tech,China launches science satellite +Sci/Tech,EU insists on WMD clause in accord with Syria +Sci/Tech,It #39;s best to keep firewalls from competing +Sports,"At Buick, Funk Is One Round From First Victory in 6 Years" +World,Najaf Battle.. Sistani Wins Big +World,FRENCH HOSTAGES TALKS +World,Explosion kills eight in southeast Afghanistan +Business,BA to Investigate Staff Shortage Crisis +World,Typhoon hits southern Japan +World,Online Statement Denies Vatican As Target (AP) +World,Three Pakistani soldiers killed near Afghan border (AFP) +World,Israelis Fear Fallout from Pentagon Spy Probe +World,U.S. Women Show Dream Team How It's Done +World,S.C. Residents Brace for Gaston +Sports,Kindelan stops Khan #39;s run to gold +Sports,Langers picks could define new Ryder era +Sports,Twins End Angels' Nine-Game Winning Streak (AP) +World,Israeli Army Kills Gunman in Gaza Strip +World,India Test Fires Nuclear-Capable Missile +Business,Oil Higher on Iraq After Heavy Fall +Sports,China rallies for gold in women #39;s volleyball +Sports,What we learned +World,Kremlin candidate favourite as Chechens vote amid fears of <b>...</b> +Sci/Tech,Footprints on the Moon +Sci/Tech,Alaska Brown Bears Gather for Annual Salmon Feast +Sports,"El Guerrouj is doubly good Distance king, Great Britain #39;s Holmes <b>...</b>" +Sports,Master Kindelan stops pupil Khan #39;s great run +Sports,Roon: Its time to leave Everton +World,"US troops clash with assailants in northern Iraq, killing two <b>...</b>" +Sci/Tech,Duke University Welcomes Freshmen With New iPods +World,Israeli Army Kills Gunman in Gaza Strip (Reuters) +Business,Shelley #39;s career is a study in contradictions +Sports,Golds all round for Athens from IOC chief +Sports,Silver boxing medal for teenager Khan +World,Sikh community celebrates 400 years of installation of holy <b>...</b> +Sports,Silver medal for Amir Khan +World,Ten dead in bomb blast +World,Saboteurs blow up Iraq oil pipeline +World,"Rocket, bomb kill two Pakistani soldiers (Reuters)" +World,Blast Kills Man at Chechen Polling Station +Sports,Coaching likely in Staley #39;s Olympic future +World,German FM Joschka Fischer arriving Monday. +Sci/Tech,Week ahead: Apple #39;s Paris buzz +Sports,S Korea lodge appeal in Hamm medal row +World,Blair tried to bully BBC over Iraq coverage +World,"Iran Hosts Iraqi Official, Eyes Better Relations (Reuters)" +World,Slovaks Commemorate Start of Revolt (AP) +World,Big Explosion Rocks Afghan Capital (AP) +World,Largest Protest of Week Expected in NYC (AP) +Business,BA staff to get cut-price flights +World,RPT-Blast in Kabul Kills Several People-Witnesses (Reuters) +World,Palestinian PM Qorei set for talks in Egypt (AFP) +World,Bangladesh opposition calls for Monday strike (Reuters) +World,Florida Hopes to Get It Right in Primary Ballot (Reuters) +Business,BA staff to get cut-price flights +World,German FM: Iranian nuclear arms buildup would be a #39;nightmare #39; +World,Ex-head of BBC says Tony Blair lied +World,Welcome to New York. Now Go Hail a Cab. +Sports,South Korean gymnast goes to sport court to get gold medal +Business,British Airways to Conduct Internal Probe Into Canceled Flights +Sci/Tech,UN Publishes Environmental Report on North Korea +Sports,Rooney hovers between Manchester United and Newcastle +World,Ten dead in Afghanistan bomb blast: US military +Business,Investors Take a Holiday (Reuters) +Business,Intel Clouded by Back-To-School Fears +Business,Investors Take a Holiday +World,Largest Protest of Week Expected in NYC +World,Deadly Blast Mars Chechen Voting +Business,Canadian Banks Target US as Springboard to Success +Business,"Air J pilots pay bill poses danger to airline, says official" +Business,Brown-Forman to make first move in 300m Glenmorangie bid battle +Sci/Tech,Intel Clouded by Back-To-School Fears +Sports,Korean Olympic Team Files Petition with CAS +Sci/Tech,Intel Clouded by Back-To-School Fears +Sports,Korean Challenges Hamm Gold +World,Militants Holding French Journalists Demand End to Ban on Scarves +World,Celtic in seventh heaven as Thompson strike clinches win against Gers (AFP) +World,One Dead in Afghanistan Explosion (AP) +World,Kremlin Man Heads for Win in Tense Chechnya Poll +World,"Three Americans, Two Afghans Killed in Kabul Blast" +Sports,China squashes little grasshopper #39;s shoes +World,Somalia forms central government +Sports,"Belgian GP, Race" +Business,Investors Take a Holiday +Business,Van Wagoner barred from mutual fund industry roles +Sports,Schumacher finishes second at Spa but still claims seventh season <b>...</b> +World,Sistani #39;s Initiative +World,"Three Americans, Two Afghans Killed in Kabul Blast" +World,Bush: Kerry's Vietnam Tour 'More Heroic' (AP) +World,Effort Intensifies to Secure Penn Station (AP) +Business,Quenching a big thirst +Sports,Younger players will lead next run for basketball gold +Sports,Stale memories of Athens +Sports,Jimenez wins BMW International Open by two shots +Sports,Serving up a Slam to savour +World,"Tribal Leaders Meet US, Iraqi Officials For Al-Sadr City Talks" +World,French ministers meet over kidnapping +Sports,Birdstone Shows Belmont Was No Fluke +Sports,Hammer Gold Medallist Annus Loses Medal +World,Two Afghan Blasts Kill at Least 15 People +Sports,This Jersey wears on star +World,Big Anti-Bush Protests Expected in NYC +Sports,U.S. Wrestlers Shut Out +Sports,Gymnast Goes to Court +World,France demands release of hostages +World,Afghan School Explosion Kills 10 +World,Damascus feels Beirut #39;s ripple effect +World,Mugabe claims Blair trying to oust him +Sports,"El Guerrouj, Holmes complete doubles; Americans yield" +Sports,Athletics: Clumsy US relay teams hand foes gold +Sports,"Casey, Howell lock up Ryder Cup berths" +Sports,Four Secure European Ryder Cup Spots (AP) +Sports,Middlesbrough 3 Manchester City 2 +World,G.I. Says Prisoner Humiliation Encouraged (AP) +World,Equatorial Guinea coup plotters deserve firing squad: president (AFP) +Business,Personal wealth column +Business,Rampaging elephants trample bulls +Sci/Tech,"California Cities, Counties Sue Microsoft" +Sports,Warner to Start at QB for Giants (AP) +Sports,Jimenez Wins BMW Open; 4 Claim Ryder Spots (AP) +World,Muslim Leaders Condemn Kidnappings (AP) +Sports,Singh shows us a side we didn #39;t know he had +Sports,Alonso thinks of what might have been +Sports,Giants to Start Warner +Sci/Tech,ARMCHAIR MBA Buffing the Image of the Chief Executive +World,"Australia #39;s Howard to Campaign on Record, Latham Pledges Change" +Sci/Tech,Microsoft sets date for Longhorn +Sports,Sensational Saytiev wrestles back to the top +World,"UK #39;s Blair Liar or Incompetent, Says Former BBC Director Dyke" +World,"8 Dead, 54 Injured in French Auto Pileup" +World,Gandhi's Grandson Urges Palestinians to March Home (Reuters) +World,Two Afghan Blasts Kill at Least 15; Taliban Claims 1 +World,Gandhi's Grandson Urges Palestinians to March Home +Business,China to modernise rail routes +World,Six Dead in Afghanistan Explosion +World,Iraqi Leaders Meet in Peace Effort +World,"75,000 Without Power As Storm Slams S.C." +Business,Kerry hits Bush on economy +Business,"No winners in Powerball, Hoosier Lotto" +Sports,Coughlin taps QB ahead of schedule +Sports,Marlon hails sprint revival +World,Evidence on second plane backs terror fear +Business,"Olympic Games were good investment, says Greek economy minister (AFP)" +Sports,Rogge wages war on drugs cheats +Sports,"Monty, Donald in Ryder Cup" +Sports,Wayne rooney disappointed in Everton +Sports,Giants tab Warner as starter +Sports,Jays left stranded vs. Yanks +Sci/Tech,"Internet Turns 35, Still Work in Progress (AP)" +Sports,France's Testud Pulls Out of U.S. Open (AP) +Sports,Marathon Leader Pushed Off Road by Protester +World,AP Survey: Terror Fight Is RNC Priority (AP) +World,"Iran Hosts Iraqi Official, Eyes Better Relations" +World,Anti-Bush activists on the march +Sci/Tech,NASA Says Shuttle Is On Track for May Flight +Business,WEEKAHEAD-Emerging debt trade seen thin ahead of US jobs data +Business,Nursing homes no haven +World,France Pleas for Release of Journalists +Sports,Open-Roddick can #39;t wait for #39;electric #39; atmosphere +World,Kremlin Candidate Favourite As Chechnya Votes Amid Violence +World,Bangladesh #39;s Opposition Party Calls for Another Strike +Sports,Baldini Wins Marathon +World,Iraqi Leaders Meet in Peace Effort +Sci/Tech,China Launches Satellite +Sports,Basketball: US coach right behind team +Sports,Rogge gives top marks to Athens +Sports,Athletics: It #39;s Britain by a vest thickness +Sports,Diving: Hu steps up to take diving gold +Sports,Athletics: Russian flies high for gold +Sci/Tech,Judge Bars R.I. Man From Sending 'Spam' (AP) +World,"AU Probes Darfur Allegations, Peace Talks Resume (Reuters)" +Sports,Montgomerie Gets Spot on Ryder Cup Team (AP) +Business,Crude oil futures start heading down +Sports,Monty #39;s in; Langer adds Montgomerie and Donald +Sports,Tae-young goes to court +World,Standoff bolstered Sadr #39;s support +World,Explosion Kills 7 at US Firm in Kabul +Sports,Italian Wins Bizarre Men's Marathon (AP) +World,Two Turkish Hostages Freed in Iraq (AP) +World,Sudanese peace talks restart after one-day rebel boycott (AFP) +World,"Iraq Shadows Bush Presidency, Campaign (AP)" +Sports,Greece set for Games finale +Sports,Veterans lead way for US women +Sports,"Italian first, American surprising second in bizarre marathon" +World,Chirac sends foreign minister to Middle East to negotiate on Iraq hostages (AFP) +Sci/Tech,Farmers' Almanac Predicts a Wild Winter (AP) +World,Two Afghan Blasts Kill at Least 17; Taliban Claims 1 +World,MTV Turns Up Celeb Heat in Sizzling Miami +Business,Tax Cuts Still Cornerstone of Bush Economic Plan +Sports,Doping cases hit record +Sports,"Triumphant Olympics End With Pride, Relief (AP)" +World,African Union Probes Cease-Fire Violation (AP) +Sports,Tiger Woods Opens Calif. Education Center (AP) +World,Two turns of a screw lay behind Sea King crash on destroyer deck - report (Canadian Press) +World,"Kremlin's Man Wins, Early Results in Chechnya Show" +Sci/Tech,Lanka may withdraw \$5 million SCI suit +Sports,"Marathon leader attacked, but result stands" +Sports,Athens closes 2004 Olympic Summer Games with pride and relief +Sports,Ferguson bemoans finishing +World,Afghan children killed in blast +World,Sudanese peace talks restart after rebel boycott as UN deadline expires (AFP) +Sports,Baldini Triumph in Marathon Marred by Intruder +World,"Anti-Kerry Ads Not Unfair, Laura Bush Says (Reuters)" +Sports,Ward Wins Gold +Sci/Tech,No entry for spam +Sci/Tech,Cut n #39; paste and colour codes +Sports,Schumacher Wins Seventh F-1 Title After Second Place in Belgium +World,Somalia inaugurates transitional gov #39;t +Business,United Parent Reports \$6M Profit in July +Sci/Tech,Turning the corner +Sports,Baldini Triumph in Marathon Marred by Intruder +World,Car Bomb Kills 2 Americans in Kabul +World,"US, Afghan soldiers arrest 22 suspected Taliban Afghanistan" +World,"Soaring traffic fines, insurance rates have more Canadians fighting tickets (Canadian Press)" +World,"125,000 Without Power As Storm Slams S.C." +World,"Triumphant Olympics End With Pride, Relief" +Sports,Brazilian Attacked During Men #39;s Marathon +Sports,Olympics: Baldini wins Olympic men #39;s marathon marred by <b>...</b> +Sports,"ATHENS OLYMPIC 2004 / El Guerrouj grabs 2nd gold, place in history <b>...</b>" +Sports,ATHENS OLYMPICS 2004 / IOC boss Rogge hails #39;awakening of Asia #39; +Sports,China rears sporting head +World,Israeli FM cautions EU not to back new UN vote on barrier +World,Frenchmen claim discovery of Great Pyramid burial chamber (AFP) +World,"B.C. halfway house seen as killer haven was pressured into closing, says source (Canadian Press)" +Sports,Sportsview: USC Shows Its Flaws in Opener (AP) +Business,ConocoPhillips may buy up to 25 of Russia #39;s Lukoil +Sci/Tech,MIT Makes Yale Provost First Woman to Be Its Chief +Sports,"Rogge calls Athens unforgettable, dream games #39;" +Sports,Monty gets the call +Sports,Raikkonen wins Belgian Grand Prix; Schumacher second +World,Deadly Blast Mars Chechen Voting +World,Agnis suspect guidance tested +Sports,"Royals Recall Gobble, Place Sullivan on DL (AP)" +World,Two Turkish Hostages Freed in Iraq -Agency (Reuters) +Sci/Tech,FBI Probing Suspected Israeli Spy at Pentagon +World,Blast in Kabul Kills 7 at Compound of a U.S. Contractor +Business,"Update 3: US, Europe Meet on Airplane Subsidies" +Business,Conoco Said in Talks for 25 of LUKoil +Business,When Turnabout Is Not Fair Play +Sports,"US, Russia, China at the Top of the Table" +Sports,Athens Games a Watershed in War Against Cheats +Sports,Russo on Football: No. 1 USC shows its flaws +World,"Afghanistan Explosions Kill at Least 17 People, AFP Reports" +World,Latham condemns PM #39;s rates #39;scare campaign #39; +Sports,"Heskey left out of England squad, Cole back in" +Sci/Tech,Startup Launching Web-To-TV Video Service (AP) +Sports,Dunn Hits 39th HR As Reds Beat D-Backs (AP) +Sci/Tech,Digital Gear: Entertaining Gadgets +World,"Afghan Blasts Kill at Least 17, Taliban Hits Kabul" +World,Thousands Rally for Mexico Presidential Favorite +World,Poll Shows Chechen Police Official in Lead +World,Marathoner Slips to Third After Attack +World,Equatorial Guinea Wants to Quiz Thatcher in S. Africa (Update1) +World,China Bans Nike Ad +Business,Rhode Island Man Barred From Sending Junk Text Messages +Sports,Brazil Protests to CAS Over De Lima Assault +World,John Howard 1st Iraq Invader to Face Vote +World,Powerful typhoon Chaba set to hit southern Japan +Sports,"U.S. Wins Medals Race, Finishing With 103 (AP)" +Sports,Clement Leaves Game With Neck Strain (AP) +World,Separate Blasts in Turkey Wound 11 People (Reuters) +Business,GOP Convention May Briefly Lift Stocks +World,Bush Ties Attack in Saudi Arabia to Iraqi Elections +Sci/Tech,"Programs: For Stealth Lovers, 'Thief' Is a Steal" +Sci/Tech,California cities and counties sue Microsoft for antitrust +Sports,Triumphant Olympics end with pride and relief +Sports,"Song, spectacle bring 2004 Olympics to a close" +Sports,Hewitt wins Waterhouse Cup +World,Chirac Sends FM to Mideast to Win Iraq Hostage Release +World,Allawi Holds Meetings With Insurgents +World,John Howard 1st Iraq Invader to Face Vote +World,Israeli reservists deal with double lives of being civilians and <b>...</b> +Sci/Tech,"Programs: For Stealth Lovers, 'Thief' Is a Steal (Reuters)" +Sci/Tech,California Cities And Counties Sue Microsoft For Antitrust +Sports,Ochoa wins LPGA Wachovia Classic +World,Arafat appeals to kidnappers +World,Both Candidates Use McCain in Campaign Ads (AP) +Sports,"Hewitt Wins Long Island, Sends U.S. Open Warning" +World,"Triumphant Olympics End With Pride, Relief" +World,Marathoner Finishes Third After Attack +World,Chirac Presses for Release of Two in Iraq +World,"Iraqis, U.S. Officials Meet in Peace Bid" +Business,Ranks of uninsured grow to highest since #39;98 +Sports,Khan secures boxing silver +Sports,"UDPATE 1-Hewitt wins Long Island, sends US Open warning" +Sports,Angels activated Glaus from DL +Sports,Notes: Pudge out of lineup again +World,Peace talks amid fresh violence +World,Sudan Talks End in Deadlock on Humanitarian Issues +World,Equatorial Guinea president says thwarted quot;massacre quot; +World,No let-up in violence +World,Agni-II missile test-fired +Sports,More than just tennis +Sports,Liverpool lose out to Bolton 1-0 +Sports,SI.com +Sports,Fast Track America +World,Hostage Takers Widen Demands Beyond Iraqi Affairs +World,Karzai Sworn in as First Democratically Elected Afghan President +Sports,Confident Hewitt Eyes Second U.S. Grand Slam Title +Sci/Tech,"Java, Open Source, Regex, and Conformance" +Sci/Tech,Acid oceans spell doom for coral +Sports,Donald delight at call up +Sports,Benitez: Reds need time to gel +World,Democrats in N.Y. Showcase Swing Voters (AP) +World,How tragic fuse was lit in Darfur +World,Standoff bolstered Sadr's support +World,"At these Games, the big sports powers see less gold" +World,Sadly Fulfilling Marine's Dream +Sci/Tech,Longhorn on hold until 2006 +Sports,Big Fat celebration to close Games +Sports,Warner named Giants #39; starter +World,French minister attempts to secure release of journalists +World,Najaf: A Victory for Politics +World,Agni II missile test-fired again +World,Venezuela's Chavez Vows Tougher Land Reform (Reuters) +Sports,Michael Owen Stars in Real Madrid Debut (AP) +World,Some GOP Gay Rights Backers Torn Over Bush (AP) +World,Venezuela's Chavez Vows Tougher Land Reform +World,Palestinians Mourn Hero's Defeat in Arab Pop Contest +Sports,GB beat Sydney medal haul +Sci/Tech,US counties sue Microsoft +Sci/Tech,Silicon to help explain origins of the universe +Sci/Tech,Patchwork of FTAs won #39;t do - Doha Round crucial +Sports,Baton passed to Beijing as curtain comes down on Athens +Sports,Spectator assaults marathon leader +Sports,Old is gold - and twice as good +Sports,Britannia rules as baton again lets US down +Sports,Ochoa comes from behind to win Wachovia LPGA Classic +Sports,Schumi seals seventh title +Sports,Bolton hands Liverpool first EPL loss +World,Al Qaeda behind Kabul bombing +World,"MI encouraged us to torture, says US soldier" +Sci/Tech,Here Comes the Sun +World,Palestinians Bemoan 'Superstar' Loss (AP) +Sports,"Bolton Sends Liverpool to First Loss, 1-0 (AP)" +Sports,Austin Wins Buick Championship in Sudden Death +Business,Microsoft melds music to its Media +Sci/Tech,California Cities Sue Microsoft +Sports,Greece proved to be ideal host +Sports,"Basketball: Full of joy, US women win 3rd straight gold" +Sports,THE OLYMPICS 2004: BOXING: I KHAN GO FOR GOLD NEXT TIME +Sports,Mexican birdies way to title +Sports,Roddick vs. Federer could cap Slam season +Sports,Real Madrid wins its first match 1-0 in Mallorca in the Spanish <b>...</b> +Sports,Everton #39;considering #39; increased Rooney bid +Sports,Thompson #39;s perfect delivery extends Celtic #39;s domination +Sports,College Football: Tailback U takes on new meaning at Southern Cal <b>...</b> +World,PM presses interest rate warning +World,Bangladesh Opposition calls new strike +Business,Economists Back Fed View on Soft Patch (Reuters) +Business,Gas Price Up Near #36;1.88 a Gallon -Survey (Reuters) +Sports,Expect a real US NBA Dream Team in Beijing (AFP) +Business,Gas Price Up Near \$1.88 a Gallon -Survey +Sci/Tech,Still No Fix for U.S. Space Shuttle (Reuters) +Sci/Tech,Britons attack US cloning ban bid +Sports,Olympics finish on high note +Sports,China supreme heading for Beijing +World,Chechnya election has few voters +Business,Gas Price Up Near \$1.88 a Gallon -Survey +Sci/Tech,Indonesia needs to formulate country policy for WTO: Khor +Sports,Montgomerie and Donald selected for Ryder Cup +Sports,DIVING - Helm backs himself to take a dive for last-second <b>...</b> +Sports,UPDATE 1-Austin wins Buick Championship in sudden death +World,Muslims Appeal to Iraqi Captors +World,Terrorists blamed for Russian plane crashes +Sports,Olympics: Games Close with Drama Down to Last Medal +Sports,"NL Wrap: Pujols Hits 40th Homer, Reaches 100 RBI for Cards" +World,Kremlin Choice Seen Leading Chechnya Vote +World,Gas Price Drop Ends; No Spike Expected +World,"McCain, Giuliani to Hail Bush on Security" +Sci/Tech,US anglers big impact on fish stocks +Sports,Sunday #39;s Golf Capsules +World,Polish Holocaust Victims Remembered (AP) +Sports,Chiefs' Boerigter May Be Gone for Year (AP) +Sci/Tech,Peoria nurse coordinator gets honor +Sports,European Ryder Cup team finalized +Sports,Federer seeks third crown +Sports,Soccer: Ronaldo poaches the points as Owen tastes first Real <b>...</b> +Sports,Lawyers spent weekend scouring questionnaires +Sports,Austin Wins Buick Championship in Playoff (AP) +Sci/Tech,NHS GPs 'to offer online booking' +Business,YUKOS seen getting respite despite tax deadline +Business,Australia #39;s Challenger Reports Loss Of A\$235.4M -2- +Business,Australia #39;s Alinta: ACCC Won #39;t Oppose Dampier Pipe Bid-2- +Business,China Southern Airlines joins SkyTeam +Business,Feds search for 127 firearms missing from Millbrae locker +Sci/Tech,Australian Prime Minister Admits Funding Pre-Election #39;Spam #39; <b>...</b> +Sports,Baldini triumph eclipsed by De Lima attack +Sports,Khan meets his master in bold finale +Sports,Athens Asides +Sports,Sprinters turn base metal into pure gold +Sports,Winless PSG draws Saint-Etienne 2-2 +World,Sudanese govt must approve additional AU force in Darfur: al <b>...</b> +World,China sees better ties with Aziz +World,Allawi Talks to Iraqi Insurgents on Amnesty -Report (Reuters) +World,AP: Ex-Guatemala Leader Living in Mexico (AP) +Sports,Austin Wins Buick Championship in Sudden Death +World,Libyan takes Mid-East pop crown +Sci/Tech,Microsoft plays down SP2 security glitches +Sci/Tech,Mars Odyssey Begins Overtime After Successful Mission +Business,BA chief to probe delays +Sports,Mexico #39;s Lorena Ochoa wins LPGA Wachovia Classic with sparkling 65 +World,Putin ally #39;is winner #39; of Chechen election +World,Date set for Australian election +World,Typhoon set to hit southern Japan +World,"U.S., Shiites Meet After Deadly Clashes (AP)" +Sports,AL Wrap: Wakefield Three-Hitter Helps Red Sox Tame Tigers +World,Powerful Typhoon Chaba Hits Southern Japan +World,Olympics: Gold Medal for Athens' Security-With-A-Smile +Business,China Sinopec 1H Net Rises 51 To CNY16.15 Billion +Business,Eddington to open inquest into BA debacle +Business,"The Party Of Blind Hatred, Hypocrisy And Hysteria" +Sci/Tech,Oracle Extends Offer for PeopleSoft +Sports,Baldini joins legends of Marathon +Sports,China begins to exert strength +Sports,Stunning triumph vindicates relay team +Sports,SI.com +World,Gandhi #39;s grandson ends visit to W. Bank +Business,"Dollar Keeps Gains, Market Wary" +Business,Sinopec Profit Jumps on China Oil Demand +Business,"At Last, Microsoft Starts the Music" +Business,Australia #39;s Sons Of Gwalia Appoints Administrator -2- +Business,"Five dead, three injured in weekend house fires in Detroit area" +Business,Iran says it has achieved effective deterrent power +Sci/Tech,Govt denies spam campaign breaks law +Sports,China opens up for an Olympian effort +Sports,Bolton win shown live +Sports,AL Wrap: Wakefield Three-Hitter Helps Red Sox Tame Tigers +World,Australia election date set +World,Alleged coup leader Mann #39;tortured #39; +Sports,Marathoner Finishes Third After Attack (AP) +World,Stars Arrive by Yacht at MTV Video Awards +World,"U.S., Shiites Meet After Deadly Clashes" +Business,Pension plans raise concerns +Sci/Tech,Intel to make 70-megabit chip +Sci/Tech,Political spam from Aussie PM #39;s son +World,Australian campaign gets underway +World,Sudan cease-fire violation investigated +World,Powerful Typhoon Chaba Hits Southern Japan +Sports,Hewitt runs hot +Sports,Schumacher clinches 7th title +Sports,USC loses 1 first-place vote in coaches poll +World,Afghanistan Bomb Attacks Kill 16 +World,Tibetan culture falters under Chinese influx +Sports,Warner Beats Out Manning As Giants Starter (AP) +Sports,Red Sox Sweep Tigers for 6th Straight Win (AP) +World,Bush Says Kerry Uses 'Upside-Down' Logic (AP) +World,Congress Works to Pass Intelligence Bills (AP) +World,East Timor marks historic vote +World,7 Killed in Kabul as Bombing Rips U.S. Security Firm +World,G.I.'s in Talks With Rebels of Sadr Stronghold in Baghdad +Business,"Fires at homes in Waterford Township, Detroit leave 5 dead" +Business,Spanish grab initiative in bidding war for Abbey +Sci/Tech,British scientists oppose clone ban +Sci/Tech,"Fishing Just for Fun Damages Stocks, Study Finds" +Sports,Human rights shadow over Beijing games +Sports,Tim Wendel +Sports,"Austin ends drought, earns first win since #39;95" +World,7 Killed in Kabul as Bombing Rips US Security Firm +World,Thatcher inquiry to question freed men +World,India tests missile before talks +Business,Santander ready to give up RBS board role +Business,Santander moves to speed Abbey acquisition +World,Man's HIV Diagnosis Reversed 8 Years Later +World,Kremlin Choice Appears to Win in Chechnya +Business,"Santander Aims to Complete Abbey Purchase by November, FT Says" +World,Alkhanov Wins Presidential Election in Chechnya (Update1) +World,Darfur rebels put forward peace plan at talks in Nigeria +World,Iraq oil exports below normal as pipeline hit +Business,"Tales of the City, Revisited" +Business,China Southern joins SkyTeam +Sci/Tech,VeriSign dealt another legal blow in ICANN suit +Sports,It #39;s official: Giants name Warner starter for opening day +Business,"Tokyo Stocks Dip, Focus on Data" +Sports,Europe's Ryder Team Is Set +Sports,Schumacher Clinches Season Title +Sci/Tech,"World Wide Web Turns 35, But is Still a Work in Progress" +Business,"Bumper profits, but debt blows out" +Business,Labor #39;s task: to get welfare back on track +Sports,Closing Ceremony music to his ears +Sports,Davies fires winner as Trotters sink Reds +World,Iraqi delegation arrives in Iran +Business,Asian Stocks Mostly Flat to Lower +World,Bush Twins Host Pre-Convention Party (AP) +Business,Wall Street Plays Party Host +World,US firm target of deadly bomb blast in Kabul +World,Wife of N.Korean Leader Kim Jong-Il Dead -Report (Reuters) +Sports,"Elliss, Anderson Injuries Raise Concern (AP)" +World,Australian PM seen kicking off election on shaky ground (AFP) +World,Colombia wins drug lord's house +Sci/Tech,Install Moveable Type? +Sci/Tech,Torrent Joshua Kinberg being Arrested +World,"Israel, Iran Trade Threats As FBI Investigates Spying" +World,Divers Keep Smelly Sewers Flowing +Business,Latham lying on payroll tax: PM +Business,Indonesia Names 10 Prospective Bidders For Bk Permata +Sci/Tech,Royal body opposes anti-cloning bid +Sports,Boston Leaves Yanks With White Knuckles +Sci/Tech,Nextel's Next Connection +Sci/Tech,VeriSign Loses Icann Antitrust Case +Sci/Tech,Can Microsoft Stomp iTunes With a Store of Its Own? +Sci/Tech,Higher Technology for Drier Courts to Prevent a Rain-Soaked Repeat +Sci/Tech,"A PC That Packs Real Power, and All Just for Me" +Sci/Tech,Crying Out When a Child Cannot +Business,Economy hurdle looms large for Latham +Sci/Tech,Govt to propose new plan to fight global warming +Sci/Tech,Still no fix for US space shuttle +Sports,"It wasn #39;t exactly terrorism, but ..." +World,Hong Kong-PRC pact seen affecting Taiwan companies +Business,Bethesda Magazine Aims to Market 'The Good Life' +Business,Wal-Mart's Withdrawal Triggers Mixed Reactions +Business,Krispy Kreme's Failings Tough To Glaze Over +Business,"U.S. and Russia Still Dominate Arms Market, but World Total Falls" +Business,"Ads, Not Just Athletes, Were in Olympics Spotlight" +Business,Clear Channel Plays Rough in Motorcycling Battle +Business,Intel keeps Moore #39;s law on track +Sci/Tech,ISPA warn of 32 price hike and threat to ISPs +Sports,Ward KOs 8-year drought +World,Al-Qaeda follows Taliban to claim Kabul blast: Website +World,Lessons of Najaf +World,Officials deny barring pro-democracy lawmaker +World,Lee rules out assassination in shooting investigation +Sports,"Bonds and Giants Cow Braves, 9-5 (AP)" +World,Billions rolling in as Macau is transformed into Asia's Vegas (AFP) +Sports,Europe's Ryder Team Is Set +Business,Credit Suisse to Move to One Brand Name +World,Upstaging Before the Show +Business,Scorecard on the president: A mixed bag +Sports,Park blazes away to course record in LPGA Classic event +World,Chirac postpones his visit to Russia over hostage crisis +Business,Intel to throttle power by enhancing silicon +Business,Surcharge Raises Ire +Sports,"NL Wrap: Pujols Boosts Cards, Giants Delight for Bonds (Reuters)" +Sports,"NL Wrap: Pujols Boosts Cards, Giants Delight for Bonds" +Sci/Tech,Feds Target Scofflaws And Spammers +Sports,Marathon has weird intrusion +Sports,Peaceful Olympics closes with 102 US medals +Sports,Numbers Game for Schumacher +Sports,"MLB: San Francisco 9, Atlanta 5" +World,India tests Agni II missile +World,"Iran, Iraq want to bury the past" +Sports,Schumacher Wins Title +Sports,Blue Jays Snap Streak +Sports,Stadler Rallies to Win +Sports,Giambi Back Batting +World,Video Music Awards Sizzling but Shock Free +Sci/Tech,Intel to throttle power by enhancing silicon +Sci/Tech,A renaissance for the workstation? +Business,Federal-Mogul may sell T amp;N assets after pension offer snub +Business,INTERVIEW: Gwalia Has Been Approached By Gold Ops Buyers +Sports,"Bonds, Giants snap Braves #39; win streak" +World,France in crisis as Iraqis threaten to kill hostages over <b>...</b> +World,Iran: Isolation or Engagement? +World,Australia's Labor renews pledge to bring troops home from Iraq (AFP) +Business,Nikkei Share Average Falls Nearly 1 Pct (Reuters) +Business,Ticket fee feud +Sci/Tech,Windows XP SP2 -- test your applications +Sci/Tech,Back-to-school fears cloud Intel report +Sci/Tech,Apple fans abuzz over new iMac +Sports,"Doping and debts aside, it was all worth it" +Sports,Olympic torch heads off to Beijing +Sports,Right time for new A #39;s hero McMillon #39;s homer in ninth breaks tie <b>...</b> +World,"Spilled Oil, Gas Ignite in Iraq #39;s South Rumaila Field" +Business,UBS to Buy Schwab Units - WSJ +Sports,Red Sox within 4 1/2 games of Yankees after sweeping Tigers +World,"Ireland, Britain resume negotiations for peace talks" +Sci/Tech,Scientists call for UN compromise on cloning +Sports,A Greek revival Athens defied skepticism by staging #39;dream Games #39; +Sports,"Russians win all WTA events, Horna in ATP final" +World,Arms dealer says Thatcher wanted to buy two military helicopters +World,Bangladesh government offers reward to catch grenade attackers (AFP) +Sports,And the Unexpected Olympics Winner Is...Athens +Business,Credit Suisse to Move to One Brand Name (Reuters) +World,Russia's Putin set for landmark visit to Turkey (AFP) +Business,Intel shows off next-generation chips +Business,INTERVIEW: Gwalia Approached By Gold Ops Buyers -2- +Sports,"Langer goes with experience, then youthful Donald for the <b>...</b>" +World,Chechnya president rules out talks with separatist leader +Sports,"As it turns out, the Greek way proved to be the right way" +Sports,"Hey, Yankees here come the Red Sox" +Sports,Hammer time Bonds belts 2 HRs as Aaron watches Giants win +Sci/Tech,Microsoft hit by monopoly suits +Sports,Keflezighi wins silver in marathon for last US medal +Sports,Owen stars in Real Madrid debut +World,Civil war scars Sudan villages +Sci/Tech,"With Few Exceptions, the String Remains the Same" +Sci/Tech,EBay Lends Hand to Dropoff Stores +Business,Nikkei slides +Business,Iranian military officer reiterates quot;deterrent policy quot; +Sports,Incident mars marathon +Sports,Streaking Astros climb back into playoff race +Sports,Andretti has one last memory +Sci/Tech,Microsoft guts Longhorn +Sports,Bizarre finish to men #39;s marathon overshadows American #39;s silver +Sports,Grappling grabs WWE flare Wrestling +Sports,Stadler clinches second senior major +World,Israel proposes leaving Gaza settlement as hospital +Sports,Baseball Today (AP) +World,"Kabul Bomb Death Toll Rises, Up to 12 Believed Dead" +Sci/Tech,Orange 3G phones launched in UK +World,Athens Throws a Party to Celebrate Games +Business,Philippine economy sees 6.2 pct growth in Q2 +Business,Aluminium Ship Builder Austal Teams with Raytheon for Amphibious <b>...</b> +Sci/Tech,Public servants sacked for viewing internet porn at work +Business,Sinopec 1H net profit rises 51 +Business,"Tokyo Stocks Dip, Focus on Data" +Business,Interbrew and AmBev combine to form InBev +Sports,Marathon marred by mugging +Sports,Miguel drives to victory in Open +Sports, #39;Maria Mania #39; grips Big Apple +World,"Kabul Bomb Death Toll Rises, Up to 12 Believed Dead" +World,Treason trial resumes in Equatorial Guinea +World,French foreign minister arrives in Egypt on hostage release mission (AFP) +World,"2 dead, 18 injured as powerful typhoon lashes southern Japan (Canadian Press)" +World,More German reform protests due +Business,Intel Shifts To Next-Gen Strained Silicon +Sci/Tech,"Windows upgrade fixes security flaws, but it #39;s not perfect" +Sci/Tech,Oracle re-extends PeopleSoft bid +Sports,Greece is winner at these Olympics +Sports,Austin Wins Buick Invitational +World,Bangladesh at standstill in fourth opposition strike in a week +Sci/Tech,Last call for US pre-Xmas orders +Sci/Tech,The return of the atomic keyring +World,"Philippine Flood Toll Hits 29, Survivors Hunt Rats (Reuters)" +World,U.S. Warns Its Citizens in Afghanistan (AP) +Business,Dollar Hits 3-Month High Against Pound +Business,More German reform protests due +World,Karzai 'disturbed' at Kabul bomb +Sci/Tech,Samsung anticipates aggressive chip kit spending +Sci/Tech,Video games find their political voice +Business,UOB among 10 prospective Bank Permata bidders named by Indonesian <b>...</b> +Sports,Brazilian racer to be honored Pierre de Coubertin Medal +Sports,Woodhall backing for Khan +Sports,Belarus wrestler brawls after defeat +Sports,"To finish first, first be Finnish" +World,Karzai #39;disturbed #39; at Kabul bomb +World,Alkhanov calls restoration of Chechen economy top priority +World,India Test-fires Guided Missile Agni-II +Business,5 dead in house fires in Waterford and Detroit +Business,Santander accelerates Abbey bid +World,Six-party Nuclear Talks Likely to be Held in September +World,Dutchman held for 'Iraq genocide' +World,GOP to Bolster Bush Image As Strong Leader +Business,Intel Updates on 65nm +Business,"SUSAN TOMPOR: Change the law, feel the bounce" +Business,Wall Street - 30 August 2004 +Sports,China eager for its turn to host +Sports,Montgomerie picked for Ryder Cup team +Sports,Revitalized Henin-Hardenne eyes New York run +Sports,Roundup: Austin wins Buick title in playoff +Sports,Detroit Rock City: Wakefield baffles +Sports,Warner Gets the Nod Ahead of Manning +Business,"After delays, Intel points to chip-making advance" +Sci/Tech,Battle brewing on the digital music front +Sports,GAMES HERO AMIR TELLS OF HIS JOY +Sports,FOOTBALL: D-DAY ON DEAL FOR ROONEY +Sports,AL notebook: Angels #39; Glaus returns early from surgery +World,France says it will not repeal head scarf law +World,France sends FM to free hostages in Iraq +World,DYKE TO BLAIR: YOU #39;RE INCOMPETENT OR A LIAR +Business,UBS to Buy Schwab Units - WSJ (Reuters) +World,France Will Not Repeal Head Scarf Law (AP) +World,Australia's Oct. 9 Election Marathon Begins (Reuters) +Sports,Greece was game +Sports,Confident owner never hedged +Sports,Sprained ankle hampers Sheffield +Sports,Sea change: Curacao on top of the world +Sports,NL Notables +Sports,Ramirez a big hit in return to lineup +Sports,Coughlin goes with Warner +Sports,Close but no hurrah +Sports,USC looked out for No. 1 +Sports,A major triumph for Stadler in Tradition +Business,Growing pains at U.S. Genomics +Business,Battle brewing on the digital music front +Business,Mobile imaging gets an upgrade +Business,Colleges fear XP update will jam networks +Business,R.I. man is barred from sending junk text-messages +Business,The inspiration for change is rooted in retail +World,Officials test-launch nuclear-capable missile +World,French minister is dispatched to seek release of reporters +World,Allawi describes talks with militants +World,Former leader's secret life disclosed +World,"Pakistani militants, Al Qaeda seen forging new deadly alliance" +Sci/Tech,Free gin for UK juniper spotters +World,"Ghana Votes for New President, Parliament" +World,Concern over Nepal disappearances +Business,Cerberus to buy LNR +Business,Update 1: Tokyo Broader TOPIX Index Rises for 10th +Business,Mitsubishi Heavy to supply wings for Boeing #39;s next-generation jet +Business,ACCC won #39;t stop pipeline bid +Sci/Tech,Human cloning debate re-ignited +Sci/Tech,News bytes +Sci/Tech,E-voters warned over technology +Sci/Tech,Sprint Picks Apple for Content +Sports,HEWITT WARMS UP IN STYLE +Sports,Hungary retain men #39;s title with a Kiss +Sports,Bolton beat Liverpool to stand third at the table +World,Kabul tense after truck bombing of US security firm kills seven +World,"In fetid camps of Darfur, refugees need to know world is watching" +World,Suspected mercenaries may spill beans on Mann +World,Australia #39;s Oct. 9 Election Marathon Begins +World,Attack Halts Oil Exports From South Iraq +World,"Bangladesh Opposition Stages Fourth Strike in a Week, AFP Says" +World,Ex-head of BBC blasts Blair on Iraq +World,"NGOs working to topple regime, says Mugabe" +Business,Gas prices barely budge in last two weeks +World,India tests nuclear-capable missile +World,Locals were not killed in North Waziristan +World,U.S. Envoy Slams Serb PM on War Crimes Handovers +Sports,"It #39;s a mad, mad, mad marathon" +World,Sudan peace talks resume as UN deadline approaches +World,Remembering pain of Lodz after decades of forgetting +Sports,A sweet sixteen +World,Family #39;s tribute to murdered man +World,"Shell, Sinopec launch 187 million dollar service station venture (AFP)" +World,UN deadline on Darfur approaches +Sports,Federer out to open another slammed door +Sports,A sample of things to come +Sports,"Schumacher beaten, but clinches crown" +Sports,Ward converts skeptics +Sports,US bid for medal blocked +World,France firm over headscarf ban +World,"Bird Flu Is Back, Raising Fear of Spread Among Humans" +Business,China awards 3 contracts to upgrade rail lines +Sci/Tech,Colleges fear XP update will jam networks +Sci/Tech,UN Supports OSS/Free Software In Developing World +Sports,Torch goes out +Sports,Golf: European Ryder Cup captain Langer explains wild card choices +World,Tough Campaign Ahead for Bush #39;s Australian Ally +World,Koh #39;s Death Triggers Speculation on NK Successor +Business,Japan land deal aimed at 7E7 wing plant +Sci/Tech,Labor claims PM #39;s Net Harbour deals breach Spam Act +Sports,Games cross finish with bizarre twis +Sports,Andretti drivers earn 1-2-3 sweep +World,SA considers Guinea request on Thatcher +Sci/Tech,Shamrock sells wireless stake (TheDeal.com) +Business,Intel claims 65 nanometre breakthrough +Business,"Shell, Sinopec launch US\$187m service venture" +Business,The neglected issue of campaign #39;04 +Business,Long-Term Capital #39;s Loss in Tax Case May Help IRS Hinder Abuses +Sci/Tech,China launches science satellite +Sci/Tech,Asia DRAM Report:Samsung Elec To Up DRAM Output Vs Flash +Sports,Miracle in Athens a gold-medal drama +Sports,Europe Ryder squad settled +Sports,2nd place enough to give Schumacher 7th F1 title +Sports,Run of birdies wins for Ochoa +Sports,No predicting a men #39;s winner +Sports,The Perfect Ending +World,India tests nuclear-capable Agni missile +World,China #39;s gross value of import and export reaches US\$ 623.1 bln +Sci/Tech,Intel in new chip breakthrough +Business,ONGC #39;s 10th acquisition abroad +Sports,Games join storied history +World,Rumors of a Death +World,Carnival Crowds Expected to Top A Million +Business,Asset Prices Drift in Thin European Trade +Business,Pulling the PBA Out of the Gutter +World,Taliban Warns of More Attacks as Kabul Toll Rises +World,Singapore Rejects U.S. Sex Slavery Charges +Business,Intel in new chip breakthrough +Sci/Tech,TECH BUZZ: Stamps -- Personalized postage +Sci/Tech,"Sprint, SBC Announce Wi-Fi Roaming Pact" +Sports,Greece signs over to Beijing +Sports,Hewitt serves notice heading to Open +World,Kremlin Choice Appears to Win in Chechnya +Sci/Tech,Sony Shows Off New Low-End Digicam +Sports,Streaking Astros Back in Playoff Race (AP) +World,French FM appeals for release of hostages in Iraq (AFP) +World,Israelis Fire Missile at Palestinians (AP) +World,"Tokyo Stocks Slip, Dollar Higher (AP)" +Sci/Tech,Supercomputer Seeks Comeback +Sci/Tech,Computer Maker in an Alien World +Sci/Tech,When Viruses Attack +Sci/Tech,A Celebration of Cell-Phone Film +Sci/Tech,Mozilla Launching Second Act with E-Mail Client (Ziff Davis) +Sci/Tech,Homemade Sat Radio Software Bump +Sci/Tech,Duke Enrollment Package: New iPod +Sci/Tech,Florida Judge: Recount Votes +Sci/Tech,Phone Home and Find the Way +Sci/Tech,Next Windows Version: 2006 Target +Business,LNR Property Shares May Rise on Cerberus Purchase Agreement +Business,"ONGC acquires West Australian co, signs MOU with Karnataka" +Sports,Marathon result disputed +Sports,UPDATE 1-Newcastle sack Robson as manager +Sports,Cheek at top level +Business,OPEC to Do All It Can to Stabilize Prices +Sci/Tech,Angst Over Anglers +Sci/Tech,China launches satellite +Sci/Tech,Plan to let soldiers vote by e-mail is questioned +Sports,Bobby Robson #39;relieved of duties #39; at Newcastle +Sports,No gold but Khan shows his mettle +World,France: Headscarf law will be applied +World,US Warns Its Citizens in Afghanistan +World,UN deadline on Darfur approaches +World,Pollsters refuse to write off Australian PM despite lag in polls +World,Inter-Korean Economic Talks Cancelled +Sci/Tech,Sony Shows Off New Low-End Digicam (PC World) +World,Japan's Supreme Court clears way for MTFG and UFJ merger (AFP) +World,NI deal to be decided +World,"CIA, Pentagon Officials Fight Merge Plan" +World,"Athens Games: Best of Greek Past, Present" +World,Kremlin Choice Wins in Chechnya Election +Business,UPDATE 1-Oil steadies above \$43 on Iraq exports woes +Sports,Marathon intruder Horan held in Athens +Sports,Managers #39; Chief Slams #39;Ridiculous #39; Sacking +Sports,Rooney war nears endgame +Sports,Final flag falls at speedway +World,PM warns of ALP economic disaster +World,Bangladesh opposition unites to oust Zia government +Business,"MRPL to invest Rs 1,300 crore" +Sports,Italian steals victory +Sports,Schumi admits Spa #39;s very #39;special #39; +Sports,Tigers glad to leave Boston after one-sided sweep +Sports,WHELDON WINS INDY RACE +World,Security Chief: Iran Will Help Bring Iraqi Stability +World,"African Union Urges Sudan, Rebels Overcome Impasse (Reuters)" +Business,Tech workers stay put as economy perks up (USATODAY.com) +Sci/Tech,Ex-Veritas CTO loads up on shares (SiliconValley.com) +Sports,Olympics Chief Says Zeus Smiled on Athens +World,"African Union Urges Sudan, Rebels Overcome Impasse" +Business,Cerberus to Buy LNR Property for Cash +Business,Japan #39;s Supreme Court clears way for MTFG and UFJ merger +Business,China needs to invest \$120 bn in power generation +Business,Italian Consumer Prices Rose in August as Oil Prices Surged +Sci/Tech,Audio Company Crafts New Computerized Suspension System +Sports,Danger comes in unpredictable forms +Sports,Schumacher Rewrites the History Books Again +Sports,FACTBOX-Bobby Robson factbox +Sports,Juninho in flying start +Sports,Halilhodzic struggling to restore PSG fortunes +World,Iraq oil pipeline attacks cease exports +Business,Wall Street Plays Party Host +Business,Yukos faces tax payment deadline +Business,Peace ' key' to lower oil prices +Business,Peace #39; key #39; to lower oil prices +Business,Crude oil price may continue downward slide +Business,"Fires at homes in Waterford Township, Detroit leave 5 dead" +Business,Stocks Set to Open Lower on Quiet Earnings +Sci/Tech,MSN Music: It #39;s really about Windows +Sci/Tech,Internet cartoon can use Guthrie song +Sports,NBC finishes Summer Games like a champ +World,Americans in Kabul Warned after Bombing +World,Fact Imitates Dogs of War Fiction +World,Palestinian girl wounded by Israeli missile as mother of prisoner <b>...</b> +World,Ex-treasurer of Japan party faction arrested +World,Negroponte Wants More Funds for Iraqi Security --WSJ +World,OutKast triumph at MTV Awards +Sci/Tech,Video's Virtual Wonderland (washingtonpost.com) +Business,"Shell, Sinopec in China Retail Venture (Reuters)" +Sci/Tech,We Owe Much to DES (Ziff Davis) +World,Berlusconi knocked out by left in tackle by Blair (AFP) +World,Israel Plan to Use Settlement As Hospital (AP) +Sci/Tech,IBM Provides Developers with Free Cloudscape Resources (Ziff Davis) +Business,TISCALI ANNOUNCES SELLS OFF SWEDISH SUBSIDIARY FOR 13 MLN +Business,Stocks Seen Sliding as Oil Moves Higher +Business,European Shares Drift Down in Thin Trade +Sports,'Great Escape' from Athens Runs Smoothly +Sci/Tech,Flexitronics acquires India #39;s Future Software +Business,WestLB to sell travel firm stake +World,Stocks Set to Open Lower on Quiet Earnings +Business,Schwab said to sell capital markets business to UBS +Business,Income Tax to Be Cut by 1 point to Boost Economy +Sci/Tech,Orion hopes super PCs are stars +Sports,Silver finale for USA +Sports,Allardyce makes most of meagre resources +Sci/Tech,Air Force Awards Tablet PC Project +World,Hong Kong Economy Grows 12 Percent in 2nd Quarter +Sci/Tech,JackBe's Technology Cuts to the Quick +Sci/Tech,"In Dorms, a Method to The Matches" +Sci/Tech,Don't regulate RFID--yet +Business,Intel: Half-billion on a chip +Business,Update 3: Japan Court Approves UFJ-Mitsubishi Talks +Sci/Tech,Orion belts out desktop cluster workstations +World,French Officials to Visit Baghdad To Seek Release of Journalists +World,"Typhoon Chaba pounds southern Japan, leaving two dead" +Business,Oil Prices Edge Up on Iraq Exports Woes (Reuters) +Business,European Shares Drift Down in Thin Trade (Reuters) +Business,First Industrial Realty Raises Forecast (Reuters) +Sci/Tech,Al-Qaeda claims attack on US consulate in Jeddah: website (AFP) +Business,UBS Reportedly to Buy Schwab Units +Sci/Tech,"Internet Turns 35, Still Work in Progress" +Sci/Tech,"Yahoo Pares Google Stake, Sells \$191M" +Sci/Tech,E-Mail Voting Prompts Security Concerns +Sci/Tech,Court Tosses VeriSign Suit Vs. Overseers +World,"Israeli, Palestinian Killed in Gaza Clash (AP)" +Business,Oil amp; Natural Gas Buys 55 Stake in Australian Block (Update1) +Business,Wall Street set for soft start +Business,"Shell, Sinopec in China Retail Venture" +Business,Pakistan Economy Should Grow 6 Percent +Business,UBS bank to snap up Schwab research unit +Business,Novartis: FDA Wants More Certican Details +Sci/Tech,Royal Society fights all-out cloning ban +Sci/Tech,"Sprint, SBC announce Wi-Fi sharing agreement" +Sports,Boxing: Khan will keep feet on ground +Sports,It will take four months to get it right says Benitez +World,France refuses Iraqi kidnappers #39; ultimatum +World,Nigerian troops leave for Darfur +World,Iraq says southern oil exports stable +World,Technical tune to Agni test before talks +World,Vietnam Marks Independence with Pardons for Prisoners (Reuters) +Business,Stocks Set to Open Lower as Oil Rises +Business,Dollar Mixed Ahead of U.S. Data Deluge +World,France Races Against Clock in Iraq Hostage Crisis +Sports,Bills Edge Into Playoff Contention (AP) +Sports,Bolton 1 - 0 Liverpool .: +World,France Races Against Clock in Iraq Hostage Crisis +Business,Deadly weekend fires kill 5 +Business,Atlas Copco to Sell Electric Tool Business +Business,Brussels probes Vivendi tax scheme +Sci/Tech,New Orion workstation puts cluster in a box +Sci/Tech,Big buzz over coming iMac +Sports,Piquionne Brace Keeps PSG Winless +Sports,Davies exploits Liverpool #39;s lack of adventure +World,"Clock ticks down for French hostages, Iraq government in security <b>...</b>" +World,Five Killed as Typhoon Tears Across Southern Japan +World,Retail sales in Japan show modest rise in July +World,German referendum on EU constitution unlikely but not impossible +World,US signs \$468 mn development deal with Indonesia +World,Frustrated chimp takes up smoking +Business,Oil prices edge higher +Business,Corporate pension troubles show signs of worsening +Business,Atlas Copco to sell electric tool business +Sci/Tech,"World ban on human cloning, UK stands up to US pressure" +Sports,Schumacher #39;will race on #39; +World,Arab League chief urges release of French hostages +Business,"US Airways, pilots union reopen talks" +Business,Sinopec 2nd-Quarter Profit Rises 92 on Fuel Demand (Update3) +Sci/Tech,Longhorn #39;s loss may be some users #39; gain +Sci/Tech,A renaissance for the workstation? +Sports,Cuba Sends Seven to the Gold-Medal Round +Sports,Ochoa will ride hot streak to Rail +World,Iraq seeks to mend relations with Iran +Business,Consumer Spending Rebounds Sharply (Reuters) +Business,Stocks Set to Open Lower as Oil Rises (Reuters) +World,France will not repeal head scarf law despite demands from kidnappers in Iraq (Canadian Press) +Business,Before-the-Bell: Accredo Health Drops +Business,Tyson Cuts Fiscal 2004 Earnings Forecast +World,China's Hero leads US box office +World,France Appeals for Hostages' Release +Sci/Tech,The Pathway Less Traveled +Sci/Tech,Chocolate Shown to Help Blood Vessels +Sci/Tech,Causes of Heart Disease Seen Same Worldwide +Sci/Tech,Scientists May Use Drugs to Stop Addiction +Sci/Tech,New Orion workstation puts cluster in a box +Sci/Tech,Power cuts key for Intel at 65 nanometers +Sci/Tech,Overcoming the piracy stigma in China +World,"Ghana Votes for New President, Parliament (Reuters)" +Sci/Tech,Longhorn's loss may be some users' gain +Sci/Tech,"California cities, counties sue Microsoft" +Sci/Tech,Startup Company Launching Web-To-TV Video Service +Sci/Tech,Intel Announces Milestone for Shrinking Chips +Business,Tyson Cuts Fiscal 2004 Earnings Forecast +Business,Shelley #39;s lost political capital +Business,Dress like Anna Nicole Smith +Sci/Tech,Siberian cubs get radio collars +Sports,Defrocked Irish priest gets one-year suspended sentence +World,"Typhoon hits southwestern Japan, kills 5" +World,Peace talks face troubles in Sadr on weapons handover +World,Croc #39;drawn to women #39; +World,ONGC #39;s 10th acquisition abroad +Sci/Tech,"After Delays, Intel Points to Chip-Making Advance (Reuters)" +Sci/Tech,"After Delays, Intel Points to Chip-Making Advance" +Business,Accredo Health Shares Fall After Cutting 2005 Earnings Forecast +Business,Cerberus to buy LNR Property for \$3.8 bn +Business,Keeping Score: Bush #39;s promises +Sci/Tech,"Sprint, SBC in Wi-Fi roaming pact" +Sci/Tech,New head #39;s goals will be tall order for MIT +World,Death toll rises in Afghan terror attack +World,"Philippine Flood Toll Hits 29, Survivors Hunt Rats" +Sci/Tech,Motive gives single view of distributed apps +Sci/Tech,Tightening the grip on message security +Sci/Tech,IBM to help Cloudscape developers +Sci/Tech,Cisco warns of IOS flaw +Business,Intel announces milestone in shrinking chips +Business,Consumer Spending Rebounds Sharply +Sci/Tech,"After Delays, Intel Points to Chip-Making Advance" +Sci/Tech,Windows XP users should download Service Pack 2 +Sci/Tech,Cisco gear subject to DoS attack +Sports,WHAT TO WEAR +World,Inquest begins into croc attack +Business,Cerberus to Buy LNR for #36;1.9 Billion (Reuters) +Business,Interstate Bakeries Hires Turnaround Firm (Reuters) +Business,"Spending Rebounds, Good News for Growth" +Business,Cerberus to Buy LNR for \$1.9 Billion +Business,Interstate Bakeries Hires Turnaround Firm +Business,"Accredo Cuts Forecast, Stock Plummets" +World,Sadr Aide Tells Iraq Militia to Cease Fire -- TV +Business,Attacks Reportedly Halt Iraq Oil Exports +World,Consumer Spending Up 0.8 Percent in July +Business,Supreme court approves UFJ-Mitsubishi Tokyo Financial merger talks +Sci/Tech,Microsoft takes on iTunes +Sports,Masked intruder may have killed power to SkyDome +Sci/Tech,Intel Announces Chip Shrinking Milestone +Sci/Tech,"After delays, 3-D memory chips get closer to market" +Business,"Talks Resume Between US Airways, Pilots" +Sci/Tech,"Intel updates Centrino wireless chips, software" +Sports,Manchester United held by Toffees +Sports,NHLers charged with threatening bouncer +World,Dozens dead in Sadr City clashes +World,China war games may be off +Sci/Tech,Googlicious - More Google Expansion +World,Libya Seems Honest About Nuke Program -- UN Report (Reuters) +Business,U.S. Stocks Open Lower as Oil Looms +World,September 11 families divided over Republican Convention (AFP) +Business,Japan bank mega-merger on track +Business,"Talks Resume Between Airline, Pilots" +Business,Ciber Buys Majority Stake in Novasoft +Business,Japan bank mega-merger on track +Business,Novartis Transplant Drug Certican Delayed by FDA (Update1) +Business,Call for vast Chinese power spend +Sci/Tech,PC maker bets on personal power +Sci/Tech,The Genesis Payload: Just How Dangerous are its Contents? +Sports,That #39;s one big fat Greek goodbye +Sports,Houllier installed as favourite to succeed Robson +Sports,"At these Games, the big sports powers see less gold" +World,France Rejects Iraqi Kidnappers #39; Demand on Scarf Ban (Update2) +World,Howard prepares for bruising election +World,NTT faces Softbank challenge +World,GOP Convention Protests Mostly Peaceful (AP) +Business,"Accredo Cuts '05 Forecast, Stock Plummets" +World,Sharon to Present Gaza Timetable to Mutinous Party +World,Irishman Gets Suspended Jail Term for Pushing Runner +World,U.S. Envoy Slams Serb PM on War Crimes Handovers (Reuters) +World,Reprieve for jailed Indian leader +Sci/Tech,Microsoft's Homeland Security Efforts +Business,US July Spending Increases 0.8; Incomes Up 0.1 (Update2) +Sports,Marathon gatecrasher given suspended sentence +Sports,Langer fills out a strong team for the Ryder Cup +Sports,Newcastle sack manager Robson +Sports,First potential jurors to face questioning in Bryant case +World,Coup plot nations seeks to quiz Thatcher +World,Nonviolent protest offers little hope for Palestinians +World,Situation in Darfur region still troublesome: UN official +Sci/Tech,Gartner: India's BPO market likely to lose market share +Business,Consumer Spending Up 0.8 Percent in July (AP) +Business,"Stocks Dip on Energy Prices, Income Report (AP)" +Sci/Tech,Microsoft Makes More Open-Source Overtures (Ziff Davis) +World,Pakistani Man Arrested for Acid Attack (AP) +Sci/Tech,Longhorn Comes Up Short (washingtonpost.com) +Business,Wonder Bread Baker Stock Drops 25 Percent +World,Republicans Tap Gimmicks to Raise Cash (AP) +World,"Republicans Open Convention, Plan 9/11 Tribute (Reuters)" +Sci/Tech,"California Cities, Counties Sue Microsoft" +World,Al-Sadr Calls for End of Fighting in Iraq +World,Republicans Sharpen Attacks on Kerry +Sci/Tech,Google Hack for Using GMail for File System Storage +Business,Gwalia in \$700m hedge fire +Business,Verizon Granted Injunction Against Spammer +Sci/Tech,Local California Governments Sue Microsoft +Sci/Tech,New Sony Walkman Can #39;t Break IPod #39;s Stride +Sports,Brands fight for Games dollars +Sports,PSG boss feels the pressure +Sports,Two NHL players charged with uttering death threats at Toronto <b>...</b> +Sports,Sox win sixth straight +World,300 Palestinian captives resume hunger strike after two day <b>...</b> +Sci/Tech,Longhorn Comes Up Short +Sci/Tech,Ericsson ends Bluetooth hardware development +Business,OPEC says speculation to blame for high oil prices +Business,Fan Pier #39;s LNR Property to be acquired for \$3.8B +Sci/Tech,At Deadline Briefs +Sci/Tech,Intel Builds Test Chip With New Process to Make Faster Circuits +Sci/Tech,Pittsburgh airport may allow nonticketed shoppers +Sports,Maria a smash hit in tennis #39; fishbowl +World,French minister appeals for release of hostages +World,Iraq #39;s top Shiite cleric tells followers to end fighting +World,"Syria, the region and Lebanons presidential election" +Sci/Tech,Microsoft Trims the Fat on Longhorn +World,Saboteurs Hit Iraq Internal Oil Pipeline (Reuters) +Sci/Tech,Amsterdam Start-Up to Offer WiFi Internet Citywide (Reuters) +Sci/Tech,IBM Asks High Swiss Court to Reject Holocaust Suit (Reuters) +Business,Consumer Spending Rebounds in July +Sci/Tech,Caribbean Casts Wary Eye on Hurricane Frances (Reuters) +Business,Stocks Slightly Lower on Light Volume +Sci/Tech,Fuel Leak Scrubs Lockheed Atlas Florida Launch (Reuters) +World,Saboteurs Hit Iraq Internal Oil Pipeline +World,Sharon to Present Gaza Timetable to Mutinous Party +Business,Indian droughts 'may hit economy' +Business,From Zero to Hero +Sci/Tech,IBM Asks High Swiss Court to Reject Holocaust Suit +Sci/Tech,Verizon wins injunction against text spammer +Sci/Tech,Sony Sends Its Robots to School +Business,China gives bullet-train contract to Japan +Sci/Tech,Intel builds ultrasmall chip in test +Sci/Tech,"California Cities, Counties Sue Microsoft" +Sci/Tech,Get Ready To Patch +Sci/Tech,Verizon wins injunction against text spammer +Sports,"Olympic joy in Greek, Chinese press" +Sports,PSG continues to struggle against St. Etienne +Sports,Rural Colorado Braces for Bryant Trial Media Glare +World,Nigeria Troops Leave For Darfur +Business,"Accredo Cuts '05 Forecast, Stock Plummets (Reuters)" +World,Links Between Two Chechen Women Grows (AP) +World,NYC Not Likely to Be Bush's Town Nov. 2 (AP) +Business,Japan Court Clears Way for Mega-Bank Deal +World,Taliban Warns of More Attacks as Kabul Toll Rises +World,Doubts voiced over Chechen poll +Business,Gwalia on brink of collapse +Business,"Waterford House Fire Kills Officer, Family" +Sci/Tech,SP2 May Spell Trouble for Agentless Patching +Sci/Tech,A glimpse of the business week ahead +Sci/Tech,Siemens issue warning over 65 series handsets +Sci/Tech,Fuel Leak Scrubs Lockheed Atlas Florida Launch +Sports,Jury selection underway in Kobe Bryant Case +World,Strike to protest fatal grenade attack at political rally cripples <b>...</b> +Business,Update 1: Interstate Bakeries Misses Filing Deadline +Business,New broom is swept away +Business,"Wishing Won #39;t Make Market Better, Bulls" +Business,RP economy grew 6.3 in first half +Business,Gabriel Resources to raise \$24.75 million in private placement +Business,Pipeline secured by Alinta syndicate +Sci/Tech,Microsoft targets 2006 for Windows Longhorn +Sci/Tech,Intel crams 500M transistors on a chip +Sci/Tech,First Encrypted Desktop-to-Desktop Messaging Service +Sci/Tech,Microsoft to launch Windows Media Player and MSN Music Store on <b>...</b> +Sci/Tech,Cell Phone Maker Warns of Ear Damage +Sci/Tech,EMC Takes On NetApp +Sci/Tech,Liquid oxygen spill stalls Atlas rocket launch +Sci/Tech,Absentee Ballots by Email? +Sci/Tech,US sweep rounds up scores of online frauds +Sci/Tech,"Vodafone, Nokia in Java drive" +Sports,Wales boost for Earnshaw +Sports,Ajax sign Argentine Olympic winger Rosales +World,Sadr orders followers to cease fire across Iraq +World,Planes #39;blown up by terrorists #39; +World,Defense lawyer in Hamburg Sept. 11 trial seriously hurt +Business,Oil Slips Below \$43 a Barrel +Business,Ford Halts Plant Output for Lack of Parts +Business,"Tyson Cuts Earnings Forecast, Shares Fall" +Business,"Tyson Cuts Earnings Forecast, Shares Fall" +Business,"US Airways, pilots union resume talks" +Business,Japan Court Clears Way for Mega-Bank Deal +Business,United Rentals Is Target of U.S. Inquiry +Business,WTO Rejects U.S. Appeal on Canadian Wheat +Sci/Tech,Microsoft to release Longhorn in #39;06 +Sci/Tech,FrontBridge buys MessageRite +Sci/Tech,Operation Web Snare nets 150 cyber criminals +Sports,Thanks And Good Riddance To Sir Bobby +Sports,Ryder Cup drama on the horizon +World,Electorate #39;s mood hard to gauge +World,Rivalry voiced as Libyan singer outpolls Palestinian +Sports,Owen off bench for Real debut +Sports,Kobe Bryant in court +World,PM: Oil attacks hurt Iraq #39;badly #39; +World,Libyan takes Mid-East pop crown +World,Iraqi Cleric Calls Cease-fire After Bloody Uprising +World,Planes 'blown up by terrorists' +Sports,Bryant Arrives at Trial +World,"Jay-Z, OutKast Big Winners at MTV Awards" +World,Gaza Settlement Evacuation Plan Sped Up +World,Al-Sadr Calls on Militia to Stop Fighting +World,Stocks Dip on Consumer Income Report News +World,GOP Sharpens Attacks As Convention Opens +World,The Black Widows' Revenge +World,Rumors of a Death +Business,YUKOS Can Pay Half Its \$3.4 Bln Tax Bill +Business,European shares slip in light early trades +Sports,WBA complete Earnshaw signing +World,Australia #39;s Howard Uses Specter of Higher Rates to Sway Voters +World,Libya praised for IAEA cooperation +Sci/Tech,Briefly: IBM posts documentation for Cloudscape +Sci/Tech,IBM posts documentation for Cloudscape +Sci/Tech,Investors throw money at storage start-up +Sci/Tech,HP showcases financing +Sci/Tech,Will Longhorn's Loss Be Your Gain? +Business,Ford Halts Plant Output for Lack of Parts (Reuters) +World,Dollar Dips Vs European Currencies (Reuters) +Sci/Tech,Cell Phone Maker Warns of Ear Damage (PC World) +World,U.N. Can't Define Libya Weapons Program (AP) +World,China Calls Barring of Lawmaker a Mistake (AP) +World,Iraqi Cleric Calls Cease-Fire After Bloody Uprising +Sports,Progress Made in Baseball Steroid Talks (AP) +Business,"UBS to Buy Schwab Research, Trading Unit" +Business,Circuit City to host Verizon Wireless stores +Business,FDA Issues #39;Approvable Letter #39; for Certican +Business,Business shrugs off robust GDP data +Business,European Shares Drift Down in Thin Trade +Sci/Tech,UN urged to outlaw cloning of babies +Sports,Ft Bolton 1 Liverpool 0 +World,Al-Sadr Calls on Militia to Stop Fighting +World,Saboteurs Halt Oil Exports In Southern Iraq +World,"Locke plans one last China trade mission, eyes Vietnam market" +World,French court issues arrest warrant for Italian ex-revolutionary +Sci/Tech,Personal Tech: HDTV +Business,Cerberus Venture Takes Over LNR in Nearly \$4B Deal +Business,Yukos faces tax payment deadline +Business,ICANN beats VeriSign #39;s antitrust claim +Sci/Tech,Juniper boosts end-point security +Sports,Olympiad Ends Amid Shows of Spirit and Relief +Sports,Davenport Among Favorites +Sports,OShea speculation gathers pace +Sports,"Park, Han Make It a 2-3 Finish in LPGA" +Sports,"San Francisco at Atlanta, 1:05 PM" +World,Gaddafi #39;Manipulating Idols Show #39; +World,French court issues arrest warrant for ex-guerrilla +Sci/Tech,MSN Music Store Adds to iTunes Competition +Sci/Tech,China Legalizes Electronic Signatures (AP) +World,UN nuclear watchdog leaves open question of N. Korean involvement with Libya (Canadian Press) +Sci/Tech,Human Drug OK'd for Dog Skin Infection (AP) +World,"New Chechen Leader Vows Peace, Poll Criticized" +World,"S.Africa Police Fire on Youth Protest, 20 Hurt" +World,GOP Sharpens Attacks As Convention Opens +Business,Verizon Wireless to Expand Profile +Business,Judge Tells VeriSign U CAN #39;T +Sci/Tech,Orion Workstations Act as Single-Box Clusters +Sci/Tech,AT T chief refuses to 'miss' VoIP +Sci/Tech,Juniper boosts end-point security +Business,"Milwaukee Electric Tool, other units to be sold for \$626.6M" +Sci/Tech,Orion delivers first #39;personal cluster #39; workstation +Sci/Tech,Application Problems in Windows XP SP2 +Sci/Tech,AT amp;T chief refuses to #39;miss #39; VoIP +Sci/Tech,MSN Music Store Adds to iTunes Competition +Sports,Hungary Wins Gold in Olympic Water Polo +Sports,Okocha Tests Liverpool +World, quot;Mercenary quot; says tortured in Equatorial Guinea jail +World,Pak urges restraint after India test fires AGNI II missile +Sports,Schiavone Starts Off Open With Victory (AP) +Business,SEC to Congress: Defer to FASB on Options (Reuters) +Business,Treasuries Edge Up on Soft Inflation Data (Reuters) +Sci/Tech,Football scores uptake bodes well for Three (FT.com) +Business,Oil Falls Below \$42 a Barrel +World,Bloomberg to Delegates: New York Is Back (AP) +Business,OPEC Blames Rising Oil Prices on Unrest +Business,Japan Supreme Court approves UFJ-Mitsubishi Tokyo Merger Talks +Business,Economy posts surprise growth: 6.2 in 2nd quarter +Business,Unemployment rate key for Bush +Sci/Tech,Microsoft Security #39;s Weak Link +Sports,UNITED LACKING MAGIC +World,Sadr calls for ceasefire +World,Thatcher family moves to America +World,Iranian MP welcomes Allawi visit to Tehran +World,5 Wounded in Rocket Attack in Northwestern Pakistan +Business,"Tyson Cuts Forecast on Chicken Prices, Grain Costs (Update5)" +Business,Economy posts 6.2 growth in second quarter +Business,Sherwin-Williams has antitrust OK to buy Paint Sundry +Business,Aruba Grids Embed Access Points in Walls +Sci/Tech,How To Make Phone Calls Online +Sci/Tech,Study in Science reveals recreational fishing takes big bite of <b>...</b> +Sci/Tech,150 web fraudsters snared in US operation +Sports,Angulo heads for champions Arsenal +Sports,Team losing veteran defenders left and right +Sports,"Rusty Wallace to retire in 2005, citing concerns about getting <b>...</b>" +World,"New Chechen Leader Vows Peace, Poll Criticized" +World,Militia leader orders ceasefire +Sci/Tech,"Windows upgrade fixes security flaws, but it's not perfect (USATODAY.com)" +Sports,Jaguars Sever Ties with Hugh Douglas (Reuters) +Sports,Questions Posed to Potential Bryant Jurors (AP) +World,U.S. envoy visits Darfur as UN deadline runs out; Nigerian troops go to Sudan (Canadian Press) +World,Democrats Decry Bush Comments on Terror (AP) +Sports,Two NHL Players Charged with Making Death Threats +Sports,Jaguars Sever Ties with Hugh Douglas +World,"New Chechen Leader Vows Peace, Poll Criticized" +Business,Stale Wonder Bread? +World,Brazil Plans Appeal for Marathon Attack +World,Stocks Dip on Consumer Income Report News +Sci/Tech,Tech Execs More Optimistic About Spending-Study +Business,Stale Wonder Bread? +Business,Sherwin-Williams #39; Duron acquisition clears FTC +Business,Australia #39;s Coles Myer to cut payroll jobs in 2005 +Sci/Tech,Intel proves 65 nanometers will work +Sci/Tech,British Scientists Oppose Clone Ban +Sci/Tech,Verizon Wireless wins permanent injunction against spammer +Sports,"Tired of waiting for production, Jags cut Douglas" +Sports,POTENTIAL JURORS QUESTIONED IN BRYANT CASE +World,Iraq #39;s deputy prime minister starts a visit to Tehran +Sci/Tech,"Touring Saturn's Moon, Enceladus" +Sci/Tech,VoIP picks up momentum +Business,MARKET WATCH Energy prices rebound with new attacks on Iraqi oil <b>...</b> +Business,WTO Upholds Ruling on Canadian Wheat Board +Sports,A fight to stay on track +Sports,Open-Henin-Hardenne happy to be healthy again +Sports,Soccer: Owen sets up winner for Madrid on debut +World,AU Says Sudan Launches New Attacks on Darfuris (Reuters) +Business,Stocks Drift Down in Ultra-Light Volume +Sports,Athens Waves Goodbye After 'Dream' Games +Sci/Tech,Intel to make chips with 65nm process technology +Sci/Tech,New Orion workstation puts cluster in a box +Sci/Tech,CIOs Cheerier About Future Spending +Sci/Tech,Britain seeking support to stop stem cell ban +Sci/Tech,San Francisco sues Microsoft +Sci/Tech,Circuit City Switching From T-Mobile To Verizon +Sci/Tech,Data Center Markup Language finds home in OASIS +Sci/Tech,Supreme Court Asked to Rule on Cable-Modem Classification +Sci/Tech,FrontBridge Acquires MessageRite for Message Archiving +Sci/Tech,Novell Consolidates Business Units +Sci/Tech,Caller ID: Do you really know who #39;s calling? +Sci/Tech,"Computers Add Sophistication, but Don #39;t Resolve Climate Debate" +Sci/Tech,"Greenland #39;s ice tells of past climates, maybe ancient life" +Sci/Tech,Court Slaps Wireless Spammer +Sci/Tech,The Apple iPod - now from Hewlett-Packard +Sports,Yakubu #39;s hat-trick settles thriller +Sports,Character the trump card for Europeans +Sports,Schumacher dynasty rolls on after historic seventh Formula One <b>...</b> +Sports,MLB Wrap: Borchard #39;s Blast Helps White Sox Edge Phillies +World,UN: Origin of Libya Nuke Info Unclear +World,"Howard, Latham shrug off poll" +World,Attack on Hasina gets a worried Delhi to tell Dhaka: we can help <b>...</b> +World,Carnival clings to its soul despite the doubters +Business,OPEC promises to add output to calm nerves +Business,Japan court lets banks discuss deal +Business,"Kawasaki, Others Win Bid for Chinese Bullet Train Project" +Business,Interstate Bakeries Not Mulling Bankruptcy +Business,WTO rejects a US appeal +Business,"US Airways, Pilots Union to Resume Concession Talks (Update3)" +Business,"Stocks Fall on Security, Earnings Worries" +Business,BMW Sees Strong Industry Sales Growth +Business,Alitalia unions force new talks with carrier +Business,Names in the Game +Business,Dell expands SMB desktop services +Business,Black awaits Breeden verdict +Business,"Kerry says expand Fannie, Freddie housing focus" +Sports,Schiavone starts off Open with victory +Sci/Tech,"California Cities, Counties Sue Microsoft" +Sci/Tech,"Deep in the Arctic, clues on warming" +Sci/Tech,"FrontBridge Announces Acquisition, Partnership" +Sports,Madman nearly ruins glorious Olympics +Sports,Venables favourite to replace Robson +Sports,Piazza wants Mets to declare his position +World,Dr Qadeer-linked nuclear market: IAEA seeks Libyas help +Business,No Acclaim for Accredo +Sports,China emerges as number two Olympic nation +Sports,Give back the gold +Sci/Tech,Intel makes tiny breakthrough +Sci/Tech,Verizon Wireless makes Circuit City deal +Sci/Tech,Microsoft takes on iTunes +World,Kidnappers Extend Deadline for French Hostages +Sci/Tech,Making Money From Moore #39;s Law +Business,"Accredo Cuts #39;05 Forecast, Stock Plummets" +Sports,Trojans give a quick hook to longtime coach +Sci/Tech,Windows Plan Scaled Back +Sci/Tech,Sony Sends Its Robots to School +Sports,Bad Scoring and Slights at the Olympics +Business,Dollar Sinks to New Lifetime Low Vs. Euro +Sci/Tech,NASA Expects Shuttle Flights by the Spring +Sci/Tech,"Student #39;s sea-energy device wins \$100,000" +Sports,Soccer: Moyes mum on Rooney transfer to Man Utd +World,Opinion poll boost for Australian PM +Business,Alitalia headed for bankruptcy within a month: board +Business,Dell Launches Help-Desk Service For Smaller Businesses +Business,"Freddie, Fannie may get competition soon" +Sci/Tech,"Longhorn Delay Stirs Dismay, Delight in Developers" +Sci/Tech,Orion launches desktop cluster workstations +Sci/Tech,Survey: IT spending to grow modestly next year +Sci/Tech,DCML And Oasis Team To Boost Data-Center Interoperability +Sci/Tech,Novell creates new management posts +Sports,Hewitt feels invincible +World,"Afghan Bombings Prompt US Travel Alert, Condemnation by Annan" +World,Palestinian dreams of #39;Superstar #39;-dom fall short +World,The Milosevic trial is doing its job +Sci/Tech,Start-Up Offers Low-Power 'Personal Supercomputers' (Reuters) +Sports,White Sox Nip Phillies 9-8 (AP) +World,"Global Arms Sales Drop Again, Asia Biggest Market (Reuters)" +Sports,Injured Vikings Back to Miss Season Opener (AP) +Sports,Brunell to Start Opener for Redskins (AP) +World,French Hostage Seeks End to Head Scarf Ban (AP) +Sci/Tech,"Web Turns 35, but Still Work in Progress (AP)" +Sci/Tech,Handheld Computers Aid Convention Security (AP) +Sci/Tech,Correction: Spam-Lawsuit Story (AP) +Sports,Former UConn Aide Pleads in Sex Case (AP) +Sci/Tech,"Longhorn Delay Stirs Dismay, Delight in Developers (Ziff Davis)" +World,Toronto couple wins third-largest jackpot in Canadian history and retires (Canadian Press) +Sci/Tech,McAfee Beefs Up VirusScan Security (PC World) +World,Australia Has Terror Worries for Election (AP) +Sci/Tech,IBM Asks Court to Block Gypsies' Lawsuit (AP) +Sci/Tech,Microsoft Taking on Apple's Music Store (AP) +Sports,Comfortable Starts for Federer and Mauresmo at Open +Sports,Athens Waves Goodbye After 'Dream' Games +Business,"Stocks Fall on Security, Earnings Worries" +World,Edwards Accuses Bush of Failed Leadership (AP) +Sports,Not the Next Big Thing: Vikings Cut Lesnar +Business,"Spending Rebounds, Good News for Growth" +Sci/Tech,Survey Records Pattern of Tarantulas (AP) +Sports,Capriati Scrambles Past Chladkova Challenge at Open +Sci/Tech,China Launches Mapping and Surveying Satellite (Reuters) +Sci/Tech,Russia Names New Space Station Crew (Reuters) +Sci/Tech,Guatemala Drought Threatens Hunger in Rural Areas (Reuters) +Sports,Vikings' Bennett Out for Season Opener +Sci/Tech,The Genesis Payload: Just How Dangerous are its Contents? (SPACE.com) +Sci/Tech,Expedition 9 Crew Prepares for Final Spacewalk (SPACE.com) +Business,Treasury Prices Up After Inflation Flat +Business,Consumer Electronics Growth Tops F'cast +World,Darfur Still Troubled as UN Deadline Runs Out +World,"Global Arms Sales Drop Again, Asia Biggest Market" +Sci/Tech,Film Shows Virus Going in for the Kill (AP) +World,Spotted in England: men reading ... and talking about it +World,Palestinians take back the night in Ramallah +World,US guard 'stomped' on Iraqis +World,Pinochet lawyer blasts case judge +World,UN nuclear watchdog hails Tripoli +Business,Consumer Spending Up 0.8 Percent in July +World,Oil prices dip as concerns ease +Business,Profiting From Moore's Law +Business,Olympics: No Ad Bonanza +Business,Allianz Says Trade Center Ruling May Cost It Up to 80 Mln Euros +World,Republican Convention Opens as Delegates Adopt Platform +Business,The Biggest Secret in the Stock Market +Business,Should You Dig This Irish Jig? +World,"Capriati, Federer, Moya Win at U.S. Open" +World,Oil Prices Drop \$1 Despite Iraq Sabotage +World,GOP Assails Kerry As Convention Begins +World,Stocks Dip on Consumer Income Report News +World,Heart Attacks More Likely in Cold Weather +World,Kennedy Cousin Fighting Assault Accusation +World,Bush Lauds Economy in Battleground States +World,Al-Sadr Calls on Militia to End Uprising +Sci/Tech,Start-Up Offers Low-Power 'Personal Supercomputers' +Business,Light crude slips back +Business,Gas Price Hits Lowest Level in 4 Months +Sci/Tech,Brain Study Shows Why Revenge is Sweet +Sci/Tech,New Process Could Help Make Hydrogen Fuel Affordable +Sci/Tech,"Toxins Accumulate in Arctic Peoples, Animals, Study Says" +Sci/Tech,"Beak Size Matters for Finches' Song, Scientists Suggest" +Sci/Tech,Guinness World Records Recognizes NASA X-43A Speed Record +Sci/Tech,A Room With a View for the International Space Station +Sci/Tech,Heart Attacks More Likely to Occur in Cold Weather +Sci/Tech,Doctors Try to Help Body Grow its Own Bypasses +Sci/Tech,Heart Attacks Don't Stop Most Smokers +Sci/Tech,Novell creates new management posts +Sci/Tech,Briefly: Open-source rival to Exchange released +Sci/Tech,Switching to Linux picks up steam +Sci/Tech,Utility computing spec takes refuge in OASIS +Sci/Tech,Will XP update give tablets a boost? +Sci/Tech,3i's Gagen resigns +Sci/Tech,Caller ID: Do you really know who's calling? +Sci/Tech,Verizon sets up home in Circuit City +Sci/Tech,Hooking up to Net calls +Sci/Tech,Webcam images go mobile on Sprint +Sci/Tech,Forrester: Tech execs optimistic about spending +Sci/Tech,New Orion workstation puts cluster in a box +Sci/Tech,McAfee releases VirusScan with intrusion prevention +Sci/Tech,Linux vendors react to Qt flaw +Sci/Tech,"Study: Apple, Dell lead PC customer satisfaction index" +Sci/Tech,"Best Software overhauls Act, unveils premium edition" +Sci/Tech,Linux supercomputers used for DOD war simulations +Sci/Tech,FrontRange CEO bullish +Sci/Tech,Analysis: Longhorn's loss may be some users' gain +Sci/Tech,"Hitachi, Matsushita, Toshiba tie on LCD production" +Sci/Tech,San Francisco sues Microsoft +Sci/Tech,Dell expands SMB desktop services +Sci/Tech,"EMC, IBM make NAS push" +Sci/Tech,Data Center Markup Language finds home in OASIS +Sci/Tech,Spyware vs. spyware +Sci/Tech,Juniper adds security software support +Sci/Tech,McAfee releases VirusScan with intrusion prevention +Sci/Tech,McAfee Beefs Up VirusScan Security +Sci/Tech,Florida Electronic Voting Procedures Scrutinized +Business,Oil prices dip as concerns ease +Business,Top court OKs UFJ-MTFG merger talks +Business,Twinkies crisis in Kansas +Business,Charter Sets Phone Service Deal +Business,Samsung ready for 2008 Games +Sci/Tech,Apple Set to Unveil New IMac in Paris +Sports,Wonder Wayne hovers between Man United and Newcastle +Sports,Piazza to come off disabled list +Sports,Bills Backup QB Out 4-To-6 Weeks (Reuters) +Sports,La Salle Names Women's Basketball Coach (AP) +World,Manitoba RCMP investigating whether convicted pedophile committed more crimes (Canadian Press) +World,Republicans Aim to Show Party Diversity (AP) +Sports,"McAlister in Ravens' Camp, Deion Next?" +Sci/Tech,Cell phones could keep atomic time +Business,Brambles profit down +Sci/Tech,VeriSign Takes ICANN to State Court +Sports,Denver #39;s Anderson out for season +Sports,First Match Features a Big Rally +Business,Stock Fund Inflow Slows To #36;9.46 Bil (Investor's Business Daily) +Sci/Tech,Handheld Computers Aid Convention Security (AP) +Sci/Tech,Philips Gets The Jump On Another New Promising Wireless Technology: NFC (Investor's Business Daily) +World,Prison workers walk out over pay +Business,US spending rebound in July good news for growth +Business,Gabriel jumps 46 +Business,Charter to launch voice-over-IP service +Business,"Tokyo Stocks Close Mixed, Dollar Higher" +Sci/Tech,US IT spending to grow 7 in 2005 +Sports,Mauresmo Starts US Open With a Win +Sports,Houllier favourite for Newcastle +Sports,Hewitt wins Waterhouse Cup +Sports,Bills sign Matthews to replace injured backup QB +World,Explosions Cripple Iraqi Oil Exports +World,Caribbean Colour Celebrates Carnival #39;s 4Oth Birthday +World,Palestinian martyrs as art +World,Deposed Yugoslav president Milosevic to open defence at war crimes <b>...</b> +Sci/Tech,"For Windows, Opera takes requests" +Sci/Tech,F5 jams new tools into traffic manager +Business,Consumer spending rebounds +Business,Ford Halts Plant Output for Lack of Parts +Sci/Tech,Start-Up Offers Low-Power #39;Personal Supercomputers #39; +Sports,"Capriati, Federer struggle but win on US Open Day 1" +Sports,China telecoms companies #39;in Olympic pitch #39; +Sports,Surprise! Ochoa surges to win +Sports,Owen tastes first Real action +World,Bombing Suspect Detained At Afghanistan Airport +World,Strike shuts Bangladesh +Sports,Serena Easily Wins First U.S. Open Match (AP) +World,Gingrich Counters Dems Hide Conservatives (AP) +Business,"Oil Flat After Drop, More Losses Seen" +Business,"Alcoa, others buying pipeline for \$1.3B" +Business,Consumer Spending Up Following June Decline +Business,"Hollinger Committee Files Report on Black, Directors (Update1)" +Business,Mexican Oil Claims Doubted +Business,MedImmune Ends Some Vitaxin Testing +Business,Seven Network Shares Slide as Ad-Revenue Growth Lags Industry +Business,Circuit City to stop selling T-Mobile +Business,Seattle #39;s Home Loan Bank may branch out +Business,Quanta announces 7.2 drop in profit +Business,Exxon Mobil Director Longwell to Retire +Sci/Tech,High Court Petitioned on Cable Net Access Rule +Sci/Tech,Genes unravel mystery of schizophrenia +Sci/Tech,Wi-Fi Jacks May Lead To Cheaper Networks +Sci/Tech,Don #39;t Expect Privacy on the Web +Sci/Tech,Cell phones could keep atomic time +Sci/Tech,FileMaker Unveils Advanced Server Edition At Devcon +Sports,Athens #39; image bolstered by Olympics +Sports,Jury is still out on Serena +Sports,Fuller thrills on Premiership debut +Sports,Ward #39;s two HRs power Pirates +Sports,Hanging Up The Helmet: NASCAR Legend To Retire +Sports,"NL Wrap: Maddux, Sosa Lead Cubs to Victory Over Expos" +World,Security Tightened in Kabul After Bombing +World,Bear escapes zoo to frolic in children #39;s playground +Business,"China Motor, Quanta, Techtronic: Asia Ex-Japan Equity Preview" +Sci/Tech,Appeals Cable Broadband Ruling to Supreme Court +Sci/Tech,Third try not a charm for launch +Sci/Tech,Juniper Tightens Security In VPN Appliance +Sci/Tech,"FileMaker ships FS 7 Advanced, 10M copies" +Business,Bank CEO to explain actions in re +Sports,"Top Seed Federer, Andre Agassi Advance at US Open (Update5)" +Sports,Castillo may miss series because of ankle injury +Sports,Red Sox look for a little magic in September stretch +World,Madelaine Drohan +World,Australia pressured for NZ law change +Business,Stock and oil prices lower +Business,BP Agrees to Sell \$2 Billion of LNG to SK Corp. Unit (Update1) +Sci/Tech,Sour apple +Sci/Tech,Search Is Second Most Popular Online Activity +Sports,Roundup: Newcastle United fires its manager +Sports,Wallace retiring after 05 +World,Palestinians lament Arab Idol outcome +Business,Asian Stocks Mostly Lower on Tech Worries (Reuters) +World,Senior French official evacuated under fire in Haiti (AFP) +Sci/Tech,High Court Petitioned on Cable Net Access Rule (washingtonpost.com) +Sports,Finland Tops Czech Republic 4-0 in Worlds (AP) +Sci/Tech,Manugistics Fires Its President (washingtonpost.com) +World,England and India aim to buck trends (AFP) +Sports,Martin Retires After Losing at U.S. Open (AP) +World,Terrorist fears hang over Australian election (AFP) +Sci/Tech,Rescuers Try to Lure Humpback Through Dam (AP) +World,Howard Baker Undergoes Heart Surgery (AP) +World,Powell Cancels Athens Visit Amid Protests (AP) +World,Milosevic to open trial defence +World,US soldier tried for 'betrayal' +World,Royal Mail misses service target +World,Social Conservatives Wield Influence on Platform +Sports,A 53-Minute Dress Rehearsal for Serena Williams +World,Homeowners Come Up Short on Insurance +Sports,Piazza Homers in Return; Benson Will Miss Start +World,"Long Stifled, Iraqis Make Most of Chance to Vent on Talk Radio" +Business,Mexican Claim of New Oil Deposits Doubted +Sports,Familiar American Roster Adds New Wrinkles for the World Cup +Business,"Maker of Twinkies Delays Filing Annual Report, Hires Turnaround Firm" +Business,Japan's production fails to grow +World,Carolinas Watch for Hurricane Frances +World,Report: Sex Assault Widespread at Bases +World,Michael Moore Draws Boos at Convention +World,"McCain Endorses Bush, Defends Iraq War" +Sports,George silent against ex-mates +Sports,Batterymates lift Cubs +World,Gunbattle in Haiti leaves one dead +Business,Exxon Executive to Retire +Sci/Tech,Ortronics and Aruba partner on world #39;s first Wi-Fi wall outlet +Sports,The long Goodbye +Sports,Matching Wits on Politics +Sports,Brooks Will Be Returner +Sports,Thirteen Players Released +Sports,Giambi Set to Return +Sports,Ultimate Soccer Mom +Sports,Warner Snaps Back +World,"Sadr Suspends Attacks, Plans to Enter Politics" +World,New Threats Against Americans in Kabul +Business,US Air Locked in Down-to-Wire Talks on Cuts With Its Pilots +Business,"Tyson Went on the Atkins Diet, but Its Profit Slimmed Down" +Business,Will Schwab Sell at a Discount? +Business,LNR Property buyout marks third billion-dollar deal +Sci/Tech,CIO poll shows optimism over increased tech spending +Sports,Yakubu lifts Pompey +Sports,Marlins #39; Miguel Cabrera reacts after hitting a two-run home run. <b>...</b> +Sports,Kobe Bryant arrives in court for jury selection +Sci/Tech,High Court Petitioned on Cable Net Access Rule +Sci/Tech,Manugistics Fires Its President +Sci/Tech,MedImmune Ends Some Vitaxin Testing +Sci/Tech,AMD to demonstrate dual-core chips +Sci/Tech,Wireless tech gets workout at RNC +Business,Harrah #39;s and Caesars Seeking to Sell 4 Casinos to Protect Merger +Sci/Tech,Microsoft Delays New Windows Search Feature +Sports,Pitching fails Giants once again Another early exit for starter as <b>...</b> +World,Senior French official evacuated under fire in Haiti +Sci/Tech,What is a Search Engine? +Sci/Tech,Advanced Micro Plans to Show New Chip Ahead of Intel +Sci/Tech,Can Microsoft Beat iTunes With a Store of Its Own? +Sci/Tech,Convention Boasts Miles of Technology +Business,Alitalia union may agree job cuts +Business,Ministers support wheat board #39;s role +Business,HK Techtronics To Buy Swedish Power Tools Ops For \$713M +Business,"Buzz of possible Target, Bay deal" +Sci/Tech,Intel test chip boasts technology to add to speed +Sci/Tech,Psychotic Mice May Aid Study of Disease - Report +Sci/Tech,"HELP LINE Obscurity a shield, sometimes" +Sports,Sir Bobby - End of an era? +Sports,Baseball Today +Sports,RACE IS ON AGAIN +Sports,Slumping Cubs get boost from Maddux +World,Bangladeshi opposition calls for today strike +World,NZ removes birth residency right +Sports,"NL Wrap: Maddux, Sosa Lead Cubs to Victory Over Expos" +Sports,AL Wrap: Monroe Drives in Five Runs as Tigers Rout Royals +Sports,"Agassi, Serena Sparkle on Opening Night" +Sports,Brunell to Start Skins' Season Opener +Business,Group nears deal for casinos - report +Business,"Bothell priest an abuse victim, he says" +Sci/Tech,IBM appeals Roma ruling +Sports,S. Williams #39;s Boots Are Made for Walkin #39; +Sports,"Maddux wins No. 302, gives Baker 1,000th victory as manager" +Business,"Oil Slides, Najaf Peace Deal Struck" +Business,Hollinger report filed in court +Business,Tyson trimmed on earnings warning +Business,Schwab sells Soundview to UBS +Business,Sales chief ousted just over a year after being hired +Business,Report: Real estate issues complicate Target talks +Sci/Tech,Intel Evolves Chipmaking Technology +Sci/Tech,AMD to demonstrate dual-core chips +Sci/Tech,Circuit City Partners With Verizon +Sports,"Some won, some lost, but Greece triumphed over all" +World,Retired Britons die in plane crash in Australian outback +Sci/Tech,NASA to Announce New Class of Planets (AP) +Business,Asian Stocks Mostly Lower on Tech Worries +Business,"Oil Flat After Drop, More Losses Seen" +World,NASA to Announce New Class of Planets +World,France Not Immune to Radical Islam Threats (AP) +World,Terror fears hang over Australian election (AFP) +World,Kerry Plans to Respond to Bush Speech (AP) +World,Republicans to Show Softer Side at NY Convention (Reuters) +World,Top Officials Briefed on Pentagon Probe (AP) +Business,MSN Music gears up to play +Business,Twinkies maker in crisis +Business,UBS Buys Schwab Unit for \$265 Mln +Business,FTSE 100 dips after bank holiday break +Business,Consumer spending up +Business,Tyson Foods cuts annual-profit forecast +Business,ADB President Tadao Chino Resigns +Business,Teck to take writedown related to troubled Australian gold miner +Sci/Tech,US tech execs more optimistic about spending: Study +Sci/Tech,FCC asks high court to rule on broadband +Sci/Tech,Advanced Micro Plans to Show New Chip Ahead of Intel +Sci/Tech,Onkyo #39;s DVD Changer Spins a New Tune +Sci/Tech,Skype available for Mac OS X +Sci/Tech,"Despite all the hype, tech IPOs aren #39;t tops" +Sci/Tech,VITAL SIGNS At Risk: Sugary Drinks Linked to Weight +Sci/Tech,VITAL SIGNS Update: The Evidence on Revenge Mounts +Sports,Lawyer says sprinter did not know about test +Sports,Prospective jurors grilled +Sports,"Douglas cut, then lands with Eagles" +Sports,Dallaglio set to quit England: report +Sports,"Maddux hurls, hits and scores" +World,Hostages plead: Lift headscarf ban +World,Sharon to speed up Gaza pullout +World,Thatcher #39;s wife lands at Heathrow +World,China to deport Australian activist +World,Stop croc water swimming: coroner +World,South Africa ponders bid to grill Thatcher +Sci/Tech,Intel to cut Prescott leakage by 75 at 65nm +Sci/Tech,Microsoft removes key feature from Longhorn +Sci/Tech,AMD shows off fourway dual core CPU server +Sports,History beckons as China prepares grand Olympic coming out party +Sports,Volz escapes charges as Fulham get shakes +Sports,Open is nerve center +Sports,Douglas back with the Eagles +Sports,Braves stun Giants in ninth +World,Militants Give France Another Day +World,Darfur: Seeking the truth - Special Series on Sudan +World,REBEL SHEIK ORDERS END TO FIGHTING +World,Libya seems honest about nuke programme-UN report +World,Fear of violence grips B #39;desh on day of mass strikes +Business,Japanese Bank Ends Citigroup #39;s Reign +Sports,China #39;s heroes welcomed in Beijing +World,Israeli army foils suicide attack at Erez Crossing +World,France Redoubles Diplomatic Effort to Save Hostages (Reuters) +Sci/Tech,Onkyo's DVD Changer Spins a New Tune (PC World) +Sports,"Maddux Wins No. 302, Baker Wins No. 1,000 (AP)" +Sci/Tech,Retailers Are Cool To Linux (TechWeb) +Business,UBS Buys Schwab Unit for \$265 Mln +Sports,Sox preying upon Angels +Sports,Patriots' Neal trying to pin down the NFL +Business,Dollar Weaker Vs Euro on Data Uncertainty +Sports,Notables +Sports,First-rate at second +Sports,"Douglas cut, then lands with Eagles" +Sports,Hawaiian punch: US finds time for Ching +Sports,Hitting some new heights +Sports,Greenhorn no longer +Sports,Open is nerve center +Sports,Defeatist attitude missing +Sports,Chinese athletes cash in on gold +Sports,Today's schedule +Sports,Brazil appeals for gold +Business,Profits increase as Bayer revamps +Business,Bank units here; jobs scattered +Business,N.Y. firm to take winner of Fan Pier bid private +Business,Shoppers open wallets +Business,Prices of oil drop despite sabotage +Business,Haemonetics buys blood products line +Business,Interstate Bakeries falls on auditor report warning +Business,Canada wins fight with US on wheat +Business,Mylan vows to refile generic drug case +Business,Mutual fund assets fall 2 percent in July +Business,SEC chief urges Congress to defer to board on options +Sports,Heroes get warm welcome +World,First round of Pak-India bus talks concluded +World,United States should rethink its role in the Middle East +Sci/Tech,NHS 6.2bn computer system probed +Sci/Tech,Cooking up a digital future +Sci/Tech,Onkyo's DVD Changer Spins a New Tune +World,"From smugglers to the government, many experts see rampant crude <b>...</b>" +Business,NEWS SNAP: Natl Grid Sells Gas Assets For GBP5.8 Bln +Business,Economists: Mortgage rates will help sustain home demand despite <b>...</b> +Business,"ADB Head Chino to Resign, Japan Recommends Kuroda as Successor" +Sci/Tech,US TECH EXECS #39; OPTIMISM IS UP +Sci/Tech,Trade Your Wallet for Wireless +Sci/Tech,Skype dials up beta software for Mac OS X +Sci/Tech,AMD demos first dual-core processor +Sci/Tech,"Delay Linux migration, advises experts" +Sci/Tech,Novell restructures away from NetWare +Sci/Tech,Data Center Markup Language (DCML) Organization Transitions to <b>...</b> +Sports,Rugby-Dallaglio calls time on international career +Sports,Premiership: Pompey win thriller +Sports,"Baker is man of 1,000 wins" +World,Sharon wants to speed up Gaza plan - sources +World,Loans to Vietnam +Sci/Tech,Election Overseers Want Big Win +Sci/Tech,Bush Forms Civil Liberties Board +Sci/Tech,Astronauts Weigh Acceptable Risk +Sci/Tech,Trade Your Wallet for Wireless +Sci/Tech,Cops Put Brakes on Bike Protest +Sci/Tech,E-Vote Recount Rule in Dispute +Sci/Tech,The Giants of Anime are Coming +Sci/Tech,"Mini Supercomputers, Power Misers" +Sci/Tech,Putting Nature on the Pill +Sci/Tech,"In Iraq, a Quest to Rebuild One More Broken Edifice: Science" +Sci/Tech,"But Sweetie, You Love Lima Beans" +Sci/Tech,"Using X-Ray Vision, He Keeps His Eye on the Bacteria" +Sci/Tech,"Month by Month, a Tiny Baby's Hard-Won Pounds" +World,Cows munch on light aircraft (AFP) +World,Defiant Sharon sets out Gaza plan +World,Rooney set for Man Utd +World,Mbeki pushes for DR Congo peace +World,Eritrean 'hijackers' go on trial +World,Taiwan cancels military exercise +World,Fresh bid to ban Jenin film fails +World,No evidence of hijack bid found before jet explosions +World,Hostage crisis unites France behind headscarf ban +World,Summary: Karzai Sworn in As Afghan Leader +World,Milosevic Opens His Defense Case +World,Sharon Presents Gaza Withdrawal Timetable +Business,National Grid Transco to sell British gas networks for 5.8 billion <b>...</b> +Business,Asian Development Bank President to resign in 2005 +Sci/Tech,Orion puts #39;super #39; into the personal computer +World,Iraqi education official killed +Sci/Tech,Longhorn #39;s range shrunk for greater speed +Sports,Lawrence Dallaglio factfile +Sci/Tech,"Hitachi, Matsushita, Toshiba to jointly make large LCD panels (AFP)" +Sci/Tech,'Trek' on DVD: A logical choice (USATODAY.com) +World,Rooney set for Man Utd +Sci/Tech,Hewlett-Packard: a wannabe Kodak? +Business,"Big Drops In The Indexes, But Slip In Trading Volumes" +Sci/Tech,Apple unveils iMac G5 +Sci/Tech,AMD to demo #39;8-socket #39; dual-core Opteron box +Sci/Tech,Switching to Linux picks up steam +Sci/Tech,EMC Expands NAS Offerings +Sports,"Greeks earn gold for holding a safe, exciting Olympics" +Sports,FOOTBALL: YAK DOES TRICK FOR POMPEY +Sports,Gartside: Big Sam stays at the Reebok +Sports,A picture-perfect Olympics +World,Fall from Olympus: Athens to Beijing +Business,National Grid Transco sells four gas networks for 5.8 bn +Sci/Tech,"Apple Expo: Apple intros 17-, 20-inch G5 iMac" +Sci/Tech,"Hitachi, Toshiba, Matsushita form LCD joint venture" +World,Oil Falls as Hedge Funds Rush to Exit +Sports,Baseball Today (AP) +World,France intensifies efforts to secure hostages' release (AFP) +Business,Dollar on Back Foot as Data Tests Loom +Business,Arsenal cheers surge in profits +Sci/Tech,Intel #39;s 65nm chip will make laptops go further +Sci/Tech,Apple #39;s New iMac Computer Is All Display +Sci/Tech,AMD plans to show chip before Intel +Sci/Tech,"Hitachi, Matsushita, Toshiba to form LCD venture" +Sci/Tech,Samsung to add payment function to cell phones +Sci/Tech,Opera to launch browser for Windows Mobile +Sci/Tech,Skype launches Apple flavour +Sci/Tech,"Computer Maker Unveils New Printers, Cameras, TVs and Music Player" +Sci/Tech,World #39;s first plastic magnet created +Sci/Tech,Microsoft teams up with industry partners for online SP2 <b>...</b> +Sci/Tech,Lycos Europe buys Tiscali Sweden +Sci/Tech,The Pentagon #39;s Troubling Role +Sci/Tech,Guinness recognises jet record +Sports,Volz in the clear over injury to fan +Sports,Williams is looking dangerous +Sports,UPDATE 1-Voeller takes charge at Roma +Sports,CBC terms show from Athens a success #39; +Sports,Douglas returning to Eagles #39; nest +Sports,Giambi to Return to Yankees; White Sox Waive M. Jackson +World,"Twin bus explosions in southern Israel kill 12, wound more than 40" +World,Putin Defends Chechnya Policy at Talks +World,"12 Killed, 20 Hurt In Twin Bus Attacks In Israeli City" +World,"After ceasefire, Sadr looks to elections" +World,Deadly typhoon hits Hokkaido +World,No hint of election terror threat: Howard +World,Foreign Investors Wary on Bangladesh +World,Prayers mark Diana #39;s anniversary +World,Iraq Militants Kill 12 Nepali Hostages-Web Site +World,Suicide Bombings on Two Israeli Buses Kill 15 +Sci/Tech,Apple's New iMac Computer Is All Display (Reuters) +Business,US Consumer Confidence Tumbles in August (Reuters) +Sci/Tech,Copernic Desktop Search Takes Aim at Microsoft (Reuters) +Business,Midwest Business Growth at Slower Pace (Reuters) +Business,"Treasuries Up on Consumer, Industry Data (Reuters)" +World,Hamburg Court Delays 9/11 Trial by One Week +Business,"Stocks Unchanged, Intel Weighs on Nasdaq (Reuters)" +World,Anxious France Accelerates Bid for Iraq Hostages +World,Divided France Unites Over Hostages (Los Angeles Times) +Sports,Abraham #39;s down +Sci/Tech,Music Sales on the Web to Hit Jackpot - Survey (Reuters) +Business,Consumer Confidence Plummets in August (AP) +World,UK Sends Senior Minister to North Korea for Talks +Sci/Tech,Linux Doesn't Make Sense for Desktops (Ziff Davis) +Sci/Tech,Veritas Buys Email Backup Company KVault (Reuters) +Business,California Strike Hits Albertsons' Profit (Reuters) +Business,Consumer Confidence Skids +Business,"Crude Oil Drops as Threats to Supply From Iraq, Russia Diminish" +Business,Harrah #39;s East Chicago in sale talks +Business,Gas lines in Britain to be sold +Business,Alcoa in group buying Australia pipeline for \$1.3B +Business,India Offers Tax Concessions to Exporters +Business,UBS Buys Schwab Unit +Business,"Alitalia directors, unions scramble amid bankruptcy threat" +Business,Big setback for Merck cholesterol drug +Business,B of A #39;s Lewis in Boston to explain job moves +Business,Germany Raises 2004 Deficit Forecast to 3.7 of GDP (Update2) +Business,Treasuries Rise After Manufacturing and Confidence Indexes Drop +Sci/Tech,New Apple Gets Shined Up (washingtonpost.com) +Business,US Consumer Confidence Tumbles in August +Sci/Tech,Comet Research Pioneer Whipple Dies (AP) +Business,"Oil Down Nearly \$8 in 8 Days, Funds Exit" +Business,Midwest Business Growth at Slower Pace +World,Networks decided long ago not to air the GOP's first night (USATODAY.com) +Sci/Tech,Laos Defends Dam Project Against Environmental Critics (Reuters) +Sports,Houston #39;s return will have to wait a little longer +Business,WTO OKs Sanctions Vs. U.S. in Trade Row +Business,"Treasuries Up on Consumer, Industry Data" +World,National Parties Eye Fla. Senate Primary (AP) +Sci/Tech,Locust Swarms Munch Crops Near Senegal's Capital (Reuters) +Business,"Stocks Unchanged, Intel Weighs on Nasdaq" +World,Florida supreme court hears case on feeding tube for brain-damaged woman (AFP) +Business,California Strike Hits Albertsons' Profit +World,Nepal hostages 'killed in Iraq' +Business,Hollinger Panel Says Its Owners Took Cash +Business,WTO Approves Sanctions Against U.S. +Business,Consumer Confidence Falls in August +World,China Olympians return as heroes +World,Iran arrests dozens 'for spying' +World,Hollinger executives 'took \$400m' +Business,China to suspend share flotations +Sports,Notebook: Rice shines again on Monday night +World,"First Night, Single Theme for Double Term: Sept. 11" +Sports,GPWC support banks #39; ruling +World,12 Nepalese Reportedly Executed in Iraq +World,GOP Delegates Boo Moore at Convention +Sports,Double win for DiGrassi! +World,3 Killed As Gaston Lashes Va. With Rain +World,Stocks Mixed on Consumer Confidence Drop +Sports,Cal was robbed +World,Republicans Assail Kerry at Convention +World,Ex-Yugoslav Head Milosevic Begins Defense +World,Twin Bus Blasts in Southern Israel Kill 12 +World,Gaston's Rain Sparks Emergency in Virginia +Sci/Tech,"It's SQL, but not as you know it" +World,12 Nepalese Reportedly Executed in Iraq +World,"Schwarzenegger, Laura Bush to Speak Today" +World,Several Killed in Israeli Bus Bombings +Business,Consumer Confidence Plummets in August +World,12 Nepalese Reportedly Executed in Iraq +Business,W.T.O. Authorizes Anti-Dumping Sanctions on U.S. +Business,Albertson's Second-Quarter Profits Drop +Business,Gambro Sells U.S. Kidney Clinics Unit +Business,Credit Dings = Insurance Woes +Sci/Tech,Copernic Desktop Search Takes Aim at Microsoft +World,Sharon Presents Gaza Pullout Timetable +World,Sadr #39;s men wait for call to fight +Sports,Man Utd sign Rooney +Sports,Serena courts rebel image +Sports,West Brom acquires Inamoto +Sports,Gutierrez named Michigan #39;s starting QB +World,France #39;s AXA Faces Poll Delay In Australian Unit Buyout +World,"Keep low profile, US citizens urged" +Sci/Tech,New Apple Gets Shined +Sci/Tech,Your Personal Data Is Often at Risk +Sci/Tech,Publication of Personal Information Probed +Sci/Tech,Convention Boasts State-of-Art Technology +Sci/Tech,Handheld Computers Aid Convention Security +Sci/Tech,Microsoft Taking on Apple's Music Store +Sci/Tech,"Hitachi, Matsushita, Toshiba in LCD Venture" +Sci/Tech,Jet record marked by Guinness +Sci/Tech,'No evidence' for cloning claim +Business,"Harrah #39;s, Caesars looking to sell four casinos" +Business,Stocks Open Higher; Wall Street Cautious +Business,"Ratan Tata, Kumarmangalam may head revamped Board of Trade" +Business,Gateway Casinos controlling shareholders sell 25 of casino <b>...</b> +Sci/Tech,Intel 65-nanometer chip to use less power +Sci/Tech,VERITAS to Acquire E-mail Archiving Leader KVS; Accelerates <b>...</b> +Sci/Tech,"Hitachi, Toshiba, Matsushita Launch \$1B Joint LCD Venture" +Sci/Tech,Opera browser to come to Windows Mobile +Sci/Tech,TechBrief: Chip firms invest in nanotech +Sports,Voeller: I #39;m Ready +Sci/Tech,NASA to Announce Discovery of New Class of Planets +Sci/Tech,Life on Mars: A Definite Possibility +Business,US Consumer Confidence Tumbles in August +Business,Media Mogul Black #39;Lined his Pockets Every Day #39; +Business,USA: Interstate Bakeries delays filing full-year report +Sci/Tech,Veritas to buy maker of e-mail storage tools +Sports,China Olympians return as heroes +Sports,Voeller set to coach Roma +Sports,Rusty to retire after 2005. +Sci/Tech,Suburbia's Just Another Name for Fat City +Sci/Tech,Short Film Shows Virus Going in for the Kill +Sci/Tech,"Raw, Unprocessed Food Trend Catching On in U.S." +Sci/Tech,Veritas to buy maker of e-mail storage tools +Business,"Lenovo, IBM May Soon Reveal PC Unit Deal" +Sci/Tech,Briefly: Charter signs 3 phone deals +Business,Chep changes pay off +Business,WTO Approves Sanctions Against US in #39;Byrd #39; Row +Business,Energy giant #39;s 2bn windfall +Business,"Harrah #39;s, Caesars looking to sell four casinos" +Business,Alitalia Pressures Unions to Accept Plan +Business,Circuit City Hears Verizon #39;s Call +Sports,Day 2 in Kobe Bryant jury selection +Sports,Don #39;t rule it out completely +Sports,Voeller moves to Roma +Sports,Not all QB questions answered +World,Moscow fears two more suicide bombers +Sci/Tech,AOL testing Net phone service +Sci/Tech,Apple puts the squeeze on new iMac +Sci/Tech,Apple unwraps new iMac G5s at Paris show +Sci/Tech,Opera to launch browser for Windows Mobile +Sci/Tech,Sun readies app server upgrade +Sci/Tech,Apple unwraps new iMac G5s +Sci/Tech,Samsung develops high-capacity smart card chip +Sci/Tech,Skype dials up beta software for Mac OS X +Sci/Tech,AMD demos first dual-core processor +Sci/Tech,Microsoft Taking on Apple's iTunes Music Store +Sci/Tech,Handheld Computers Aid Republican Convention Security +Sci/Tech,Apple Unveils New IMac at Paris Expo +Sci/Tech,Fujitsu Limited +Sci/Tech,Apple Unveils iMac G5 +Sci/Tech,Apple Support Site Among Top 10 +World,WTO authorizes sanctions against US for anti-dumping law (AFP) +Business,US Consumers Anxious About Lack of Hiring +Business,Dollar Slumps After Weak U.S. Data +World,Iraqi Militants Kill 12 Nepali Hostages - Web Site +Business,Zimbabwe tobacco crop falls again +Business,India plans to help boost exports +Business,Plato Gets Top Grade +Sci/Tech,Radio 4 revives Hitchhiker's game +Business,India plans to help boost exports +Sci/Tech,"Avalon, WinFS decoupled for Windows Shorthorn" +Sci/Tech,Apple Announces New iMac That Breaks Design Barriers +Sci/Tech,US IT spend to mark modest growth +Sci/Tech,FrontBridge Fills Archiving Gaps +World,Milosevic War Crimes Trial Resumes +World,British Based Preacher Probed over Child Trafficking +Sci/Tech,Sun sales tactic targets Linux +Sci/Tech,Opera Lands on Windows Mobile +Business,OPEC chief expects oil prices to ease from recent high levels +Business,Transco sells four gas networks +Business,"Harrah #39;s, Caesars in talks to sell casinos" +Business,WTO OKs Sanctions Vs. US in Trade Row +Business,Outsourcing CEOs Get Big Pay Hikes +Business,Charter will add phone service +Sci/Tech,Intel Builds New Chips with 65 Nanometer Process Technology +Sci/Tech,AMD Demonstrates 90nm x86 Dual-Core Processor +Sci/Tech,Cluster Workstations bring supercomputing to power users #39; desks +Sports,China #39;s Olympic flying start +World,Senegal Draws Up Locust Battle Plan for West Africa +Business,US Consumers Anxious About Lack of Hiring (Reuters) +Business,Dollar Slumps After Weak U.S. Data (Reuters) +World,France Enters Hostage Crisis Talks (AP) +World,U.N. Searches for Missing Aid Workers (AP) +Business,SCH bank says Abbey move will not dilute industrial holdings (AFP) +World,Sikhs flock to Amritsar for Guru Granth Sahib anniversary (Reuters) +Sci/Tech,Apple Unveils New iMac at Paris Show +Business,USTR to Comply After WTO Sanctions Threat +Business,WTO rules for EU in US trade row +Business,Consumer confidence falls +Business,OPEC: Group Doing All It Can To Stabilize Oil Prices +Business,"Hollinger #39;s Black Victimized #39; Company, Report Says (Update1)" +Business,UPDATE 2-Veritas to buy e-mail archive company KVault +Business,Jewel-Osco impacted by Calif. strike +Business,SM amp;A shares tumble after revenue warning +Business,Investors squash units of Hot House Growers fund +Sci/Tech,Apple unveils worlds thinnest desktop in Paris +Sci/Tech,Veritas to buy KVault Software in \$225m deal +Sci/Tech,"Novell has new face under Linux, identity services" +Sci/Tech,Open-source rival to Exchange released +Sports,UPDATE 2-Manchester United held 0-0 by Everton +World,"US, Iraqis Discuss Aid to Najaf, Baghdad" +World,Cambodian Assembly Ratifies WTO Membership +Sci/Tech,Copernic Unleashes Desktop Search Tool +World,State of Iraqi Oil Exports Unclear (AP) +Sci/Tech,Opera Lands on Windows Mobile (PC World) +Business,Hollinger Panel Says Owners Took Cash +Sports,Hungarian Hammer Thrower Annus Will Not Return Gold +Business,Stocks Fall as Intel Update Awaited +Business,Crude Oil Little Changed After Falling on Rising Iraqi Output +Business,All Eyes on Tokyo +Business,Consumers Anxious About Lack of Hiring +Business,UPDATE 2-Forest says Alzheimer #39;s drug fails to meet goal +Business,Enron to begin US pipeline auction on Wednesday +Business,Ex-Amvescap chiefs fined \$3.34m for funds scandal +Business,"UPDATE 3-Open Text profit weakens, stock down after hours" +Business,Public Officials Question Bank Of America Job Cuts +Business,"Update 1: Six Flags Shares Up on Gates, Redskins" +Business,Update 5: Schwab Sells Division to UBS for \$265M +Business,Hudson #39;s Bay Has Second-Quarter Loss as Sales Fizzle (Update3) +Business,Nafta Backs Canada on Challenge of US Lumber Duties (Update2) +Sci/Tech,New planets in a class of their own: astronomers +Sci/Tech,The supercomputer that fits into a screen just two inches thin +Sci/Tech,Allchin on Longhorn: We #39;ve Had to Make Some Hard Trade-offs +Sci/Tech,Samsung Buys Into Digital Wallet Chips +Sci/Tech,Skype takes VoIP software to the Mac +Sci/Tech,Veritas to Buy E-Mail Company KVault +Sci/Tech,AMD Shows Off Dual-Core Microprocessor +Sci/Tech,"Fred L. Whipple, pioneer in comet research, dead at 97" +Sci/Tech,US IT Spending to Grow 7 Next Year +Sci/Tech,Copernic Desktop Search Takes Aim at Microsoft +Sci/Tech,"Thanks, Linux" +Sci/Tech,Opera Browser To Be Available For Windows Mobile +Sci/Tech,FCC Appeals Cable Broadband Decision +Sci/Tech,Aruba brings Wi-Fi down from the ceiling +Sci/Tech,Miniscule atomic clock demonstrated in US +Sci/Tech,Report Says IRS Software Program Isn #39;t Doing The Job +Sci/Tech,VeriSign Renews ICANN Fight in Cali +Sports,Safin Suffers While Henin-Hardenne Survives +Sports,China to delay work on some Olympic venues +Sports,Ex-priest #39;s #39;stunt days over #39; +Sports,Sweden Opens Hockey World Cup with Win Over Germany +Sports,Raiders #39; Woodson ends holdout +Sports,knows what it takes +Sports,Report: Former captain might keep playing +World,Israel Hunts for Militants After Twin Bus Bombings +World,Tribunal to Consider Defense Lawyer for Milosevic +World,Dogs of war? These men in shackles have been whipped into <b>...</b> +World,Putin casts jet crashes as terrorist bombings +World,Taiwan cancels drill in goodwill gesture +World,Iran Arrests Dozens on Suspicion of Spying on its Nukes +World,US Seeks Quick UN Vote Warning Syria on Lebanon +World,Foreign Office team to visit North Korea +World,Chilean judge to question Pinochet +Sports,Manchester United Confirm Rooney Signing +Sports,Serena Williams unleashes leather-clad gladiators on court! +Sports,Seattle swaps veteran catcher to Twins +Sci/Tech,Astronomers Spot Smallest Planets Yet +Sci/Tech,Apple #39;s New iMac Is All Display +Sci/Tech,Veritas Software Buys Email Backup Firm +Sci/Tech,AMD Shows Off Dual Core Processor +Sci/Tech,Panasonic and Toshiba Look to Establishing a Joint Venture to Make <b>...</b> +Sci/Tech,New front: Recording of digital broadcasts +Sports,Bryant watches selection of jurors +World,Syria-Dictated Move Prompts Political Uproar in Lebanon +Business,UBS to buy Schwab #39;s trading unit +Business,Transco to sell 4 gas networks for \$10.4 bn +Sci/Tech,Reporter #39;s Notebook: Apple Expo Eyes iMac G5 +Sci/Tech,Licensing #39;appeasement #39; triggered Longhorn change +Sci/Tech,TechBrief: Japan pact on TV displays +Sci/Tech,SP2 Said To Cause Problems In 10 Percent of Windows XP PCs +Sci/Tech,"Sanyo to jointly develop HD-DVD with Toshiba, NEC" +Sports,Legendary status eludes Schu +Sports,Borders dealt to Twins for outfielder Garbe +Sports,Kyle Eckel Nominated For The Doak Walker Award +Sports,Francis spurns offer to join Hurricanes #39; front office +World,Two bus blasts in southern Israel kill 16 +World,"Female Bomber Kills 9 in Moscow, Officials Say" +Business,WTO: Nations Can Retaliate Against US +Business,Japan megabank turns deaf ear +Business,"Eye On Stocks For Wednesday, Sept. 1" +Business,United Airlines plans to recall nearly 375 flight attendants +Business,Update 3: Oil Prices Drop \$1 Despite Iraq Sabotage +Business,China temporarily suspends IPOs +Business,Report Shows CEO Pay Soars at Companies That Outsource Overseas +Sci/Tech,FCC Asks Supreme Court To Rule on Broadband +Sci/Tech,SANYO to Adopt HD DVD Standard to Develop Next Generation DVDs +Sports,McGill A Doak Walker Award Candidate +World,Video May Show Deaths of Nepalese Hostages +Sci/Tech,HDTV 'Starter' Kit for PC Comes with Some Kinks (Reuters) +Sci/Tech,Video Game Sales Seen Pausing After Record 2003 (Reuters) +Business,Argentina Rebuffs IMF Managing Director (Reuters) +Business,WTO OKs Trade Sanctions Against U.S. (Reuters) +World,"At least 10 killed, more than 50 hurt in explosions near Moscow subway station (Canadian Press)" +World,Rights group says libel suit deepens assault on Thailand's media (AFP) +Sports,Trail Blazers Agree to Terms With Miles (AP) +Sci/Tech,New Front: Recording of Digital Broadcasts (AP) +Sports,Wayne Rooney Joins Manchester United (AP) +Sci/Tech,Apple Expo: Apple intros iMac G5 (MacCentral) +Sports,Sweden Skates Past Germany 5-2 in Worlds (AP) +Sports,Citadel Postpones Opener Over Hurricane (AP) +Sci/Tech,"Philips, Samsung Partner on NFC Technology (NewsFactor)" +Sci/Tech,Novell Revamps Business Units (NewsFactor) +Business,Consumers Anxious About Lack of Hiring +Sports,Woods' Play May Influence New TV Golf Deal (AP) +Sci/Tech,Burst Attorney Deposes Microsoft Chairman (AP) +World,Kerry Will Buy #36;45M TV Time in 20 States (AP) +Sci/Tech,"Analyst: CRM, Supply-Chain Software To Lead Spending (NewsFactor)" +Business,WTO OKs Trade Sanctions Against U.S. +Sci/Tech,iMac G5 Debuts as World's Thinnest Desktop (NewsFactor) +Sports,Davenport Marches Into Second Round +Business,Argentina Rebuffs IMF Managing Director +Business,Kerry Faults Bush for WTO Sanctions Threat +Business,"Company chiefs who outsource jobs earn more, study finds" +Business,Sanofi #39;s first-half profit rises 21 +Sports,Raiders Finally Sign Woodson +Business,"Dollar Ends Lower, Focus Turns to ISM" +Business,Credit Suisse to Integrate Units +Sports,Sweden Opens Hockey World Cup with Win Over Germany +Sci/Tech,Veritas Software to buy KVault e-mail archiver +Sci/Tech,Sanyo to Produce HD-DVD Players +Sports,Korzhanenko Still Refusing to Return Gold Medal +Sports,Tennis: Justine Henin-Hardenne Advances to 2nd Round of US Open +Sports,Juventus signs two stars at deadline +Sports,"Baseball: Cubs and Red Sox, in lock step, stagger toward their <b>...</b>" +Business,Albertsons Profit Falls +Business,Highest Labor Day Pump Prices Expected +Sci/Tech,Final Atlas 2 Rocket Again Delayed by Weather (Reuters) +World,Putin Sees Al-Qaida in Twin Air Crashes +Sci/Tech,UK Seeks Global Support for Stem Cell Research (Reuters) +Sports,Mismatch Turns Competitive as Henin-Hardenne Faces Rookie +Sci/Tech,"Two Neptune-Mass Planets Found, Earth-Size Worlds Next (SPACE.com)" +Sci/Tech,Getting a Grip on Antimatter (SPACE.com) +Business,Snyder Takes Stake in Six Flags +World,IRA High on Agenda as Northern Irish Talks Open +World,U.S. Seeks Quick UN Vote Warning Syria on Lebanon +Sci/Tech,Court Hears Case of Brain Damaged Woman (AP) +World,Tribunal to Consider Defense Lawyer for Milosevic +World,"Outside camp walls, life still treacherous for Darfur refugees" +World,Kidnappings backfire on Iraq militants +World,Beersheba bombers skirt the wall +World,"Slavery is not dead, just less recognizable." +World,Astronomers see two new planets +Business,Business Week taps new editor +World,Tennis: Henman battles through +Business,Lazard plans to go public by 2005 +World,UK no longer top asylum nation +Business,A cure for shortage? +Business,Panel Says Conrad Black Ran a 'Corporate Kleptocracy' +World,Policeman accuses Gujarat BJP +Business,Judge Rules \$60 Million Can't Be Withheld From Ex-Freddie Mac Chief +Business,Albertson's Labors Over Results +Business,A Mirage or a Great Speculation? +Business,Credit Tete-a-Tete +Business,(Hot) Dog of the Day +Business,Can Tommy Cut It? +World,Protesters Heed Calls for Widespread Civil Disobedience +World,Twin Bus Bombings in Israel Kill at Least 15 and Wound Dozens +Business,Vice chairman quits Wal-Mart +World,Actress Theron Hurt on Germany Film Set +World,Safin Makes Early Exit at U.S. Open +World,12 Nepalese Hostages Said Slain in Iraq +World,"Bush Recants, Says Terror War Will Be Won" +World,Astronomers Spot Smallest Planets Yet +Business,Media Brass Bullish on #39;05 +World,Stocks Up Despite Consumer Confidence News +World,Soledad O'Brien Gives Birth to Twin Boys +Business,Microsoft Takes On ITunes +Sci/Tech,Guinness recognises jet record +Sci/Tech,HDTV 'Starter' Kit for PC Comes with Some Kinks +Sci/Tech,Video Game Sales Seen Pausing After Record 2003 +Sci/Tech,Small planets seen by astronomers +Sci/Tech,"Great Portugal Quake May Have a Sequel, Study Says" +Business,Jury: WTC attack was two events +Sci/Tech,Climber Who Cut Off Hand Looks Back +Sci/Tech,How Blood Pressure Pill Prevents Heart Attacks +Sci/Tech,"For CEOs, offshoring pays" +Sci/Tech,Briefly: LinkedIn links a million +Sci/Tech,Sun drafts open-source blog developer +Sci/Tech,Sun readies Java app servers +Sci/Tech,Microsoft pens e-commerce deal +Business,Smiths pays 476m for Medex +Business,Update 1: China Aviation Execs Surrender Passports +Sci/Tech,Skype takes VoIP software to the Mac +Sci/Tech,Blu-ray group gets behind Microsoft tech +Sci/Tech,Commentary: Apple's missed opportunity +Sci/Tech,"IBM, LG winding down joint venture" +Sci/Tech,iMac G5 in pictures +Business,Oil prices hover above US\$43 in Asia but market calm after Saudi <b>...</b> +Sci/Tech,New iMac tries to play it cool +Sci/Tech,Japanese makers forge \$1 billion LCD alliance +Sci/Tech,Editors' Picks: What do you think of the iMac's newest design? +Sci/Tech,Computerworld names new editor in chief +Sci/Tech,Nortel CEO Bill Owens sees 'exciting future' +Sci/Tech,Report casts doubt on IRS hacking-detection system +Sci/Tech,Police question report of India code theft +Sci/Tech,Microsoft offers sneak peak of SQL Server 2005 +Sci/Tech,Opera to launch browser for Windows Mobile +Sci/Tech,Copernic desktop search takes aim at Microsoft +Sci/Tech,Veritas buys KVault Software in \$225M deal +Sci/Tech,Aruba brings Wi-Fi down from the ceiling +Sci/Tech,"IBM, Sun join with Microsoft on Web services event specification" +Sci/Tech,"Spammers using sender authentication too, study says" +Sci/Tech,Police question details of India code theft report +Sci/Tech,AMD Shows First Dual-Core Processor +Sci/Tech,Apple Unwraps New IMac G5s +Sci/Tech,Dell Delivers Help to Small Businesses +Business,Flight attendants union calls for new United Airlines #39; management +Business,Royal Mail fails to meet every target on postal deliveries +Business,FDA Approves New Stent System to Help Prevent Stroke +Sci/Tech,SCO to cap legal expenses +Sports,Blue Jackets re-sign C Moran +Sci/Tech,Blog Search Blabble.com Takes New Approach +Sci/Tech,Recall Toolbar: Searches your visited websites +Sci/Tech,Is Google blocking third party GMail notifiers? +Sci/Tech,Apple Expo 2004 Paris +Sports,Charles Woodson Ends Holdout With Raiders (AP) +Sci/Tech,Goal For Qualcomm: Repeat Performance (Investor's Business Daily) +Sci/Tech,You Control: iTunes puts control in OS X menu bar (MacCentral) +Sci/Tech,Psychotic Mice May Aid Study of Disease - Report (Reuters) +World,Muslim cleric Hamza de-arrested +World,Fresh effort to break NI impasse +Business,Corporate kleptocracy that mirrors Maxwell #39;s world +Business,"Telemarketer allegedly made more than 300,000 illegal calls" +Sci/Tech,Scientists discover two new extra-solar planets +World,Trial of coup #39;plotters #39; suspended +Sci/Tech,SCO to cap legal expenses +Business,A booster shot for Brand India +Business,Attendants want #39;reckless #39; UAL managers out +Sci/Tech,Fred Whipple +World,Iran says it has arrested nuclear spies +World,Gaddafi to Compensate Libyan Jews for Lost Homes +World,Suicide Bomber Kills 10 at Moscow Subway +World,U.S. Seeks to Throw Out Terror Convictions +World,'Star Trek' Actor Doohan Receives Star +Business,WTO okays sanctions against US +Business,Hollinger Panel Says Black Looted Company +Business,Regulator suspends China IPOs +Business,Carotid stent gets FDA approval +Business,Report Predicts Near Doubling of IP PBX Sales +Sports,Serena in denim puts the boot into tradition +Sports,Henman fights on after five-set slog +Sports,Sweden #39;s four-goal avalanche buries Germany +Sports,"Porto adds quick-tempered, quick-footed Fabiano to roster" +World,16 killed in bus blasts as Hamas reignites conflict +Sci/Tech,Laser mouse conquers new surfaces +Sci/Tech,Astronomers Spot Smallest Planets Yet +Sci/Tech,"Is it a rock star? No, just Apple #39;s third generation iMac computer" +Sci/Tech,Samsung Taps Philips For NFC Technology +Sports,First day of Open ends with a retirement announcement <b>...</b> +World,Russia Says No to UN Sanctions Against Sudan +Sports,Safin Makes Early Exit at U.S. Open (AP) +Sports,Deion Sanders Returns to NFL With Ravens (AP) +Sports,Arizona Gets RB Hambrick and DE Zellner from Raiders (Reuters) +Sports,Ankiel May Be With Cardinals in Postseason (AP) +World,Suicide Bomber Kills 10 at Moscow Subway (AP) +World,First Lady to Hail Bush on His Leadership (AP) +Sci/Tech,Astronomers Spot Smallest Planets Yet (AP) +Sports,Warren the do-it-yourself type +Business,"Shareholders the losers, report charges" +Business,US Loses Trade Cases and Faces Penalties +Business,UBS Buying Schwab Unit +Business,"Alitalia axe hangs over 7,000 staff as bankruptcy looms" +Business,"6 injured, 48 detained in Argentine clash" +Business,Drop in Consumer Confidence Unexpectedly Steep in August +Business,"US Airways, Machinists Hit Impasse" +Business,FTC seeks fine against do-not-call list violator +Business,Hold bank accountable +Business,US Clears Stent Sales by Guidant +Sci/Tech,Apple #39;s New iMac: Skin-Deep Beauty +Sci/Tech,US finds Earthlike planets at other stars +Sci/Tech,EBay ups Internet Auction stake +Sci/Tech,Visteon to grow in China with two new parts plants +Sci/Tech,"Fred L. Whipple, 97, Dies; Comet Research Pioneer" +Sci/Tech,Cloning experiment condemned +Sci/Tech,Divorce rate surges as friends are reunited +Sci/Tech,Launch team salutes Cape #39;s pad 36A after final liftoff +Sci/Tech,US tech execs optimistic about spending +Sci/Tech,Tree Farmers Are Objecting To New Rules On Forestland Changes <b>...</b> +Sports,United Reveal Rooney Deal Payments +Sports,Serena fashions a statement with eye-catching outfit +Sports,Beijing undergoing biggest changes in 800 years for Olympic Games +Sports,Everton target McCarthy +Sports,AMERICAN LEAGUE: 22-0 defeat by Indians is Yankees #39; worst ever +Sports,Inamoto signs for West Brom +Sports,Canada strikes first: Thornton shines in 2-1 win over USA +Sports,Manny hits two round-trippers in 10-7 victory +Sports,"Club gets two runs off Smoltz, but falls to Atlanta" +Sports,US OPEN: Sharapova rallies; Roddick rockets +World,Nepal mosque stoned after Iraq killings +World,Next Steps on Darfur +World,"Thatcher financed coup plot, claims business partner" +World,North parties to meet for fresh talks on peace process +World,Women moved by family not ideology +World,Gunmen attack Iraq #39;s Ahmad Chalabi +World,N.Koreans Break Into Japanese School in China +Sports,Indians Rout Yankees 22-0 in Epic Defeat (AP) +Sports,Cheaters are still winners in the eyes of many fans +Business,MGM Deal Seen Likely (Reuters) +Sports,Red Sox Hold Off Angels 10-7 (AP) +Sports,No. 13 Bears Face Difficult Early Tests (AP) +Business,"Nikkei Up at Midday, Led by Telecoms (Reuters)" +Sports,Report: Pennington Set to Sign Extension with Jets (Reuters) +Business,Consumer Confidence Plummets on Job Market (AP) +Sci/Tech,EBay Offers #36;530 Million for Rest of S.Korean Arm (Reuters) +Sports,Dodgers Beat D'backs 4-1 in 13 Innings (AP) +Sports,Time on Jones's side +World,New Coca Plants Said to Lurk in Colombia (AP) +Sports,Sabres Re-Sign Defenseman Dmitri Kalinin (AP) +Sci/Tech,Nintendo Cuts Price on Game Boy Advance (AP) +Sci/Tech,SCO Posts #36;7.4 Million Loss (Ziff Davis) +World,Protesters stone Nepal mosque after Iraq killings (Reuters) +Business,Oil Heads Up Ahead of Fuel Stocks Data +Sci/Tech,"Apple Unveils Its Latest iMac, Months After Planned Debut (washingtonpost.com)" +Sports,This DVD highlights a storied past +World,"Kerry: 'We Can, We Must' Win Terror War (AP)" +Sports,"Roddick Blasts Through, Sharapova Struggles" +World,First Lady Promoting Husband As Warrior (AP) +Sci/Tech,Rocket Carrying Spy Satellite Launched (AP) +World,Schwarzenegger Lauds Bush on Terror Fight (AP) +Business,"Nikkei Up at Midday, Led by Telecoms" +Sports,"Cubs Trade for DiFelice, Grieve" +Sci/Tech,West Africans Draw Up Battle Plans Against Locusts (Reuters) +Sports,Venus Battles Through to Second Round +Sci/Tech,Nothing Black and White About Panda Pregnancy (Reuters) +Sports,Sharapova Forced to Scrap Past Granville +World,Cuban-American Is Likely GOP Senate Candidate in Florida (Reuters) +Sports,Arizona Gets RB Hambrick and DE Zellner from Raiders +Sports,Report: Pennington Set to Sign Extension with Jets +Sports,Today's schedule +Business,WTO Backs Effort Aimed At U.S. Law +Business,Enron Broadband Chief Makes Deal +World,Protesters Stone Nepal Mosque After Iraq Killings +Business,Mutual Funds Reveal Shareholder Votes +Business,Judge Rules Against OFHEO +World,N.Koreans Break Into Japanese School in China +Sports,Slide of the Yankees: Pinstripes Punished +World,"Miss Universe, Olympians in Australia Poll Bout" +Sports,"Billups, Pistons fill it up vs. Mavericks" +Sports,Canada Sets Tone in World Cup Victory Over U.S. +Sports,Transactions +World,Armed men storm Russian school +World,Ex-Macedonian minister arrested +World,Arroyo set to woo China on trade +Sports,O'Brien drawing interest? +Business,Glaxo to Begin Posting Drug Trial Results +Business,Pfizer Ends Drug Cards for Elderly +World,Scan 'as damaging as atomic bomb' +Sci/Tech,Insecure elections marching ever closer +Sports,Ravens Sign Sanders +World,At Least 900 Arrested in City as Protesters Clash With Police +Sports,Custis Takes Control +Sports,Giambi Rejoins Yankees +Sports,Medal Stays in Hungary +Sports,Man. U. Gets Rooney +Sports,Astros Creep Closer +World,U.S. Seeks to Throw Out Terror Convictions +World,Schwarzenegger Lauds Bush on Terror Fight +Business,SCO caps legal costs as losses mount +Sports,Hamilton's late surge powers Holy Cross +World,Egyptians Test Waters in Anticipation of Reform +World,"U.S.: Militants, Not Villagers, Hit in Afghan Raid" +World,"After Delays, Milosevic Opens Defense" +Business,Update 2: Tokyo Stocks Edge Up Higher; Dollar Falls +Sci/Tech,Copernic unveils Desktop Search Tool +Sci/Tech,Internet caf hoists a latte to celebrate 10-year anniversary +Sports,Ouch! Yankees hit new low +Sports,Canadians start fast +World,Office ransacked after killings +World,Militants kill 12 Nepal hostages +Sci/Tech,"Apple Unveils Its Latest iMac, Months Late" +Sci/Tech,Marketer Sued for Do-Not-Call Violation +Sci/Tech,Enron Broadband Chief Makes Deal +Sci/Tech,Water quality fails EU standards +Sci/Tech,Briefly: Amazon opens floor to political pundits +Sci/Tech,Sony picks up graphics tech for PSP +Sci/Tech,Gadget harvest +Sci/Tech,Al Qaeda's Tech Traps +Sci/Tech,First Look: Rio's Hot New Carbon MP3 Player +Business,EU to consider sanctions against US +Business,Investigators Tell Story of Ex-CEO #39;s Looting of Hollinger Millions +Business,UBS to buy Schwab #39;s capital markets unit for \$265mn +Business,El jefe del FMI intenta alargar los plazos de la deuda argentina +Business,Grid #39;s 6bn sale raises job and safety concerns +Business,Business briefs +Business,Phone unit in China has 13 rise +Business,Stocks to Watch Wednesday +Business,Bank of America reaffirms promises +Business,Acquitted TAP executive to lead company +Business,Chiron acquires La Jolla biotech +Sci/Tech,New class of planets found +Sci/Tech,"Apple hopes thin iMac can fatten profits, share" +Sci/Tech,One in ten could suffer with SP2 problems +Sci/Tech,Microsoft strips Longhorn of WinFS +Sci/Tech,Samsung phones to double as wallets +Sci/Tech,"Hitachi, Matsushita, Toshiba to jointly make large LCD panels" +Sci/Tech,US leader snaps up email firm KVault +Sci/Tech,Old-flame Web sites boost divorce rates-agency +Sci/Tech,AMD Betting Success Isn #39;t Gone in a Flash +Sci/Tech,"SCO caps legal costs, boosts Linux licence revenues" +Sci/Tech,Creative unveils iPod Mini-coloured MuVo2 update +Sci/Tech,Egyptian mummy #39;unwrapped #39; by modern scanning +Sci/Tech,Logitech launches laser-tracking mouse +Sci/Tech,The Wi-Jack Wi-Fi Wall Outlet +Sci/Tech,Dial-up #39; has new meaning with Ne +Sports,Fixing racing #39;s biggest problem +Sports,VOLLER HAPPY TO STEP ASIDE +Sports,Beijing scrambles to reel in costs +Sports,Irish invite for marathon athlete +Sports,Zib takes Ferrero to the limit +Sports,"Roundup: Canada, Sweden post victories" +Sports,"RAIDERS NOTEBOOK Hambrick, Zellner traded to Arizona" +World,Captors release 7 hostages in Iraq +World,Sudanese Aid Workers Released by Rebels +World,Kathmandu Under Curfew After Violent Protests Against Killing of <b>...</b> +World,Chalabi Escapes Assassination Attempt +World,Suspected N. Koreans Enter Japanese School in Beijing +World,Lebanese MPs to vote Friday on law amendment +World,Mortars Fired at Iraq National Assembly Opening +Sci/Tech,Two new rocky #39;super Earths #39; found +Sci/Tech,Self-contained +Sci/Tech,Earth #39;s #39;big brothers #39; floating around stars +Sports,Robson sacked by Newcastle +Sports,Sharapova Toughs Out Three-Set Win +World,Three killed in Russian hostage crisis +World,Sudanese aid workers released by Darfur rebels +World,Alleged US Army Deserter Says He Will Face Charges +World,Analysis: Putin #39;s permanent problem +World,Gov #39;t Launches France Telecom Stake Sale +World,US #39;defector #39; to turn himself in +Sci/Tech,Apple iMac G5: a first look +Sci/Tech,Cloning from the dead claim attacked +Sci/Tech,One Small Step as China Opens Space Center +Sports,Three jockeys held in race fixing probe +Sports,News in brief +Sports,WHARF AMONG THE WICKETS +World,Armed Attackers Seize School in Russia +World,Milosevic Concludes Opening Statement +World,Militants release seven hostages +World,Accused US deserter to report to military +Business,WTO Backs Effort Aimed At US Law +Business,"US Economy: Consumer Confidence, Chicago Index Fall (Update3)" +Business,Oil prices drop sharply to \$42US per barrel in spite of Iraqi <b>...</b> +Business,Airbus May Supply Planes in Cebu Air #39;s \$350 Mln Fleet Renewal +Business,Bank Of America Chief Continues Meetings On Layoffs +Sci/Tech,Apple #39;s new iMac makes delayed debut +Sci/Tech,"Veritas buys KVS, plugs archive hole" +Sci/Tech,eBay to Hike Stake in Local Firm +Sci/Tech,Fury at cloning scientist #39;s use of DNA from the dead +Sports,Yankees slump to embarrassing defeat +Sports,LaFrentz holding up well +Sci/Tech,Thinnest iMac Ever Makes Paris Debut +Sci/Tech,First Look: Rio #39;s Hot New Carbon MP3 Player +Sports,Fallon among 16 arrested in British race-fixing probe +Sports,Henman back on track and flushed with success +World,Seven Foreign Truckers Freed in Iraq; France Anxious (Reuters) +Business,Before-the-Bell: SuperGen Shares Soar (Reuters) +Business,Stocks to Watch Wednesday (Reuters) +World,Pakistan Says 'Important' Al Qaeda Men Arrested (Reuters) +Business,Oil Rebounds After 8-Day Slide on Blaze (Reuters) +Sports,Yankees' AL East Lead Drops to 3 1/2 Games (AP) +World,Russia Sends Troops to Guard Nuclear Sites (Reuters) +Sports,Jury Selection Continues in Bryant Case (AP) +Business,Mortgage Applications Ease in Aug 27 Week (Reuters) +World,Sudanese Aid Workers Released by Rebels (AP) +Sports,Tougher policy in works +Sci/Tech,Deutsche Telekom to buy Polish telecoms operator PTC (AFP) +World,Musharraf inducts 32 ministers in new Pakistani cabinet (AFP) +Sci/Tech,"Without crucial feature, what will new Windows do? (USATODAY.com)" +Business,"Stocks Seen Flat; Data, NY Protests Eyed" +Business,Before-the-Bell: SuperGen Shares Soar +Sports,Henin-Hardenne Shakes Off Teen at U.S Open (AP) +World,Drug Companies Wooing GOP Pols at RNC (AP) +Business,Stocks to Watch Wednesday +Business,Oil Rebounds After 8-Day Slide on Blaze +Sci/Tech,Rocket Launches with U.S. Security Satellite (Reuters) +Sci/Tech,Senegalese Fight Locusts with Smoke and Sticks (Reuters) +Business,Mortgage Applications Ease in Aug 27 Week +World,Seven Foreign Truckers Freed in Iraq; France Anxious +Business,Boston Scientific Outlook Trails Views +World,Pakistan Says 'Important' Al Qaeda Men Arrested +World,Kuwait Firm Says Its Truckers Held in Iraq Freed +Business,Dollar Struggles Above Recent Lows +World,Leading Iranian Dissident Demands Trial by Jury +World,Pope Appeals for Iraq Hostages; French Cling to Hope +World,Last Chance for N.Irish Deal as Fresh Talks Open +World,Milosevic Blasts His Trial as 'Pure Farce' +Business,Industry Advocates Play Key Convention Roles +World,Senegalese Fight Locusts with Smoke and Sticks +Business,Mitsubishi chiefs deny cover up +Sci/Tech,Octopus Doesn't Give Up on Motherhood (AP) +Business,Botswana strikers 'being evicted' +Business,Blast victim sues German agency +Sports,Reverse rout in Bronx makes us wonder +Sports,Start spreading the boos: Yankees absorb worst loss +Business,Bookie profits from punters' woes +Sports,Angels have some high hopes +Sci/Tech,U.S. Firmly Anti-Kyoto as U.N. Climate Talks Start (Reuters) +Sports,"A great eight for Harden, A's" +Business,Windows update prompts problems +Sports,Nixon is still in Garciaparra's corner +World,Attackers storm Russian school +Sports,Miller release puts it up in air +World,Milosevic says Serbs not guilty +Sports,Raiders' Woodson signs to end holdout +World,Foreign truckers released in Iraq +Sports,Thornton's game: It's improving +Sports,Rookie is here to stay +World,Rugby: Woodward to quit England +World,Kenya seeks 'miracle baby' pastor +Sports,Catholic Conference capsules +Sports,Greater Boston League capsules +Business,Fidelity slashes index-fund fees +Sports,Today's schedule +Business,No easy answers +Sports,'Cards' stacked for US +Sports,Transactions +Business,Consumer confidence plummets +Sports,Cubs trade for Grieve and DiFelice +Business,Oil prices slide despite Iraq uncertainty +Sports,Greeks still carry a torch for the Olympics +Business,TechTarget hires 2 IDG executives +World,Fallon arrested in fixing probe +Business,State eyes 9.3 auto-rate hike +Business,Analysts expect drop in stent sales +World,Scientists track incoming probe +World,Passion sells 2.4m copies on DVD +World,Video said to show slaying of 12 hostages +World,16 killed in suicide bombings in Israel +World,"China, Taiwan lauded for canceling exercises" +World,US bombs militants by Afghan village +World,"In India, some farmers benefiting from a cyber-revolution" +World,"Communism, capitalism forge throngs in Bucharest" +World,Illegal migrants' Social Security payments out of reach +World,11 Kurds killed in Turkey clashes +World,"Despite stigma, Indian film focuses on growing HIV epidemic" +World,Armed Attackers Seize School in Russia +World,Kidnappers in Iraq Free Seven Truckers +World,Stock Futures Indecisive in Early Going +World,Butterfly Ballot Designer Loses Election +World,1-Day Figures Due for 'Passion' DVD Sales +World,Talks to End Fighting in Baghdad Stall +World,Hundreds Held Hostage in Russia School +World,Cheney Due to Lash Into Kerry in Speech +World,West Bank City Closed Off After Blasts +World,Hundreds Held Hostage in Russia School +World,Terrorists Storm School in Southern Russia +Business,Vote Swaps Revamped for 2004 +Sports,Rockies release Neagle +Sci/Tech,Countdown to download chart debut +Sci/Tech,Silver surfers' cyber caf award +Sci/Tech,Web romance 'fuels divorce rise' +Sci/Tech,Ringleader Pleads Guilty in Internet Drug Sale Scheme +Sci/Tech,Just Keep Clicking +Sci/Tech,New Front: Recording of Digital Broadcasts +Sci/Tech,Nintendo Cuts Price on Game Boy Advance +Sci/Tech,Philly Considers Wireless Internet for All +Sci/Tech,ISS Astronauts Prepare for Another Spacewalk +Sci/Tech,"U.S. Dietary Panel May Green-Light Desserts, Treats" +Sci/Tech,Nearly Pain-Free Surgery Becoming More Common +Sci/Tech,Drug Companies Wooing GOP Politicians at RNC +Sci/Tech,Scientists Praise New Cholesterol Test +Sci/Tech,"Health Highlights: Aug. 31, 2004" +Sci/Tech,Software maker targets remote access market +Sci/Tech,Organizers shun wireless for GOP convention network +Sci/Tech,Veritas buys KVault Software in \$225M deal +Sci/Tech,Dell to introduce its first color laser printers +Sci/Tech,Logitech launches laser-tracking mouse +Sci/Tech,Building a Global Phone +Sci/Tech,Tech.gov: Can Anything Stem the Spyware Tide? +Sci/Tech,New Tech Front: Recording of Digital Broadcasts +Sci/Tech,Republican Convention Wiring a Mix of Technologies +Sci/Tech,New Computer Mouse to Use Sensor Based on Laser +Sci/Tech,Nintendo Cuts Price on Game Boy Advance System +Sci/Tech,Philadelphia Considers Wireless Internet for All +Business,UPDATE 1-Before the Bell-Boston Scientific falls +Business,Albertsons #39; profit falls 36 percent +Business,Hain Celestial #39;s Earnings Meet Estimates +Business,Nintendo cuts price on Game Boy Advance +Sports,"UPDATE 1-England win toss, elect to field v India" +World,Milosevic Calls his Trial #39;A Farce #39; +World,Thatcher agrees to pay bail for son in S. Africa: report +World,"Darfur rebels release aid workers held hostages, no word on 22 <b>...</b>" +Sci/Tech,Have 25 Years of Progress Helped? +Sci/Tech,Site Tracks Political Zeitgeist +Sci/Tech,Segwaying Across the Country +Sci/Tech,Scientific Method Man +Sci/Tech,Astronomers: More Earths Likely +Sci/Tech,Florida Says E-Vote Primary A-OK +Sci/Tech,Paris Says Bonjour to New IMac +Sci/Tech,"3 Planets Are Found Close in Size to Earth, Making Scientists Think 'Life'" +Sci/Tech,New iMac Makes Debut a Bit Later Than Apple Hoped +Sci/Tech,Recording of Digital Broadcasts Is New Frontier +Sci/Tech,Video Game Sales Seen Pausing After Record 2003 +Sci/Tech,First Look: Rio's Hot New Carbon MP3 Player (PC World) +Business,Brazil slashes Mozambique's debt +Business,"Dow Average Futures Fall; Forest Labs Declines, Guidant Rises" +Business,Nintendo cuts Game Boy Advance price +Business,House Prices Stall +Sports,Man Utd in Rooney admission +Sports,"Cubs Get Grieve From Brewers, Backup Catcher From Tigers" +Sports,Oh No! A Bob Knight Sitcom? +World,Hostage takers at Russian school refuse talks with Islamic leader +Sci/Tech,Software maker launches remote-access tools +World,European Shares Start Little Changed (Reuters) +Business,Boston Scientific sinks on forecast +Business,Little sign of new jobs created in Europe +Business,Singapore economy may grow by 8 despite high oil prices +Sci/Tech,SCO Posts Q3 Loss as Legal Costs Mount +Sci/Tech,Will internet cafs survive 10 more years? +World,"Israel bombs Palestinian areas, targets Hamas" +Sci/Tech,Keyword Trademark Infringements +World,Iran Poses Vexing Problems for U.S. (AP) +Business,eBay Bids for the Rest of S.Korean Arm (Reuters) +Business,eBay Bids for the Rest of S.Korean Arm +Business,Omnicare Extends Offer for NeighborCare +World,Pakistan Says It Arrests 'Important' Al Qaeda Men +World,Need for carbon sink technologies +Business,Holy DVD! +World,Hurricane Creeps Toward Southeastern U.S. +World,Cheney to Lash Into Kerry in N.Y. Speech +Business,Government launches sale of 9.6 per cent stake in France Telecom +Sci/Tech,"Hitachi, Matsushita, Toshiba in Venture" +Sports,Race-fixing probe nets 16 +Sports,No reason to jump for joy +World,Seven Hostages Freed In Iraq +World,Nepal shocked by hostage murders +Sci/Tech,UK expertise 'at risk from cuts' +Business,Boston Scientific Outlook Trails Views +Business,Mitsubishi Pleads Not Guilty to Cover-Up +Sci/Tech,eBay Opens Wallet in Korea +Sci/Tech,Friends site #39;helps swell divorce rate #39; +Sports,Top jockey Kieren Fallon arrested +Sports,Boston Red Sox Team Report - September 1 +Business,Treasuries Up; Economy's Strength Doubted (Reuters) +World,U.N.: No Clear Arms Evidence on Iran Nuclear Program (Reuters) +World,Kidnappers in Iraq Free Seven Truckers (AP) +World,India rocked by Harmison and Wharf (AFP) +Business,L'Oreal Profits Paint Pretty Picture +Business,Stocks Open Lower as Oil Climbs +Business,"Update 1: Ford Reports Sales Drop, Cuts Production" +Business,IMF Chief Urges Argentina to Finish Debt Restructuring Plan +Business,Boston Scientific #39;s Taxus Sales Rebounded in August (Update2) +Business,Bill Gates to Upgrade Fun +Business,Update 1: Carrefour #39;s Profit Up on Robust Operations +Business,Pace of US Factory Growth Slows +Business,Coke is it: BHP coal to double +Business,MGM shares jump 7.5 pct; report suggests deal near +Business,"TransCanada, Petro-Canada to Develop Gas Terminal (Update2)" +Business,Omnicare Extends Offer for NeighborCare +Business,United Says More Job Cuts Necessary +Sci/Tech,Small planets breathe life into old quest +Sci/Tech,New iMac Packs Computer into Flat Screen +Sci/Tech,EBay To Take Over Korean Affiliate +Sci/Tech,SCO Slides Again +Sci/Tech,Acer reshuffles execs amid growth +Sci/Tech,Microsoft to offer Windows XP security pack at post offices +Sci/Tech,Veritas Buys KVault for \$225 Million +Sci/Tech,Cybercafe nets nomination for style +Sci/Tech,Nintendo trims Game Boy Advance price +Sci/Tech,Final Atlas 2 rocket launches on fifth try +Sci/Tech,Game publisher Acclaim on verge of bankruptcy? +Sci/Tech,AMD Debuts Dual-Core Opteron Processor +Sci/Tech,Survey: More Hotels Adding Broadband Access +Sports,Maria dials up big dose of heart +Sports,Defense: Prosecution withheld key evidence +Sports,Bertuzzi trial set for new year +Sports,Yankees humbled in the Bronx +Sports,Guscott backs Woodward move +Sports,Notre Dame #39;s Goolsby eager to return after missing season +Sports,Referee D #39;Urso suspended for one month +Sports,Stoops brings new swagger to Arizona +Sports,Indiana town houses NHRA #39;s biggest operations +World,Milosevic denounces #39;mutilation of justice #39; +World,Blast at South African Gas Plant Kills 5 +World,Iraq #39;s Chalabi escapes assassination +World,Two die in Nepal protest against Iraq killings +World,Sikhs Gather to Celebrate 400-Year-Old Holy Book +World,29 N. Koreans seek asylum in Beijing +World,Three killed in Saudi rush for IKEA vouchers +Sci/Tech,Verizon Starts Selling World Phone to Consumers (Reuters) +Business,U.S. Factory Growth Eases (Reuters) +World,Israel Helicopter Fires Missiles at Gaza Refugee Camp (Reuters) +Business,"GM, Ford Cut Production; U.S. Sales Fall (Reuters)" +Sci/Tech,Bloggers Blanket Republican Convention (washingtonpost.com) +Business,"CEOs See More Hiring, Capital Spending (Reuters)" +Sports,Air Force Cadet Innocent of Steroid Charge (AP) +World,Talks Resume in Bid for N. Ireland Gov't (AP) +Sci/Tech,"Phil Schiller, analysts discuss the iMac G5 (MacCentral)" +Sports,Final Preseason Game Important for McMahon (AP) +Sports,Parker spurs San Antonio to superb NBA start (AFP) +Sports,Report: Kidd Not Expected Back Until December (Reuters) +Business,Fidelity Slashes Fees on Index Funds (AP) +Sci/Tech,Opera Browser Performs for Windows Mobile (NewsFactor) +Sports,"Reds Activate Wilson, Larson (AP)" +Business,Carrefour's Profit Climbs for First Half (AP) +Sci/Tech,SCO Revenue Drops as Lawsuits Take Toll (NewsFactor) +World,Accused U.S. Deserter to Turn Himself In (AP) +Business,Swiss Army Medicine (Forbes.com) +Sci/Tech,Report: SP2 Problems Impact 10 Percent of Windows XP PCs (NewsFactor) +Sports,Mountaineers Prepared to Lead Big East (AP) +Sci/Tech,AMD's Next Rabbit Out of the Hat: Dual Core (NewsFactor) +Sci/Tech,Apple offers iTunes Affiliate Program (MacCentral) +Sci/Tech,China Showcases Space Program (AP) +World,Kerry Challenges Bush on Terror Policies (AP) +World,Rove: Kerry Tarnished Vietnam Veterans (AP) +Sports,Hewitt Makes Impressive Start at U.S. Open +World,AIDS Activists Disrupt Convention Event (AP) +Business,Oil Hits \$44 as U.S. Crude Stocks Slide +Sci/Tech,One Small Step as China Opens Space Center (Reuters) +Business,"GM, Ford Cut Production; U.S. Sales Fall" +Sci/Tech,Dwindling Atlantic Salmon Still King on Canada River (Reuters) +Sci/Tech,New Class of Planets Found Around Two Other Stars (Reuters) +Sci/Tech,Comet Research Pioneer Fred Whipple Dies (Reuters) +Sci/Tech,"""Mystery Cloud"" Appears Over Eastern U.S. And Canada (SPACE.com)" +Business,US Treasuries Resilient to Profit-Taking +Sci/Tech,Virtual Humans Proposed As Space Travelers (SPACE.com) +Business,Stocks Wobble on DC Sickness Report +World,Israel Helicopter Fires Missiles at Gaza Refugee Camp +Business,"CEOs See More Hiring, Capital Spending" +World,"Armed Group Seizes Russian School, Talks Start" +Business,France to Cut Debt with Telecom Sale +Business,Hollinger Accuses Black of #39;Ethical Corruption #39; +Business,MGI Pharma-SuperGen in Cancer-Drug Deal +Sports,Els Haunted by Major Failures +World,Pakistan Arrests 'Important' Al Qaeda Pair +World,U.N. Calls for African Peacekeepers in Darfur +World,Arise Sir Mark mum pays +Business,Manufacturing Activity Up for 15th Month +Business,Construction Spending Hits All-Time High +World,"Iraq's Chalabi Escapes Assassination, Arrest" +Business,"CEOs See More Hiring, Capital Spending" +World,Russian pupils held in armed siege +Sports,Davis tops US qualifying +Sports,Upcoming slate offers opportunity +World,US to throw out terror verdicts +Sports,"Monza Testing, Day 1, 01/09/04" +World,New Chechen president confirmed +Business,Guidant wins new trial in St. Jude Medical suit +Business,US Economy: Manufacturing Expands at Slower Pace (Update2) +Business,"Carrefour posts 5.3 per cent profit rise, maintains 2004 goals" +Sci/Tech,"Veritas Acquires KVS, Gains E-Mail Archiving Capabilities" +Sports,Fallon denies race fixing scam +Sports,Hantuchova Upsets No. 17 Molik +Sports,MAJOR LEAGUE BASEBALL: 22-0w +World,Russia in shock as hostage drama follows suicide blast +Business,Ford Cuts Production While Chrysler's Sales Rise +World,French govt to sell up to 12 in France Tele +Business,"Manufacturing Activity Rises Again, but at Slower Pace" +Business,Chief Executives Plan to Increase Hiring and Capital Spending +Business,Stocks Are Mixed as Oil Prices Rise +Business,France to Lower Debt With Telecom Sale +Sports,Irish eyes look to Louisville +Sports,Bryant's Attorneys Ask for Dismissal +Business,Berkshire Hathaway +Business,United Natural's Healthy Again? +World,France Asks Arabs to Help Free Kidnapped Journalists in Iraq +Sports,No Time Like Prime Time +Business,Don't Overpay for Your Mortgage +World,AIDS Activists Disrupt Convention Event +World,Stocks Are Mixed on Surging Oil Prices +World,Kidnappers in Iraq Free Seven Truckers +World,Kerry Challenges Bush on Terror Policies +World,China Reports Births of Two Giant Pandas +World,Hundreds Held in Russian School; 8 Killed +World,Moore Not Bothered by GOP Jeers +World,Israel Blames Syria for Suicide Bombings +World,Hurricane Frances Inches Toward SE U.S. +World,Stocks Climb Despite Rising Oil Prices +Sci/Tech,BT may face anti-competition fine +Sci/Tech,Verizon Starts Selling World Phone to Consumers +Business,Hot or Cold? General Motors +Business,Shoppers deal with mixed signals +Business,UPDATE 2-Guidant says it wins appeal in patent case +Business,Lawmakers Denounce Bank of America Layoffs +Business,LNG plant proposed +Business,Omnicare makes another play for NeighborCare +Sci/Tech,Two New Neptune-Sized Planets Discovered +Sci/Tech,EBay increases stake in South Korea #39;s Internet Auction +Sci/Tech,Game Boy Advance SP Price Drop! +Sci/Tech,Hitachi Drives Consumer Storage +Sci/Tech,"Special X-rays unmask mummy #39;s face, virtually" +Sports,"Neon Deion #39;Excited, Can #39;t Wait #39; To Play" +World,France Telecom unions call for strike to protest privatization <b>...</b> +Sci/Tech,Bloggers Blanket Republican Convention +Sci/Tech,Personal Tech: HDTV +Sci/Tech,EBay To Acquire South Korean Auction Firm +Sci/Tech,'Astro Boy' Makes Video Game Debut +Sci/Tech,Alien probe 'best way to find ET' +Business,UBS Aquires Schwab Capital Markets Business +Business,"UPDATE 3-Boston Scientific regains market share, stock up" +Business,Energy giants pair to pursue liquefied gas plant +Sci/Tech,"Acclaim shutters offices, staffers ushered off premises" +Sports,WOODWARD: #39;I #39;M STILL IN CHARGE #39; +Sci/Tech,Birding Column: Enigma of the Band-Tailed Pigeon +Sci/Tech,"Grass Grows 13-Foot Roots of ""Steel""" +Sci/Tech,Neptune-Class Extrasolar Worlds Found +Sci/Tech,Searching for Scarce Life with Interplanetary Rovers +Sci/Tech,Briefly: Verizon opens global phone to consumers +Sci/Tech,Apple: Open-source pedigree will protect Tiger +Sci/Tech,Linux seller completes name change +Sci/Tech,SAP names new VP +Sci/Tech,Acer reshuffles execs amid growth +Sci/Tech,Nanotubes race toward bike parts +Sci/Tech,Sun dangles discounts for Microsoft techs +Sci/Tech,Another Bagle variant tries to spread +Sci/Tech,"MessageLabs, Symantec team on antispam service" +Sci/Tech,Time Warner broadband suit advances +Sci/Tech,Study: Half of U.S. hotel rooms have broadband +Sci/Tech,Adelphia to sell AT T Net phone service +Sci/Tech,Game publisher Acclaim on verge of bankruptcy? +Sci/Tech,Grid computing applied to IT automation +Sci/Tech,Apple builds on its core +Sci/Tech,"IBM, Honda team on voice-driven car navigation" +Sci/Tech,Nintendo trims Game Boy Advance price +Sci/Tech,Microsoft Pads 64-bit Support in SQL Server +Sci/Tech,Dell unveils hat trick of products +Sci/Tech,BMW puts iPod in driver's seat +Sci/Tech,IBM revamps ISV partnerships +Sci/Tech,"Whiz kids earn \$100,000 prize" +Sci/Tech,Trend Micro Extends Anti-Virus Software to Mobile Market +Sci/Tech,AMD demos first dual-core processor +Sci/Tech,Sun gets Microsoft-friendly with promotion +Sci/Tech,Iomega REVs backup and recovery +Sci/Tech,Kerberos critical hole allows system access +Sci/Tech,Hitachi Drives Consumer Storage +Sports,Woodward Can Make Switch - Hogg +Sports,Motion to Dismiss +Sports,Mountaineers prepared to lead the new-look Big East +World,Russia in shock as school hostage drama looms Iran condemns Moscow <b>...</b> +World,Talks to end fighting in Baghdad stall on disagreement over <b>...</b> +Sci/Tech,EBay Acquiring South Korean Auction Affiliate +Sci/Tech,Behavioral Targeting and Contextual Advertising +Sci/Tech,How to Research Keywords for Search Engine Marketing +Sci/Tech,News: Appeals court slams garage door DMCA claim +Sci/Tech,News: New Bagle worm drops in and downloads +Sci/Tech,News: PDA security still dismal +Sci/Tech,iTunes Affiliate Program +Sci/Tech,Chief of Advanced Micro Targets Market Share Gains +Sports,Chargers Quarterback Situation Unsettled (AP) +Sports,Angels Activate Andres Galarraga (AP) +World,"Florida readies for hurricane Frances, ordering large-scale evacutions (Canadian Press)" +Sports,Utah Enjoying New Atmosphere and Ranking (AP) +Sci/Tech,"Samsung, Philips Partner for Cell-Phone Payments (NewsFactor)" +Sports,Kobe Bryant's Defense Wants Rape Charge Dismissed +Business,Oil Hits \$44 as U.S. Crude Stocks Slide +World,"With Hurricane Approaching, Florida Calls for Evacuations" +Business,Monsanto unveils VISTIVE soybeans +Sports,Sports: Date set for Bertuzzi #39;s trial +World,IAEA report positive step: Iran +World,Talks Resume In Bid For N. Ireland Gov #39;t +World,Senior Sadr aide assassinated in Iraq +Sci/Tech,GOP platform: Broadband and R D tax credits +Sci/Tech,"Ballmer bullish on future, bearish on Linux" +Business,"General Motors, Ford Say Aug. US Auto Sales Fell (Update5)" +Business,Airbus snags Asian order +Business,Monsanto launches new quot;heart-healthy quot; soybean seed +Sci/Tech,SCO #39;s Finances Reverse As Legal Fees Mount +Sci/Tech,Yahoo! awards world #39;s best cybercafes +Sci/Tech,"Special X-Rays Unmask Mummy #39;s Face, Virtually" +Sci/Tech,Ballmer Beats Security Drum +Sci/Tech,Caller ID Spoofing Service Debuts +World,IAEA Has Questions about Iran #39;s Nuclear Program +World,One killed in Nepal violence +World,La. Lawmaker Wants Opponent Off Ballot (AP) +World,Dow Down on Oil Prices; Nasdaq Rises +World,Israel Warns Syria on Deadly Bus Blasts +Sci/Tech,"Ballmer bullish on future, bearish on Linux" +Sci/Tech,Spreading Spam +Sci/Tech,BMC update aims to nip downtime in the bud +Sci/Tech,City of brotherly love may embrace Wi-Fi +Business,Blue Chips End Lower After Oil Rises +Business,A Pall Falls Over Forest +Sci/Tech,Nokia Ships One Million N-Gage Game Decks +Sports,HEWITT BRINGS ON FERREIRA FAREWELL +Sports,Can El Duque stop the bleeding? +Sports,PGA should toughen requirements for keeping Tour cards +Sports,ESPN.com news services +Sports,Agent: Nothing to Alonzo #39;s return +World,"French FM in Amman after Qatar talks, heartened by calls for <b>...</b>" +Sports,'Prime Time' Wants Third Super Bowl Ring (AP) +World,Edwards Promises to Spread U.S. Wealth (AP) +World,Israel Threatens Syria After Hamas Bombings +Sci/Tech,New Planets could advance search for Life +Sci/Tech,Behind the music: Microsoft? +Sci/Tech,Apple #39;s iMac is no longer flagship product +Sci/Tech,eBay grabs the lot in Korea +Sci/Tech,"Write home, ET, don #39;t phone" +Sci/Tech,IBM to Share Technology and Designs for New Computer +Sci/Tech,Culture Plays a Role in Dyslexia +Sci/Tech,Oracle delivers delayed patches +Sci/Tech,Linux Doesn #39;t Make Sense for Desktops +Sci/Tech,TIMES NEWS TRACKER +Sci/Tech,Owls Use Dung to quot;Fish quot; for Beetles +Sci/Tech,Update 4: Philly Considers Wireless Internet for All +Sci/Tech,Plastic magnet breaks the mold +Sports,Hewitt back in top form +Sports,Ferguson has no fears for record buy Rooney +Sports,Smyth Nets Twice as Canada Routs Slovakia +Sports,Menechino hits tie-breaking home run as Blue Jays rally past <b>...</b> +Sports,"For Serena Williams, Less Is Definitely More" +Sports,BASEBALL ROUNDUP Astros Apply Power in a Drive for More +Sports,Last season #39;s MVP to miss three games +Sports,Zo seeks another comeback with Nets +World,"Gunmen seize Russian school, taking 400 hostages" +World,Pakistan Found to Aid Iran Nuclear Efforts +World,Curfew in Nepal as murders spark riot +World,Nepalese Attack a Mosque and Muslims in Katmandu +Sci/Tech,Microsoft Wins a High-Definition DVD Battle (Reuters) +Business,"GM, Ford, Toyota see sales fall" +Business,BofA pledges to move unit to Boston +Business,US Airways Pilots Hint Deal Is Near on Cuts +Business,Joint Venture Wins Enron Pipeline Auction +Business,Oil Futures Prices Rise 4.5 on Outsize Drop in Supplies +Business,"United may cut 6,000 employees" +Business,Interest rates start to bite as house price growth slows to three <b>...</b> +Business,Court Now Says Shareholders Can Sue Oracle +Business,PepsiCo Reaffirms 2004 Profit Forecast +Business,Two Californians accused of trying to smuggle 50 immigrants by <b>...</b> +Sci/Tech,Microsoft Launches Online Music Store (Reuters) +Sci/Tech,Digital Radio a New Front in Piracy War (AP) +Sci/Tech,'Astro Boy' Makes Video Game Debut (AP) +Sci/Tech,Is Linux Really a Contender Against Longhorn? (Ziff Davis) +Sci/Tech,Microsoft Unveils Version of Music Store (AP) +Sci/Tech,"Strong Hurricane Approaches Bahamas, Florida (Reuters)" +Sci/Tech,"Special X-Rays Unmask Mummy's Face, Virtually (Reuters)" +Sci/Tech,San Diego-Born Panda Hua Mei Has Twins (AP) +Sci/Tech,Survey Records Tarantulas' Travels (AP) +Sci/Tech,Protected Status Sought for Calif. Owl (AP) +Sci/Tech,Women on Waves +Business,"Johnson amp; Johnson May Buy Guidant, NY Times Says (Update2)" +Sports,No big deal +Sports,Sanders back on the scene +World,Annan urges big increase in troops for Darfur +Sci/Tech,Women take a shine to video games +Business,LATEST FUTURES NEWS +Business,"Ford posts sluggish sales, cuts production" +Sci/Tech,"Ballmer bullish on future, bearish on Linux" +Sports,Time for a red card +Sports,"Braves 7, Phillies 2" +Sports,Henin-Hardenne advances +Sports,"Baseball: Long, long night #39;s journey for Yanks" +Sports,Jump into different world is plunge into abyss +World,"Chalabi, Claiming Exoneration, Plans Another Comeback" +Sci/Tech,Microsoft Wins a High-Definition DVD Battle +Sci/Tech,Microsoft Launches Online Music Store +Sci/Tech,There's Gold in That There Dead Air +Sci/Tech,Aether Declines Higher Bid for Transit Division +Sci/Tech,Judge Rules in Favor of Md. Vote Machines +Sci/Tech,"Instant Messaging Is Growing Up, Going to Work" +Sci/Tech,Spherix Executive Resigns +Business,Spokane Diocese in bankruptcy court +Sci/Tech,Maryland Judge Rules In Favor Of State In E-Voting Suit +Sci/Tech,Scarce insects duck UK splat test +Business,"Shock, awe and obscenity of snouts in a trough of greed" +Business,"Insurance, high gas costs hurt vehicle sales" +Business,Stocks End Mixed Amid Rising Oil Prices +Sci/Tech,Scientists discover planets in our galactic back yard +Sci/Tech,Microsoft Challenges Rivals With New Online Music Service +Sci/Tech,IBM and Intel to open up blade specifications +Sci/Tech,"From Microsoft, a First Take" +Sci/Tech,Hitachi shrinks iPod hard drives +Sports,Jets sign Pennington for long term +Sports,Wharf weighs in for new England +World,Darfur Situation Worsens; Talks Resume +World,Three Killed in Rush for IKEA Vouchers +Sci/Tech,China Showcases Space Program to the World +Sci/Tech,Microsoft Launches MSN Music +Sci/Tech,US website offers Caller ID falsification service +Sports,Rape Charge Against NBA Star Kobe Bryant Dropped +Sports,Former champs Lleyton Hewitt and Serena Williams move on at US <b>...</b> +Sports,Sports: Braves 7 Phillies 2 +Sports,Three-way England battle for Gerrard role +Sports,"Woodward Remains England Coach, Will Continue Talks on Future" +Sports,Colangelo resigns as CEO of D-Backs +Sports,UPDATE 1-Harmison hat-trick helps England to easy win +Sports,Has Coughlin fired up Giants #39; O-line? +World,Powell: US Wants UN Sanctions Vs. Iran +World,Indian hostages set to return home +Sci/Tech,Radiation Not Good for Treating All Cancer +Sci/Tech,DIY print boom +Sci/Tech,IT workers happier about job market +Sci/Tech,"IBM, Intel push 'open' blade server spec" +Sci/Tech,Plastic magnet breaks the mold +Sci/Tech,Oracle delivers delayed patches +Sci/Tech,Security pros warn of critical flaws in Kerberos +Sci/Tech,Security pros warn of critical flaws in Kerberos (cont.) +Sci/Tech,"AT T Wireless: Sun, sand and 3G, anyone?" +Sci/Tech,Wi-Fi group backs brawnier security standard +Sci/Tech,Hitachi drive to connect with consumer devices +Sci/Tech,"Ballmer bullish on future, bearish on Linux" +Sci/Tech,Organizers shun wireless for GOP convention network +Sci/Tech,USTA nets server savings +Sci/Tech,SCO caps legal costs as losses mount +Sci/Tech,Analyst firm predicts e-commerce upswing +Sci/Tech,"Apple's Phil Schiller, analysts discuss the iMac G5" +Sci/Tech,GOP platform: Broadband and R D tax credits +Sci/Tech,Digital Gear: Internet keys and cool Cigars +Sci/Tech,Longhorn cuts delay Microsoft Business Framework +Sci/Tech,SAP to speech enable applications +Sci/Tech,IBM and Intel to open up blade specifications +Sci/Tech,Symantec joins antiphishing group +Sci/Tech,Microsoft Lets the Digital Media Play +Sci/Tech,EBay to Acquire South Korean Auction Firm +Sci/Tech,What is AdWare? +Sci/Tech,Urchin Releases ASP Version of Web Analytics Software +Sci/Tech,Toogle: Cool Google Image Search Implementation +Sci/Tech,I.B.M. to Share Technology and Designs for New Computer +Sci/Tech,A Commercial Software Service Aims to Outfox Caller ID +Sci/Tech,"Letting Gamers Play God, and Now Themselves" +Sci/Tech,Microsoft Challenges Rivals With New Online Music Service +Sci/Tech,The Return of the Venture Capitalists +World,Subway suicide bomb kills 10 +World,Judge to decide whether Chalabi counterfeit case goes forward +World,Former Bosnian Serb leader convicted of war crimes +Business,Joint Venture Wins Enron Pipeline Auction (Reuters) +World,Hopes Pinned on Talks in Russia Hostage Drama (Reuters) +Sports,Prosecutors Drop Sex Case Against Bryant (AP) +Sports,Yankees Rebound to Defeat Indians 5-3 (AP) +World,Israeli Army Destroys Gaza Homes After Bus Bombings (Reuters) +World,Iraqi Judge to Decide on Chalabi Case (AP) +Sports,"Bryant Can Now Focus on Hoops, Business (AP)" +World,Dallaire launches tirade against Western powers for Sudanese waffling (Canadian Press) +Sports,Twins Trip Rangers 4-2 (AP) +World,"""Kooky"" Greens may have last laugh in Australian election (AFP)" +Sports,Serena the 'Entertainer' Wins at U.S. Open (AP) +Business,Joint Venture Wins Enron Pipeline Auction +Business,U.S. Oil Prices Are Steady +World,Convention Protests Target Labor Policies (AP) +World,Kerry Will Begin Ad Blitz in Seven States (AP) +World,Victory in Terror War Has Many Meanings (AP) +Sports,Mauresmo Through After Nervy Start +Business,Dollar Struggles Near Recent Lows +Sports,Haynes Emerges from Shadow of Williams Sisters +Sports,Canada Routs Slovakia in World Cup of Hockey +World,Powell Says U.N Must Act Now on Iran Weapons +Sports,January Trial Date Set for NHL's Bertuzzi +Sports,Pennington Reaches Long-Term Deal with Jets +Business,Enron Broadband Trial Start Delayed +Sports,Zo Seeks Another Comeback with Nets +World,Israeli Army Destroys Gaza Homes After Bus Bombings +Business,Regulators Attacking Insider Trading +World,"Hit by Protests, Mexico's Fox Urges a Truce" +World,Organized Crime Transacts \$2 Trillion a Year -- U.N. +Business,Judge Delays Criminal Trial For Former Enron Executives +World,New Panama President Vows to Mend Cuba Ties +Sports,Mourning Will Try to Play +World,Russia terror wave exposes weak intelligence +Sports,"This Time, It's Easy for Capriati" +World,US standing with Arabs hits a low +World,What's behind the Darfur crisis - and what's next? +World,Cheney unleashes attack on Kerry +World,Russia hostage takers surrounded +Business,DaVita to buy Gambro dialysis unit for \$3 bln cash +World,Eritreans jailed for plane hijack +World,Panama's new president sworn in +Business,Charity Begins at Home? Perhaps Not at Hollinger +Business,Textile Industry to Request Limits on Chinese Goods +World,Move singer Carl Wayne dies at 61 +Business,France Plans to Cut Phone Stake +Sports,Another Recovery +World,Sanz Wins Four Awards at Latin Grammys +World,Florida Calls for Hurricane Evacuations +Sports,Chiefs Lose Boerigter +World,"In Shift, Putin Says He Will Back Whomever Ukraine Elects" +World,Hundreds Held Hostage at Russian School +World,Prosecutors Drop Sex Case Against Bryant +World,Contact Made With Hostage-Takers in Russia +World,Prosecutors Drop Sex Case Against Bryant +World,Kerry Will Begin Ad Blitz in Seven States +World,Convention Protests Target Labor Policies +World,French Anxious Over Kidnapping +Business,Judge Delays Criminal Trial For Former Enron Executives +Business,"Toyota, Nissan, Honda Shares Fall as US August Sales Decline" +Sports,Sanders Says His Expectations Are One +Sports,"Twins 4, Rangers 2" +World,Bruce Lee statue for divided city +Business,US Airways mechanics won #39;t reopen contract +Sci/Tech,Apple #39;s missed opportunity +Sci/Tech,Taiwan #39;s Acer Inc. Reshuffles Leadership +Sports,Champion jockey among 16 held by police in race-fixing inquiry +Sports,Yankees unfazed the day after +Sports,"MLB: Minnesota 8, Texas 5" +Sports,Salmon opts for surgeries +Sports,"How an It girl lost her groove, then found her game" +World,No end to Russian crisis +World,Kidnappers in Iraq Free Seven Truckers (AP) +Sports,White Sox Cool Off Athletics 5-4 (AP) +Sports,National League Game Summary - Atlanta at Philadelphia +Sports,Designated hitter to have season-ending surgery +World,"Hundreds Held Hostage at Russian School, UN Demands Their Freedom" +World,Malaysia #39;s Anwar Ibrahim Freed From Prison on Final Appeal +Sports,British GP given 48 hour deadline +Business,Report: Black Robbed Hollinger of \$400 M +Sci/Tech,Apple Introduces New iMac +Sci/Tech,Owls use dung to attract a few treats +Sci/Tech,Faqs! Facts! Fax! +Sci/Tech,Surfing at the launderette +Sports,"Hewitt, Serena advance at US Open" +Sports,Racing uncertainties +Sports,VAUGHAN LOVES IT WHEN ENGLAND PLANS COME TOGETHER +Sports,Ravens take Sanders under wing +Sports,"Serena marches on, Molik out" +Sports,D-Backs CEO Colangelo resigns +Sports,Mourning to Attempt Comeback With the Nets +World,Israel wants blood +Sports,"Tennis: Big Names Advance in Open, Medal Winners Out" +Sports,Yeading determined to ruffle Magpies #39; feathers +Business,"Dollar Near Lows on ISM, Looming Data" +Sports,Congressional Double +Sports,Owens rips union over steroids issue +Sports,Prosecutors Drop Kobe Bryant Rape Case +World,GOP Governors in Swing States Under Gun (AP) +Business,Lessons from Hollinger fiasco +Business,US Airways Pilots May Be Near Pay Pact +Sci/Tech,IBM loosens its blade +Sci/Tech,ET should have written home instead... +Sci/Tech,Microsoft delivers SP2 at Post Office +Sci/Tech,"Culture Plays a Role in Dyslexia, Scientists Say" +Sci/Tech,Sony #39;s Blu-Ray Discs to Have Half the Production Cost of DVDs +Sci/Tech,"IBM, Honda help knightrider dreams come true" +Sci/Tech,Ballmer Touts Microsoft #39;s Innovation In Spite Of Longhorn Snafu +Sports,Sources: Deal discussed to drop charge against Bryant +Sports,Ferreira looks to retirement after US Open loss +Sports,CLEAN SLATE FOR ENGLAND - NEVILLE +Sports,Sharapova to play at Japan Open +Sports,Eriksson Looking for Butt Deputy +Sports,NL beat: San Francisco #39;s weakness is on the mound +Sports,"GAME DAY RECAP Wednesday, September 01" +Sports,"Astros, Marlins keep pressure on Cubs" +Sports,Mourning Contemplates a Return to the NBA +World,France #39;s Ban on Head Scarves Put to Test +World,New suicide bombings shatter calm in Israel +World,Westinghouse Electric poised to bid two projects +World,Five remain in hospital after Sasol explosion +World,7 hostages released in Iraq; attackers hit Chalabi motorcade +World,America honoring Sikh text +Business,Microsoft confirms MSN music intro +Business,Halliburton Finds Talk of Nigerian Bribes +Business,New-car sales hit brakes in August +Business,Economy Continues Sluggish Expansion +Business,Canada set to press US on softwood +Business,Crude Oil Little Changed After Surging on US Supply Decline +Business,FleetCenter name to die soon; new label uncertain +Business,Court greenlights lawsuit against HMOs +Business,United Airlines will cut more jobs in struggle to escape <b>...</b> +Business,American Eagle plans 1st cash payout +Business,Textile groups call for limits +Business,Boeing Wins Air China #39;s Order for Seven 737 Planes (Update2) +Sci/Tech,"Owls use tool to attract food, research shows" +Sci/Tech,Acer unveils new management team +Sci/Tech,Vole gets Blu-Ray +Sci/Tech,Spam shows signs of levelling off but don #39;t hold your breath +World,UN says Sudan failing on Darfur +World,Equatorial Guinea suspends coup trial +World,Hosoda says veracity of Jenkins interview needs to be checked +Business,Halliburton Finds Talk of Nigerian Bribes (Reuters) +Business,"Tokyo Stocks Edge Up, Techs Regain Ground (Reuters)" +Sports,Dallas rally shocks Seattle +Business,US Airways Pilots May Be Near Pay Pact (Reuters) +World,Hague Court Imposes Defense Counsel on Milosevic (Reuters) +Sci/Tech,Rx Depot Co-Founder Has New Online Venture (AP) +Business,ASEAN ministers begin talks on economic integration (AFP) +Sports,Man Runs Onto Court at Davis Cup Final +World,Kidnapped French Journalists' Fate Unknown (AP) +World,Colombia Looks to Build Drug Crime Museum (AP) +Sci/Tech,Clampdown Risk Worries China's Online Game Firms (Reuters) +Sci/Tech,E-Commerce Site Buys Into New Oracle Software (TechWeb) +Sci/Tech,"IBM, Intel to Open eServer Blade Designs (Ziff Davis)" +World,"Australian opposition makes interest rate pledge to key ""mortgage belt"" (AFP)" +Sci/Tech,Dyslexia Not the Same in Every Culture (AP) +Sci/Tech,Scientists to Study N.Y. Organic Farmers (AP) +Business,US Airways Pilots May Be Near Pay Pact +Business,Oil Holds at \$44 After Sharp Crude Draw +World,U.N. Tribunal Convicts Bosnian Serb (AP) +World,Hopes Pinned on Talks in Russia Hostage Drama +World,"Bangladesh Hangs Two Ex-Policemen for Rape, Murder" +Sci/Tech,Apple unveils #39;skinny #39; iMac G5 +Sci/Tech,Is quot;IBMtel quot; the Next Winning Combo? +Sci/Tech,MS Portable Media Centers to ship mid-Sept +Sci/Tech,Philly goes Wi-Fi crazy +Sci/Tech,Dyslexia Not the Same in Every Culture +Sci/Tech,Taiwan #39;s Acer Reshuffles Its Leadership +Sci/Tech,Acclaim Goes Down Like a Hooker With Rent Bills +Sci/Tech,Appeals court slams garage door DMCA claim +Business,Dollar Near Lows on Players' Data Nerves +Sports,"Like song says, Yanks get going" +Sports,Federer struggles at Open; Hewitt eases into second round +Sports,Fallon in the clear +Sports,Rooney: I #39;ll be doing it my way +Sports,Tough loss for Storm as they struggle without Jackson +Sports,Early runs puts Webb on Easy St. +Sports,Notebook: Hurricane might disrupt Canes +World,Bush Envoy Defends U.N. Against Schwarzenegger +World,China Holds Brothers for Grisly Killing of 12 +Sci/Tech,Infineon executives fined; jail term for price fixing +Sci/Tech,Could Apple Blow Its iPod Lead? +Sports,NL Wrap: Baseball-Cubs Edge Expos to Maintain Wild-Card Pace +Sci/Tech,IBM And Intel To Open Access To BladeCenter Specs +Sci/Tech,Who #39;s calling? It might not be who you think it is +Sci/Tech,Acer appoints Italian as new president +Sci/Tech,Acclaim Entertainment to liquidate in bankruptcy +Sci/Tech,Business Digest +Sports,"Even in victory, Bryant #39;s a loser" +Sports,AL Wrap: Yankees Bounce Back to Maintain Lead Over Boston +World,UPDATE: Malaysian Stock Mkt Rebounds On Anwar Release +World,Jenkins faced N. Korean pressure before Koizumi meeting +World,Israelis accuse Syrians of harboring Hamas +World,"China, US near end to nuclear technology dispute" +World,US drafts resolution demanding Syrian withdrawal from Lebanon +World,Gunmen fire on Chalabi convoy +World,S Korea in 'rogue' nuclear trials +Sports,Time on Jones #39;s side +Business,Firm says stent won back share of market +Business,Councilor envisions citywide wireless Web access +Business,"GM, Ford sales decline" +Business,United ready to cut more jobs +Business,US urged to probe Northwest Airlines fees +Business,Philadelphia looks to become one big hot spot +Business,Widening market share in data storage +Business,Can MSN music unseat iTunes? +Business,Black aide attacks Hollinger report +Business,"US Airways, pilots say they #39;re close to a deal on cutting wages" +Business,Signs hint at a healthier job market +Business,Slower Pub Sales Hit Whitbread +Business,United sees \$625M in broad cuts +Business,"Open Text plummets on profit warning, analysts slashing targets" +Business,"US Airways, pilots say they're close to a deal on cutting wages" +Sports,Rounding into form +World,Alternative for dental sedation +Sports,AL East race now a chase +Business,EBay to boost stake in South Korean firm +Sports,Aim is to make most of final shot +Sports,Outside influence +World,Judge refuses lower Jackson bail +Sports,His play is not out of left field +World,"Militants hold scores of students, teachers" +World,Iraqi legislature convenes for first time +Sports,NL notables +Sports,You can start thinking about Yankees for '05 +World,Two Qaeda arrests in Pakistan +Sports,Jets give QB \$64m extension +World,"US aims to seek UN sanctions against Iran, Powell says" +Sports,"Canada, Sweden get home guarantees" +World,"Amid protests, Fox touts successes Mexico leader tries to reassure nation" +World,Annan says Sudan hasn't halted attacks on civilians in Darfur +World,"Health benefits, concern surface in study of farm-raised fish" +Sports,Right on course +Sports,"Clark is all business on, off course" +Sports,Chip shots +World,Cheney and G.O.P. Mount Vigorous Assault on Kerry +World,"Tactics by Police Mute the Protesters, and Their Messages" +Sports,Keeping score around New England +Sports,Dual County League capsules +Sports,Bay State Carey capsules +World,Dyslexia Not the Same in Every Culture +Sports,Ferreira was a major headache at big ones +World,Bush Ready to Accept GOP Nomination +World,"As Frances Nears, Fla. Urges Evacuations" +World,Official: 16 Killed in Russian Crisis +World,Calif. Horse Country Wary of West Nile +Sci/Tech,NASA is trying to reduce the size of liftoff debris +Sports,Canada Romps +Sports,Twins Roll Rangers +Sci/Tech,Microsoft launches iTunes rival +Sci/Tech,Earths May Not Be Far Behind +Sci/Tech,Dual cores to lead Intel show +Sci/Tech,Sharman Networks use Weedshare to establish in Australian Court <b>...</b> +Sci/Tech,Three Minutes With Mark Cuban +Sci/Tech,Should Your Next PC Be a Workstation? +Sci/Tech,Sneaky Sharing +Business,Microsoft unveils digital music service +Business,US Auto Sales Decline 12; Chrysler Gains Share (Update1) +Business,IHS Energy acquires Yergin #39;s Cambridge Energy Research +Business,United Airlines plans job cuts +Sci/Tech,SP2 plays havoc with online banking +Sci/Tech,Philadelphia is at forefront of wireless for all +Sci/Tech,IBM teams with Honda on voice-driven car navigation +Sports,Taylor: Wayne #39;s leading the way +Sports,Rockies keep Bonds stuck at 696 +Sports,Sox figure out how to get A #39;s +Sports,Goalkeeper change grabs Fire #39;s attention +Sports,Jets ink Pennington to extension +Sports,National League Game Summary - Los Angeles at Arizona +Sports,UM opener at Orange Bowl might be shifted to Sept. 11 +World,Accused US Deserter to Turn Himself In +World,China to rely more on nuclear power +World,Paris cedes control of telephone company +World,Putin postpones trip to Turkey amid hostage crisis +World,North Korean Defectors intrude into Japanese School in Beijing +Business,Judge rules against apartment giant +Sci/Tech,Hydrogen Fuel Closer to Fruition +Sci/Tech,Is That Jobs in Your Pocket? +Business,AUTO INDUSTRY REPORT: Hummer probe likely +Sci/Tech,Feds Hunt Source of GOP Data +Sci/Tech,"Finally, a Car That Talks Back" +Sci/Tech,"Florida Vote Is Calm, for Once" +Sci/Tech,Let a Thousand Reactors Bloom +Sci/Tech,Permanent Lenses in Sight +Sci/Tech,Radiation Is Questioned in Breast Cancer Surgery After Age 70 +Sci/Tech,"Sorry, E.T., but Parcel Post May Beat Phoning Home" +Sports,"Red Sox Win 8th Straight, Pressure Yankees (AP)" +Sports,"Astros, Marlins Keep Pressure on Cubs (AP)" +Sports,Jets QB Pennington Signs #36;64M Extension (AP) +Sports,El Duque Restores Order in the Bronx (AP) +Sports,Fire Beat Wizards 3-1 in MLS (AP) +Business,"Pfizer, Alcoa, Verizon, Intel are cut; oil back near \$43" +World,Force ruled out in Russian siege +Business,"Report details ways it says Black, Radler took Hollinger Int #39;l <b>...</b>" +Business,IHS ENERGY acquiert Cambridge Energy Research Associates (CERA) +Sci/Tech,"Finally, a Car That Talks Back" +Sports,Bryant prosecution troubled from Day 1 +Sports,Cubs scratch out a win +World,Al-Qaida #39;explosive expert #39; caught in Pakistan came from Iran <b>...</b> +Business,German joblessness rises again in August (AFP) +Business,Dollar Near Recent Lows on Data Jitters +Sports,"Hewitt Shines, Serena Dazzles at US Open" +World,Milosevic condemns his war crimes trial +World,Malaysia court overturns Anwar sodomy ruling +World, #39;Patience helped in freeing hostages #39; +World,Fate of 29 refugees who rushed Japanese school in China undecided +World,Pakistani among 3 Killed in Jeddah Stampede +Sports,Win-Win Situation +Sports,Bailed jockeys back in saddle +World,"Malaysia Rebel Politician Anwar Free, Urges Reform (Reuters)" +World,Watchdog Probes S. Korean Nuke Experiment (AP) +World,"Malaysia Rebel Politician Anwar Free, Urges Reform" +Sci/Tech,Microsoft makes mobile media push +Sci/Tech,Microsoft launches Portable Media Center in the UK +Sci/Tech,Service pack 2: It #39;s in the mail +Sports,Fallon due to ride again today +Sports,Federer has to work for second win +Sports,Cole tells Eriksson he is England #39;s solution to troublesome left <b>...</b> +World,Russian school siege: Your reaction +World,US-French resolution on Lebanese sovereignty to go to vote <b>...</b> +World,"Russian Hostage-Takers Free 26 Children, Women" +World,"French Hostages Said Alive, Headscarf Ban Enforced" +World,US Deserter Leaves Army Base for New Life in Japan +World,Israel Destroys Dozens of Palestinian Homes in Gaza +World,Palestinian Prisoners End Hunger Strike +World,"South Africa Arrests One in WMDs, Nuclear Probe" +World,Group released from siege school +Sci/Tech,Apple #39;s New iMac It #39;s All in the Display +Sci/Tech,"IBM, Intel Offer Blade Specs" +Sci/Tech,Radio Signal: Hello from Alien Life? +Sci/Tech,Intel To Show Off Its Own Dual-Core Technology +Sci/Tech,Oracle Products Exposed To Hackers +Sci/Tech,PC makers: Look before taking SP2 leap +Sci/Tech,Philadelphia to becomes #39;WiFi-for-all #39; city +Sci/Tech,Global Chip Sales Growth Moderates in July +Sci/Tech,Nortel to Delay Filing Results Yet Again +World,Yukos faces oil production halt +Sci/Tech,"Microsoft #39;s Ballmer Addresses Linux, Security" +Sci/Tech,Wi-Fi Alliance to Announce Interim Multimedia Spec +Sci/Tech,Intel to Redefine Performance at IDF +Sci/Tech,MessageLabs taps Brightmail in war on spam +Sci/Tech,"ASML, Nikon agree draft settlement of patent infringement dispute" +Sports,Irish invite for De Lima +Sports,Rooney will help my game - Saha +Sports,"Bailey breaks wrist, out a month" +Sports,Woodgate backing for Robson +Sports,San Francisco Giants Team Report - September 2 +Sports,Sweden Beats Czeck in Hockey World Cup +Sports,Guti warns Owen of Raul +Sports,It #39;s Game Day! +Sports,Miami #39;s Betts gets his shot +World,"French Ambassador to Iraq Says Hostages Are Alive, AFP Says" +World,Malaysian PM Abdullah says he is prepared to meet freed Anwar +World,UN court imposes lawyers on Milosevic +World,Syria rejects Israeli threats +World,Iraqi Militants Free Truck Drivers At Last +World,Japan May Help North Korean Refugees Leave China +World,Turkish hostages 'killed' in Iraq +World,Israel raid demolishes Gaza homes +World,Boss defends Wal-Mart's record +World,Bridget Jones sequel piracy fears +World,"Citing terror aid, US eases arms sales ban" +World,Alleged US deserter says he will surrender soon +World,"G.O.P., Last to Bat, Swings Freely for the Fences" +World,Spring Productivity Rate Makes Small Gain +World,Militants Release 31 Hostages in Russia +World,French Students Face New Head Scarf Ban +Business,Straight Talk +Business,"ECB: Euro Growth Brightens, Holds Rates" +Business,Merrill Lynch Returns to Energy Trading +World,Cheney Praises Bush As Decisive Leader +Business,Nonfarm productivity up 2.5 vs. 2.9 initial estimate +Business,MGM Stays in the Picture +Business,US Oil Prices Rise on Yukos Concerns +Business,Polaris Discontinues Marine Products +Business,Halliburton Uncovers Nigeria Bribe Scheme +World,"Sanz, Rita Big Winners at Latin Grammys" +Business,Nortel Numbers Face New Delay +Business,Appeals court faults Oracle in shareholder suit +Business,JP Morgan in Talks with UK #39;s Cazenove +World,Stocks Climb on Rising Factory Orders +World,Bush Ready to Accept GOP Nomination +World,Militants Release 26 Hostages in Russia +World,U.S. Airstrike Kills 17 in Fallujah +World,Barney the Dog Big Hit in GOP Video +World,26 Hostages Released From Russian School +World,French Schools Reopen Under New Religious Law +World,French Muslim Delegation Hopeful About Hostage Situation +Sci/Tech,IBM Opens Up Design of Its Blade Servers (Reuters) +Sci/Tech,Apple-Rival Creative to Double MP3 Player Lines (Reuters) +Business,"Jobless Claims Up, Hurricane a Factor (Reuters)" +World,S.Korea Enriched Uranium Close to Atom Bomb Fuel (Reuters) +Sci/Tech,Video Game Maker Acclaim Files for Bankruptcy (Reuters) +Sci/Tech,Global Chip Sales Growth Moderates in July (Reuters) +Business,Treasuries Retreat Before Payrolls Data (Reuters) +Sci/Tech,Global Handset Sales Reached Record in 2nd Quarter - Survey (Reuters) +Business,Russian Oil Giant Warns of Output Cut (Reuters) +Business,Spring Productivity Rate Makes Small Gain (AP) +World,Israel Hints at Military Action Vs. Syria (AP) +Business,Charter names two interim CFOs +Sci/Tech,Philly Considers Wireless Internet for All (AP) +World,Special UN envoy urges Sudan to accept more foreign aid (AFP) +Sci/Tech,Red Hat Hires New CFO From Burlington (AP) +World,US embassy in Malaysia shuts indefinitely amid security threat (AFP) +World,Air China Signs USD\$1.3 Billion Airbus Deal +Business,August Retail Sales Hurt by Job Worries (AP) +Sci/Tech,WinZip Warns of Security Flaws (PC World) +World,Rescue attempt underway for ill-fated transatlantic rower from Germany (Canadian Press) +Sci/Tech,Microsoft's new music venture takes aim at Apple iTunes (AFP) +Sports,"Lockout Looms as NHL, Players' Union Deadlocked" +Sci/Tech,South Dakota Sues to Get T. Rex (AP) +Business,"Jobless Claims Up, Hurricane a Factor" +Sports,Agassi Headlines Fourth Day of U.S. Open +Business,"Stocks Up a Bit, Factory Orders Revised" +Sports,NL Wrap: Cubs Edge Expos to Maintain Wild-Card Pace +Sci/Tech,South American Soya Explosion Threatens Forests - WWF (Reuters) +Sci/Tech,Science Oddities Are Revealed to the British Public (Reuters) +Sci/Tech,"Singapore Bans Human Cloning, Stem Cell Research OK (Reuters)" +Business,Russian Oil Giant Warns of Output Cut +World,Bush speech to favor security over domestic policy (AFP) +Sci/Tech,Iran Plans to Launch Satellite by May 2005 (Reuters) +Sports,Golf: Jimenez Takes Early Lead in European Masters +Business,"Oil Up on Russia, Iraq Supply Concerns" +Business,Diageo Dips on Dispiriting Outlook +Business,Continental Air to Cut Jobs +Business,Red Hat Names CFO After Restatements +Business,Enron Agrees to Sell Pipelines in \$2B Deal +Business,"Jobs, Economy Focus of 2 Big Protests" +Business,Oil price rally takes off again +World,"India, Pakistan hold talks on Kashmir bus link" +Sports,Inconsistency is playing a part +Business,Eurozone rates unchanged at 2 +World,Sudan complains of ill treatment by UN +Business,Marconi wipes out debt mountain +Business,Games makers Acclaim ceases ops +World,Security tight as Karzai #39;s inauguration looms +Business,August Sales Disappoint Major Retailers +Business,Productivity Growth Falls to 18-Month Low +Business,Building a Fortune +Business,Back-to-School Woes +Business,Betting Against Bombay +Business,MGM Stays in the Picture +Sports,Image Needs Repair +Sports,Up to the Challenge +Business,"Homebuying with Good Credit, Little Cash" +Sci/Tech,Nortel again delays filing financial results +Sci/Tech,Red Hat goes mainstream to cap new CFO +Sci/Tech,UPDATE 2-Video game maker Acclaim files for bankruptcy +Sports,Marathon Saboteur Priest Accused of Indecency +Sports,Casagrande and Golbano unfit for Vuelta +Sports,Wright dazzles in halting slide +Sports,Liuzzi to test for Sauber +World,Russia school siege: #39;26 freed #39; +World,Court appoints Milosevic lawyers +World,S.Korea says it enriched uranium +World,Voracious growth puts China in a power crunch +Sci/Tech,Shopping without tears: a parents' guide +Sci/Tech,Games giant muscles in on mobiles +Sci/Tech,Games firm Acclaim ceases ops +Sci/Tech,IBM Opens Up Design of Its Blade Servers +Sci/Tech,Apple-Rival Creative to Double MP3 Player Lines +Sci/Tech,Video Game Maker Acclaim Files for Bankruptcy +Sci/Tech,Global Chip Sales Growth Moderates in July +Sci/Tech,Global Handset Sales Reached Record in 2nd Quarter - Survey +Business,"Retail Sales Sluggish, Gas Prices Blamed" +Business,US apparel retailers Aug. sales better than feared +Business,Payless ShoeSource to restructure as August same-store sales fall +Sci/Tech,Could Space Signal Be Alien Contact? - Magazine +Sci/Tech,Red Hat Names CFO After Restatements +Sci/Tech,Games makers Acclaim ceases ops +Sci/Tech,Lanci to take over as Acer #39;s president +Sports,Soocer-PSG coach unable to digest last-minute Fiorese transfer +World,Three Turkish Hostages Killed in Iraq +World,Israel threatens to launch military action against Syria +World,Bali bomber spotted in Starbucks +Sci/Tech,Acclaim Files for Chapter 7 Bankruptcy +Sci/Tech,Turkish birdlovers fear for delta +Sci/Tech,Bookmakers slash science odds +Sci/Tech,"ET: Please Send Mail, Don't Phone" +Sci/Tech,Conjunction Junction for the Mars Rovers +Sci/Tech,Appetite Hormone Key to Women's Health +Sci/Tech,Contact Lens Implants Clear Myopia +Sci/Tech,Virtual Colonoscopy Shows Promise +Sci/Tech,Back Country Wary of West Nile Virus +Sci/Tech,Dyslexia Symptoms Not the Same in Every Culture +Sci/Tech,HP closes hospital printing deal +Sci/Tech,Outsourcing's next big thing--Malaysia? +Sci/Tech,Briefly: Overture heads toward automation +Sci/Tech,PC makers: Look before taking SP2 leap +Sci/Tech,HP files lawsuit over discounts +Sci/Tech,NEC positions carbon nanotubes for prime time +Sci/Tech,"IBM, Intel open up blade server specs" +Sci/Tech,Oracle releases delayed security patches +Sci/Tech,FAST preps app to improve Internet yellow pages +Sci/Tech,"Intel looks to clarify strategy, execution" +Sports,Shaq #39;s career milestone as the heat wins +Sci/Tech,WinZip Warns of Security Flaws +Sci/Tech,Rx Depot Co-Founder Launches New Online Venture +Sci/Tech,RNC Protesters Using Text Messages to Plan +Sports,Olympics man on indecency charges +World,Straw Speaks Out over Russian School Siege +Sci/Tech,MSN Music Store to Rock the Music Download Boat +Sci/Tech,MSN Music Store Launches +Sports,Clippers escape with victory over Bobcats +Sci/Tech,Firefox Toolbar: A set of search toolbars for Mozilla users +Sci/Tech,News: Critical Kerberos bugs surface +World,Bears could keep kids from school (Reuters) +Sci/Tech,"Instant Messaging Is Growing Up, Going to Work (washingtonpost.com)" +Business,Lucent Says It May Get #36;816M Tax Refund (AP) +Sci/Tech,Red Hat Names CFO After Restatements (Reuters) +Sports,Coach moves on after taking USC nowhere +Business,Continental Air to Cut 425 Jobs +Sports,Montgomerie Glad Teammates Approve of Ryder Cup Wildcard +World,"S.Africa Arrests One in WMDs, Nuclear Probe" +Sports,NFL Game Summary - Dallas at Seattle +Business,Update 5: European Central Bank Ups Growth Forecast +Business,US Airways shares rise on hopes for pilots pact +Business,UPDATE 2-Coolbrands shares melt as guidance disappoints +Sci/Tech,Study: Workers Find IM a Mixed Blessing +Sports,Indiana hires Army #39;s Rick Greenspan as new athletic director +World,Bali bomber #39;out of jail for a coffee #39; +World,"Japan volcano tremors subsides, residents return home" +Business,Microsoft launches MSN Music service +Business,eBay plans S. Korean expansion with Internet Auction bid +World,Lebanon slams US-inspired UN draft +World,"Seven Truckers Freed in Iraq, France Awaits Word" +Sci/Tech,Google AdSense Expands to Multiple Advertising Units +Sci/Tech,Mobile phone sales surge at record pace in second quarter: Gartner (AFP) +Sports,Jimenez Grabs First-Round Lead at European Masters +Sports,Arsenal exit #39;would be disaster #39; +Business,Oil Prices Surge to \$45 on Russia Concerns +World,Cheney Praises Bush As Decisive Leader +Sci/Tech,Blunkett's satellite tagging: the tripe behind the hype +Sci/Tech,Experts deny ET signal report +Business,Apple to Pay Dividend? +Business,EBay Takes Control of Korean Affiliate +Business,"UPDATE 3-Continental Air to cut 425 jobs, warns on wages" +Business,Oil price rally takes off again +Business,Beat the Analysts to Lucent #39;s Tax News +Sci/Tech,New iMac Could Give Apple a Needed Boost +Sci/Tech,Norwegian researchers find fossil remains of giant reptiles on <b>...</b> +Sports,Open-Davenport extends streak to reach third round +World,UN vote due on Syria resolution +Sci/Tech,Hubble Space Telescope Spies a Bright Supernova +Sci/Tech,Microsoft hones SharePoint update +Sci/Tech,Nortel delays filing financials again +Business,Microsoft Launches Music Store Beta +Business,Yukos may cut after \$2.6B funds seized +Business,BlueLinx files \$150 million initial public offering +Business,"JP Morgan, Cazenove in talks - report" +Sci/Tech,Build Your Own Blade Server +Sci/Tech,UPDATE 1-Acclaim files for Chapter 7 bankruptcy +Sci/Tech,New SP2 problems report +Sci/Tech,Workplaces Slowly Adopt IM +Sci/Tech,Dyslexia depends on culture: brain study +Sports,Gerrard leaves practice +Sports,Barrett called into Ireland squad +Sports,"Lockout Looms as NHL, Players #39; Union Deadlocked" +Sports,Jerry Bailey Fractures Wrist; Sidelined One Month +World,Milosevic to Get Defence Lawyer +World,Equatorial Guinea Delays Coup Trial +World,PM inaugurates Guru Granth Sahib research center in Capital +Sci/Tech,Oracle's first monthly patch batch fails to placate critics +Sports,MOURINHO TO FACE FAN FURY +Business,"GM, Toyota, others record drops" +Business,"European Services Slowed in August Amid Job, Oil Concerns" +Business,NWA drops agent charge +Business,Data mixed on economy +Business,"US Airways, pilots seek common ground" +Business,Soft Intel outlook spells weakness for tech sector +Business,Rank to consider all options on Deluxe +Business,Continental cuts jobs to save \$200 mln +Sci/Tech,US-CERT Recommends That XP Users Install Service Pack 2 +Sci/Tech,Nokia claws back market share by cutting back prices +Sci/Tech,IBM Opens Up Design of Its Blade Servers +Sci/Tech,IBM recalls melting laptop adaptors +Sci/Tech,Red Hat Names New CFO as Class-Action Suits Loom +Sci/Tech,Napster Tests Music-On-The-Go Subscription Service +Sci/Tech,Alien Jadoo comes calling +Sci/Tech,Leaner Longhorn Will Delay Microsoft Business Framework +Sci/Tech,"US government, companies warn of critical Oracle flaws" +Sci/Tech,Video Game Maker Acclaim Files for Bankruptcy +Sci/Tech,Veritas buys email archiver +Sci/Tech,Found: Nessie #39;s distant cousin +Sci/Tech,Gaming Cell Phone: Take Two +Sci/Tech,"Blu-ray Disc To Support MPEG-4, VC-1" +Sports, #39;Zippy #39; chipper despite loss +Sports,Woodgate: It #39;s not the end for Bobby +Sports,RFU accept Woodward #39;s resignation +Sports,Federer rolls on +Sports,Brazils Lima returns home to heros welcome +Sports,Schu OK after crash +Sports,Smith is latest injury blow for Windies +Sports,Kicking it around +Sports,NHL labor talks are stalled +Sports,BASEBALL ROUNDUP Redman Helps Put A #39;s Back on Track +Sports,Second team drops finale +Sports,Tiger #39;s father has a relapse +World,Iran says nuclear plan is no secret +World,UN: Sudan has failed to rein in Janjaweed +World,At least one Saudi policeman killed in clashes with gunmen +World,US wins bid to curb Syria in Lebanon +World,"Claiming victory, Palestinian security prisoners end 19-day hunger <b>...</b>" +World,Curfew eased in tense Kathmandu +World,Oil Could Help Japan Resolve Territorial Fight With Russia +World,Militia Leaders Charging Betrayal by Iraqi Premier +World,Four killed in Israeli incursion +Sports,"Sharapova, Venus Struggle to Win at Open (AP)" +Business,Intel Cuts Revenue Outlook; Stock Falls (Reuters) +Sci/Tech,"IBM Recalls 553,000 Laptop Power Units Worldwide (Reuters)" +Business,Bush to Avoid Sneak Peek at Jobs Data (Reuters) +World,Afghans Face Violent Short Cut to Democracy (Reuters) +Business,Intel Drives Tech Sell-Off as Data Looms (Reuters) +Sports,Red Sox Take Control of AL Wild-Card Race (AP) +World,U.S. Says UN Not Being Tough Enough on Sudan (Reuters) +Business,Dollar Pauses as Market Awaits Jobs Data (Reuters) +Sports,No. 20 Utah Beats Texas A M 41-21 (AP) +Sports,Patriots Routed Before Quest for Repeat (AP) +Sci/Tech,Japan's flat-screen TV makers under pressure to cut costs: analysts (AFP) +Business,Shinsei Bank to Buy Consumer Credit Co. (AP) +Sci/Tech,Does Your Phone Speak QWERTY? (PC World) +Business,Best Buy's 2Q Sales Increase 13 Percent (AP) +World,Women Says Kids Left in Nigeria Are Angry (AP) +Sports,Fire Midfielder Armas Has Knee Surgery (AP) +Sci/Tech,Six Apart Releases Movable Type 3.1 (TechWeb) +Sci/Tech,Enterprise Search Vendors Eye Emerging Markets (Ziff Davis) +Sports,"In Nebraska, Football Feeds State's Ego (AP)" +Business,Intel Cuts Revenue Outlook; Stock Falls +World,Australian high court limits unions' right to strike (AFP) +Sports,Massu Gets Penalized Game for Racket Abuse (AP) +World,"Bush Pledges Safer World, Resumes Stumping (AP)" +Business,Bush to Avoid Sneak Peek at Jobs Data +Sci/Tech,"2,500-Year-Old Hidden Tomb Found in Egypt (AP)" +Sports,NL Wrap: Pujols Goes Deep Again as Cardinals Cruise +Sci/Tech,Scientists to Map Known Universe (AP) +World,GOP Convention Closes With Milder Protests (AP) +Sci/Tech,Study Finds Scallop Fishing Harms Turtles (AP) +Sports,"AL Wrap: Yankees Rout Indians to Edge Series, Oakland Wins" +Sci/Tech,"Hair Stem Cells May Offer Baldness, Burn Treatments (Reuters)" +Sci/Tech,Floridians Flee as Monster Storm Looms (Reuters) +Sci/Tech,"Seas Only Hope for World Water Supply, Says Spain (Reuters)" +World,Goss Quote Box (AP) +Business,Dollar Pauses as Market Awaits Jobs Data +Sci/Tech,Silent Running: 'Black Triangle' Sightings on the Rise (SPACE.com) +Sci/Tech,Tiny Space Rocks Help Settle Astronomical Debate (SPACE.com) +Business,Northwest Air Says Cancels New Ticket Fee +Sci/Tech,Rare Finch Nest Found in Wyo. Snowy Range (AP) +Sci/Tech,Report Says That Cats Can Spread Bird Flu (AP) +Business,Auto Stocks Surge After Weak Sales +Sports,FSU-Miami Showdown and Florida Opener Postponed by Hurricane +Business,"Payless Sales Drop, President Exits" +Sports,Season Over for Cardinals' Shipp +World,U.N. Warns Syria Against Interfering in Lebanon +World,Argentina Clears Suspects in Anti-Jewish Bomb +Business,Herbert Haft Redefined The Rules of Retail +Sports,"Lieber Shines, Distancing Yankees From 'a Dark Time'" +Sports,"Stunning Herself, a Young Russian Ousts Myskina" +Sports,"Despite Loss, the Giants' Line Shows Progress" +World,"Haiti Won't Yield to Rebel Demands, President Says" +Business,Riggs Probe Finds Evidence of Crimes +Sports,Americans Fail to Match Russians' Level of Desire +World,"Iraq Militants Kill Three Turks, Bomb Oil Pipeline" +Business,Wall Street Looks to Voters +Business,"Bribery Considered, Halliburton Notes Suggest" +Business,"In Normally Strong August, Retail Sales Rise by 1.1 Percent" +Sports,Team's play lately has been divine +Business,Discount Retailing Giant Stoked Bitter Family Feud +Sports,Ratings say Red Sox are team to watch +Business,China set for surge in car sales +Business,Intel gloom weighs on chip stocks +Business,Mobile phone sales grow strongly +Sports,NL notables +Sports,AL notables +Business,CBI boss blasts 'outdated' unions +Sports,Yankees pummel Indians +Sports,File this one as a missing persons report +Business,UK house prices retreat in August +Sports,Davey's spot secured +Sports,Browns ready to rebound +Sci/Tech,21:53 Sonny : ah voil la connexion au PC remarche +Sports,Ogden injures knee +World,UN backs Lebanon sovereignty call +Sports,He has been making his mark on defense +Sports,Risks on both sides seen in Kobe Bryant civil case +Sports,Frances postpones games +Sports,Wildcat strike stuns Hens +World,UK jail suicides at record high +Business,No softening on EU-US air subsidy row +World,Low fat diets 'as good as Atkins' +Sports,Return man back for more +Sports,Rhodies form band +World,Tennis: Agassi goes through +Sports,Kim states her case with 62 +World,Baseball star's mother abducted +Sports,Merrimack Valley Conference +Business,In serious condition +Sports,Plenty of highlights on this trip +Business,Target to pay \$1m in item price suit +Sports,'Zippy' chipper despite loss +Business,US Airways passengers check options +Business,"For local businesses, not much of a boost" +Sports,Today's schedule +Business,Data mixed on economy +Business,Intel lowers quarterly forecast +Sports,Sharing is part of program +Business,"In fund scandal wake-up call, investors hit snooze" +Sports,Transactions +Business,Some trade their privacy for car-insurance discounts +Business,Bank's investment unit names executive +Business,Continental Airlines to cut 425 jobs +World,Cats may carry the bird flu virus +Business,"Purchased unit mulled bribes, says Halliburton" +World,First black judge joining British High Court +World,Three Turkish hostages believed killed +World,Accused deserter set to face Army trial +Business,July Factory Orders Exceeded Forecasts; Productivity Pace Slows +World,Qaeda link seen as bid to deflect criticism +World,US eyes fight on Sadr home turf +World,"Bold Strokes, Few Details" +Business,Children's Place Is to Be Heard +World,"As Florida Braces for 2nd Big Storm, the Flight Begins" +Sci/Tech,Xerces 2.6.1 and BOM +Sci/Tech,Check Out Rojo +Sports,Agassi Plows Ahead +Sports,0-for-2 in World Cup +Sports,FSU-Miami Postponed +Sports,Holdsclaw Practices +Business,Will Hurricane Frances Clip Retailers? +Sports,Mids Need Motivation +Sports,Red Sox Sweep Angels +Sports,English Seasoning +Business,Web services patents fetch \$15.5 million +World,Red Sox Take Control of AL Wild-Card Race +World,Editor: Hostages in Iraq Given to Group +Business,Catholic Church Files for Bankruptcy +World,Bush Pledges 'Nothing Will Hold Us Back' +World,"1,000 People May Be in Russian School" +Business,Four China Aviation Execs Surrender Passports To Police-2 +World,"Turkish Captives in Iraq Executed, Videotape Shows" +Business,UPDATE: Intel lowers Q3 revenue estimates +Business,RNC - Stock options top tech lobbying list at convention +Sci/Tech,Body and brain of gamers probed +Sci/Tech,Slack security for old computers +Sci/Tech,"IBM Recalls 553,000 Laptop Power Units Worldwide" +Business,"Bribery Considered, Halliburton Notes Suggest" +Business,Allied Domecq Says Profit Rose on US Spirits Demand (Update2) +Business,Rank to Sell Deluxe Movie Business After Profit Drop (Update3) +Business,Southeast Asia Urged to Embrace Free Trade +Sci/Tech,US-CERT Urges All To Install XP SP2 +Sci/Tech,"IBM recalls 500,000 melting notebook adapters" +Sports,Myskina is toppled by Chakvetadze +Sports,Davenport Finds an Open Win Is No Sure Thing +Sports,Radke strikes out nine Rangers +World,PM welcomes Anwar #39;s release +World,Palestinian Prisoners End Hunger Strike +World,Indonesian police to question officer who treated Bali bomber to <b>...</b> +World,India cautions against breakthroughs at Pakistan talks +Sci/Tech,Rivals Say Microsoft Online Music Store Falls Short +Sci/Tech,Intel Cuts Back Projection For 3rd-Quarter Revenue +Sci/Tech,Soya boom threat to South America +Sci/Tech,"Alien Contact More Likely by ""Mail"" Than Radio, Study Says" +Sci/Tech,"Owls Use Dung to ""Fish"" for Beetles" +Sci/Tech,Scientists Plan to Map Known Universe +Sci/Tech,"Health Highlights: Sept. 2, 2004" +Sci/Tech,"Apache, open-source groups wary of Sender ID" +Sci/Tech,Sun networking foray begins this month +Sci/Tech,Study shows governments' open-source embrace +Sci/Tech,Briefly: Microsoft tests Windows Marketplace +Sci/Tech,Microsoft begins testing Windows Marketplace +Sci/Tech,Outsourcers combine to take on IT services giants +Sci/Tech,Cell phone sales keep booming +Sci/Tech,Retailer to follow RFID test with full rollout +Sci/Tech,Intel lowers third-quarter expectations +Sci/Tech,Disk storage outlook dimmer +Sci/Tech,"Computerworld names Betts executive editor, Connors, VP/GM for online" +Sci/Tech,"HP helps hospital group cut printing costs, increase efficiency" +Sci/Tech,Longhorn cuts delay Microsoft Business Framework +Sci/Tech,Stock options top tech lobbying list at GOP convention +Sci/Tech,Red Hat names new CFO +Sci/Tech,Manhattan presents wireless security challenge for RNC +Sci/Tech,Nortel again delays filing financial results +Sci/Tech,Oracle releases delayed security patches +Sci/Tech,Problems bedevil massive EDS system in U.K. +World,Israeli troops wounded in Gaza attack +Sci/Tech,IBM recalls notebook power adapters +Sci/Tech,Appeals court revives Oracle shareholder case +Sci/Tech,Red Hat names new CFO +Sci/Tech,"US government, companies warn of critical Oracle flaws" +Sci/Tech,US government agencies aim for software assurance +Sci/Tech,RNC - New York firms use VOIP to avoid convention crowds +Sci/Tech,3amLabs delivers free remote access management tool +Sci/Tech,Storage revenues increase in Q2 +Sci/Tech,News In Brief +Sci/Tech,Tiny Drives With Big Brains +Sci/Tech,The Playlist: What's Wrong With Digital Music Stores? +Sci/Tech,New York Firms Call on VoIP +Sci/Tech,Logitech Launches Laser-Tracking Mouse +Sci/Tech,Insurance Companies Try Out Auto Black Boxes +Business,July Factory Orders Exceeded Forecasts; Productivity Pace Slows +Business,Allied Domecq sees earnings growing +Business,US Chamber of Commerce sues SEC +Business,Investors Ignore Mixed Data to Focus on Next Job Report +Business,Lamy to reassure ASEAN on EU expansion +Sci/Tech,Starbucks beverage prices to rise by end of the year +Sci/Tech,Apache Rejects Sender ID +Sci/Tech,Is portable video ready for its closeup? +Sports,Strong message from Boss keeps paying off +Sports,Yankees return the favor +World,The Palestinian hunger strike ends +World,Paul Krugman: A no-win situation in Iraq +World,Ancient tomb discovered on Giza pyramids site +Sci/Tech,Wotbox Launches Eight National Search Engines +Sci/Tech,Wal-Mart Enters the Online Music Store Mix +Sci/Tech,Bioinformatics Award Winners +Sci/Tech,Mysteries of San Andreas Fault Are Explored by a Drill +Sci/Tech,"I.B.M. Offers \$10,000 to Owners of Contaminated Houses" +Sci/Tech,Equipment Donated to Convention Is Passed to Schools +World,Maldives political reforms cosmetic - opposition (Reuters) +Business,IMF to lower French growth forecast (AFP) +Sports,U.S. Open: Serena Set to Steal Spotlight +World,Thatcher Posts Bail to End S.Africa House Arrest (Reuters) +World,Nine Killed as Ugandan Army Disarms Pastoralists (Reuters) +World,Freed Anwar Maneuvers to Re-Enter Politics (AP) +Business,Halliburton considered bribing Nigerian officials to win contracts +Business,Sony leans on discount retailers +Business,Intel lowers quarterly forecast +Business,Futures Point to Pain for Stocks +Business,Most Hospitals Posting Data on Care +Business,Myanmar slams British interference +Business,Nortel Financial Statements to Be Delayed +Business,US Chamber Asks Court to Overturn Rule on Mutual Fund Boards +Business,Rank Group mulls break-up +Sci/Tech,Nokia handset sales recover slightly +Sci/Tech,Microsoft Windows Media Player 10 +Sci/Tech,Editorial: A planet just like home +Sci/Tech,"IBM recalls 500,000 Thinkpad adaptors" +Sci/Tech,Apache glitch for Microsoft-backed anti-spam technology +Sci/Tech,Red Hat appoints new CFO +Sci/Tech,There may be alien life out there after all +Sci/Tech,Security alert identifies Oracle holes +Sci/Tech,Plus: Virtual Farm Game +Sci/Tech,Second quarter sees rise in storage revenue +Sci/Tech,Wi-fi nets get security makeover +Sports,Gerrard injury scare +Sports,Fallon back in saddle after posting bail +Sports, quot;El Gato quot; Romero still climbing the leaderboard at 50 +Sports,Woodward slams English rugby and committs to Lions +Sports,Lions run over Bills +Sports,Urbina heads to Venezuela after mother reportedly kidnapped +Sports,Magath says Bayern honeymoon is over after poor start +Sports,Roundup: Ravens get scare when Ogden hurt +Sports,ASU punishes UTEP in Price debut +World,Russian Troops Storm School as Hostages Break Out (Update1) +World,Iraqi president delays trip to France over hostage crisis +World,Kashmir summit builds peace hopes +World,Australia complains about Bali bomber #39;s coffee break +World,Sadr army becoming potent political force +Business,Invitation to a Titanic sinking? +Business,Rank mulling sale of film unit +Business,Glass looks half empty for JD Wetherspoon +Sci/Tech,Windows XP service pack 2: Major upgrade is not for everyone +Sci/Tech,Wi-Fi products get security certificate +World,Image Gallery of Indian hostages back home +Business,Before-the-Bell: Intel Shares Fall (Reuters) +Business,Pfizer to Take Asbestos-Related Charge (Reuters) +World,At Least 7 Dead in Russia School Siege (AP) +Sci/Tech,Amazon.com Inks Deal with Private DNS Firm (Reuters) +Business,EU commission proposes new interpretation of eurozone budget rules (AFP) +Sci/Tech,New on DVD (USATODAY.com) +Sci/Tech,Cruise in Britian for 'Collateral' (AP) +World,Sri Lanka government offered elusive majority (Reuters) +Business,Before-the-Bell: Intel Shares Fall +World,"Bush, Kerry Ready New Ads for Fall Blitz (AP)" +Sci/Tech,Lloyds to spend nearly \$1 billion on broadband network +Business,Enron CEO's Firm Seeks 'Success Fee' +World,Prison Probe Raises Questions About CIA (AP) +Business,"Stocks to Watch on Friday, September 3" +Business,"Omega Buys Two Firms, Raises \$285 Million" +Business,Intel Warning Counters Jobs Data Hopes +World,Libya Signs to Pay \$35 Mln to Berlin Bomb Victims +Business,Dollar Is Calm Before Payrolls Storm +Business,Oil Holds Firm as Dealers Digest Iraq +World,"Iraq's Survival Still at Stake, Report Warns" +World,"Taliban and Afghan Forces Clash, Several Dead" +World,"Lebanon to Extend President's Term, Defying U.N." +Business,Markets brace for fresh hurricane +Business,German bank sells Odeon holding +Business,Stocks poised to drop +Business,"Rank May Exit Movie Business, Sell Unit, After Losses (Update4)" +World,In pictures: Russian school battle +Business,ID BIOMEDICAL ENTERS INTO AGREEMENTS WITH LEADING US FLU VACCINE <b>...</b> +World,Chaos as battle grips school +Sports, #39;100pc #39; committed +World,Sudan rejects Darfur peace force +World,Sudan talks stall on security issues +World,Caution urged on French hostages +World,SA man charged for 'nuclear bomb' +World,Swiss group 'helped 22 Brits die' +World,Two Palestinians killed in Gaza +Sports,Meet The Team: Race Team Spares Man +World,Soldiers Storm Russian School; Fate of Hostages Is Unclear +World,"Roddick, Capriati Highlight U.S. Open" +World,Nevada Stages Huge Rib Cook-Off +World,Fla. Highways Jammed Ahead of Frances +World,At Least 7 Dead in Russia School Siege +World,Libya Agrees to Pay \$35 Million to Berlin Bomb Victims +World,Forces Storm Russia School With Hostages +World,Samarra Becomes Latest No-Go Zone in Iraq +Sci/Tech,"Business, Pleasure, or Both?" +Sci/Tech,Microsoft Warns Spyware Could Bungle Update +Sci/Tech,Disney Eyes Video-On-Demand Partnerships +Sci/Tech,Sony in Talks to Sell Products at Wal-Mart +Sci/Tech,Calif. Schools Warned of Identity Theft +Sci/Tech,Insurance Cos. Try Out Auto Black Boxes +Sci/Tech,Cassini Reveals Saturn's Cool Rings +Sports,Tension-Filled Nights Loom for Europe #39;s Big Guns +Business,"Europeans, Hopeful on Growth, Leave Rates Unchanged" +Business,Nortel delays release of financial results +Sci/Tech,Phone sales show no sign of slowing +Sci/Tech,Red Hat Names New CFO +Sports,Do You Remember Henin-Hardenne? Didn #39;t Think So +Sports,Cricket: Smith withdraws from Windies squad +Sports,Giants Struggle Yet Again to Protect Warner +World,Commandos Storm Russian Siege School As Children Flee +World,Hopes rise for French hostages in Iraq +World,Malaysia press relieved at Anwar release +World,UN resolution calls for immediate withdrawal of all foreign forces <b>...</b> +World,"Empty Stomach Battle Ends, Some Demands Met" +World,Syria on offensive as Israel threatens to avenge bombings +Sci/Tech,Cleaning Up After Ourselves +Sci/Tech,Microsoft Flexes Music Muscle +Sci/Tech,Fans Keep Newton in Motion +Sci/Tech,Slice of Heaven in the Desert +Sci/Tech,Bold New World for Bald Mice +Sci/Tech,Why Hybrids Are Hot +Sci/Tech,"Music Fans, Beware the Big Bass" +Business,Job Picture Brightens with August Hiring +Business,Stock Futures Whipsaw After Jobs Data +Business,Oil Firm as Dealers Digest Iraq Sabotage +Business,Rate Futures Fall After Payroll Data +World,Goss: Interrogations Key to War on Terror (AP) +World,IAEA Probes S. Korean Nuclear Experiment (AP) +Business,Economy Adds 144K Jobs in August +Sci/Tech,Atkins Diet May Bring Side Effects +Sci/Tech,Stem Cells Found in Hair Follicles +Sci/Tech,Cats Can Spread Bird Flu +Sci/Tech,Sony in Talks to Sell Products at Wal-Mart +Sci/Tech,Microsoft Warns on Spyware's Impact on Update +Sci/Tech,California Schools Warned of Identity Theft +Sci/Tech,Acacia Lowers Streaming Video Royalties Demand +Business,Oil Holds Firm as Dealers Digest Iraq +Business,Stock Futures Whipsaw After Jobs Data +Business,"Coke, EU near antitrust settlement" +Sci/Tech,Cell phone sales keep booming +Sci/Tech,"IBM, Intel open up their #39;blades #39;" +Sports,Dyson Masters Swiss Course +World,A Little Middle East Maneuvering In Downtown Manhattan +World,"Judge appoints lawyers to defend Milosevic, over his objections" +World,Released Indian hostages return back home +Business,Stocks Set for Lower Open After Jobs Data +Business,Pfizer to Take \$369 Mln Asbestos Charge +World,Bloody Shootout Ends Russian School Siege +Business,Treasuries Slip on Payroll Data +Business,Dollar Rallies on Jobs Numbers +Sports,Cal Reaches New Five-Year Agreement With Jeff Tedford +Business,"U.S. Economy Added 144,000 Jobs in August" +Sci/Tech,Global mobile handset sales up 35 in second quarter +Sci/Tech,Total recall for IBM ThinkPad adapters +Sci/Tech,IBM and Intel go public with design specs of the BladeCenter <b>...</b> +Sci/Tech,Red Hat changes accounting procedures +Sci/Tech,Owls use dung to quot;fish quot; for beetles +Sports,"Tennis: Venus Williams, Henin-Hardenne, Davenport advance at US <b>...</b>" +Sports,49ers #39; top draft pick catches on +World,Beirut rejects UN resolution ahead of Lahoud vote +Business,The Stealth Toy Giant +Sci/Tech,Keeping how the net works open to all +Sci/Tech,Pre-Lucy creature walked upright +Sports,Redden injury has Gretzky worried #39; +World,UN Security Council Tries to Stop Syrian Meddling in Lebanon +Business,Job Picture Brightens with August Hiring (Reuters) +Business,Oil Firm as Dealers Digest Iraq Sabotage (Reuters) +Sports,"Pistons miss Wallace, but in good shape" +Sci/Tech,IBM Recalls Notebook Power Cords (PC World) +Business,Job Picture Brightens with August Hiring +Sports,Bernie #39;s Brit GP #39;deadline +World,Russian Forces Storm School; 7 Killed +World,Florida Braces for Monster Storm +Business,Intel rolls back outlook; widespread weakness feared +Business,Hollinger Paid For Lord Black #39;s Costly Hubris +Business,"Analysts mull production cuts, disappointing sales" +Business,Update 1: ASEAN Economic Ministers Work on Community +Business,"Job Picture Brightens, More Aug Hiring" +Business,Progress in US Airways Talks +Business,Hutchison arm rules out dividends +Business,US textile industry leans on White House +Business,"Microsoft: Linux may mean price cuts, fewer sales" +Business,IPO will be golden for farmers +Business,Sony #39;s Cheap Trick +Sci/Tech,Worldwide mobile phone market posts healthy gains +Sci/Tech,"IBM recalls 225,000 ThinkPad power adapters due to fire hazard" +Sci/Tech,Rocky Road: Planet hunting gets closer to Earth +Sci/Tech,"IBM, Honda deliver in-car speech-recognition navigation system" +Sci/Tech,IBM Hits New Low In Storage +Sci/Tech,"HP bags orders from 7-Eleven, Publix" +Sci/Tech, #39;We started to walk six million years ago #39; +Sci/Tech,Hurricane Frances could destroy space shuttles +Sci/Tech,Apache Project Rejects Sender ID +Sci/Tech,EMC taps longtime IBM veteran Jeffrey Nick for CTO position +Sci/Tech,Astronauts Prepare For Final Space Walk +Sci/Tech,Google May Face Another Lawsuit +Sci/Tech,"Hard drive with 23,000 Social Security numbers disappears" +Sci/Tech,"Workers Think Positive, Negative About IM" +Sci/Tech,"Demand for chips remains strong, says China #39;s SMIC" +Sci/Tech,Expert: Writing Best for Contacting Aliens +Sports,"Lights, Camera, ACTION...NO it #39;s Not Sven #39;s Private Life" +Sports,Ferrari #39;s high-tech tune-up +Sports,Solberg takes the lead on Day One +Sports,"Open-Hewitt hits top gear, Mauresmo storms on" +Sports,Russia dominant in win over US +Sports,Graves activated; Padilla claimed off waivers +Sports,"Flintoff, Collingwood lead England to win" +Sports,Liverpool showdown looming for Wayne +Sports,St. Louis Cardinals Team Report - September 3 +Business,Intel Cuts Back Projection For 3rd-Quarter Revenue +Business,Higher wood prices welcome Frances +Business,"Apparel makers, retailers question textile quota focus" +Business,"Microsoft: Linux is a threat, it may mean prices cuts and less <b>...</b>" +Business,Sony to Boost Sales at US Discount Retailers +World,"Seoul, Others Should Send Clear Message on Nukes -US" +World,Annan welcomes release of Anwar Ibrahim from Malaysian jail +World,Iraqi Sunni Leaders Aim to Build on Shia Peace Gains +World,Thatcher Posts Bail to End S.Africa House Arrest +World,Pakistan foreign secretary arrives for talks +Sci/Tech,IBM Launches Low-Cost Storage Server +Sci/Tech,"Honda, IBM enhance in-vehicle, speech-recognition system" +Sci/Tech,EMC taps IBM veteran for CTO job +Sci/Tech,Astronauts Float Outside for Bit of Spacewalk Maintenance +Sci/Tech,Can Microsoft Change Its DNA? +Sports,SHAHEEN LOWERS WORLD RECORD +Sports,United Reach Rooney Agreement +World,Syria under Security Council Scrutiny ... A Gift from Syria to <b>...</b> +World,PM: No meddling in Anwars hearing +World,Japanese PM revives dispute over islands +Business,The Week #39;s Business: Putting Black behind bars or recovering money <b>...</b> +Sci/Tech,Space Station Crew Conducts Final Spacewalk of Mission +World,Thousands of irreplaceable books feared lost in German library <b>...</b> +Sports,"Mauresmo, Sugiyama reach Open #39;s fourth round; Massu fined" +Sports,Czech Republic Crushes Germany in World Cup Hockey +Sports,Sabres and Vanek agree to deal +World,"Analysts: Malaysian PM, Society Benefit From Anwar Release" +World,UN Court Formally Appoints Defense Lawyers for Milosevic +World,Oil holds firm above \$44 +World,One police officer killed in clashes with militants north of Saudi <b>...</b> +World,"German fire destroys 30,000 rare books" +Business,"UPDATE: HK Hutchison Gears Up For \$2B HK, US Telecom IPO" +Business,"Report: BofA job cuts total 1,365" +Business,"Current bridge plan urged Single-tower span now quickest, cheapest <b>...</b>" +Sci/Tech,IBM Recall AC Adapters for Notebook Computers +Sci/Tech,Apache Rejects Microsoft #39;s Sender ID Standard +Sports,Golf: Sergio Garcia Leads Omega European Masters +Sports,Sabres agree to terms with 2003 first-round pick Vanek +Sports,US #39;beats drug cheats #39; +Sci/Tech,Witness says Kazaa activity can be monitored +World,"French Hostages in Iraq Are Out of Danger, #39; Islamic Group Says" +Business,"EU Plans to Help Iraq Hold Elections, Train Police" +Sci/Tech,IBM Recalls Notebook Power Cords +Sports,Haas puts Grosjean in the shade +Sports,Carmelo can #39;t believe he rode +World,Can Lebanon weather possible economic sanctions? +Sci/Tech,Pace for Wireless Number Switches Quickens (Reuters) +Sports,"Pole Vault, Steeplechase World Marks Set (AP)" +Sports,Hurricane Delays Second Cubs-Marlins Game (AP) +Sci/Tech,Did Apple Offer Sony an ITunes Deal? (PC World) +Sci/Tech,Wine.com Raises Another #36;20 Million in Funding (Reuters) +World,Rare 1929 Mercedes become world's second most expensive car (AFP) +Business,Unemployment Drops to 5.4 Percent (AP) +Sci/Tech,IBM Recalls Notebook Power Adapters (NewsFactor) +Sci/Tech,Global Mobile-Phone Sales Set New Records (NewsFactor) +Business,The Frugal Investor (Forbes.com) +Sci/Tech,Red Hat Names New CFO (NewsFactor) +World,Victims of Other Sudan Wars Neglected (AP) +Sports,Yankees' Giambi Treated for Tumor in Pituitary Gland (Reuters) +Sci/Tech,Napster Launches Music-To-Go Service (NewsFactor) +World,UPS Says Gov't Approves China Epansion (AP) +Business,Global Bond (Forbes.com) +Sci/Tech,Former IBM Executive Takes EMC Position (AP) +Sci/Tech,Report: Apple offered Sony iTunes deal (MacCentral) +Sports,Czechs Rout Germany in World Cup of Hockey (AP) +Business,Businesses Batten Down for Frances +World,"Bush, Kerry Clash Over Latest Jobs Report (AP)" +Sports,"Massu Fined #36;1,000 for Throwing Racket (AP)" +Sci/Tech,Spacewalking Astronauts Replace Equipment (AP) +Business,"UPDATE 2-Credit Suisse to integrate units, float Winterthur" +World,Where the stars don't shine: Low-profile for most at RNC (USATODAY.com) +Sports,Yankees' Giambi Treated for Tumor in Pituitary Gland +Business,Tech Stocks Tumble as Intel Disappoints +Sci/Tech,Could Space Signal Be Alien Contact? (Reuters) +Sci/Tech,Smell Gene May Help People Hide from Mosquitoes (Reuters) +Business,Oil Ends Lower Ahead of Long U.S. Weekend +Sci/Tech,Archaeologists Discover Tomb Near Egypt's Pyramids (Reuters) +Sports,"Hewitt Hits Top Gear, Mauresmo Storms On" +Sci/Tech,Botswana Donates 500 Elephants to Mozambique (Reuters) +Sci/Tech,New Fossil of Fish-Like Reptile Found in Arctic (Reuters) +Sports,Garcia Takes One-Stroke Lead at European Masters +Sports,Marlins-Cubs Washed Out Saturday as Well +Business,"U.S. Sues Sears, Alleging Racial Bias" +World,"Russian Siege Sparks World Horror, Solidarity" +Sports,Czech Republic Crushes Germany in World Cup Hockey +Business,U.S. Services Growth Slower in August +World,Army deserter dealt legal setback +World,"U.S. Mulls New Darfur Resolution, Genocide Finding" +Business,Dollar Up After Jobless Rate Declines +World,France Cautious Amid Hope Hostages Will Be Freed +Business,Enron Interim CEO's Firm Seeks \$25M Bonus +World,Judge rules Bush statements pose no threat of jury taint +Business,Enron CEO's Firm Submits \$25M Bonus Bill +Business,Move to relax euro budget rules +World,Bill Clinton to have heart bypass +World,Bush says delaying vote would send 'wrong signal' +World,Storm prompts mass evacuation +World,Cricket: England defeat India +World,Soldiers sue over extension of service +World,Macedonians to vote on rights law +Business,"U.S. Economy Added 144,000 Jobs in August" +World,Russia increases Yukos' tax bill +Business,U.S. Services Growth Slowed in August +Business,Intel Shares Fall 8 on Weak Sales Forecast +Sci/Tech,No Changes to the Induce Act Please! +Sports,Ferrero Knocked Out +Sports,"Vanek, Sabres Sign" +Business,Mining a Big Winner +World,Gun battle breaks out near Green Zone +Sports,"Hammer Thrower Asked to Return Gold Medal, Submit DNA Sample" +World,Rumsfeld hopeful of troop exit by '08 +World,Spacewalking Astronauts Replace Equipment +World,"Stocks Fall on Jobs Report, Intel Warning" +World,Russians Storm School; 150 May Be Dead +World,Bill Clinton to Undergo Bypass Surgery +World,Stocks Move Lower on Employment Report +World,Astronauts Float Outside for a Spacewalk +World,"Blast in South Afghan City Kills One, Wounds Four" +Sci/Tech,Does SP2 cause bovine lesbianism? +Sci/Tech,Drivers 'carry on using mobiles' +Sci/Tech,Pace for Wireless Number Switches Quickens +Sci/Tech,Rivals Say Microsoft Online Music Store Falls Short +Sci/Tech,Intel Sets Off New Jitters +Sci/Tech,Microsoft Warns on Spyware's Impact +Sci/Tech,7-11 Rolls Out HP Inventory System +Sci/Tech,Honda Enhances Speech-Recognition System +Sci/Tech,Review: Microsoft's OneNote Organizes Data +Sci/Tech,Genesis Reentry +Sci/Tech,"Gentlemen, start your gyros!" +Sci/Tech,"Dictators ""Defacing"" Famed Burma Temples, Editor Says" +Sci/Tech,"Fossil Pushes Upright Walking Back 2 Million Years, Study Says" +Sci/Tech,"Cats Can Catch and Spread Bird Flu, Study Says" +Sci/Tech,Spacewalking Astronauts Replace Equipment on Space Station +Sci/Tech,"Briefly: Lawmakers to vote on spyware, piracy bills" +Sci/Tech,"Microsoft: Linux may mean price cuts, fewer sales" +Sci/Tech,Ferrari's high-tech tune-up +Sci/Tech,Wine.com to decant \$20 million in funding +Sci/Tech,Big Blue veteran heads to EMC +Sci/Tech,Government finds witness in RAM price-fixing probe +Sci/Tech,"HP bags orders from 7-Eleven, Publix" +Sci/Tech,IBM storage server targets midsize companies +Sci/Tech,F5 Networks to introduce next-gen traffic manager +Sci/Tech,3Com lowers revenue forecast +World,"Powell to visit Europe, Africa on healing mission" +Sci/Tech,Alienware powers up 4GHz desktop +Sci/Tech,'Madden NFL' called for unnecessary roughness +Sci/Tech,"Hard drive with 23,000 Social Security numbers disappears" +Sci/Tech,Maryland court rejects paper requirement for e-voting +Sci/Tech,"IBM Rolls Out Arrays, Tries Again on iSCSI" +Sci/Tech,EMC taps longtime IBM veteran Jeffrey Nick for CTO position +Sci/Tech,"IBM, Honda deliver in-car speech-recognition navigation system" +Sci/Tech,IDC: Storage market revenue grows; HP's share shrinks +Sci/Tech,Intel lowers Q3 revenue estimates +Sci/Tech,"IBM recalls 225,000 ThinkPad power adapters due to fire hazard" +Sci/Tech,"F5, Redline expand software for speeding app performance" +Sci/Tech,"U.S. government, companies warn of critical Oracle flaws" +Sci/Tech,IDF: Dueling ultrawideband teams to push ahead +Sci/Tech,EMC nabs former IBM grid guru for CTO position +Sci/Tech,Expand Beyond gets broad wireless patent +Sci/Tech,"Storage market grows, HP's share shrinks" +Sci/Tech,IBM seeks to block lawsuit by Gypsies +Sci/Tech,Google May Face Another Lawsuit +Sci/Tech,Microsoft's OneNote Organizes Data +Business,Oil resumes climb amid Yukos concern +Business,"3Com Lowers Revenue Forecast, Shares Drop" +Business,American adds fee for non-Web ticket buys +Business,Sluggish back-to-school buying hits retail sales +Business,Dresser Inc. files \$575M IPO +Business,Brazil Economy Gets Vote of Confidence +Sci/Tech,Calif. schools warned of identity theft +Sci/Tech,"GEICO Gets Go-Ahead On Trademark Suit Against Google, Overture" +Sci/Tech,Aliens likely to send letters not e-mails! +Sports,"US Open: Henin-Hardenne Toils, Agassi Rolls" +Sports,Meek India give up without a fight +Sports,"Florida VARs, Distributors Close Shop" +World,Hundreds die in commando raid +World,Decision on French hostages expected +World,Sen. Corzine: Sudan Not Disarming Militias in Darfur +World,Mahathir obsolete: Anwar +World,Israeli helicopters fire missiles on Gaza camps +World,Indian FM: #39;Do Not Expect Major Breakthroughs at Pakistan Talks #39; +World,"First threat , then the wait" +Sci/Tech,News: Old PCs are goldmine for data thieves +World,"Russian Siege Sparks World Horror, Solidarity (Reuters)" +World,"Darfur in chaos, says UN report 2.3 million said in need of aid" +Business,Cantor Fitzgerald Sues Al Qaeda Over 9/11 +Business,Job Picture Brightens with August Hiring +Sci/Tech,7-Eleven Turns To HP To Streamline Operations +Sci/Tech,Calif. Schools Warned of Identity Theft +Sci/Tech,Wi-Fi Security Update +Sports,Sharapova has power and movement to eclipse Pierce +World,"Americans Should Push For Strong, Political Response to <b>...</b>" +Sci/Tech,Satellite Sees Through Hurricane Frances +Business,New Yukos warning after \$2.6 bn ruling +Sci/Tech,IBM recalls notebook power adapters +Sci/Tech,Spacewalking astronauts replace worn-out piece of cooling <b>...</b> +Sci/Tech,F5 #39;s Integrated Approach To Web Traffic Management +Sports,Czechs keep #39;em guessing +Sports,Devil Rays postpone two games against Tigers +World,"Siege at Russian School Over, At least 100 Dead" +Sports,Burrell Back in Lineup for Philadelphia (AP) +Sports,Cowboys Put Darren Woodson on PUP List (AP) +World,Germany Library Fire Destroys Rare Books (AP) +World,Lebanon Moves to Keep President in Office (AP) +World,Liberian children get unexpected windfall from Rooney transfer (AFP) +Sports,Injured Ferrero Edged Out by Koubek +World,"Chechen warlord behind school hostage-taking, says FSB" +World,UN tells Syria to quit Lebanon +World,Seoul says nuclear work not authorized +World,UN court curbs Milosevic #39;s role in mammoth trial +World,Cross-border terror to be focus of Indo-Pak talks +World,Quickly Asia +Sci/Tech,Touching the Tangled Sun +Sci/Tech,Stripped down Longhorn still offers gems +Sci/Tech,Honda Enhances Speech-Recognition System With IBM +Business,Pfizer to settle asbestos claims +Sci/Tech,Spammers Are Early Adopters of SPF Standard +Sports,Hewitt advances to US Open 3rd round +Sports,Sabres sign top prospect Vanek +World,China to host first stewardess beauty pageant +Sports,Tennessee to Start Freshman Quarterback (AP) +World,Head of South African engineering firm charged with nuclear trafficking (Canadian Press) +World,South Korea denies harbouring any secret nuclear weapons ambitions (Canadian Press) +Sports,Miami Reluctantly Plays Preseason Finale (AP) +Sports,"U.S. Open: Hewitt Hits Top Gear, Mauresmo Storms On" +World,Hope Turns to Caution in French Hostage Crisis +World,US soldier tried to help al-Qaeda +Business,Indexes #39;Trending #39; Down With Intel +Business,EU asks Russia to explain high siege toll +Business,"Tech Stocks End Lower, Intel Disappoints" +Business,August Unemployment Dips to 5.4 Percent +Sci/Tech,Spyware Could Bungle XP SP2 Update +Sci/Tech,F5 Networks to introduce next-gen traffic manager +Sports,Mears On California Pole +Sports,Racing: Solberg rises to the occasion in Japan +Sports,Coach Dave Leitao agrees to six-year contract extension at DePaul +World,"French hostage crisis drags on, Iraq #39;s northern oil exports halted" +World,US Blasts Lebanese Parliament #39;s Extension of Presidential Term +World,Sudan: Annan calls for expanded international presence to stop <b>...</b> +Business,ASEAN members plan a single market +World,Sri Lanka gov #39;t gains parliamentary majority +World,French journalists #39;about to be freed #39; +Sports,Athletics: Shaheen record run lifts after-show party +Sports,FLINTOFF STARS AS ENGLAND WIN SERIES +Sci/Tech,Lower Costs Prompt Internet Boom in Britain -Study (Reuters) +World,Seven young men arraigned in stabbing death of 19-year-old Quebec teen (Canadian Press) +Sports,Nagging Questions Dog Georgia Opener (AP) +World,Baker Recovers From Open Heart Surgery (AP) +World,Bombs rock 7 cities in Spain after terror group's warning +Business,"US Sues Sears, Accusing It of Racial Bias" +Sci/Tech,Last Words On Service Pack 2 +Sci/Tech,Space Station Crew Takes Maintenance Spacewalk +Sports,Kim fires 62 to take first-round lead +Sports,DePaul #39;s Leitao gets contract extension +Sports,Coming back for more +World,Hague Court Appoints Defense Lawyers for Milosevic +Sci/Tech,IBM adds iSCSI to SANs +Sci/Tech,IMac G5: another P from the iPod +Sci/Tech,Chip maker plans capacity hike amid slowdown fear +Sci/Tech,Gates spills thoughts on Longhorn dilemma +Sports,Kim ties record at State Farm Classic +Sports,Gerrard doubtful for Austria match +Sports,Miller Time: Pats re-sign veteran +World,South Korea Admits Having Enriched Uranium +World,"Martin, World Leaders, Condemn Russian Siege (Reuters)" +Sci/Tech,Microsoft Takes on iTunes (Reuters) +Sci/Tech,"Joswiak: ""True to What an iMac Has Always Been About"" (MacCentral)" +Sports,Haas on Road to Recovery with Surprise Victory at the Open +Business,Continental stops paying pensions +Sci/Tech,"Google, Overture Trademark Case Moves Forward" +Sci/Tech,"Promises, Promises: Microsoft #39;s Credibility Questioned Over <b>...</b>" +Sci/Tech,Company to storm market with blade servers +Sci/Tech,Science oddities go on display +Sports,Second coming at Spa +Sports,"Patriots cut nine players, re-sign QB Miller" +World,Fire Damages Historic German Library +World,Nepal pledges Muslim security after riots +Sci/Tech,Joswiak: 'True to What an iMac Has Always Been About' (MacCentral) +World,Russia Counts Cost of Bloody End to School Siege +Business,Oil bonanza boosts Saudi finances +World,Mobiles kill off more phone boxes +Business,Modifying management behavior +Business,Chinas new face +Business,Tax abyss deepens for Yukos +Business,Ford and GM cut production +Business,EU fines 7 firms for price-fixing +Business,Chamber sues SEC over board rule +Sci/Tech,"HP Will Power 5,300 7-Elevens" +Sci/Tech,Is portable video ready for prime-time viewing? +Sports,"Now, Hurlbert #39;s future will be decided" +Sports,Roundup: England beats India by 70-run margin +Sports,Palmer (not that one) and Woods take early lead at Boston +Sports,SI.com +World,Lebanon #39;s lost sovereignty +World,Milosevic on trial; Reacting to terrorism; A general #39;s crusade; A <b>...</b> +World,Indonesia insists it is committed to war on terror +World,"Bush, Republicans Outpoll Kerry, Democrats on TV (Reuters)" +World,Austrians Doubt Schwarzenegger's Memories (AP) +World,Hurricane Frances Hits Bahamas; Man Dies (AP) +Business,EU attempts to make stability and growth pact flexible +World,Russia Counts Cost of Bloody End to School Siege (Reuters) +World,Al-Sadr Says U.S. Can't Defeat Militia (AP) +Sports,Packers Send Marques Anderson to Raiders (AP) +Sports,"Cowboys Name Romo No. 2 QB, Woodson Out (AP)" +Sports,Kim Takes Four-Stroke Lead at State Farm (AP) +World,Russia Counts Cost of Bloody End to School Siege +Business,Ch. 11 threat for US Airways flier miles +Business,Auto Stocks Surge After Weak Sales +Business,Last picture show for Rank as it seeks Deluxe buyer +Business,US Airways names vice president of restructuring +Business,Deluxe sale in the script as Rank slips +Business,Northwest Cancels a Travel Agency Fee +Sci/Tech,Time running out for quake prediction +Sci/Tech,Space station crew does some repair work +Sci/Tech,Acclaim falls on its sword +Sports,Pressure on Beckham +Sports,Garcia walks tall with a 65 +Sports,Everton send Rooney shirts to Africa +Sports,Clubs bite back after most bitter of parting shots +Sports,Qatari investment pays off as Shaheen sets record +Sports,Tiger Woods #39; father stricken with cancer +Sports,Gough and Giles prise out India +Sports,Dolphins arrive for final game short-handed +Sports,Ogden questionable for season opener after knee sprain +World,Lebanon Agrees to Extend Term of Leader Imposed by Syria +World,Lady Thatcher #39;paid son #39;s bail money #39; +World,Israel #39;s informants fail to infiltrate Hamas +World,How will child survivors cope? +World,Tennis: Ferrero falls in epic +World,"Protesters invade oil platforms, shutting production" +Sports,Jimenez to ignore Garcia +Business,BC lumber lobby says WTO ruling on Byrd Amendment helps softwood <b>...</b> +Sports,Henman nurses the hope that his back will stay on his mind +World,Russia Counts Cost of Bloody End to School Siege +Sports,Serena Reaches Fourth Round of U.S. Open (AP) +World,"Orange makes fashion, political statements in Kiev" +Sports,Schottenheimer Delays Naming Quarterback (AP) +Business,"Job Gain Of 144,000 For Aug. Eases Fear Economy Is Slowing (Investor's Business Daily)" +Sports,Tigers Defeat Devil Rays 4-2 (AP) +Sports,Georgia Tech Admits Certifying Violation (AP) +Sports,Serena Battles Errors and Golovin to Advance +Sports,Mayorga Arrested Then Freed Over Rape Allegation +Business,"144,000 Jobs Were Added in August, a Bit of an Uptick" +Business,"Nokia Falters, and the Finns Take Stock of Their Future" +Business,Service-Sector Growth Slows to a 2004 Low +World,Captives Escape After Hours of Pitched Battles +Sports,Statham Moves Forward +Sports,Summitt Defends Team +Sports,Redskins' Value Exceeds \$1 Billion +Sports,Millen Guides Lions +Sports,Nelsen Back With Team +World,US Consulate attacked +World,Trauma in the Caucasus +World, #39;Soul of Germany #39; is devastated by blaze +Sci/Tech,Microsoft Steps Into Ring +Sci/Tech,FCC Plans Record Fine Against CBS +Sci/Tech,Tech jobs added in August +Sci/Tech,Briefly: IDC says external disk storage up +Sci/Tech,IDC: External disk storage up +Sports,"Braves 7, Expos 1" +World,Editorial: Striking at terrorism +Sci/Tech,News: Plea deal in 'war spamming' prosecution +World,Ukraine lawmakers agree to amend laws +Sports,Streaky Orioles Stop Yankees 3-1 (AP) +Sci/Tech,Microsoft Steps Into The Ring (washingtonpost.com) +Sports,Athletics Hold Off Blue Jays 7-4 (AP) +Sports,Blake on Target as Americans Bounce Back in World Cup +Business,Haft Married Companion 2 Weeks Before He Died +Business,Interim Chief at Enron Asks for \$25 Million +Business,"Stocks Fall, Led by Tech Sector" +Sports,Lopez Overpowers Yanks +World,Serena Reaches Fourth Round of U.S. Open +Business,EU seeks revamp budget pact +Business,US jobless rate falls to a modest 5.4 per cent low +Sci/Tech,International Space Station Status Report: SS04-029 +Sci/Tech,3 days to tell if quake predictor right +Sci/Tech,Who was the first to walk upright? +Sports,Magic number drops to 22 with rout in Montreal +World,Bail posted by Thatcher son +World,India raps backing for rebels +World,\$35m Libyan payout for blast victims +Sports,Jets Rally to Defeat Eagles 28-27 (AP) +Sports,"Free of Pain, Haas Renews His Climb In Ranking" +Business,Back Tax Bill Against Yukos Is Increased +World,Ghana votes in presidential poll +World,A Record Increase of 17 Percent Is Set for Premiums in Medicare +World,Iraqi Group to Decide Journalists' Fate 'Soon' +Business,Interim Chief At Enron Asks for \$25 Million +Sci/Tech,"IBM Issues Recall Of 553,000 Notebook AC Adapters" +Sci/Tech,"Citing Threats, Entrepreneur Wants to Quit Caller ID Venture" +Sports,Expos drop opener to Braves +Sports,"Redskins 27, Falcons 0" +Sports,White Sox Stop Mariners 7-5 (AP) +Sports,Former NHL Defenseman Paul Shmyr Dies (AP) +Sports,Browns Bop Bears 24-10 in Preseason (AP) +World,Israeli Missiles Hit Palestinian Workshop in Gaza (Reuters) +World,China Criticizes Chen for Remark on Taiwan's Name (Reuters) +Business,Mathew Ingram +Business,Firm Requests #39;Success Fee #39; in Enron Case +Business,Profit for Liquor Maker +Sports,SI.com +Sports,RELATED COLUMNISTS NEWS +Sports,"Colts exhibit strong offense, defense in loss" +World,Japan jittery on news of S. Korean uranium test +World,Recently freed Anwar heads to Germany for surgery +World,UN blames Sudan for continuing attacks +World,"Car bomb kills 1, injures 2 Afghanistan" +Sports,Boyfriend of Olympic Wrestler Killed in Crash +Sports,Rooney prepared to wait for United glory +Sports,"Dolphins 20, Saints 19" +World,Quebec accountant convicted of defrauding nuns gets house arrest (Canadian Press) +Sports,AL Wrap: Martinez Pitches Red Sox to 10th Straight Victory (Reuters) +Sports,AL Wrap: Martinez Pitches Red Sox to 10th Straight Victory +Sci/Tech,AT T Wireless Moves to Sell Canada Asset +Business,Hutchison Plans Offering of Phone Unit +Sci/Tech,"Russian, US astronauts leave space station on maintenance mission" +Sports,Rooney shirts go to war children +Sports,Major League Baseball News +Sci/Tech,"Nokia Falters, and the Finns Take Stock" +Sports,Palmer Leads Bengals Past Colts 16-13 (AP) +Sports,"In Frustration, Brown Breaks His Hand in Loss" +Sports,"Serena Williams, Fashion Queen, Rules the Court" +World,Rooney shirts go to war children +Sci/Tech,Apple takes minimalism step further in chic iMac +Sci/Tech,Space station crew completes EVA +Sci/Tech,EMC nabs former IBM grid guru for CTO position +Sports,Morris dominates Dodgers +Sports,Yankees Pitcher Breaks Hand Punching Wall +Sports,Clive Woodward saw loss of control after World Cup +Sports,"Final Score: Tennessee 27, Green Bay 7" +World,Chen says Taiwan #39; is best name +World,Putin visits site of school hostage crisis (AFP) +World,Ukraine Still in Turmoil Despite Concessions +Sports,Red Sox Still Rolling +Sports,Landmark Victory +Sports,Fever Beats Lynx +Business,Payrolls Resumed Growth In August +Business,Yukos handed \$4.2-bn tax bill +Business,Continental to Skip Pension Payment +Business,Spoon #39;s summer drought +Sci/Tech,Genesis space capsule to return with secrets of solar system +Sports,Moving Beyond Naming Names +Sports,Pedro drives stake into heart of Texas: Ace carries Red Sox to <b>...</b> +Sports,"GAME DAY RECAP Friday, September 03" +Sports,US finally thaws out: Shakeup nets 3-1 win vs. Slovakia +World,US: Sudan attacks racially based +World,Australian defence chief takes home tips from Indian Army +World,Ministers performance to be viewed after every quarter: Aziz +Sports,Keller Plays for U.S. but Not for Club (AP) +Sports,NL Wrap: Morris Shuts Out Dodgers as Cards Keep Winning +World,Bush Vaults From RNC to Campaign Trail (AP) +World,Kerry's Running Mate Earns #36;39 Million Over Decade (Reuters) +World,Russia Seals Off Siege School Region +Business,MARKET WEEK All Eyes on Greenspan and the Jobs Data +Business,No Delay in Freddie Pay Order +Sports,SOLBERG STORMS CLEAR OF RIVALS +Sports,"UNITED STATES 3, SLOVAKIA 1 With Hull Out of the Lineup, the US <b>...</b>" +Sports,Overseas players bolster US team +Sports,Cricket-Vaughan upbeat about one-day form +World,Annan welcomes court decision freeing Anwar +World,Khokhar in Delhi for new round of dialogue +World,Katmandu under curfew for 3rd day +World,President touts #39;Taiwan #39; as best national name +Sci/Tech,Welcome to the Broadband World (Ziff Davis) +Sports,Padres Rally to Beat Rockies 7-6 (AP) +World,"Israeli Soldier, Militant Killed in Gaza" +World,New Group to Launch Anti-Kerry Ads (AP) +Sci/Tech,Hidden Java Features +Sports,NL Wrap: Morris Shuts Out Dodgers as Cards Keep Winning +World,China Criticizes Chen for Remark on Taiwan #39;s Name +World,Italian Finance Minister Tackles Budget (AP) +World,Russia School Standoff Ends With 250 Dead +World,Report: More than 200 dead after troops storm school +World,10 years jail for hotel bombing +Business,Wetherspoon ends run of profit rises +Sports,Sports in Brief Two track world records set +World,Indonesian travel warning renewed +Sports,"Bonds Hits Homer 697, Giants Beat D'backs (AP)" +World,Employees Sentenced Over Gas Leak in China (AP) +Business,Business Briefs +Sci/Tech,Service that fools Caller ID causes anger +Sports,"US, El Salvador meet" +Sports,Red Sox close within 2 games of Yankees with 10th straight win +World,Malaysian Vows to Push Reforms +World,"India, Pakistan in Talks to Nudge Peace Process" +Sports,Red Sox Close Within 2 1/2 Games of Yankees (AP) +Sports,"Woods, Palmer Share Lead at Deutsche Bank (AP)" +World,"N.Korea Urges UN, Red Cross to Stop Refugee Exodus" +Sports,Yankees' Brown Breaks Hand Punching Wall (AP) +Sci/Tech,Honda Enhances Speech-Recognition System (AP) +Business,Update 3: EU Unveils Changes for Budget Rules +Business,AP: India Exploring Free Trade Deals +Business,World voices shock +Business,US Defies WTO Ruling On Duties +Business,Time for Black to resign his peerage +Business,"US Economy Adds 144,000 Jobs in August" +Sci/Tech,"News, Reviews, and Help for the MPX200, iPAQ h6315, and SmartPhone <b>...</b>" +Sci/Tech,Apple Expo - Attendees Mixed if iMac G5 is The Complete Solution +Sci/Tech,Inspiron owners complain of SP2 slowdown +Sci/Tech,SP2 vs. the plug-ins +Sci/Tech,Space telescope spots new supernova +Sports,Non-Olympian Shaheen sets a world record +Sports,High noon decision for Gerrard +Sports,"Bonds hits No. 697, Giants rout Diamondbacks" +Sports,Wilkinson Backs Woodward to Succeed +Sports,Yankees: Giambi mum on Pituitary tumor report +World,Russian massacre +World,German literary treasures lost in fire +World,Iranian hard-liners praise Palestinian bombers +World,Saudi Militant Killed in Clash +World,Musharraf and Aziz finalise strategy for New Delhi talks +World,Nepal relaxes unrest curfew +Business,August shows a pickup in hiring +Business,ASEAN ministers to talk free trade +Business,"EU, Japan win WTO approval to impose duties on US" +Business,Court denies Tribune media-merger request +Business,Nation/world briefs +Sci/Tech,When parents are too hands-on +Sports,Vaughan lauds mighty Flintoff +World,Tennis: Roddick sinks Nadal +World,Karzai sworn in as Afghan president (AFP) +World,Frances Poised to Slog Ashore in Florida +World,Clinton a Little Scared of Bypass Surgery +Sports,"Bonds Hits No. 697, Giants Rout D'backs (AP)" +Sci/Tech,IDC: External disk storage up +World,World horrified at bloody end to Russian hostage crisis (AFP) +Sports,Hestrie out of Golden contention +Sports,BASEBALL: RED-HOT SOX CLIP THE ANGELS #39; WINGS +Sports,Lucky escape for Schuey +Sports,Stunned rookie lands pole +Sports,Tiger in unfamiliar spot +World,South Korea to explain uranium experiments at IAEA meetings this month (AFP) +Sci/Tech,G Log Readies Launch Of Logistics Software Upgrade (TechWeb) +World,"India, Pakistan in Talks to Nudge Peace Process" +Sports,Saints' Gleason apologizes for low blow +Business,Intel stock tumbles 7 after lowered outlook +Business,Bye Bye Byrd +Business,Ont. judge agrees to appoint Hollinger Inc. inspector +Sci/Tech,"Distant planets, smaller than gas giants, found" +Sci/Tech,SETIhome Signal Story Sees Much More Than Meets the Eye +Sports,Solberg takes early lead +Sports,"US tops Slovakia, 3-1" +Sports,RUGBY UNION: I WAS IN TOTAL CONTROL AT THE WORLD CUP.. NOW I #39;VE <b>...</b> +World,Libya to pay victims of Berlin disco attack +World,on the record: +World,Police Raid Nuclear Plant Offices +Business,EU proposes changes to Stability Pact +Sci/Tech,Hoosiers decode messages from Mars +Sports,Kahne qualifies in 5th for Nextel Cup event +Business,"QRS Spurns JDA, Chooses Inovis" +Sports,Bosox pull within 21/2 +World,South Korea to explain uranium experiments at IAEA meetings this <b>...</b> +World,"India, Pakistan prepare for talks" +World,"India, Pakistan Leaders Begin Peace Talks (AP)" +World,Football: England start campaign +World,Putin Orders Crackdown After School Siege +Sci/Tech,Pay music services have limits +Sci/Tech,"Russian, US astronauts leave ISS on maintenance mission" +Sci/Tech,Astronomers discover first Neptune-sized planets outside our solar <b>...</b> +Sci/Tech,Popular spam fighter #39;s effectiveness questioned +Sci/Tech,Tech: Back to Earth with a Thud +Sci/Tech,Chip Maker SMIC Boosts Capacity and Profits +Sports,"Roddick, Hewitt through to US Open third round" +Sports,Kim increases lead at State Farm Classic +Sports,Solberg quickest at Rally of Japan +Sports,Pedro powers by Rangers +Sports,Brown loses by TKO +Sports,"Giambi, Yanks won #39;t discuss published report" +World,Lebanon Moves to Extend President #39;s Term +World,E Guinea investigators to arrive soon +World,Schroeder meeting with Gaddafi announced after deal +World,"US, Iraqi forces clash with militants" +World,Suicide Car Bomb in Iraq #39;s Kirkuk Kills 9 - Police +World,"US, Iraqi Forces Launch Major Offensive in Northern Iraq, 8 People <b>...</b>" +Sci/Tech,ET Might Prefer a Letter +Sports,Briefs Woods shares 1st-round lead at Deutsche Bank +World,Progress With Pakistan #39;not Insignificant #39;: Indian PM +Sci/Tech,PluggedIn: HDTV 'Starter' Kit for PC Comes with Some Kinks (Reuters) +Business,Blazing U.S. Profit Growth to Cool (Reuters) +World,France Hopes Iraq Hostages Will Be Freed Soon (Reuters) +Sports,Cryonics Facility Must Show Willams Note (AP) +Sports,Roddick Keeps Home Flag Flying in New York +Sci/Tech,Spacewalking Astronauts Install Antennas (AP) +Sci/Tech,Company Making Fake Urine for Researchers (AP) +Sci/Tech,L.A. Development Unearths Indian Cemetery (AP) +Business,"Tech, Oil and Frances to Rule Markets" +Sci/Tech,Biophysicist William Siri Dies at 85 (AP) +World,Russia School Death Toll Includes 155 Children +Business,Employees Face More Benefit Choices +World,"India, Pakistan Agree to Deepen Peace Process" +World,Suicide Car Bomb in Iraq's Kirkuk Kills 17 - Police +Business,Away on Business: Islands of Refuge +World,"Clashes Kill 11 in Iraq, U.S. Copter Forced to Land" +World,France Hopes Iraq Hostages Will Be Freed Soon +World,"Japan Princess Breaks Seclusion, Visits Emperor" +Sports,Woods right on course +Sports,Falling out of range +Sports,System proving a hit +Sports,Is Giambi tumor in pituitary? +Sports,Decision appealing for Kapler and Nixon +Sports,Rangers steering through recent skid +Sports,Dolphins weren't all game +World,Bush leads way on campaign trail +Sports,Teams looking for an edge +Sports,Bryant case seen as plagued from start +World,Russian press review +Sports,"Fitzpatrick, Harvard are thinking big" +World,US plans new resolution on Darfur +Sports,Brown forced to play spectator +Sports,O'Meara back in mix with 66 +Sports,Changes catch players' ayes +Sports,"On pro side, amateur Vana had fun" +Business,End-of-summer gas prices fall +Sports,Northeastern Conference +Sports,Hockomock League +Business,August jobless rate dips +Sports,Atlantic Coast League +Business,Popular spam fighter's effectiveness questioned +Sports,Transactions +Business,Contractor buys Md. firm +Business,NYC tops Boston in convention-related spending +Business,Wal-Mart may settle immigration case +Sports,Hewitt on auto pilot in sweeping past Arazi +Sports,These lefties were all right +Sports,Today's schedule +World,Two inmates found dead at prison +World,Fans given Potter book 'preview' +World,Over 200 dead at Russia school +World,2 shot fatally in Gaza +World,Key EU powers weigh bringing Iran nuclear issue to UN panel +World,Private earns division's first Iraq Silver Star +World,Population parley told Bush policies hurt women +World,Death Toll Rises in Russia School Standoff +World,Borders Shut After Russia School Standoff +World,Frances Poised to Slog Ashore in Florida +World,Jackson Acknowledges Settling Past Claims +Business,"Southeast Asia, China, Japan Work to Boost Trade" +Business,DAILY DIGEST +Business,EU To Decide Soon on Sanctions Against US +World,Palestinians aiming for polls in spring next year: organisers +World,Japanese Police Raid Kansai Nuclear Plant +World,US troops clash with insurgents in Iraq +World,"Japan Princess Breaks Seclusion, Visits Emperor" +Sci/Tech,PluggedIn: HDTV 'Starter' Kit for PC Comes with Some Kinks +Business,"Japan, ASEAN agree to start FTA negotiations next April" +Sci/Tech,Taiwan #39;s Delta sees losses from IBM adapter recall +World,Six dead in Iraq blasts +World,Japanese princess breaks seclusion +Sci/Tech,Tunnel vision boost for British bats +Business,"US adds 144,000 jobs" +Business,Boeing Urges Europe to End Airbus Aid +World,Suicide Car Bomb in Iraq #39;s Kirkuk Kills 17 - Police +Sports,UW search goes on as Tedford chooses to stay put +Business,Sony in talks to sell products at discounters +Sci/Tech,X-Prize Long Shots Still in Play +Sci/Tech,Strange Bedfellows in E-Mail Case +Sports,Los Angeles Clippers +Sci/Tech,Malaysian PM expresses sadness over hostage tragedy in Russia +World,Hostage drama death toll rises +World,EU threatens sanctions against Sudan +World,"India, Pakistan Agree to Widen Peace Talks" +World,Despair and Anger in Small Russian Town After Siege (Reuters) +Sci/Tech,Pre-Human Walked Upright 6 Million Years Ago -Study (Reuters) +World,Despair and Anger in Small Russian Town After Siege +Sports,"Kidd returns for Nets, assists on game-winning basket" +Sci/Tech,Expedition proves China #39;s Qinghai-Tibet Plateau glaciers shrinking +Sports,Golf: Kim Leads State Farm Classic +Sports,Gerrard fit for England +Sports,England in confident mood +World,Putin says international terror at work in Russia (AFP) +World,Pakistan calls for courage in India peace talks (Reuters) +World,Car Bomb Kills at Least 20 at Iraq Academy +World,Pope Denounces Gay Marriage in Canada +Business,"Economy adds 114,000 jobs; four year job growth still negative" +Business,Saudi Arabia Is Sued by Firm That Lost 658 in Twin Towers +Business,British firm reconsiders Boeing #39;s Wichita plant +Business,MGM shares drop 8 pct on potential for lower bids +Business,Daughter of slain woman arrives to bury her family +Business,Bush Touts Unemployment Rate Drop +Business,Specialty Retail Tales +Sci/Tech,IBM opens design to its blade servers +Sci/Tech,MIT Warns of Critical Vulnerabilities in Kerberos 5 +Sci/Tech,Maryland court rejects paper requirement for e-voting +Sports,"UPDATE 1-Symonds, Kasprowicz clinch Australia victory" +Sports,Roles reverse as chase shifts gears +Sports,Jimenez regains lead in European Masters +Sports,US finally gets on the board +Sports,Kerr delighted with Irish win +World,France hopes for hostage release +World,Many Lebanese rue president #39;s term extension +World,"India, Pakistan approve key proposals ahead of ministers #39; meeting" +World,Japanese nuclear plant searched +World,Turkey defends plans to outlaw adultery +World,Saboteurs attack Iraq #39;s northern oil pipeline +Sports,Danny Williams: Self Help Contender +Business,Back to work +Business,US job market brightens in Aug +Business,Continental cuts 425 jobs +Sports,UPDATE 1-Jimenez snatches back Masters lead +Sports,Frances Postpones Third Cubs-Marlins Game (AP) +Sports,Ravens' Ogden Hopes to Play in Opener (AP) +World,Medieval castle for sale in Slovakia for less than a euro (AFP) +Sci/Tech,Frontier justice won #39;t stop the spam +World,Senior Chinese Leader to Visit N.Korea Next Week (Reuters) +Sports,Tenn. Coach Excited About Freshman QBs (AP) +World,19-year-old woman found dead in dorm room at McGill University (Canadian Press) +Sci/Tech,"IBM inks 500M voice, data deal with Lloyds" +Sports,Third Seed Moya Stunned by Belgian Rochus +World,Bush Leads in Race to 270 Electoral Votes (AP) +World,War crimes prosecutor Del Ponte says Saddam should be tried outside Iraq (AFP) +Sports,Jimenez aims for two in a row +Sports,Federer races to US Open last 16 +Sports,Australia sets tough total for Pakistan +Sports,Martinez sizzles as Sox stop Texas +Sports,Jimenez Snatches Back Masters Lead +World,PM preferred leader +World,Schroeder May Lose Elections in Four German States (Update2) +Sports,Contrasting Fortunes for Irish in World Cup Openers +World,EU to Draft Sanctions Against Sudan +World,Many Lebanese Rue Extension of President's Term +World,Senior Chinese Leader to Visit N.Korea Next Week +World,Disco stars to enter Hall of Fame +Sci/Tech,Hypertasking and Attention Deficit Disorder +World,Fierce Storm Wreaks Havoc Along Florida +World,Putin Says Russia Faces Full 'War' to Divide Nation +World,Twins Edge Royals 4-3 +World,Federer One Step Closer to Third Title +World,Clinton in Good Spirits Before Surgery +World,Car Bomb Kills at Least 20 at Iraq Academy +World,Senior Chinese Leader to Visit N.Korea Next Week +Sci/Tech,"Cisco, Fujitsu Team Up for High-End Internet Gear" +World,Hurricane Frances Tears Through Bahamas +World,"Roddick, Serena Advance at U.S. Open" +World,Bush and Kerry Differ on State of Economy +World,Frances Hits Fla. Coast With 90 Mph Winds +World,Russian School Toll Rises to More Than 300 +World,"Suicide Bombing At Iraqi Police Station Kills 20, Injures 36" +Business,HOUSTON: Enron CEO #39;s company submits bill for \$25 million bonus +Sci/Tech,"""Gentlemen, Start Your Gyros""" +Sci/Tech,Medicare Premiums to Rise Record 17 +Sci/Tech,Age and Eating Habits Catch Up With President Clinton +Sci/Tech,Few Electronic Disruptions Hit Republican Convention +Sports,Kim on fire at State Farm Classic +Sports,Kobe case full of errors +Sports,No. 16 Virginia Blows Out Temple 44-14 (AP) +Sports,U.S. Postal Upsets Favorites in Tour of Spain +Sci/Tech,The City of Brotherly Love loves Wi-Fi +Sports,Ponting Hails #39;Gladiator #39; Symonds +Sports,Town #39;s relief tempered by unanswered questions in wake of Bryant <b>...</b> +Sports,Kazmir looking forward to pitching in New York +World,Thousands turn out in big send-off for Malaysia #39;s Anwar +World,Pakistan swears in 27 more ministers for new cabinet +World,"EGuinea officials to question Thatcher, probe Armenian company over coup (AFP)" +Sports,Sharapova Humbled by Resurgent Pierce +Sports,Lundy Carries Cavs +Sports,Roddick Through To Third Round Of US Open +Sports,Detroit Tigers Team Report - September 4 +World,France hopeful that journalists will be released +World,Three Palestinians die in Gaza Strip +World,Life flickered in captors clutch +Sports,Tennis: Federer rolls into fourth round at US Open +Sports,WASPS HIT BACK AT WOODWARD +World,Putin Says Russia Faces Full #39;War #39; to Divide Nation +World,Iraq extends Al-Jazeera ban +Sports,Hurricane Throws Curveball to Baseball Schedule +World,Hostage families return to school +World,Michigan Ends Miami of Ohio's Win Streak +World,L.A. Airport Reopens After Security Scare +World,General Blames Prison Abuse on Commanders +World,Clinton in Good Spirits Before Surgery +World,France and Britain remember WWII special forces (AFP) +Sports,Redskins Show Some Regular-Season Plays (AP) +Sports,Yankees' Brown Could Be Lost for Season +Sports,Austria Hits Back to Tie Scrappy England +Sports,Finland and Sweden Draw 4-4 in Thriller in World Cup Hockey +Sports,"In Foxboro, Starting at the Bottom for the Team at the Top" +World,Militants Threaten to Behead Turkish Man (AP) +World,"Campaigning Bush cites ""horror"" of Russian crisis (AFP)" +World,"U.S. Near Seizing bin Laden, Official Says" +World,"Bush, Kerry Clash on State of Economy" +Business,"Investment offers for PSUs, banks" +Sci/Tech,Microsoft Warns Spyware Could Foul Up System +Sports,England midfielder Gerrard says he shouldn #39;t have been taken off +Sports,Fed Express makes steady progress +Sports,Palermo #39;s Toni leads Italy past Norway 2-1 in World Cup qualifying <b>...</b> +Sports,Gatland hits back at Woodward +World,* Foreign secretaries finalise agenda for FMs meeting today +Business,CANTOR SUES SAUDIS IN 9/11 PLOT +Business,Pfizer to Pay \$430 Million to Settle Asbestos Claims (Update3) +Sci/Tech,Philadelphia Plan Would Give WiFi Access to the Whole City +Sports,"Pierce, Rochus post wins" +Sports,Local hero Toni gets Italy off to winning start +Sports,"United States 2, El Salvador 0" +World,Local Russians shocked by tragedy +World,25 die drinking moonshine +World,Court reins in Aussie unions #39; right to strike +Sports,Tendulkar out of Champions Trophy +Business,Invest in Housing Without Buying a Home (Reuters) +World,Iraq Closes Al-Jazeera Office Indefinitely (AP) +Business,CEO Pay in U.S. Crimped as Oversight Grows (Reuters) +Sports,Finland Wins European Pool in Hockey (AP) +Sports,"No. 17 Auburn Routs La.-Monroe, 31-0 (AP)" +Sci/Tech,Hurricane Center Director Is Calm Force (AP) +Sports,Duval Makes First Cut in 15 Months (AP) +Sports,Agassi Rolls Into Last 16 +Business,Judge Won't Delay Tobacco Trial +Sports,Ravens LB Boulware to Miss at Least First Six Games +Business,Report: Citigroup to Bid for Cazenove +Sports,Astros Find New Meaning in Their Once-Lost Season +Business,Gambro Agrees to Sell US Dialysis Unit to DaVita (Correct) +Business,Update 1: Virgin in Talks With Chinese Telecom Firm +Sci/Tech,There may be life out there after all +Sports,Biffle beat Mears in Busch battle +Business,Hollinger Chronicles: tale of corporate plunder +Sports,Pierce Beats Wimbledon Champ Sharapova (AP) +Business,"After the lurid stories, Black still faces judgment day" +Sci/Tech,Gadget 'restored my independence' +Sci/Tech,Buying organic 'gives you boost' +Sci/Tech,Spyware / SP2 hazard warning +Sci/Tech,Apple #39;s iMac G5 debuts as world #39;s thinnest desktop +Sports,Singh storms into lead +Sports,Youhana #39;s efforts in vain +Sports,AL Capsules +Sports,GAME DAY PREVIEW Game time: 6:00 PM +Sports,Frances takes out sports events +World,Siege bodes ill for Putin Rescue a catastrophe for leader and <b>...</b> +World,Suicide bomber kills 17 in northern Iraq +World,"India, Pakistan Foreign Ministers to Start Talks on Kashmir" +World,Mystery of Archer link to oil coup +World,Biffo and the Battler slug it out Down Under +World,Iraq renews closure of al-Jazeera offices +Sports,"MLB: San Francisco 9, Arizona 7" +Business,UPDATE 1-Insurers bracing for severe Frances losses - S amp;P +World,"IDF shoots dead three Palestinians, destroys arms warehouse in <b>...</b>" +Business,Report: Citigroup to Bid for Cazenove (Reuters) +World,Putin Blames Corruption for Terrorism (AP) +Business,Jury finds Sept. 11 attacks are separate acts +World,British businessman selling arms to Sudan: report (AFP) +Sports,Agassi: Let's Give Replay a Try (AP) +Business,Stocks fall as brokers downgrade blue chips +Sports,AL Wrap: Punchless Yankees Continue to Struggle +Sports,NL Wrap: Bonds Kept in Park But Giants Rally for Big Win +World,Bush backers like converted Democrat's zeal (AFP) +Sports,Agassi Sends Out Warning with Novak Win +Sports,Soccer: U.S. Overcomes El Salvador After Bad-Tempered Battle +Sports,"With Pitching in Shambles, Yankees Hitters Prove Punchless" +Sports,"Victory Brings Hope, and Worry" +Business,Interest rates on short-term T-bills mixed +Sports,Gibbs Is All Business +World,Democrats Urge Kerry to Turn Up Intensity of Campaign +Sports,Surprise Starter Stars +Sports,Rangers Derail Red Sox +Sports,Tapit Heads Field +Business,Jury finds Sept. 11 attacks are separate acts +World,Clinton in Good Spirits Before Surgery +World,Sluggish Frances Cuts Power to 2M in Fla. +World,L.A. Airport Terminals Open After Scares +Sports,Finland Wins European Pool +Sports,Dolphins File Grievance +World,Pierce Beats Wimbledon Champ Sharapova +World,Sluggish Frances Cuts Power to 2M in Fla. +Business,Sony In Talks To Sell Products At Wal-Mart +Sports,Gerrard reveals England change howler +Sports,"United States 2, El Salvador 0" +Sports,Sheriff Defends Handling of Bryant Case +Sci/Tech,"TiVo, Cable or Satellite? Choose That Smart TV Wisely" +Sci/Tech,"Citing Threats, Entrepreneur Wants to Quit Caller ID Venture" +Sports,Stadler Leads First Tee Open (AP) +Business,Schlepping to Moguldom +Business,Does RAND Walk the Talk on Labor Policy? +Business,"Good Deals for Banks, Both Coming and Going" +Business,"To Get Out of a Stall, Apply Lift. An Election May Work." +Business,Microsoft Steps Into the Ring +Sports,Ireland boss happy with comfortable victory +World,Australia #39;s Costello Says Surplus Will Help on Interest Rates +Business,Microsoft Steps Into the Ring +Sci/Tech,IBM Agrees to Share Blade Server Know-How +Sci/Tech,Wal-Mart Launches Windows Media Song Downloads +Sports,Australia beat Pakistan +Sports,Boy wonders arrival leaves Fergie with tricky balancing act +Sports,UPDATE 1-Albania double stuns European champions Greece +Sports,A loss for every rape victim +Sports,Lemieux set to face Russia once again +Sports,"Its time for the men in white coats, Sir Clive" +Business,Utility discounts planned for poor +World,Hostage crisis unites French communities +World, #39;We guarantee we won #39;t apply death penalty - so let us extradite <b>...</b> +Sports,"No. 10 W.Virginia Tops E.Carolina, 56-23 (AP)" +Sports,"Canadian Golf Star Moe Norman, 75, Dies (AP)" +World,South Korean Lab Says Uranium Test Repeated 3 Times (Reuters) +World,"Kerry's Wife Treated, Released from Iowa Hospital (Reuters)" +World,South Korean Lab Says Uranium Test Repeated 3 Times +World,Catch-up babies have weak chests +Sports,"Bad night, Vienna: England suffer from James calamity" +Sports,Clemson Wins in 2OT +Business,Drug-ordering systems get a boost +Sports,Rutgers Shocks Mich. St. +Sports,Ireton Gets Historic Win +Business,It Takes Time to Judge the True Impact of New Technology +Business,The Week Ahead +Business,Markets Quiet With GOP in New York +Business,Mobile Mappers Stop Short of Ideal +Business,"With Charley on Their Minds, Floridians Brace for Round 2" +Sports,"Ichiro goes 5-for-5, needs 35 hits to break record" +World,Death threat to Turkish driver +World,Putin Urges Strength; School Toll Tops 340 (AP) +Business,Jobs Data Hold Promise of Stronger Growth (AP) +Sports,"Brewers Best Slumping Reds, 7-3 (AP)" +Sports,U.S. Wins World Cup Qualifying Semis (AP) +Sports,Brodeur Leads Canada Past Distracted Russia in Hockey +World,Pope makes final journey of year +Business,"Global Crossing founder, others likely to be fined under SEC pact" +Sci/Tech,Microsoft XP SP2 Update And Spyware Conflict +Sports,NL Wrap: Giants Rally for Big Win (Reuters) +Sports,NL Wrap: Giants Rally for Big Win +World,Iraq Injury Count Rose +World,Shanghai to Honor Its Jewish Legacy +World,Afghan Blast Has Alarming Implications +World,"India, Pakistan Extend Peace Talks" +Business,Markets brace for fresh hurricane +Business,Enron CEO #39;s Firm Seeks #39;Success Fee #39; +Sports,Australia makes steady start at Lord #39;s +Sports,Feminist anger as Bryant rape case is dropped +Sports,"United States 3, Slovakia 1" +Sports,"No. 18 Missouri 52, Arkansas St. 20" +Business,Nasdaq chipped by Intel +World,Man wanted for violent home invasion in U.S. arrested outside Toronto (Canadian Press) +Business,Slowing Housing Market May Stir Inflation +World,Sluggish Frances Cuts Power to 2M in Fla. +Sports,Hoyas Breeze +Sports,North Texas Mean Green +Sports,Kansas St. Wildcats +Sports,Arkansas St. Indians +World,Russian hostage tragedy: Putin takes stock of massacre at school +World,Kashmir peace dialogue resumes in India +World,"Iraq reels under sabotage, bombs" +Business,European stability pact watered down +Business,"APEC forum of finance chiefs stresses role of gov #39;t,institutions" +Business,Aide: Kerry Would Shift Trade Focus Toward WTO +Business,Mutual fund votes show limits to change +Sci/Tech,Intel announces milestone in shrinking chips +Sci/Tech,"The aliens aren #39;t coming, yet" +Sports,Sharapova #39;s heart not in Open +Sports,"Singh takes two-shot lead, Woods tied for second" +Sports,A costly case +Sports,Revamped US squad dumps Slovakia +Sports,Canada still can #39;t be beat +World,Putin vows to strengthen security +World,Frances to have limited local effect +World,Clearing a path to peace +Business,Slowing Housing Market May Stir Inflation (Reuters) +World,Signs of Discord Emerge as Indo-Pak Ministers Meet (Reuters) +Business,US economic outlook depends on where you stand (AFP) +Sports,"Open-Federer Hits Form, Misery for Sharapova" +Business,World Needs More Oil Capacity -Watchdog +Sports,The Fall Hunt Is On at Arrowhead +Sports,"In a Matchup Against Youth, Age Triumphs" +Business,Nonunion firms hit ironworkers with suit +Business,Dollar daze +Business,"TiVo, Cable or Satellite? Choose That Smart TV Wisely" +World,Stranded Britons party up a storm +Sports,Mystics Blown Out +Sci/Tech,Illegal Research and Patents +Business,Law firm told to pay \$7.2m for negligence +World,No. 4 LSU Edges Oregon State 22-21 in OT +World,"Putin, As School Toll Tops 350, Vows Fight" +World,"Frances Roars Into Fla., Cuts Power to 2M" +Sci/Tech,Problems Abound in Election System +Business,Fed having a change of space +Business,Kmart to sell 45 stores to Sears for \$524 million +Business,Continental isn #39;t funding its pension plan this year +Business,"1,600 Ford workers to be furloughed" +Sci/Tech,Iran Plans to Launch Satellite by May 2005 +Sports,Instant Analysis: Oregon State at LSU +Sports,"Mercury 63, Storm 55" +World,Putin asks Russians to unite against #39;war #39; +Sports,A close battle for No. 1 (minus the polls) +Sports,VENUS SETS UP CLASH WITH ARCH RIVAL +Sports,IT #39;s North Texas Game Picks +Sports,"I lost my temper, I am sorry: Woodward" +World,Homemade booze kills 18 +World,Hebron #39;s middle classes choose America rather than martyrdom +World,China flash floods leave 19 dead +World,Center of Eye of Frances Makes Landfall +World,"As School Toll Tops 350, Putin Vows Fight" +World,Body of Egyptian Hostage Found in Iraq - Police (Reuters) +Sports,NL Wrap: Bonds Kept at Bay But Giants Rally for Win +World,Body of Egyptian Hostage Found in Iraq - Police +Business,State seen missing out on tourism opportunity +World,Violence kills at least 42 in Iraq +World,Hundreds march in Nepal for peace +World,Pakistani home brew kills 31 +Business,"Bush, Kerry battle over jobs report" +Business,Hollinger Money Funded Lavish Lifestyle +Sci/Tech,Does a Tiger Lurk in the Middle of a Fearful Symmetry? +Sci/Tech,Dog Medicine Is Recalled at Request of F.D.A. +Sports,WORLD CUP 2006 QUALIFYING: Ching and Donovan lead US past El <b>...</b> +World,Beslan: first funerals taking place +World,ASEAN pushes ahead trade liberalization +World,Gaza Gunmen Seize Governor's Office in Protest (Reuters) +World,Govt sticks to army law despite protests (Reuters) +World,Gaza Gunmen Seize Governor's Office in Protest +Business,Probe of gifts said to focus on Fidelity +Sci/Tech,Active Duty Military Attending the RNC +Sports,"Randall, Russell complement each other in Tigers #39; win" +World,Ministers Discuss Kashmir Dispute +World,Hurricane Frances Kills Two In Bahamas +World,"EU to attend ASEM summit, but Myanmar remains cloud (AFP)" +World,Vanuatu government tells Australian police they're not wanted (AFP) +World,Paris showcase for Apple's vision +World,Center of Eye of Frances Makes Landfall +Business,Ways to cope with emergencies +Sports,"Sharapova falls; Agassi, Federer in fourth round" +Sports,"Roundup: Gold chain, Ching help US men win" +Sports,Game of the day: Cut! Red Sox streak ends +Sports,Bellevue (Wash.) ends record streak +World,US mulls new Darfur resolution +World,Asian parties hope to deepen exchanges: Senior CPC official +Business,Changes in check-processing lie ahead +Business,Fund finds turnaround opportunities +Sci/Tech,"Australia waits on iMacs, iMusic" +Sports,Between the seams: Ponson pounces on rank Yanks +Sports,New tradition starts in California +Sports,"Dowdell, receivers struggle" +World,Gaza militants seize government building +Sci/Tech,A Better View Into Relationships (TechWeb) +Sci/Tech,Is Open Source Imperative? (TechWeb) +Sci/Tech,Here's The Deal (TechWeb) +Business,Timing Is Everything +World,School toll climbs to nearly 400 as Russia buries its dead (AFP) +Business,Hidden fees +Sci/Tech,Paris showcase for Apple #39;s vision +Sci/Tech,Mosh a #39;wireless mesh #39; +Sports,Ponson fills in blanks in O #39;s 7-0 win +Sports,Slide of the Yankees +Sports,Schedule displeases Smith +Sports,Dorrell #39;s positive spin remains off kilter +Sports,Biffle bests Mears for Busch win +Sports,Surprise! Bonds fails to belt HR +World,Suicide bomber kills 20 outside Kirkuk police academy +World,E-Guinea to question Thatcher in SA +World,Iraqi Oil Exports Not Cut by Yesterday #39;s South Pipeline Breach +Business,Filene's Basement markdown policy gets a makeover after 96 years +Business,"Once highflying, unions hit turbulence" +Business,Mutual fund votes show limits to change +Business,Bank on it: Tour will return +Business,Everyone benefits from accountability +Business,"In wake of scandals, here's what's ahead" +Business,Chasing the #145;unbanked #146; +Business,It #146;s so not hip to be Union Square +Business,Growth is prime on agenda for Ipswich bank +Sports,Agony of defeat +Sports,A range of emotions for Texas +Sports,"MVP: Manny, very possibly" +Sports,"For Bellhorn, Rangers' decision is just grand" +Sports,The cream of the crop +Sports,ESPN ahead of the game +Sports,Wakefield outing all over the map +Sports,Medalist McCann charged in crash +Sports,Transactions +Sports,Edmonds's 300th lifts Cardinals +Sports,Notables +Sports,Vinatieri has gone from footnote to footlights +Sports,Lined up for an early start +Sports,Dolphins seek Williams money +Sports,An unqualified success +Sports,Fashion statement: US takes charge in Cup qualifier +Sports,Revolution kept down by Brown +Sports,Galley doesn't expect a sympathetic reaction +Sports,Stonehill has grand opening +Sports,Henne rules the roost in romp for Wolverines +Sports,California proves to be a second-half force +Sports,Gulls settling in to varsity roost +Sports,HC fails to put up it dukes +Sports,Buckeyes' offense earns no style points in victory +Sports,Benson the catalyst in Longhorns' lambasting +Sports,"Lundy, Cavaliers topple Temple with great ease" +Sports,A premier performance by Ware in Georgia debut +Sports,Croom's job is history +Sports,Huskies score a lopsided win +Sports,Wildcats spring Sproles for another huge game +Sports,Early outburst gives Gophers smooth sailing +Sports,Shanks a lot +Sports,Badgers win opener but may have lost Davis +Sports,Hawkeyes make sure Flashes don't pan out +Sports,White helps Oklahoma get off to a fresh start +Sports,Montana pulls rank +Sports,Clemson needs two OTs to dump Wake Forest +Sports,Pierce outshines Sharapova +Sports,Yankee batters hit wall +Sports,MSU counting on Dortch during homecoming at Rutgers +Sports,Bryant prosecutor may have hurt re-election bid +Sports,Singh goes low (63) to reach heights +World,Sudan committed to resolving Darfur crisis: Bashir +World,Saboteurs Blow Up Pipeline +Sports,His status is not in the pink +Sports,4-shot lead for Kerr +Sci/Tech,Mission inside the fault zone +Business,Week in review +World,French Leaders Discuss Hostage Crisis in Iraq (Reuters) +Business,"ASEAN, Australia, N.Zealand See 2007 Pact" +World,Russia School Siege Town Prepares to Bury Dead +World,Russia blasts EU crisis statement +World,'Suicide pact' leads to tragedy +World,Death toll soars to 322 in Russia school siege +World,Militants threaten to kill Turk hostage +World,Shrinking population threatens an ancient faith +World,India and Pakistan agree to widen peace dialogue +World,South Korean adoptees encounter hurdles in search for roots +World,Damascus rebuffs UN on Lebanon ties +Sci/Tech,"Like Democrats, GOP Conventioneers Fail to Lock Down Wireless" +Sports,"GREEKS TOPPLED, FRANCE AND TURKEY HELD" +Sci/Tech,Pre-Human Walked Upright 6 Million Years Ago -Study +Sports,"Rangers top Bosox, ending streak at 10" +Sports,Tough stuff for Yanks just beginning +World,Pope Celebrates Mass Near Hilltop Shrine (AP) +Sports,Cotrone wrestling at Oklahoma +Sports,Tapit is 2-1 favorite in Pennsylvania Derby +Business,Nikkei Ends Down for 2nd Day +World,Standing up to Syria +World,S.Korea's Roh Sees Slow Progress in 6-Party Talks (Reuters) +World,Two killed in bomb blast in Bangladesh (AFP) +World,Signs of Discord as Indo-Pakistan Ministers Meet +World,Typhoon Songda Batters Southern Japan +Sports,Bryant #39;s been a trial for city witness +World,Car bomb kills 20 in Kirkuk +World,Massive Hurricane Frances Smothers Florida (Reuters) +World,Egyptian found dead in northern Iraq (AFP) +Business,US employment glass is either half-empty or half-full +Sci/Tech,Philadelphia joins the list of cities mulling wireless Internet <b>...</b> +Sci/Tech,Appeals court revives Oracle shareholder case +Sports,Kasprowicz causes dilemma +Sports,Sachin Is Finally Out Of Champions Trophy +Sports,One dead after World Cup qualifier +World,Kyushu braces for powerful typhoon +World,"Two Killed, 10 Hurt in Latest Bangladesh Blast" +Business,Mid-cap may not be only choice +Sports,They like it here -- we knew they would +World,Bomb explosion near US base +World,Pope Celebrates Mass Near Hilltop Shrine +Sports,WRAPUP 1-Open-Roddick keeps home flag flying in New York +Sports,Tamada on pole for Portuguese Grand Prix +Sports,Foot fault +World,Pope Celebrates Mass Near Hilltop Shrine +Business,"Coffee, Tea or Job? For Airline Workers, an Uncertain Future" +Business,World Needs More Oil Capacity -Watchdog (Reuters) +Business,"ASEAN, Australia, N.Zealand See 2007 Pact (Reuters)" +Business,"Eurozone data to show growth based on exports, consumption weak (AFP)" +World,Hong Kong Democrats in Public Rally Ahead of Polls +World,Strong quake hits western Japan +World,Police to question 'suicide pact' girl +World,Car Bomb Explodes Near U.S. Base in Iraq +Sci/Tech,It Takes Time to Judge the True Impact of New Technology +Sci/Tech,Internet's Speed Increases As It Turns 35 Years Old +Sci/Tech,Mobile Mappers Stop Short of Ideal +Sci/Tech,"Apple, eBay, Intel make waves; what is a nanometer? (SiliconValley.com)" +World,Russian School Siege Town Buries First of Its Dead +World,Signs of Discord Emerge as Indo-Pak Ministers Meet +World,Evacuees vow never to return to storm-ravaged towns +World,Johnny Depp Says He Actually Enjoys Aging +World,Russian Town Mourns As Putin Vows Fight +World,"Frances Pounds Florida, Weakens Slightly" +Business,Business Sentiment Improves for First Time in Four Months +Sci/Tech,Digital Bridges sign major deal with EA +Sports,"India wins toss, elects to bat" +Sports,QB dilemma still haunts Spartans +Sports,Dogs have their day +World,Anwar in Munich for treatment +Business,"For airline employees, it #39;s the end of a golden age" +Business,INTERVIEW: IEA Head Renews Call For OPEC Capacity Boost +Sports,Stanford rolls to 43-3 football win +Sports,Woodward apologises for criticising clubs +World,Russia mourns siege victims +World,Radical cleric issues fatwa demanding release of French reporters (AFP) +Business,Hurricane losses may reach \$10bn +Sports,Blair - Wembley key to 2012 +Sci/Tech,What the Scottish Sunday papers say +Sports,"Rep Ireland 3, Cyprus 0" +World,Iraqi Government Bans Al-Jazeera quot;Indefinitely quot; +World,Pope Prays for Beslan School Dead at Italy Mass +World,"Two Killed, 10 Hurt in Latest Bangladesh Blast" +World,Actors hit Venice despite protest +Sci/Tech,AMD Tweaks Intel with PR Coup +Business,Cazenove Shareholders to Meet as Company Weighs Possible Offers +Sports,No Strawberries and Cream: Sharapova Ousted by Pierce +Sports,"England held by Austria, Greece stunned in Albania" +Sports,PREVIEW-Open-Roddick and Williams to star on Sunday +Sports,It #39;s over for DLS gridmen +World,Turkish company announces it is withdrawing from Iraq to save <b>...</b> +World,"Iraq's Survival Still at Stake, Report Warns (Reuters)" +Sci/Tech,To get or not to get Windows XP Service Pack 2? That is the <b>...</b> +Sci/Tech,Talk Now Mark II limps out +Sci/Tech,Honda/IBM improve speech-recognition system +Sci/Tech,Aliens Attempting To Contact Earth? +Sci/Tech,Update 1: Red Hat Hires New CFO From Burlington +Sci/Tech,EA to boost mobile-phone games +Sci/Tech,"Interstellar mail service: It #39;s slow, but no static" +Sports,Donald wins European Masters +Sports,Tendulkar loss #39;no excuse #39; +Sports,Rossi rushing towards world title +Sports,"First-night nerves for England, France" +Sports,New York Yankees Team Report - September 5 +Sports,"No longer feared by rivals, Serena just sheep in wolf #39;s clothing" +World,Former Saddam Deputy Arrested in Iraq +World,Russian Town Mourns As Putin Vows Fight +World,"Violence Displaces Over 3,000 More in Darfur-UN" +World,"Second Strong Quake Hits West Japan, Tsunami Warning" +World,Labor win fine: retailer +World,"Two Killed, 10 Hurt in Latest Bangladesh Blast" +Business,Falling Dow hits markets +Business,HBOS to decide this week on Abbey +Business,Calpine betting state needs juice +Sci/Tech,"HP, Sun Lead in Worldwide Storage Systems" +Sports,Yankees: Brown #39;s fire sometimes burns a little too hot +World,Saddam trial to begin before January election: Iraqi minister +Sci/Tech,SMIC establishes first 12-inch chip production line in mainland +Sci/Tech,Philly Considers Wireless Internet For All +Sports,Solberg takes inaugural Rally Japan +Sports,NCAA Football: LSU Tigers Edge out Oregon State Beavers 22-21 +Business,Checking out +Business,Funds: Fund Mergers Can Hurt Investors (Reuters) +Business,Newbiz: an Unconventional Asset-The Past (Reuters) +Sports,"Greek, Albanian Fans Clash After Match (AP)" +Sci/Tech,Univision Movil Bows with Bilingual Downloads (Reuters) +Business,Greenspan Takes Center Stage This Week +Business,Funds: Fund Mergers Can Hurt Investors +Sports,Roddick and Williams to Star on Sunday at U.S. Open +Business,Newbiz: an Unconventional Asset-The Past +Sci/Tech,Locals Fight Wal-Mart Store Near Ancient Mexico Ruin (Reuters) +Business,"ASEAN, Australia, N.Zealand See 2007 Deal" +Sports,Colts trio at receiver nears NFL milestone +Sports,No Extra Points for This One; LSU Survives in OT +Sports,No. 3 Georgia Wins Opener +Sci/Tech,Nintendo DS a major upgrade from Game Boy machines +World,"Second Strong Quake Hits West Japan, Tsunami Warning" +Business,EU warns Italy on Alitalia stake +World,S.Africa Cancels Thatcher Meeting with Eq. Guinea +World,"Violence Displaces Over 3,000 More in Darfur-UN" +World,'Policemen killed' in Saudi chase +World,Schroeder faces new poll defeat +World,"Sudan willing to allow in more Darfur observers, official says" +World,"One by One, Iraqi Cities Become No-Go Zones" +World,"U.S. Near Seizing Bin Laden, Official Says" +World,"Frances Strikes, Knocks Out Power to 4M" +World,Militants Seek Group Edict on Kidnappings +World,4 Million Without Power As Frances Strikes +World,Will September Be Good for Stocks? +World,Former Saddam Deputy Reportedly Captured +World,Defenseless Targets +Business,Jobs Data Give Fed Green Light for Sept Rate Hike +Sports,Donald clinches European Masters title by five strokes +Sci/Tech,IBM and Intel to open up blade specifications +Sports,ROSSI CLOSES IN ON WORLD TITLE +Sports,US Postal dominate Vuelta opener +World,"Hurricane Hits Florida, Cutting Power and Water for Millions" +Sci/Tech,Orange Launches Talk Now +World,Two firms say to quit Iraq to save Turkish hostage +Business,IT Stocks to Influence KOSPI +Sports,UPDATE 2-Rossi wins Portuguese Grand Prix again +Sports,World Cup of Hockey: Canada boosts record to 3-0 +World,Millions Flee Hurricane Frances +Sci/Tech,The ABCs of Back-To-School Electronics (AP) +World,"World focuses on Darfur, but victims of Sudan's other conflicts neglected (Canadian Press)" +Business,Branson earmarks \$300m for mobile JV in China +Sports,Keane set to reinforce Ireland against Swiss +Sci/Tech,Microsoft Sees Open-Source Threat Looming Ever Larger (Ziff Davis) +Sci/Tech,Pilots Aim to Catch Space Capsule in Air (AP) +World,Cheney May Help or Hinder Bush's Chances (AP) +Business,Dollar slide has only a muted short-term impact on EADS: CEO +World,Voter Discontent May Hurt Afghan Leader (AP) +World,B.C.'s Citizens' Assembly on electoral reform getting close to decision (Canadian Press) +World,"Cahill, Rove Lead Presidential Campaigns (AP)" +Sports,Impressive Haas Continues Comeback Run at Open +Sports,Serena Crushes Schnyder to Reach Quarter-Finals +Sports,Impressive Haas Continues Comeback Run at Open +Business,Disney's Eisner Sees Iger as Successor +Business,Slow Job Market Greets Workers Labor Day +Business,"Filmmaker Examines Jobs Lost to Outsourcing, Offshore Production" +Business,World Needs More Oil Capacity -Watchdog +Business,Update 1: Sources: EU Closer to Coke Settlement +Business,Prodi unveils plan to ease deficit rules +Sci/Tech,iMac G5: A new option +Sports,Sun King is out with a begging bowl now +Sports,Yanks #39; righthander could miss rest of season +Sports,Alessandro Petacchi Claims 2nd Stage of Tour of Spain +Sports,Rutgers Makes Bid for Prime Time With Opening Win +Business,PRIEST-DIRECTOR SAW #39;PROPER #39; OVITZ FIRING +World,Beslan mourns as Putin vows tough response to #39;all-out war #39; by <b>...</b> +World,Saddam to Face Trial #39;Within Weeks #39; +World,Kashmiri leader calls for more involvement in India-Pakistan talks +World,ASEAN-India FTA set to kick off in January +World,Malaysia #39;s Prime Minister denies deal over Ibrahim +World,Earthquakes rattle western Japan +World,Extended Iraq ban outrages Aljazeera +World,Exit Polls Indicate Germany #39;s Social Democrats Lose State Election +World,Senator: Commander Told of Military Drain (AP) +Business,Coke to alter sales practices +Business,Shoppers: Moneyed vs. Worried +Sports,New-look India shine +Sports,"Doan, Draper and Thornton gives Team Canada an impressive checking <b>...</b>" +Sports,Petacchi unstoppable in Tour of Spain +World,"Schroeder's SPD Routed in Saarland, Far Right Gains" +World,Pope Beatifies Three on Adriatic Coast +Business,Protesters seize oil platforms in Nigeria +World,The New New York Skyline +World,Clinton Surgery Expected Early This Week +World,Slow Job Market Greets Workers Labor Day +World,"Frances Strikes, Knocks Out Power to 4M" +World,Bush's National Guard File Missing Records +World,Students Aiming to Avoid 'Freshman 15' +Sci/Tech,EA to boost efforts in cell-phone gaming +Sports,Petacchi unstoppable in bunch sprint +Business,"Tech, Oil and Frances to Rule Markets (Reuters)" +Sports,Bryant Case Could Chill Rape Reports (AP) +Sports,Zimmer Defensive Coordinator Cowboys Need (AP) +Sci/Tech,Old-Flame Web Sites Boosting Divorce Rates (Reuters) +Sports,Damon a Late Scratch With Injured Finger (AP) +Sports,Serena roars into Open quarters +World,"Schroeder #39;s SPD Routed in Saarland, Far Right Gains" +World,Bryant Case Could Chill Rape Reports +World,"Frances Knocks Out Power, Floods Florida" +Sports,Serena powers into quarters +Sports,India rebound with Lord #39;s victory +World,Freedom hope for French journalists +World,Sudan Accuses US of Using Darfur to Appeal to Voters +World,"Two US soldiers killed, 16 wounded in mortar barrage on US base" +Sci/Tech,Intelligent Conversation - with Your Car +Sports,Yankees' Brown Has Successful Surgery (AP) +Business,Official: Saudis OK with price band hike +Business,Tax Service Raises 2001 Yukos Bill to \$4.1Bln +Business,Labor leaders seek to remedy shortcoming of locals +Business,Court seeks probe into Hollinger #39;s fin transactions +Business,Intel Forecast Raises Concern Chip Demand Faltering (Update8) +Sports,"Blue Jays Rout AL West Leading A's, 13-5 (AP)" +Sports,Steelers Cut RB Brown After Trade Fails (AP) +Sports,"White Sox Top Seattle 6-2, 3rd Win in Row (AP)" +Business,Unions seek reversal of Harris-era labour setbacks +Business,"Allstate, Other Insurers Face New Loss From Frances (Update1)" +Business,UPDATE 4-Intel cuts revenue outlook; stock declines +Sci/Tech,Mladin notches seventh Superbike win +Sci/Tech,Strange Bedfellows in E-Mail Case +Sci/Tech,"Red Hat Gets New CFO, Will Restate Results" +Sports,UPDATE 1-Open-Serena surprised to be crowd favourite +Sports,Ganguly says performance still far from best +Sports,"Greece humbled; England, France held" +Sports,Kobe Rebounds +Sports,"No. 25 Purdue 51, Syracuse 0" +World,A good beginning on Day One of talks +World,AU mediators meet Sudan officials ahead of key Darfur security <b>...</b> +World,Thousands congratulate Lahoud +World,Three Saudi security officers killed as hunt for militants goes on +Sci/Tech,Home Designed to Produce Energy It Uses (AP) +Sci/Tech,Calif. Academy of Sciences Holds Tag Sale (AP) +World,U.S. Muslim Leaders Undecided on Candidate (AP) +World,Wrecked Russian School Is Opened to Public +World,Russians Begin Burying Victims of Attack +World,Back-To-School Now Includes Electronics +World,Indo-Pak talks: No time frame for Kashmir +Business,Disney #39;s Eisner Sees Iger as Successor +Business,Jobs data sound perfect #39; to some +Sports,Notre Dame off to struggling start +Sports,SU Football Trails Purdue 20-0 At Halftime +Sports,"Lions cut receiver Kircus, five others" +World,Ibrahim: The #39;iceman #39; Who Became Iraq #39;s Most Wanted Fugitive +World,Schroeder #39;s party routed in German vote +Sports,"No. 25 Purdue Embarrasses Syracuse, 51-0" +Business,"OPEC Oil Output Rose 1.2 in August, Survey Shows (Update1)" +Business,Opec mulls \$28-30 price band: Qatar +Sports,Bills Place QB Brown on Injured Reserve (AP) +World,Owning a chateau is no impossible dream in former East Germany (AFP) +Sports,W. Virginia's Harris Still Seeking Start (AP) +Sports,"Williams Wallops Schnyder, Roddick Roars On" +World,"Hurricane Ivan Threatens Barbados, Eastern Caribbean" +Business,Update 1: American to Charge for Certain Ticket Buys +Business,\$A sold off on US rally +Sci/Tech,Mladin widens Superbike lead +Sci/Tech,IBM and Honda team-up to improve speech recognization system +Business,Rio Says It May Sell 51 Stake in Brazilian Gold Mine (Update1) +Sci/Tech,Va. Schools Must Offer Dissection Options (AP) +World,US Muslims take tougher line this election cycle (AFP) +World,Tennis: Roddick destroys Canas +World,Motorcycles Hit Road As Gas Prices Soar +Business,Hutchison mobile IPO aims to raise 2 billion +Business,Taxing stock options globally +Business,Monti Says Santander Abbey Bid Would Boost to Bank Integration +Sci/Tech,Mladin Does the Double +Sports,Lions place Walker on IR; release six players +Sports,Hamilton moves into No. 2 job after Colts release Sauter +Sports,Lawrence Dallaglio: The England captain who said #39;enough is enough <b>...</b> +World,Iraqis say they #39;ve captured key Saddam aide +World,A Lebanese test case +Sci/Tech,SMIC starts new production line to boost profits +Sports,Solberg wins Rally of Japan +Sports,Sanders #39; RBI single in 11th puts away Dodgers +Sports,Cowboys Release 12 Players (AP) +Sports,Oklahoma Balances Offense With Rushing (AP) +Sci/Tech,Several Mass. Communities Eye Wind Power (AP) +World,Bush's Convention Tops Kerry's in Primetime Polling (Reuters) +Sci/Tech,Scientists Study Algae Growth in N.J. Bays (AP) +Sports,AL Wrap: Schilling Helps Red Sox Keep Heat on Yankees +Sports,Champion Roddick Storms Past Canas +Business,Dollar Near High Vs Yen on Jobs Data +World,Graham Says U.S. Shielded Saudis from Sept 11 Links (Reuters) +World,"Heavy Rains, Flooding Kill 55 in China's Sichuan (Reuters)" +World,Parks Canada relieved union dropped plan for general strike (Canadian Press) +Sports,"Couch, Gildon, Levens Among NFL Cuts (AP)" +Sports,Chiefs Trim Roster to 53 (AP) +Sports,NL Wrap: Lamb on Fire as Astros Roast Slumping Pirates (Reuters) +Sci/Tech,Nokia Lifts Profile in a Rising Cellphone Market +Sports,Australia defy the handicap +Sports,NL Wrap: Lamb on Fire as Astros Roast Slumping Pirates +Sports,Batista double brings home winner in 12th as Expos down Braves 4-3 +World,"UN says another 3,000 displaced in Darfur" +World,Seoul #39;s uranium bombshell stokes regional nuke fears +Business,Report Suggests Employment Turnaround for Ohio +Sports,AL Wrap: Schilling Helps Red Sox Keep Heat on Yankees +Sports,Earlier start will aid Dolphins #39; return +Business,EU #39;s Monti reveals support for Santander #39;s Abbey bid +Sports,Donald vindicates Langer #39;s faith +Sports,Batista #39;s double in 12th beats Braves +World,Iraq extends al-Jazeera ban and raids offices +Sci/Tech,"Global Warming Thaws Arctic, Divides Governments (Reuters)" +Sci/Tech,"Frances Weakens, Continues to Hammer Florida (Reuters)" +Sci/Tech,Ancient Bison Bone Found in Texas (AP) +Sports,Atlanta Cuts 12-Year Veteran Whitfield (AP) +Sports,"Singh Extends Lead Over Woods, Nears Top Ranking" +World,"Russia Mourns Hostage Killings, Questions Mount for Putin" +World,Child death inquiries set for change +World,Depth of Planning by Rebels Is Evident in School's Remains +World,Democrats Claim Bush's Bounce Will Fade +Sports,"Serena, Capriati, Roddick Advance at Open (AP)" +Sports,"Williams Thumps Schnyder, Roddick Roars On" +Business,Fewer students pursue MBA +Sports,"Falcons release Whitfield, make seven other moves" +World,Russia mourns as questions mount for Putin +World,Schroeder #39;s Party Routed in German Vote +Sci/Tech,Apple unveils super-thin iMac #39; +Sci/Tech,Intel demonstrates next generation process technology +Sports,Eriksson: #39;I will not panic. I trust the players. I think we <b>...</b> +Sports,Golf: Luke Donald of England Captures European Masters +Sports,Greece brought back to earth +Sports,Ponting confident about Kasprowicz +Sports,Prosecutor to drop rape charge against Kobe Bryant +Sports,Ronaldo #39;s early goal sparks Brazil +World,Earthquakes rattle western Japan +World,"Turkish Company to Leave Iraq, After Driver Kidnapped" +World,Frances Expected to Cost Insurers #36;2B- #36;5B (AP) +World,Strong Earthquakes Rattle Western Japan (AP) +Sports,Ronaldo's Early Goal Sparks Brazil (AP) +World,Democrats Claim Bush's Bounce Will Fade (AP) +World,"Bush Challenges Kerry on Jobs, Economy (AP)" +Business,"Nikkei Opens Higher, Lifted by Survey" +Business,Japanese Stocks May Rise on US Job Growth; Toyota May Advance +Business,Brazilian singer mines musical heritage for stellar debut +Business,"Redskins, Redmond, amp; Red Ink" +Sci/Tech,"After delays, Intel points to chip-making advance" +Sci/Tech,Software Assurance pressures Microsoft +Sports,Singh holds onto lead in Boston +Sports,India defy Vaughan heroics +Sports,The Australian supremacy in danger +Sports,Around the NFL Sunday +World,Turkish company withdraws from Iraq to save hostage +World,Pontiff beatifies three +Sci/Tech,Back-To-School Shopping Now Includes Electronics +Business,Split story for businesses during Convention +Sci/Tech,EMC hires former IBM veteran as CTO +Sports,I #39;ll only resign if we fail to make finals +Sports,Flintoff #39;s absence makes the heart grow fonder +Sports,Brazil turn on style +Sports,Egypt hold off late Cameroon rally +Sports,Warrsan wins battle for Brittain +World,Sharon promises cooperation with Russia to combat terrorism +World,Prime Minister John Howard +Sports,"Singh Extends Lead Over Woods, Closing on Top Spot" +Business,Crisis talks at Alitalia +Business,Millions Left Without Power as Hurricane Frances Strikes +Sports,Stadler wins again +Sports,"Jags cut Compton, Maddox" +World,"Troops captured most-wanted Hussein aide, Iraq reports" +World,"Pakistani, Indian FMs agree on series of CBMs" +World,BBC finds security lapses at airport +Sports,Chamberlain Among 20 Cut by Broncos (AP) +World,"Strong earthquakes rattle western Japan, triggering tsunami waves (Canadian Press)" +Sports,Bubka Hoping to Scale Heights - Like Dad (AP) +Sci/Tech,"Frances Weakens, Continues to Hammer Florida (Reuters)" +Sci/Tech,Mad Muppets top cult science poll +World,Frances Knocks Out Power and Floods Florida +Sci/Tech,Students Aiming to Avoid the 'Freshman 15' +Business,China Stocks May Fall After Government Takes Over 4 Brokerages +Sports,"Williams Thumps Schnyder, Roddick Roars On" +Sports,Chamberlain among 20 players cut by Broncos +Sports,"Bjorkman, Woodbridge latest seeds to fall" +World,ASEAN recognizes China as market economy +Sci/Tech,Choices in The Quantum Universe +Business,Stock market weaker +Business,HBOS fury as EU backs Santander #39;s Abbey bid +Sports,Veteran tight ends get pink slip +Sports,Woodbridge down but not out +Sci/Tech,China Threatens Internet Porn Merchants with Life (Reuters) +World,Palestinian Killed in Israeli Missile Strike -Medics +Business,"Tokyo Stocks Open Higher, US Dollar Up" +Business,Broker woes to scare investors +Sci/Tech,"Former teacher won \$825,000 in a suit against a Sony executive and <b>...</b>" +Sports,Sweep in the Cards: St. Louis wins ninth in a row +Sports,Colorado Is Not Quite All Better +World,China rainfall death toll at 19 +Business,Monti blasted over Abbey comments +Business,Amatong confirms NPC bonds issue bid +Sci/Tech,IBM Prices New Disk Servers To Undercut Rivals +Sports,India sign off with a heartening victory +Sports,White played for Nuggets past two seasons +Sports,US Open Glance +World,Iraqi minister says Saddam Hussein could face trial in quot;weeks quot; +Business,Dollar Near High Vs Yen After Job Data (Reuters) +Sports,Russia Tops Slovakia in World Cup Hockey (AP) +Business,Australia #39;s API Buys New Price Chain For A\$112.4M -2 +Business,"Tokyo Stocks Higher, Lifted by Survey" +Business,HBOS cries foul as Monti #39;favours #39; bid +Business,Hollinger eyes sale of new media subsidiary - FT +Sports,Smolinski helps US get in win column +Sports,No. 25 Purdue Opens With a 51-0 Rout of Syracuse +Sports,"Rodney White, two others accused of shooting guns while driving" +Sports,Moses Survives As Texans Kick Returner (AP) +Sci/Tech,"Bob Evans, mainframe pioneer, dies at 77" +Sci/Tech,IBM adds iSCSI to SANs +Sports,Donald #39;s revival lifts Langer +Sports,Egypt defeat Cameroon in World Cup qualifier +World,"Western Japan Shaken by Two Strong Quakes; 18 Hurt, Kyodo Says" +World,Dozens dead and missing in storms +Business,HBOS weighs up Abbey bid +Business,"Police: Shooting in Detroit leaves 2 men dead, 1 wounded" +Sci/Tech,IBM storage server targets midsize companies +Sci/Tech,GSM :- Global handset sales reached record in Q2 of 2004 +Sports,Donald romps to Masters win +Sports,Indian bowlers too good for England +World,Sharon promises cooperation with Russia to combat terrorism +World,Floods kill 64 in southwest China; search for the missing <b>...</b> +Business,Authorities in Arenac County investigate apparent murder-suicide +Sci/Tech,China intensifies fight against Internet porn +Sports,Russians clinch second seed behind Canada +World,"Kasuri to meet Singh, Kashmir separatists" +Sci/Tech,No Favorite In Race to Treat Lupus +Sports,Barry Bonds Floats Their Boats +Business,Poker Proves a Hot Hand for Gaming Industry +Business,Malpractice Insurers Face a Tough Market +Sports,Colorado Is Not Quite All Better +Business,Patience Helps Build Trust in Land Deals +Sci/Tech,"Bob Evans, mainframe pioneer, dies at 77" +World,2nd Hurricane Deepens Wounds in Stricken Florida +World,Russian Rebels Had Precise Plan +Business,"Digging Out From One Storm, Hit Hard by Another" +Sci/Tech,Spacecraft visible returning from outer space +Sports,Greece: Albanian youth killed by Greeks after the soccer game +Sports,Ovechkin caps off Russian win +Sports,"COL FB: Purdue 51, Syracuse 0" +Sports,NCAA Game Summary - Fresno State At Washington +World,Death toll 55 in southwest China flooding +World,Labor warns marginals on Telstra sale +World,"Floods Kill 55 in China, No Let-Up in Sight (Reuters)" +Sports,"Angels Beat Indians, Creep Closer to A's (AP)" +Sports,AL Wrap: Schilling Helps Red Sox Keep Heat on Yankees (Reuters) +World,"Floods Kill 55 in China, No Let-Up in Sight" +Business,Taiwanese PC Maker on Verge of Sales Push Into U.S. and China +Sports,Yankees Walk to Win +Sports,Jones Leads Cowboys to Stunning Win Over Seahawks +Sports,Purdue Slams Syracuse +Sports,Caps' Ovechkin Scores +Sports,The Cards Are Destiny's Children +Sports,Soccer Loss Turns Ugly +Sports,THEREVIEW +Sports,Jason Giambi's Agent Makes Statement (AP) +Sci/Tech,007-Style Retrieval of Solar Particles +Sports,Roddick Continues to Show His Dominance +Sports,Cricket: India Scores a 23-Run Consolation Victory Against England +World,"In Kashmir, Abuses Bruise Hopes" +World,"Koizumi #39;s approval rating rises, pension reform tops concern" +Sports,Familiar foes meet again +World,"Floods Kill 55 in China, No Let-Up in Sight" +World,Bahamians Recover From Deadly Frances (AP) +World,"At least 79 dead, 74 missing in China storms (AFP)" +Sports,Jones Leads Cowboys to Stunning Win Over Seahawks (Reuters) +Sci/Tech,New iMacs take design cues from iPod +Sci/Tech,WINDOWS XP SERVICE PACK 2 Answer guide +Sci/Tech,Red Hat Appoints New CFO +Sports,India end losing streak with thrilling win +Sports,Mauresmo #39;s Heart Is Far From Gone +Sci/Tech,"Bob Evans, IBM mainframe pioneer, dies at 77" +Business,Ernst amp; Young Faces Inquiry in Britain +Sports,"England, France suffer first night nerves; Greeks tumble" +Sports,Mauresmo crushes Schiavone to ease into last eight +Sports,Late relief saves day for Rangers +World,Strong earthquake rattles western Japan +World,Two locals detained for spying on military +Business,Dollar Firm Vs Yen on Jobs News +Business,China to Decide on Curbs After Aug Data +World,Hong Kong textile group targets further growth after buying Guy Laroche (AFP) +Sports,Roddick Continues to Show His Dominance +Business,"Products Slide Into More TV Shows, With Help From New Middlemen" +Business,"In Trying Time, Scaling Down Expectations of Job Growth" +Business,PHILIPPINES PRESS: Govt Mandates 3 Banks for Bond Offer +Sports,Jimenez takes lead over Ryder Cup pals +Sports,"Rugby-Super 12, Tri-nations to be expanded in 2006" +World,2nd major quake forces evacuation in western Japan +Business,China to Decide on Curbs After Aug Data (Reuters) +Sports,No. 14 Tennessee Defeats UNLV 42-17 (AP) +World,Clinton Likely to Have Surgery Monday +World,"Frances Floods Florida, Leaves Four Dead" +Business,"Tokyo Stocks Higher, Lifted by Survey" +Business,Dollar Firm Vs Yen on Jobs News +Business,Confidence slips in the service sector +Business,Saudi Arabia to spend US\$10.9b on development: crown prince +Sci/Tech,Software Keeps Insiders Out +Sci/Tech,"Defer, refer if you have any doubts about updates" +Sports,Woolmer says Pakistan needs a #39;Match-Winner #39; +Sports,College-Football Roundup Aggies slip past Eagles on last-second <b>...</b> +Sports,"Sadler wins race, clinches spot in top 10" +Sports,Astros picking up good vibes +World,India and Pakistan Resume Kashmir Talks +World,Palestinians start drive for voters +World,"Russian FM Lavrov, in Israel, calls for anti-terror coalition" +World,Iraq violence flares leaving 44 dead +Business,Steel prices likely to raise again in Japan +Business,Toward an Efficient Saudi Development Financing Industry +Sci/Tech,Mission inside the fault zone +Sports,"Singh extends lead, closes in on Woods" +Sports,Americans to Get Another Shot at Russia +Sports,Vickers is at top of Pop +World,Israel Targets #39;Forgotten Outpost #39; for Security Barrier +World,Chinese floods leave dozens dead +Sci/Tech,It All Started With a Good Cup of Coffee +Sci/Tech,No Need to Dress Up for This Preview; Just Log On to the Home Computer +World,India-Pakistan Foreign Minister Talks End Monday +Sports,Sadler Prevails +Business,"Toyota, Partner to Invest \$461 Mln in China Venture (Update2)" +Sports,A damaged Albanian car is +Sports,Batista #39;s double ends three streaks +World,West Japan on Guard for Aftershocks After Quakes +World,"Landslides, Floods in China #39;s Southwest Kill 79, AFP Reports" +World,Typhoon Songda injures 21 as it approaches Japan's Kyushu island (AFP) +World,Taste for the dead in desperate Marshall Islands neighbourhood (AFP) +Business,Beauty buy a healthly deal for API +Business,"Brazil Union Backs 10 Pay Raise From Automakers, Estado Says" +Business,UK service executives #39; optimism sours +Sci/Tech,"Bob Evans, IBM scientist who helped popularize computers, dies" +Sports,Who #39;s the boss? Densham upstages Force +Sports,Bellevue dominates dream matchup against De La Salle +World,Kashmir meeting dubbed friendly #39; +Business,Santander's Abbey bid helps banks +Business,"Slight gain seen in jobs, but not health care costs" +Business,Banks #39; hidden fees fuel ire +Business,Grizzlies #39; new downtown arena ready to open +Sci/Tech,Dual-Core Chips Shift Performance Focus +Sci/Tech,World #39;s Largest Working Computing Grid +Sports,Sharapova lost to Pierce +Sports,"Super 12, Tri-Nations to be expanded" +Sports,3rd career win all but clinches Cup contention +World,Iraq Tries to Clear Confusion on Saddam Aide +World,Israel seeks funds for separate Arab roads +World,HOSTAGE TALKS: France hopes anti-American stance will help +World,North Korea Nuclear Plant Suspended Again-Report +World,Pakistan says US claim that bin Laden near capture is politicking (AFP) +Business,US recovery #39;not helping workers #39; +Business,"Toyota, Partner to Invest \$461 Mln in China Venture (Update4)" +Business,Embattled Disney head reportedly endorses successor +Business,Unichem Labs inks pact with Lannett +Sports,"Roddick, Serena serve notice: Aces aiming for another US Open <b>...</b>" +Sports,Baseball Today +World,Thatcher waits to be questioned +World,Hurricane Ivan Churns Toward Barbados (AP) +World,Trial of suspected Rwandan genocide mastermind resumes (AFP) +Sci/Tech,"Fujitsu, Cisco join to sell high-end routers" +Sports,Serena powers through at US Open +Sports,Kerr posts one-stroke win at LPGA Tour #39;s State Farm Classic +Sports,A learning experience for Sharapova Overly aggressive play costs <b>...</b> +Sports,New Super 12 teams still up in the air +Sports,Soreness nagged him through camp +World,Israel starts building barrier in W. Bank +World,Yomiuri: Light-water Reactor Construction Likely to Be Suspended <b>...</b> +World,"Anwar launches bid to clear his name, return to politics (AFP)" +World,U.S. Accuses Syria Over Lahoud Extension (AP) +Sports,"Mild Seven Renault F1 Team Preview, Italian Grand Prix" +Business,Emerson may not have pull in bank mergers +Sports,Good tennis is latest fashion +Sports,WEBSTER: Playing the England blame game +Sports,De La Salle players accept end of streak +World,CONFUSION OVER BUTCHER AIDE #39;S #39;CAPTURE #39; +World,"Malaysia, New Zealand to study free trade agreement" +World,Schroeder #39;s Party Routed in Elections +Business,CUTS AT LAZARD PRE-IPO +Sci/Tech,Eskimos Fret as Climate Shifts and Wildlife Changes +Sci/Tech,Indicting the Drug Industry's Practices +Business,China #39;s Lenovo in talks with #39;major IT firm #39; for acquisition +Business,"Asian Stocks Rise, Report Lifts Nikkei" +World,"Floods Kill 76 in China, No Let-Up in Sight" +World,Calm as Kathmandu curfew lifted +World,Ivorian parties agree to peace proposals +Business,Dollar Retreats Vs Yen +Business,"Under new law, floating checks no longer float" +Business,Aliant workers set to vote on new contract +Business,Japanese firms step up spending +Sci/Tech,Flat sales force price cut for flat-panel monitors +Sci/Tech,Manitas principal collaborates +Sci/Tech,HP picks up \$55m 7-Eleven contract +Sports,Roundup: Kerr wins despite shaky final round +Sports,School #39;s 151-win streak ends +Sports,"Eagles release Levens, 14 others" +Sports,Tri-nations will expand to nine test matches +World,School siege death toll climbs to 350 +World,Thousands flee new violence in Darfur +World,Bomb kills two in Bangladesh : +World,Four more truck drivers taken +World,3 SAUDI COPS MASSACRED +World,Calm as Kathmandu curfew lifted +World,Kerry urged to fight 'Bush bounce' +Sports,Donald is fired-up to carry form to Detroit +Business,Oil price rises hit service firms +Sci/Tech,A gripping NASA adventure +Sci/Tech,Attendees Mixed if iMac G5 is The Complete Solution +Sports,California track #39;s 2nd race a near sellout +Sports,Rossi wins Portuguese MotoGP +Sports,Canada to face Slovaks +Sports,Young Haas has been able to answer call +Sports,"Williams, Capriati hold up quite well" +World,Oxfam Responds to Philippines Typhoons +Sports,Schilling completely fine with this decision +Sports,Walk in park for Yankees +Sports,NL notables +Sports,Lowe ready for a rude welcoming +Sports,Buckley is one of 12 players released +Sports,Victim fallout is feared from Bryant case +Business,Building green +Sports,Early wake-up call for LSU +Business,"Roof gardens: looking good, saving money" +Business,University wrestles with controversial donation +Business,Pay phones have become an old-fashioned hang-up +Business,Colleges to kids: Clean up those PCs +World,France honours director Spielberg +World,Truce fails to soothe Shi'ite fears +World,Burials begin in Russia; 180 still missing +World,Presidential Candidates Hit Midwest +Business,Local Stocks +Business,The missing million +Sci/Tech,"China vows tougher penalties, up to life in prison, for Internet <b>...</b>" +Sci/Tech,"US government, companies warn of critical Oracle flaws" +World,"Israel Builds Barrier Section in Southern West Bank, AP Says" +World,Hurricane Frances Causes Damage in Bahamas +Business,"Asian Stocks Rise, Report Lifts Nikkei (Reuters)" +World,Kuwait: Fundamentalists Recruiting Teens (AP) +Business,Japan April-June GDP rate likely to be revised up on strong corporate data (AFP) +Sci/Tech,"EMC, Veritas Tune Mail Archiving (Ziff Davis)" +Sports,Fernando looking forward to the unique challenge of Monza +Business,Dollar closes slightly weaker +Business,Monti gives tentative backing to SCH #39;s Abbey bid: FT +Business,Still no contract for workers +Sci/Tech,China To Severely Punish Internet Porn Producers +Business,Traditional MBA programs receiving fewer applications +Sci/Tech,Man gets life imprisonment for p0rn +Sci/Tech,"Sony lawyer enslaved worker, apparently" +World,ETA lets off small bombs in seven Spanish cities +World,"Roddick, Serena Serve Notice at U.S. Open" +Sci/Tech,Apache rejects sender ID standard +World,The Lessons of Beslan for Russia and the World +Business,William Hill 1st-Half Profit Jumps on Betting Results (Update2) +Sci/Tech,Touch-screen voting +Sports,Can Capriati beat Serena? +Sports,Hole story? No. 18 #39;s is quite interesting +Sports,"Sadler #39;s 1st, but others enjoy Pop Secret win" +Sports,AL highlights +World,Government lifts curfew on Nepal capital +World,CSFB picks Ex-Merrill banker as China head +Sports,Road trip ends on rough note; Ichiro goes 1 for 4 +Sports,Today's schedule +Sports,"Great match, with something mixed in" +Sports,Tremblay and Alexander tough it out +Sci/Tech,Check for spyware before installing SP2 warns Microsoft +Sports,Ganguly #39;s growling list of woe +Sports,Easy pickings +Sports,Leading the way +World,Kidnapping No Basis in Islam +World,"Russia Mourns Hostage Deaths, Putin Criticized (Reuters)" +Business,ASEAN recognizes China as market economy (AFP) +Sci/Tech,All eyes on NextWave's exit (TheDeal.com) +World,State Dept.: More Russia Terrorism Likely (AP) +Business,William Hill boosted by Euro 2004 +Business,Blair 'is obstacle to Euro vote' +World,Brazil uncovers corrupt officials +World,Sequels save blockbuster summer +World,Frances Takes Aim at Florida Panhandle +Business,Oil-price boom a boon for producers +Business,Libya bidding to lure investment for oil sector +Sci/Tech,Longhorn to arrive in 2006 +Sports,Roddick turns up aces in gaining round of 16 +Sports,Lamb helping to lead Astros #39; charge +World,Son of anti-US warlord seeks Somali presidency +Business,William Hill reports profits increase +Sci/Tech,Longhorn plans cut short +World,Fresh bird flu hits Malaysia +Sci/Tech,Getting the Hurricane Word Out +Sci/Tech,Catch a Falling Space Capsule +Sci/Tech,HD PC: Cheaper Than High-Def TV +World,"India, Pakistan end talks, disagree on Kashmir (Reuters)" +World,"India, Pakistan End Talks, Disagree on Kashmir" +World,Monitors sound Afghan poll alert +Sci/Tech,Net calls get their own area code +Sci/Tech,Has Your Broadband Had Its Fiber? +Sports,Souness set for Newcastle +Sports,Jones predicts tough start for franchise +Sports,Still winners despite loss +Sports,Time to take care of business +Sports,Dudek: Poland hot for England +World,Confusion over alleged capture of Hussein ally +World,ASEAN recognizes China as market economy +World,"Bomb kills two, injures 10 in Bangladesh" +World,Serbian Assassination Suspect in Court (AP) +World,Explosion Rocks Gaza City (AP) +Business,Dollar Keeps Gains Against Euro +World,Israel Hints Ousting Arafat Delayed by Gaza Pullout +World,Huge Nigerian drive against polio +Business,ADB to help improve air quality in Indonesia +Sci/Tech,Internet #39;s Speed Increases As It Turns 35 Years Old +World,Singapore verifying reports of new Malaysian bird flu outbreak +Sports,Souness Is Talk of the Toon +Sports,Wright says NI must win +World,India-Pakistan talks conclude with claim of progress on Kashmir +Sci/Tech,Has Your Broadband Had Its Fiber? (PC World) +World,Car Bomb Near Fallujah Causes U.S. Deaths (AP) +Business,"European Stocks, Yields Higher" +Business,William Hill slips on punters #39; winning streak +Business,No Benefit for Boeing in Airbus Cuts +Sci/Tech,World #39;s largest computing grid goes live +Sci/Tech,Windows world gets OS X wake up call +Sports,Souness ties up Toon deal +Sports,Pictures: Biaggi hits Capirossi. +Sports,SA Rugby set to score big with Super 14 +World,"Malaysia #39;s Anwar Appeals Conviction, Seeks Political Re-Entry" +World,Moscow suicide bombing death toll grows +World,Islamic Radicalism Not an Issue in Indonesia Vote +World,US soldiers killed in Iraq ambush +Business,EU: Coke Anti-Trust Deal Not Set in Stone (Reuters) +Sports,"Sadler Wins Race, Clinches Spot in Top 10 (AP)" +Sports,Tedford Extends Contract to 2009 +World,Egyptian Officials Arrive in West Bank (AP) +Sports,Not bowling them over +Business,China to Decide Curbs After August Data +Business,UK manufacturers 'in good shape' +World,"Malaysia's Anwar Seeks to Clear Name, Remove Ban" +Sci/Tech,Twins for panda shown sex videos +Sports,Warriors hold on against Celtics +World,Talks End: Indo-Pak Ceasefire To Continue +Business,JAPAN: Toyota to build Chinese Camry plant with Guangzhou <b>...</b> +World,Fallujah car bomb hits US marines +Sci/Tech,Newborns prefer beautiful faces +Sci/Tech,Transmeta Hype Suffers Hardware Reality +Sports,Nets win in Kidd #39;s return +World,West Japan Quakes Unlikely to Be Precursors-Panel (Reuters) +Sports, #39;ROIDS ALL THE RAGE AT UNION #39;S CONFAB +Sci/Tech,More West Africa Locust Swarms Coming Soon-Reports (Reuters) +Sci/Tech,JVC develops corn starch DVD - what next?: +World,Strike threatens Japan baseball +Sports,Keegan Delighted with Wright-Phillips II +Business,EU ruling on Santander #39;s Abbey bid due next week +Business,Indonesian Shares End Lower On Profit-Taking +Sci/Tech,Porn Producers To Be Severely Punished in China +Sci/Tech,Developers to gather at Intel forum +Sci/Tech,LCD Prices Fell More Than Expected in August +Sports,Souness appointed Newcastle manager +Sports,Pop Secret 500 Race Notes amp; Quotes +World,Russians question official take on hostage-takers #39; identities +World,Showing Faith in France +World,Japan rocked by two powerful earthquakes +World,Japan #39;s Government to Discuss BSE Cattle Tests Monday (Update1) +Sci/Tech,Men sued for spam pushing fake diplomas +Sci/Tech,Remove Spyware Before Installing Windows XP SP2 Update +Sci/Tech,IT managers still hungry for storage +Sci/Tech,New numbers for Internet phone users +World,"At least 90 dead, 77 missing in China rainstorms" +World,Shock and Vengeance +Sci/Tech,Britain Creates New Numbers for Internet Phone Users (Reuters) +World,Spam Makes Up Half of All Emails in China -Expert (Reuters) +Business,Dollar Clings to Gains Vs Euro +Sci/Tech,US Space Agency Says Shuttle Repair Worries Remain +World,Iraq Govt Says Has Not Captured Top Saddam Aide +Sci/Tech,NCSSM students #39; research wins national competition +Business,Libya outlines oil contract plans +World,Australia Govt Accused of Politicizing U.S. Trial +World,Iraqis Probe Reports of Al-Douri's Arrest +Business,European Shares at 2-Month High +Business,Monti backs bid for Abbey +Business,Union meeting crucial to Alitalia +Business,Chinese commerce official says GM has no grounds for piracy <b>...</b> +Business,"Singapore, India conclude 9th round of trade talks" +Sci/Tech,Global mobile phone sales soar +Sci/Tech,Red Hat appoints new CFO +Sports,Souness to Newcastle +Sports,"De La Salle coach, players, take snapped streak in stride" +Business,Oil Eases as Funds Take Profits (Reuters) +Sci/Tech,Web Auctions Start-Up Nets Funding for Expansion (Reuters) +Business,Wal-Mart Sees Sales to Rise 2-4 Pct (Reuters) +World,European stocks post small gains in quiet trading (AFP) +Sci/Tech,Free Mobile Security From Trend Micro +World,'Not yet time' for sanctions against Sudan: UN envoy (AFP) +Sci/Tech,Scientists Show Babies Have Innate Sense of Beauty (Reuters) +Sci/Tech,World's Oldest Field Test Reveals Soil Secrets (Reuters) +Sci/Tech,Launch of Israeli Spy Satellite Fails (Reuters) +Sci/Tech,Romania Says Heavy Metal Spilled Into North River (Reuters) +Business,Wal-Mart Sees Sales to Rise 2-4 Pct +Business,India offers to supply diesel to Pak +Sci/Tech,Launch of Israeli Spy Satellite Fails +Sci/Tech,UK creates new numbers for Internet phone users +Sci/Tech,Debian rejects Sender ID +Sci/Tech,Web Auctions Start-Up Nets Funding for Expansion +Sports,Brodeur makes it easy +Business,EU reportedly closer to settling antitrust case with Coca-Cola +Sci/Tech,Sony in Talks to Sell Products at Wal-Mart +Sports,Stadler partners up +Business,EU Commission taking its time with SCH bid for Abbey National +Business,EU welcomes Coca-Cola plan to resolve anti-trust row +World,Asian political parties meeting issues joint statement +Sci/Tech,Launch of Ofek 6 fails +World,US Marines Die In Fallujah Car Bombing +World,Iraq Government Retracts Claim Top Saddam Aide Held +Sci/Tech,Fujitsu joining Cisco Systems this time. +World,"West Japan Quakes Unlikely to Be Precursors, Panel Says" +World,Cameroon players back president +World,"Agassi, Venus Williams in Action Today" +Sci/Tech,Parents 'auction' school on eBay +Business,U.S. Real Estate Investors Eye Mexico +Business,Alitalia to announce rescue plan +Business,BG expands Egyptian gas interest +World,Minister: Captured Man Not Ibrahim +Sci/Tech,Ofcom sets out stall on VoIP +Sci/Tech,AMD dual-core design fuels chip race with Intel +Sci/Tech,Veritas buys email archiver +Sports,Rovers search for new boss +Sports,See you in the semis +Sports,Bears go young on D-line +World,Malaysian rebel Anwar in Munich for back treatment +World,No Kashmir settlement without trilateral talks: separatists (AFP) +Business,"European Stocks, Bond Yields Edge Higher" +Sci/Tech,Hurricane Forecasters' Predictions Awaited (AP) +Business,Funds: What Makes a Fund a Winner? +World,Scream gallery improves security +Business,"India, Pakistan gas connection" +Business,US Real Estate Investors Eye Mexico +Sci/Tech,Debian Rejects SenderID +Sports,England - a rudderless team? +Sports,SkyChiefs pound on A #39;s +World,Li: China willing to deepen ties with Turkmenistan +Sci/Tech, #39;World #39;s largest grid #39; demonstrated +Sci/Tech,'Cheetah Friendly' Beef to Make Its Way to EU (Reuters) +Sci/Tech,OSS torpedoed: Royal Navy will run on Windows for Warships +Sci/Tech,Net porn providers to get life sentences +Sports,Tendulkar Test doubt +World,Car bomb explodes near Fallujah; reports of US casualties +World,Schroeder party vows not to buckle on reforms after election <b>...</b> +World,Lebanese Minister Resigns to Protest Presidential Term Extension +World,Gainesville man #39;rocking and rolling #39; as quakes hit Japan +World,Thatcher waits to hear coup questions +Business,Alitalia management to unveil rescue plan to unions +Business,EU decision on Abbey expected next week +Business,"Hollinger Director Perle Says Black Misled Him, NYT Reports" +Sci/Tech,Ofek 6 Launch Fails +Sci/Tech,Mladin Release From Road Atlanta +Sports,"US Open: Roddick dominates, Serena goes head-to-head with Capriati" +Sports,Japan #39;s Professional Baseball Players #39; Association Threatens to Go <b>...</b> +World,E Guinea allowed to quiz Thatcher +World,Loreto pilgrimage concludes as Pope beatifies 3 +World,Pakistan Plays Down Bin Laden Report (AP) +Business,Economy Hopes Lift European Stocks +Sci/Tech,Skeletons Yield Secrets to Radioactive Dating (Reuters) +Business,Alitalia Heads for Junkyard of European Airlines +Business,Oil Eases as Saudi Offers Crude Discounts +Business,INTERVIEW: Australia #39;s CBA Eyes China Bank Investment +Business,Are weak employment figures here to stay? +Business,US firms bidding for Libya oil projects +Sci/Tech,Softbank protests Japan's 3G cell phone market policy (AFP) +Business,Cazenove Gets Serious with U.S. Suitors +World,Command Failure Seen at Fault in Beslan Massacre +Sci/Tech,"Kon-Tiki Replica to Sail, Study Pacific in 2005 (Reuters)" +World,"Hamas Leaders Apparently Quit Damascus, Says Israel" +Business,Pharmacies unite +World,E Guinea allowed to quiz Thatcher +Sci/Tech,Dial 065 for CyberSpace +Sci/Tech,webcrawler : Internet2 is coming +Sci/Tech,Stripped down Longhorn still offers gems +Sci/Tech,EMC hires ex-IBM grid guru for CTO role +Sports,Beckham doubt for Poland clash +Sports,Just Luke at me now +Sports,Petacchi Wins Stage 2 of Vuelta +Sports,Pace reportedly signs 1-year deal with Rams +Sports,Tennis: Hewitt and Mauresmo show their hunger for titles +World,"India, Pakistan Note Modest Progress in Peace Talks" +World,"Car Bomb Blast Kills 7 US Marines, 3 Iraqi Guardsmen" +World,The government of Sudan doesn #39;t hide its atrocities +World,Three Saudi security men killed in clashes to the north of Riyadh +World,Car Bomb Kills 7 U.S. Marines Near Iraqi Town of Falluja +World,"For Long Beach Locals, the Season to Reclaim the Sand" +World,Frances Takes Aim at Florida Panhandle +World,Rodney Dangerfield to Make Full Recovery +World,Stunned Russians Observe Day of Mourning +World,Car Bomb Near Fallujah Kills 7 Marines +Sci/Tech,Making RSS Scale +Business,EU Enlargement Commissioner Notes Turkish Progress Toward <b>...</b> +Business,EU: Coke EU anti-trust case settlement closer +Business,"Rates on hold, stockmarket volatile" +Sports,Tendulkar to miss one-day championship +Sports,De La Salle streak ends at 151 wins +Sports,Toronto Blue Jays Team Report - September 6 +Sports,Rockies #39; Francis picks up first major-league victory +World,Iraqis Holding French Journalists Set 48-Hour Deadline +World,Six US marines killed in Iraq bomb attack +Business,An Economy That Turns American Values Upside Down +Business,"India, Pakistan To Discuss Gas Pipeline Issue" +Sci/Tech,"EMC, Veritas Tune Mail Archiving" +Sports,Butcher backs Souness +World,China acts on pirated products +Business,Cazenove Gets Serious with U.S. Suitors (Reuters) +Business,Oil Eases as Saudi Offers Big Discounts +World,Libya moves to reform economy but keep political structure intact (AFP) +Business,Dollar Rally Ebbs +Business,CAO #39;s Chen to return to Singapore +Business,New oil spike hits prices on Wall Street +Business,API in \$112m pharmacy deal +Business,China indices fall sharply +Sci/Tech,Microsoft unveils SharePoint Service Pack 1 +Sci/Tech,Alienware Reveals 4GHz desktop +Sports,Williams defies the doctors +Sports,Singh keeps his lead in Boston +World,A Sunni commission issues a Fatwa to release French journalists +World,Rumor mill takes toll on Hong Kong Democrats +Sci/Tech,Italian Tower Ready for Space Station (AP) +World,"Kerry on Iraq: Wrong War, Wrong Place, Wrong Time (Reuters)" +Business,UPDATE: Lenovo In Talks With Major IT Company -2- +Business,"Pakistan, India to cooperate in energy exploration" +Sports,Anaheim Angels Team Report - September 6 +World,Indonesian court rejects Ba #39;ashir pre-trial demand +Business,Update 2: Alitalia #39;s Future at Stake in Union Talk +Business,CBA seeks stake in Chinese bank +Business,"Turkey #39;s EU bid nearing moment of truth, enlargement chief says" +Sci/Tech,iMac G5 goes after the iPod set +Sports,Tiger #39;s ranking on line +Sports,Reliving the samba dream +World,"PM appreciates India, Pak. are committed to dialogue" +World,Darfur Talks Stall Over Disarmament +World,Vote keeps Lebanon on road to Damascus +Sci/Tech,Macrovision updates software-packaging app +Sci/Tech,"Accoona Launches, But Isn't Ready for Prime Time" +Business,Cazenove Gets Serious with Suitors +Business,Credit Suisse to Integrate Units +World,"Even in an Age of Terrorism, Towers Are Sheathed in Glass" +World,Hurricane Ivan Threatens Barbados +World,"India, Pakistan Plan to Continue Peace Talks" +Business,API deal lifts retail presence +Business,Wal-Mart Sees Sept. Sales Up 2-4 Pct +Sci/Tech,Italian Tower Ready for Space Station +Sports,Beckham injury concern for Poland +Sports,Boston Red Sox Team Report - September 6 +Sci/Tech,Brits turning into computer buffs +Business,France Faces EU Fight Over Tax Rates +Business,Libya changes to bidding to woo investment for sanctions-hit oil <b>...</b> +Sports,"Serena Pastes Schnyder, Capriati Next at US Open" +Sports,Souness leaves Blackburn +Sports,England need to get real +Sports,Sanchez seeks NI boost +World,Tests Show Forces Did Not Nab Saddam #39;s Right Hand Man +Business,Alitalia plan to avoid bankruptcy +World,Deadly day in Iraq Suicide bomber attacks American and Iraqi <b>...</b> +World,Go-ahead for Thatcher questioning +World,Editor of Russia #39;s Izvestia forced to step down +Sci/Tech,"Hurricane Ivan Threatens Barbados, East Caribbean (Reuters)" +World,"Hurricane Ivan Threatens Barbados, East Caribbean" +Sci/Tech,Alienware #39;s 4GHz Pentium +Sports,Injured Beckham cuts short training +Sports,"After spitting ban, injury keeps Totti off Italy #39;s team" +World,Iraqi Ministry: Tests Show Captive Is Not Al-Douri +World,"India, Pak agree on CBMs, differ on J amp;K" +World, #39;Ransom demand #39; on French hostages +World,"ASEAN, Australia, N.Zealand See 2007 Deal" +Business,Credit Suisse to Integrate Units (Reuters) +Sci/Tech,Back-To-School Now Includes Electronics (AP) +World,Powerful Typhoon Hits Southern Japan (AP) +Sci/Tech,"Former Sun, BEA executives forge grid venture" +Sci/Tech,UK watchdog sets out VoIP policy +Sci/Tech,Stripped down Longhorn still offers gems +Sci/Tech,Microsoft sales down +Sports,Maradona held in clinic since May +Sci/Tech,Public must 'help direct science' +Sci/Tech,Broadband to boom in new EU countries +Sci/Tech,Women looking over glass cliffs +Sci/Tech,Israeli spy satellite destroyed +Business,Hutch Plots \$1.5B IPO +Sci/Tech,Many Users Are Unfazed by Scaled-Back Longhorn Plan +Sci/Tech,Internet2 sets new data speed record +Sci/Tech,"F5, Redline Expand Technology for Speeding App Performance" +Sports,Graeme Souness is Quitting English Premiership #39;s Blackburn Rovers +Sports,Former great Maradona cleared to continue rehab +Sports,Hampton Misses Start With Stiff Neck (AP) +Sci/Tech,Celtel predicts African boom (FT.com) +Sci/Tech,Inoculation Teams Deploy in Nigeria (AP) +World,Andrew Smith resigns from Cabinet +Sci/Tech,UK needs 'marine reserve network' +Sci/Tech,"IBM Rolls Out Arrays, Tries Again on iSCSI" +World,"Grief, anger grip Russian hearts" +World,"Israel, Russia to fight terror jointly" +Business,Domestic nickel demand rises on lowar prices +Sports,"Croom, fans savor historic moment" +World,Bomber kills seven US marines +Sports,"Ravens Waive Morrow, Cut Eight Players (AP)" +Sci/Tech,Ship with Toxic Waste Sinks Off Turkish Coast (Reuters) +Business,Part 1 of 2: Fundamentals the cause of oil price turbulence +Business,Access Brokerage suspended from trading +Sci/Tech,Brits Prepare for VOIP Deluge +Sci/Tech,Genesis Hits the Mark For Utah Reentry Wednesday +Sci/Tech,Linux-builder Debian objects to Microsoft Sender ID licence +Sci/Tech,Alienware Breaks Performance Barrier With 4GHz CPUs +Sports,Souness Leaves Rovers +Sports,Status of doubleheader in doubt +Sports,Spadafora charged with public drunkenness +Sports,Croom tops the best of the weekend +World,Bloody day for US in Iraq +World,Seven Marines killed in car bomb attack near Fallujah +World,Australia Govt Accused of Politicizing US Trial +Business,OPEC weekly average oil price falls to 38.89 dollars a barrel +Business,Broker #39;s books \$5m short +Sci/Tech,Challenges and Opportunities in the New European IT Market +Sports,Gerrard: #39;Time to move up #39; +Sports,Joachim takes lead in Spanish Vuelta +Sports,Hampton scratched with stiff neck +World,"Darfur peace talks in Abuja deadlocks over security, disarmament" +World,Australia accused over #39;fair trial #39; call +World,Lebanon Ministers Quit Over President's Longer Term +Business,Frances Seen Less Costly Than Feared (Reuters) +Sci/Tech,Games With Get Up and Go +World,Intelligence Changes Stymied by Turf Wars (AP) +Sci/Tech,Price of Global Hawk Surveillance Rises +Business, #39;Oil price set to fall #39; +Business,Crude oil may rise on inventory concern +Business,Palm Beach: Relief underway +Sci/Tech,China Cracks Down Porn +World,Editor of Russia #39;s Izvestia steps down +World,Australian newspaper job ads at two-year high +World,Sudan Talks in Nigeria Said Deadlocked (Reuters) +World,Algerian Al Qaeda Ally Says Appoints New Leader (Reuters) +Sci/Tech,DirecTV to Sell Half of Hughes Systems +World,Sudan Talks in Nigeria Said Deadlocked +World,Sept. 11 DVDs Present Nation in Mourning +World,Hurricane Ivan Churns Toward Caribbean +World,Bill Clinton Heart Surgery Successful +Business,CBA eager to explore China plan +Business,Verheugen - Gul Joint Press Conference +Sci/Tech,Women looking over glass cliffs +Sci/Tech,WinZip patches security flaw +Sports,Soccer: Another defeat could see England coach Pole-axed +Sports,Will They Play Ball in the Bronx Today? +Sports,Braves southpaw Mike Hampton misses start against Phils with stiff <b>...</b> +Sports,Lions Make Final Roster Moves +World,A Vision of Hell +World,Lebanon seeks Arab support to counter UN resolution +World,Russian FM meets with Katsav +Business,Market Report +Business,"Mani, Kasuri revive pipeline dream" +Sci/Tech,Women in Business Face the #39;Glass Cliff #39; +Sports,"Once left for dead, Astros streak back into wild-card contention" +Sports,ESPN-Star Sports takes BCCI to court over TV rights +World,Ba #39;asyir verdict sparks courtroom violence +Sports,Holdout Orlando Pace Signs With Rams (AP) +Sci/Tech,Unusual Number of Storms Hit Land in Fla. (AP) +Sports,F1 Driver Button Breaks Silence Over Williams Move +Sci/Tech,Video's Virtual Wonderland +World,Israelis to alter barrier route +Sports,Holdout Orlando Pace Signs With Rams +Sci/Tech,Bush's Record +Sci/Tech,Context Specific Mirroring +Business,Industry shies off rogue broker +Business,EU may back Santanders bid for Abbey +Sci/Tech,"Intel, AMD Pack Dual Processing Cores on Single Chip" +Sports,SOU MIGHT JUST BE THE MAN +Sports,SFA DELAY MOLDOVA DECISION +Sports,UPDATE 1-Button breaks silence over Williams move +World,"Malaysia #39;s Anwar launches bid to clear his name, return to <b>...</b>" +World,Meeting with unions crucial to Alitalia's survival (Canadian Press) +World,Ailing Clinton urges Kerry to bolster election attacks (AFP) +Business,"Canceled checks, float soon to disappear" +Sci/Tech,Frances tears panels from NASA shuttle hangar +Sci/Tech,Big maths solution #39;looks good #39; +Sports,Donald up for Ryder challenge +Sports,England panic without hero +Sports,"Devil Rays Delayed by Frances, Doubleheader Vs. Yankees in Air" +Sports,"Button reveals all, or at least some" +Sports,Pressure off for Sadler +Sports,ESPN-Star Sports moves Mumbai HC +Sports,"Playoff preview? Hot Red Sox, A #39;s meet" +World,Suicide bombing kills seven Marines in Iraq; Medical tests confirm <b>...</b> +World,Pak rejects US claim on Osama +World,Protests against German reforms enter sixth week +Sci/Tech,Frances Damages NASA Space Center (AP) +World,Tennis: Henman win in US Open +Business,Nikkei Dips for a 2nd Straight Session +Sports,"Federer, Henman Advance at U.S. Open" +World,Hurricane Ivan Churns Toward Caribbean +World,Frances Plows Ashore in Panhandle +World,Car Bomb Kills Seven Marines in Iraq +World,Kerry: Pull Troops From Iraq in 4 Years +Sci/Tech,Isotopes could improve forensics +Sci/Tech,Big maths solution 'looks good' +Business,Credit Suisse to Integrate Units +Business,OPEC President Says International Oil Prices will Drop Soon +Business,Yukos lawyer #39;s offices searched +Sports,"Singh leads Tiger at Deutsch, eyes No. 1" +Sports,News Ltd considers SANZAR deal +Sci/Tech,Damage at Kennedy Space Center from Frances +Sports,Devil Rays stuck in Florida hours before game +World,Anwar plots his return +Sports,Packers Scout 'Red' Cochran Dies at 82 (AP) +World,"Alitalia Reportedly to Cut 5,000 Jobs (AP)" +World,Chinese Official Disputes GM Claim (AP) +World,"Kerry on Iraq: 'Wrong War, Wrong Place, Wrong Time' (Reuters)" +Business,Home loans explode +Sports,Stylish Brazilians outclass Bolivia 3-1 +Sports,California Speedway quot;Finish Under +World,Iraqi captors set new conditions +World,"The Region: Wrong, yet winning" +Sports,Braves Top Phillies 3-1 (AP) +World,More PE Time May Fight Child Obesity +Sci/Tech,Mathematical Mystery Believed to Have Been Solved +Sports,SI.com +Sports,"Braves 3, Phillies 1" +Sports,Hockey: Finland Squeeze by Spirited Germany 2-1 +World,"Russia, Israel Agree on Anti-Terror Union" +Sports,Finland escapes with quarter-final win +Sports,Button confident of Williams move +World,African Union to hoist 'Help Wanted' sign at poverty summit (AFP) +Sci/Tech,Group plans repeat of Kon-Tiki voyage +Sci/Tech,Maths breakthrough for reclusive Russian? +Sci/Tech,Microsoft says Linux may mean price cuts +Sci/Tech,Where #39;s the Music? +Sports,"Tigers 7, Royals 3" +World,"Russia #39;s Grief, Putin #39;s Solutions" +World,Sudan Talks in Nigeria Said Deadlocked +Sports,Giants Starting Over With New Coach (AP) +Sci/Tech,China Vows Tougher Penalties for Web Porn (AP) +Sports,Finland Beats Germany 2-1 in Cup Play (AP) +Sports,Agassi Sets Up Federer Showdown at U.S. Open +Sports,Henman in Quarters as Kiefer Retires +World,A Look at Presidential Polls (AP) +World,Israeli Tanks Shell Gaza Town-Palestinian Sources +World,U.S. Tanks Pound Rebel-Held Iraqi Town - Witnesses +World,Al Qaeda among the Chechens +World,Russian school siege: A survivor's tale +World,Tennis: Agassi rolls on +World,Maradona 'can be treated abroad' +World,Kerry Slams 'Wrong War in the Wrong Place' +World,Clinton Has Successful Quadruple Bypass +Business,CBA poised to move into China +Sci/Tech,Kon Tiki Returns To The Sea +Sci/Tech,Reclusive Russian May Have Made Maths Breakthrough +Sci/Tech,Spyware interferes with Microsoft patch +Sports,China may stage part of Olympics in Hong Kong +Sci/Tech,Stripped down Longhorn still offers gems +Sci/Tech,Oracle apps upgrade to ship within 60 days +Sports,SI.com +Sports,"White Sox 7, Rangers 4" +Sports,Major League Baseball News +World,U.S. Tanks Pound Rebel-Held Iraqi Town - Witnesses (Reuters) +World,Mexico Journalists Want More Security After Murders (Reuters) +World,Air Liquide Profit Up Nearly 10 Percent (AP) +World,Gun battle erupts in Gaza Strip +Sports,Unseeded Asagoe Reaches Last Eight +Sports,Federer and Henman Advance at U.S. Open +World,Colombia arrests paramilitaries +Business,"India, Pak talk cooperation in hydrocarbons" +Business,Oil eases as Brent price falls to \$41 a barrel +Business,Hutchison unit begins \$1.5 bn IPO marketing +Sports,"Agassi, Federer, Move Into Quarterfinals at US Open (Update1)" +Sports,Sports: Astros 11 Reds 5 +Sports,"Pace finally signs, practices with Rams" +Sports,"Compete against your friends, SI experts and celebrities in this <b>...</b>" +World,Roadmap despite the K-roadblock +World,"Roundup: Abuja talks, winding road for peace in Darfur" +World,Cambodian Senate OKs WTO Entry (AP) +World,"Bush, Kerry Take on Economy, Iraq in Labor Day Rallies (Reuters)" +Sports,Devil Rays Can't Get to New York in Time for Afternoon Game +World,"Barbados, East Caribbean Brace for Hurricane Ivan" +World,Singh Takes Over Golf's No. 1 Ranking +Business,"Yukos Lawyer #39;s Flat, Office Searched" +Sports,ESPN STAR challenges BCCI telecast decision in HC +World,France skeptical of new conditions for release of hostages +World,Israeli Counterterror Help Welcomed +Business,India offers diesel sale to Pakistan +Business,Oil: Price eases as Saudi offers big discounts +Sports,Federer next for Agassi +Sports,Sports: White Sox 7 Rangers 4 +World,Revenge takes root in the ashes +World,Ministers quit in president row +Sci/Tech,Traffic management shifting lanes +Business,"Update 4: Alitalia Reportedly to Cut 5,000 Jobs" +Business,VIEW: Will the EU keep faith with Turkey? Martti Ahtisaari and <b>...</b> +Business,Pakistan might import Indian diesel +Business,Liquidator focuses on client money +Sci/Tech,Scientists achieve new speed record on Internet2 +Sci/Tech,Astronauts float outside ISS for spacewalk +Sports,Monday #39;s NL Capsules +Sports,Cabrera Leads Orioles Past Twins 4-1 +Sports,Rangers labor in holiday loss +Sports,"In the #39;Not For Long #39; league, the #39;Skins #39; Joe Gibbs has missed an <b>...</b>" +World,"US death toll in Iraq nears 1,000 as seven more die" +World,Quickly World +World,Schroeder #39;s party routed in state polls +Business,Liquidators appointed for Access +Business,OPEC will keep reference prices unchanged. +Business,"India gt; Net TV firm Orca, an Emblaze unit, wins India deal" +Sci/Tech,New Hurricane Threatens Fla. Space Center +Sci/Tech,"NATO, Russia To Meet Over Beslan School Siege" +Sci/Tech,ALENIA SPAZIO DELIVERS SPACE STATION CUPOLA TO ESA +Sci/Tech,Oracle touts grid computing to open show +Sports,"MLB: Chicago White Sox 7, Texas 4" +Sports,Japanese baseball strike nears +Sports,Holdout offensive tackle signs with Rams +World,Sad day for Russia +World,7 US Soldiers Killed +World,4 Lebanon ministers quit over president #39;s term +Business,BNZ freezes Access Brokerage #39;s accounts +Business,EU states speak out against Sarkozy plan +Business,Softbank makes mobile complaint +Sports,SI.com +Sports,"DiFelice reports; Cubs recall Dubois, Wuertz, Mitre and Murray" +Sports,"MLB: Atlanta 3, Philadelphia 1" +Sports,"Walter Jones shows for practice, signs one-year deal" +Sports,"Orlando Pace ends holdout, signs with Rams" +World,US claim that Bin Laden is nearly captured is politicking: Rashid +World,"At least 13 Palestinians killed, dozens wounded in Gaza City <b>...</b>" +Sports,Singh on Top of the World After Deutsche Bank Win +Business,Orca Interactive plans AIM flotation +Sports,Brees Keeps Starting Job With Chargers (AP) +World,President to open EC hospital +Sports,"Miami, Florida St. Regrouping After Storm (AP)" +Sci/Tech,EU May Allow First GMO Seeds for Sale Across Bloc (Reuters) +World,Clinton recovering after heart op +World,Explosions Kill at Least 13 in Gaza City +Sci/Tech,Cyberspace gets an area code +Sci/Tech,Maths holy grail could bring disaster for internet +Sci/Tech,Why women bosses live life on edge +Sports,Agassi discards Mr Nice Guy #39; image +Sports,Dementyeva Reaches Quarters +Sports,Gerrard says criticism will spur England win +Sci/Tech,Space station updated +Sports,Brees keeps starting job with Chargers +World,Explosions Kill at Least 13 in Gaza City +Sports,Colts Interested in Quarterback Tim Couch (AP) +World,France skeptical of new conditions for release of hostages (AFP) +World,"Talks for Sudan's Darfur deadlocked over disarmament: AU officials, rebels (AFP)" +Sci/Tech,Intel and AMD battle for dual-core chips +Sci/Tech,Oracle apps upgrade to ship within 60 days +Sports,Singh never faltered down the stretch +World,Car bomb kills 7 Marines +World,Brawl after Bashir arrest cleared +Sports,Davenport Tops Venus to Make Open Quarters (AP) +Sports,"Falcons' Crumpler, Price Miss Practice (AP)" +Sports,Japanese guard signs for NBA's Phoenix Suns (AFP) +World,Kidnapped UN Peacekeeper Released in Congo (Reuters) +World,Mexico PRI Has Slim Lead in Veracruz Governnor Race +Sci/Tech,Frances May Delay Shuttle Flights +World,France #39;s premier expresses doubt about demand for ransom to free <b>...</b> +Sci/Tech,Space Shuttles Survive Hurricane Frances +World,High alert for Karzai inauguration +Business,Tokyo Stocks Open Firmer on Economy +Business,Alitalia to slash 5000 jobs +Business,\$5 million quot;shortfall quot; in Access accounts; BNZ freezes some Access <b>...</b> +Business,Buy-up just beautiful +Business,"Nikkei Opens Higher, Lifted by Survey" +Sci/Tech,Hurricane Frances imperils space flight #39;s scheduled return +Sci/Tech,MS pulls WinFS from Longhorn +Sports,"Agassi ousts Sargsian, faces Federer in Open quarterfinals; Henman <b>...</b>" +Sports,England keeper James: Ill make amends against Poland +Sports,Ronaldo stays in Brazil for engagement +Sports,Bump Doesn #39;t Stop Prince Arch in Saranac +Sports,Doubleheader trimmed to one game +World,Grief in Russia Mixes With Harsh Words for Government +World,Rockets fired on Gaza City camp +World,Moderate Earthquake Shakes Western Japan +World,European Envoy Visiting Turkey to Assess Situation of Kurds +Business,"Alitalia unions baulk at 5,000 job cuts" +Business,Michael Harrison #39;s Outlook: An elephant that Crosby doesn #39;t need <b>...</b> +Business,Toyota Motor sets up JV in Guangzhou +Sci/Tech,New numbering system planned for internet calls +Sports,Prince Arch runs down Mustanfar in Saranac +Sports,Dutrow #39;s gamble pays off fabulously +Sports,Sussex hand title to Warwickshire +Sports,Yankees believe Devil Rays should forfeit game +World,"Typhoon Songda Approaches Nagasaki, Western Japan, Injuring 28" +World,Singh Knocks Woods From Top Spot in Golf +Business,Tokyo Stocks Open Firmer on Economy (Reuters) +Sports,Yankees Unlikely to Get D-Rays Forfeit (AP) +World,Warrants for Colombian Soldiers in Union Killings (Reuters) +Sci/Tech,Sony Changes U.S. PC Strategy to Boost Share-Paper (Reuters) +World,Prosecutors summon Yukos lawyer in latest move against the oil giant (Canadian Press) +World,Powerful Typhoon Hits Southern Japan (AP) +Sports,Agassi Ousts Sargsian From U.S. Open (AP) +World,"Heinz Kerry Recovers, Attends Parade (AP)" +Business,NZ Exchange Suspends Brokerage; Contacts Fraud Office +Business,Tokyo Stocks Open Slightly Higher +Sports,Newcastle to unveil Souness today +Sports,Uruguay back on World Cup course +Sports,Schottenheimer holds off on QB call +Sports,Monday #39;s AL Capsules +World,13 killed in Israeli raid on Hamas activists #39;training #39; in Gaza +World, #39;\$5m ransom #39; for kidnapped journalists +World,Verheugen Arrives In Ankara +Business,Coke near antitrust deal with EU +World,Our business too +Sci/Tech,Babies prefer to gaze upon beautiful faces +World,Brazil Government Criticizes New York Times Report (Reuters) +World,Missing Russian helicopter found crashed near Chechnya; 2 crew members killed (Canadian Press) +Sports,Yankees Believe Devil Rays Should Forfeit Game (Reuters) +Business,Tokyo Stocks Stay Firm on Economy +World,Brazil Government Criticizes New York Times Report +Sci/Tech,Russian May Have Solved Poincare Conjecture +Sci/Tech,World #39;s Oldest Field Test Reveals Soil Secrets +Sports,Agassi Handles Friend; Now Faces Tougher Foe +Sports,Golf: Singh shows Tiger who #39;s Number One +Sports,Serena rebels for a cause +Sports,Souness is Newcastle boss +Sci/Tech,Oracle apps upgrade to ship within 60 days +Business,"Alitalia Tells Unions of Plan to Lay Off 5,000 Workers" +Business,Nikkei edges up on economic hope +Sci/Tech,Genius solves \$1m mystery +Sci/Tech,Storm #39;s slow approach helped save buildings +Sci/Tech,"British archeologists find Viking burial site, complete with arms <b>...</b>" +Sports,No surprises for big names +Sports,Francona trying to #39;ignore #39; personal ties to A #39;s +Sports,Tri-Nations expansion +World,Another strong quake hits western Japan +World,Frances hits Florida Panhandle as state begin recovery from initial strike (Canadian Press) +Sci/Tech,Viking Burial Site Found in England (AP) +Sports,Agassi Handles Friend; Now Faces Tougher Foe +World,China's Three Gorges on Alert After Floods Kill 76 +Business,"Alitalia Tells Unions of Plan to Lay Off 5,000 Workers" +Business,Diet Pill Was a Driving Force in French Drug Merger +World,China Ex-President May Be Set to Yield Last Powerful Post +World,9/11 Proposals Lead the Agenda Facing Congress +Business,Finance: Interest rate lift expected on Thursday +Business,TSV Holdings IPO closes +Sci/Tech,Viking burial site unearthed in England +World,US #39;politicking #39; over Osama capture claim: Pakistan +World,"More Homeless in Sudan Horror, UN Says" +Business,Toyota in quest for pole position in China +Business,Quattrone #39;s Fate Lies in Firm Hands +Sci/Tech,Debian rejects Sender ID +Sports,"At Stadium, Long Day #39;s Journey Into Night" +World,Israeli attack on Hamas activists in Gaza kills 13 Hamas <b>...</b> +World,Pakistan denies claim of progress in bin Laden hunt +World,Court clears way for Anwar appeal +Sports,True delay of game +Sports,Donald takes European Masters title +World,Malaysia Court Clears Way for Anwar Appeal (AP) +Sports,Former Amateur Golf Star Dies at 78 (AP) +World,New polls show Australian government neck and neck with opposition (AFP) +Sports,Federer Receives Walkover Into Quarters +Sci/Tech,Pirated Goods Continue To Swamp China +Business,Navy Plans to Buy Fewer Ships +Business,Quattrone's Fate Lies in Firm Hands +World,Court clears way for Anwar appeal +World,Bush and Kerry Clash Over Iraq and a Timetable +World,Explosions Kill at Least 13 in Gaza City +Sports,Knicks: Isiah decides to put Houston #39;s return on hold +Sports,Milton deal getting closer for Yanks +Business,Mexico #39;s firm says oil price to remain high +Business,Brian Fallow: Bank set to pull the trigger +Sci/Tech,The Changing Face Of Campus Tech +Sports,Agassi ousts good friend +Sports,Davenport Is Too Strong for Venus Williams +Sports,Donald confident enough to play with any of his Ryder Cup <b>...</b> +Sports,Defending champ upset by Petrova +World,Anwar given chance to clear name +World,Two hospitalised in Malaysia amid bird flu outbreak +Sports,Deposed No. 1 Woods Finds Comfort in His Improved Swing +Sports,Yanks Show Visitors No Shelter +World,Putin under pressure over siege +Sports,UT #39;s Johnson takes aim at more honors +Business,Beijing cracks down hard on fake brands +Sci/Tech,Porn in China: Death by success takes on a new meaning +Sci/Tech,Numbering System Announced For Internet Phone Users +Sports,CFL Game Summary - Toronto at Hamilton +World,New polls show Australian government neck and neck with opposition +Business,Shell Malaysias Jintan gas field starts work +Sports,"Open-Henin-Hardenne loses US Open crown, top ranking" +Sports,Petrova Upsets Defending U.S. Open Champ (AP) +Sports,Players union must act now +Business,Dollar Stalls as Market Awaits Greenspan +Sports,High Court rules on Bernie Ecclestone +World,Golf: Singh ends Tiger's reign +World,Iraq suicide bombing kills 10 +Business,Oil prices calm +Sports,AL Wrap: Orioles Celebrate Homecoming by Beating Twins +World,Worst rains in years kill dozens in PRC +World,"Japan Typhoon Causes Landslides, Floods" +World,Official Campaign Opens in Afghan Presidential Poll +Business,Perle Asserts Hollinger's Conrad Black Misled Him +Business,Tokyo Stocks Rise on Economic Optimism +Business,Dollar Stalls as Market Awaits Greenspan +Business,Oil ministers to discuss gas project +Sci/Tech,Long-standing Math Puzzle May Have Been Solved +Sci/Tech,The digital student life +Sci/Tech,VIEWPOINT: Better Russian planning would prevent siege deaths +Sports,"UPDATE 1-Open-Henin loses US Open crown, top ranking" +Sports,"Federer, Henman Advance at US Open" +Sports,Backe Keeps Astros in Rare Air +Sports,Notes: Mariners add four more +Sports,Healthy-scratch Hull leaves practice in a huff +Sports,BROWN #39;S PRAISE FOR BEARS CAPTAIN KNIGHT +Sports,PGA Player of the Year Singh ready for more in #39;05 +World,Car bomb near rebel Iraqi city kills 7 US marines +World,Palestinian Authority Prevents Voter Registration +World,Israel and Russia agree to fight terrorism +Sports,Brooks Returns +Sports,Thinking of Winchester +Sports,Playoff Hopes in Peril +Sports,No To-Morrow +Business,BUBBA #39;S ILLNESS BAD NEWS FOR JOHN +Business,FPL struggling to get lights back on for customers +Business,Future of National Irish and Northern Banks discussed by IBOA +Sports,Henin-Hardenne finally runs out of gas +Sports,Resurgent Davenport bests Venus +Sports,China #39;s Olympians welcomed in HK +Sports,Hull and Routine Grow Old Together for United States +Sports,Host riding high before facing US in key World Cup qualifier +World,Official Campaign Opens in Afghan Presidential Poll (Reuters) +Sci/Tech,JVC Creates Environmentally Sound DVD +World,Rally Offers Putin Support Over Hostage Bloodbath (Reuters) +World,OUTSIDE FALLUJAH: 7 Marines killed in car bombing +World,90 dead in China rain +Sports,"NL Wrap: Backe Pitches, Hits Astros to Win Over Reds (Reuters)" +World,Karzai lives dangerously in Afghan hotseat (Reuters) +Business,An Actor Working on Madison Avenue +Sports,Untimely Injuries Force Quick Exits at US Open +Sports,Frances-related accident claims Bowden relatives +Sports,Argos WR Andre Rison seems a little underwhelmed by his CFL debut +World,Weeping Families Bury Their Dead as Siege Criticism Grows +World,Israeli Air Strike Kills Militants at #39;Terror Training Field #39; +Sci/Tech,Macromedia starts meter on Web conferencing +Sci/Tech,Blue Gene gets to its roots at Japan lab +Business,"Banks, insurers lead Nikkei higher" +World,"Editor sacked, Arab TV bureau chief arrested over Beslan coverage" +World,Turkish scheme to outlaw adultery #39;threatens EU talks #39; +Sci/Tech,"Helping Frequent Fliers Redeem Miles for Tickets, Online" +Sci/Tech,Konarka to Acquire Solar Technology +World,First witness for Milosevic due +World,Departure sparks reshuffle fever +Sci/Tech,Nokia #39;s Goal: Cell-Phone Planet +Sports,Singhs win topples Tiger from top +Sports,Davenport turns away Venus +Sports,Yankees Win Controversial Game Against Devil Rays (Reuters) +World,China to crackdown on human trafficking amid growing gender imbalance (AFP) +Business,"Mizuho Securities, Japanese farmers #39; bank to boost ties" +Business,Economy steady but job growth moderate +Sci/Tech,UK Regulator Issues VoIP Numbering Plan +Sci/Tech,Babies prefer attractive faces +Sports,Agassi wins; Federer next +Sports,"GOLF ROUNDUP: Singh leads Woods, close to top spot" +Sports,Sports: Petrova upsets top seed Henin-Hardenne +World,Two Embarrassments +Business,"Alitalia plans to cut 5,000 jobs" +Business,US Airways pilots union rejects offer +Sci/Tech,"Hurricane spares shuttles, but ..." +Sci/Tech,New iMac puts mean into lean +Sci/Tech,Rocket failure refuels dream of \$10 million +Sci/Tech,Intel lauds milestone in shrinking chips +Sports,"GOLF NOTEBOOK Singh, not Tiger, shows killer instinct" +Sports,US Open: Agassi sharpens his game for Federer +Sports,UNDATED: in 41 chances. +Sports,Mariners Notebook: Call-ups wowed by Safeco +World,No Kashmir solutions in India-Pakistan talks +World,Padres Clobber Cardinals 7-3 +Business,OPEC chief sees relief +Business,Yukos ready to open new accounts +Business,Markets keep eye on earnings +Sci/Tech,"Gentlemen, Start Your Rockets" +Sci/Tech,"Contract chip makers spared Intel #39;s woes, for now" +World,Army aid as China floods kill 100 +Sports,Red Sox Clobber Athletics 8-3 (AP) +World,"Britain honours war heroes from Iraqi, Afghan campaigns (AFP)" +Business,Army to Rebid Halliburton Contract -WSJ +Business,Sales in line: Wal-Mart +Sci/Tech,The wake of Frances +Sci/Tech,"Sony takes aim at iPod, but its mobile stereo not as good" +Sports,USA #39;s Hull fumes over benching +Sports,Seattle calls up four from minors - including prospect Jeremy Reed +World,Israeli Missiles Kill 13 Militants +World,Roadside bomb kills US soldier +World,Caribbean Islands Prepare for Hurricane +World,Syria raps UN over Lebanon resolution +World,Suspected bird flu claims baby's life in Vietnam (AFP) +Business,Unions may block Alitalia rescue +World,Israeli Missiles Kill 13 Militants +Business,"Asian Stocks: Japan #39;s Nikkei Rises, Led by KDDI; Taiwan Gains" +Business,China to Let Individuals Trade in Gold +Business,FOCUS: Santander Says HBOS Counterbid To Face Problems +Sports,Beckham Main Worry for Eriksson +Sports,"Ortiz, Red Sox set fire to bats at home of A #39;s" +Sports,Notes: Finger sidelines Damon +Sports,Seattle calls up four from minors on expanded roster +World,Angry Russians rally over siege +World,Malaysian PM denies deal with Anwar +World,Israel Loses Spy Satellite +Sports,Vijay Singh Beats Tiger Woods to Take No. 1 Ranking (Update1) +Sports,"Yankees win, denied forfeit" +Sports,Highlights of the college football weekend +World,Hurricane Ivan Continues To Churn Towards The Caribbean +World,"Roadside Bomb Targets Baghdad Governor, 1 Killed (Reuters)" +Business,Dollar Slips Vs. Yen as Greenspan Awaited +Business,Bob Evans Computer Scientist +Business,Yukos feels heat +Business,QBE shares lift on Europe merger move +Business,Airbus confirms Boeing assault +Business,Former Merrill Lynch banker seeks millions +Business,"Canada drips with oil, but it #39;s tough to get at" +Sci/Tech,Oracle #39;s Improved Business Suite +Sports,Gerrard - knows England are under pressure. (Getty Images) +Sports,Winners go full Force at Nationals +Sports,Sox stay in groove +Sports,CC hits cruise control +Sports,Eskimos chill Stampeders +Sports,"NL notebook: Beware right field: Sosa, Grieve injured" +Business,Sensex stays rangebound in early Tuesday trade +World,Australia leaders accused of point scoring +Sports,Vijay takes win in stride +World,Bush Picks Mo. for Labor Day Campaigning (AP) +Business,Nikkei Hits Five-Week Closing High +World,Putin: No Talks with Separatist 'Child-Killers' +World,"Roadside Bomb Targets Baghdad Governor, 1 Killed" +World,"Typhoon Songda Pounds South Japan, Snarls Transport" +Business,Weather dampens High Street sales +Business,Easyjet reports passenger jump +World,Baghdad governor escapes attack +Business,Slip in demand lowers prices for seats on NYSE +Business,FX Asia: Kiwi To Add To 9-Yr High Vs Aussie On Rate Gap +Sports,Anderson makes NHRA history with US Nationals win +Sports,Offence takes day off +Sci/Tech,Effects of hurricane could delay space shuttle launch +World,Israel hits Hamas training camp +World,Pakistan rejects US claim that bin Laden near capture +Business,Army to Rebid Halliburton Contract -WSJ (Reuters) +Sports,Steelers Uncertain of Bell's Status (AP) +Business,Japan's foreign reserves hit record high in August (AFP) +World,Iraq Governor Survives Assassination Bid (AP) +Sci/Tech,"Digital Gear: Gadgets, Networks Go Mobile (PC World)" +Sci/Tech,Co-Op Puts A New Twist On Open Source (TechWeb) +Business,Oracle biding time while court tackles PeopleSoft takeover +Sports,Gamecocks Coach Lou Holtz Goes Hopeful (AP) +World,Australian opposition rushes out tax policy to halt poll slide (AFP) +Sports,Done -- and 1 +Sci/Tech,"Digital Gear: Gadgets, Networks Go Mobile" +Sports,Quarterback faceoff a bit of a throwback +Sports,NL notables +Sports,Yankees settle for single win +Sports,It's Dungy's turn to play defense +Sports,Finns gladly take tip from Eloranta +Sports,Scott's birdie string runs out +Sports,Commonwealth Large capsules +Sports,Patriot League capsules +Business,Amcor cleans out top management ranks +Business,Rivalry you can bank on +Business,Deciphering the Nasdaq +Business,"Bush, Kerry spar over drug benefit" +Business,MRI machines adapt to newest patients: pets +Business,"Alitalia to cut 5,000 jobs in shake-up" +Business,Saudi Arabia cuts oil prices +World,Compromises urged amid deadlock in Darfur talks +World,Four Cabinet members quit over term battle +World,13 Palestinians killed in Gaza strike +World,No progress reported after talks on Kashmir +World,"Victims mourned, officials criticized" +World,Viking burial site found in England +World,"Gentler interrogation is working, US says" +Business,"You take the bus, Ill take the limo" +Sci/Tech,"The Fungi Hunt: So Many Species, Ripe for Finding" +Sci/Tech,"In a Wife's Request at Her Husband's Deathbed, Ethics Are an Issue" +Sci/Tech,A Sociologist With an Advanced Degree in Calamity +Sci/Tech,Where the Healing Touch Starts With the Hospital Design +Business,"5,000 Alitalia jobs may be slashed" +Business,Merrill #39;s \$1ma week liability +Business,Pakistan to consider Indian diesel export offer +Sci/Tech,Matsushita To Launch World #39;s Largest Plasma TV +Sports,Astros pitcher supplies the pop +Sports,Valverde puts heat on Tour leaders +Sports,Golf: Cool-head Luke up for the cup +Sports,Cubs top Expos on five homers +World,Israeli Strike in Gaza Kills at Least 14 Palestinians +World,Palestinians prepare to vote +World,Russia School Siege Stokes Ethnic Tensions (AP) +Sci/Tech,Spammers exploit anti-spam trap +Business,Japan optimism pushes Asia higher +Sci/Tech,Matsushita to unveil world #39;s largest plasma display +Sports,Indians #39; long balls leave Mariners 0-for-September +Sports,Rochus runs aground in 5-set loss to Hrbaty +Sports,Ortiz double breaks it open +Sports,Recharged Americans confident +World,"Putin Attacks West #39;s Chechnya Double Standard, Independent Says" +World,Turkey Must Increase Kurds #39; Rights -Verheugen +Business,"Alitalia, Cushy #39; Jobs Machine, Faces Cost Cuts (Update1)" +Business,"Softbank, Dentsu, Nippon Meat to Join Nikkei 225 Next Month" +Sci/Tech,New Internet magazine grooms women for jihad +Sports,Fiji proud of its new king of golf +Sports,Petrova upends Henin-Hardenne +Business,Virgin in Talks With Chinese Telecom Firm +World,AP: Iran Nuke Fuel Program Starts at Mine (AP) +World,ESPN Star Sports challenge India cricket rights (Reuters) +Business,"Dollar Soft Pedals, Waits on Greenspan" +Business,Will IAMGold merger deal pass or fail? +World,Welcome for freed Kenyan truckers +World,Kerry Launches Second Attack on Bush +World,AP: Iran Nuke Fuel Program Starts at Mine +Business,"Softbank, Dentsu, Nippon Meat to Join Nikkei Average (Update1)" +Sci/Tech,"NATO, Russia to discuss school siege" +Sports,"We #39;ll get it right, claims Gerrard" +Sports,McLaren aim to spoil Ferrari #39;s party +Sports,Sox pick up where they left off vs. A #39;s: Roll up 8-3 win in return <b>...</b> +World,Suicide bomber kills seven US Marines +Sci/Tech,'Amazing' Viking cemetery found +Business,Crude Oil Slides Again +Business,Unions reject Alitalia rescue plan +Business,Seagate Sees Results Above Estimates +Business,manufacturing output falls again +Business,Union rejects US Air proposal +Business,Halliburton Shares Fall on Outlook for Iraq Contract (Update1) +Business,"Cairn Boosts Indian Oil Reserves, Reports Lower Net (Update1)" +Business,Circuit City Sales Trail Estimates +Business,Fleetwood 1Q Profit Sharply Higher +Business,"Bye-bye, floppy. It #39;s been good to know you" +Business,Not that kind of chick +Business,Euro-Zone Growth Continues to Lag in 2Q +Business,Olmert: Erez industrial zone to close before March +Business,"Dollar is down, gold up in Europe" +Sci/Tech,GB: Ofcom entscheidet ber Voice-over-IP Rufnummern Geographische <b>...</b> +Sci/Tech,Shuttle space centre surveys hurricane damage +Sci/Tech,Intel #39;s Rosedale chip brings WiMax closer +Sci/Tech,Intel shifts focus to multicore chip performance +Sci/Tech,Mathematical breakthrough could bring disaster for ecommerce +Sci/Tech, #39;Longhorn #39; Delay Is Linux Gain +Sci/Tech,Sony previews high-definition video camera +Sci/Tech,Open-source CRM firm launches subscription service +Sci/Tech,RFID tags: The people say no +Sci/Tech,"Oracle is in a buying mood, its president says" +Sci/Tech,TiVo and Netflix #39;team for movie downloads #39; +Sci/Tech,Underestimating Bob Evans #39; contributions +Sci/Tech,IDC: Disk Systems Growth in Q2 +Sci/Tech,Forbes: iPod Spin-Off Could Boost Apple +Sci/Tech,"AMD, Infineon to spend \$200m on nanotech know-how" +Sports,Henin-Hardenne Bounced from US Open +Sports,"Mutombo says he #39;s being traded to Rockets; will back up, mentor <b>...</b>" +Sports,I can handle top job says Robinson +Sports,NCAA Game Summary - Nevada at Louisiana Tech +Sports,Lions-NZ tickets set for ballot +Sports,Padres suddenly appear playoff worthy +Sports,FSU moves inside to avoid Frances +Sci/Tech,Spammers exploit anti-spam trap +Sci/Tech,Lower costs prompt internet boom +World,Qureia endorses Hamas revenge +World,Caribbean islands prepare for Ivan +World,Ofek-6 failure considered major setback for Israeli intelligence <b>...</b> +Business,"Canadian Pharmacies Look Overseas for Drug Supply, Paper Says" +Business,Tribunal told of banker #39;s costly underperformance +Sci/Tech,UK gets more phone numbers +Sci/Tech,Intel Looks to Get Back on Track +Sci/Tech,Authentication Is Not an Anti-Spam System +Sports,New stars and stripes: US may bench vets to keep Cup +Sci/Tech,Samsung to Launch Phone with Mini Hard Drive (Reuters) +Sports,Backe Homers and Pitches Astros to Win (AP) +Business,Seagate Sees Results Above Estimates (Reuters) +Sci/Tech,Talking heads are catching on as Web meetings take off (USATODAY.com) +Sci/Tech,Grover parlays 'Street' cred into DVD gig (USATODAY.com) +Business,Circuit City Sales Trail Estimates (Reuters) +Sci/Tech,Finnair Introduces Mobile Check-In Service (AP) +Business,Euro-Zone Growth Continues to Lag in 2Q (AP) +Business,Single mom wants to make most of financial assets (USATODAY.com) +Business,Rite Aid Cuts View as Pharmacy Sales Slow (Reuters) +Business,Stocks Set to Open Up as Oil Prices Fall +Business,Stocks to Watch Tuesday +Business,Seagate Sees Results Above Estimates +Sci/Tech,Frances Damages NASA Space Center (AP) +Business,Circuit City Sales Trail Estimates +Business,Rite Aid Cuts View as Pharmacy Sales Slow +Business,Fleetwood Enterprises Earnings Higher +Business,HealthSouth Names John Workman CFO +Sci/Tech,Reclusive Russian May Have Made Math Breakthrough (Reuters) +Business,Oil Falls; OPEC Says Market Well-Supplied +Business,US army 'to axe Halliburton deal' +Business,UK lawyer opens firm in Pyongyang +World,Top U.S. General in Iraq Sees Shift for Troops --Paper +World,Angry Putin Rules Out Chechen Talks as Crowds Rally +World,"Israel Hits Hamas Training Camp in Gaza, Killing 14" +World,Iran Nears Deal on Renewed Nuclear Freeze +World,First Milosevic Trial Defense Witness Called +World,Taiwan Mulls New Policy to Differentiate from China +Sports,Armenian supremacy for Agassi +Sports,Rochus runs aground in 5-set loss to Hrbaty +World,Mass rallies for Beslan victims +Business,US Airways Pilots Reject Wage and Benefit Cuts +World,Hamas vows Gaza revenge +World,Golf: Singh revels in top spot +World,Museveni rejects war mediation +World,Putin rejects 'child-killer talks' +World,Indian Muslim community growing +World,Blair to reshuffle 'by weekend' +World,Modified animals continue trend +World,Hiroshima group plans 'people's tribunal' over US atomic bombings (AFP) +World,Fierce Clashes in Iraq Kill 34 People +World,14 Palestinian Militants Killed in Gaza +World,10 Deaths Blamed on Hurricane Frances +World,"AL East Race Tight As Yanks, Bosox Win" +World,Fighting Intensifies in Sadr City +World,Hundreds rally against terrorism +World,"Singapore Extends Ban on Malaysian Poultry, Eggs" +Business,"5,000 Alitalia job cuts planned" +Sports,"A #39;s, Sox look like AL #39;s best" +World,"Typhoon Songda Hits Japan, South Korea" +Business,Cairn puts Rajasthan crude output at 5mn tons +Sci/Tech,SKorea #39;s Samsung Electronics develops world #39;s 1st HDD-embedded <b>...</b> +Sci/Tech,MSN Music Service is an average entry in the online stakes +Sports,PREVIEW-Spain looking for huge improvement against Bosnia +World,Ivan stalks Caribbean islands +World,Iraqi militants demand \$5m to free French reporters +Sci/Tech,Introducing the BOFH-brand internet caf #233; +Sci/Tech,AMD heralds OS support for dual-core CPUs +Sci/Tech,ShellShock wins 'Nam battle +Sci/Tech,Samsung to Launch Phone with Mini Hard Drive +Sci/Tech,PC Screen Price-Fall to Slow in Fourth Quarter +Business,Manufacturing Output Drops +Sci/Tech,Air Societal Concerns To Fill Innovation Gaps +Sports,New Napoli club to play in third division +Sports,"MLB: Boston 8, Oakland 3" +Sports,"Padres stop St. Louis, stay in wild-card hunt" +Sports,Rugby: New Zealand expects to make millions out of Lions #39; tour +Sci/Tech,Quattrone's Fate Lies in Firm Hands +Sci/Tech,Floppy Disk Becoming Relic of the Past +Sci/Tech,Back-To-School Now Includes Electronics +Sci/Tech,Homework Problems? Help Is a Click Away. +Sci/Tech,Next Windows Version: 2006 Target +Sci/Tech,Reporting Rip-Offs (As Seen on TV!) +Sci/Tech,Building EBay Businesses +Sci/Tech,Drug Makers Eye RFID Tags in Counterfeiting Fight +Sci/Tech,Poker Proves a Hot Hand For Gaming Industry +Sci/Tech,North Pole 'was once subtropical' +Business,Alitalia unions balk at job cuts +Sci/Tech,XML: Too much of a good thing? +Sci/Tech,Open-source CRM firm offers subscription service +Sci/Tech,RFID tags: The people say no +Sci/Tech,"HP, Sun to resell new high-end Hitachi array" +Sci/Tech,Intel's Rosedale chip brings WiMax closer +Sci/Tech,"Oracle is in a buying mood, its president says" +Sci/Tech,Oracle touts grid computing to open show +Sci/Tech,Sun readies first Opteron blade server +Sci/Tech,Samsung shows cell phone with hard-disk drive +Sci/Tech,Macromedia looks to extend Web conferencing +Sci/Tech,Intel Looks to Get Back on Track +Sci/Tech,What Will Stripped-Down Longhorn Offer? +World,Pro-Maoist union vows to shut 30 companies in Nepal (AFP) +Business,Stocks Open Higher as Oil Prices Retreat +Business,"Oil Extends Falls, Supply Fears Lessen" +Business,Circuit City Growth Misses Estimates +Business,Yellow Roadway Raises Profit Outlook +World,Brother of Ex-Mexico President Found Dead (AP) +World,Bush preaches to choir while trying to win converts on campaign trail (AFP) +Sci/Tech,Court Bars Rubble Removal from Jerusalem Shrine (Reuters) +Sports,Rob White aims for a zero defect finish to the season +Sci/Tech,Cadavers Steal the Show in L.A. +Sci/Tech,City Survives Art Geek Invasion +Sci/Tech,Newton Nuts Show How It's Done +Sci/Tech,Europe Warned About Warming +Sci/Tech,The Evolution Will Be Mechanized +Sci/Tech,Secrecy Hides Cancer Data +Sci/Tech,Keeping Tabs on Invoices to Avoid Billing Errors +Sci/Tech,Hurricane Frances Damages NASA Space Center +Sci/Tech,Drug Makers Take Aim at Counterfeiting Operations +Sci/Tech,More Physical Education Time May Fight Obesity in Girls +Sci/Tech,Chickenpox Vaccinations Lead to \$100 Million Savings +Sci/Tech,Briefly: Samsung to put hard drives in phones +Business,UPDATE 2-Circuit City same-store growth misses estimates +Business,"Yen Advances Against Dollar, Euro as Nikkei Stock Average Gains" +Sci/Tech,Genesis set for stellar return +Sci/Tech,Toxic waste ship sinks off Turkey +Sci/Tech,Microsoft hits back at hackers +Sci/Tech,"Doctors, patients caught in global security web" +Sports,World News: Vijay Singh dethrones Tiger Woods +Sports,Button defends himself +Sports,Sox kick off road trip with win over A #39;s +Sports,Labour Day gridiron classic +Sports,The tough life of a professional athlete +World,Hurricane Ivan Roars Toward Caribbean +World,Delay in Releasing the French +World,Typhoon Songda batters southern Japan +World,British soldier arrested over unlawful killing in Iraq +Sci/Tech,China Vows Tougher Penalties for Web Porn Operators +Business,"Oil Extends Falls, Supply Fears Lessen (Reuters)" +Business,Teflon Bank (Forbes.com) +Sci/Tech,'Longhorn' Delay Is Linux Gain (Ziff Davis) +Sci/Tech,Taking Software for a Test-Drive (Ziff Davis) +Sci/Tech,Sun to Heat Up Carrier Market with New Servers (Ziff Davis) +World,September 11 casts shadow over US presidential election (AFP) +Business,US Airways Stock Falls After Pilot Leaders Rebuff Cost-Cut Plan +Business,US plans to break up \$13B Halliburton contract +Business,Labor unveils tax cut policy +Business,Yellow Roadway Ups Guidance +Business,Yukos Lawyer Summoned As Company Appeals +Sci/Tech,Intel targets 2005 for WiMax roll out +Sci/Tech,Wireless Industry Leaders Publish Open Specifications for Cellular <b>...</b> +Sci/Tech,Internet Music Battles Heat Up +Sports,Williams are team to push Button for championship +Sports,New Napoli club to play in Serie C1 +Business,Circuit City quarterly growth lags +Business,More developers are building #39;green #39; +Sci/Tech,Intel is testing long-range wireless chip +Sci/Tech,Spec Released For Cell-WLAN Handoffs +Sci/Tech,Ericsson Halts Bluetooth Development +Sports,A fight to the finish +Sports,Ireland to tour Japan +World,Brown #39;s koalas for Beslan idea rapped +World,Many killed as GIs fight Shiite rebels in Baghdad +World,Israeli airstrike kills 14 Hamas militants +World,Sudan Peace Talks Stuck on Issues of Security +World,UK soldier held over Iraq murder +World,Thatcher lawyers mull Equatorial Guinea interview request +World,PM lied over children: poll +Sci/Tech,"Did the First Americans Come From, Er, Australia? (Reuters)" +Sci/Tech,Encinitas student wins national science prize +Business,Oil prices fall as storm worries wane +Business,Unions appeal Alitalia job cuts +Business,UPDATE 1-Yellow Roadway raises 3rd-qtr profit outlook +Business,Coeur Still Committed to Wheaton Deal +Business,Eurozone growth slows slightly in second quarter +Sci/Tech,Plunge in LCD prices expected to slow +Sci/Tech,Stick to XP SP2 says Gartner +Sci/Tech,Microsoft: Spyware Can Freeze Computers When SP2 Installed +Sci/Tech,Sony Unveils High-Definition Camcorder +Sci/Tech,Fever pitch for mobile entertainment market +Sports,Film producer De Laurentiis takes over Napoli +Sports,World-Van Basten takes positive approach to Czech test +World,British soldier charged with murdering Iraqi +World,At least 13 killed in Gaza City blasts +Sci/Tech,The Open Source Threat +Sci/Tech,Nokia phones to get Blackberry touch +Business,US Airways Pilots Reject Wage And Benefit Cuts +Business,Seagate Raises Revenue Forecast +Business,Biovail Backs 2004 Earnings on Strong Sales +Business,"TSX dips on gold, energy; Dow rises" +World,"Media wary, Russians sceptical of Beslan coverage" +World, #39;No Blood on Our Headscarf #39; +Sci/Tech,Floppy Disk Fast Becoming Relic of the Past +Sci/Tech,Overture: So Much More Than Pay Per Click +Sci/Tech,Keyboards are <u>old</u> - tap tables to send email +World,Minister to press North Korea to come clean on nukes: Blair (AFP) +Sci/Tech,"TiVo, Netflix Close to Internet Movie Deal-Report (Reuters)" +Sci/Tech,The Open Source Threat (washingtonpost.com) +World,Brunei wedding showcases royalty's enduring role in Asia (AFP) +Business,"Stocks Rise on Oil's Drop, Earnings News" +Sports,"Iranian Judoka Who Refused to Fight Israeli Handed \$125,000" +Sci/Tech,Peugeot Unveils Fuel-Saving Stop Start System (Reuters) +Business,US Airways Shares Tumble on Union Move +Sci/Tech,UK Rolls Out New VoIP Numbers +Sci/Tech,A TiVo/Netflix Hookup? +Sci/Tech,Lexmark Recalls Laser Printers +Sci/Tech,NASA Administrator Offers Support for Kennedy Space Center +Sci/Tech,AMD #39;s German Plant Inflicts Wounds on Rival Intel +Sci/Tech,Oracle Provides Details On E-Business Suite Release +Sci/Tech,Intel Tests Long-Range Wireless Chip +Sci/Tech,Softbank Protests Bandwidth Allocation +Sci/Tech,British Association for the Advancement of Science (BA): Festival <b>...</b> +Sci/Tech,The Open Source Threat +Sci/Tech,Software tracks status of batch processes +Sci/Tech,Sun #39;s Schwartz living a Linux nightmare +Sci/Tech,Hitachi debuts new high-end storage line +Sci/Tech,Symbian Series 80 gets BlackBerry support +Sci/Tech,Tribe challenges American origins +Sci/Tech,Airport Check-In Via Text Messaging On Cell Phones +Sports,Hard Labour Pays Off for World Number One Singh +Sports,Hewitt in Quarterfinals at US Open +Sports,Petacchi snatches second stage win +Sports,Michelin sound the all-clear for Monza +Sports,Suns sign Japanese guard Tabuse +Sports,NFL 2004: Colts try to move on from coming up just short in 2003 +Sports,Howard returns to England; Keller expected to start for US +Sports,"In Miami, Fiedler Gets the Nod for Now" +Sports,Vikings ink Morten Andersen +Business,Oil prices down nearly a dollar +Business,Same Story at Circuit City +Business,Yellow Roadway Raises Earnings Outlook +Business,Honda to build SUV in Ohio +Business,Cephalon subpoenaed by US attorney +Business,HealhSouth Names John Workman Its CFO +World,"BP, BHP Evacuate Workers From Trinidad Rigs as Ivan Approaches" +Business,Greenspan to Bolster Rate Hike View +Business,Hicks Muse to buy cable company in Puerto Rico +World,Two Italian Aid Workers Kidnapped in Baghdad +World,Soldier charged with murder +Sci/Tech,PluggedIn: New Gadgets May Divert Drivers' Eyes from the Road (Reuters) +World,Bin Laden Still At Large 3 Years After US Attacks +Business,Yellow Roadway Raises Profit Outlook (Reuters) +Sports,Fiedler Beats Out Feeley As Dolphins' QB (AP) +Sci/Tech,Laser Printers Recalled for Shock Hazard - CPSC (Reuters) +Sci/Tech,Poker's Popularity Proves a Hot Hand for Gaming Industry (washingtonpost.com) +Sports,Former NFL Star Guilty in Wife's Death (AP) +Sci/Tech,Roger Waters Goes to War with Online Tracks (Reuters) +Business,Mutual Fund Proxy Votes Tell All (AP) +Sports,Titans Feel Reloaded With New Players (AP) +Business,Federated Says Frances Cost #36;20M in Sales (AP) +Sci/Tech,Intel Eyes WiMax Wireless (PC World) +Business,Trial by Fire (Forbes.com) +World,IMF Official Urges Nations on Africa (AP) +Sci/Tech,Open sourcers revolt against Microsoft antispam plan (MacCentral) +World,Honda to build new SUV in Ohio (AFP) +Sci/Tech,McAfee CFO Richards to Retire in December (AP) +World,RCMP help city police search Saskatchewan reserve for clues in Tamra case (Canadian Press) +Business,"US Air Shares Slide, Pilots Reject Offer" +Sci/Tech,"So Long, Long Distance (The Motley Fool)" +Business,"Johnson amp; Johnson in Talks to Buy Guidant, NY Times Reports" +Sports,ESPN Launching College Sports Initiative (AP) +Business,Yellow Roadway Raises Profit Outlook +World,New chief for Algeria's Islamists +Sci/Tech,Hurricane Spills Gallons of Acidic Waste (AP) +Business,U.S. Stocks Climb as Crude Falls +Sports,Hewitt Outclasses Beck to Reach Last Eight at U.S. Open +Business,"Oil Tip-Toes Higher, Watches Stocks, OPEC" +Business,Halliburton May Not Rebid for Iraq Work +World,McGreevey Discusses Resignation in Public (AP) +Business,Mail-Order Drugs Bite Into Rite Aid Sales +Business,ADV: The New York Times Home Delivery +Sci/Tech,Locusts Ravage Key Mauritanian Farming Region (Reuters) +Business,Laser Printers Recalled for Shock Hazard - CPSC +Sci/Tech,Rise in UK Animal Experiments Angers Campaigners (Reuters) +Sports,Fiedler to Start for Dolphins Sunday +Sci/Tech,Hurricane Ivan Charges Into Eastern Caribbean (Reuters) +Sports,Chargers Name Brees Starting QB +Sports,Gold Medallist Sprinter Faces Surgery +World,"U.S. Interfering in Lebanon and Syria, Damascus Says" +Business,Taxman targets Yukos bank account +World,"NATO, Russia to Boost Anti-Terror Cooperation" +World,Britain Arrests Four in Anti-Terror Raids +World,S.Africa Seizes Uranium Enrichment Materials +World,Congress Sets Federal Deficit Estimate at \$442 Billion +Business,Libya gets new mobile phones +Business,LA Lakers star eyes Serbian deal +Business,Hungary's state airline for sale +World,Stocks Climb Higher As Oil Prices Slip +World,Thousands in Russia Rally Against Terror +World,Fiedler Beats Out Feeley As Dolphins' QB +World,Clinton Breathing on Own After Surgery +World,Bush Blames 'Junk Lawsuits' for Job Woes +World,14 Deaths Blamed on Hurricane Frances +World,CBO Projects \$442 Billion Federal Deficit +World,Fierce Clashes in Iraq Kill 36; 203 Hurt +World,Thousands in Russia Rally Against Terror +World,CBO Projects \$442 Billion Federal Deficit +Business,Stocks Rise on Falling Oil Prices +World,Struggle For The Soul Of Islam +Business,Rejecting Rite Aid +Business,Weighing Outsourcing's Impact +Business,Would a Settlement Boost Wal-Mart's PR? +Business,The iPod's Big Brother +Sports,Eriksson to show faith +Sports,Former NFL player Kane pleads guilty to manslaughter +Sports,St. Louis Cardinals Team Report - September 7 +World,"Security, Poverty, Reconstruction Emerge As Key Issues As Election <b>...</b>" +Sci/Tech,"Snubbing the RIAA, Part II" +Business,Airline Shares Up on Oil Pricing Optimism +Business,IMF Official Urges Nations to Do More +Business,UPDATE 4-Circuit City same-store growth misses estimates +Sports,Yuta Tabuse Press Conference Transcript +Sci/Tech,"Lexmark Recalls About 40,000 Printers" +Sci/Tech,NASA Space Shuttles Spared Frances #39; Wrath +Sci/Tech,Genesis samples to shed light on our origins +Sci/Tech,"Red Hat goes after enterpise with Unisys partnership, updated <b>...</b>" +Sci/Tech,Samsung announces phone with hard disc drive +Sci/Tech,Microsoft signals cut prices to combat Linux rivals +Sci/Tech,Open sourcers revolt against Microsoft antispam plan +Sci/Tech,Did Jobs woo Sony boss over iTunes anti-Gates love-in? +Sports,Shearer happy with Souey arrival +Sports,Hold on! Not for the Pats +World,Russia In Turmoil Over School Killings +World,Sadr City clashes kill 22 Iraqis +World,Afghan woman takes on presidential politics +World,French Hopes for Speedy Iraq Hostage Release Fade +World,First Milosevic Trial Defense Witness Called +World,Oil: Reason Behind Coup Bid +Sci/Tech,PluggedIn: New Gadgets May Divert Drivers' Eyes from the Road +Sci/Tech,Laser Printers Recalled for Shock Hazard - CPSC +Sci/Tech,U.S. Land of Potatoes Aims to Be High-Tech Hotbed +Sci/Tech,Lexmark Recalls Laser Printers +Sci/Tech,"Red Hat, Unisys Announce Partnership" +Sci/Tech,Samsung shows cell phone with hard-disk drive +Sci/Tech,"Sun, Novell and Red Hat Back AMD Dual-Core Chips" +Sci/Tech,The sounds of a revolution +Sci/Tech,"Tivo, Netflix Close to Internet Movie Deal - Newsweek" +Sci/Tech,Atari to Reissue Scores of Old Games +Sci/Tech,UK 'will fail pollution targets' +Business,Ford to end second shift at suburban St. Louis plant +Sci/Tech,Softbank chief #39;s hard-nosed ambitions +Sci/Tech,High Blood Pressure Dulls Emotions +Sci/Tech,Sexual Content on TV Spurs Teens Into Action +Sci/Tech,Doctors Expect Full Recovery for Bill Clinton +Sci/Tech,Oracle serves up lower-cost app server +Sci/Tech,Red Hat upgrades security +Sci/Tech,Hitachi debuts new high-end storage line +Sci/Tech,Top McAfee exec to step down +Sci/Tech,WinZip offers fix for security flaw +Sci/Tech,Cisco dangles rebate carrot before resellers +Sci/Tech,Start-up says it can deliver secure VoIP +Sci/Tech,VeriSign to bump up forecast +Sci/Tech,Nokia gets a slice of BlackBerry pie +World,40 killed in clashes in Iraq #39;s Sadr city +World,Israel Strikes Hamas Camp; 13 Are Killed +Sci/Tech,Open sourcers revolt against Microsoft antispam plan +Sci/Tech,Oracle aims for users from start to grid +Sci/Tech,Intel Eyes WiMax Wireless +Sci/Tech,"Tivo, Netflix Close to Internet Movie Deal - Report" +Sci/Tech,Samsung Debuts First Mobile Phone with Hard Drive +Sci/Tech,IP Battle Lines Drawn in Spam Wars +Sci/Tech,Microsoft sees sluggish PC growth ahead +Sports,Petacchi snatches victory again in Zaragoza +Sports,THIS WEEKS COLTS OPPONENT +Sci/Tech,Panasonic Shows 65-Inch Plasma Display +World,Two Italian women kidnapped in Baghdad +World,EU must play straight with Iran +World,French Minister Says Release Of Hostages In Iraq Still Possible +Business,OPEC President: Oil Prices Will Fall +Business,Rejecting Rite Aid +Business,"Huge risk of building US factories paid off for both Honda, Ohio" +Sci/Tech,Nokia phones to get Blackberry touch +Sci/Tech,Sony Unveils High-Definition Video Camcorder +Sports,Button dispute goes before arbitration +Sci/Tech,Google AdSense Expands with Web Search +Sci/Tech,Feeding Googles Froogle with Yahoo Stores +Sci/Tech,News: Caller ID spoofing service for sale +World,Hard-Line Serbian Defends Milosevic (AP) +World,Pakistan's Musharraf seeks Islamic scholars' help in terror fight (AFP) +Business,United Dominion Buys \$897 Million Homes +Business,Circuit City Growth Misses Estimates +World,President Declares War on Terror +Business,Halliburton: May Not Rebid for Iraq Work +Sci/Tech,Search Engines Fueling Online Music Retailers +World,Belarus leader calls referendum +Business,Seagate Floats -- for a Day +World,Disagreement over Blair #39;s call for peace conference +Business,Oil Falls; OPEC Says Market Well-Supplied +Business,Unions at Alitalia Criticize Plans to Slash Thousands of Jobs +Business,Markets rise amid falling oil prices +Sci/Tech,UK Gives VoIP Its Own Area Code +Sci/Tech,Integration Plays Key Role in Oracle #39;s Upcoming 11i.10 +Sci/Tech,BMC directs BSM onto Batch Windows +Sports,Japanese star joins Suns +World,"Tuesday, September 7th 2004" +World,2 Italian Women Kidnapped in Iraq +World,Official campaign opens in Afghan presidential poll +World,What was Natwar chewing at press conference with Kasuri +Business,Civil Society Slights Visiting IMF Chief Rato +Business,Rite Aid Lowers 2005 Financial Projections +Sci/Tech,Seeing double +Sports,PGA Tour needs to bring stars to smaller venues +World,Weaker Hamas retains support +World,Hard-Line Serbian Defends Milosevic +Sports,Vikings Turn to 44-Year-Old for Kicking (AP) +World,Russian Television Shows School Footage (AP) +World,"Saudi Arabia, China agree to formal political dialogue (AFP)" +World,Sponsorship not mentioned for years in department reviews: auditor general (Canadian Press) +World,"Kerry: Bush 'Chose' Iraq War, Americans Pay Bill (Reuters)" +Business,Dollar Falls Before Greenspan Testimony +World,"Israel Hits Hamas Training Camp in Gaza, Killing 14" +Business,Halliburton May Not Rebid for Iraq Work +Business,Battered US insurers brace for 3rd hurricane +Business,"UPDATE 3-United Dominion buys \$897 mln homes, shares fall" +Sci/Tech,"Otellini: Dual-Core, WiMAX Now Key To Intel Strategy" +Sci/Tech,HDS Targets Virtualization with TagmaStore +Sports,Hewitt advances to US Open quarterfinals +Sports,Swimming Canada fires coach +World,Terror in Beslan Not justified by any cause +World,Dozens killed as US troops battle militants in Sadr City +World,Britain wants UN to set Khartoum clear targets over Darfur +World,Bid to Block Naming of #39;Coup Bankrollers #39; +Sci/Tech,Seeing double in software licensing +Sci/Tech,"Prompted by government policy, KTF embraces Java" +Sci/Tech,Airline's interest in mile-high Wi-Fi dives +Sci/Tech,Get ready for SPIT (spam over Internet telephony) +Business,Mellon Financial Corp. will acquire private investment firm +Sci/Tech,Florida Begins Cleanup as More Than 2.5 Mln Still Without Power +Sci/Tech,"Jobs offered to let Sony into iTunes, report says" +Sci/Tech,Macromedia Sells Web Conferencing By The Minute +Sports,"Soccer: Souness can bring good times to Newcastle, says Shearer" +Sports,"Compete against your friends, SI experts and celebrities in this <b>...</b>" +World,Pakistan #39;s Musharraf seeks Islamic scholars #39; help in terror fight +Sci/Tech,Happy Birthday Google +World,Pinochet's Millions Came from Savvy Investing-Son (Reuters) +Sports,Panthers Out to Prove Super Bowl No Fluke (AP) +World,Two Italian Women Abducted in Baghdad (AP) +Sports,Phillies-Braves Game Postponed by Rain (AP) +Sci/Tech,Yahoo to Begin Testing FareChase Travel Search (Reuters) +World,"Hindus Worry Over Christian, Muslim Growth (AP)" +Sci/Tech,Playboy to Feature Video Game Characters (AP) +Business,Oil Prices Fall as Supply Fears Ease +Business,Stocks Rise as Crude Falls +Business,Fleetwood's Vertical Success +Business,NY oil prices fall as storm worries wane +Business,"Alitalia Unions Reject Rescue Plan, Job Cuts" +Business,BA to sell QF stake +Business,"Update 4: Invesco, AIM Advisors Settle for \$376.5M" +Business,Currencies: Dollar falls as traders await Fed testimony +Business,Update 1: Circuit City Says Late Holiday Hurt Sales +Business,UPDATE 1-Tyco says to take charge for bond buy back +Business,Factory output suffers further decline +Business,"Executive Shake-Up Unveiled at CBS, Paramount TV" +Business,"Quattrone, once a star banker, faces sentencing" +Business,Drug Movers Tip Balance Lower +Business,Nevsun plunges +Business,Honda to make new Acura SUV in Ohio +Sci/Tech,Nokia to offer BlackBerry Connect +Sci/Tech,UK Cyberspace Has a New Calling Code +Sci/Tech,A More Conservative Intel Doesn #39;t Add Many Details On <b>...</b> +Sci/Tech,Genesis Space Capsule to Come to Utah Tomorrow +Sci/Tech,Finnair Plans Mobile Check-In +Sci/Tech,Hitachi #39;s Newest Array Pools 32 Petabytes Of Virtual Storage +Sci/Tech,Spaceport Mum on Frances Shuttle Delays +Sci/Tech,Tellabs scales back AFC buy +Sci/Tech,Enter your e-mail: +Sci/Tech,Red Hat Releases New Linux Update +Sci/Tech,Intel Testing Rosedale WiMax Chip +Sci/Tech,Samsung launches camera phone with hard drive +Sci/Tech,KDDI beats DoCoMo in net cell phone subscription growth +Sci/Tech,McAfee Slides on CFO Departure +Sci/Tech,Charles Arthur On Technology +Sci/Tech,Oracle Targets SMBs with App Server Lite +Sports,Singh set to oust Woods again +Sports,Petacchi wins fourth stage +Sports,US means business on trip to Panama +Sports,Dolphins #39; fullback has thigh surgery +Sports,Frances makes impact on Dolphins +World,40 Iraqis killed as Sadr City erupts +World,Italy outraged over aid worker kidnappings +World,UN war crime tribunal calls first witness in Milosevic defense <b>...</b> +World,IAI takes rap for Ofek-6 failure +World,Singapore invited to check farms in Johor +Business,"Russian Tax Authorities Give Yukos Another, Larger Bill" +Business,3Com drops after lowering revenue target +Business,"QRS Jilts JDA, Teams with Inovis" +Sci/Tech,Nokia To Offer BlackBerry Software +Sci/Tech,British ruling cheers VoIP industry +Sports,Titans not worried about Ivan changing kickoff with Dolphins +World,"Russians Rally Against Terror, Bury Dead" +Sports,Fatigue is main fear for Henman +Sports,Leinart becomes a leader of men +Business,Insurers Assess Frances #39; Damage Toll +Sci/Tech,Systems #39;Go #39; in Utah Helicopter Snag of NASA Probe +Sci/Tech,"Lexmark, Dell, IBM laser printers recalled" +Sci/Tech,Enter your e-mail: +Sci/Tech,Hitachi #39;s Big Box Promises More Than Power +Sci/Tech,Samsung Introduces Phone With Hard Drive +Sports,Robinson wants to break free +Sports,Frances #39; wrath lingers in Atlanta +World,Israeli Armored Vehicles Mass in Gaza: Witnesses +World,Putin rules out talks with Chechen rebels +World,Hurricane Ivan Damages Parts of Barbados +World,ASEAN armies exchange intelligence info to combat terrorism +Sports,"Finns in Toronto is case Canada loses, Slovakia #39;s Chara OK to play" +Sports,Redshirt freshman replaces Koch on line +Sports,"Mauresmo Comes Up Short, Hewitt Cruises" +Business,"U.S. Stocks Rise; Oil, Gold Fall" +Sci/Tech,Pilots to Try to Retrieve Genesis Capsule (AP) +World,Lawsuit Uncovers New Bush Guard Records (AP) +World,Edwards Cites Layoffs During Bush Years (AP) +Sports,Hard Labor Pays Off for World Number One Singh +Sci/Tech,George Shultz Endorses Stem Cell Issue (AP) +Business,"Invesco, AIM Agree to \$450 Mln Settlement" +Sports,Roddick Qualifies for Masters Cup +Business,U.S. Stocks Close Higher as Crude Falls +Sci/Tech,Scientist: Extreme Weather Will Kill Millions (Reuters) +Sports,Dementieva Ends Mauresmo's Title Hopes +Sci/Tech,Battered Florida Counts the Cost After Frances (Reuters) +World,"Nev. 1st Touch-Screen, Paper-Trail Voters (AP)" +Business,"Dollar Off, Traders Cautious on Greenspan" +Business,"US Air Shares Sink, Pilots Reject Deal" +World,Israeli Armored Vehicles Mass in Gaza: Witnesses +Sci/Tech,Researchers Release Tree Genome Database (AP) +Sports,Czechs Trounce Sweden to Reach World Cup Semi-Finals +World,U.S. Death Toll in Iraq Reaches Grim Milestone +World,Hurricane Ivan Pounds Eastern Caribbean Islands +World,Marines Say Up to 100 Insurgents Killed in Falluja +Sci/Tech,Some 60 Hippos Die Mysteriously in Uganda (AP) +Sports,Hewitt Looks Toward Another U.S. Open Title +Business,U.S. Stocks Close Higher as Crude Falls +World,"U.S. to Meet Asian Allies, Chinese on N. Korea" +Business,Turkish stocks soar on EU hopes +World,Fewer Asians live on less than \$1 a day +World,Rugby: Woodward for Lions +Business,Dollar May Strengthen Versus Euro Ahead of Greenspan Testimony +Sci/Tech,Shock Hazard Prompts Lexmark Recall +Sci/Tech,Intel plots path of WiMax +Sports,Dolphins #39; FB Konrad has thigh surgery +Sports,"FSU, Miami to battle as ACC rivals, this time" +World,Coup plot inquiry moves to Guernsey bank +World,Ferdinand win Mercury Music Prize +Sci/Tech,1 in 10 not so lucky with XP Service Pack +Sci/Tech,Market hots up with Napster To Go +Sci/Tech,Nokia woos the business market +Sci/Tech,UK Regulator: VoIP Will Benefit Consumers +Sci/Tech,Apache Balks At Microsoft #39;s Licensing In Anti-Spam Standard Sender <b>...</b> +World,"Clinton Talking, Taking Liquids" +World,CBO Projects \$442 Billion Federal Deficit +World,"Russians Rally Against Terror, Bury Dead" +World,Dementieva Advances to U.S. Open Semis +World,"U.S. Military Deaths in Iraq Pass 1,000" +World,Kerry Assails Deficit As Bush's Fault +Sci/Tech,Intel plans for digital planet +Sci/Tech,Calif. to Sue Diebold Over False Claims +Sci/Tech,"Wireless Technology to Rival Cable, DSL - Intel" +Sci/Tech,Noah's Ark plan from top Moon man +Business,Fund firms to pay \$450 million in market-timing case +Sports,HEWITT IMPRESSES IN BECK ROMP +World,Sadr City Erupts Anew +World,Aid workers abducted in brazen raid +Sci/Tech,Saturn's Death Star Lookalike +Sci/Tech,Gemini Telescope Captures Galactic Contortionists +Business,US Air hit by pilots #39; refusal on pay +Sports,Hewitt shuffles straight to last eight +Sports,Graeme Souness Profile +Sports,BYU: Berry may start at QB for Cougars +World,France confirms delay of Iraqi president #39;s visit to France +World,China flood deaths mount to 143 +Sci/Tech,Briefly: Push-to-talk wiretaps on feds' speed list +Sci/Tech,Online music buyers may be saved by... Microsoft? +Sci/Tech,McAfee CFO Richards to Retire in December +Sci/Tech,Oracle #39;s New App Server Targets Midmarket +Sci/Tech,CA adds financial view to management +Business,Frances #39; fallout seen short-lived on Fla. economy +Sports,Irish coach could make ugly history +Sci/Tech,Intel plots path of WiMax +World,British soldier faces murder charge over death of Iraqi man +Sci/Tech,Itanium not meeting Intel's goals +Sci/Tech,"For Intel, the future has two cores" +Sci/Tech,Unisys joins Red Hat Partner Community +Sports,The Atlanta Journal-Constitution +Sports,Win vs. Panama would put US in driver #39;s seat +Sci/Tech,Apple fixes 15 flaws in Mac OS X +Business,Tyco Cuts Debt by \$350 Million +Sci/Tech,Hitachi upgrades storage line +Sci/Tech,"MSN, iTunes and #39;choice #39;" +Sci/Tech,New Oracle E-Biz Suite Aims To Simplify Application and Technology <b>...</b> +Sci/Tech,Oracle Sets Its Sights on Small Biz +Sports,"Yankees withdraw forfeit request, game rescheduled as part of <b>...</b>" +Sci/Tech,GENESIS Returns to Earth: +Sci/Tech,"Lexmark Issues Recall for 40,000 Printers" +World,"BP, BHP Evacuate Crews From Trinidad Rigs; Ivan Nears (Update2)" +Sci/Tech,Tellabs scales back AFC buy +Sci/Tech,Push-to-talk wiretaps on feds' speed list +Sci/Tech,Verizon switches on speedier DSL +Sci/Tech,British ruling cheers VoIP industry +Sci/Tech,Samsung to slot a hard drive into handsets +Sports,"Hewitt advances, Federer to face Agassi" +Sports,Rovers begin boss search +Sports,Willingham is already fired in fans #39; minds +Sports,Holland named AD at East Carolina +Sci/Tech,Sun readies first Opteron blade server +Sci/Tech,FDA picks Maryland company for IT consolidation contract +Sci/Tech,Parallel processing: Coming to a desktop near you +Sci/Tech,"7-Eleven deploys HP technology in 5,300 U.S. stores" +Sci/Tech,Open-source backers revolt against Microsoft antispam plan +Sci/Tech,"Lexmark recalls 39,000 laser printers" +Sci/Tech,FedEx CEO to lead industry security task force +Sci/Tech,Unisys joins Red Hat Partner Community +Sci/Tech,Intel's Rosedale chip brings WiMax closer +Sci/Tech,"Oracle in a buying mood, president says" +Business,"U.S. Stocks Rise; Oil, Gold Fall (Reuters)" +Sci/Tech,Calif. to Sue Diebold Over False Claims (Reuters) +Sports,Dementieva Advances to U.S. Open Semis (AP) +Sci/Tech,Microsoft offers more time to test XP Service Pack 2 +Sci/Tech,"Wireless Technology to Rival Cable, DSL - Intel (Reuters)" +Sports,Get a Ball at the Open? Toss It Back (AP) +World,U.S. Death Toll in Iraq Reaches Grim Milestone (Reuters) +Business,US Airways Appeals Directly to Pilots (Reuters) +Sports,Cubs-Marlins to Play Two Doubleheaders (AP) +Business,"Invesco, AIM Agree to #36;450 Mln Settlement (Reuters)" +Sci/Tech,IDF: Parallel processing coming to a desktop near you +World,Hurricane Ivan Pounds Eastern Caribbean Islands (Reuters) +Sci/Tech,"Lexmark, Dell and IBM printers can pose shock hazard" +Business,Ion appoints administrator +Sports,Titans Not Worried About Storm in Miami (AP) +Sci/Tech,"Tivo, Netflix Close to Internet Movie Deal -Report (Reuters)" +Business,Oil prices rise after Saudi attack +Business,"Ford Recalls About 40,000 Minivans (Reuters)" +Sports,Mutombo says he will join Yao on NBA Rockets (AFP) +Sci/Tech,Nokia To Offer BlackBerry Software (NewsFactor) +World,"U.S. Military Deaths in Iraq Pass 1,000 (AP)" +Sports,"Giants Call Up RHP Foppert, Three Others (AP)" +Sci/Tech,IDF: Otellini confirms Yonah dual-core notebook chip +Sci/Tech,"Red Hat, Novell Linux's Hatfields, McCoys (Investor's Business Daily)" +Sci/Tech,"Novell, Red Hat, Sun Pledge Support for AMD's Dual-Core Chips (NewsFactor)" +Sports,Althea Gibson Honored in Open Tribute (AP) +Sports,Woods Streak Ends As Best Player in Golf (AP) +Sci/Tech,First Look: Rave-MP's Flashy New MP3 Player +Sci/Tech,Parallel Processing: Coming to a PC Near You +Sci/Tech,Intel Confirms Dual-Core Plans +Sci/Tech,Oracle Sets Its Sights on Small Biz +Sci/Tech,Lexmark Printers Pose Shock Hazard +Sports,Lemieux Reigns in Hockey's Shared Memory +Sports,UPDATE 1-Open-Rejuvenated Haas reaches last eight +World,TWO ITALIANS KIDNAPPED IN IRAQ +Sci/Tech,Columnists: Feast of Egos +Sci/Tech,iMac G5: Coolest Computer Ever +Sci/Tech,Spitzer Arrives at Scene of Galactic Collision +Sci/Tech,"Health Highlights: Sept. 7, 2004" +Sci/Tech,Hybrid Sunflower Oil May Keep Arteries Clean +Business,Oil prices to fall by a third: OPEC +Business,Insurers Weather Storm; Stocks Climb +Business,US Airways Pilots #39; Union Leaders Reject Proposal +Business,"Invesco, AIM Advisors in \$450 Million Market Timing Settlement" +Business,"Ford Recalls About 40,000 Minivans" +Business,Modest Scot who has hit the jackpot +Sci/Tech,"TiVo, Netflicks to announce partnership" +Sports,Elated Singh on top of the world +Sports,"Hewitt streak continues, through to last 8" +World,Two Italian women among four aid workers abducted in Baghdad +World,British soldier is charged with murdering Iraqi +World,Milosevic attacks imposition of defence lawyers as #39;legal fiction #39; +World,Israelis Mount New Gaza Raid After Strike on Hamas (Reuters) +Business,Dollar Edges Higher as Greenspan Awaited (Reuters) +Sci/Tech,"Netflix, TiVo Aim to Offer Online Service (AP)" +World,Massive relief operation underway in flood-hit southwestern China (Canadian Press) +World,Suspected terrorist facing deportation says he suffered abuse behind bars (Canadian Press) +Sports,Federer Walks On +Sports,Ogden's Knee Improves; His Status Is Uncertain +Business,Dollar Edges Higher as Greenspan Awaited +Sci/Tech,California to sue e-voting firm +Sports,Eriksson job on line in Poland +Sports,Notes: A new shortstop in #39;05? +Sports,Notes: Crain plays two +Sci/Tech,Heart Disease Should Not Come As A Surprise +Sports,Dodgers land Ledee for depth +Sci/Tech,Atari to Reissue Scores of Old Video Games +Business,Stocks Climb Higher As Oil Prices Slip +Business,Rajasthan black gold makes Cairns glitter +Sci/Tech,Troubled Intel places bet on a new breed of chip +Sci/Tech,Lexmark Printers Pose Shock Hazard +Sci/Tech,Cape Canaveral: KSC employees told to report to work Monday unless <b>...</b> +Sci/Tech,Tellabs Scales Back Price of AFC Deal +Sci/Tech,California to sue Diebold over voting machine-related fraud +Sports,Toppled Woods looks ready to rise again +Sports,Schu #39;s lucky escape +Sports,Fallon Released on Bail +World,Israel frees Palestinian prisoners +World,Milosevic Loses Director Role in His Own Courtroom Drama +Sci/Tech,News: Nevadans to become first to use touch-screen voting that produces a paper trail +Sports,Yankees Miffed With Way Game Was Postponed (AP) +World,Images of Beslan hostages add to Russia's agony (AFP) +Sports,No. 1 Illini Cruise to 78-59 Win +World,"Thousands trapped by China floods as death toll hits 143, 50 more missing (AFP)" +Sports,Red Sox' New Shortstop Fits Like a Glove +Business,Invesco to Pay \$450 Million to End Inquiry of Fund Trades +Business,Rajasthan oil takes Cairn into FTSE 100 +Business,Lifetime Magazine Closing +Business,"The Midas Touch, With Spin on It" +Sci/Tech,Music industry warms to downloads +Sports,Dravid Wins First Cricketer of the Year Award; Flintoff Honored +Sports,A Sport Salutes Its Jackie Robinson +Sports,NBA: Hoop dreams +Business,Dollar Firms Ahead of Greenspan Testimony +Business,OPEC May Decide Oil Price Target in Sept. +Business,BA to Sell \$773 Million Qantas Stake +Sports,Serena Blasts Umpire After Dramatic Defeat +Sports,"AL Wrap: Yankees Rout Devil Rays, Twins Eclipse Orioles" +Sports,Capriati Edges Serena in Titanic Quarter-Final +Business,YUKOS Denies Plans to Sell Refinery +World,Proposed Program Would Remodel Foreign Aid (AP) +Sports,"Players, Team Owners Facing Long Contract Talks" +Business,INTERVIEW: BA Hires Citigroup For Qantas Share Sale +Business,Report: BBC eyes commercial sale +Business,Paying for a Storm That Passed in 1992 +Business,Former Banker Quattrone Faces Sentencing +Business,Update 1: Philippine Shares End Up 3.4 Percent +Business,"CBS Consolidates Network, TV Studio Arms" +Business,"Commentary: Hurricanes, Clinton and the campaign" +Business,Loonie soars on expected rates hike +Business,American beefs up Dallas/Fort Worth service +Business,Circuit City sales increase +Business,Oilsands transportation study calls for \$2.6 B road and rail <b>...</b> +World,Lawmakers Introduce Sept. 11 Legislation (AP) +Business,FTC Pulls Plug on Infomercial Giant +Sci/Tech,Nokia Adds Blackberry Software To Series 80 Devices +Business,Bankruptcy Firm Hired By Airline +Sci/Tech,Intel Demonstrates New Chips +Sci/Tech,Hollywood to Help NASA Catch Space Probe +Sci/Tech,Spaceport Repairs Could Delay Flight +Sci/Tech,"NETFLIX, TIVO HOOKUP CLOSE" +Sci/Tech,"Lexmark recalls 39,000 printers" +Sci/Tech,California AG joins lawsuit suit against voting companies +Sci/Tech,Smart Phone Market Growing More Crowded +Sci/Tech,Sony unveils HDV camcorder +Sci/Tech,Verizon launching upgrade of broadband Net service +Sci/Tech,Microsoft turns attention to customer satisfaction +Business,Army to Rebid Part of Iraq Contract +Sci/Tech,Hurricane Ivan Devastates Isle of Grenada (Reuters) +Sports,Vijay Singh revels in top spot +Sports,World Cup of Hockey: US beats Russia 5-3 +Sports,Bonds moves closer to 700th career HR +Sports,"Beltran leaves after triple, homer due to elbow bruise" +Sports,Beard leads Mystics past Monarchs in overtime +Sports,Sporting News picks Tomlinson over Manning as NFL #39;s best player +Business,Halliburton may ditch Iraq deal +World,"U.S. Iraq Death Toll Hits 1,000, Two Italians Seized" +World,"130,000 in Moscow protest terrorism after deadly siege" +World,10 dead as typhoon pummels western Japan +World,Anwar makes #39;amazing #39; recovery +World,TV airs inside video of school +World,Iran Acknowledges Talks on Renewed Nuclear Freeze +World,Malaysia battle 2nd flu outbreak +World,Taiwanese should not fear Beijing leaders #39; lies +Sports,Top-10 Williams sisters controversies +Sports,"Talking with ... Tiger Woods, PGA Tour" +Sports,ICC Awards ceremony to be held in London tonight +Sports,"For Pirates #39; Williams, Wait Ends Pirates 2, Brewers 0" +Sci/Tech,Applause greets Tivo/Netflix tale +Sci/Tech,Intel discloses WiMAX plans +World,Japan Court Issues Injunction on Fischer Deportation +Sports,SI.com +Sports,SI.com +Sports,Small crowd sees Mystics win in OT +World,Hurricane Ivan Devastates Isle of Grenada +World,Chinese Olympians Sing as Beijing Lures HK Voters +World,Anwar #39;s lawyers on attack in bid to clear his name +World,"Amid insecurity, Afghans ready for presidential vote" +Business,Frances to cost \$3 billion to \$10 billion +Business,US Airways Retains Its Previous Adviser +Business,British Airways selling Qantas stake +Sci/Tech,Sony debuts HD handycam +Sports,Thumbs up for Woodward and Jenkins +World,Noah's Ark plan from Moon man +World,Cricket: Dravid top of the world +Business,Australias Amcor ousts CEO amid cartel probe +Business,Athabasca railway link cost estimated at \$2.6B +Business,A Deepening Debate on Soldiers and Their Insurers +World,Tennis: Capriati wins epic +Business,2 Fund Groups to Pay \$450 Million to End Inquiry +World,Church call over Salvador murder +Business,US Air Pilots Union Balks at Wage and Benefit Cuts +Business,Expected Call for Advance Registration of Drug Tests +World,Johnson Said to Be in Talks for Heart Device Maker +World,Dieters 'likely to put on weight' +Sports,Sorting Out 'Mess' +Sports,ABC Opts For Delay +World,Jenkins starts new life in Japan +World,U.S. Conceding Rebels Control Regions of Iraq +World,Cheney Warns of Terror Risk if Kerry Wins +World,US to vote on intelligence reform +World,Advocacy Groups And Campaigns: An Uneasy Shuttle +World,"To Speed Healing, Ossetians Cling Together" +World,Red Sox Clobber Athletics 7-1 +World,Hurricane Ivan Destroys Homes in Grenada +World,Hurricane Ivan Damages Parts of Barbados +Sci/Tech,"The digital home cometh, says Intel" +Sci/Tech,Intel goes public with WiMAX plans +Sci/Tech,"Intel admits Itanium pains, plots server future" +Sci/Tech,Met Office unveils supercomputer +Sci/Tech,"Before Updating, Wash Your Windows" +Sci/Tech,Hurricane center takes cues from Florida State University +Sci/Tech,Nokia Shrinks 'Brick' Handset to Tap New Markets +Sci/Tech,RIM Launches BlackBerry with Revamped Keyboard +Sci/Tech,"Primus Unit to Pay \$400,000 in Do-Not-Call Probe" +World,"Military toll tops 1,000" +World,Beslan: video of tragic scenes aired +Business,Invesco in \$450 million settlement with SEC +Business,Rite Aid lowers financial projections for fiscal 2005 +Sci/Tech,Multiple processor chips in Intel plan +Sci/Tech,Yahoo Tests Travel Search Engine +World,Editorial: Hostage-takers show no mercy +World,China Begins Floods Clean-Up +Business,"British Airways to sell Qantas stake, expand in Europe" +Business,New Zealand Finance Minister apologises for interest rate hike <b>...</b> +Sports,Red Sox Clobber Athletics 7-1 (AP) +Business,Former Banker Quattrone Faces Sentencing (Reuters) +Sports,Rockies Edge Giants; Bonds Hits No. 698 (AP) +Sci/Tech,RIM Launches BlackBerry with Revamped Keyboard (Reuters) +Sci/Tech,"Matsushita Unveils DVD Recorders, Eyes Higher Share (Reuters)" +Sports,Yankees Paddle Devil Rays 11-2 (AP) +World,Sharon Demands Syria Curb Militants Before Talks (Reuters) +Sports,Tiger may roar now that he #39;s not No. 1 +Sports,"Burnitz HR, not Bonds, steals show" +Sports,Woodward dedictated to Lions +Sports,Kindred: Forfeit request from Yankees #39;ill #39; conceived +Sports,Astros continue winning run +Sports,Cowboys' Testaverde Feels Pregame Jitters (AP) +Sci/Tech,BlackBerry phone rings all the right notes +Business,"Invesco, AIM Advisors Settle for #36;375M (AP)" +World,Colombian Soldiers Charged in Killings (AP) +Sports,World Cup of Hockey: U.S. Beats Russia 5-3 (AP) +Sci/Tech,Smart Phone Market Growing More Crowded (AP) +World,African poverty summit to open with focus on creating jobs (AFP) +World,Baghdad slum alive with bombs +World,Wave machine Hurricane Ivan produces Caribbean swell +Sports,Texas Still Upset by Arkansas Celebration (AP) +Sports,Roddick Wins in Straight Sets Over Robredo (AP) +Sci/Tech,Calif. Joins Electronic Voting Lawsuit (AP) +World,Revenue Canada workers set to begin hitting picket lines Wednesday (Canadian Press) +Sci/Tech,Dell Opens Support Center in China (AP) +World,Gay Republican Group Won't Endorse Bush -NY Times (Reuters) +World,"Bomb Blows Up in Gaza, Israeli Casualties -Sources" +Sci/Tech,RIM Launches BlackBerry with Revamped Keyboard +Sci/Tech,Softbank Protests 3G Service Bandwidth Allocation +Sports,Bonds slugs No. 698 +Sports,Emphasis points to Pats +Business,Paying for a Storm That Passed in 1992 +Business,OPEC May Decide Oil Price Target in Sept. +Business,YUKOS Denies Plans to Sell Refinery +Business,Finance minister appears to tip his hand on Reserve Bank rate hike +Business,Retail Briefs +Sci/Tech,Seagate Raises Revenue Forecast +Business,Falling oil prices fuel increase in stocks +Business,Oilsands rail touted +Business,Nanogen to buy Bothell biotech +Sci/Tech,Space Capsule Heading Back to Earth +Sci/Tech,Intel Outlines WiMax Plans for Upcoming Rosedale Chip +Sci/Tech,Verizon Launches New DSL Service +Sci/Tech,Yahoo gets Travel Savvy +Sci/Tech,Samsung to Launch Phone with Mini Hard Drive +Sports,He #39;s Barry close +Sports,ROBBO: I #39;LL ELECTRIFY ENGLAND +Sports,"Tkachuk awakens, puts Russians on ice" +Sports,Athletics not worth the price +World,Russian school attack offers difficult lessons to learn +Sci/Tech,"Infocus: Metasploit Framework, Part 2" +Sci/Tech,Hollywood to Help NASA Catch Space Probe +Sci/Tech,Filmmakers Examining the 'What Ifs' of Nuclear Power +Sci/Tech,"Information, Please: Wine Goes Digital" +Sci/Tech,Ars Electronica Asks What Will Be Next +Sci/Tech,"Ground Zero, the Long View" +Sci/Tech,The Cellphone That Doesn't Work at the Hotel +Business,"Asian Stocks Lower, Greenspan Awaited (Reuters)" +World,Russia Offers #36;10 Million for Chechen Rebels -Agencies (Reuters) +World,U.S. Army Soldier in New Round of Hearings (AP) +World,Afghans lionise Masood on anniversary of his death (Reuters) +Business,"Oil Tip-Toes Higher, Watches Stocks, OPEC" +World,Israeli Forces Seize Control of Parts of North Gaza +World,Russia Offers \$10 Million for Chechen Rebels -Agencies +Sports,"Oswalt, Astros on a roll" +Sports,NL notables +Sports,Schilling pitches for mates +Sports,Yankees double their fun +Sports,"Staley, not Bettis, handed the ball in Pittsburgh" +Sports,Tkachuk's 4 goals lift US +Sports,Athletics not worth the price +Sports,ESPN going to college for its new channel +Sports,Bank of memories +World,Bounty offered for Chechen rebels +World,Court stops Fischer deportation +World,Pakistan win toss and elect to bat against Australia (AFP) +Business,Chiofaro files plan to skirt takeover +Business,Mass. tech developer to be sold for \$163m +Business,Firms to post drug data +Business,Oil falls as OPEC sees rise in supply +Business,Lawyers predict Quattrone could get tough penalty in his sentencing today +Business,Stent maker's rating is raised +Business,Sports Depot makes a strategic play +Business,Pension fund official joins Lee firm +World,Moscow terror protest draws throng +World,Hurricane buffets eastern Caribbean isles +Business,Gallaher profits up despite tough Europe +Business,"Update 4: Tokyo Stocks Close Lower, Dollar Down" +Sci/Tech,Lexmark recalling printers +Sports,"USA 5, RUSSIA 3: Minor miracle -- Tkachuk #39;s four goals carry USA <b>...</b>" +Sports,Expo #39;s Kim Can #39;t End Win Drought +World,Chilling video shows plight of hostages +World,Italian women kidnapped in raid on relief agency +World,Death toll from China floods reaches 161 +World,Brit soldier charged +World,Israel #39;s eyes in sky #39; plummets into sea +Sports,Gibbs Has Redskins Looking Back to the Future (Reuters) +Business,US Economy's 'Soft Patch' to Linger -UCLA +World,"Bomb Blows Up in Gaza, Israeli Casualties -Sources (Reuters)" +World,Philippines Rescuers Battle Devastating Floods +Business,Double-team changes game for insurers +Business,Honda planning to build new Acura SUV in Ohio +Business,PBS Rides Off with #39;Noddy #39; Deal +Sci/Tech,Star Trek universe to go on-line +Sci/Tech,OpenOSX Debuts New Office +Sports,"Capriati gets break, victory" +Sports,Family first for Piniella +Sports,Dolphins #39; starter job seems week-to-week +World,Bounty offered for Chechen rebels +World,US to fully back Pak chase to catch Bin Laden +Business,Gallaher 1st-Half Net Rises 31 on Eastern Europe (Update1) +Business,Philippine Shares Higher Early; Mkt Eyes 1700 Resistance +Business,London Stock Exchange eyes Asia HQ +Sci/Tech,Film Stuntmen Aim for Space Snatch-and-Grab +Sci/Tech,Verizon Gives Speed Boost To DSL +Sports,- Anthony J. Causi +Sports,Tigers pull out 7-3 win in mistake-filled game +World,"Powell spoke to Singh, Kasuri ahead of talks" +Business,IMF Sees Robust U.S. Growth (Reuters) +World,Belarus' President Announces Referendum (AP) +Sports,Ankiel Throws Scoreless Inning for Cards (AP) +World,AFP Interview: Afghan minister says attacks on NGOs inevitable (AFP) +Business,Investors Await Greenspan for Rate Hints +Business,Tokyo Stocks End Flat +World,Karzai set to be Afghan president in ring of steel +Sports,Playing Away Could Suit Europe -Torrance +World,Russia Offers \$10 Million for Chechen Rebels -Agencies +Business,OPEC may lift oil price target +Business,IMF Sees Robust US Growth +Business,Singapore Shares End Dn On Pft-Taking;Eucon Weak Debut-2- +Business,Modest Growth Seen for Calif. Economy - UCLA Study +Business,Heineken #39;s Net Profit Falls 27 Percent +Business,Invesco deal ends US funds probe +Business,US Stock-Index Futures Decline; Dow Stocks Drop in Europe +Business,"Hong Kong, China Strike New Aviation Deal" +Business,Smoking ban hits cigs manufacturer Gallagher +Business,EU Authorizes First GMO Seeds for Commercial Use +Business,WPP to bid for Grey Global today +Business,"Cash America buys Camco assets, sells Europe units" +Sci/Tech,Nokia adds BlackBerry support to Series 80 handsets +Sci/Tech,Intel shifts course on processors +Sci/Tech,Utah pilot set for a new stunt: Grabbing a piece of the sun +Sci/Tech,Don #39;t Touch That Printer Until You Read This Recall Notice +Sci/Tech,Rosedale chips fuel Intel #39;s WiMax drive +Sci/Tech,State joins lawsuit against Diebold +Sci/Tech,Hitachi launches next-generation USP +Sci/Tech,Business Briefs +Sci/Tech,FRANCE: PSA sets modest target for stop-start fitment of <b>...</b> +Sci/Tech,"Unisys Gets Deeper into Linux, Joins Red Hat Partner Community" +Sci/Tech,Star Trek to boldly go massively multiplayer in 2007 +Sci/Tech,Americans came from Australia: Study +Sci/Tech,Sun Revisits Its Telecom Roots +Sports,Serena Blasts Umpire After Dramatic Defeat +Sports,Vijay doesn #39;t care if you like him; he #39;s No. 1 now +Sports,Federer Walks Into Spot in Quarterfinals +Sports,Brief Yankees to play 2 today +Sports,Irish remain confident after loss to BYU +Sports,Hamilton to quot;hoot and holler quot; his Ryder Cup compatriots +Sports,Rockies get to Schmidt +Sports,Let the emotional joy ride begin +Sports,Padres box score +World, #39;Black Widows #39; behind Beslan tragedy +World,Russia puts price on Chechen rebels +World,Thatcher subpoenaed over coup +World,Brunei reins in the bling for royal wedding +World,Sudan Links Southern Peace Talks to Darfur Rebellion +World,Russia Ready to Strike Against 'Terror' Worldwide +World,Sudan Arrests 14 Islamists for Sabotage Plot +World,"U.S. Deaths in Iraq Top 1,000; Italian Women Held" +World,David celebrates 500th birthday +World,Cheney blasts Kerry terror record +World,Rescuers reach Turkey fire miners +World,New record for Irish demography +Sports,NBA Game Summary - Detroit at Dallas +World,Ankiel Throws Scoreless Inning for Cards +World,Russia: Accidental Blast Led to Siege End +World,Clinton Making Satisfactory Recovery +World,Russia Offers Reward for Rebel Information +Sports,"UF coaches coming, going" +Business,RadioShack Sees '05 Earnings Up (Reuters) +Business,"Francis, Late Holiday Hit Chain Sales (Reuters)" +Business,JetBlue Profit to Be Hurt by Hurricanes (Reuters) +Sports,Five Blue Demons reach double figures +Sci/Tech,"Going price for network of zombie PCs: #36;2,000- #36;3,000 (USATODAY.com)" +Sports,Bryant Accuser's Attorneys Boost Client (AP) +Sci/Tech,Sony to sell large-screen LCD projection TVs in China (AFP) +Sports,Selig Would Welcome Government #39;s Help in Tougher Drug Testing +Business,Mortgage Applications at 4-Month High (Reuters) +Sci/Tech,Mobile phones push Bouygues profits up 92 percent (AFP) +World,African poverty summit opens in Burkina Faso (AFP) +Sports,Seminoles' Beitia Gets Another Chance (AP) +Business,"Fruit Prices May Go Up, But Growers Still Hurt" +World,BA sale of Qantas stake foreshadows alliance shakeup - analysts (AFP) +Business,McDonald's Same-Store Sales Rose 3.9 Pct +Business,"Francis, Late Holiday Hit Chain Sales" +Sci/Tech,Philips' athletic MP3 player hits the track +Sports,Fireworks in Store as Agassi Takes on Federer +Sci/Tech,Texting teens use SMS for help +Business,Salton's Quarterly Loss Widens +Business,Mortgage Applications at 4-Month High +Sci/Tech,Progress Seen in Animal-To-Human Organ Transplants (Reuters) +Sci/Tech,"Scientists Skirt Ice, Politics in the Arctic (Reuters)" +Sci/Tech,Music merger boosts Bertelsmann +Sci/Tech,BBC in talks on Worldwide future +Business,World Bank praises Slovak reforms +Business,Invesco deal ends US funds probe +Sports,A look back -- in tribute +Sports,Denis Chevrier explains the challenge of Monza +Sci/Tech,Stop and start suits Citroen +Sci/Tech,Red Hat updates Enterprise Linux and Unisys alliance +World,Palestinian killed in car blast as Israeli forces take control of <b>...</b> +World,"Foreign leaders, royals arrive for Brunei crown prince #39;s wedding" +Sci/Tech,Intel Demonstrates New Chips +Sci/Tech,Profiling Technology Speeds Up Fast Food +Sci/Tech,Getting Out Of Biotech's Second Tier +Sci/Tech,"Netflix, TiVo Aim to Offer Online Service" +Sci/Tech,Smart Phone Market Growing More Crowded +Sci/Tech,Stealthy doom floats up on mink +Business,Surf Wirelessly at Dialup Speed +Business,Pilots reject US Air #39;s new offer +Sci/Tech,IDF: Complete Intel processor lineup to migrate to dual-cores in <b>...</b> +Sci/Tech,Stunt pilots prepare mid-air snatch of space capsule +Sci/Tech,SPACE PROGRAM NASA #39;s Shuttle Hanger Badly Damaged by Storm +Sci/Tech,Hitachi broadens virtual storage horizons +Sci/Tech,Peugeot Unveils Fuel-Saving Stop amp; Start System +Sci/Tech,Online gaming for Star Trek fans +Sports,"What #39;s next, since Singh has officially surpassed Woods?" +Sports,Open-Fireworks in store as Agassi takes on Federer +Sports,Gibbs Has Redskins Looking Back to the Future +Business,SA must improve productivity - IMF +Sci/Tech,Business Watch +Sci/Tech,Perpetual Entertainment to beam up Star Trek MMORPG +Sports,England too comfortable +Sports,Mickelson signs on as face of Callaway +Sci/Tech,Five tech firms face crossroads +Sci/Tech,Rosedale chips fuel Intel's WiMax drive +Business,Ion Appoints Outside Managers After Banks Cut Credit (Update4) +Business,"Frances blows down Federated sales, profits" +World,Gunmen Take Three Hostage at Ugandan Ministry (Reuters) +Business,Stocks Set to Open Lower; Greenspan Eyed +Business,Stocks to Watch Wednesday +Business,Lenovo Confirms Acquisition Talks +World,Israel's Sharon Agrees to Changes to W. Bank Barrier +World,Gunmen Take Three Hostage at Ugandan Ministry +Business,IMF Sees Robust U.S. Growth +World,Up to 120 Girls Defy French Head Scarf Ban +World,Coroner Discussing Gun Safety Shoots Self +Business,US Stock-Index Futures Decline; Dow Stocks Drop in Europe +Sports,US old-timers engineer own version of miracle +Sports,"Czechs, please, as Swedes made to pay" +Sports,Teenager will play in heady company +World,Violence continues unabated in Iraq +World,UN officials say Palestinian girl shot by Israeli troops while in <b>...</b> +World,More bodies from Indonesian ship found +World,British soldier charged with murdering Iraqi +World,Thatcher Called to Answer Investigators on Coup Plot Sept. 22 +World,"No genocide in Darfur, Sudanese minister says" +Sci/Tech,SK Telecom previews file sharing for 3G phones +Business,"EU delays disputed GMO decision, says time not ripe" +Business,"TiVo, Netflix may join forces" +Business,"Salton Loss Widens, Hurt by Charges" +Sci/Tech,Space/Astronomy Blog Archives +Sports,Sven is cool +World,Italian Leaders Condemn Kidnapping of Aid Workers in Iraq +World,Hurricane Ivan Charges Westward Through Caribbean +Sci/Tech,"Frances Fouls Up Phones, Power" +Sci/Tech,Flight ID Rules Fuel Fresh Furor +Sci/Tech,Voter Bounty Hits Hundred Grand +Sci/Tech,Slide Rule Still Rules +Sci/Tech,"Bright Lights, Burning City" +Sci/Tech,State to Slam Diebold With Suit +Sci/Tech,Hurricane Hammers Shuttle Program +Business,"Before-the-Bell: JetBlue, Oracle Fall (Reuters)" +World,Heineken Profit Falls As Sales Increase (AP) +Business,DJ Sees Profit Shortfall on Weak Ad Sales +World,Israel's Sharon Agrees to Changes to W. Bank Barrier +World,Gunmen Take Three Hostage at Ugandan Ministry +Sci/Tech,Microsoft Delays SP2 Delivery--Again +Business,BA to sell Qantas stake; analysts see alliance shakeup +Business,Chicken strips boost McDonald #39;s +Business,EU Ponders Appeal of Sugar Subsidy Ruling +Business,Stocks may slide +Business,EU approves GMO seed for planting across bloc +Business,"BBC, Media Giants in Talks Over Worldwide Unit" +Business,Cash America Declares Special Dividend Related to Sale of +Business,DJ Sees Profit Shortfall on Weak Ad Sales +Sci/Tech,Nokia #39;s Series 80 handsets to include Blackberry software +Sci/Tech,Red Hat upgrades security +Sports,Tkachuk scores four as US defeats Russia 5-3 in World Cup quarter <b>...</b> +Sports,"With Gibbs back, Redskins raise expectations" +Sports,College Football +Sports,"US beats Russia, advances to semis" +Sports,Gators Anxious To Play; Crowder And Herring Will Play 9/8/2004 +World,Hurricane Ivan Devastates Grenada +World,British soldier charged with Iraqi #39;s murder +World,Anwar Seeks Court Clearance +World,Brunei prepares for royal wedding +Business,"Delta CEO Sees 6,000 to 7,000 Job Cuts (Reuters)" +World,Israel Whistleblower May Marry American (AP) +Business,"Delta CEO Sees 6,000 to 7,000 Job Cuts" +Sports,Spurs overcome sloppy effort to top Bulls +Business,Coke Enterprises Cuts Earnings Forecast +Sports,"Austrians, Italian prevail in slalom" +Business,Boston Scientific's Ireland Plant Cleared +Business,Mylan Says It's Committed to King Deal +Business,BA Reignites Iberia Takeover Talk with Qantas Cash +Business,"UPDATE 2-Delta to cut 6,000 to 7,000 jobs, close Dallas hub" +Business,Coke Enterprises Cuts Profit Forecast +Business,Wal-Mart CEO Sees Culture Change as Lawsuits Mount +Business,Columbus near middle of traffic congestion ranking +Business,Continental Adds Airfare Surcharges +Business,Icahn attempting to block another corporate takeover +Business,"Dow Jones cuts forecast, stock sinks" +Business,Boston Scientific says FDA clears Ireland plant +Business,Salton #39;s 4Q Loss Widens on Charges +Sci/Tech,Intel goes for dual-core +Sci/Tech,"Watch TV, Zoom In" +Sci/Tech,Criticism and Praise for New HDS Storage Platform +Sci/Tech,Cleaning Up Kennedy Space Center After Frances +Sci/Tech,California Joins Suit Against E-Voting Vendor Diebold +Sci/Tech,Tellabs Slashes AFC Buyout Price +Sci/Tech,Microsoft Sets a New Deadline for XP Service Pack 2 +Sci/Tech,Oracle Micro-Sizes App Prices For Small Businesses +Sci/Tech,"Mobile-game market to boom, study says" +Sci/Tech,Apple Issues Mega Security Update +Sci/Tech,Red Hat ups security for Enterprise Linux 3 +Sci/Tech,Fuel savings of 10-15 in cities with PSA Peugeot Citrons <b>...</b> +Sci/Tech,Sony readies high-definition camcorder +Sci/Tech,SugarCRM sweetens new open-source CRM product +Sci/Tech,Star Trek Makes MMO Leap +Sci/Tech,August sees 10 per cent spam drop +Sci/Tech,T-Mobile Flashes Flarion Trial +Sports,The reign has ended +Sports,Fantasy Spin: +Sports,Tkachuk sends #39;em packin #39; +Sports,Reid gets four-year extension through 2010 +Sports,Hamburg hampered by Lauth knock +Sports,"Jets place Mickens on IR, sign Buckley" +Sports,GAME DAY PREVIEW Game time: 10:00 PM +Sports,"For Phil, it #39;s out with Titleist, in with Callaway" +Sports,Can Bonds reach 700 in Coors Field finale? +Sci/Tech,Scientist Has Concerns About Uses of DNA (AP) +Sci/Tech,CT Scan Reveals Dino Skeleton's Secrets (AP) +Sports,Eagles Reward Reid with Four-Year Extension +Sci/Tech,New Fissure Opens on Etna Volcano (Reuters) +World,Bush Laments Loss of U.S. Troops in Iraq (AP) +Sports,"Arsenal, Rosenborg ready for tie" +World,Global survey shows 30 of 35 countries want Kerry in White House (AFP) +Sci/Tech,EU Approves GMO Seed for Planting Across Bloc (Reuters) +World,Report: N.Korean Envoy Warns of Nuclear Arms Race +World,Russia Ready to Strike Against 'Terror' Worldwide +World,Israel's Sharon Agrees Changes to W. Bank Barrier +World,"U.S. Deaths in Iraq Top 1,000; Aid Groups Eye Exit" +World,U.N. Wants Stronger Mandate for AU Monitors in Darfur +World,N.Ireland Peace Deal Revival Far Off - Adams +World,One in Five Germans Wants the Berlin Wall Back +Business,Delta announces job cuts +Sci/Tech,"Lexmark recalls 39,431 printers" +Sports,Relentless Hewitt in quarters +Sports,Winning ways back for Lions? +Sports,Golfing Roundup: Singh ends Tiger #39;s run of 5 in row +World,Palestinian PM threatens to quit +World,Bush laments loss of life in Iraq +World,Delta plans to cut 10 of staff +Business,Africa #39;s Health Worker Exodus: Who #39;s at Fault? +Sports,Roddick having a real blast +Sports,NL race tightens; Bonds homers +Sports,PROBLEMS INCREASE FOR TOPPMOLLER +World,"Kerry, Keeping Up Criticism of Bush, Lists Costs of Iraq War" +Business,BA to offload Qantas stake +Business,"Northwest Backs Down: Following Backlash, Carrier Rescinds GDS <b>...</b>" +Business,Mylan exec blasts financier #39;s plan to block King merger +Business,Accor Hotels Group Reports Drop in Profit +World,Space Capsule Crashes in Utah +World,Group Franz Ferdinand Wins Mercury Prize +World,Jets Lose Cornerback Mickens to Torn ACL +World,New Technology Estimates Fast-Food Demand +World,Stocks Mixed on Greenspan's Assessment +World,"Delta to Cut Up to 7,000 Jobs in 18 Months" +World,"U.S. Military Deaths in Iraq Pass 1,000" +World,"Delta to Cut Up to 7,000 Jobs in 18 Months" +World,Stocks Mixed Ahead of Greenspan Testimony +World,Hurricane Ivan Devastates Grenada +World,North Korea Warns of 'Nuclear Arms Race' +Sci/Tech,Hyundai Motor to set up commercial JV in China +Sci/Tech,Game on for wireless data +Sci/Tech,Woolworths to take on Apple #39;s iTunes +Sci/Tech,Red Hat Packs More Punch Into RHEL 3.0 +Sports,Penn State heading in right direction +Sports,Boston offense sox A #39;s again +World,Turkish mine fire toll rises +World,Palestinian PM Renews Threat to Resign +Sci/Tech,Feds go for hypothetical defence in airline ID case +Sci/Tech,"1,000 workers rally behind Swansea IT strikers" +Sci/Tech,Wi-Fi Alliance unveils media streaming quality tech +Sci/Tech,Interview with the pornogami Grand Master +Business,Greenspan: Economy Regaining Traction +Business,"Delta to Cut Up to 7,000 Jobs" +Business,JetBlue Profit to Be Hurt by Hurricanes +Business,ING Reveals Improper Trading Case Details +Sci/Tech,Spammers given boot by net host +Business,GM Hikes Incentives After Weak Sales +Business,"Job Openings Rise, Hires Fall in July" +Business,Hurricane Ivan Devastates Grenada +Business,Greenspan Economic Forecast Upbeat +Business,"Delta Announces 7,000 Job Cuts" +Business,Continental Airlines Adds Service Fee +Business,Accor hotel chain sees first-half profit jump +Sci/Tech,Lexmark #39;s Laser-Quick Response +World,Italian politicians set aside squabbles to work for release of two <b>...</b> +Sports,Eagles Extend Reid's Contract Through 2010 (AP) +Business,Greenspan: Economy Regaining Traction (Reuters) +Sci/Tech,Cisco Plans to Accelerate New Product Offerings (Reuters) +Business,ING Reveals Improper Trading Case Details (Reuters) +Sci/Tech,"Zombie PCs spam, phish, harass on the sly (USATODAY.com)" +Business,Attacks on Disney #39;s Eisner Abate +Business,Greenspan: Economy Regaining Some Traction (AP) +Sci/Tech,Livewire: Web Aids Search for the Right -- or Left -- Mate (Reuters) +Sci/Tech,Two Programs Rescue Damaged Discs (AP) +World,Japan crush India while South Korea and China struggle (AFP) +World,Auditor general weaves tale of sponsorship abuses (Canadian Press) +Sci/Tech,Nokia Goes Hollywood (The Motley Fool) +Business,Lawsuits Propel Wal-Mart Changes - CEO (Reuters) +Business,Bill Clinton Helps Launch Search Engine +Sports,Mickelson Switches to Callaway Equipment (AP) +Sci/Tech,Intel Silent on Jayhawk Replacement (PC World) +Business,Jury rules 9/11 was two attacks +Business,EU Considers Appeal of WTO Sugar Ruling +World,Football: England v Poland +Business,"Delta to Cut Up to 7,000 Jobs" +Business,Greenspan Says Economic Expansion Was Slowed by Oil Prices +Business,Stocks Are Mixed on Greenspan's Testimony +World,Genesis Space Capsule Crashes Into Desert +World,Intern MD Injects Patient With Olive Oil +World,Russia Threatens to Strike Terror Bases +World,Stocks Fall After Greenspan Testimony +Sports,Woodward Confirmed As Lions Coach +Sports,National League Preview from The Sports Network +World,Russian vow #39;a threat to everyone #39; +World,US soldier among 7 killed: Deputy governor in Iraq kidnapped +World,"India, Pakistan report progress on Kashmir, other disputes" +Sci/Tech,Cisco Plans to Accelerate New Product Offerings +Sci/Tech,Cramming Features Into Phones +Sci/Tech,Sasser Worm Creator Charged With Sabotage +Sci/Tech,PBS: The Video Game Revolution +Sci/Tech,Solar capsule crashes into Earth +Sci/Tech,UK 'green energy' centre created +Sci/Tech,Genesis Space Capsule Crashes In Utah Desert +Sci/Tech,Unusual Number of Storms Hit Land in Florida +Sci/Tech,Newly Identified Gene May Link Alcoholism and Depression +Sci/Tech,Briefly: AOL updates instant messenger +Sci/Tech,Microsoft extends block to SP2 auto update +Sci/Tech,Earnings alert: SCO to cap legal expenses +Business,SEC May Delay Reviews +Sci/Tech,Teenager admits eBay domain hijack +Sci/Tech,"Mobile-game market to boom, study says" +Sci/Tech,Sony readies high-definition camcorder +Sci/Tech,Microsoft under your thumb +Sci/Tech,Five tech firms at a crossroads +Sci/Tech,"EarthLink to offer voice, data Blackberry device" +Business,Independence Continues to Struggle +Sci/Tech,Siemens releases patch for series 65 phones +Sci/Tech,"Nokia plans new, lighter version of Communicator" +Sci/Tech,Intel Silent on Jayhawk Replacement +Sci/Tech,Intel Outlines WiMax Plans +Business,Molson boss says Molson-Coors mer +Business,Mylan chief assails Icahn #39;s plan to stall King acquisition +Business,Cash America Sells 2 European Units +Sci/Tech,Smart Phone Market Growing Rapidly +Sci/Tech,Sony Developing TVs That Zoom in on Screen Image +Sci/Tech,Solar wind space capsule crashes +Sci/Tech,California sues Diebold over voting systems +Sci/Tech,T-Mobile trials Flash-OFDM in the Netherlands +Sci/Tech,New Technology Estimates Fast-Food Demand at Restaurants +Sports,"Tennis: Game, set, errors: Serena pays price" +Sports,RAIN DELAYS START IN NEW YORK +Sports,Robinson pitches for top England job +Sports,Reid gets four-year extension through 2010 +Sports,Japan thrashes India to win fourth qualifier +Sports,Los Angeles Dodgers Team Report - September 8 +Sci/Tech,New GuruNet Beta includes Desktop Search +Sci/Tech,Yahoo Testing Travel Search Engine +Sci/Tech,News: McAfee AV ate my application +Sci/Tech,Motorola Aims to Sharpen Design Edge +Sci/Tech,Dell builds business service center in China +Business,Debit Cards Give Plastic Edge Over Paper +Sci/Tech,EarthLink Takes a Bite of BlackBerry +Business,"WTO confirms big trade powers EU, US must dismantle cotton, sugar <b>...</b>" +Business,Firms to post drug data +Sci/Tech,Capsule from Genesis Space Probe Crashes in Utah Desert +Sci/Tech,Intel unveils plans for multitasking chip +Sci/Tech,Hyundai To Set Up Commercial Vehicle Joint Venture in China +Sci/Tech,3G gets jittery with new super fast rival +Sports,Vijay #39;s officially The Man +Sci/Tech,Motorola Aims to Sharpen Design Edge (Reuters) +Sports,Missouri's Visit a Major Coup for Troy (AP) +World,US drafts new UN resolution on Sudan over Darfur (AFP) +Sports,Miller Lifts Nuggets +World,"Nineteen dead, 17 injured in Turkish mine tunnel fire (AFP)" +Business,Economy in Many Regions Slowed in Summer +Business,"Stocks Slip, Profit Warnings Weigh" +Sports,Illinois Proves Rank +Business,Mortgage Delinquencies Up +Sports,Kidd Returns in Win +Sci/Tech,Space Shuttle Repairs Could Top #36;2.2B (AP) +World,Italy unites behind Iraq hostages +World,"Arabs Want Reform, But Cool to U.S. Help - Poll" +World,Bush Backs Budget Authority for New Intelligence Post +World,Space Capsule Crashes in Utah +Business,"Delta to eliminate D/FW hub, cut jobs to save \$5 billion" +Business,"UPDATE 1-US mortgage delinquencies up, foreclosures down" +Sci/Tech,Demands over mobile radiation +Sci/Tech,Land of Potatoes Aims to Be High-Tech Hot +Sci/Tech,"Genesis Crash a Disappointment, But Was a Better Simulation" +Sci/Tech,Intel Pushes Dual-Core Tech to Mainstream +Sci/Tech,Nokia to launch all-in-one phone +Sci/Tech,EMC quot;buy quot; +Sci/Tech,Microsoft extends life of XP SP2 download blocker +Sci/Tech,Mobile Gaming Ongoing Revenue Booster +Sci/Tech,T-Mobile starts first European test of a Flarion network +Sci/Tech,Sybase Offers Database to Linux Community +Sci/Tech,Should Star Trek Die? +Sports,Eagles ink Reid through 2010 +Sports,Astros outfielder Beltran day-to-day +World,Putin #39;s response +World,Abduction planned to the second +Business,Continental to begin ticket surcharges +Business,Coca-Cola Enterprises Cuts 2004 Outlook +Business,270K Fewer Workers Will Have Been Hired In 2004--ITAA +Sci/Tech,"Lexmark recalls 39,400 US printers" +Sci/Tech,Hitachi upgrades storage line +Sci/Tech,Microsoft Doubles Blocking Time For SP2 +Sports,Cycling: Menchov wins fifth stage in Spain +World,Russian hostage town mourners vent anger at Putin +World,"Nineteen Dead, 17 Injured In Turkish Mine Tunnel Fire" +World,Brunei Prepares for Asia #39;s Lavish Wedding of the Year +Sports,Tension-Filled Nights Loom for Europe's Big Guns +Sci/Tech,German teen indicted over Sasser computer worm (AFP) +Sports,Eagles Reward Reid with Four-Year Extension +World,Lawmakers call on White House to back renewal of ban on assault weapons (AFP) +World,New probe opened into death of US football star-turned-soldier (AFP) +World,Iran faces 'nuclear ultimatum' +Business,Study: meager recovery for IT job market +Business,Dow Jones Sees Shortfall on Weak Ads +Business,Brussels approves GM oilseed rape +Business,"InBev #39;s Labatt to Cut 180 Jobs, Close Canada Brewery (Update1)" +Sci/Tech,NASA Capsule Containing Solar Wind Particles Crashes (Update1) +Sci/Tech,Nokia Announces 9300 Smartphone +Sci/Tech,Hitachi Ups High-End Storage Ante +Sci/Tech,"Honey, I Shrunk the Price" +Sci/Tech,Apple security hole fixes +Sports,Menchov wins fifth stage; Manuel Beltran takes lead at the Spanish <b>...</b> +Sci/Tech,Study: meager recovery for IT job market +World,"Kerry Links Iraq War, U.S. Economic Woes (AP)" +World,Judge Finds Abortion Ban Unconstitutional (AP) +World,UN Watchdog Says Work Hindered by Absent U.S. Audits +Business,"Delta warns of bankruptcy as it moves to cut 7,000 jobs" +Business,"BA to sell Qantas stake, cutting debt" +Business,Texas Instruments Trims Revenue Estimates +Business,Grey Global awaiting bidders +Business,UPDATE 4-Mylan says committed to King deal despite Icahn +Business,Continental adds fees to some ticket purchases +Business,Nursery chain to liquidate +Business,Cincinnati drivers stuck in the slow lane +Business,Concerto Buys Rockwell Unit +Business,GM boosts incentives on #39;05 models +Sci/Tech,NASA space probe crashes in desert +Sci/Tech,Fossil find proves dinosaurs looked after their babies +Sci/Tech,ITAA: IT job growth to slow for rest of 2004 +Sci/Tech,Criminal investigation of voting machine maker Diebold dropped +Sci/Tech,Microsoft Doubles Blocking Time For SP2 +Sci/Tech,NASA prepares BlackBerry backup +Sci/Tech,HDS unveils TagmaStore array +Sci/Tech,Tellabs Slashes Price of AFC Merger +Sci/Tech,AOL updates instant messenger +Sci/Tech,Red Hat Now at #39;NX #39; Level +Sci/Tech,T-Mobile tries start-up #39;s wireless technology +Sci/Tech,Study: Spammers use e-mail ID to gain legitimacy +Sci/Tech,Sybase Offering Flagship Database For Linux +Sci/Tech,Mars Was Watery for Eons +Sci/Tech,Sasser kid charged with computer sabotage +World,"U.S. Deaths in Iraq Top 1,000, Aid Groups Eye Exit" +Sports,World-Klinsmann encouraged by brave draw with Brazil +Sports,Soccer: Del Piero answers critics by steering Italy to narrow win +Sports,Switzerland and Ireland share spoils +Sports,Left-hander hopes to start Saturday +Sports,Matsui breaks out of slump as Yankees thrash Rays +Sports,"BYU doesn #39;t renew contracts of men #39;s, women #39;s athletic directors" +Sports,Russian Cyclist Menchov Wins Tour of Spain 5th Stage +World,U.S. Piles Pressure on Sudan with New U.N. Measure +World,Envoy Calls Russia #39;s Threats Dangerous +World,US Sees No Immediate Push for Sanctions on Iran +World,MINE FIRE KILLS 19 IN TURKEY +World,Confusion Over Fate of French Hostages in Iraq +World,Milosevic #39;s new defense may curb his offense +World,UN welcomes India-Pakistan talks +World,"Typhoon Songda Lashes North Japan, 30 Reported Dead" +World,Afghans remember slain anti-Taliban commander amid tight security +Business,Ex-Banker Quattrone Gets 18 Months Prison +Business,Greenspan: Economy Regaining Traction +Sports,"NBA Wrap: Kidd Returns, Lifts Nets to Victory" +Business,"Delta to Cut Up to 7,000 Jobs" +Sports,U.S. Open Apologizes to Serena After Overrule Error +World,Italy plays role of Europe's immigration gatekeeper +Business,Cold Winter Seen Boosting Heating Demand +Business,"Not a Pretty Picture for Avon, Stock Down" +Business,U.S. Stocks Slip as Profit Warnings Weigh +Business,Treasuries Rise on Greenspan's Remarks +Business,Economic Growth Slowed in Many Regions +World,"Soldiers Detain 14 Iraqis, 10 Bomb Makers (AP)" +Business,Texas Instruments Trims Revenue Estimates +Sports,Dolphins Acquire RB Gordon from Rams +Sci/Tech,15 U.S. Agencies Told to Share Earth Data (AP) +Business,Quattrone Gets 18-Month Sentence +Sci/Tech,Plants - the Silent Witnesses to Crime (Reuters) +World,SA drops WMD violations charges +World,Guantanamo prisoner to be freed +Business,Wall Street star Quattrone jailed +World,Reporters on the Job +Sci/Tech,"Space Probe Fails to Deploy Chute, Slams into Earth (SPACE.com)" +Sci/Tech,"Cubesats: Tiny Spacecraft, Huge Payoffs (SPACE.com)" +World,New batteries aid climate battle +World,"Kerry, Sharpening Criticism of Bush, Lists Costs of Iraq War" +Business,Fed Chief Hints at More Interest Rate Rises +World,"Kerry Links Iraq War, U.S. Economic Woes" +World,Stocks Drop After Greenspan Testimony +World,Genesis Space Capsule Crashes in Utah +World,At Least Nine Killed by Hurricane Ivan +World,Eagles Extend Coach's Contract Four Years +World,"Bush Visits Fla., Gives \$2B in Relief Aid" +World,Bacall Balks After Kidman Called 'Legend' +Sports,Astros Beat Reds 5-2 for 12th Straight Win +Sports,Browns' Winslow Buys Dad's Jersey Number +World,Russia Offers Bounty for Chechen Rebels +World,Musharraf takes Blair into confidence +Sci/Tech,Intel looks to fend off AMD with new 2006 chipset +Sci/Tech,<em>Register</em> accused of publishing lies! +Sci/Tech,Microsoft Puts Fingerprint Readers Into Hardware +Sci/Tech,"House Panel OKs Copyright, Spyware Bills" +Sci/Tech,"Panel Moves Against Spyware, Net Piracy" +Sci/Tech,Cystic fibrosis stem cells made +Sci/Tech,U.S. Faces Growing Feral Cat Problem +Sci/Tech,"Poachers Target Musk Deer for Perfumes, Medicines" +Sci/Tech,Motions in Nearby Galaxy Cluster Reveal Hidden Superstructure +Business,Stocks Lower After Greenspan Testimony +Business,Ex-Banker Quattrone Gets 18 Months Prison +Business,Consumer Borrowing Jumps by 6.4 Percent +Business,Cullen makes monetary gaffe +Sci/Tech,Genesis capsule carrying solar dust crashes +Sci/Tech,Nokia 9300 QWERTY Communicator +Sci/Tech,Teenager indicted over Sasser computer worm +Sports,Del Piero recalled for Italy +Sports,Three red cards in Cardiff +Sports,"Europe: Vieira sent off: wins for England, Italy" +World,US demands Iran suspend all enrichment-related activities +World,Flood threat in China not over yet +World,US analyst testifies on Bosnian war as a Milosevic defense witness +Sci/Tech,"Briefly: Dolby, Intel sound off for developers" +Sci/Tech,Czech out this Microsoft Office alternative +Business,US stocks remain lower after Greenspan #39;s comment +Business,Florida storms cutting a wide economic path +Business,"NZ Dollar Gains, Bonds Fall After Central Bank Raises Rates" +Sci/Tech,California Joins Suit Against E-Voting Vendor Diebold +Sci/Tech,XP SP2 Deadline Extended +Sports,ENGLAND: Tradition is the key +Sci/Tech,At IDF: iMac look-alikes and monitors as hats +World,Top Iraqi Official Abducted +World,"Despite IDF operation, Qassams hit Sderot" +Sci/Tech,"Intel demos dual core, uncorks Napa" +Sci/Tech,Intel marketing exec headed for Cadence +Sci/Tech,Steve Jobs back at Apple +Sci/Tech,Study: Spammers use e-mail ID to gain legitimacy +Sci/Tech,T-Mobile tries on start-up's wireless gear +Sci/Tech,"Dolby, Intel sound off for developers" +Sci/Tech,High-tech feng shui +Sports,Astros Beat Reds 5-2 for 12th Straight Win (AP) +World,World Wants Bush Out of the White House: Poll (Reuters) +Sci/Tech,Microsoft Puts Fingerprint Readers Into Hardware (Reuters) +Business,Ex-Banker Quattrone Gets 18 Months Prison (Reuters) +World,U.S. Sees No Immediate Push for Sanctions on Iran (Reuters) +Sci/Tech,"Facing pressure, ISP Savvis moves to cut off spammers" +World,"Hurricane Ivan Kills 20 in Grenada, Heads West (Reuters)" +Sports,"NBA: New Jersey 88, Toronto 86" +Sports,Rockets Trade With Bulls for Mutombo (AP) +Sci/Tech,Sybase releases free Express database for Linux +Sports,New York Knicks Sign Bruno Sundov (AP) +Sci/Tech,REVIEW: Microsoft Print Reader Delivers (AP) +Sci/Tech,HDS unveils TagmaStore array +Sci/Tech,Women Make Small Inroads in Game Industry (AP) +Sci/Tech,Texas Instruments Trims Revenue Estimates (Reuters) +Sci/Tech,ITAA: IT job growth to slow for rest of 2004 +Sports,Singh voted PGA player of the year +Sci/Tech,"Unisys Gets Deeper into Linux, Joins Red Hat Partner Community (NewsFactor)" +Sports,Ware May Be Georgia's Next Herschel Walker (AP) +Sci/Tech,Keeping the Open-Source Spirit Alive in a Commercial World (NewsFactor) +Business,Consumer Borrowing Jumps by 6.4 Percent (AP) +Sci/Tech,"For Wall Street, 9/11 lessons three years in the making" +Sports,Riley Becomes Father Ahead of Ryder Cup (AP) +Sci/Tech,Nokia Offers Slimmed-Down 9300 Communicator (NewsFactor) +World,"Search half-finished at Saskatchewan reserve, still no clues to Tamra's fate (Canadian Press)" +Sci/Tech,SugarCRM sweetens new open-source CRM product +Business,RadioShack Announces 3-Year Growth Plan (AP) +Sports,Celtics' Broadcaster Taken to Hospital (AP) +Sci/Tech,Cisco plans to accelerate new product offerings +Sci/Tech,Microsoft offers more time to test XP Service Pack 2 +Sci/Tech,Intel silent on Jayhawk chip replacement +Sci/Tech,Leaked memos link spammers to ISP Savvis +Sci/Tech,Intel unveils Yonah dual-core mobile chip +World,World Wants Bush Out of the White House: Poll +Sci/Tech,ITAA sees limited IT job growth in '04 +Business,Brazil wins double trade victory +Business,Frank #39;s Nursery and Crafts Closing +Business,Update 1: Judge Backs Owens Corning on Exec Bonuses +Business,Mortgage rates at Canadian banks headed higher after Bank of <b>...</b> +Sci/Tech,Also from this section +Sci/Tech,Nokia picks BlackBerry for Series 80 upgrade +Sci/Tech,Hitachi spruiks new storage line +Sports,Moldavia-Italy 0-1: Its Payback Time For Del Piero +Sports,Savage quot;Gutted quot; after Red Card +Sports,FOOTBALL LIVE REPORTS +Sports,Marlins sign pitcher David Weathers to bolster staff for playoff <b>...</b> +Sports,"Roddick, Fish to lead US against Belarus" +Sci/Tech,Intel's Dual-Core Chips Debut +World,"13 dead, nine injured in Turkish mine tunnel fire" +Sci/Tech,"News: House Panel Moves to Criminalize Spyware, Net Piracy" +Sci/Tech,NASA Says Fixing Space Shuttle Fleet Could Top \$2 Billion +Business,Stock rally hits a bump +Business,FAO Schwarz Takes High Road for Survival (Reuters) +World,Mayan Indians End Guatemalan Dam Seizure +World,EU vows to fight Aids epidemic +World,Hollywood Reporter Hails 100-Episode Mark +Business,Verizon sells Canadian directory operations +Sci/Tech,Scientists left to pick up the pieces over the \$250m can that fell <b>...</b> +Sci/Tech,"House Panel Moves to Criminalize Spyware, Net Piracy" +Sports,Tennis: Federer still on tap for night session at rain-plagued US <b>...</b> +Sports,Rain Threatens US Open Wash-Out +Sports,"NFL, ABC Cover Their Butts" +World,Terrorists at work: video shows gym being wired +World,EUs Verheugen Calls for More Kurdish Rights in Turkey +Sci/Tech,"Health Highlights: Sept. 8, 2004" +Sci/Tech,U.S. Agencies Told to Share Earth Data +Business,"Delta to Lay Off 7,000" +Sports,Three sent off before Earnshaw saves Wales +World,"Kashmir difficult issue, says Powell" +World,Blair ally handed key role in British cabinet reshuffle (AFP) +World,Powell to say Thursday if Darfur deaths are genocide (AFP) +Business,Ex-WorldCom CEO Wants Witness Immunity +World,AdWatch: Kerry Accuses Bush on Iraq Money (AP) +Sci/Tech,Study Shows Dirty Air Lowers Lung Capacity +Sci/Tech,Hurricanes Bring Environmental Renewal +Sci/Tech,Sasser Worm Creator Charged With Sabotage +Business,BA selling stake in Qantas +Business,ING Names Business Units in Trade Woes +Sci/Tech,Microsoft Doubles Delay Period for XP SP2 Tool +Sci/Tech,Savvis cancels spammers #39; accounts +Sports,Turks hold Greece to goalless draw in World Cup qualifying +Sports,Scotland Must Accept Point +World,US circulates Sudan draft resolution +Business,House OK's Disclosure of Pension Info +World,Barnes Upset About Helping Bush Avoid War (AP) +World,GOP House Leaders Confident of Tax Cuts (AP) +Sports,Falcons' Brooking Hoping to Play in Opener (AP) +World,Powell Leans Toward Genocide Finding in Darfur (Reuters) +World,A Daily Look at U.S. Iraq Military Deaths (AP) +World,Hurricane Ivan Kills 12 in Grenada (AP) +World,"UN council mulls Sudan resolution, US to speak on genocide (AFP)" +World,Watchdog slams human rights violations in Hong Kong ahead of polls (AFP) +Sports,Weather Washes Out Tampa Bay-Yankees Games (AP) +World,Tokyo Stocks Open Lower; Dollar Down Aga (AP) +Business,BA cuts debt with Qantas sale +Business,"Delta Air Lines to cut 7,000 jobs" +Business,Fed Chief Sees More Traction in Expansion +Business,BA merger with Iberia steps closer after 425m Qantas sale +Business,Ex-Wall Street Banker Sentenced in Federal Obstruction Case +Business,"Former Invesco chief agrees to \$500,000 penalty, industry ban to <b>...</b>" +Business,New Zealand lifts rates again +Business,WPP and Havas in Grey Global chase +Business,Irish pubs ban and German tax take toll of Gallaher +Business,Perle says Hollinger bosses misled him +Sci/Tech,Intel demos dual-core chip at IDF +Sci/Tech,Two decades of DNA fingerprints +Sci/Tech,Microsoft confident XP update will baffle hackers +Sci/Tech,Laser Printer Recall +Sci/Tech,Microsoft Introduces Fingerprint Recognition +Sci/Tech,Fly-eating robot takes first slow steps towards danger zone +Sci/Tech,Hitachi strikes new direction with Lightning +Sci/Tech,Sony to sell big-screen LCD projection TVs in China +Sci/Tech,Controversial Microsoft security plan heads for Longhorn +Sports,Tennis Needs Instant Replay +Sports,England pull Eriksson out of the fire +Sports,Mission Accomplished! +Sports,UPDATE 1-Del Piero ends goal drought as Italy win again +Sports,American League Game Summary - Minnesota At Baltimore +Sports,ABC Opts for Delayed Gratification +Sci/Tech,T-Mobile Tries Out Flarion Mobile-Broadband Data System +Sci/Tech,Spammers Using Authentication To Dodge Detection +World,AJK leaders meet Kashmir committee: Shift in Kashmir policy <b>...</b> +World,Hong Kong Legislative Election to Test Pro-Democracy Sentiment +World,Malaysia #39;s Anwar Confident of Courts +World,Typhoon subsides after killing at least 31 +World,Britain #39;s nuclear deadline for Iran +Sci/Tech,NASA hopes to recover Genesis capsule +Sci/Tech,DNA fingerprinting #39;no longer foolproof #39; +Sports,Eriksson: We learned from mistakes +Sports,Sports: Padres 10 Cardinals 5 +World,As Hong Kong Prepares for Election +Sci/Tech,DNA Fingerprint Discoverer Has Concerns +Sci/Tech,Spammers embrace email authentication +Business,Qantas Says British Airways Sold Stake +Business,AFC Enterprises to sell Cinnabon to Roark Capital +Business,"Bertelsmann 1st-Half Profit Jumps on TV, Music Units (Update2)" +Sports,FA explains player silence +World,"UN council mulls Sudan resolution, US to speak on genocide" +World,India-Pakistan launch #39;group tourism #39; +World,Malaysian opponents have no case: Anwar +World,Milosevic rejects trial defence lawyers +Sci/Tech,Space Probe Fails to Deploy Its Parachute and Crashes +Sci/Tech,Europe gets first #39;better than 3G #39; mobile trial +Sports,Singh Makes It to Top And Is Hoping to Stay +Sports,Roddick to play in Davis Cup semifinals +World,"Hurricane Ivan Kills 20 in Grenada, Heads West (Reuters)" +Business,"Stocks, Dollar Slip, Oil Off, Gold Up (Reuters)" +Business,House OK's Disclosure of Pension Info (Reuters) +Sports,Twins Romp Past Orioles 9-0 (AP) +Sports,Marlins Stop Reeling Mets 3-0 (AP) +World,Russia Threatens to Strike Terror Bases (AP) +World,U.S. Jets Hit Insurgent Areas in Fallujah (AP) +Business,Greenspan: Economy Regained Some Traction (AP) +Sci/Tech,A New-Age Reference (washingtonpost.com) +Sci/Tech,Video Game Review: 'Political Machine' (AP) +Business,Former Invesco Chief Agrees to #36;500G Fine (AP) +Sports,Royals-Tigers Game Postponed by Rain (AP) +Sci/Tech,Genesis Capsule Slams Into Utah Desert (AP) +Sports,Kuznetsova Reaches First Grand Slam Semi +Sci/Tech,NASA: Fixing Shuttle Fleet Could Top #36;2B (AP) +Sports,Rice shatters NFL yardage record +Sports,Davenport Storms Into Semi-Finals +Sci/Tech,DNA Fingerprint Discoverer Has Concerns (AP) +World,Powell Leans Toward Genocide Finding in Darfur +Sports,"After Waiting a Long Time, Davenport Keeps It Short" +Sports,Singh Makes It to Top and Is Hoping to Stay +World,Murali upset over awards +Business,Fed Chief Sees More Traction in Expansion +Business,"Delta Aims to Cut Jobs 12, Drop a Hub and Reduce Pay" +Business,An Elder Challenges Outsourcing's Orthodoxy +Business,Oil Explorers Searching Ever More Remote Areas +Sports,NFL Blocked From L.A. +World,"For 1,000 Troops, There Is No Going Home" +World,Effort to Renew Weapons Ban Falters on Hill +World,"Since 9/11, Rich Arabs Again Frolic in Lebanon" +Sports,"England, Italy, France Win" +World,Davenport Easily Defeats Asagoe at Open +World,Hurricane Ivan Kills 12 in Grenada +World,Barnes Upset About Helping Bush Avoid War +Sci/Tech,Ebbers' Lawyers Seek Immunity For Witnesses +Sci/Tech,A New-Age Reference +Sci/Tech,Executives Plan Online Memorial To 9/11 Victims +Business,"Update 1: Brazil Wins Trade Battles Against US, EU" +Business,Clinton #39;s My Life helps Bertelsmann triple profit +Business,Japan Current Account Surplus Up 8.2 Pct. +Business,Dow Jones Lowers Guidance on Fewer Ads +Sports,Morrison exploits holes in Swiss cheese defence +World,Spice Isle in ruins +Sci/Tech,PeopleSoft flap may be hurting Oracle's image +Sci/Tech,Controversial Microsoft plan heads for Longhorn +Sci/Tech,Ultra wideband may get wider +Sci/Tech,"Honey, did you remember to call the DVD recorder?" +Business,Ion Appoints Outside Managers After Banks Cut Credit (Update3) +Sci/Tech,Review: Recovery Programs Rescue Damaged Discs +World,Dignitaries arrive for wedding of Brunei #39;s crown prince +World,Hurriyat is not the only face of Kashmiris +Sci/Tech,Protests Powered by Cellphone +Sci/Tech,The Tablet PC Takes Its Place in the Classroom +Sci/Tech,"Out for V-I-C-T-O-R-Y, but Missing Tiles" +Sci/Tech,How I Got That Schwag: A Boldfaced Online Spree +Sci/Tech,Semiconductors Offer a New Way to Cut the Cord +World,Traffic jams green light for love (Reuters) +Business,Stocks Slip as Profit Warnings Weigh +Sci/Tech,"In High-Speed Households, She Surfs, He Snores" +World,US steps up pressure over Darfur +Sci/Tech,A Library and Cinema in Your Pocket +Business,British Airways Raises A\$1.1 Bln From Qantas Sale (Update2) +Business,Freaky Future: #39;R #39; Word in Economic Forecast +Sci/Tech,The end of Genesis +Sci/Tech,Microsoft introduces fingerprint recognition +Sci/Tech,"House Panel Moves to Criminalize Spyware, Net Piracy" +Sci/Tech,Sybase masquerades trial offering as #39;freely deployable #39; database +Sports,Ump #39;s gaffes set replay talk aflame at US Open +Sports,Patriots eye Super return +Sports,Season over for Seattle #39;s Jacobsen +World,Nepali villagers flee after Maoist threat +Sports,NL Wrap: Clemens Notches 326th Victory as Astros Win (Reuters) +Business,"Dollar Slips on Greenspan, Japan Data" +Sci/Tech,EBay at a Crossroads: Can Buy Now' Share Space With Bid Now'? +Sports,NL Wrap: Clemens Notches 326th Victory as Astros Win +Sci/Tech,"It's Not Exclusive, but It's Lucrative: Why Luxe Went Online" +Business,"Delta Air Lines cuts 7,000 jobs, reduces wages" +World,Russia offers huge bounty for Chechens +Sci/Tech,Bid to Salvage Solar Evidence from Crashed Capsule +Sci/Tech,Microsoft builds-in biometric +Sci/Tech,Panasonic unveil DVD Recorders with 400GB HDD Capacity +World,"Australia, Japan work on near zero-emission coal-fired electricity plant (AFP)" +World,"Democrats Question Bush's Service, Costs of War (Reuters)" +Business,"Seeks to slash up to 7,000 jobs over next 18 months" +World,White House Puts Off Logging Decision (AP) +World,John Kerry's Staggered Two-Month Ad Plan (AP) +Sports,NL Wrap: 326th Victory for Clemens as Astros Win Again +Business,Dollar Up Vs Yen on Weak Machinery Data (Reuters) +Business,Nikkei Ends Down 1 Percent After Data (Reuters) +Business,"EU ministers to mull budget rules, seek a Mr Euro (AFP)" +Sports,AFC Powers Meet in Season Opener (AP) +Sports,Sanneh Scores As Crew Beat Earthquakes 1-0 (AP) +Sports,Rain Turns Tennis Talk to Instant Replay (AP) +Business,Delta #39;s downsizing rallies competitors +Business,Another Blow from the WTO +Business,Former star banker Quattrone gets 1 1/2 years in prison +Business,Biggest insurer sees silver lining in Florida +Business,Ex-Invesco Chief Agrees to Penalty +Business,"At Wal-Mart, the New Word Is Compromise" +Business,Former Head Of Probe Into Enron Joins Firm +Business,Viacom Offers a Premium To Push Blockbuster Shares +Business,Stockholders want more value than its deal with Coors offers +Business,Tomball City Council approves budget +Business,Ovitz Seeks to Be Excused From a Disney Suit +Sci/Tech,"Space capsule crashes Genesis, payload of solar particles slam <b>...</b>" +Sci/Tech,Review: Nokia 9300 Communicator +Sci/Tech,"Dinosaurs Were Doting Parents, Fossil Find Suggests" +Sci/Tech,Locked Windows +Sci/Tech,Use of DNA databases questioned +Sci/Tech,Recorder cuts a dash +Sci/Tech,Commentary: Virtual numbers changing all +Sci/Tech,Genesis Crash Adds to NASA Post-Columbia Troubles +Sci/Tech,"Porn in email down, claims vendor" +Sports,Mistakes by umpires may soon be obsolete +Sports,Soccer: Luck and bold decisions save Sven #39;s job in Poland: British <b>...</b> +Sports,Hewitt aims for last four +Sports,Looking for Tiger Woods +Sports,AFC powers meet in season opener +Sports,Canada shut down Slovakia +Sports,"Lee returns, MacGill dropped for India tour" +Sports,Roddick to lead US Davis Cup squad +World,Hurricane Ivan leaves 12 dead in Grenada +World,Fresh initiatives on many fronts: Determination in joint <b>...</b> +World,Muslim girls flout French ban on headscarves +World,Nepal to seek India #39;s help in tackling Maoist revolt +World, #39;Mercenaries #39; await their fate in Zimbabwe +Business,"Delta slashes 7,000 jobs, Dallas hub" +Business,"WTO rules against US, EU on sugar, cotton" +Sports,Astros #39; streak hits 12 +World,"Hurricane Ivan ravages Grenada, killing 15 and damaging 90 per <b>...</b>" +World,Indonesia shares slip after blast +World,Italy looks for Arab support to free hostages in Iraq +World,Bomb Near Embassy in Indonesia Kills Three +World,S. Korea admits plutonium experiment +Business,"Dollar Slips on Greenspan, Japan Data" +Business,Quattrone gets 18 months +Business,"Suzuki Motor Corp RecallS 157,480 Altos" +Business,Federal tax staff strike over wages +Sci/Tech,Sony confirms plan to sell large-screen LCD projection TVs in <b>...</b> +Sports,Capriati calls time on Serena +Sports,Cracking the Coad +Sports,Canada #39;s patience pays off +Sports,"Australia omit MacGill, Symonds for India tour" +World,"Howard sends envoy, bomb experts" +World,Brunei #39;s future king marries commoner in glittering ceremony +World,Israeli helicopter fires missile at militants in Gaza +World,Falluja air strikes kill eight +World,"Huge Blast in Jakarta, at Least Three Dead (Reuters)" +World,Beijing Accused of Meddling in HK Elections (Reuters) +Sci/Tech,RealNetworks Ends Song Promotion (AP) +World,U.S.-Iraqi Security Forces Launch Attacks (AP) +Sci/Tech,TV Viewers 'Love' Their Digital Video Recorders (Reuters) +World,British Mercenary May Head to African Jail (AP) +Sports,Voiding Giambi's Deal Easier Said Than Done +Sci/Tech,Apple Patches 15 Mac OS X Flaws (Ziff Davis) +Business,Dollar Up Vs Yen on Weak Machinery Data +World,Hurricanes May Affect Florida Politics (AP) +Sci/Tech,Genetically Modified Fish Used to Make Human Protein (Reuters) +Business,"VW Warns 30,000 Jobs at Risk -Paper" +Sports,Waterlogged Schedule on Way for Yankees +World,Pakistani Jets Bomb Militants in Tribal Region +Business,Delta to Cut Workforce by 10 Percent +World,S.Korea Says Did Scientific Plutonium Test in 1982 +Sports,Hands Off for Patriots in Rematch With Colts +Business,Bush-Kerry Surrogates Debate Trade Policies +Business,Utilities Uneven in Managing Vegetation +World,S.Africa Makes Two Fresh Arrests on WMD Charges +Business,Indonesia shares slip after blast +World,Massive blast at Jakarta embassy +World,New Cabinet meets after reshuffle +Business,"Delta Aims to Cut Jobs 12, Drop a Hub and Reduce Pay" +Business,"At Wal-Mart, the New Word Is Compromise" +Sports,Lewis to Face Browns +Sports,Merriman Reaching High +Sports,Red Sox Sweep A's +Sports,Astros Moving Closer +Sports,Nets Get Solid Return From Kidd While They Can +World,Red Sox Clobber Athletics 8-3 +World,"Ivan Devastates Grenada, Kills at Least 12" +Sports,Seattle Stops Detroit +World,Retired Pentagon Brass Seek Abuse Probe +Sports,Texas Talks a Better Game Than Cal Plays +World,Davenport Easily Defeats Asagoe at Open +Sports,Bills Battle Back After Bleak Beginning +Sci/Tech,IBM to use AMD's dual-core Opteron +Sci/Tech,"Sony camera blends photos, video" +Sci/Tech,Space Probe Fails to Deploy Its Parachute and Crashes +Sci/Tech,Team Hopeful in Its Effort to Recreate Primal Life +Sci/Tech,Japan's Record 7th Typhoon; The Death Toll Is at Least 31 +Sci/Tech,Two Scientists Caught in Amber +Sci/Tech,"Spurred by Illness, Indonesians Lash Out at U.S. Mining Giant" +Sci/Tech,A Digital Generation's Analog Chic +Sci/Tech,"For a Fee, a Stream of Tunes, Talk and Video" +Business,Enron #39;s interimboss seeking \$25 million fee +Sci/Tech,DNA fingerprinting no longer foolproof #39; +Sports,Red Sox keep piling on A #39;s +Sports,National League Game Summary - San Francisco at Colorado +World,Al-Sadr looks for role after Najaf losses +World,Beijing Accused of Meddling in HK Elections +Sports,Hawks snap nine-game losing skid +World,NKorea warns of arms race following SKorean uranium experiment (AFP) +Sports,NBA Game Summary - San Antonio at Chicago +World,Milosevic takes back seat as first defence witness on stand (AFP) +Sci/Tech,Hollywood pilots fail to catch sun +Sci/Tech,Intel Highlights Future at Developer Forum +Sports,No more matches for umpire +Sports,GOLF: COOL HAND LUKE CAN BE TOP GUN +Sports,"Tigers lost his stripes, and everyone knows that now" +Sports,"RED SOX 8, ATHLETICS 3" +Sports,Canada able to hit the switch +Business,WPP Bids for Gray Global -WSJ +Business,"ABC Learning to Buy Peppercorn, Child Care Centres (Update2)" +Business,Enron rescuer asks \$25 million #39;success fee #39; +Sci/Tech,Sybase Provides Free Linux Enterprise-Class Database for <b>...</b> +Sports,Resurgent Orioles whip Twins behind Cabrera +Sports,Reed #39;s failure sends Colorado to 39th loss after taking the lead +Sports,Astros roar into share of wild-card lead +World,Arafat expulsion has never been closer: Israeli FM +Sports,NBA Capsules +World,NAT0-led peacekeepers seeking terrorist posing as cameraman (AFP) +World,Guantanamo Panel Members Face Challenges (AP) +World,"Ivan Pummels Caribbean, Kills at Least 15" +Business,"Delta to slash up to 7,000 jobs" +Business,US Ordered to Reduce Crop Supports +Business,Invesco to be merged into AIM family +Sci/Tech,NASA #39;s lofty hopes plummet +Sci/Tech,"Nokia acquires assets, establishes Austin office" +Sports,Season lidlifter renews heated conference rivalry +Sports,US scores late to tie underdog Panama +Sports,Martinez #39;s 2 homers not enough +Sports,Jackson returns to help Storm snap three-game losing streak +World,Pakistan hails Pak-India joint statement +Business,Viacom Starts Blockbuster Exchange Offer +Business,Franks Nursery amp; Crafts files for Chapter 11 +Business,Artificial heart maker seeking OK to sell device +Business,Central bank sends cost of debt higher +Sci/Tech,IT Association slams government +Sci/Tech,Spicy solution for painless integration +Sports,Kuranyi grabs Germany #39;s equalizer +Sports,"Trade, fight put Boston on charge up AL East" +Sports,Iginla #39;s two goals pave rout +Sports,National League Game Capsules +World,Jakarta suspects key terror suspect over bombing +World,"Ivan kills 12 in Grenada, threatens Cuba, US" +Business,Delta stays +Business,Qantas returns to trading after BA sells stakehold +Business,"VW May Cut 30,000 Jobs If No Agreement With Workers (Update2)" +Business,Viacom to offer shares at a discount +Business,McDonald #39;s cites new menu items as it reports Aug. sales gains +Business,Central bank bumps rate +Business,INTERVIEW: Australia #39;s ABC Learning On Expansion Path +Business,Coors Talks of Profit-Sharing Agreement with Molson +Sci/Tech,NASA #39;s Genesis Capsule Crashes +Sci/Tech,Enter your e-mail: +Sci/Tech,"Nokia plans new, lighter version of Communicator" +Sci/Tech,Tech industry presents less-than-unified defense +Sci/Tech,Attorney General Joins E-Voting Suit +Sci/Tech,Military Headset Reaches Masses +Sci/Tech,Vampire robot developed +Sci/Tech,HDS Launches TagmaStore +Sci/Tech,IBM releases new Linux-oriented database software +Sci/Tech,Tech Briefs +Sports,England Doubles Up Poland +Sports,World-Surprise choice Huth proves his worth to Klinsmann +Sports,Top dog Singh not cowed by Tiger +Sports,Soccer: Victory for Franceno thrill for coach +Sports,SI.com +Sports,Dolphins trade for Gordon +Sports,Buckley signed to replace Mickens +Sports,"Ichiro singles, now 30 shy of mark" +World,EU plays a strong role on Darfur +World,Fighting breaks out in Gaza strip +World,Muslim girls defy French headscarf ban +World,Pakistan Strikes Kill Dozens Near Afghan Border +Sports,Lemieux #39;s line powers Canada to 5-0 victory vs. Slovakia +Sports,"Dodgers 8, Diamondbacks 2" +World,Sharon Demands Syria Curb Militants Before Talks +World,Pakistan Strikes Kill Dozens Near Afghan Border +World,'Dozens killed' in Pakistani raid +World,Nazi murder suspect on trial +World,Teen charged over Sasser virus +World,Tennis: Federer leads Agassi +World,Move to license S African healers +World,"Russia vows terror fight, hits US view" +World,Blast shatters busy Jakarta street +World,Mexicans battle to bar Wal-Mart store near ancient pyramids +World,Gorbachev calls for probe of seizure +World,"Baghdad area deaths said to top 10,000" +World,Britain says Iran is risking UN action +Sci/Tech,Intel partners 'lab on a chip' firm +World,Scientists Pick Up Pieces of Space Capsule +World,Memos Show Bush Suspended From Flying +Sci/Tech,"Toyota, Nissan Join to Standardize Car Electronics" +Business,Dollar Holds Gains on Intervention Talk +Business,Merger announcement sends childcare stocks rising +Sci/Tech,IBM to use AMD #39;s dual-core Opteron +Sci/Tech,Web worm teenager charged +Sci/Tech,"Toyota, Nissan Join to Standardize Car Electronics (Reuters)" +Sports,Downpours place a heavy load on scheduling +Sports,JETS SHUFFLE SECONDARY +Sci/Tech,Students Win Scholarships for Science +World,Brunei #39;s prince marries 17-year-old commoner +World,"Pak bombs Al-Qaida hideouts, 50 killed" +World,"Scandal, insults and a bit of politics on HK campaign trail" +World,Chechen Rebels Offer #36;20 Million Bounty for Putin (Reuters) +Business,WPP Bids for Gray Global -WSJ (Reuters) +Business,Rising oil prices fuel German inflation (AFP) +Sci/Tech,Apple Releases Patches For Mac OS X (TechWeb) +Sci/Tech,Subscription-Style Software Licenses Continue Upward Trend (TechWeb) +Sci/Tech,Server sales in Asia Pacific increase 12.4 percent in June quarter (AFP) +Business,"OPEC should raise crude oil price band, Purnomo says" +Business,"VW Says 30,000 Jobs at Risk if Talks Fail" +Sports,Still coasting along +Sports,They're letting their hair down +Sports,It's clear sailing +Sci/Tech,Lenovo confirms talks with 'major' IT company +Sports,"Clemens, Houston stay hot" +Sci/Tech,Pollution harms developing lungs +Sports,Burks still fighting for another chance to play +Business,Cost rises hammer Compass shares +Sports,Showtime for ABC +Sports,Milestones and streaks to watch for +Business,Airbus boost to defence giant BAE +Sports,No flash in the plan +Business,Bank set to keep rates unchanged +Sports,Canada breezes along +Sports,Tonight on TV +Sports,UConn still gets a kick out of women's soccer +Sports,BC plugging the gaps +Business,Abbey suitor sells stake in RBS +Sports,Cashing in at Deutsche Bank +Sports,Keeping score around New England +Sports,Pro tours: The stops and the talk +Sports,Boston South capsules +Sports,The bus celebrates 70th +Sports,EMass playoff schedule +Business,"Delta to cut 7,000 jobs" +Sports,Year-by-year leaders +Business,Bill to seek posting of results of drug trials +Sports,Playing it smart +Business,The one that didn't get away +Business,A snap response +Business,Artificial heart maker seeking OK to sell device +Business,Cambridge lands major drug maker +Sports,Fidelity bowing out of Jumper Classic +Sports,Angels blanked by Jays +Sports,Umpire out of bounds +Business,Pension plan disclosures urged +Business,Prices of oil slip on storm worries +Business,Women encouraged to become players in video game industry +Business,Quattrone to serve 18 months +Business,Bain acquires SuperPages Canada +Business,"Pounded by the competition, Frank #39;s Nursery set to close" +Business,"Storms, fuel costs to take toll on JetBlue" +Sci/Tech,Teen charged over Sasser virus +Sports,Sven backs media boycott +Sports,Confident Germany Hold Brazil in Friendly Draw +Sports,"After 18 straight defeats, Mercury solves Sparks" +Sports,Roddick will play Davis Cup +World,Pakistani Jets Attack Militant Hideouts +Business,Military Headset Reaches Masses +Sci/Tech,IBM hails automation in database upgrade +World,Accord Reached on Overhauling U.S. Intelligence +Sci/Tech,Clean Air Tech Has Ancient Roots +Sci/Tech,Bill Seeks Civil Liberties Board +Business,Wall Street Expected to Slip at Opening (Reuters) +Business,Wall Street Expected to Slip at Opening +World,At Least 50 Militants Killed in Pakistan Raids +World,'Few ready' for information act +World,U.S. Jets Bomb Insurgent-Held Iraq Cities +World,Car Bomb Near Embassy in Indonesia Kills 7 +World,Has Ken Jennings' 'Jeopardy!' Run Ended? +Business,Delta clips its wings in Dallas +Business,Quattrone to serve 18 months +Business,"Oil prices decline further, despite Caribbean hurricane" +Business,"WPP, Hellman each bid \$900/shr for Grey - reports" +Business,Foreclosure rate still high +Sci/Tech,Internet porn ban enacted for Phoenix libraries +Sci/Tech,IBM #39;s New Storage Play +Sci/Tech,Stem cells 'arrest brain damage' +Business,The Census Bureau #39;s New Economic Indicator +Sci/Tech,Windows service pack deadline extended +Sci/Tech,DNA fingerprinting no longer foolproof #39; +Sci/Tech,Big blue Stinger challenges SMB rivals on price +Sports,Iginla no longer missing +Sports,Panis Takes Step Back +World,"Jakarta Embassy Blast Kills Eight, Wounds Scores" +World,At Least 50 Militants Killed in Pakistan Raids +World,17 killed in heavy clashes in northern Iraq +World,Death toll from Chinese floods nears 200; more storms expected +World,Hamas militant killed by Israeli soldiers +Sci/Tech,Bacteria Turn Toxins Into Plastic +Sci/Tech,Worldcon Is Gateway to Big Time +Sci/Tech,Law Fights to Keep Pace With Tech +Sci/Tech,NASA's Genesis Capsule Crashes +Sci/Tech,Facing the Copyright Rap +World,New cabinet fails to squelch power-struggle talk (AFP) +Business,Japan's central bank keeps stimulative policy to aid economic recovery (AFP) +World,South Korea admits nuclear experiment in early 1980s (AFP) +World,"Israel Army Kills 4, Including 9-Year-Old, in Gaza" +World,Darfur Rebels Say Peace Talks on Last Legs +World,F1: Panis to quit racing +Business,Johnson Said To Be in Talks for Heart Device Maker +World,Smart bandage to help diabetics +Sci/Tech,Spacecraft Crashes With Solar Data +Business,DirecTV goes for more HDTV +Sci/Tech,New: Tellabs to lower Advanced Fibre price +Sci/Tech,Mars satellite finds clues to once-deep ocean +Sports,US Open at a glance +Sports,Stay of execution or new lease on life? +Sports,NFL concert will be on delay +Sports,Giants get 4 in 8th to win +Sports,Crew edge shorthanded Earthquakes +World,Indonesia On High Alert After Australian Embassy Blast +World,Israel Talks Tough to Arafat +Sports,Twins' Johan Santana Wins 10th Straight (AP) +Sports,Dolphins' Bowens to Miss Opener Vs. Titans (AP) +World,SCH to sell 2.51 percent of shares in Royal Bank of Scotland (AFP) +Sci/Tech,"TiVo, ReplayTV agree to limits (SiliconValley.com)" +Sci/Tech,New twist for McAfee: CFO Richards is retiring (SiliconValley.com) +Business,JoS A. Bank 2Q Income Rises 75 Percent (AP) +World,Indonesia's Gen. Andi Muhammad Jusuf Dies (AP) +Business,Stocks Seen Lower After Greenspan +Business,Yum Brand's August Sales Up +Business,"VW threatens to cut 30,000 jobs" +Business,"Seeking Quick Loans, Soldiers Race Into High-Interest Traps" +World,U.S. Pressure Risks Turmoil Across Sudan -Lawmakers +Sports,Federer and Agassi Return to Battle +Sports,Woosnam Disqualified After Closing Hole Debacle +Sports,Panis to Retire as Formula One Driver +Business,Fed Chairman: US Economic Recovery Continues +Business,OPEC official reports unity on higher price target +Business,German car sector faces autumn of discontent +Business,"Pathmark posts loss, shares slide" +Business,Prominent investment banker gets jail term +Business,Hurricane recovery sends jobless claims down +Business,Rockwell Collins Sees 2005 EPS Up 17 Pct +Business,"Nokia Raises Outlook, Shares Up" +Business,Yum Brands posts higher monthly sales across all units +Business,European Stocks Trim Losses Due to Nokia +Business,ITV eyes 500m selloff +Business,Airbus strength boosts BAE profits +Business,"New York Leads US in Taxes, Tennessee Is Last" +Sports,Hanging with the horses +Sports,Repeat bears watching +Sci/Tech,Connecticut-based company engineered parachute system +Sci/Tech,IDF 2004: Day 1 Coverage +Sci/Tech,Echo of the Presidential Campaign +Sci/Tech,Blackberry gets svelte with new model +Sci/Tech,Sybase Offers Free Database for Linux +Sci/Tech,"Delete records, or profile the whole UK, says DNA print pioneer" +Sci/Tech,Microsoft gives businesses more time to test SP2 +Sci/Tech,Panasonic DVD Recorder Gets Connected +Sci/Tech,P2P jail bill moves forward +Sci/Tech,IBM seeks to ease database burden +Sci/Tech,O2 unveils two new XDA models +Sci/Tech,German teenager indicted over Sasser worm +Sci/Tech,Savvis outed as spam host +Sports,US Open Tennis: Williams gets apology for bad calls +Sports,Canada Advances to World Cup Hockey Semifinals +Sports,Hughes: Referee Over-Reacted +Sports,US Men #39;s Soccer Team Plays Panama to 1-1 Draw +World,Jakarta embassy blast kills eight +World,Russia warns terrorists +World,Seoul tells of 1982 test to extract plutonium +World,National news briefs +World,Nazi murder trial opens +Business,Greenspan: Economy gains force +Sports,Win lifts Mundine title bid +Sports,Panis retires - but agrees new deal with Toyota. +Sci/Tech,Intel Heralds Dual-Core Pentium M +Sci/Tech,"IBM quot;Stinger quot; release pushes .NET, Linux support" +World,Russia Criticizes West Over Chechen Asylum +Sports,Football: England Beats Poland in 2006 World Cup Qualifier +Sports,Hauritz to ask Miller for advice +Sports,Jrme dAmbrosio My race in Albi +Business,Lenders and U.S. Tighten Screws on Struggling Airlines +World,High security for Afghan ceremony +Business,Plunging Delta slashes jobs +Business,Greenspan says economy shows #39;some traction #39; +Business,Global Markets: Europe Shares Fall +Business,Nokia: 3Q Profits Will Beat Predictions +Business,Taco Bell boosts Yum #39;s August sales +Business,"BAE Systems interim profits boosted by US arm, Airbus" +Sci/Tech,Intel #39;s Dual-Core Chips Debut +Business,ITV says advertising picking up +Business,BAE First-Half Loss Widens on Goodwill Writedowns (Update4) +Sci/Tech,IBM to Roll Out New Two-Way Opteron Server +Sports,Mundine didn #39;t scare me +Business,Quattrone sentenced to 18 months in jail +World,"UK Helicopter Crashes in Czech Republic, Crew Reported Dead" +Sports,"Soccer / France, Greece and England are looking for first <b>...</b>" +Sports,"Europeans have plenty pedigree, insists Monty" +Sports,Basketball star Gary Payton arrested in DUI case last month +World,Four Chinese injured in explosion outside Australian embassy in <b>...</b> +World,"We killed 50 foreign militants at training camp, says Pakistan" +World,WMD suspect vows to fight #39;tooth and nail #39; +Sports,"Replay likely, but here #39;s to mistakes" +Sports,European powers wary of more slip-ups +Sports,Healy gets Dad #39;s backing +Sports,US soccer ties Panama +World,Six British soldiers killed in chopper crash +World,India to build oil pipeline to Nepal +Business,Qantas buoyed by sale +Business,German car sector faces autumn of discontent +Business,Rockwell Backs 2004 Earnings View +Business,Nokia Says Price Cuts Have Helped Boost Market Share (Update3) +Business,Yum Brand #39;s August Sales Up +Business,Santander to sell up to 79 million RBS shares +Business,ITV says advertising growth accelerating +Sci/Tech,IBM Throws An Opteron Party +Sci/Tech,Intel adds Sonoma and Napa to mobile roadmap +Sci/Tech,Sybase offers free ASE license for Linux +Sci/Tech,Brilliant Digital and Altnet Sue the RIAA +Sci/Tech,IBM Releases New Linux-Oriented Database Software (Reuters) +Business,"Nokia Raises Outlook, Shares Up (Reuters)" +World,Russia Slams West for Double Standards on Beslan (Reuters) +Business,Treasuries Lower on Jobless Drop (Reuters) +Sci/Tech,"Price Cuts Propel UK Sales of Xbox, PS2 (Reuters)" +Business,"Jobless Claims Fall Sharply to 319,000 (AP)" +Sci/Tech,Real's Music Deal Ends (PC World) +World,"In Western Europe, Poor Children Kept as Thieves (Reuters)" +Sci/Tech,Samsung Cell Phones to Get Tiny Hard Drive (AP) +Sci/Tech,U.S. Stocks Near Flat After Nokia Boost (Reuters) +Sci/Tech,Pair of Linux Holes Put Users at Risk (Ziff Davis) +Sports,Baseball Today (AP) +Business,Moonlight Special (Forbes.com) +World,"US classifies Sudan atrocities as genocide, seeks through UN probe (AFP)" +Business,"Jobless Claims Slump, Import Prices Jump" +World,Huge pileup on Montreal highway kills one person and injures six others (Canadian Press) +Sports,Retief Goosen Five Shots Back in Japan (AP) +Business,Treasuries Lower on Jobless Drop +Sci/Tech,Serbs in Dispute Over Darwin Vs. Divine (AP) +Sci/Tech,Scientists See Success Relocating Palila (AP) +Sci/Tech,Maine Slated to Get Advanced Microscope (AP) +Sci/Tech,New Wave of Croakers Wash Ashore in Va. (AP) +Sci/Tech,Genesis Crash Adds to NASA Post-Columbia Troubles (Reuters) +Business,Iran: OPEC United on Raising Price Target +Business,Health Insurance Premiums Rise 11 +Business,Weekly Jobless Claims Fall Sharply +Business,China Accused of Unfair Trade Policies +World,Gore: Cheney 'Wrong Choice' Remark Sleazy (AP) +Sci/Tech,Md. Geologist Completes Sinkhole Study (AP) +World,Some see Cheney's terror remark as 'fear strategy' (USATODAY.com) +Business,Developer Wins Victory in WTC Case +Business,U.S. Ordered to Reduce Crop Supports +World,"U.S. to Meet Asian Allies, Chinese on N. Korea (Reuters)" +Business,Intercontinental plans hotel sale +World,Karzai talks to Qanuni over cabinet post +World,Russia Slams West for Double Standards on Beslan +World,U.S. Forces on Offensive in Iraq Rebel Strongholds +Business,Retail sales soar in South Africa +World,"Israel Kills 4, Including 9-Year-Old, in Gaza" +World,U.S. Declares Genocide in Sudan's Darfur +Business,Oil moves UK trade deficit higher +Business,Ebookers admits possible sell-off +World,"Pakistan Bombs 'Terrorist Camp,' Kills at Least 50" +World,Iran Seen Using EU to Buy Time to Get Atomic Bomb +World,Scientists 'hopeful' for Genesis +World,Argentines rally for bomb justice +Business,U.S. Import Prices Jump 1.7 Percent +World,Russia tightens Caucasus security +World,ADHD parents 'are also affected' +World,Memos: Bush Suspended From Guard Flying +World,Fla. Urges New Evacuations As Ivan Nears +World,Stocks Higher on Drop in Jobless Claims +World,Fla. Urges New Evacuations As Ivan Nears +World,U.S. Jets Bomb Insurgent-Held Iraq Cities +World,Dog Wiggles Paw Free to Shoot Florida Man +World,Stocks Are Set to Open Lower +Sci/Tech,Bill Clinton Helps Launch Search Engine (AP) +World,U.S. Strike Targets in Fallujah and Tal Afar +World,Pakistani Strike on Terror Training Camp Kills 50 +Sci/Tech,Corporates get a case of the wireless jitters +Sci/Tech,"Delete records, or profile the whole UK, says DNA print pioneer" +Sci/Tech,'Independent' report used MS-sourced data to trash OSS +Sci/Tech,Voting opens for web's villains +Sci/Tech,IBM Releases New Linux-Oriented Database Software +Sci/Tech,Nokia Launches Three New Camera Phones +Sci/Tech,"Price Cuts Propel UK Sales of Xbox, PS2" +Sci/Tech,Congress Puts Hooks in Copyright Crooks +Sci/Tech,Debate Draws Distinctions in Candidates' Trade Policies +Sci/Tech,Women Make Small Inroads in Game Industry +Sci/Tech,Video Game Review: 'Political Machine' +Sci/Tech,Nokia Hikes Outlook Due to Handset Demand +Sports,Commissioner would accept government help +Sci/Tech,Europe gives GM seed green light +Sci/Tech,Tracking down the 'jungle yeti' +Sci/Tech,Pollen helps war crime forensics +Sci/Tech,Swans in a flap about territory +Business,Developer Wins Victory in WTC Case (Reuters) +Sci/Tech,Scientists Pick Up Pieces of Genesis Space Capsule +Sci/Tech,More Confirmation Mars Had Large Seas +Sci/Tech,Scientists Gain Glimpse of Bizarre Matter in a Neutron Star +Sci/Tech,Common Antibiotic Can Trigger Cardiac Deaths +Sci/Tech,Older Runners Improve Overall Performance Faster +Sci/Tech,IBM seeks to ease database burden +Sci/Tech,Longhorn to put squeeze on gadgets +Business,Applebee #39;s Predicts Earnings Growth +Business,Anadarko to Buy Back \$1 Billion of Debt +Sci/Tech,"Study claims lake on Mars was wide, deep" +Sci/Tech,Serbs in Dispute Over Darwin Vs. Divine +World,US Declares Genocide in Sudan #39;s Darfur +World,Seven Palestinians Killed in Gaza Clashes +World,Police Find Explosives In St. Petersburg Cinema +World,Patrick Walters: Countering menace of JI a priority strategic <b>...</b> +Sci/Tech,Virtual Server becomes reality +Sci/Tech,More big security holes in Linux +Sci/Tech,Microsoft set to ship Virtual Server 2005 +Sci/Tech,"Online fraud: We got law, but no enforcement" +Sci/Tech,New IBM server supports dual-core Opteron +Sci/Tech,Real's Music Deal Ends +Sci/Tech,Panasonic DVD Recorder Gets Connected +Sci/Tech,Sybase Offers Free Database for Linux +Sci/Tech,'Lord of Rings' Supercomputer Turns to Commerce +Sci/Tech,Review: Microsoft Fingerprint Reader Delivers +Sci/Tech,'Political Machine' Game Brings Politics to PC +Sci/Tech,RealNetworks Ends Cheap Song Download Promotion +Business,Beck's Brewer Sees Beer Demand Rising (Reuters) +Sci/Tech,"South Korea to provide Iran with 100,000 broadband Internet lines (AFP)" +Sci/Tech,Nokia says third quarter profits will be better than expected (AFP) +Sports,Heralded Lady Vols' Freshman Has Surgery (AP) +World,Ontario police forces set to take part in 9-11 anniversary ceremonies (Canadian Press) +Sci/Tech,Kerry and Bush Election Popularity Tracked on Blog Monitor +Business,Beck's Brewer Sees Beer Demand Rising +Business,Bill Clinton Helps Launch Search Engine +Sci/Tech,Technology to Drive Changes in Search Engine Marketing +Sci/Tech,Stem Cell Research Measure Contested (AP) +Sci/Tech,Making Informed Search Keyword Choices +Sci/Tech,Smelly Robot Eats Flies to Generate Its Own Power (Reuters) +World,"Israel Kills 5, Including 9-Year-Old, in Gaza" +Sci/Tech,News: Telenor takes down 'massive' botnet +Sports,Monza: whats at stake this weekend +Business,African sugar farmers await sweet victory +Business,US jobless claims fall +Business,Fidelity National to Acquire InterCept +Business,WPP Offers Over \$1.25B for Grey Global +Sci/Tech,The dispute goes on +Sports,Agassi-Federer match could resume +Sports,Heralded Lady Vols #39; Freshman Has Surgery +Sports,Shevchenko #39;s goals will be crucial. (Getty Images) +Sports,Zbikowski makes impact in Irish debut +Sports,"Door remains open for Button, say BAR" +World,Sudan agrees to extend mandate of Darfur monitors +World,Pakistani Jets Attack Suspected Militants +World,Dozens More Killed In New Fighting In Iraq +World,"India, Nepal Hold Talks Over Tackling Maoist Revolt" +World,"Talks over, Kashmir blame game begins" +World,Europe condemns Jakarta bombing +Sci/Tech,Adware - Are Downloads Safe? +Business,Ford Recalls Econoline Vans to Fix Brakes (Reuters) +Business,"US jobless claims plunge by 44,000 (AFP)" +World,Pakistan launches attack on suspected militants near Afghan border; 50 killed (Canadian Press) +Business,Oil Leaps as U.S. Inventories Dwindle +World,"NATO, Russia United Against Terrorism (AP)" +Business,Global house prices still rising +Business,Frank #39;s Nursery going out of business +Sci/Tech,"For BlackBerry Users, a New Way to Write" +Sci/Tech,Samsung SPH-V5400 with 1.5 GB hard drive +Sci/Tech,German virus author charged woth cmputer sabotage +Sports,Danish striker Jon Dahl Tomasson extends contract with AC Milan +Sports,Levet willing to miss out +Sports,Baseball contenders feasting on also-rans +Sports,AD Holland a great hire for East Carolina +World,"The Crisis in Darfur, Written Remarks, Senate Foreign Relations <b>...</b>" +World,Kashmir solution hinges on Pakistan crackdown-India +World,"Jakarta bombing draws international defiance, condemnation" +World,Mass Grave Uncovered In Northern Iraq +Sci/Tech,Sybase releases free database for Linux +Sci/Tech,Capsule from Genesis Space Probe Crashes in Utah Desert +Sports,"Ump #39;s terrible call hurts Serena, tennis" +Sci/Tech,"RealNetworks Sells 3 Mln Songs, Ends Download Promo (Reuters)" +World,"Interbrew pumps 19.9 pct rise in first-half profit, holds targets (AFP)" +Sci/Tech,IBM Announces Dual-Core Support (PC World) +World,FEC: Wis. Car Dealer Can Run Campaign Ads (AP) +World,Bush's guard service under new scrutiny (AFP) +Business,Dollar Rises as U.S. Jobless Claims Fall +World,EU irked by Turkish adultery law +World,AFC Powers Meet in NFL's Season Opener +Business,Job gains hike mortgage rates +Business,Cracker Barrel Settles NAACP Discrimination Lawsuits (Update1) +Business,"Applebee #39;s sees room for 3,000 restaurants in USA" +Business,ITV may sell its \$126m stake in Seven Network +Business,University Of Michigan Lands Big Gift +Sci/Tech,Survey: IT Job Growth on Slow Track +Sci/Tech,Virtual Server 2005 Fills Gap In Microsoft Line +Sci/Tech,"RealNetworks Sells 3 Mln Songs, Ends Download Promo" +Business,Delta Cutting Flights From OKC To Dallas-Fort Worth +Sports,Ali Calls for U.S. Boxing Commission (AP) +Sports,Royals Pound Tigers 26-5 (AP) +Business,Cracker Barrel Announces \$8.7M Settlement +Business,National Semi rallies on results +Business,A Taste of Yum! Wins the World Over +Business,Health Stocks in Motion +Business,"Normal plant will trim second shift, 1,200 jobs by months #39; end" +Business,Kraft affirms 2004 profit forecast +Sci/Tech,FCC Insists Broadband Deployment Improving (Reuters) +World,Bordeaux's producers target Denmark to fight wine hangover (AFP) +Sci/Tech,"Congress Puts Hooks in Spyware, Copyright Crooks (washingtonpost.com)" +Sci/Tech,NASA tries to salvage solar dust +Sci/Tech,IBM strikes out at Intel with new Opteron box +Sci/Tech,New ring and possible moons found at Saturn +Sports,Titans-Dolphins Game Moved to Saturday (AP) +Sci/Tech,IBM DB2 Takes Sting Out of Database Management +Sci/Tech,"House Panel Gets Tough on Spyware, P2P Piracy" +Sci/Tech,T-Mobile Debuts New Blackberry Phone +Sci/Tech,Virtual Server becomes reality +Sci/Tech,Intel CTO: New Protocol Needed For Next-Gen #39;Net +Sci/Tech,Huge DNA database opens door to mistakes: scientist +Sci/Tech,Scientists Create Fly-Eating Autonomous Robot +Sci/Tech,"Darwin is OK after all, Serbia says" +Sci/Tech,Inmates in Charge of Travelzoo +Sci/Tech,Youth admits to creating computer virus +Sci/Tech,IBM #39;Stinger #39; Database Coming in Mid-September +Business,US economic outlook downgraded: WSJ survey (AFP) +Sports,Golf: Harrington leads while wet Woosie walks away +Sports,Klinsmann #39;s aggressive moves net Germany draw with Brazil +Sports,"Thursday, 9 pm EST (ABC)" +Sports,Hurricane Ivan Pushes Up Titans Game in Miami +Sports,Jagr hopes to play against Canada despite hip injury +Sports,A #39;s may be headed for off-season +Sports,Spain #39;s Freire wins sixth cycling stage +Sports,"Best of times, worst of times" +Sports,Cricket telecast: Opportunity for lost bidders +Sci/Tech,Nokia Raises Outlook on Better Phone Sales (AP) +Sports,Hudson Hopes A's Received Wake-Up Call (AP) +World,US declares genocide in Sudan +World,Australian embassy blast not linked to elections: Downer +World,Anger At US Chechen Policy +World,At least 3 killed in blast at Australian Embassy +World,Two More Arrests in South Africa Weapons Probe +World,Defense officials: Arafat expulsion unlikely +World,HK legislative poll points to the future +World,Nepal #39;s PM in India to Seek Help Tackling Maoist Revolt +World,Iraqi President Calls Debt Relief +Sports,Center Fiddler Re-Signs With Predators (AP) +Sci/Tech,DoCoMo strategists focus on convergence (FT.com) +World,Ont. attorney general says pit bull problem more urgent than first imagined (Canadian Press) +Sci/Tech,"IBM, Brazil Partner to Promote Open Source (Ziff Davis)" +Sports,Harrington Leads German Masters by Stroke (AP) +Sci/Tech,IBM Database Eases Maintenance Burden (NewsFactor) +World,Bush Courts Pa. Swing Voters on Economy (AP) +Sci/Tech,What Is Your CRM Personality? - Part 2 (NewsFactor) +Sports,Federer Survives Agassi Comeback to Reach Semifinals +Sci/Tech,Apple Fixes OS X Security Flaws (NewsFactor) +Sci/Tech,NASA Securing Space Center for Ivan (AP) +Business,Fitch Ratings reports concerns about Delta #39;s Dallas dehubbing +Business,OPEC President Says Politics Pushing Oil Prices Higher +Business,National Semiconductor profit surges +Business,"Fidelity acquires Atlanta company, delays IPO" +Sports,Hurricane Ivan Reschedules Titans and Dolphins Game +Sci/Tech,Extinction May Have Trickle-Down Effect (AP) +Sci/Tech,Oxygen Generator Fails on Space Station (AP) +Sci/Tech,Microsoft set to ship Virtual Server 2005 +Sci/Tech,Yahoo Tests Travel Search Engine +Sci/Tech,Russia Insists It Still Intends to Approve Kyoto (Reuters) +World,Six British soldiers feared dead in chopper crash +World,Hong Kong political climate toxic: HRW +World,"China #39;s worst floods in a century kill at least 172, injure <b>...</b>" +Sports,Harrington Enjoys Welcome Return to Form +World,Qaeda's Zawahri Appears in New Tape on Al Jazeera +Sports,Gatlin and Greene Head Field in Yokohama +World,"Jakarta Embassy Bomb Attack Kills Nine, Wounds 182" +Business,"Jobless Claims Drop, Imports Hit Highs" +Sci/Tech,How Germs Suck Iron to Cause Infections (AP) +World,Abbas meets Palestinian militant leaders +Business,Oil Spurts Up as U.S. Inventories Dwindle +Business,Baby Bells See Rivals Taking Fewer Phones +Business,Treasuries Down After 'Ugly' Auction +Business,'Price Fatigue' Hurting Beef Sales-Tyson +Business,American Axle Cuts 2004 Earnings Forecast +Business,"Nucor Raises Forecast, Payout, Sets Split" +Business,Nokia Lifts Tech Stocks; Blue Chips Slip +Business,"Jobless Claims Drop, Imports Hit Highs" +Business,Regional Grocer Pathmark Posts a Loss +Business,FAO Schwarz takes high-end road for survival +Business,Cash America Places \$253M Bet on Territory Swap +Sci/Tech,House Moves Second Spyware Bill Along +Sci/Tech,Microsoft to Launch Virtual Server 2005 +Sci/Tech,Ask Matt +Sci/Tech,Sasser Hacker Faces Five Years +Sports,Federer Wins to Join Henman in US Open Semifinals (Update1) +Sports,Tennis Replay System Not Coming Anytime Soon +Sports,UPDATE 1-Harrington enjoys welcome return to form +Sports,French Formula One Driver Panis to Retire from Grand Prix +Sports,Czechs hungry for Canada +Sports,"Mets, Benson cool off Marlins" +Sports,Top of 3rd +Sports,Cycling: Freire wins sixth stage in Spain +Sports,Friday Night Football Anticipation building for opener +Business,Dupont Settles Teflon Lawsuit +Business,Cracker Barrel Announces \$8.7M Settlement +Business,Ford Recalls Econoline Vans to Fix Brakes +World,Powell Says Sudan Sponsoring Genocide in Darfur (Update3) +World,Blast #39;bears JI hallmarks #39; +World,Chechen Rebels Offer \$20 Million Reward for Putin +World,US forces on offensive in 3 Iraq rebel strongholds +World,Flood crest safely passes Yangtze dam +World,Iraqi president appeals for aid +World,Australia firm after Jakarta bomb +Business,Germany seeks truck payment +Business,Nokia sees rise in handset sales +World,Epic food convoy crosses Sahara +World,Real sells 3m tracks at a loss +World,U.S. Forces Take Action in Areas Dominated by Iraqi Insurgents +World,Senators Censure C.I.A. in Probe of Iraqi Prison Abuse +World,Car Bomb Near Embassy in Indonesia Kills 9 +World,Ali Calls for U.S. Boxing Commission +World,Memos: Bush Refused Order While in Guard +Sports,Royals Erupt for 26 Runs +Business,America's Car-Mart Accelerates +World,Kanye West Dominates Source Nominations +Business,Inmates in Charge of Travelzoo +Business,Talking Up Nokia +Sports,NFL Moves Game to Sat. +Business,Cash America #39;s Pawnshop Swap +Sci/Tech,IDF - Intel seeks role in development of the next Internet +Sci/Tech,IBM strikes out at Intel with new Opteron box +Sci/Tech,Nokia sees rise in handset sales +Sci/Tech,RealNetworks Ends Download 49-Cent Promo +Sci/Tech,FCC Insists Broadband Deployment Improving +Sci/Tech,'F' Is for File Sharing +Sci/Tech,Baby Bells See Rivals Taking Fewer Phones +Sci/Tech,Serbia reverses ban on Darwinism +Sci/Tech,Morning Planets +Sci/Tech,NASA Capsule With Solar Particles Crashes in Utah +Sci/Tech,"Dinosaurs Were Doting Parents, Fossil Find Suggests" +Sports,Former NBA Star Calvin Murphy Cleared Of Molestation Charges +Sci/Tech,NASA Securing Space Center for Arrival of Hurricane Ivan +Sci/Tech,Hubble Telescope Captures Image of Sauron's Eye +Sci/Tech,More American Youths Abusing Prescription Drugs +Sci/Tech,Briefly: EdgeStream introduces IPTV platform +Sci/Tech,Digital cinema moves closer to local multiplex +Sci/Tech,Oracle v. DOJ: A shadow over Oracle +Sci/Tech,EU pledges \$63 million for grid computing +Sci/Tech,Nokia to offer phones with 'old-world' styling +Sports,Nets Get Solid Return From Kidd While They Can +Sci/Tech,"Future portables go much faster all day, says Intel" +World,Iraq Kidnappings Unite Italians +Sci/Tech,US broadband users triple in less than three years +Sci/Tech,File-trading penalties legislation moves forward +Sci/Tech,IDF - Intel seeks role in development of the next Internet +Sci/Tech,EU court to review MCI ruling +Business,BusinessWeek Chooses Outsider as Editor in Chief +Sports,NFL 2004: Garcia a Good Fit for Browns (AP) +World,"Mexico, U.S. Unveil Border Clean-Up Plan (AP)" +Sports,"Davenport, Capriati Headline Open Semis (AP)" +Business,Jury rules 9/11 counts as two attacks for insurance purposes +World,"Arar says in-laws interrogated in Tunisia, blames Canadian authorities (Canadian Press)" +Sports,Federer Survives Agassi Comeback to Reach Semifinals +Sports,Henman Sinks Hrbaty to Reach Semifinal +World,Kerry: Bush Is No Good Samaritan (AP) +Sci/Tech,Turmeric May Protect Against Leukemia -Scientist (Reuters) +Business,Dollar Supported by Dip in Jobless Claims +World,Federer Beats Agassi to Reach Open Semis +Business,Problems Plague Bank of America #39;s Fleet Merger +Business,Potential \$340M Teflon settlement +Sci/Tech,"New Moon, Ring Found Around Saturn" +Sci/Tech,"RealNetworks Sells 3 Mln Songs, Ends Download Promo" +Sci/Tech,Fresh BlackBerrys +Sports, #39;Canes have been magic against #39;Noles +Sports,Game of the Week +World,Afghan President Condemns Violence Against Aid Workers +Sci/Tech,OpenGL updates graphics code +Business,Why Greenspan Is Staying the Course +Business,Cracker Barrel announces \$8.7M bias settlement +Sci/Tech,Real sells 3m tracks at a loss +Sci/Tech,Mainstream Companies Seek Charming Programmers +Sci/Tech,File-trading penalties legislation moves forward +Sci/Tech,Sasser author indicted +Sports,In the News +Sports,Germany gets aggressive +Sports,Swedes Czech out early +Sports,Browns #39; Suggs Doubtful Against Ravens +World,Sudan rejects Darfur #39;genocide #39; label +World,Jamaicans told to pray as storm looms +World,Foreign aid workers in Iraq plan pull out: +World,"Arab Commentators Examine Terrorism, Islam Link" +Sci/Tech,Nokia Raises Outlook on Global Phone Sales +Sci/Tech,New Lubricant Could Improve Hard Drive Performance +Sci/Tech,News: McAfee app raids Mac users' inboxes +Sports,Hurricane Ivan Reschedules Titans and Dolphins Game (Reuters) +Sports,Harrington Chooses Country Over Cousin (AP) +Sports,Boone Powers UConn +World,House Votes to Block New Overtime Rules (AP) +Business,Applebee's Sees Room for More Outlets +Sci/Tech,Samsung Cell Phones to Get Tiny Hard Drive +World,Report: Islamic Group Says Behind Jakarta Bomb +Business,Keeping an Eye on Movado +Sci/Tech,OpenGL galvanizes game graphics +Business,Frank Quattrone Is a Bad Man +Business,Update 3: DuPont Agrees to Settle in Teflon Suit +Business,Stocks close mixed... +Business,FDA Questions AstraZeneca #39;s Stroke Pill +Business,"US Labor Groups File China Currency Complaint, Urge Sanctions" +Sci/Tech,Genesis Capsule a #39;Mangled Mess #39; +Sci/Tech,Qualcomm Has Eyes For Displays +Sci/Tech,"Extinct Species Take Others Along, Study Finds" +Sci/Tech,Unisys wins DOD health system contract +Sci/Tech,Allchin #39;s last stand? +Sports,Federer knocks out Agassi at US Open +Sports,"Investors see Eagles, Pats in Super Bowl" +Sports,NFL 2004: Garcia a good fit for Browns +Sports,Kansas City Royals News +World,Yukos Stock Gains on Comments From Putin (AP) +Sports,Federer Squeezes Past Agassi Into Semifinals +Business,"EDS: 20,000 Job Cuts Over Next 2 Years" +World,Edwards Criticizes Cheney on Issues (AP) +Business,"U.S. Health Insurance Costs Soar, Workers Hit" +World,Timeline of Bush Service in National Guard (AP) +World,"Italy, France Agonize Over Iraq Hostage Crises" +Business,Health Premiums Rose 5 Times Faster Than Income in 2004 +Business,"Storms, late holiday contributed to largest drop in 3 years" +Business,Court: Calif entitled to new hearing on energy refunds +Sci/Tech,Serbia reverses ban on Darwin +Sports,Super Bowl 39: Patriots -- again +Sports,Kansas City Royals Team Report - September 8 +World,"Israel to shut Gaza, West Bank" +Sci/Tech,Oracle ruling expected Friday +Business,FERC faulted for failing to order refunds for California power <b>...</b> +Business,Some businesses boom after Fla. hurricanes +Sports,"Ivan Forces Titans, Dolphins To Play Saturday" +World,Report: Islamic Group Says Behind Jakarta Bomb +World,The Populist Approach +World,Hardliners Appeal to Israeli Soldiers +World,"India, Nepal discuss Maoist threat" +Sci/Tech,"OAUG pushes on collaboration with Oracle, other users groups" +Sci/Tech,Dell counts on new support hubs to improve service delivery +Sci/Tech,Fla. IT shops suffer minimal disruptions from Frances +Sci/Tech,Fla. IT managers balance hurricane-related staffing needs +Sci/Tech,IBM pushes out new Stinger database +Sci/Tech,"Online fraud: We got law, but no enforcement" +Sci/Tech,Keeping IT work close to home +Sci/Tech,German teenager indicted over Sasser worm +Sci/Tech,Microsoft set to ship Virtual Server 2005 +Sci/Tech,P-to-P partner charges RIAA with patent infringement +Business,Reshuffling Of Flights In And Out Of Tulsa International Airport +Business,"Decision comes in Oracle vs. DOJ, Oracle prevails" +Business,"EDS to cut up to 20,000 jobs over two years" +Business,"VW likely to cut 30,000 jobs if negotiations fail" +Business,Cisco to acquire IT management firm +Business,Settlement in DuPont Water Suit +Business,UPDATE 3-Alcoa warns EPS to miss forecasts; shares drop +Business,"Tech Stocks End Higher, Oil Prices Climb" +Business,UPDATE 3-Bush team rejects call for China currency probe +Business,Cracker Barrel Settling Discrimination Suits +Business,"RBC to reorganizes with appointment of Stymiest, streamlining of <b>...</b>" +Business,Cargill sells a number of its steel operations for \$266 million +Sci/Tech,Scientists Hope Solar Material Intact After Crash +Sci/Tech,IBM Debuts Stinger Database Software +Sci/Tech,RealNetworks Sells Three Million Songs Through Promotion +Sci/Tech,"Intel Sees Web Buckling, Invests in New Systems" +Sci/Tech,FCC frees up spectrum for 3G +Sci/Tech,-Posted by dan.farber 5:25 am (PDT) +Sci/Tech,Canon Unveils a Cavalcade of Printers +Sci/Tech,Serbs #39; Darwinian battle +Sci/Tech,Microsoft ready to ship Virtual Server +Sci/Tech,"Author of Sasser, Netsky Worms Indicted" +Sci/Tech,Spammers Hijack Sender ID +Sci/Tech,DNA Pioneer: Genetic Profiling Not Foolproof +Sci/Tech,"Microsoft preps XP push, mulls Longhorn #39;priorities #39;" +Sci/Tech,P-to-P partner charges RIAA with patent infringement +Sports,Federer plays Agassi #39;s game and still comes out on top +Sports,India court orders new bids for TV rights sale +Sports,France left bereft as Panis retires +Sports,NFL opener: #39;No-touch rule #39; opens door for the little guy +Sports,Kahne wins Busch pole at Richmond +Sports,"New York 9, Tampa Bay 1 (1st game)" +Sports,Titans-Dolphins game moved up 24 hours +Sports,Hurlbert disputes effect of key ruling +Sports,Kasthari makes himself known +Sports,Harrington eyes perfection as Woosnam #39;s hopes sink +Sci/Tech,Scientists sift wreckage of Genesis +World,Laden aide says US forces driven into trenches in Afghanistan <b>...</b> +World,28 killed in fighting in N. Iraqi town +World,Russia warns West on Chechen issue +World,"Israeli Forces Attack in Gaza, Killing 7 Arabs" +World,50 killed in Pakistani air raids on al-Qa #39;eda training camp +World,The #39;Simonas #39; thought dedication to Iraqis protected them +World,Hong Kong in Climate of Fear as elections near: report +World,Pakistan and India to continue dialogue on Kashmir: Kasuri +World,Floodcrest passes Three Gorges safely +World,Son of Late Officer Questions Bush Memos (AP) +World,Is Israel 'Swing State' That Could Tip U.S. Election? (Reuters) +World,Senate Condemns Russia School Massacre (AP) +World,Fired Park Police Chief Denies Info Leak (AP) +World,Bush Declares Genocide in Sudan's Darfur +World,Indonesia Hunts Australian Embassy Bombers +World,New Bush military memos released +World,Clinical drug trials 'distorted' +Sci/Tech,IBM Promises New DB2 Will Take Better Care Of Itself +Sci/Tech,Canon Creates New Industry Category with First Copier-Based Color <b>...</b> +Sports,Lazio president chasing 3.5M from Inter Milan coach Mancini +World,Russia: Chechens Were Part of School Raid +World,Czech helicopter accident kills six British soldiers +World,HK media accuses China of meddling in elections +World,Backpacking trip that ended in death on the River Kwai +Sports,"Bombay HC asks ZEE, ESPN to submit fresh bids" +Sports,Sindelar takes early lead with 5-under 66 at rain-delayed Canadian +Sports,Editorial: The Usual Suspects +World,Hurricane Ivan Rages; Evacuations Begin in Florida +World,"Federer, Henman, Hewitt Win at Windy Open" +World,Ritter Family Files Wrongful Death Suit +World,Powell: Sudan Abuses Qualify As Genocide +World,Questions Raised About Bush Guard Service +Sci/Tech,RealNetworks sells three million songs through promotion +Sci/Tech,Sybase Offers Free Linux Database +Sports,Formula One: Racing #39;s low-tech secret: A happy team is a winning <b>...</b> +World,Bin Laden Deputy: US on Brink of Defeat +World,Insurgents hunted down to border stronghold in US-led fightback +World,"WWF: Asian Animals, Trees in Danger of Extinction" +Sports,Inter hope spending pays +World,Russia warns West +World, #39;Two systems #39; tested in Hong Kong +World,Long and the short of it is we are still record breakers +Sports,Harrington chips in for Europeans +Sports,Cobi Jones saves the US in injury time +Sports,Connecticut football coach signs extension +World,Landmark 50 years for Guinness Book of Records +Business,Oracle wins PeopleSoft takeover case +Business,Bank holds interest rates steady at 4.75 +Business,Judge Rules for Oracle in PeopleSoft Bid (Reuters) +Sci/Tech,"Intel Sees Web Buckling, Invests in New Systems (Reuters)" +World,Landmark 50 years for Guinness Book of Records (AFP) +World,U.S. Warplanes Attack Militants in Iraq (AP) +Sci/Tech,Yahoo Hired for 'The Apprentice' Ad Deal (Reuters) +Business,"Fed on Tightening Path, Unfazed by Oil (Reuters)" +Sci/Tech,Women Make Inroads in Video Game Industry (AP) +World,U.S. calls abuses in Sudan's Darfur region 'genocide'; calls for UN sanctions (Canadian Press) +Sports,Gary Payton Arrested for DUI (Reuters) +World,Tokyo Stocks Open Lower; Dollar Higher (AP) +Business,Money Funds Rise in Latest Week (AP) +Sci/Tech,Sybase Offers Free Linux Database (Ziff Davis) +Sports,NHL Lockout Looming As Talks Break Off (AP) +Sci/Tech,Judge Won't Block Oracle Takeover Bid (AP) +Sports,Air Force Coach Gets Five-Year Extension (AP) +Business,Judge Rules for Oracle in PeopleSoft Bid +Sci/Tech,Engineer Builds Robot That Walks on Water (AP) +Business,"EDS Expects to Cut Up to 20,000 Jobs" +Sports,Lockout Looms as NHL Players' Contract Offer Rejected +Sci/Tech,Divers Find Ancient Skeleton in Mexico (AP) +Sports,Sindelar Grabs Lead at Rain-Hit Canadian Open +Sci/Tech,Panel Urges Sharing of Data on Germs (AP) +Sci/Tech,"Lucrative, Rare Species Need Trade Protections -WWF (Reuters)" +Sci/Tech,Hurricane Ivan Roars Toward Jamaica (Reuters) +Business,"Fed on Tightening Path, Unfazed by Oil" +Sports,Saint Joseph's Extends Martelli's Contract +Business,Dollar Shoots Up Vs Yen on Weak Japan GDP +Sports,Clippers Sign Top Pick Livingston +Business,Visteon Warns on Earnings +Sports,Women's Tour Shorten Season Under 'Roadmap 2010' +Sci/Tech,Germ Study Suggests Bloodletting May Work (AP) +Sports,Federer Beats Agassi to Reach Open Semifinals +Sports,Hurricane Blows Dolphins vs. Titans to Saturday +Business,Cracker Barrel Settling Discrimination Suits +Business,"Tech Stocks End Higher, Oil Prices Climb" +Business,Cost of Insuring Workers' Health Increases 11.2 +Sci/Tech,OpenSSH Gateways with ProxyCommand +Sci/Tech,"Intel Sees Web Buckling, Invests in New Systems" +Sci/Tech,"EDS to cut up to 20,000 jobs over two years" +Sci/Tech,Microsoft ready to ship Virtual Server +Sci/Tech,Cisco to acquire IT management firm +Sci/Tech,Oracle wins antitrust case +Sci/Tech,What's next for Oracle? +Sci/Tech,Oracle v. DOJ: Oracle wins +Sci/Tech,"Students, college face off over Wi-Fi" +Sci/Tech,FCC frees up spectrum for 3G +Sci/Tech,The Woz has got game +Sci/Tech,Qualcomm pays \$170 million for display start-up +Sports,"No. 1 Illinois 78, Chicago St. 59" +Sci/Tech,A new handshake for mini hard drives? +Sci/Tech,Nokia's take on '20s glamour +Sci/Tech,Update: Judge rules for Oracle in PeopleSoft case +Sci/Tech,IBM opens Linux center in Brazil +Sci/Tech,DemoMobile highlights service-based computing +Sci/Tech,Cisco to acquire network monitoring provider NetSolve +Sci/Tech,"Back-to-school, politics spur spam to new heights" +Sci/Tech,Japanese team claims optical breakthrough +Sci/Tech,"Emulex, Snap aid IBM storage effort" +Sports,"US Open champ tops Els, Appleby by 6" +Sci/Tech,Canon Unveils a Cavalcade of Printers +Sci/Tech,Intel Keeps Its Eye on the Internet +Business,Court Quashes Government #39;s Case Against Oracle +Business,AZ hit by drug-induced depression +Business,Santander tightens its grip on Abbey +Sports,English players snub media after victory +Sports,Schu calls for more safety +Sports,Lockout Looms as NHL Players #39; Contract Offer Rejected +Sports,Revival That Starts With Stars on Sidelines +Sports,Here are some real sleepers to watch +World,One boy dies of bird flu disease in Thailand +World,Update 3: Japan Revises April-June GDP Data Down +Sports,Rainy NFL Pre-Game Show Goes Smoothly (AP) +Sci/Tech,Review: Campaign Finance Web Sites (AP) +Business,Judge Rules for Oracle in PeopleSoft Bid +Sci/Tech,Scientists Try to Use Genesis Wreckage (AP) +Sci/Tech,NASA: Station's Oxygen Generator Fails (AP) +World,US chides Seoul on nuclear tests +Sci/Tech,Morning Sky This Weekend is Sparkling +Sci/Tech,Space Station's Oxygen Generator Fails +Sci/Tech,Scientists Follow Doomed Matter on a Ride Around a Black Hole +Sci/Tech,Most Americans Believe They Have Good Eating Habits +Sci/Tech,Heart Disease Awareness May Create High Anxiety +Sci/Tech,Extinction May Have Trickle-Down Effect +Sci/Tech,Women Are Making Inroads in Video Game Industry +Business,North Sea oil decline widens trade gap +Sci/Tech,Solar prize crash-lands +Sci/Tech,Saturn reveals new ring and moon +Sci/Tech,Another 6000 species threatened with extinction +Sports,Henman making surprising Open run +Sports,Kenseth dominates IROCs short-track debut +World,US urges Americans to avoid Grenada +World,New al-Qaida Tape Airs +World,School raiders #39; nationality identified +Sports,McLaren Pleased With Boro Outburst +World,Questions Raised About Bush Guard Service (AP) +World,Army Says C.I.A. Hid More Iraqis Than It Claimed +World,"From Dismal Chechnya, Women Turn to Bombs" +Business,"Electronic Data May Cut 20,000 Jobs to Save \$3 Bln (Update1)" +Business,FDA questions AstraZeneca #39;s Exanta +Business,Britain #39;s trade gap widens as oil imports hit record high +Sci/Tech,Pieces of space capsule picked up +Sci/Tech,Intel issues dire warning about internet #39;s future +Sci/Tech,"Microsoft, ISV Partners Gear Up For Virtual Server 2005" +Sci/Tech,PeopleSoft flap may be hurting Oracle #39;s image +Sports,GAME DAY PREVIEW Game time: 7:00 PM +Sci/Tech,Briefly: The Woz has got game +Sci/Tech,"OAUG pushes on collaboration with Oracle, other users groups" +Sports,Yankees Sweep Devil Rays in Doubleheader (AP) +World,"Jakarta Embassy Blast Kills 9, Hurts 173 (AP)" +World,Bush Warns of 'Hidden Kerry Tax Plan' (AP) +World,S.Korea FM: No Optimism on Nuclear Talks with North +World,Ritter Family Files Wrongful Death Suit +Sports,Nets 88 Raptors 86 +Sci/Tech,EBay to Tender for South Korea's Internet Auction (Reuters) +Sci/Tech,Judge Clears Oracle's Bid For Rival (washingtonpost.com) +Sci/Tech,Genesis #39;faulty battery #39; probed +Sci/Tech,Oxygen problems plague space station +Sci/Tech,Real Networks sale ends +Sci/Tech,FCC Splits on US Broadband Rollout Success +Sci/Tech,NASA securing space center for possible strike by Ivan +Sports,Roddick rolls on +Sports,"No reservations about Zimbabwe tour, says Vaughan" +Sports,NL Wrap: Perez Strikes Out 14 as Pirates End Astros Run +Sports,US overcomes inconsistent play by following simple qualifying <b>...</b> +Sports,Kazmir Is Impressive in Long-Awaited New York Debut +World,"US, Iraqi forces seek to reclaim control of 3 cities" +World,S. Korea Admits Extracting Plutonium +World,"Six Palestinians Killed in New Fighting in Gaza, West Bank" +World,Teen first in Thailand to die of avian flu since disease re <b>...</b> +World,Japan #39;s GDP growth revised down to 0.3 pct in 2nd quarter +Sci/Tech,"DNA fingerprinting not foolproof, research pioneer says" +Sci/Tech,-Posted by dan.farber 10:16 pm (PDT) +Sci/Tech,Astronauts will try to fix space station air generator +Business,Oracle wins antitrust suit in bid for rival Ruling lifts major <b>...</b> +Business,Chinese currency policy targeted +Business,Jobless Claims Drop; Imports and Inventories Rise +Business,Fed speakers reinforce view for rising US interest rates +Business,"Delta Reduces Expenses by Cutting Jobs, Closing Hub" +Business,National Semiconductor posts robust quarterly profit +Business,BA sells Qantas stake to pay debt +Business,TSX chief will lead Royal shake-up +Business,Alcan okays plan for Australian expansion +Business,Housing starts increase in August +Business,Melinda Gates Joins Washington Post Co. as Director +Business,Charlotte ranks 19th in traffic congestion +Business,DuPont will settle C-8 lawsuit +World,Sudan rejects US genocide declaration as politics +Sports,"With six spots secure, only four openings remain in the chase" +Sci/Tech,Motorola to Invest #36;90 Million in China R D Center (Reuters) +Business,U.S. Growth Outlook Cut -Blue Chip (Reuters) +Sports,Astros Split Doubleheader With Pirates (AP) +World,Fallujah May Be Toughest City to Retake (AP) +Business,Japan Lowers April-June Economic Data (AP) +Sports,Patriots Begin Title Defense with Narrow Win Over Colts (Reuters) +World,Sudan Says U.S. Genocide Declaration Political (Reuters) +Sports,NL Wrap: Perez Strikes Out 14 as Pirates End Astros Run (Reuters) +Sports,"U.S. Open: American Agony as Roddick, Agassi Go Out" +Sports,Patriots Begin Title Defense with Narrow Win Over Colts +Business,Oil Firm After 4 Percent Jump +Business,"Dollar Up Vs Yen, Hits 3-Week Low Vs Euro" +World,Suicide Bomber Carried Out Jakarta Attack-Police +Business,National Airport Tests Boarding Pass Screens +Sports,Roddick's Comeback Falls Short +Sports,Patriots Get Help From Colts in Opener +Business,Halliburton Unit Gets a Positive Review From Pentagon +Sports,Yankees Sweep to Widen Lead +Business,Melinda Gates Joins Washington Post Co. as Director +World,HK Plays Down Talk of Smear Campaign Ahead of Vote +Business,Slower growth for Japan's economy +World,Diplomatic push on N Korea talks +World,Genesis 'faulty battery' probed +World,Tennis: Johansson stuns Roddick +Business,Judge Allows Oracle to Bid for PeopleSoft +Business,US Airways Seen as Likely to Declare Bankruptcy +World,Thai killer of UK couple hunted +World,Shakespearean text lives online +World,Zeta 'stalker kept signed book' +Sports,Patriots Open With Win +Sports,Trojans Trip Up Tigers +Sports,Sindelar Is Early Leader +Sports,Mets End Losing Skid +World,Johansson Upsets Roddick at U.S. Open +World,Patriots Beat Colts 27-24 in NFL Opener +World,Engineer Builds Robot That Walks on Water +Sci/Tech,Motorola to Invest \$90 Million in China R D Center +Sci/Tech,Federal Judge Clears Oracle's Bid for Rival +Sci/Tech,Government Hungry for TV's Airwaves +Sports,A day for patience at wet Glen Abbey +Sports,Text from NHLPA #39;s summary of proposal +Sports,Richmond race difficult to predict +Sports,"Taurasi has 21, Mercury beat Sparks 72-58" +Sports,Troy trounces tigers +World,The \$5m royal wedding +Sports,Sox have off-night in Seattle +Sports,The #39;Marshall pass #39; sparks Trojan rally +Sports,Season may hinge on tonight +Sci/Tech,Ruling turns up heat on PeopleSoft +Business,"Nikkei Tumbles Below 11,000 on GDP Data" +Sci/Tech,IBM pushes out new Stinger database +Sports,Thursday #39;s Baseball Roundup +Sports,UNDATED: third straight. +World,Britons flee Jamaica ahead of hurricane +World,Albert Cheng to be the voice of HK citizens if elected a <b>...</b> +Sci/Tech,Prosecutors ID Only 143 Victims of Sasser Worm +Sports,"With lockout on horizon, NHL labor talks break off" +Sports,Q and A: Wild night in Richmond on tap +Sports,AL roundup: Royals #39; 26 runs good only for split +Sports,"Irish, fans rave over mighty Quinn" +World,Japan Cuts Second-Quarter GDP Estimate to 1.3 Pace (Update9) +Sci/Tech,"After Cutting Its Phone Prices, Nokia Raises Its Outlook" +Sci/Tech,No Fears: Laptop D.J.'s Have a Feast +World,US calls Sudan atrocities genocide (AFP) +World,More Smaller Groups Airing Political Ads (AP) +World,"Bush, Kerry feud over Vietnam, economy, Iraq, Darfur (AFP)" +Business,Tight US supplies boost oil price +Business,INDUSTRY REPORT: Aviation -- Metro to hold auction +Business,INTERVIEW: New NZ Warehouse CEO Sees Room To Grow +Business,US Airways Seen as Likely to Declare Bankruptcy +Sci/Tech,In the beginning ... +Sci/Tech,FCC Insists Broadband Deployment Improving +World,Hurricane Ivan heads for Jamaica +World,Around the world +Sci/Tech,Space Capsule Expected to Yield Some Useful Data Despite Crash +Sci/Tech,"R.E. Lapp, 87, Physicist in Cold-War Debate on Civil Defense, Dies" +Business,Update 1: ID Biomedical Stock Up on Vaccine Pacts +World,Report Seeks Open Access Research Policy (AP) +Sci/Tech,Coming soon: the eight-hour notebook battery +Business,Government agencies hit slump in recent efforts to block mergers +Business,Concern over inventories drives up oil price +Business,Japanese growth revised down +Business,FDA questions Exanta safety +Sports,"Federer, Frances blow out Agassi" +Sports,Madritsch runs Sox through wringer +Sports,Phillies win again despite Michaels #39; homer gaffe +World,Indonesian Police #39;Received Text Message Warning of Blast #39; +World,New Concerns About Bird Flu Take Flight +World,Japan to Continue Demand That US Apply Its Cattle Standards +World,Israeli Missile Strike in Gaza Wounds at Least 3 (Reuters) +World,Blair Reasserts Control After Rocky Summer (AP) +World,Japan Revises April-June Economic Data (AP) +Sports,Troy Shocks No. 19 Missouri 24-14 (AP) +Sports,"Sportsview: Roddick, Agassi Blown Out Open (AP)" +Business,Tech Stocks Withstand Downgrades as Blue Chips Wilt +World,Lawmakers Troubled by 'Ghost Detainees' +Sci/Tech,Woman #39;s loss of dreams helps brain researchers make gains +Sports,New England turns back Colts +Sports,Swede wins date with other Hewitt +Sports,Troy #39;s epic battle shocks Missouri +Sports,"Season #39;s greetings for UM, FSU" +Sports,"Randa propels Royals #39; rout, but Tigers rebound in rematch" +Sports,Basketball hall of fame adds Kansas standout +World,"US, Nigeria to hold joint military training next week" +Business,Eisner to Step Down as CEO in 2006 -WSJ +Business,"Punch buys another 1,000 pubs" +Business,Alaska Air Group to cut 900 jobs +Business,Stymiest quits TSX for Royal +Business,"EDS expected to slash 20,000 jobs" +Business,Qualcomm to pay \$170 million to acquire Iridigm +Sci/Tech,Genesis capsule now a \$264M muddy mess +Sci/Tech,Broadband Proves Popular +Sci/Tech,Intel shows chip roadmap +Sci/Tech,Oxygen Generator on Space Station Fails +Sci/Tech,Teenager charged over Sasser worm +Sci/Tech,EBay closes in on South Korean auction house +Sci/Tech,Scientists Invent Fly Eating Robot +Sci/Tech,P2P outfit sues RIAA for copyright theft +Sci/Tech,Judiciary Committee Votes Custodial Sentences for File Swappers <b>...</b> +Sports,Another Indy effort bites the dust +Sports,Johansson splits Hewitts +Sports,LAWRO: SKIPPER #39;S NOT WORTH HIS PLACE +Sports,Allardyce swipe at Man Utd +Sports,MOTORRACING: SCHUMI: SMASH WON #39;T STOP ME +Sports,"NHL talks break off, lockout all but certain" +Sports,Sloppy Sox are sunk in Seattle +Sports,New York #39;s Benson Is Worth His Wait +Sports,"United no longer have fear factor, says Keane" +Sports,Ivan could put Marlins vs. Expos at The Cell +World,Ivan batters tropics; 23 are reported dead +World,"US, Key Allies Want N. Korea Nuke Talks in Sept." +World,Avian flu claimed its 9th victim in Thailand +World,Thai killer shot Britons five times +World,Indian foreign minister says Kashmir #39;not a nuclear flashpoint #39; +World,Brunei #39;s sultan hosts royalty at lavish wedding banquet? (updated <b>...</b> +World,Man hammering gates of Downing Street arrested +World,"Japan Approves Plan to Split Up, Sell Postal Services (Update1)" +Sports,US stars eye home final +Sports,A dash of novelty to add to excitement +Sports,ALL EYES ON BOWDEN AFTER FAMILY TRAGEDY +Business,Bank accepts slowdown by pegging rates at 4.75 +Business,Cisco snaffles network monitoring firm +Sci/Tech,Censored Internet Access at Phoenix Public Libraries +Business,Oracle wins antitrust lawsuit for PeopleSoft takeover +Sci/Tech,"Intel, HP to Commercialize PlanetLab" +Sci/Tech,DNA FINGERPRINTING CAN DODGE THE RESULTS? +Sci/Tech,Next step: Anti-porn filters +Sports,ncaa football Coaching with heavy heart +World,Syria hands Turkey senior Kurdish militant +World,House Approves #36;142 Billion Spending Bill (AP) +Sports,"Raikkonen Can Be Schumacher's Heir, Says Brawn" +World,Taliban Say Attack Shows They Can Strike at Will +Sports,Ways to pass time between TD passes +Sports,But seriously folks +Sports,The Pride are back for more +Sports,Army's allure has brought Ross back to sideline +Sports,Independents +Sports,This week's picks +Sports,This week's schedule +Sports,Transactions +Sports,Ghostzapper an eye-opener +Sports,Notables +Sports,NHLPA proposal rejected +Sports,Astros earn split after streak ends +Sports,Open's wild weather no windfall for Agassi +Business,Samsung pumps \$31bn into chip plants +World,Ugandan refugees 'heading home' +Sports,Today's schedule +World,Paraguay seeks Stroessner return +Sports,Stoppers earn save +Sports,Feaster stings Monarchs +Sports,Yankees gain some breathing room with sweep +Sports,He's set up to pitch in +World,Sweden honours slain Anna Lindh +Sports,Texas LB Johnson Captures Bronco Nagurski Trophy +Sports,Sloppy Sox are sunk in Seattle +World,New tape features bin Laden lieutenant +World,"In new rift, Russia accuses US, Britain of coddling Chechens" +World,"Luck, pluck helped 10-year-old survive attack in Russian school" +World,P. Diddy Talks About Child Support Lawsuit +Business,Wall St. Seen Mixed; PeopleSoft Seen Up +Business,Deficit Weighs on Dollar; GDP Hits Yen +Business,Oil Steady After 4 Pct Jump on Low Stocks +Sci/Tech,Slowing H2 chip sales to hit 2005's growth - report +Business,Health premiums jump 11.2 +Business,Capitalizing on Fleet exodus +Business,Harvard's PR problem +Business,House blocks overtime rules +Business,Oracle bid gets green light +Business,Oil prices surge on fears over hurricane +Business,China trade complaint rejected +Business,Wall St. Seen Mixed; PeopleSoft Seen Up (Reuters) +Business,CEO Eisner to Step Down in Sept 2006 -WSJ (Reuters) +Sports,"Royals Score 26, Shut Out in Same Day (AP)" +Sports,"Phillies Win Again, Cling to Playoff Hopes (AP)" +Business,Deficit Weighs on Dollar; GDP Hits Yen (Reuters) +Sci/Tech,Broadband Proves Popular (PC World) +Business,"China's August industrial output up 15.9 percent, quickens on July (AFP)" +Sci/Tech,'Cellular' answers action call (USATODAY.com) +Sci/Tech,Spammers Hijack Sender ID (TechWeb) +Sci/Tech,Oracle wins right to pursue rival (USATODAY.com) +World,US genocide charge is Bush election ploy - Sudan FM (AFP) +Sci/Tech,Court clears Oracle-PeopleSoft (TheDeal.com) +World,Paper: Disney CEO to Leave Company in '06 +Sci/Tech,Hi-tech phones sent TV channels +Business,Tight US supplies boost oil price +Business,Update 3: Paper: Disney CEO to Leave Company in #39;06 +Business,Local Enron cases get help +Business,Alaska to slash 900 jobs +Sci/Tech,Space Capsule Expected to Yield Some Useful Data Despite Crash +Sci/Tech,Spammers love Sender ID +Sports,SCHUMACHER GRABS TOP SPOT +Sports,Final Opportunity +World,"Operation in Wana: Terrorists Hideouts Smashed, Dozens Killed" +Sci/Tech,Waging war on the super rats +Sci/Tech,Beauty spot given a green boost +Sci/Tech,Broadband Proves Popular +Business,CEO Eisner to Step Down in Sept 2006 -WSJ +Sci/Tech,Cassini reveals new ring around Saturn +Sci/Tech,EBay to Tender for South Korea #39;s Internet Auction +Sports,OAKLAND AIM TO BOUNCE BACK +World,Text message warned of Jakarta bombing +World,Protestors rally against Sadr +Sci/Tech,Ghana Gets a Fab Lab +Sci/Tech,People's Republic of Mac +Sci/Tech,Kaiju Monsters Invade Hollywood +Sci/Tech,Beware of Bots Bearing Messages +Sci/Tech,U.S. Open Puts Serve in Server +Sci/Tech,NASA Searches Genesis Wreckage +Sci/Tech,Space Station Oxygen Maker Broken +Business,"Japan revises down April-June GDP, sending stock prices lower (AFP)" +World,European stock markets higher in early deals (AFP) +World,China Attacks Human Rights Report (AP) +Business,Disney Says CEO Eisner to Retire in 2006 +World,"Sudan, West in War of Words Over Genocide Charge" +Sci/Tech,Tech Firms Announce Video Anti-Piracy Technology +Sci/Tech,Hypnosis 'reduces cancer pain' +World,Malaysia sees future in region +Business,Oracle #39;s 4bn PeopleSoft bid gets OK +Business,Alaska Air shuts Oakland base +Business,Royal Bank Hires Stymiest From TSX in Executive Shakeup +Business,Aga upbeat as profits rise +Business,Qualcomm pays \$170 million for wireless screen designer Iridigm +Sci/Tech,Intel plans to fix internet +Sci/Tech,"Lexmark recalls 40,000 laser printers" +Sports,"US OPEN NOTEBOOK Hewitt, Henman reach the spotlight" +Sports,"Rain, wind inflate scores" +Sports,"Baseball world, and Bonds, expect more than 700" +Sports,Jauron treating return to Chicago as he would any other game +Sci/Tech,Tech Firms Announce Video Anti-Piracy Technology (Reuters) +World,Cheney Meets With Troops in Afghanistan +World,"Punch Taverns buys another 1,000 pubs (AFP)" +Business,Disney Says CEO Eisner to Retire +Business,Court sides with state in case against FERC +Business,Profit could miss Wall St. forecast by as much as 42 +Business,FAA chief urges approval of O #39;Hare expansion plan +Business,Cracker Barrel to pay \$8.7 million to settle lawsuits +Sports,Schumacher grabs top spot +World,Police probe Jakarta suicide role +World,Thai man dies of bird flu +Sci/Tech,EDS Ready to Trim Payroll Over 2 Years +Sci/Tech,Acquisition Nets Big Clients +Sci/Tech,NASA Hopes Data Can Be Salvaged From Crashed Craft +Sci/Tech,Secrets of a Salty Survivor +World,U.S. Air Strike Kills One Iraqi in Falluja (Reuters) +World,Israeli Troops Catch Palestinian With Bomb (AP) +Sci/Tech,Shopping.com Holders Cut IPO Shares (Reuters) +Business,Dean Foods Exits Nutritional Beverages +Business,Oracle #39;s Wish Comes True +Business,US official backs producers on China apparel curbs +Business,Delta needs pilot deal +Business,Alcoa shares plunge on profit warning +Business,US Trade Deficit Narrowed to \$50.1 Billion in July (Update1) +Business,Tribune Revises Circulation Figures +Business,Nat Semi triples its net profit +Business,Alaska Airlines slashing 8 percent of work force +Business,More Warehouse woes +Sci/Tech,Nasa tries to salvage Genesis solar dust +Sci/Tech,RealPlayer Music Store promotion leads to 3 million songs sold +Sci/Tech,Stroke victim robbed of her dreams +Sci/Tech,Cell phone vendors to work on mobile TV +Sci/Tech,Space Station Tinkering Works +Sci/Tech,Intel sees big changes to the net +Sci/Tech,IBM adds extra Linux and automation to DB2 +Sci/Tech,Photo may be first of extrasolar planet +Sci/Tech,Microsoft #39;s New Mice Get Touchy +Sci/Tech,The Apprentice Says quot;You #39;re Hired quot; To Yahoo +Sci/Tech,BlackBerry handset gets shirty with qwerty +Sci/Tech,Review: Horror comes home in #39;Silent Hill 4 #39; +Sci/Tech,O2 announces two new xda devices +Sci/Tech,Skype launches Pocket PC software +Sports,FARINELLA: McGinest saves win +Sports,Zimbabwe #39;s Panyangara bowls seven wides in first over +Sports,US soccer battling through qualifying +Sports,"Liu, Jones pull out of Berlin meeting" +Sports,Baseball: Have a seat - sitting in the lap of Chicago Cubs #39; <b>...</b> +Sports,Bayern striker Santa Cruz ruled out with knee injury +Sports,ANDY CAGLE on NASCAR: The Chase Comes Down To One Race +Sports,Goofball #39; storms over Abbey +Sports,NHL Rejects Players Union #39;s Latest Labor Agreement Proposal +Sports,Mariners snap Red Sox win streak +Sports,Willingham Determined on Thursday +World,Zimbabwe jails Briton in mercenary case +World,S. Africa Links Pakistani Khan Network #39; to Arrests (Update1) +World,Blair meets Ahern ahead of crunch talks +Sci/Tech,Oxygen generator fails on space station +Sports,Savage Is A #39;Drama Queen #39; - Sanchez +World,Verheugen Reminds Turkey to Finish its Homework +World,Blair Demands Complete End to Ulster Violence +Sports,Ballack set to miss Bielefeld clash +Sports,Perez stops Astros; streak ends at 12 +World,Bush Support Strong After Convention (washingtonpost.com) +World,Russia Launches Inquiry Into School Siege +World,Jakarta Hunts Islamic Militants After Embassy Attack +Business,Eisner plans to leave Disney in 2006 +Business,Goodyear to Cut 340 Jobs Over Next Year +Business,Energy refund push is backed +Sci/Tech,RealNetworks ends download 49c promo +Sci/Tech,"Nokia, Motorola, NEC, Siemens, Sony Ericsson work on mobile <b>...</b>" +Sci/Tech,"Brilliant Digital, Altnet Sue RIAA" +Sports,Pats kick off season with win +Sports,Potential All-American Dream or All-Russian Nightmare for USTA at <b>...</b> +Sports,Shortstop pulled over early Friday morning +Sports,Las Vegas casino offering full season of action +Sports,Troy shows #39;em +World,Hopes Fading for Fourth Round of Talks on Pyongyang #39;s Nuclear <b>...</b> +World,WHO Warns Of More Human Deaths After Bird Flu #39;s Latest Victim In <b>...</b> +Sports,Marion Jones pulls out of Berlin Golden League meet +World,Somali warlord 'to rejoin talks' +World,US aircraft keep up Falluja raids +World,Police chief's suspension lifted +World,Anti-Moore movies to be screened +World,Putin Agrees to Inquiry Into Russian School Siege +World,Jamaicans Flee as Powerful Hurricane Approaches +World,Disney Confirms Eisner to Leave in 2006 +Sci/Tech,Microsoft Sees Music Opportunity in Cell Phones (Reuters) +Sci/Tech,Phone Firms Rush to Get TV on Mobile Phones (Reuters) +Business,Treasuries Rally on Drop in August PPI (Reuters) +Sports,Just don #39;t do it: China bans Nike #39;s basketball advert +Sports,Clyde Drexler Tops Hall of Fame Inductees (AP) +World,U.S. Calls Killings In Sudan Genocide (washingtonpost.com) +Sci/Tech,Virus Writer Hides Job Ad in MyDoom Net Worm (Reuters) +Sci/Tech,ViewSonic Delves Into Video Networking (PC World) +Sports,Price of cards to be shuffled +Sports,Braves Shortstop Furcal Arrested for DUI (AP) +Sci/Tech,Chicago Mayor Unveils Surveillance Plan (AP) +World,Indian artist Husain to paint 100 pieces in one year for 22 million dollars (AFP) +World,Lacklustre job creation keeps August unemployment rate steady at 7.2 per cent (Canadian Press) +Sci/Tech,"Oracle wins antitrust case, can pursue PeopleSoft (AFP)" +Business,Treasuries Rally on Drop in August PPI +Sports,Chelsea warning to champions +Business,"Stocks Open Lower, Alcoa Weighs" +Business,"Dollar Falls as Trade, PPI Data Weigh" +Sci/Tech,Hypnosis Effective in Relieving Cancer Pain (Reuters) +Sci/Tech,Cannabis May Have Long-Term Benefit for MS (Reuters) +Business,Delta Fails to Get OK from Bond Holders +Sports,Golf: O'Hern and Jacquelin Vie for Breakthrough Win +Business,"Goodyear to Cut 340 Jobs, Take Charge" +Business,Nokia: Caution Replaces Euphoria +Business,Tribune Revises Circulation Figures +Business,Disney boss to step down +Business,Go-ahead for postal savings sale +Sci/Tech,Musicians Sing Different Tune on File Sharing +Business,M S in talks to offload website +Sports,Dillon experiences a whole new feeling +Sports,Last team standing +Sports,"It's no tossup, nod goes to Brady" +Sports,Forces secure area +Sports,Ali: Boxing needs US commission +Business,Disney Confirms Eisner to Leave in 2006 +Business,Where Are the Superinvestors? +Business,No Warning for Procter Gamble +Business,Were You Ready for Some Football? +World,"Stocks Fall on Alcoa, Visteon Warnings" +World,Jamaicans Flee As Ivan Approaches; 23 Dead +World,Questions Surface About Bush Memos +World,Stocks Expected to Fall on Alcoa Report +World,Man Gets 6 Months for Swinging Alligator +Sci/Tech,Cisco and Fujitsu team up +Business,Metcash bids for Foodland +Sci/Tech,Linux poised for move from data centre to desktop - report +Sci/Tech,Orange to ship Wi-Fi Pocket 'in October' +Sci/Tech,M S in talks to offload website +World,Ivan Bears Down on Jamaica with 150 Mph Winds Strengthening +World,Propects for NKorea nuclear talks clouded: South Korean FM +World,Israel Locks Down Palestinians +World,Aid workers ready to quit after Baghdad kidnapping +World,Atomic confession no bar to talks +Sci/Tech,Microsoft Sees Music Opportunity in Cell Phones +Sci/Tech,Phone Firms Rush to Get TV on Mobile Phones +Sci/Tech,Oracle's Wish Comes True +Sci/Tech,Tech Firms Announce Video Anti-Piracy Technology +Sci/Tech,Cannabis study encouraging for MS +Sci/Tech,Females 'work harder for degrees' +Sci/Tech,"Cassini Discovers Ring and One, Possibly Two, Objects at Saturn" +Sci/Tech,Grace Gravity Mission Weighs in on Earth's Changing Climate +Sci/Tech,Adult ADHD Costs Billions in Lost Income +Sci/Tech,Ears Work in Stereo Before Brain Does +Sci/Tech,New Labels Can Tout Heart-Healthy Foods +Sci/Tech,The long march to Longhorn +Sci/Tech,IBM to launch Linux-only Power servers +Sci/Tech,'Thinking Cap' Controls Computer in New Experiment +Sci/Tech,McAfee's Trojan horse error gets developer's goat +Sci/Tech,Nokia to offer phones with 'old world' styling +Sci/Tech,Dell hopes support hubs will improve service delivery +Sci/Tech,European Commission clears HP's bid for Synstar +Sci/Tech,Dell Cuts Prices on Many U.S. Corporate Products +Sci/Tech,Hitachi and Intel join on mobile phone drives +Sci/Tech,Judge's decision means uncertain future for PeopleSoft +Sci/Tech,"Altnet Fights Back, Sues RIAA" +Sci/Tech,ViewSonic Delves Into Video Networking +Sci/Tech,Microsoft's New Mice Get Touchy +Sci/Tech,Controversial File-Trading Bill Moves Forward +Sci/Tech,MIT Engineer Builds Robot That Walks on Water +Sci/Tech,Many Web Sites Keep Tabs on Campaign Giving +Business,Italian Mobile Phone Deal Seen +Business,Judge Rules Oracle Can Pursue PeopleSoft Takeover +Business,Eisner to retire from Disney in #39;06 +Business,US Airways pilots hold emergency meeting +Business,"UPDATE 1-Goodyear to cut 340 jobs, take charge" +Business,Yukos facing licences axe +Sci/Tech,Intel hopes to help build Internet of the Future +Sci/Tech,The long march to Longhorn +World,Sudan Rejects US Charges of Genocide in Darfur +World,Hong Kong set for record vote +World,45 dead in raid on #39;closed #39; township +World,Africa vows to stop Darfur carnage +Sci/Tech,One Way Link Building Secures Search Engine Ranking Results +World,British warships en route to Jamaica as Hurricane Ivan closes in (AFP) +Business,"Blue Chip Stocks Fall, Techs Rise" +Sci/Tech,"Genes, Biology Important in Obesity Fight (AP)" +Business,"Dollar Weighed Down by PPI, Trade Reports" +Sci/Tech,"Extinct Species Take Others Along, Study Finds (Reuters)" +Sci/Tech,Arctic Science Mission Faces Cold War-Style Hurdles (Reuters) +World,Russia to launch Beslan inquiry +Business,Cott Pops Up Again +Sci/Tech,Judge Tosses Pa. Child Porn-Blocking Law +World,Shiite Clergy Push Vote +Sci/Tech,ISP Telenor cripples zombie PC network +Sci/Tech,Take a Note--Or Lots of Them +Business,Software Stocks Bounce After Oracle Ruling +Business,Alcan shares fall after rival Alcoa profit warning +Business,Trade Gap Narrows But Still 2nd Highest +Business,Cott Pops Up Again +Sci/Tech,FCC: Broadband Usage on the Rise +Sci/Tech,-Posted by david.berlind 8:17 am (PDT) +Sci/Tech,Skype for Pocket PC Allows Free VoIP Phone Calls +Sports,Officials Show They Will Enforce Contact Rule +Sports,"Vodafone, England Cricket Sponsor, Misses Out During Tournament" +Sports,Santa Cruz out with knee injury +Sports,Sindelar seizes lead at weather-ravaged Canadian Open +Sports,Michigan #39;s Manning leads by example +World,Israeli Hard-Liners Denounce Gaza Disengagement Plan +World," #39;Patience, perseverance must be keynotes to resolve Kashmir #39;" +Sports,Els Trails by One Stroke at Korean Open (AP) +Business,Coffee pact aims to help growers +Business,Eisner to Step Down as Disney Chief in 2006 +Business,Book Value Bargains +Business,Lessons Airlines Can Learn From PCs +World,Russia Launches Inquiry Into School Siege +Business,Cell Phone TV Is Coming +Business,"Alcoa shares drop on profit warning amid labour problems, closures" +Business,Japanese Bank in Merger Talks Cuts Pay +Business,Cott Signs Major #39; Customer; Analyst Says It #39;s Target (Update2) +Business,Russian Oil Mogul Expects to Lose It All +Sci/Tech,Scientists tracing the stuff dreams are made of +Sci/Tech,German Teen Charged with Creating Sasser +Sports,"Four days later than planned, #39;Noles get shot at ending Canes #39; <b>...</b>" +Sports,Singh makes remarkable recovery +Sports,SportsNetwork Game Preview +World,Police released suspect +World,US Strikes Targets In Al-Fallujah +World,Cross-Border Terrorism Must Stop First: Natwar +World,Two weeks and 3m to celebrate princes wedding +Business,PeopleSoft Shares Surge As Merger Seen +Business,Eisner to Step Down as Disney Chief in 2006 +Business,Oil continues to rally +Sci/Tech,"Transmeta Begins Limited Production of 90nm Efficeon, Lowers <b>...</b>" +Sci/Tech,Microsoft Virtual Server 2005 +Sports,Schumacher is quickest in practice +Sports,KEEGAN BACKS JAMES FOR ENGLAND RETURN +Sports,Seattle Mariners Team Report - September 10 +World,US strikes Falluja again in its fourth day of attacks +World, quot;Overnight quot; solution of Kashmir issue not possible: Pakistan +Sci/Tech,"EDS may cut 20,000 jobs over the next two years" +Sci/Tech,Judge Nixes Internet Child Porn Law in Pa. (AP) +Business,Surprise drop US wholesale prices is mixed news for economy (AFP) +Business,Eisner to leave Disney in 2006 +Business,Visteon shares fall 15 pct after outlook warning +Business,Juncker Gets Post As #39;Mr. Euro #39; +Sci/Tech,Much ado about Bard #39;s texts online +Sci/Tech,Microsoft Sees Music Opportunity in Cell Phones +Sci/Tech,McAfee #39;s Trojan error ires developer +Sci/Tech,Vodafone launches Wi-Fi Windows Mobile VPA III +Sports,Schumi pays tribute to Ferrari #39;s tifosi +Sports,Miami losses no joking matter to Bowden +Sports,"World No. 1 Vijay Singh tears up front nine, shoots 28 at Bell <b>...</b>" +Sports,DEFOE STILL ON CLOUD NINE +Sports,Red Zone Just Scored = Possession All Times Eastern +Sports,UPDATE 1-India call up Bhandari for injured Balaji +World,IAEA to discuss S.African nuclear cases next week: report +Business,eBay CEO Not Tempted by Disney Job +Business,US judge gives Oracle greenlight to pursue PeopleSoft +Business,"Delta, US Air Slump As Bankruptcies Eyed" +Business,Qwest settling SEC charges +Business,US Stocks Boosted by Oil #39;s Fall +Business,"US Airways Gives Pilots, Flight Attendants New Offer (Update2)" +Business,Japan #39;s 2Q GDP revised downward +Business,Update 1: Newspapers #39; Circulation Figures Cut Again +Business,Brown-Forman: Family Trust Boosts Volume +Business,Luxembourg prime minister chosen as quot;Mr Euro quot; +Business,US Warns China It May Impose Limits on Apparel Imports +Business,Enron gets go ahead to sell pipes +Business,Sprint settles FTC claim for \$1.125M +Business,Airline Eliminates Check-In Hassle +Business,Goodyear to cut 340 jobs +Sci/Tech,NASA: Genesis #39; Broken Capsule Holds Good Science +Sci/Tech,Week in review: Intel looks ahead +Sci/Tech,Phone makers team on mobile TV plans +Sci/Tech,Much Ado About Surfing Shakespeare Goes Online +Sci/Tech,Court rules against state Web-blocking law +Sci/Tech,Moscow: Space Station Has Lots of Oxygen +Sci/Tech,Network Security Cisco To Acquire Network-Monitoring Firm NetSolve +Sci/Tech,Powell plays up diverse broadband options +Sci/Tech,The Trojan resume: MyDoom authors encode job plea +Sci/Tech,Transmeta Begins Production of 90-Nanometer Efficeon Processor +Sci/Tech,Yahoo Hired for #39;The Apprentice #39; +Sci/Tech,Cell Phone TV Is Coming +Sci/Tech,Skype Puts VoIP on PDAs +Sports,"Federer, Hewitt could setup blockbuster Open final" +Sports,Sindelar keeps Canadian Open lead +Sports,McDowell leads German Masters; three Ryder Cup players miss cut +Sports,Petacchi sprints to third victory +Sports,Rams QB has USC #39;s attention +Sports,Indiana recruit cited for underage drinking +World,Suicide suspected in Jakarta bombing +World,Kidnappings; pro and con al-Sadr rallies in Iraq +World,Zimbabwe Sentences 68 Accused Mercenaries to Prison +World,Mixed media: Fingers pointed at Putin +World,Suspected Turkish al-Qaida leader reportedly killed in Iraq <b>...</b> +Sci/Tech,Court strikes down Pennsylvania porn law +Sci/Tech,Horror comes home in #39;Silent Hill 4 #39; +Sports,Golf: #39;Teeth-gnashing inquests #39; put Harrington on track +Sports,Flames #39; Sutter has emergency appendectomy +Sci/Tech,Manufacturers hope to turn on mobile TV +Sci/Tech,Tech Firms Announce Video Anti-Piracy Technology +Sports,McDowell sets halfway pace +Sports,World Cup notebook: Redden skates but probably won #39;t play Saturday +Business,Circulation Scandal Costs Tribune Co More +Business,Nortel hires Accenture to revamp financial organization +Business,Brown-Forman cites family sale for stock volume +Business,Market is in charge as OPEC #39;s clout fades +Business,US Airways makes last-minute offer to unions +Sports,Flames coach Sutter undergoes appendectomy +World,Hamas leader killed in Gaza as settlers warn of civil war +World,Court to sentence #39;mercenaries #39; +World,"Pakistan Bombs #39;Terrorist Camp, #39; Kills at Least 50" +World,"After six decades, India, Pakistan to issue tourist visas" +World,3 Lebanese murdered in Baghdad heist +World,"Victims of plane crash in Zambia from Canada, Britain, Australia" +Sports,Andre gone with the wind +Sports,Sindelar snaps slump with 66 at rainy Open +Sports,"Week of September 11th, 2004 - Part 2" +World,US Vows No Double Standards Over South Korea #39;s Nuclear Admissions +Sci/Tech,FCC adds spectrum for 3G services +Sci/Tech,Yahoo! to Host Apprentice Web Site +Sci/Tech,"Some Lexmark, Dell Printers May Present Electrical Hazard" +Sports,Golf: Sindelar Leads Canadian Open +World,Germans Arrested in South Africa on Nuclear Charges +World,Union Struggles To Contain Turkey Accession Debate +Business,Qwest to Settle with SEC for \$250 Million +World,Russian Troops Fled from Siege School Claim Locals +Business,Disney's Eisner to Step Down in Sept 2006 +Business,Qwest to Settle with SEC for \$250 Million +Sci/Tech,Mild El Nino Developing in Pacific (AP) +Business,"Oil Slides, Hurricane Has Market on Edge" +Sci/Tech,Locusts Menace Quarter of West Africa Crops-Experts (Reuters) +Business,"Producer Prices Drop, Trade Gap Narrows" +Sci/Tech,"Hiding Genome Data Won't Protect Us, Experts Say (Reuters)" +Business,Creditors KO Delta's Bid to Change Debt +World,Bean Poses Re-Election Dilemma for Crane (AP) +Sci/Tech,Likely First Photo of Planet Beyond the Solar System (SPACE.com) +Business,Circulation Scandal Costs Tribune Co More +Sci/Tech,Genesis Capsule a 'Mangled Mess' (SPACE.com) +Sci/Tech,Frances Destroys Sea Turtle Nests (AP) +Business,"Delta, US Air Stocks Drop" +World,Israel Kills Three Palestinians in Gaza Raid +Business,"Goodyear to Cut 340 Jobs, Take Charge" +Business,Enron gets go ahead to sell pipes +Business,Alcoa announces a profits warning +World,MS risk 'linked to birth month' +Business,Rogue lawyer 'guilty' in QXL case +World,Genesis data 'retrieved intact' +World,Cheney tempers criticism of Kerry +World,Pakistani women 'must not hide' +World,Mubarak son raises public profile +Business,Qwest Is Said to Pay \$250 Million in S.E.C. Settlement +World,U.S. Deserter Leaves Army Base for New Life in Japan +Business,Tribune to Take \$60 Million Charge in Circulation Scandal +Business,"Toys ""R"" Trump" +Business,Airline Eliminates Check-In Hassle +World,Airstrike said to kill 50 at suspected Qaeda site +World,NATO bolsters presence for Afghan election +Business,Answers in the Margins +World,Russian Leader Promises Open Inquiry Into Terror Attack +Business,Game On for Take-Two +Business,Ashworth's Beyond the Fairway +World,Jamaicans Flee As Ivan Approaches; 33 Dead +World,'Hawaii Five-0' May Become a Movie +World,Stocks Mixed Despite Good News on Prices +World,Eisner to Retire As Disney CEO in 2006 +World,"Stocks Mixed on Alcoa, Visteon Warnings" +Sci/Tech,Government Hungry for TV's Airwaves (washingtonpost.com) +Sci/Tech,'Thinking Cap' Controls Computer in New Experiment (Reuters) +Sci/Tech,Education Helping Seniors Get Online (AP) +World,Samarra May Be Key to Handling Iraq Cities (AP) +Sci/Tech,Phone Vendors Team Up To Deliver Mobile TV (NewsFactor) +Sports,Brodeur Hopes to Play Despite Sore Wrist (AP) +Sci/Tech,Web Data Transfer to Handsets Made Easier (AP) +World,Alta ex-alderwoman gets conditional sentence for fabricating stalking stories (Canadian Press) +Sci/Tech,IBM Debuts Stinger Database Software (NewsFactor) +Sports,"Knowles, Nestor Win Open Men's Doubles (AP)" +Sci/Tech,"Suddenly, It's AMD Inside (BusinessWeek Online)" +Sports,"College Basketball: Illinois, UConn Cruise; Virginia Upset" +World,AP Poll: Bush Holds Lead Over Kerry (AP) +World,"New powers needed to fight terrorism, Australia's counter-terror chief says (AFP)" +World,AP Poll: Bush Holds Lead Over Kerry +Business,Yellow Roadway Receives \$500M Credit Line +Business,Juncker Gets Post As #39;Mr. Euro #39; +Sci/Tech,IPaq users report trouble with Skype +Sports,Marlins shift games versus Expos to US Cellular Field +Sports,Open-Knowles and Nestor win men #39;s doubles at US Open +Sports,"Blues re-sign D Backman, four others" +Sports,"Compete against your friends, SI experts and celebrities in this <b>...</b>" +World,Ferocious Ivan bears down on Jamaica +World,Iran condemns bomb attack in Indonesia +World,Iran absolutely will not engage in nuclear weapons program: EU +World,Chechens Blamed In Russian Siege +Sci/Tech,"Sprint, AT T Settle Credit Law Violation Claims" +Sci/Tech,Web Aids Search for the Right -- or Left -- Mate +Sci/Tech,"Poverty, Persecution Stalk Many Indigenous Peoples" +Sci/Tech,Toronto Taps Lake Ontario to Stay Cool +Sci/Tech,Gravel-Gel-Soil Gives City Trees Room to Grow +Sci/Tech,"Extinctions Could Have Domino Effect, Study Says" +Sci/Tech,Earth's Magnetic Field Is Fading +Sci/Tech,NASA Scientists Hopeful of Salvaging Genesis +Sci/Tech,Customers bemoan changes in Quicken 2005 +World,Bush: Iraq Elections Must Take Place As Scheduled +Sci/Tech,Briefly: Melinda Gates joins Washington Post board +Sci/Tech,Melinda Gates joins Washington Post board +Sci/Tech,Report: Learning is key to grid success +Sci/Tech,The Trojan resume: MyDoom authors encode job plea +World,US resists Kyoto talks as climate summit begins +Sci/Tech,Some iPaq users report trouble with Skype +Sci/Tech,Court rules against state Web-blocking law +Sci/Tech,Intel offers few details on dual-core plans +Sci/Tech,Gartner: Ignore Longhorn and stick with XP +Business,Bankruptcy looms as US Airways seeks last-ditch cost savings +Business,Brazil Debt Rating Raised by Moody #39;s on Export Growth (Update2) +Sports,Singh: Golf is #39;all I know #39; +World,EU trio toughen stance on Iran nuke plan-diplomats +Sci/Tech,Blogger is now surprisingly cool +World,Pakistani women #39;must not hide #39; +Business,Spectrum-FDA OKs Generic Version of Cipro (Reuters) +World,Officials Search al-Qaida Video for Clues (AP) +Sports,Drexler Headlines Hall of Fame Inductees (Reuters) +Sports,Mauresmo Takes Over as World Number One +Business,Spectrum-FDA OKs Generic Version of Cipro +Sports,Drexler Headlines Hall of Fame Inductees +Business,Delta's Bid to ChangeTerms Is Rejected +Business,Dollar Slips on Weaker Producer Prices +Sci/Tech,"Briefly: Transmeta starts new chip, warns on earnings" +Business,Disney #39;s Eisner to leave company in 2006 +Business,"US Airways Gives Pilots, Flight Attendants New Offer (Update3)" +Business,UPDATE 2-Delta bid to change debt terms is rejected +Business,Moody #39;s upgrades Lucent Technologies debt ratings +Business,"Sprint, AT amp;T To Pay \$1.5 Million In Credit Case" +Business,Nortel hires Accenture to help fix global financial organization <b>...</b> +Sci/Tech,High hopes to salvage Genesis science +Sci/Tech,Court rules against state Web-blocking law +Sci/Tech,Dreamless woman remains healthy +Sci/Tech,Cisco to acquire network monitoring provider NetSolve +Sci/Tech,Microsoft: Payout of Sasser bounty hinges on conviction +Sci/Tech,Extinction May Have Trickle-Down Effect +Sports,"Kuznetsova beats injured Davenport, becomes first Russian woman to <b>...</b>" +Sports,Nestor and Knowles win the big one: a doubles title at US Open +Sports,The race for The Chase begins at Richmond +World,The self-employed are not this bad economys saviors. By <b>...</b> +World,Britons die in Zambia plane crash +Sports,Winslow Jr. Ready to Debut With Browns (AP) +Sports,Expos-Marlins to Play Two Games in Chicago (AP) +World,Little Sympathy for Thai Rebels Over Malaysian Border (Reuters) +World,Former Alta city councillor gets conditional sentence for fabricating stalker (Canadian Press) +Business,Stocks Boosted by Oil's Fall; Techs Rally +Sports,No Hasty Decisions on Future for Beaten Davenport +Sci/Tech,Stroke Steals One Woman #39;s Dreams +Business,BREAKING NEWS Federal judge rejects US bid to block Oracle <b>...</b> +Business,Eisner to step down in 2006 +Business,"Expect Chapter 11, pilots told" +Business,"US Stocks Rise, Led by Technology Companies; Alcoa Slides" +Business,Qwest to pay \$250M in settlement? +Sci/Tech,Microsoft: Sasser bounty hinges on conviction +Sci/Tech,China-Backed Search Engine Accoona Debuts (Reuters) +Sci/Tech,Microsoft: Payout of Sasser bounty hinges on conviction +Sci/Tech,Microsoft Microphones +Sci/Tech,Yahoo! Partners With Mark Burnett For New Season Of #39;The <b>...</b> +Sports,UPDATE 1-England v Zimbabwe to be completed on Saturday +Sports,"Compete against your friends, SI experts and celebrities in this <b>...</b>" +World,Israeli Lions Symbols of Peace at Palestinian Zoo +World,US gives up on getting Iran to UN Security Council in September <b>...</b> +Sci/Tech,"Back-to-school sales, politics spur spam to new heights" +Sci/Tech,"Q A: Sara Lee wrestles with RFID, looks for benefits" +Sci/Tech,ISP Telenor cripples zombie PC network +Sci/Tech,Source: Qwest to settle with SEC for \$250M +Sci/Tech,Judge's decision means uncertain future for PeopleSoft +Sci/Tech,Q A: Sun's Marissa Peterson on the company's IT services plans +Sci/Tech,Cisco to acquire network monitoring provider NetSolve +Sci/Tech,Intel seeks role in development of the next Internet +Sci/Tech,Intel Offers Few Details on Dual-Core Plans +Sports,Colts Self-Destruct in Game With Patriots (AP) +Sports,Gold Medal Alters Life for Carly Patterson (AP) +Sci/Tech,"PayPal to Levy Fines for Gambling, Porn (Reuters)" +Business,Results of Poll on Attitudes Over Economy (AP) +Sci/Tech,New Version of Windows Boosts Security (AP) +World,South Korea's nuclear research not linked to weapons: US (AFP) +Sci/Tech,Bruising Oracle-PeopleSoft battle revived by court ruling (AFP) +Sports,Southern Cal Wary of Colorado State QB (AP) +Business,Treasuries Gains Eroded by Upbeat Fed +Business,PeopleSoft fracas could spark software M amp;A +Business,"EDS May Cut Up To 20,000 Jobs" +Business,Qwest reportedly reaches agreement with SEC on fraud investigation +Business,Punch deals a blow to critics of tenanted pubs sector +Business,AIM Trimark may fall into Holland #39;s lap +Sci/Tech,Ray of hope for solar mission +Sci/Tech, #39;Dream centre #39; of the brain found +Sci/Tech,US Judge Rejects Law to Block Child Porn on Web +Sci/Tech,"Sun adds UltraSparc IV to 4-way, 8-way servers" +Sci/Tech,Cisco steps up to network monitoring plate +Sci/Tech,VeriSign Speeds Up DNS Updates +Sci/Tech,"Transmeta Ships Efficeon, Lowers Revenue Outlook" +Sci/Tech,Photo Release: Dying Star Creates Fantasy-Like Sculpture of Gas <b>...</b> +Sci/Tech,The Real End +Sci/Tech,The perennial underdog is challenging Intel with a new class of <b>...</b> +Sci/Tech,Darwin #39;s expulsion sparks protests +Sci/Tech,GAO Report Finds FBI Plans Still Lacking +Sports,Weir on top at home; Singh one back +Sports,Key Moments in Patriots 27-24 victory +Sports,Cubs spank Marlins 11-2 to split twinbill +Sports,NHL shuns union #39;s latest offer +Sports,Williams to box Klitschko for world title +World,Iran a nightmare scenario for the West +World,Pakistani journalists selling national interest: Sultan +World,Suspect in Thai murders contacts police +World,"Pakistan cannot sideline Kashmir, says Kasuri" +Sci/Tech,To surf or not to surf +Sports,Raikkonen is not running scared +Sports,Russian Women Win Both Semis at U.S. Open (AP) +World,Troops Patrol Streets in Hurricane-Ravaged Grenada (Reuters) +Sports,Texas Talks a Better Game Than Cal Plays +Sci/Tech,U.S. Judge Rejects Law to Block Child Porn on Web (Reuters) +Sports,NBA Grizzlies match Cavs' offer for Georgian center (AFP) +Sports,Julio Appeals Suspension for Near Beaning (AP) +Sports,"Canucks Re-Sign Sedin Twins, Auld (AP)" +World,Ivan Lashes Jamaica; Death Toll Hits 37 (AP) +Sci/Tech,"Despite Win, More Hurdles for Oracle (Reuters)" +World,UN mulls resolution pressing Sudan on Darfur (AFP) +Sci/Tech,Oracle Big Win Reopens Door For A Big Deal (Investor's Business Daily) +World,AP Poll: Bush Holds Slight Lead on Kerry (AP) +World,CBS Defends Report on Bush Guard Memos (AP) +Sports,Vaughan confident England can shine in South Africa +Sports,Capriati Loses to Dementieva in U.S. Open Semifinal +Sci/Tech,Spain Says Last Oil Sucked Out of Prestige Tanker (Reuters) +Sports,Kuznetsova Stuns Davenport to Reach U.S. Open Final +World,Former Washington Sen. Brock Adams Dies (AP) +Business,Cleveland Fed Chief: Higher Rates Needed +Sports,Viduka Goals Help Middlesbrough Beat Man. City 3-2 (Update1) +Business,Latest economy data show growth slowing +Business,FDA Panel Rejects AstraZeneca Drug +Sci/Tech,Cisco #39;Buys #39; Into Managed Services +Sci/Tech,"Extinct plants, animals threaten loss of thousands more" +Sports,Williams to Challenge Klitschko for World Title +World,Troops Patrol Streets in Hurricane-Ravaged Grenada +World,Three Lebanese employees of food company shot dead in a Baghdad <b>...</b> +Sports,All-Russian Women's Final at U.S. Open Is Set +Sports,Furcal's Arrest Disappoints Braves +World,Hurricane's fringes lash Jamaica +Sci/Tech,Bank signs 500m deal for IBM net telephones +World,Tennis: Dementieva triumphs +Sports,Former Seahawks Star Arrested (AP) +World,"Violence Will Intensify in Iraq as Elections Near, Rumsfeld Says" +Sci/Tech,California boy wins national science competition +World,Cubs Spank Marlins 11-2 to Split Twinbill +World,Estimated 18.6M Watch 'Joey' Debut on NBC +Sports,Julio Files Appeal +World,Dementieva Outlasts Capriati at U.S. Open +Sports,Braves' Furcal Arrested +World,Ivan Begins Lashing Jamaica; Toll Hits 33 +Business,Recognizing the best +Sci/Tech,Is This Speck of Light an Exoplanet? +Sci/Tech,Clinton Spurs Men to Get Hearts Checked +Sci/Tech,"Health Highlights: Sept. 10, 2004" +Sci/Tech,Briefly: Groups push on for TV on cell phones +Sci/Tech,Sun looks to chip performance to bring brighter days +Sci/Tech,MyDoom spawns four small offshoots +Business,"Update 2: Qwest, SEC Reach Agreement, Says Official" +Sci/Tech,Scientists retrieve some intact material from space capsule <b>...</b> +World,G-8 countries make progress over nuclear tensions with Iran <b>...</b> +Sci/Tech,An Online Art Form: the Away Message (AP) +Sci/Tech,"Sun adds UltraSparc IV to 4-way, 8-way servers" +Sci/Tech,DemoMobile 2004: Mobility made easier +Sci/Tech,Mobile apps rising +Sci/Tech,Spam Influx Reaches New Heights +Sci/Tech,Court Rules Against State Web-Blocking Law +Sci/Tech,Will Your Next Cell Phone Have a Hard Drive? +Sci/Tech,Genesis scientists hopeful of salvaging solar atoms +Sci/Tech,"For Intel, the future has two cores" +Sports,A winsa win +Sports,Cricket: Pressure for young Zimbabwean bowler +Sports,Canucks re-sign Sedin twins +Sports,Rutgers Cappie Pondexter to miss first semester +World,Indonesia warned of second terror cell +World,Police Name Man Wanted for Letter Bombs +Sci/Tech,Trio Makes Web Data Transfer to Handsets Easier +Sci/Tech,Education Helping More Seniors Get Online +Sci/Tech,Chicago Mayor Covers City with Surveillance Cameras +Sci/Tech,Judge Rules Internet Child Porn Law Unconstitutional +Sci/Tech,Sun looks to chip performance to bring brighter days +Business,Stocks climb as oil falls +Business,"US labor, industry coalition charges China currency #39;manipulation #39;" +Business,Qwest Shares Rise on Reported Settlement +Business,2 Tribune Papers Revise Circulation Again +Business,Punch pays 335m for InnSpired +Business,Insurance nightmare Damage from multiple hurricanes leave a mess <b>...</b> +Sci/Tech,VeriSign speeds up registry updates +Sci/Tech,FTC lets 3G be +Sci/Tech,Warning signs at Intel +Sports,"Canucks re-sign Sedin twins, Auld" +World,Security Council condemns armed groups in Haiti +Sci/Tech,Sony's SXRD Projection TV to Take on DLP +Sci/Tech,IBC in Amsterdam +Sci/Tech,Oracle's Ellison Earned #36;3.85M Salary (AP) +World,Australia holds security meeting as warns of second suicide bomb team (AFP) +Business,Qwest Said to Settle S.E.C. Investigation +Sci/Tech,Telkom Makes #39;Last Mile #39; Wireless +Business,"US blue chips hurt by Alcoa, but techs rise" +Business,Qwest Said to Settle SEC Investigation +Business,BAA enjoys a record August +Sci/Tech,Pennsylvania child porn law struck down +Sci/Tech,Sweet dreams are made of this ... have we solved the Freudian <b>...</b> +Sci/Tech,Microsoft Makes Nice with Mice +World,Parliamentary panel to probe Beslan tragedy +Sports,Christina Kim Leads Hammons Classic by One (AP) +Sci/Tech,Scientists Recover Critical Genesis Parts (AP) +Sports,Record-Breaking Singh Stalks Canadian Leader Weir +World,Judge Questions Md. Vote Chief's Ouster (AP) +Sports,Grizzlies Quickly Match Cavs' Offer to Tsakalidis +World,US takes stern message to Syria +World,"In Shift, Putin Vows Public Inquiry Into School Slaughter" +Business,Trade deficit slips lower in July +Sci/Tech,VeriSign Accelerates DNS +Sci/Tech,Hubble Captures Cat #39;s Eye Nebula +Sports,All-Russian tennis final set for women #39;s US Open +Sports,Henman thrives on lone mission +Sports,Holmes relaxes and gives rivals a chance +World,Sudan argues charges +World,Captors Give Italy Deadline +World,WTC agency to sue Saudi Arabia for 9/11 damages +World,Army alone not the answer to Maoist mess: Delhi to Deuba +Sports,Gate-crasher Johansson leaves hosts #39; party plans in tatters +Sports,McDowell trumps Ryder team +World,Cotton on consumers +World,Sudan: U.S. Genocide Label May Hurt Talks (AP) +Sports,Giambi Still Hitless in Triple-A Rehab (AP) +Sports,Nutt Boasts Good Record Against Texas (AP) +World,"Second Cell Poised for Indonesia Attack, Australia Says (Reuters)" +Business,"Disney Chief to Leave, Setting Off Race for Job" +Business,Eisner to retire Will #39;assist #39; +Business,Japan pares forecast amid signs of slowdown +Business,Dollar slumps against the pound on soft inflation numbers +Business,Fidelity owns 1/4 of Google stock +Business,Enron Case Prosecutors Calling for a Single Trial +Sci/Tech,Court Rejects Child Porn Internet Law +Sci/Tech,NASA: oxygen generator fails +Sci/Tech,The boob tube on your smartphone +Sci/Tech,Intel Proposes Internet Transformation +Sci/Tech,Tech firms announce video anti-piracy technology +Sci/Tech,RealNetworks ends its half-off online music sale +Sci/Tech,Analyst: SP2 Paves Road to Longhorn +Sports,All Russian tennis final +Sports,Eight Drivers Are Jumbled Around The Cutoff Point +Sports,Taking hurricane effects in stride +Sports,Notre Dame Loses Footing Upon a Shifting Landscape +Sports,NL Wrap: Rookie Pitcher Leads Pirates Over Astros +Sports,Braves end three-game losing streak +Sports,Michaels swats one out after swatting one out +World,Hurricane Ivan slams into Jamaica +World,3 Lebanese shot dead in Iraq +Sci/Tech,Doing the impossible with Longhorn +Sports,Miami Beats Florida St. 16-10 in OT (AP) +Sci/Tech,U.S. Ringtones Market Slow to Connect (Reuters) +Sci/Tech,Court Rejects Child Porn Internet Law (washingtonpost.com) +Sports,Pirates Cool Down Astros 6-1 (AP) +Sci/Tech,Antitrust Ruling Reverberates (washingtonpost.com) +Sports,Davenport Won't Decide on Retirement Now (AP) +Sports,NL Wrap: Rookie Pitcher Leads Pirates Over Astros +Sports,Finns Sink Americans to Reach World Cup Hockey Final +Sci/Tech,More Grizzlies With Cubs in Yellowstone (AP) +Business,Japan in Recovery? +Business,Eisner to Leave Disney +Business,TSA Widens Airline Passenger Searches +Business,Haft Signed Document Affirming Bride's Control +Sports,A Russian Summit in the Final +Sports,2 All-Stars for Yanks Fall Out of Favor +Sci/Tech,REVIEW: Sunglasses Player Not a Bargain (AP) +World,Australian boosts bomb manhunt +Sports,DEMENTIEVA WINS THRILLER +Sports,Marlins split doubleheader against Cubs aces +World,Boxing: Williams to face Klitschko +World,Foreign minister visits N Korea +Sci/Tech,Court Rules Against Pennsylvania Law That Curbs Child-Pornography <b>...</b> +World,Powerful Ivan nears Jamaica +Business,"Disney Chief to Leave, Setting Off Race for Job" +World,Bush's Backers Donate Heavily to Veteran Ads +World,Sudan Government's Attacks Stoke Rebels' Fury +Sports,Dementieva should outlast countrymate in women #39;s final +Sports,Dillon plays his role: OK with pass-heavy plan +Sports,Defender to miss extra game +World,3 Fugitive Muslim Militants Suspected in Jakarta Attack +World,Former soldier turns himself in to US base in Japan +World,India urged to grasp opportunity for peace: Rashid believes Osama <b>...</b> +World,Orioles Drub Streaking Yankees 14-8 +World,CBS Defends Report on Bush Guard Memos +World,Alleged U.S. Deserter Jenkins Surrenders +Business,Qwest to pay \$250m settlement +Sports,'Canes Sting Seminoles +Sports,Healthy Ground Game +Sports,Points Race Logjam +Sports,United Is Short-Handed +Sports,Johansson #39;s progress sparks conflict of loyalty +Sports,Team USA Burned Late +Sports,Twins Tame Tigers +Sports,Phillies Hammer Mets +World,Hurricane Ivan's Rains Pound Jamaica +World,3 Fugitive Muslim Militants Suspected in Jakarta Attack +Business,Qwest Near SEC Deal +Business,Circulation scandal to cost Tribune Co. +Sci/Tech,Federal judge throws out Pa. child porn-blocking law +Sci/Tech,New Study Finds Technology Already Exists to Solve Global Warming +Sports,"Rapids 3, Wizards 1" +Sports,"MLB: Philadelphia 9, New York Mets 5" +World,S African #39;s nuclear smuggling charges dropped +World,Poles says Germany owes Poland for WW2 +Sci/Tech,Court Rejects Child Porn Internet Law +Sci/Tech,Antitrust Ruling Reverberates +Sports,"Schilling Wins 19, Red Sox Beat Mariners (AP)" +World,New York Marking 3rd Anniversary of 9/11 +Business,Eisner to yield Disney helm in 2006 +Business,Stocks: Concerns over profits weaken blue chips +Business,Qwest rises on reported settlement +Business,FDA advisory group cites liver injury in clinical trials +Business,Chip Stocks Still Rally Despite Warning +Sci/Tech,Groundbreaking discovery in the cosmos? Object 230 light years <b>...</b> +Sports,An all-or-nothing roll at Richmond +World,Ivan begins lashing Jamaica +World,9/11: NY port authority sues Saudi Arabia +Business,Calpers calls on company to outline succession plan +Sci/Tech,Internet #39;overlay #39; could boost performance +Sports,James fumbles away Colts #39; chances +World,Ivan Spurs Jamaica Evacuations; Florida Declared Emergency Area +Sci/Tech,Court Rules Against Pennsylvania Law That Curbs Child-Pornography Sites +Sports,Finley Leads Dodgers to Win Over Cardinals (AP) +Business,Former President Clinton helps launch new Internet search engine +Business,Settlement by Halliburton short of standard +Business,AUDIT BUREAU FAILS BIG TEST +Business,"Alaska layoffs violate contract, mechanics claim" +Sports,Leander-Rikl lose in US Open doubles finals +Sports,Drivers hope to cut to the Chase +Sports,NL Roundup: Marlins split with Cubs +Sports,"Angels 7, White Sox 5" +World,Police Step Up Hunt for Embassy Bombers +World,Pain Still Raw 6 Months After Madrid Bombs (AP) +Sports,NL Wrap: Rookie Helps Pirates Hand Astros a Loss (Reuters) +World,Pakistan minister thinks bin Laden is dead (AFP) +World,Soldier confesses to Iraq abuses +Business,Eisner Will End Reign at Disney +Business,"Eisner, Mickey to split" +Business,Airline pleads with pilots +Business,AT amp;T Wireless hurricane pricing probed +Business,Alaska Air union to fight outsourcing +Business,Third shift may be added at Chrysler #39;s Ontario plant +Sci/Tech,Florida Asks Why So Many Hurricanes This Year +Sci/Tech,Copyright Proposal Induces Worry +Sci/Tech,First Image of a Faraway Planet? +Sci/Tech,Space cowboys +Sports,Friday #39;s Sports In Brief +Sports,Colts don #39;t follow Dungy plan +Sports,United States remain upbeat +Sports,Paes-Rikl finishes 2nd best +Sports,Manchester United hopes to quiet upstart Bolton +Sports,Baseball fans relieved after strike cancelled +Sports,Busy slate doesn #39;t bug laid-back Marlins +Sports,Will Graves: Hurricanes still get defensive +Sports,"Newman, Martin pace scramble to #39;Chase #39;" +World, #39;Deserter #39; surrenders at US base +World,Thousands Demonstrate in Rome for Italian Hostages +World,Hong Kong politicians wrap up heated legislative campaign +World,"Nepal PM Vows to Fight Rebels, India to Give Arms" +World,Afghan Ruler Again Says No to Coalition Government +World,Violence exposes Shi'ite divisions +World,Jamaica braces for Hurricane Ivan +World,Sudan slams Powell's 'genocide' declaration +World,Putin OK's probe of school deaths +World,Indonesia Police Step Up Hunt for Bombers +World,Alleged U.S. Deserter Jenkins Surrenders +World,Poll: Kerry Lags Bush on National Security +Business,Four China Aviation Officials Surrender Passports (Update1) +World,"Bush to Mark 9/11 at Church, South Lawn" +World,Miami Rallies to Beat Florida St. in OT +World,Parents to Read 9/11 Victims' Names +World,Questions Linger Over Russia School Seige +World,Ivan Lashes Jamaica; Death Toll Hits 37 +Business,UPDATE: Lenovo Confirms In Talks With Major IT Company +World,Brown still opposed to EU-wide tax policies (AFP) +Sports,Browns Finally Get '64 Trophy to Keep (AP) +Sports,Angels Nip White Sox 7-5 (AP) +World,Indonesia Police Step Up Hunt for Bombers (AP) +Sports,Tennessee Tries to Use Two Quarterbacks (AP) +Sports,AL Wrap: Yankees Stunned by Orioles Onslaught +World,Kerry Links Assault Weapons to Terrorism (AP) +Sports,Deep impact +Sports,Varitek: Captain courageous +Sports,Russians rush in to final +Sports,Bottom line up front +Sports,Spoiler Pittsburgh tops Astros +Sports,Day had added significance +Sports,Marlins set to 'host' Montreal in Chicago +Sports,Yankees' pitching for birds +Sports,"Nationally, it wasn't must-see TV" +Sports,"Browns' Suggs might sit, not run" +Sports,Czechs list winning for Hlinka their goal +Sports,Koivu finishes off Americans +Sports,Conquering heroes +Sports,Somerville provides Hannah dreary debut +Sports,Brockton tops Eagles +Sports,Story of a century: Zippy' loses 100th +Sports,The chase is on for Cup drivers +Business,The John Smith of banks +Business,100 windows to be replaced at new convention center +Business,Environmentalists fault company +Sci/Tech,Bits from pieces +Sci/Tech,What a kid wants +World,Jamaica Braces for Hurricane Ivan +World,US defector surrenders +World,Violence exposes Shi #39;ite divisions +Sci/Tech,Burnout offers racing with attitude +Sports,WOMEN #39;S PRO TENNIS: Americans are idle at Open +Sports,Ho-hum results at Wrigley +Sci/Tech,Scientists: Can pull science out of Genesis pieces +Sports,AL notebook: Yanks #39; Vazquez has meltdown in loss to O #39;s +World,Bodies recovered from site of plane crash +Sci/Tech,Genesis mission still unfolding +Sci/Tech,Court Bounces Pa. Online Child Porn Law +Sci/Tech,Are More Hurricanes Connected to Global Warming? +Sports,"World Cup of Hockey 2004 - semifinal games, St. Paul and Toronto" +Sports,Notre Dame says victory only way to get revenge +World,Jamaica Braced as Eye of Hurricane Passes Coast +World,Nobody Blinked +World,Brunei to reinstate parliament after 20 years +Sci/Tech,New Ring Discovered Around Saturn +World,How Putin silences the journalists who criticise his brutality in <b>...</b> +Sci/Tech,Tech Boosts the Fraudsters +Sci/Tech,NASA Has Hope for Genesis Samples +Sci/Tech,Judge Dumps Child Porn Law +Sci/Tech,Scientists Think Data From Space Capsule Can Be Salvaged +World,Karzai dismisses powerful military governor ahead of Afghan polls (AFP) +Business,Around The Nation +Sports,"Decline, fall of US men" +Sports,Hall of Fame super sweet for Colangelo +Sports,BASEBALL ROUNDUP Pirates Pull the Astros Straight Back to Earth +World,Soldier confesses to Iraq abuses +World,Families of British victims to commemorate Sept. 11 +Business,Circulation scandal cost grows for Tribune Co +Sci/Tech,Intel Suggests Overlay To Boost Internet Performance +World,Hurricane Ivan Pounds Jamaica +Business,Oracle bid looking better +Business,Planned merger involving Monitor Sugar moves forward +Sci/Tech,Serial ATA for Mini Hard Drives Planned +Sci/Tech,Intel offers few details on dual-core plans +Sci/Tech,Real says digital song sale doubled market share +Sci/Tech,9/11 anniversary sees uptick in Mydoom +Sports,All-Russian US Open Final a Tough Sell for US Television +Sports,Henman Looks to Continue Domination of Federer in US Open <b>...</b> +Sports,Golf: Round 2 of Canadian Open Resumes Saturday +Sports,Wenger concerned by Rooney deal +Sports,"World Cup Hockey: Finland Upsets US, Advances to Finals" +Sports,"MLB: Marlins, Cubs Split Double-Header" +Sports,Trash talk in the air +Sports,Six join basketball Hall of Fame +World,Bomb Explodes Outside Saudi Bank +World,Top Egypt cleric #39;s #39;copter crashes +World,Polish PM wants quiet diplomacy to resolve WW2 claims +World,Looters on the prowl as hurricane belts Jamaica +World,US #39;deserter #39; faces his past +World,Russian troops end hostage crisis with bloody raid; 338 die in <b>...</b> +Sports,HEARTBREAK FOR AMERICAN DUO +Sports,Johansson #39;s serve the kicker vs. Hewitt +Sports,Cloud of old memories do not blot Langer #39;s cup approach +Sports,COLLINGWOOD GUIDES ENGLAND TO VICTORY +Sports,BUTTON OPTIMISTIC DESPITE SIXTH SPOT +Sci/Tech,Little MyDooms May Mean Big One Coming +Business,Update 15: Embattled Disney CEO Will Leave in 2006 +Business,"EDS chief sees possibility of 15,000-20,000 job cuts" +Sports,Chelsea #39;s perfect season comes to an end +World,Afghans Mark 9/11 Anniversary with Mixed Feelings (Reuters) +Business,Small Stocks Lead the Way on Wall Street (Reuters) +Business,Earning Reports Keep Investors on Edge (Reuters) +World,"Powerful Afghan Governor Sacked, Declines Ministry (Reuters)" +World,Israel Pulls Back Forces in Northern Gaza (Reuters) +Business,Turkey expects to surpass growth target for end-2004 (AFP) +World,"Explosion in Iraq Kills 1, Injures 2 (AP)" +Business,Dollar Holds Gains on Intervention Talk +Business,Small Stocks Lead the Way on Wall Street +Sports,Hoyas Survive Rally +Business,Oracle Court Win Could Prompt More Deals +Business,Earning Reports Keep Investors on Edge +Sports,No. 5 Miami Rebounds to Beat FSU in Overtime +Sci/Tech,Microsoft (Deservedly) Takes Its Lumps (Ziff Davis) +World,Bush Pledges to Defeat Global Terrorism (AP) +Business,US Air Pilots to Resume Giveback Talks +World,Afghans Mark 9/11 Anniversary with Mixed Feelings +World,Australia: Second Cell Poised for Indonesia Attack +World,Israel Pulls Back Forces in Northern Gaza +World,Sinn Fein Cast Doubt on Chances of N.Irish Deal +World,Vatican Says China 'Once Again' Abusing Catholics +World,Greek cleric feared dead in crash +World,N Korea attacks South over tests +Business,US Airways Pilots Offer Final Talks +World,Zimbabwe 'prevents' homeless help +World,Thai murder manhunt intensifies +Sports,Monza Qualifying Report: Barrichello goes record-breaking +Sports,"Italian GP, Qualifying" +World,Hurricane terror for UK tourists +World,Families Mark Moment of 2001 Attacks +World,Families Mark Third Anniversary of 9/11 +World,"Explosion in Iraq Kills 1, Injures 2" +World,Hurricane Ivan Pummels Jamaica; 39 Dead +World,General: Bin Laden Still Issuing Orders +World,Jamaica Possibly Spared Ivan's Worst Fury +World,Families Mark Third Anniversary of 9/11 +World,Bush Marks Patriot Day With Silent Honor +World,Florida Keys Mostly Deserted Ahead of Ivan +World,Questions Linger Over Russia School Siege +Sports,Montoya concedes Ferrari were just too good +Sports,Vaughan Eyes Final Finale +Sports,Montreal Expos Team Report - September 11 +Sci/Tech,Ginseng Paradox Explained +Business,US Airways Makes New Proposal to Key Unions +Business,Hurricanes devastated state #39;s agricultural crops +Sci/Tech,Shuttle repair price tag soars +Sports,Barrichello claims fastest ever pole +Sports,Blues May Rest Internationals +Sports,First 2 games vs. Expos will be at US Cellular Field +World,Blast In Saudi City Mars 9/11 Anniversary +World,EU not sure how to spell Euro in Latvian (Reuters) +Sports,Bad Ankle Puts Mets' Ginter on DL (AP) +Sci/Tech,Vitamin Supplements May Slow Middle-Age Weight Gain +Sci/Tech,Upping the Ante to Lower Cholesterol +Sports,Different directions +Sports,Football legend Maradona rushed to hospital +Sports,This Date in Baseball for Sept. 12 (AP) +World,Text of President Bush's Radio Address (AP) +World,'Rebel' governor rejects Karzai offer +World,Republicans Pack Punch. Democrats Take It. (For Now) +Sports,"Davenport will decide on retirement, in due time" +Sports,Staple stays positive for USA +Sports,Notre Dame Fighting Irish +World,"Putin fires North Ossetia interior minister, regional FSB head (AFP)" +World,Orthodox Church leader dies in helicopter accident (AFP) +World,Football: Arsenal's run continues +World,"Explosion in Iraq Kills 1, Injures 2" +Sports,US bows to Russians +Sports,Barrichello Wins Pole for Italian GP +Sports,Australia looking for big win +Sports,TEAM SPIRIT GIVES US THE ADVANTAGE - MONTY +World,US Intelligence Soldier Jailed for Abu Ghraib Abuse +World,IAEA Considers Action on Failures to Report Nuclear Activities +World,"Lavish banquet held for 5,000 VIP guests" +World,Malaysia finds more bird flu cases +Business,US Trade Body Confirms Free-Trade Ruling on Lumber (Update2) +Business,Stocks climb as oil falls +Business,\$100 MILLION FOR BUSINESS SCHOOL: From humble roots to UM #39;s top <b>...</b> +Sci/Tech,Lots of Science Intact in Smashed-Up Genesis Capsule +Sci/Tech,"PayPal to Fine Gambling, Porn Sites" +Sci/Tech,Spaceport Mum on Frances Shuttle Delays +Sci/Tech,Semiconductors Offer a New Way to Cut the Cord +Sports,"Mauresmo reaches No. 1, without Grand Slam title" +Sports,Italian GP Qualifying: McLaren +Sports,McDowell stays on top at German Masters +Sports,Soccer: Gunners pull clear as Chelsea stumble for first time +Sports,"C. Zambrano, P" +Sports,Cricket: England Beats Zimbabwe in First Match of Champions #39; <b>...</b> +Sports,Celtic defeats Dundee 3-0 to keep Scottish league record perfect +Sports,Serena case serves as proof that tennis needs technology +Sports,"Injuries, Seminoles can #39;t stop Gore" +Sports,El Salvador fires national soccer coach +Sports,"No. 16 Iowa 17, Iowa St. 10" +World,Military Specialist Pleads Guilty to Abuse and Is Jailed +World,Indonesia releases embassy attack footage +World,Europe Compromises with US on Iran Nuke Deadline +World,New York sues Saudi Arabia for 9/11 +World,Italy #39;s Muslims Join Demonstrations Against Kidnappings +World,Sudan opposition says member tortured to death +Business,"Dow wanes, Nasdaq gains" +Business,US trade deficit declines as exports increase +Sports,Fresno State 45 (13) Kansas State 21 +Sports,Camara double boosts Celtic +World,Swedes Gather in Memory of Anna Lindh +World,Greek Orthodox leader dies in helicopter crash +World,"Bomb Explodes in Saudi, US Shuts Jeddah Consulate (Update1)" +World,Sweden Remembers Slain Foreign Minister +World,Jamaica counts cost of hurricane +Sports,Hewitt advances to US Open final +Sports,"WRAPUP 1-Arsenal beat Fulham, Chelsea and Man Utd draw" +Sports,Fresno State Slams No. 13 Kansas State +Sports,"No. 18 Auburn 43, Mississippi St. 14" +Sci/Tech,Dying star creates fantasy-like sculpture of gas and dust +Sports,"Stars and Stripes Are Gone, but There Is Plenty to Salute" +Sports,McDowell keeps lead in German Masters +Sports,India have it easy against Kenya +Sports,Celtic move eight points in front +Sports,No. 16 Iowa Survives Rival Iowa State +Business,"Economy has gained #39;some traction, #39; Greenspan says" +World,US Soldier Jailed Over Iraq Abuse After Confession +World,Karzai dismisses powerful military governor ahead of Afghan polls +World,"Rivers Run Black, and Chinese Die of Cancer" +World,Toll of Death and Ruin Grows in Soaked Jamaica +Sci/Tech,PluggedIn: New Car Gadgets May Distract Drivers (Reuters) +Sports,Struggling Sosa Dropped to Sixth in Order (AP) +Business,Chrysler Boss Sets Sights on Europe (Reuters) +Sports,Illinois Takes Top Ranking in AP Poll (AP) +World,News in brief +World,Ivan Pummels Jamaica; 50 Dead in Caribbean +Sports,Young NFL QBs Get Rough Treatment (AP) +Business,EU embroiled in taxing debate over 'fiscal dumping' (AFP) +World,U.S.: Bin Laden Likely Issuing Orders +World,U.S. Servicemen React to Bush Guard Memos +World,Indonesia Releases Embassy Attack Footage +World,Chinese FM discusses boosting links with Yemen (AFP) +Business,Dow weakness prevails +World,Europe Sets Deadline for Iran on Weapons +World,Palestinian poll race tight +Sci/Tech,NASA: Spaceport Should Withstand Ivan (AP) +World,Edwards Addresses Black Caucus in D.C. (AP) +World,DONZI MARINE Is hiring skilled workers now! We +Business,Chrysler Boss Sets Sights on Europe +Business,Snow Sees Post-9/11 Comeback for Economy +Sports,A Great Place to Start +Sci/Tech,PluggedIn: New Car Gadgets May Distract Drivers +Business,"Eisner, Disney To Part Ways in 2006" +Sports,Former star returns to clinic quickly +World,WHO warns Thai bird flu monitoring lagging +Sci/Tech,SAP More Friendly to Oracle-PeopleSoft (Reuters) +Sports,Federer Advances to U.S. Open Final with Win Over Henman +Sports,Titans Stifle Dolphins +World,Russia KGB founder honoured +Business,Bankruptcy looms over US Air talks +Business,New priority: SLC ponders ways to absorb Delta flights +Sci/Tech,RIM BlackBerry 7100t +Sports,Barrichello #39;s World Record +Sports,Titans thump offensively-challenged Dolphins +Sports,WRAPUP 1-England and India in crushing victories +World,Senior Greek Orthodox cleric killed in helicopter crash +World,Afghan leader seeks to replace powerful governor +World,India #39;s role vital to resolve Maoist problem: US envoy +Sports,Vikings Tackle Signs Six-Year Extension (AP) +World,Premiers rely on Martin's minority troubles to drive hard bargain on health (Canadian Press) +World,Tennis: Federer beats Henman +Business,Eisner steps off Disney rollercoaster +Business,"Editorial: Watching, waiting, worrying" +Sports,Titans Topple Dolphins +Sports,Bulldogs Maul Wildcats +Sports,Harrington ignores pain to move into contention in Germany +Sports,Third-period comeback sends US out +Sports,"Ganguly praises team India, awaits arch-rival Pakistan" +Sports,Maradona quot;Rushed Back to Hospital quot; +World,"Don #39;t go, PM tells travellers" +World,"Federer, Hewitt Sweep Into Open Final" +Sports,Long-Winded Matchup Goes Federer #39;s Way +Sports,FA Cup 3rd Round Draw: Glamour Ties For Minnows +World,Terror Tape Boasts U.S. Forces Humiliated (AP) +World,Purported al-Zarqawi tape boasts of humiliating U.S.-led forces in Iraq (Canadian Press) +World,General: Bin Laden Likely Issuing Orders (AP) +Sports,Tewell Leads Smyth by 1 at Kroger Classic (AP) +Sports,Titans Defense Smothers Miami in Re-Scheduled Game +Business,Antitrust Ruling Reverberates +Business,US Air Pilots Agree to New Talks +Business,BofA's Integration of Fleet Raises Ire +Business,Falling oil prices lift blue chips +Business,Market leader +Business,Opec #39;s new price shock +Business,Brazil Wins Rulings on 2 Trade Issues +Business,CORRECTED - Interstate Bakeries says banks allow more credit +Sci/Tech,"IBM #39;s Jones: #39;Stinger #39; Targets Enterprises with Automation, Price <b>...</b>" +Sci/Tech,Wireless wonders +Sci/Tech,New BlackBerry features smaller keyboard +Sports,Federer outclasses Henman +Sports,"Barcelona, Real Madrid post home wins" +Sports,Camara trickery +Sports,QB shuffle fails to pay off for Dolphins +Sports,Newman won #39;t change strategy +Sports,Gough revels in role of bully +Sports,"M. Hampton, P" +World,Small mercy of Ivan the Terrible +World,First conviction in Gharib scandal +World,Two blasts rock Jeddah +World,Four Orthodox church leaders die in air crash +World,IDF ends 4-day operation in Gaza #39;s Jabalya refugee camp +World,War on terror to continue in Waziristan: Pak. +Sci/Tech,60 Minutes Report on Bush's Guard Service Referenced Falsified Memos? +World,Agency joins suit against Saudi Arabia +World,Small Bombs Go Off in Jeddah +Business,The boys from Bentonville feel the need to be loved +Sci/Tech,Genesis mission: hopes are high +Sports,Tennis: Federer and Hewitt set for US Open final clash +Sports,Weir extends lead +Sports,One nation finals are a big yawn +Sports,"Yankees 5, Orioles 2" +Business,"For Oracle, one obstacle removed but many await" +Business,Wal-Mart sterling bond with 30-year maturity -source +Business,Iran: OPEC United on Raising Price Target +Business,Santander cuts UK bank stake +World,Afghan Government Removes a Powerful Regional Leader +World,Romans march for Italian captives #39; release +Sports,HONOURS EVEN IN VERONA +Sports,"Notre Dame 28, No. 8 Michigan 20" +World,Saudis to be sued over 9/11 +World,Greek Orthodox Patriarch Dies With 12 Others in Copter Crash +World,Pak won #39;t give up Kashmir: Musharraf +Business,Disney CEO Eisner to Resign in 2006 +Sci/Tech,The Solaris on Itanium discussion stalls again +Sports,Practice leaves Harrington in pain and on fire +Sports,UPDATE 3-Barca and Real continue perfect start to season +Sports,UPDATE 2-Milan and Inter held on Serie A opening day +Sci/Tech,UK party leaders target climate +Sports,Notre Dame Upsets No. 8 Michigan +World,Protests over Afghan power row +World,Iran 'serial child killers' held +Sports,Weir on Verge of Ending 50-Year Canadian Wait +Sports,Yankees' Hernandez Stays Perfect +Sports,Freshman Sparkles as Notre Dame Rebounds +World,Atomic Activity in North Korea Raises Concerns +World,Florida Keys Empty Ahead of Hurricane +World,Soldier Sentenced for Iraq Prison Abuse +World,FDA Testing Limits of Medical Technology +World,General: Bin Laden Likely Issuing Orders +World,Shaq Settles Some Scores in New Rap Song +World,"With 50 Dead, Ivan Intensifies Off Jamaica" +Sports,"Federer, Hewitt in Final" +Sports,Hokies Stomp Broncos +Sports,Polanco Propels Mids +Sports,"For NFL, a Tough Start" +Sports,Notre Dame Upsets No. 8 Michigan 28-20 (AP) +World,Terror Tape Boasts U.S. Forces Humiliated (AP) +Sports,Phillies Closer Ejected in Win Over Mets (AP) +Sports,No. 9 Ohio St. Edges Marshall 24-21 on FG (AP) +Sci/Tech,The Battle for Middle-earth Ships +Sports,Weir on Verge of Ending 50-Year Canadian Wait +Sports,Federer's Power to Meet Hewitt's Precision in U.S. Open Final +Sports,Hernndez Continues to Pitch Like the Ace of Pinstripes +Sports,"After a Sloppy Start, the Irish Upset Michigan" +Sci/Tech,From cell phone to sunflower +Business,HBOS calls in KPMG integrators to make 10bn Abbey bid add up +Business,Browns EU victories will help him on home turf +World,At Least 50 Deaths Blamed on Hurricane Ivan +World,Palestinians shell Israeli settlement +Business,Brown claims victory in fight to curb EU budget +Sci/Tech,Itanium not meeting Intel #39;s goals +Sports,Racing: Rule Of Law applies the finishing touch +Sports,Notre Dame Upsets No. 8 Michigan +Sports,Matthew Zemek / CollegeFootballNews.com Posted: 2 minutes ago +Business,US Air Pilots Agree to New Talks (Reuters) +Sports,"AL Wrap: Crosby, Swisher Connect to End A's Losing Streak (Reuters)" +World,Syria Urged to Pull Troops From Lebanon (AP) +World,Hong Kong Holding Legislative Elections (AP) +Sci/Tech,Why are there so many hurricanes? +Sci/Tech,Can Mr. Chips Transform Intel? +Sci/Tech,Enter your e-mail: +Sports,"After a Sloppy Start, the Irish Upset Michigan" +Sports,SI.com +World,PM: Do not associate Malaysia with car-bombing in Jakarta +Sci/Tech,Unusual Search Engines +Sci/Tech,Google Stock Gobbled by Fidelity Investments +Sci/Tech,Can Mr. Chips Transform Intel? +World,EU Ministers Nix Punishment Proposal (AP) +Sports,NL Wrap: Cubs Rally to Beat Marlins (Reuters) +World,Purported al-Zarqawi tape boasts of humiliating U.S.-led forces in Iraq (Canadian Press) +World,"Hong Kong Votes in Close Poll, Focus on More Democracy" +World,Clashes as Chile remembers coup +Business,Do Newspapers Make Good News Look Bad? +Business,"If the Revenue Column Says Zero, Avoid the I.P.O." +Sports,Federer #39;s Power to Meet Hewitt #39;s Precision in US Open Final +Sports,Kiwis cruise to easy win over Americans +World,Jamaican capital spared as hurricane blasts island +Business,"US Markets Shrug Off Iraq, Terrorism News (Reuters)" +Sports,Sporting World Remembers Sept. 11 Attacks (AP) +World,Europe Sets Deadline for Iran on Weapons (AP) +World,Blasts Hit Baghdad Apartment Buildings (AP) +World,"With 56 Dead, Ivan Intensifies Off Jamaica (AP)" +Sci/Tech,PeopleSoft in a Corner After Decision (AP) +World,Arabs: Terror War Has Spread Instability (AP) +Sports,"A Door Swings Open, and the World Rambles In" +Sports,Instant Analysis: Michigan at Notre Dame +Sports,NL Wrap: Cubs Rally to Beat Marlins +World,Two killed in Afghan protest +World,Egypt wants permanent seat on UN Security Council +Sports,Kuznetsova Tops Dementieva for Open Title (AP) +Sports,"Georgia Rallies Past S. Carolina, 20-16 (AP)" +Sports,"Dunn Hits Grand Slam, Reds Rout Brewers (AP)" +Sports,No. 12 Calif. Beats N. Mexico St 41-14 (AP) +Sports,Rays Beat Royals 12-6 After 12 Losses (AP) +Sci/Tech,Yahoo Makes A Deal With The Donald (washingtonpost.com) +Sci/Tech,Microsoft Sings a New Tune With Windows Media Player 10 (washingtonpost.com) +Sci/Tech,Web Data Transfer to Handsets Made Easier (AP) +Sci/Tech,Scientists Recover Critical Genesis Parts (AP) +Sci/Tech,Space Station Oxygen Generator Analyzed (AP) +Business,Anxiety over terror still a drag on market +Business,"WTO finds unfair practices in sugar, cotton industries" +Sci/Tech,Lost Dreams May Show Stuff Dreams Are Made Of (Reuters) +Sci/Tech,Yahoo Makes A Deal With The Donald +Sci/Tech,"SP2 Fights Worms, Has Bugs" +Sci/Tech,Overlaying to boost Internet performance +Sci/Tech,WiMax accepts Digiweb as first Irish wireless ISP +Sports,Arsenal stretches unbeaten league string to record 45 +Sports,California Golden Bears +Sports,Lecavalier #39;s OT goal sends Canada to World Cup final +World,Indonesia steps up clamp on militants +World,Putin #39;s War If Putin Refuses to Change Course Russia #39;s Future is <b>...</b> +World,GREEK PATRIARCH KILLED IN CHOPPER CRASH +World,Explosion reported outside Saudi bank +World,Two killed in pre-election unrest in Afghanistan +Business,"Col. John F. Bolt Dies; Fighter Pilot, Double Ace" +Business,Lobbyists Line Up on Overtime Pay +Sci/Tech,Devastation linked to global warming +Business,Jarvis facing collapse as debts mount +World,Putin #39;s Strong Hand Fails Russia +World,Three Palestinians die in Gaza clashes +World,Bombers target embassy +Sci/Tech,The Scalability of Full Content Feeds +Sports,Mike Weir plods along and hangs onto lead at Bell Canadian Open +Sports,Beckham on target for Real +Sci/Tech,Microsoft's Media Player 10 Sings a New Tune +Sports,Cards' McCown to Start +Sci/Tech,Yahoo Makes a Deal With The Donald +Sci/Tech,"SP2 Fights Worms, Has Bugs" +Sports,No. 9 Ohio State Edges Marshall on Last-Second FG +Sports,Overtime Goal Puts Canada in World Cup Hockey Final +Sports,Report: Illinois Hires Zook +Sports,Russians Rule Again +Sports,'Err' Nebraska Loses +Sports,A's Drop Indians +Sports,Hoyas Fall Short +Sports,Loss Hard to Defend +World,Bush Remembers 9/11 With Quiet Observance (AP) +World,Kerry Hints GOP May Suppress Black Votes (AP) +World,Big Explosion Reported in N.Korea +World,Reports May Indicate N.Korea Nuclear Test-NY Times +World,"Man Attacks East China Kindergarten, Wounds 28" +World,Dawn blasts shake central Baghdad +Business,US trade body complies with NAFTA order on US-Canadian lumber <b>...</b> +Business,Real estate mogul gifts \$100m to Michigan Univ +Sports,"Chelsea, Villa Draw 0-0 in Premiership; Arsenal Wins (Update1)" +Sports,NCAA Top 25 Game Summary - Temple at Maryland +Sports,The Atlanta Journal-Constitution +World,'Jeopardy!' Whiz Mum on Rumored Defeat +World,Kerry Hints GOP May Suppress Black Votes +World,Reports May Indicate N.Korea Nuclear Test-NY Times (Reuters) +World,Soldier Sentenced for Iraq Prison Abuse (AP) +Sports,Colonials Enters Top 25 +World,Australia: Second Cell Poised for Indonesia Attack (Reuters) +World,Retired Judge Wins GOP Del. Gov. Primary (AP) +World,Report: Big Explosion Reported in North Korea +World,Big blast reported in North Korea +Business,Ex-banker Quattrone sentenced to 18 months +Business,WRAPUP 3-Cleveland Fed chief says US needs higher rates +Sports,UPDATE 2-Open-Kuznetsova overpowers Dementieva in final +Sports,"COL FB: Ohio State 24, Marshall 21" +Sports,Mayfield races way into Chase with Richmond victory +World,Explosions Rock Baghdad Near U.S. Offices +Sports,Ramsey Still Adjusting +World,A 'Culture of Impunity' Protects Journalists' Killers +Sports,Cyclones Upset Cavs +Business,No Road To Ruin +Business,"Real Issues, Not Rhetoric" +World,Venezuelan gov #39;t approves humanitarian aid to Grenada +World,Sudan Government #39;s Attacks Stoke Rebels #39; Fury +Sports,No. 1 USC Demolishes Colorado St. 49-0 (AP) +Sports,Three U.S. Open Chair Umpires Dismissed (AP) +World,"Blast, Mushroom Cloud Reported in N. Korea (AP)" +Sports,AL Wrap: Rookie Pair Connect to End A's Losing Streak +Business,UK central bank leaves rates in place +Business,Home Prices Keep on Soaring +Sci/Tech,Kevin Spacey swings and sings as Bobby Darin in Beyond The Sea +Sports,I know I Can Beat Michael With The Right Car +Sports,Mayfield races way into Chase with Richmond victory +Sports,"Guzman, Stewart both homer to lead Twins past Tigers 3-2" +World,Deserter Returns to Face Charges After 39 Years +World,Euro 3 want Iran to allay by November suspicions about its nuclear <b>...</b> +World,Iraqis try to lift town #39;s siege +World,Japan to propose partial lifting of ban on US beef imports +World,Annan does not intend resigning in wake of oil-for-food scandal: interview (AFP) +World,Iraq role may have made us a terror target: Australian minister (AFP) +World,Dawn Blasts and Gunfire Rock Heart of Baghdad +World,"Big Blast, Mushroom Cloud Reported in N.Korea" +Business,Do Newspapers Make Good News Look Bad? +World,TUC gather ahead of national poll +Business,"Asian Stocks Rise in Week, Led by Samsung Electronics, Hon Hai" +Sports,"Rangers 10, Blue Jays 7" +World,Chechen Rebels Mainly Driven by Nationalism +World,"As Island Death Toll Rises, Winds Gain in Strength" +Business,US Airways pilots offer last-ditch talks +Business,US gets boost as 2 key reports come in positive +Business,Court refuses to pass Halliburton settlement plan +Sci/Tech,Kevin Spacey #39;s Darin biopic hits Toronto festival +Sports,Barca and Real go top in Spainish league +Sports,"O, Canada wins in OT" +Sports,Michigan shows confidence in freshman QB +Sports,Dothemath:15stillcontend +World,Hong Kong elections matter +World,Russia Warns West Against Meddling in Chechnya +World,"KIDNAPPED ITALIANS: ROME, 4 BIG PICTURES ON CAMPIDOGLIO" +World,"Big Blast, Mushroom Cloud Reported in N.Korea (Reuters)" +World,Wash. Orders 3rd Count in Governor Race (AP) +Sports,Giants Cramming for an Early Test +World,N.Korea Blast Unlikely to Have Been Atomic-S.Korea Minister +Sports,Georgia Struggles to Win +Sports,Hampton Routs Howard +Sports,Galaxy Beat Earthquakes 2-1 (AP) +Sports,No. 7 Texas Holds Off Arkansas 22-20 (AP) +Business,Rosy outlook from Greenspan fails to sway many economists (AFP) +Business,US AIRWAYS: The FLIERS amp; STOCKHOLDERS +Business,Rosy outlook from Greenspan fails to sway many economists +Business,Anatomy of a circulation fabrication +Sci/Tech,The End User: Bluetooth now lives up to hype +Sports,Chelsea #39;s perfect start ended +World,Ivan swirls through Caribbean +World,Intelligence soldier pleads guilty in US Abu Ghraib abuses +World,Hong Kong Holding Legislative Elections +World,US wonders if North Korea is preparing for nuclear test +World,Thatcher can #39;easily #39; prove he was not involved in coup plot <b>...</b> +World,Hong Kong voters expected in record numbers for legislative poll (AFP) +Sports,"On His Way to 700, Bonds Keeps Walking" +Sports,West Virginia spoils O #39;Leary #39;s UCF debut +Sports,Finland stuns US with two late goals +World,"Blast, Mushroom Cloud Reported in N. Korea" +Business,Fund Report: Capital Group belies its age with a late growth spurt +Sports,Miami plays nice +World,Suicide trio #39;carried out attack #39; +World,The Holes in a #39;Shia Strategy #39; +World,Religious Forum in Indonesia Aims to Blunt Radicals +Business,President? Forget It. Who Should Win the Corner Office? +Business,OPEC Cartel Faces Dilemma As Oil Prices Fluctuate +Sci/Tech,An Unlikely Champion +Sci/Tech,"Biometric visa program is a victim of its own success, report says" +Sports,NFL: Dolphins go nowhere +Sports,Overwhelmed UCF no match for West Virginia +Sports,"Tigers lose game, two All-Stars" +World,"For Now, Merchants Cast Lot With a New Iraq" +Business,Fed Reserve president expects gradual rise in interest rates +Sci/Tech,US forces global passport change +Sports,"Peterson, BC rip Penn State, improve" +Sports,McKenzie: Give the Czechs credit +Sports,Red Sox hammer M #39;s 9-0 +World,"Opponents of the War, but Targets All the Same" +World,"HK Votes in Close Poll, Focus on More Democracy" +Business,Wall Street #39;s quot;Teasing Gains quot; +Business,Builders put energy into being efficient +Sci/Tech,IBM opens Linux center in Brazil +Sci/Tech,Microsoft extends SP2 auto-update blocker +Sports,Lecavalier lifts Canada +Sports,"White Sox 13, Angels 6" +Sports,(17) Utah 23 Arizona 6 +World,Indonesia police re-enact Jakarta bombing +World,European trio sets Iran deadline to meet UN anti-nuke demands +World,"HK Votes in Close Poll, Focus on More Democracy" +World,"Iraqi, Italian Leaders Discuss Hostage Crisis" +World,Sabre rattling stopped for now +Sports,El Duque Unbeaten As Yanks Down Orioles (AP) +Sports,AL Wrap: Rookie Pair End A's Losing Streak +Sci/Tech,Windows Media Center 2005 to support high def TV +Sports,Back to reality +World,Blasts and Fighting in Baghdad Kill at Least 8 +World,Unofficial Delaware Gov. Primary Returns (AP) +Business,Rule number one: Be sure to save enough +Business,Imagining Toyland Without One of Its Giants +Business,STORM-BASHED FLORIDIANS COULD BLOW AGAINST BUSH +Business,Producer prices post surprise August drop +Business,Power People +Business,"Loan foreclosures stop climb, but still top figures from 2003" +Business,Employment by Dogma? Lay Teachers Are Testing the Roman Catholic <b>...</b> +Sci/Tech,NASA #39;s Satellite Photo of Hurricane Ivan +Sports,"PREVIEW-Open-History, records on line in men #39;s final" +Sports,Roundup: Canada #39;s Weir increases his lead +Sports,Cup veteran Love sure to be future US captain +Sports,Notre Dame sure can pick #39;em +Sports,Dolphins can #39;t get started +Sports,Ball Notes +Sports,Full steam ahead +Sports,Charlotte stops Lynx to rise to top in East +World,Abu Ghraib prison hit by car bomb +World,"Many suicide bombers out there, #39; Indonesian police warn" +World,Huge explosion in North Korea last week +Sports,Another shocker for Fresno St. +World,Grief turns to anger in dark Beslan +World,Nader: Social Ills Deadlier Than Terror (AP) +Sci/Tech,State on track for biometrics +Sports,"Arsenal grabs controversial win, United #39;s struggles continue" +Sports,The #39;Chase #39; brings new drama to NASCAR +Sports,Titans defense keys win over Dolphins +Sports,Phillies overcome 4-run deficit in win +World,British Caymans braced for Ivan +World,BAGHDAD #39;S US ZONE ROCKED BY MORTARS +World,Beijing Asked for Deal on Gando #39; +Sports,Stage set for perfectionist Langer +Sports,"Mayfield in for Chase, Kahne out" +Sports,Bonds walks to new mark +Sports,Major League Baseball News +World,US Says N.Korea Blast Unlikely to Have Been Nuclear +World,"Blasts, Clashes in Central Baghdad Kill at Least 22" +Business,They #39;re mum on the issues that matter most +Business,Group can do little to increase production or drive down costs +Business,"Producer Prices Drop, Trade Gap Narrows" +World,Israel's Sharon Accuses Far-Right of Inciting War +Sci/Tech,Microsoft Extends SP2 Blocking +Sports,Schilling focused on 20th +World,US SOLDIER JAILED FOR IRAQI ABUSE +Sports,Turnovers a treat for Maine +Sports,UNH deflates Rutgers +Sports,"Benson, Longhorns hold on" +Sports,Boilermakers have a ball +Sports,Dusenberry loves living in fast lane +Sports,Another record-setting day for Bentley's Eddy +Sports,Toreros win fight to finish +Sports,Fla. St. coughed it up +Sports,Buckeyes give Marshall boot +Sports,Freshman mixer +Sports,Virginia grinds down UNC +Sports,Gophers get carried away +Sports,Colgate given the brushoff +Sports,Sooners don't sweat +World,"Syria, PLO mend ties, seek coordination on Israel" +Sports,LSU shapes up in mismatch +Sports,Cal's Arrington in the zone +Sports,Huskies fail to make Division 1-A Navy blue +Sports,Gators pour it on in opener +Sports,Hoosiers pull off the upset +Sports,Tech tips Clemson in OT +Sports,USC pitches shutout +Sports,Iowa weathers Cyclones +Sports,Terrapins too tough +Sports,"There's no stopping McLaughlin, Woburn" +Sports,It's no easy task for Notre Dame +Sports,Tough trio intends to stick it out +Sports,38 straight for A-B +Sports,"From Russia, with love game" +Sports,Above and beyond +Sports,How's that? A cricket primer +Sports,Paralympic team gets hand from area coach +Sports,Defining moment for NFL +Business,"Looking to appeal to young people, PCs are going loud and bold" +Business,"Handling of frequent-flier miles, tickets depends on appetite for risk" +Sports,Olympics were hardly a total loss for Harris +Business,Patriotism drives copter competition +Sports,Without the wicket it wouldn't be cricket +Business,Venture capitalists -- Boston's lure for start-ups +Business,Q amp;A Dr. Jeffrey M. Drazen on drug trial results +Business,A fragmented look at the business of multiculturalism +Sports,Charlotte stops Lynx to rise to top in East +Business,"In weak job market, suits make comeback" +Sports,Dolphins can't get started +Sports,Wing failure costs Lopez second place at Monza +Business,It's looking up for Beverly biotech firm +World,Jamaicans spared direct hit from deadly hurricane +World,"For centuries, ethnic strife has been Moscow's bane" +World,Embezzlement seen widespread in China +World,N. Korea retreats on talks +World,Europe eyes Iran on nuclear ambitions +World,"Citing sex trade, US to oppose loans to Venezuela" +World,Afghan leader starts a race by dismissing key governor +World,Families Recite Names of 9/11 Victims +World,I will stay army chief until 2007: Musharraf +World,Israel's Sharon Accuses Far-Right of Inciting War (Reuters) +World,Minister in Pyongyang to demand explanation on blast (AFP) +World,The Fight of His Life +World,Afghan Warlord's Ouster Prompts Violence (AP) +Sci/Tech,NASA must feel bruised by capsule #39;s botched landing +Sci/Tech,T-Mobile tries OFDM in Europe +Sports,Barrichello on Pole at Monza +Sports,Freshman Walker gives Irish running game a boost +Sports,Mayfield in Chase with win +Sports,NL: Bucs slow down Astros #39; charge +Sports,Phils #39; Wagner livid after getting tossed +World,Iran says it won #39;t halt nuclear technology drive +World,Voters in Hong Kong may give opposition party its most clout since <b>...</b> +World,Copter crash kills cleric +Sci/Tech,Is That Dog Barking Up the Wrong Family Tree? +Business,WTC agency sues Saudis over 9/11 +Sports,F1: Rubens gets flier +World,Iran rejects limits on nuclear technology +World,Herat in tension as mob attacks army barracks: UN offices +Sci/Tech,IBM #39;s New eServer Supports AMD Dual-Core +Sports,Mourinho Fumes At Referee +Sports,Losing hits veterans the hardest +Sports,M #39;s Moyer heads over the hill +Sports,"Pudge, Guillen injured in loss" +Sports,El Salvador fires national soccer team coach after two losses +World,Lost in the Green Zone +World,Troops Battle Militants in Iraq; 13 Dead +Sci/Tech,Diabetes websites too complicated +Business,"WPP Wins Bidding for Grey, Beating Havas, Hellman (Update1)" +Sci/Tech,IBM Says #39;Go #39; on Dual-Core Opteron Servers +Sports,Ricky's world +Sports,Prime-time Eagles +Sports,"Furcal issues apology for DUI arrest, returns to lineup" +Sports,Revolution lose grip +Sports,Moreno aids United +Sports,"No faceoffs, just a standoff" +Sports,Game plan falls short +Sports,"Despite his putting, Weir gains" +Sports,Mayfield jumps into chase with victory +Sports,Ghostzapper captures Woodward +Sports,Sutton has much riding on Cup +Business,"WPP Wins Bidding for Grey, Beating Havas, Hellman (Update3)" +Business,"Health care, two-tier wage system threaten to ignite labor dispute" +Business,Wife tried to sway judge +Business,Hurricane force Insurance companies hit homeowners with high <b>...</b> +Sci/Tech,New network layer could reduce Internet jams and improve security +Sci/Tech,BlackBerry 7100t and SureType +Sports,Czechs lament wasted chances +Sports,Barrichello leads Ferrari one-two in Monza +Sports,Golf: Ryder rookie praise +Sports,ONeill has no doubts over new strike force +Sports,Beckham praised for lifting listless Real Madrid +Sports,HEINZE MAKES GOOD FIRST IMPRESSION +Sports,PONTING PLANNING AMERICAN MISERY +Sports,Record crowd witnesses India-Kenya match +Sports, #39;Dogs bite Wildcats +World,Iran Won #39;t Abandon Nuclear Fuel Program +World,Greece Fires Air Force Chief Following Deadly Helicopter Crash +World,Turnout Is Heavy for Election in Hong Kong +World,Blasts rock Baghdad +World,Freedom at Last for Pakistanis Who Aided Taliban +World,Israel's Sharon Accuses Far-Right of Inciting War +World,Pakistani Forces Attack Militant Hideouts; 10 Killed +World,Seven Dead in Clashes After Afghan Governor Ousted +World,U.S. Middle East Project to Leave Politics Alone +World,Iran Says It Won't Halt Nuclear Technology Drive +World,Hurricane Ivan hits Caymans +World,Greek debt spirals after Olympics +World,Intel Officer Pleads Guilty in Abu Ghraib Case +World,Sharon says far-rightists trying to incite war +World,Barrichello takes Monza win +World,Civil servants face strike ballot +World,Singer Keys cancels Jakarta show +World,U.S. Says N.Korea Blast Probably Not Nuclear (Reuters) +World,Pakistani Forces Attack Militant Hideouts; 10 Killed (Reuters) +World,US and Europe draw closer on setting a deadline of Iran nuclear program (AFP) +Sports,Notre Dame Bounces Back to Stun Michigan (AP) +World,Afghan Prison Releases 363 Pakistanis (AP) +Sports,ND shows it still has a heartbeat +World,UN buildings attacked in west Afghanistan after governor dismissed +Business,Sources: WPP Buys Grey for \$1.34 Billion +Sci/Tech,New PC Fingerprint Passwords +Sports,Barrichello heads Ferrari victory at +Sports,Federer has final obstacle: Hewitt +Sports,Ghostzapper survives dogfight +World,"All 2,749 WTC Victims Honored in N.Y." +World,Iran Won't Abandon Nuclear Fuel Program +World,Ivan moves toward the Cayman Islands +World,Fighting in Baghdad kills eight +World,"Blast, Mushroom Cloud Reported in N. Korea" +World,Terrorism: Australia in the Crosshairs +World,"Battle rages in rebel stronghold, as aid workers flee Iraq" +World,Powell: N. Korea Explosion Wasn't Nuclear +World,"Baghdad Explosions Kill 25, Injure 100" +World,At Least 13 Killed in Baghdad Fighting +World,Whacky Version of Polo Produces Jumbo Fun +Business,UK Ad Firm WPP Wins Bid for U.S. Rival (Reuters) +Sci/Tech,Land of Potatoes Aims to Be High-Tech Hotbed (Reuters) +World,PM touts China-Canada trade as Chinese firm confirms interest in Alberta oil (Canadian Press) +World,Iran Says It Won't Halt Nuclear Technology Drive (Reuters) +World,"Ivanov: Russia to Revamp Security, Seek Cooperation (Reuters)" +Business,UK Ad Firm WPP Wins Bid for U.S. Rival +World,"Victorious on Gun Ban, NRA Looks Toward Elections (Reuters)" +World,"Ivanov: Russia to Revamp Security, Seek Cooperation" +World,Namibia expels Bangladesh workers +Business,US Air Pilots Agree to New Talks +Sports,Kuznetsov wins US Open title +Sports,Barrichello wins Italian Grand Prix +Sports,South Africa win by nine wickets +Sci/Tech,Land of Potatoes Aims to Be High-Tech Hotbed +Sci/Tech,Genes and Biology Important in Obesity Fight +Sci/Tech,Secrets of a Salty Survivor +Business,UK Ad Firm WPP Wins Bid for US Rival +Business,Impact of deductibles +Sci/Tech,Real #39;s Music Deal Ends +World,Afghanistan releases Taliban prisoners +Sports,A's Beat Indians to Maintain AL West Lead (AP) +Sci/Tech,Small College Debates Its High-Tech Gamble +Sci/Tech,Finding Life on the Red Planet +Sports,Everyone seeing Red +Sports,Ponting questions format +Sports,HARRINGTON DRAWS LEVEL +World,"Ivan skirts Grand Cayman, flooding homes" +World,"Ivanov: Russia to Revamp Security, Seek Cooperation" +World,Group Threatens to Kill Hostages in Iraq (AP) +Sports,Top-Ranked Trojans Whip Colorado State +Sports,Barrichello Sparks Ferrari Celebrations +Sci/Tech,IBM Announces Dual-Core Support +Sports,UPDATE 1-South Africa crush sorry Bangladesh +World,Two fathers keep vigil for Manny +Sports,"Ganguly wants Sehwag, Yuvraj to strike form" +World,Ivan Approaches Caymans as Florida Braces for 3rd Hurricane +World,Powell: N. Korea Blast Not Nuclear Event +Sci/Tech,NASA Says Spaceport Should Withstand Ivan +Business,US Agrees to Abide by NAFTA Decision +Business,Manage and sell - Fund managers #39; dual role could affect <b>...</b> +Business,OPEC in search of the quot;right price quot; for oil +Business,Mortgage rates increase +Sci/Tech,Intel suggests overlay to boost Internet performance +Sci/Tech,Intel shifts course on microprocessors +Sci/Tech,NASA Hurricane Ivan Preparation Update 12 Sep 2004 +Sports,"Olsson, Williams-Darling share million-dollar jackpot" +Sports,Kaiserslautern ease strain on Jara +Sports,Dolphins #39; Feeley gets starting nod +World,Atomic Activity in North Korea Raises US Concerns +World,Curfew in protest-hit Afghan city +World,US may help Syria with Iraqi border security +World,Italian Minister in Bid to Free Hostages +World,Italy Apprehends Hundreds of Illegal Migrants +Sports,Seahawks take 14-3 first quarter lead over Cowboys +Sports,Feeley Will Start Next Game for Dolphins (AP) +Sports,Chiefs-Broncos Game Could Be Pivotal (AP) +Sports,Orioles' Bedard Won't Pitch Again in 2004 (AP) +Sports,Bucs WR Galloway Out With Groin Injury (AP) +Sports,Halladay Throws Another Simulated Game (AP) +Business,Oracle Ruling May Embolden Dealmakers +Sports,Selig undergoes skin surgery +Sci/Tech,Oracle Ruling May Embolden Dealmakers (Reuters) +Sports,Harrington Wins in Germany to End Slump (AP) +Sci/Tech,Group: Red Sea Pollution Hurts Coral Reef (AP) +Business,UK Ad Firm Clinches Bid for U.S. Rival +World,Gore Unleashes Fury on Democrats' Behalf (AP) +World,Bush Environment Record an Issue in Nev. (AP) +World,"Bush Visits Embassy, Offers Condolences (AP)" +World,Nasty rhetoric intensifies 50 days ahead of US presidential vote (AFP) +Sports,Harrington Shows Form to Win German Masters +World,Seven Die in Clashes Over Ousted Afghan Governor +World,Sharon Accuses Far-Right of Inciting Civil War +World,"Syria, Lebanon Reject Foreign Criticism of Ties" +Business,Travel firms count cost of Ivan +World,Curfew in protest-hit Afghan city +World,Tennis: Federer ready for Hewitt +World,Australian leaders spar over Iraq +Sci/Tech,AMD providing update for Opteron processor +Sci/Tech,IBM triples transistor performance with germanium +Sci/Tech,"Gaps in Intel Itanium, Xeon Road Maps" +Sports,Gamble paid off - Barrichello +Sports,Holmes second in Berlin +Sports,Honours Even At White Hart Lane +World,Powell: North Korean Explosion Probably Not Nuclear +World,US enter Samarrah during new push against insurgents +World,Polish ambassador: government considers question of WWII <b>...</b> +World,Medicare Costs Are New Focus for Candidates +World,Hurricane Ivan Closes In on Grand Cayman; Cuba Braces +World,Fire in Ohio Apartment Building Kills 8 +World,Zhang Readies Another Martial-Arts Saga +World,Televangelist Said Tried to Hush Charges +World,At Least 25 Killed in Baghdad Violence +World,Protesters Attack Soldiers in Afghanistan +Sci/Tech,Trend Micro Offers New Mobile Security for Mobile Phones and PDAs +Sports,Johnson #39;s crash calls attention to flaw in the Chase system +World,Explosions caused mushroom cloud over N. Korea: source +Sports,Mayfield Races Into NASCAR Playoffs (AP) +Business,Investors on Alert for Earnings Warnings (Reuters) +Sci/Tech,Array of Innovations at Mobile Tech Show (AP) +Sports,"Ruano Pascual, Suarez Win Women's Doubles (AP)" +World,US in bid to jumpstart NKorea talks amid nuclear bomb warning (AFP) +World,Kirsten Dunst Pretends to Be a Jock +World,Thousands Protest Gaza Evacuation Plan +World,Federer Tries for Third Major Title of '04 +World,Nations: N. Korea Cloud Isn't Nuke Blast +Sports,Skipper wants a final fling +Sports,"J. Lopez, SS" +World,Nations: N. Korea Cloud Isn #39;t Nuke Blast +World,"Insurgents hammer central Baghdad, 25 dead in surge of violence in <b>...</b>" +Sports,Mystics Remain Alive +Sci/Tech,Companies move to anti piracy chips +Sports,Feeley gets nod over Fiedler +Sports,South Africa thump Tigers +Sports,Turner confident Illini can rebound from 35-17 loss +Sports,Coach Willingham Never Doubted Notre Dame (AP) +World,Mexico's President Fires Mexico City Chief (AP) +Business,Investors Weighing Consumer Spending (AP) +Sci/Tech,Groups Work on Ways to Stop Hurricanes (AP) +Business,UES Loses Utility Bid in Slovakia +Business,"EPA could reject appeal, order Wednesday that Metro Detroit cars <b>...</b>" +Sci/Tech,A new handshake for mini hard drives? +Sports,Great matchup to end US Open +Sports,It definitely wasn #39;t easy +World,Thousands March over Gaza Pull-Out Plans +World,"Mercosur, EU Hope to Meet Trade Deadline (AP)" +Sports,Female Baseball Pioneer Gacioch Dies (AP) +Sports,Purdue on a Roll Heading Into Bye Week (AP) +World,Question of medicare reform has become test of Martin's political credibility (Canadian Press) +World,Up to 7 Die in Clashes Over Ousted Afghan Governor +Business,British Firm Wins Bidding for Grey Advertising +Sci/Tech,Three Years Since +Sci/Tech,New Object in Saturn #39;s F Ring +Sports,Tottenham held by promoted Norwich +World,Russia #39;s grim return to reality +World,Italian FM to Middle East to seek release of aid workers in Iraq +Sci/Tech," quot;Beware of the End of the World (Wide Web), quot; Says Intel" +Sci/Tech,RealNetworks Ends Download 49-Cent Promo +Sports,Dementyeva Looks to Future After Loss +Sports,Osasuna rallies at Deportivo Coruna +World,Seven dead after Afghan governor ousted +Sports,Phillies Sweep Woeful Mets With 4-2 Win (AP) +Sports,Georgia Overcomes First SEC Road Test (AP) +Business,Eisner #39;s Exit Plan Good for Disney -Analysts +Business,"Mercosur, EU hope to meet trade deadline" +Business,Japanese bank battle a break from the past +Sci/Tech,"Sun may rise, after all, on faulty space probe" +Sci/Tech,Longhorn locked against theft by iPod +Sci/Tech,Big Five Set Their Sights On Mobile TV +Sci/Tech,Microsoft #39;s new mice get touchy +Sci/Tech,Cisco to acquire network-monitoring firm NetSolve +Sci/Tech,Real sells 3m tracks at a loss +Sci/Tech,FCC says US getting its broadband act together +Sci/Tech,Extinction #39;s ripple effects +Sci/Tech,Dead sea turtles wash up on beaches +Sports,Harrington bags timely triumph +Sports,Tottenham Misses Chance to Climb to Third With 0-0 Norwich Draw +Sports,Arsenal stretches unbeaten run in England +Sports,Willingham never doubted Irish could beat Michigan +Sports,GAME DAY PREVIEW Game time: 4:00 PM +Sports,McLeish #39;hopeful #39; +Sports,NFL Wrap: Gibbs Returns to NFL as Redskins Edge Buccaneers +Sports,Teixeira hits pair of home runs to lead Rangers to 7-6 win over <b>...</b> +World,Hurricane Ivan slams Grand Cayman +World,Strong turnout marked in HK election +World,Indonesian police reenact Jakarta embassy blast +World,Greek air force chief sacked after Orthodox leader dies in chopper <b>...</b> +World,Putin #39;s outdated illusions are dangerous +World,US eyes Syria #39;s aid in Iraq security +World,Thousands demonstrate in Jerusalem against plan to evacuate Gaza <b>...</b> +World,Italy #39;s Two Hostages Dedicated to Helping Iraqis +World,Nearly 800 refugees in 3 boats swamp Italy +World,HK Democrats Demand Partial Election Recount +World,Italy's Two Hostages Dedicated to Helping Iraqis +World,Unprecedented turnout in Hong Kong vote +World,Afghan rebels plan for elections +Business,US Airways Files for Bankruptcy Protection; 2nd Time in 2 Years +Business,"Japanese Stocks May Gain, Led by Toyota, After Oil Price Drops" +Business,Ellison earns \$3.85 million in FY04 +World,Italy seeks Libya migrant curbs +World,Europe urged to accept GM foods +World,US envoy warns of Iran sanctions +World,US soldier jailed for Iraq abuses +World,Two men fight for paternal rights over Jakarta blast victim +Sports,Formula One Racing: Ferrari #39;s one-two is full of surprises +Sports,"Olsson, Williams-Darling share million-dollar Golden League <b>...</b>" +Sports,South Africa in a hurry +Sports,Ramirez homer sets early tone +Sports,Lions end record 24-game road losing streak vs. Bears +Sports,"Angels 11, White Sox 0" +World,US missile attack kills 13 civilians in Iraq +World,European countries agree on Iran nuke deadline +World,In Australia: Debate hots up +World,Piece of shrapnel still lodged in girl #39;s brain +Business,WPP says it won bid +World,US Airways Files for Bankruptcy Protection; 2nd Time in 2 Years +World,Federer Dominates U.S. Open Final +World,Suspected Arson Fire Kills 10 in Ohio +World,US Airways Files for Bankruptcy Protection +World,Surge of Baghdad Violence Leaves 59 Dead +World,"Ivan Batters Caymans, Heads for Cuba" +World,Florida Keys Likely Spared a Direct Hit +World,Hurricane Ivan Batters Grand Cayman +World,Ivan Won't Make Direct Hit on Fla. Keys +World,'Resident Evil' Sequel Tops Box Office +Business,Flight Attendants Reject US Air Proposal (Reuters) +Business,Gas Price Slips to #36;1.86/Gallon -Survey (Reuters) +Business,"OPEC Eyes Caution, Supply Weighs on Price (Reuters)" +Business,China #39;s ad market gallops ahead +Sports,"Bonds Hits Homer 699, Giants Top D'Backs (AP)" +Sports,"Browns Open With Win, 20-3 Over Ravens (AP)" +World,"U.S. says UN, Africa and Sudan itself hold solution to Darfur crisis (Canadian Press)" +Business,US Airways Files for Ch. 11 Bankruptcy +Business,Flight Attendants Reject US Air Proposal +Sports,Canadian Brodeur's Wrist Feeling Better (AP) +Sports,Federer Crushes Hewitt in U.S. Open Final +Sports,NFL Wrap: Gibbs Returns to NFL as Redskins Edge Buccaneers +Sports,"NL Wrap: Pierre Hits, Burnett Pitches Marlins to Easy Win" +Business,"Stern: Sirius Wants Him Now, But No Plans To Jump Gun" +World,U.S. Assault Weapons Ban Set to Expire (AP) +Sports,Singh Wins Canadian Open After Play-Off +World,Pakistan forces battle on border +Business,Orange joins 3G fray with pitch to early adopters +Business,Crude Oil May Rise on Concern Hurricane Could Cut Gulf Output +Sports,No Road Woes Yet +Sports,Steelers Run to Win +Sports,Brees Guides Chargers +Sports,Mariners Blank Bosox +Sports,THECHAT +Sports,Changing Directions +Sports,Sting Pound Lynx Early +Sports,UPDATE 2-Harrington shows form to win German Masters +Sports,Ego Czech-ed at door +Sports,American League Game Summary - Boston at Seattle +Sci/Tech,Europe urged to embrace GM foods +World,US: Iranian Nuclear Program May Come Before UN Security Council +Sports,Federer crushes Hewitt to win US Open +Sports,Brodeur #39;s wrist feeling better +Sports,"Liberty 64, Silver Stars 62" +World,"Hurricane Ivan Lashes Caymans, Jamaica" +World,UN chief condemns attacks in Afghanistan +World,Italy summons Libyan ambassador to discuss latest illegal migrants +Sci/Tech,NASA Hopes Data Can Be Salvaged From Crashed Craft +Sci/Tech,New Windows OS boosts security +World,Greek Defense Minister Quits for Deadly Copter Crash +World,"Islamic group threatens to kill Italian hostages, sets deadline" +Business,China eyes Life offshore +Business,Oil Supply Fears Leave Shares Mixed +World,Indonesia Pursues Two Terror Suspects (AP) +Business,Tokyo Stocks Seen Firming After Nasdaq +World,China Camp Makes Big Gains in HK Elections +Sports,Harrington coasts back to form for Ryder test +Sports,NFL Game Summary - Baltimore at Cleveland +Sports,Sun pull into first place in East +Business,Tokyo Stocks Open Higher After Nasdaq +World,"HK Vote Count Late, Few Democrat Gains in Exit Polls" +World,Poll blow for Hong Kong democrats +Business,Three percent is no longer sacred +Business,Checks to clear faster than they can float soon +Business,It #39;s AMD Inside +Business,Economics week +Sci/Tech,Transmeta ships 90-nm processor +Sports,NFL Game Summary - NY Giants at Philadelphia +Sports,Browns Beat Ravens 20-3 Behind Garcia: NFL Week 1 (Update1) +Sports,Falcons at 49ers +Sports,JUVE OFF TO A FLYER +World,Patriarch Petros VII of Alexandria +World,Tens of thousands of Israeli settlers rally against Sharon #39;s <b>...</b> +World,Iraqi PM warned to #39;await Angel of Death #39; +World,Last Part of Mustang Ranch Brothel Moved +World,U.S. Assault Weapons Ban Set to Expire +Business,"US Airways, pilots to resume talks on concession" +Business,"Cheung Kong, CapitaLand May Rise With Asian Real-Estate Stocks" +Sports,Second suits happy Holmes +Sports,Monza rain makes it a perfect day for Ferrari +Sports,"Larsson lights up Nou Camp, while Braga hold Porto" +Sports,Bears-Lions Scoring Summary +Sports,"Vikings 35, Cowboys 17" +Sports,"Baseball-Pierre Hits, Burnett Pitches Marlins to Easy Win" +Sports,Ibrahimovic scores as Juventus wins opener +Sports,Deportivo upset by battling Osasuna +World,Violence as Karzai sacks governor +World,"Far-right stoking civil war in Israel over Gaza, says Sharon" +World,Iraqi PM Says Elections Must Go Ahead -UK Papers (Reuters) +Sci/Tech,Nevada's E-Vote Free of Serious Problems (AP) +Sports,Singh Spoils 100th Anniversary Party in Canada +Sci/Tech,"HTTP Deltas, RSS, and Differential Content Fetching" +Sci/Tech,More on the INDUCE Act +Business,Australia #39;s S amp;P/ASX 200 Index Heads for Record; Foodland Rises +Sci/Tech,IBM eServer to support Dual-Core processors +Sports,"Federer, Near-Perfect, Wins US Open Against Hewitt (Update2)" +Sports,Athletics: Holmes loses with smile as cruise control misfires +Sports,Ferrari show rolls on +Sports,Spurs frustrated by Norwichs Green +Sports,Gunners extend winning stretch +Sports,Bonds hits No. 699; Giants gain wild card lead +Sports,Deportivo goes down at home +World,New spasm of violence sweeps across Iraq +World,Nuclear agency weighs Iran steps +World,Thousands Protest Gaza and West-Bank Disengagement +World,Iraqi PM Says Elections Must Go Ahead -UK Papers +Sci/Tech,"Speak to my right ear, sing to my left" +Sci/Tech,Linda Dillman On RFID +Sci/Tech,Big five set their sights on mobile TV +Sci/Tech,NASA: Station #39;s Oxygen Generator Fails +Sci/Tech,Hitachi Joins Intel In Hard Drive Standard +Sports,Flawless Federer is fantastic +Sports,Broncos Beat Chiefs 34-24 Behind Griffin: NFL Week 1 (Update3) +Sports,Europe #39;s spirit may overwhelm that of the American side +Sports,Owens in spotlight quickly with Eagles +Sports,Pro football: Culpepper puts on a show +Sports,Bucs #39; Lack Of Offense In Opener Was Like A Cold Blast From The <b>...</b> +Sports,Dolphins switch to Feeley +Sports,Arsenal breaks from the crowd +Sports,Schmidt #39;s gem is golden for Giants Bonds #39; blast also helps SF take <b>...</b> +Sports,"(Sept. 12, 2004) Quick takes on some of Week 1 #39;s more <b>...</b>" +Business,OPEC Finds Few Options to Put a Lid On Oil Prices +Business,No change to interest rates seen +Business,Sailing away +Business,Tokyo Stocks Open Higher; Dollar Falls +Business,Restrictions Likely On Some Clothing +Business,Foodland 2nd-Half Profit Rises 8 on One-Time Gains (Update1) +Business,Trump-led group may invest \$3 bil. in Incheon +Business,Capital ups Qantas stake +Business,French public deficit may hit 3.6 of GDP +Business,World markets - 13 September 2004 +World,Cayman Islanders flee to rooftops +World,CORRECTED: N.Korea Blast Cause Unclear But Many Theories +World,Sharon Says Incitement to Oppose Disengagement Plan Must End +World,Police disrupt rally near tomb +World,US-Led Forces Retake Northern Iraqi City +World,Over 200 arrested in violence on Pinochet coup anniversary in <b>...</b> +World,"New spasm of violence sweeps Iraq, killing 110" +Sports,Holmes runs on despite mixed feelings over future +Sports,NFL Game Summary - Tampa Bay at Washington +Sports,Mayfield clears mind after owner #39;s message +Sci/Tech,Star dust survives crash landing +Sci/Tech,A Common Language for Penguins +Sports,Skins win one for the Gibber +Sports,"In a Season Full of Tension, the Race Has Just Begun" +World,Greens leader astounded at content of debate +Business,OPEC #39;s choices limited ahead of Wednesday meet +Business,Overseas investors to visit South Korea hub +Sports,Feeley gets the call +World,Hostility Sweeps Iraq: US Gunship Target Crowd Killing Dozens +Business,Florida relieved as Ivan shifts +Business,A Trump takes look at Korea +Sci/Tech,Speech Code From IBM to Become Open Source +Sports,Sorenstam stays on top after 5th LPGA title +Sports,Clearing obstacles +Sports,Spurs frustrated by Norwich keeper Green +Sports,Arsenal extends win streak +World,Hurricane Ivan Still Strong +World,N.Korea Says Blast Part of Hydro-Electric Project +World,N.Korea Blast Cause Unclear But Many Theories +World,Legal Steps Start for Accused U.S. Deserter Jenkins +Sci/Tech,Vary: ETag Extensions +Sports,Mayfield earns shot at the Cup +Sports,Vikes have too many weapons for #39;Boys +World,Mexico deports US teens in rehab +World,"With Eye on Storm, Skittish Floridians Search for Safety" +World,Surge of Baghdad Violence Leaves 59 Dead +World,"Arson Suspected in Ohio Fire, Killing 10" +World,Ivan Slams Caymans; Cuba in Line of Fire +World,Florida Keys Likely Spared Ivan's Wrath +Sci/Tech,IBM Rolls Out New Linux Server Using Power5 Chip +World,Federer Beats Hewitt Easily to Win Open +Business,Britain objects to harmonised EU tax rate +Sports,Broncos Defeat Chiefs 34-24 (AP) +Sci/Tech,IBM Rolls Out New Linux Server Using Power5 Chip (Reuters) +Business,US Airways Files for Ch. 11 Bankruptcy (Reuters) +World,N.Korea Says Blast Part of Hydro-Electric Project (Reuters) +World,N.Korea Blast Cause Unclear But Many Theories (Reuters) +Sports,"Owens, McNabb Lead Eagles Past Giants (AP)" +Sci/Tech,BAE Systems Unit to Buy DigitalNet +Sci/Tech,Squarespace Lets Users Manage Multi-Page Sites +Business,"US Oil Up Above #36;43, Watches Ivan, OPEC (Reuters)" +Business,UK Ad Firm Clinches Bid for U.S. Rival (Reuters) +Sci/Tech,Squarespace Lets Users Manage Multi-Page Web Sites (washingtonpost.com) +World,Russia Says It Can Hit Militants Abroad (AP) +Sports,Gibbs Returns with Win as Redskins Edge Buccaneers (Reuters) +Business,Divorcee Gets Lesson in Finance (AP) +World,Surge of Baghdad Violence Leaves 59 Dead (AP) +Business,US Airways Files for Ch. 11 Bankruptcy +Sci/Tech,Company Making Fake Urine for Research (AP) +Sci/Tech,Scientists Say Mauna Loa May Soon Erupt (AP) +World,Premiers wary of new funding formula Martin proposes for medicare (Canadian Press) +Business,"Asian Stocks Gain, Techs Lead Charge" +Sci/Tech,Groups Work on Schemes to Stop Hurricanes (AP) +Sports,"Out of Nowhere, Kuznetsova Wins Open (AP)" +World,"Amid unrest, Iraq president says vote delay would aid quot;forces of <b>...</b>" +Business,Cisco Unveils New Routers for Business +Sports,Gibbs Returns with Win as Redskins Edge Buccaneers +Business,Insurers Seek Arbitration Vs. Boeing -WSJ +Sports,"NL Wrap: Easy Win for Marlins, Bonds Hits 699th Homer" +World,Bush Offers Sympathy at Russian Embassy (AP) +World,Security blanket for Karzai #39;s swearing in +Sports,"AL Wrap: Late Homers by Sheffield, Matsui Rally Yankees" +Business,Dollar Slips Vs Yen as U.S. Data Awaited +Sports,Federer Title Win Beyond His Wildest Dreams +Sports,Eagles Lose OL Andrews +Sports,Federer Is Too Much for Hewitt in U.S. Open Final +Sports,Gibbs Shows How to Go Home Again +Business,U.S. May Limit Chinese Imports +Business,"A Stodgy Style, but BellSouth Starts to Loosen Its Top Button" +Business,"At Disney, Mending Fences or Moving On?" +Business,The Customer Relationship Expert Takes a Dose of Its Own Medicine +Sports,Owens Takes Flight +Sports,Yanks Walk Over O's +Sports,Off To a Fast Start +Sports,Give this man an award +Sports,NEXTEL CUP: THE RACE BEFORE THE CHASE: Mayfield comes up with <b>...</b> +Sports,Bonds Bombs No. 699 +Sports,Singh Bests Weir +Business,Idaho Hot Potato: Tech Companies +Sci/Tech,Oracle ruling highlights complexity of market +Sports,Rice's Car Crashes +Sci/Tech,Borland updates its life-cycle tools +Sci/Tech,Cisco routers get an upgrade +Business,US Airways again files for bankruptcy protection +Business,Rubin criticizes Bush #39;s fiscal policy +Business,Investors may be edgy on earning warnings +Sports,Redskins relish their difficult victory +Sports,Rough weekend for Big 12 North +Sci/Tech,Speech Code From I.B.M. to Become Open Source +World,Violent Chilean anniversary. +Sci/Tech,"Nortel, Under Deep Scrutiny, Now Faces Chinese Competition" +Sci/Tech,New Logo and Tagline for Xerox +Sci/Tech,Free Code Graphing +Business,Qantas seeks more flights to India +Business,Philippine Shares End At Record High; Telecom Stks #39; Gain +Sci/Tech,Resort town becomes wireless hotspot #39; +Sci/Tech,Floppy disk spins its way toward graveyard +Business,WPP GRABS GREY FOR \$1.5B +Business,Techs lead Nikkei #39;s rally +World,Western Afghan city quiet after bloody clashes +World,Iraqi resistance pushes the US back +World,U.S. Bomb Insurgent Stronghold of Fallujah (AP) +World,Progress in Jakarta blast probe +Business,expressway to neutrality +Business,Stakeholder says US Airways Ch. 11 filing quot;necessary quot; +Business,Bayer links with Schering-Plough +Sci/Tech,Let a Thousand Ideas Flower: China Is a New Hotbed of Research +Sci/Tech,Pennsylvania porn law struck down +Sci/Tech,Microsoft works to block iPod +Sci/Tech,Transmeta ships 90 nanometre processor +Sci/Tech,Sasser teen charged +Sports,Santini praises Green +Sports,"Sunday, September 12, 2004 Questions Answered" +World,"Three soldiers killed, three wounded in Iraq terrorist attack" +Business,no NH effect from US Airways woes +Business,"Japan #39;s Nikkei Average, Topix Advance; Toyota, Advantest Gain" +Business,MR. WATCHDOG Plan ahead to protect interests +Business,Clydesdale #39;saved from axe #39; +Business,"Bayer to Cooperate With Schering-Plough on Sales in US, Japan" +Sports,Federer enters record books with US Open win +Sports,"Cheers, jeers and overcoming fears in golf #39;s ultimate contest" +Sports,Cowboys #39; defense drops the ball +World,Angry mob burns aid compounds +World,Iran rejects European demands to halt N-tech drive +World,Breakthrough in Embassy Bombing-Australia +Business,Turbulent times for US airline companies +Business,"Sears Begins Selling Apparel, Home Fashions Online" +Business,BAE buys IT supplier to Pentagon +Business,AstraZeneca shares fall on US drug blow +Business,Strong summer for house prices +Business,Bayer Announces Schering-Plough Alliance +Business,Cisco Unveils New Routers for Business +Business,New toys for wireless crowd +Business,"CHINA PRESS: Shanghai Auto Plans \$6B IPO In HK, New York" +Business,"Germany #39;s DAX Index Gains, Led by Bayer; Infineon and SAP Rise" +Business,Cell phone switching can cost in billing +Business,AUTO INDUSTRY REPORT: Toyota considers new plant in European <b>...</b> +Business,Linux group pushes for greater standardisation +Business,UPDATE: Australia #39;s Foodland Net Up 19 On Asset Sales +World,Bush Focusing on Health Care in Michigan (AP) +Sci/Tech,Nokia aims handsets at the cocktail set +Sci/Tech,IBM Debuts Power5 Server Line for Linux +Sci/Tech,Young cyber-bullies a menace in Singapore: Report +Sci/Tech,Sendo Microsoft Dispute Settled +Sci/Tech,Taiwan teen nabbed for running sex service website +Sci/Tech,Intel suggests upgrading internet to Intelnet +Sci/Tech,Broadcom warns of Q3 flatness +Sci/Tech,Skype for Pocket PC takes to the air +Sci/Tech,Telecom Italia Trials IPTV Services With Microsoft +Sci/Tech,BBC Technology Announces New Deal with Npr #39;s Public Radio <b>...</b> +Sports,"Olsson, Williams-Darling to split \$1 million track jackpot" +Sports,Tottenham 0 Norwich 0 +Sports,"STEELERS 24, RAIDERS 21 Instant replay" +Sports,Secondary lacking Will power +Sports,Browns kept Lewis under wraps all day +World,"Ivan Moving Westward Between Cuba, Mexico; Alabama Threatened" +World,Iraq #39;s wave of attacks +World,Israel to Begin Gaza Compensation Payments +World,Australian PM says no regrets over SMS statement after Jakarta <b>...</b> +World,Russia claims right to strike first +World,Clashes continue between security forces and militants in <b>...</b> +World,Update 1: China Eyes More Measures to Slow Economy +World,Unanimity Slows EU Response in Sudan +World,Kerry sees 'route to a nuclear 9/11' in North Korea (AFP) +World,Legal Steps Start for Accused U.S. Deserter Jenkins +Sci/Tech,Trend Micro Gives Away Mobile Antivirus App +World,Afghan City Calm After Bloody Governor Protests +World,UN Meets on Iran Nuclear Plans Amid Bomb Fears +World,Democrats Make Lackluster Gains in HK Elections +World,Congo Government Loyalists Say Capture Rebel Base +World,Putin tightens grip on security +World,US 'kills 22' in Afghan firefight +World,Tennis: Federer celebrates +World,Cameroon polls 'will not be fair' +World,SA mining giant rows with Mbeki +World,Sixteen die in Nepal bus plunge +World,'UK must lead on climate change' +World,AstraZeneca hit by drug rejection +World,Chicago and Cabaret lyricist dies +World,Commander disagreed with invasion +World,Handover infuriates Afghans +World,"Ivan rips Caymans, aims toward Cuba" +World,N. Korea cloud not seen as N-test +World,Record turnout in Hong Kong election +World,Sharon says opponents of pullout calling for a civil war +World,Boston-area groups ready to offer relief +World,Report: N.Korea Says Explosion Was Planned +World,Hong Kong's Opposition Gains More Clout +World,Hurricane Ivan Heads to Cuba +World,AP: Witness Shows Weakness in Bashir Case +World,US Airways Seeks Bankruptcy Protection +Business,Shake-down in low-cost sector +Business,FDA Panel Urges More Studies of Stroke Med +World,Six militants killed in clash with Pakistan troops near Afghan <b>...</b> +Sci/Tech,"Alcatel, Nokia sign Libya phone deal" +Sports,US Open Finals Feature No Americans +Business,BAE Systems Unit to Buy DigitalNet +Business,Microsoft settles with Sendo in cell phone dispute +Sports,Weir sinks in playoff +Sports,Jets able to contain Rudi +Sports,"Eagles open to rave reviews Owens, Westbrook and McNabb have <b>...</b>" +World,N Korea says explosion was controlled demolition +Business,Sears goes to Lands #39; End to boost Web site +Sci/Tech,"Nokia Announces Fashion Phones: Nokia 7280, 7270 and 7260" +World,Breaking the Chechnya impasse +World,US Forces Kill 22 Afghan Insurgents +Business,WPP Says It Will Pay \$1.52 Billion for Grey Global (Update4) +Sports,"Rattay rallies, but effort falls short" +Sports,Notebook: Browns reach back for win over Ravens +Sports,Not how they planned it +Sports,A look back +Business,UK July Annual House Prices Rise Most in a Year (Update1) +Sci/Tech,Scientists Think Data From Space Capsule Can Be Salvaged +Sci/Tech,Nokia to supply Libya with network +Sports,Hewitt cops a Federer hiding +Sports,Blatter in blast over media ban +Sports,Eagles off to a flying start +Sci/Tech,Open Source Law and National Security +Sci/Tech,Jikes and the Open Source Process +Sci/Tech,"MS, Apple pitch music at mobile phone makers" +Sci/Tech,Microsoft and Sendo settle case +Sci/Tech,Site bolsters racism awareness +Sci/Tech,Psychic action enthrals gamers +Sports,"At Last, Success on the Road for Lions (AP)" +Sports,Barry Bonds Hits 699th Career Home Run (AP) +World,Neo-Nazi tried for Chirac assassination attempt +Sports,Meche Shuts Out Red Sox; Colon Wins 15th (AP) +World,"Putin Meets With Cabinet, Governors (AP)" +Sci/Tech,Sears Launches Venture for Online Sales (AP) +Sci/Tech,Will Expand Beyond's Patents Lead to New Partnerships? (Ziff Davis) +Business,US Air Seeks Cost Cuts in 2nd Bankruptcy +Sci/Tech,EU waits on Oracle-PeopleSoft (TheDeal.com) +Business,"European Shares Gain, But Bonds Slip" +Sci/Tech,Nokia Signs \$146M Deal With Libya +Sports,UPDATE 2-Juventus and Roma make winning starts in Serie A +World,Hurricane Ivan moving onward towards Cuba +World,Eta bombs keep up pressure on national holiday +Sci/Tech,"Sprint, AT T to Pay About \$1.5 Million for Unfair Practices" +Sci/Tech,Plugged Into the Market +Business,BAE buys Pentagon IT supplier +Sci/Tech,AU President Challenges Eponymous Web Site +Business,Microsoft and Sendo settle case +Sports,Mickelson Rates Europe as Ryder Cup Favorites +Business,Suzuki planning India expansion +Sci/Tech,Arctic's toxic burden harms bears +Business,House prices show sharp July rise +Business,US blow for AstraZeneca +Business,Is this call for you? +Sports,Barrichello takes Italian Grand Prix +Sports,Transactions +Sports,His shoulder is still a sore spot for Ortiz +Business,"Music plus movies, on one player" +Sports,NL notables +Sports,AL Notables +Sports,New contract guarantees Tedford \$1.5M +Sports,"On road, cowardly Lions no more" +Sports,"Rejuvenated Faulk, Rams edge Cardinals" +Sports,"Gibbs, 'Skins off to the races" +Sports,Revolution need late charge +World,Loyalist admits Finucane murder +Sports,Sport's future in world of trouble +Sports,"Douglas, Sun take a share of first" +Sports,BC's Peterson a pistol at QB +Sports,Big things planned +Sports,"Oh, Canada: Weir just can't hang on" +Sports,Warm feeling from bagels +Sports,Ledee leaves Giants for Dodgers +Sports,Victory for Barrichello +Sci/Tech,IBM delivers Power-based servers with Linux +Sci/Tech,Web services management vendors combine +Sci/Tech,Borland to tout tool for building Microsoft apps +Sports,Former NBA star acquitted of sexual abuse charges +Business,Sorrell: #39;I #39;ll make Grey more profitable #39; +Business,Home Prices Jump In Official Survey +Business,Microsoft Notebook: Good news hasn #39;t helped stock price +Sports,Porcher doesn #39;t mind not playing considering the circumstances +World,US fire kills Arab reporter on air +World,New shock in Kenteris saga +World,US Strikes Kill 15 In Al-Fallujah +Sci/Tech,"Indian Software Boom on Track, Industry Head Says (Reuters)" +World,Iran's Uranium Enrichment Halt to Be Temporary (Reuters) +World,U.N. Nuclear Agency Meets to Discuss Iran (AP) +Sports,A scandal years in the making unfolds +Business,Hurricane sends oil prices higher +Sports,England have the weapons for a keen contest +Sci/Tech,"Indian Software Boom on Track, Industry Head Says" +Business,WPP buys Grey Global +Business,Report: Ex-Qwest Chief May Face Charges +Business,UPDATE 3-Bayer and Schering-Plough form drugs alliance +Business,Depression-Drug Suicide Debate Returns to a Boil +Business,"Bayer, Deutsche Bank, Munich Re, SAP, VW: German Equity Preview" +Sci/Tech,Why so many hurricanes? +Sci/Tech,"MS, Apple pitch music at mobile phone makers" +Sports,James reveals Ryder rigours +World,The bullet always tells the truth +Sci/Tech,"U.S. Agencies, Contractors Lead Space Race" +Sci/Tech,Firms to Detail Mars Transport Plans +Business,Power5 Revs IBM #39;s Linux-Only Server Line +Business,"Indian Software Boom on Track, Industry Head Says" +Sci/Tech,Oracle updates business suite +World,EU warns Iran of #39;serious situation #39; on nuclear plans +World,"Germany, Poland play down reparations row" +Sci/Tech,Pentagon Revives Memory Project +Sci/Tech,Step Toward Universal Computing +Sci/Tech,Study: Recycling Cost Overstated +Sci/Tech,Public Fiber Tough to Swallow +Sci/Tech,Robot Spider Walks on Water +Sci/Tech,Web to Handset: Easy Data Dump +Sci/Tech,IBM Inks \$1 Billion Voice And Data Deal With Lloyds +Sci/Tech,New Windows OS Boosts Security +Sci/Tech,Oxygen Generator on Space Station Fails +World,Blair set to face unions' wrath as TUC kicks off annual conference (AFP) +Sci/Tech,Trend Micro #39;s Free Mobile Anti-Virus +World,Israel to Begin Gaza Compensation Payments (AP) +World,Pakistan Clashes Said to Leave 9 Dead (AP) +Business,Stocks Set to Open Up; Grey in Spotlight +World,Powell Defends Cheney's Remarks on Attack (AP) +Business,Stocks to Watch Monday +Business,OPEC Wary as Supplies Weigh on Oil Price +Sci/Tech,Thousands of Unsung Species Co-Endangered +Sci/Tech,Analyzing the Ring of Life +Business,Stocks Set to Open Up; Grey in Spotlight +Business,"Safety Group: Car, SUV Bumpers Don #39;t Line Up" +Sci/Tech,Florida likely to get hit again +Sports,Federer breezes to third Slam event +World,At Least 60 Deaths Caused by Hurricane Ivan +World,The Fire This Time +Sci/Tech,"China Unicom to open 3,000 Internet cafes in tightly controlled industry (AFP)" +Business,Wal-Mart Keeps Sales View (Reuters) +World,North Korean FM says explosion was demolition blast (AFP) +World,N.B. residents block off highway to protest cuts to local health care (Canadian Press) +Sci/Tech,"Broadcom downplays inventory glut, shares rise" +Sci/Tech,Mobile vendors tie up for mobile TV +Sci/Tech,Novell sees a #39;both-source #39; future +Sci/Tech,Cisco targets SMBs with VoIP-friendly routers +Sci/Tech,Longhorn equipped against iPod +Sci/Tech,Superhighway #39;Could Crumble #39; under Weight of Users +Sci/Tech,Microsoft courts mainstream developers +Sci/Tech,I Want My MSFT-TV +Sci/Tech,City #39;s surveillance cameras are making Chicago safer +Business,Oil Rises as Hurricane Moves Toward Platforms in Gulf of Mexico +Business,Eyes on Eisner +Business,Suzuki announces plans to ramp up output in India +Business,"Oracle wins PeopleSoft battle, but war not at end" +Business,"Microsoft, Sendo Settle Litigation" +Business,Wal-Mart keeps sales view +Business,Metcash on the menu at Foodland +Business,Campbell Soup Co. Profit Falls 20 Percent +Business,"For Airlines, It #39;s Still 9/11" +Business,Health Mgmt Associates Cuts 4Q Outlook +Business,Schering-Plough and Bayer Ink Deal +Business,Dollar near 3-week low +Business,India #39;s software exports booming +Sports,Federer presents perfect vision +Sports,"For champ, IRL race far from the pits" +Sports,Referee rescinds Chelsea striker Drogba #39;s yellow card +Sports,Defoe spurred on to success +Sports,Browns do all the right things to earn impressive opening-week <b>...</b> +Sports,"(Sports Network) - Very quietly, the Philadelphia Phillies have <b>...</b>" +World,Mystery blast no accident: N Korea +World,Three die in Jenin missile strike +World,Dashed hopes in Hong Kong +World,Settlers mass against Gaza plan +World,TV reporter dies in US helicopter strike +World,Pakistan and China oppose resolution on Sudan +World,Bomb threat warning was #39;flimsy #39; +World,PM: Iraq will vote +World,Thatcher challenges coup questioning +Sci/Tech,Phone Makers Turn On Mobile TV +Sci/Tech,Cisco routers get an upgrade +Sci/Tech,Microsoft Sings New Tune with Windows Media Player +Sci/Tech,"Gizza job, plead virus writers" +Sci/Tech,Microsoft unveils IPTV-ready set-top box +Sci/Tech,Transmeta claims anti-virus first with new processor +Sci/Tech,"Microsoft Rolls Out Wireless Mice, Keyboards" +World,Putin seeks more power to fight terrorism +World,Small steps +World,Three killed in West Bank missile strike +World,FRATTINI IN KUWAIT: ITALIAN HOSTAGES WERE DOING GOOD +Sci/Tech,Teen set up sex services site +World,"Nuclear program suspension temporary, says Iran" +World,Editorial: This match is not played out +World,Putin quot;Dictates quot; new measures of control over Russia +World,GIs Kill 22 In Afghan Gun Battle +World,N.Korea Says Blast Was for Hydro-Electric Project +World,Sudan Faces EU Sanctions Over Darfur Violence +World,Israeli Strike Kills 3 W.Bank Militants +World,Iran Plans to Resume Nuke Enrichment +World,'Cold-Blooded Killer' Admits N.Irish Lawyer Murder +World,Australians 'kidnapped' in Iraq +World,Greece mourns top Orthodox cleric +World,Hurdles for digital TV's global reach +World,Elton sells off photo collection +Sci/Tech,Why did Sendo bury the hatchet with MS? +Sci/Tech,Last call for the legendary atomic keyring +World,"Florida Panhandle Braces for Latest Storm, Hurricane Ivan" +Sci/Tech,Fears for new digital radio system +World,Stocks Climb As Profit Worries Ease +World,Federal Ban on Assault Weapons Expiring +Sci/Tech,Indian tech firms face skills gap +World,Lions Win First Away Game in Three Years +World,Hurricane Ivan Rolls Towards Cuba +World,Stocks Higher As Profit Worries Ease +World,Hurricane Ivan Rolls Towards Cuba +World,Report: N.Korea Says Explosion Was Planned +World,Putin Tightens Grip on Power in Russia +World,U.S. Warplanes Pound Fallujah Hideout +World,IAEA Details S. Korean Nuclear Program +World,Mission Still Not Accomplished +Business,Oil Up as Ivan Threatens US Facilities +Business,Suzuki charts ambitious plans for Maruti +Business,"Microsoft, Sendo Settle Smart-Phone Dispute" +Business,Wal-Mart keeps September sales view +Business,Campbell #39;s 4th-Qtr Net Drops 20 on Higher Costs (Update4) +Business,"New IBM Power5 Server Fires Linux Salvo At HP, Sun" +Business,US Orders Safer Vehicle Power-Window Switches +Business,BAE buys Pentagon contractor +Business,FACTBOX-US Fed policymakers #39; recent comments +World,Italy Races to Save Hostages Before Deadline (Reuters) +World,U.N.: S.Korea Nuke Research Is of 'Serious Concern' (Reuters) +Sci/Tech,Broadcom cuts outlook +Sci/Tech,Microsoft sees music opportunity in cell phones +Sports,Henman rises up rankings +Sports,England defender Neville out for up to a month +Sports,Henrik set for emotional return +Sports,All Change in Bundesliga Title Race +Sports,Hashemian facing Champions dilemma +Business,WPP Buys Grey Global for #36;1.31 Billion (Reuters) +World,Mexicans Plan Global Anthem Sing-Along (AP) +Business,Onex to Acquire Two Laidlaw Subsidiaries +World,UN nuclear agency meets to discuss Iran +World,US Charge Of #39;genocide #39; In Darfur Complicates Sudan Peace Talks +Sci/Tech,Phone Makers Turn On Mobile TV (PC World) +World,Suspect in Istanbul bomb trial says Al-Qaeda financed attacks (AFP) +World,Martin offers #36;700-million plan to improve native health (Canadian Press) +Sci/Tech,IBM's Open-Source Lovefest (washingtonpost.com) +Sci/Tech,McAfee Adds Managed E-Mail Protection (PC World) +Sci/Tech,IBM Launches New Line of Servers at Plant (AP) +Business,Aerospace subsidy stand-off goes on +Business,Service-Sector Revenues Rise in Q2 +World,Edwards: Bush Implied Saddam-9/11 Link (AP) +Sci/Tech,Dutch Professor Gets Swedish Science Prize (AP) +Business,"U.S. Stocks Up, Technology Leads Way" +Sci/Tech,IBM's Open-Source Lovefest +Sci/Tech,IBM Triples Transistor Performance with Germanium +Sci/Tech,FDA OKs Implanted Lens for Nearsightedness (AP) +Business,WPP Buys Grey Global for \$1.31 Billion +World,Presidential Polls Glance (AP) +Business,Campbell Soup Co. Profit Falls 20 Percent +Sci/Tech,Federal Court to Hear Microsoft Appeal of Internet Explorer Case +Business,Dollar Rebounds But Still Under Pressure +Sci/Tech,Aluminum Can Kill Salmon River Parasites-Study (Reuters) +Business,FDA Weighs Antidepressant Risks for Kids +Sci/Tech,Noah's Cosmic Ark: Preserving DNA on the Moon (SPACE.com) +Business,Cisco to introduce new products for cos. +Sci/Tech,Sears Launches Venture for Online Sales +Sci/Tech,Lots of Science Intact in Smashed-Up Genesis Capsule (SPACE.com) +Sci/Tech,Nevada's E-Vote Free of Serious Problems +Sci/Tech,Array of Innovations at Mobile Tech Show +World,Minimum Wage to Increase in New York +Business,Oil Up as Ivan Threatens U.S. Facilities +Business,Iraq seeks extra cash to rebuild +Sci/Tech,Lens does away with blurry snaps +Business,IMF team opens Kenya loan talks +Sci/Tech,Astronomers see galactic dance +Business,Study Finds U.S. Companies Shifting Profits Overseas +Business,Shareholders Love a Little Hostility +Business,Is US Airways Grounded? +Business,Managing Credit Cards Intelligently +Business,Goodbye to the Binge: The Recovery House +Business,"Scoot Over, Starbucks" +Sci/Tech,Groups Work on Various Schemes to Stop Hurricanes +Sci/Tech,Scientists Say Mauna Loa Volcano May Soon Erupt +Sci/Tech,Microsoft courts mainstream developers +Sci/Tech,Microsoft vs. Sendo: It's over +Sci/Tech,Cisco routers add services +Sci/Tech,Borland touts Software Delivery Optimization +Sci/Tech,Transmeta claims anti-virus first with new processor +Sci/Tech,Microsoft adds to Visual Studio tools line +Sci/Tech,Oracle creates hosting program for ISVs +Sci/Tech,NEC begins grid computing trial with Mazda Motors +Sci/Tech,Business-to-business online ad network launches +Sci/Tech,McAfee launches managed e-mail service +Sci/Tech,Symantec launches antiphishing service +Sci/Tech,Phone Makers Turn On Mobile TV +Sci/Tech,McAfee Adds Managed E-Mail Protection +Sci/Tech,Sears Launches Online Sales Venture +Sci/Tech,Array of Cool Innovations Showcased at Mobile Tech Show +Sci/Tech,Most Bloggers Find Clicks Don't Mean Cash +Sci/Tech,Search Engine Marketing Research +Business,Ivan approach pumps up oil +Sports,Murray looks to bright future +World,British defence contractor BAE agrees to buy DigitalNet for #36;600 million US (Canadian Press) +World,RBI's move on funds shows Indian easing cycle over (Reuters) +Sci/Tech,Cisco to Introduce New Products for Cos. (AP) +World,"At Kerry's HQ, W Is for Woeful (BusinessWeek Online)" +Business,Germany approves state flat sale +World,Australians 'kidnapped' in Iraq +Business,Stocks Slightly Higher as Profit Worries Ease +Business,A Bird's-Eye Test for Profits +Business,Brillian Blows It +Business,PeopleSoft aims to keep worker morale high +Business,Microsoft settles with UK phone maker +Business,Foodland wilts on poor profit outlook +Business,Wal-Mart Sees 2-4 Sales Increase in September +Sci/Tech,Eye scanner project scrapped +Sci/Tech,Brainshare - Identity management is key for Novell +Sci/Tech,Linux Group Pushes for Greater Standardization +Sci/Tech,A New Sony Cyber-shot +Sci/Tech,Nokia launches #39;fashion #39; phones +Sports,Mistakes cost Dallas dearly +World,9:26 am: Rival Palestinian factions force shutdown of West Bank <b>...</b> +World,Pakistan Troops Kill 6 Militants Near Afghan Border +Sci/Tech,PeopleSoft aims to keep worker morale high +Sci/Tech,Linux standard gains big-name backers +Sci/Tech,IBM open-sources speech recognition development tools +Sci/Tech,Linux standard gains big-name backers +Sci/Tech,Sony Unveils #39;Cyber-shot M1 #39; Camera With Hot Button for Video +Sports,Sorenstam returns from layoff to win 53rd LPGA Tour title +Sports,Echoes Across Forty Years +Sports,San Diego Padres Team Report - September 13 +Sports,Schuettler outclasses Baccanello to reach the second round of <b>...</b> +Sports,Manning Fares Well in Mop-Up Role +World, #39;Batman #39; scales royal palace in protest +World,Pakistani Forces Attack Militant Hideouts; 10 Killed +World,Putin moves to strengthen Kremlin's grip on power following terrorist attacks (Canadian Press) +Sci/Tech,Nokia Signs #36;146 Million Deal With Libya (AP) +Sports,This Date in Baseball for Sept. 14 (AP) +World,Kerry Faults Bush for End of Assault Weapons Ban +Business,US Airways #39; Bankruptcy Signals More Turbulent Times +Business,DigitalNet buyout offer boosts stock +Business,Linux standard gains big-name backers +Business,Bayer taps Schering-Plough to distribute pharmaceuticals in US +Sci/Tech,"OVTI up in Early Trade, Shipping CameraChip to Siemens" +Sci/Tech,Apple Macintosh 17in PowerBook +Sci/Tech,Microsoft #39;s Pay-for-Play Music Site Could Be a Competitor +Sports,Browns back up their talk with 20-3 win over Ravens +Sports,Germany #39;s Rainer Schuettler victorious in first round of China <b>...</b> +World,"Ivan #39;s Category Five strength targeting Cuba, Yucatan Peninsula" +World,Kenya Anti-Graft Chief Resigns +Sci/Tech,Scotland basks in sharks +Business,Advanced Marketing Lowers #39;04 Estimates +Sci/Tech,"A Great Phone, Tied Down" +Sports,Lennon backs Celtic to beat Barca +Sports,Germany not certain to play opening game of 2006 finals +World,Batman scales Buckingham Palace in protest +World,Putin asserts control after school siege +World,Iraqi hostage beheading appears on website +World,"5-year-old Jakarta bomb blast victim awake, but sedated again" +Sci/Tech,Novell lifts lid on identity management tools +Sci/Tech,CA polishes up BrightStor products +World,"London shares up as Wall St climbs, WPP slips after Grey deal (AFP)" +World,Iran Plans to Resume Nuclear Enrichment +World,Hurricane Ivan Rolls Towards Cuba +Business,Oil Up as Ivan Threatens Oil Patch +Business,U.S. Airways Asks to Skip Pension Payment +Business,Tech Stocks Higher as Intel Lifts Market +Business,PIMCO-SEC Settle Fraud Case for \$50 Mln +Business,"Delta Explores Options, Hopeful on Pilots" +Business,"Time Warner Drops MGM Bid, Sony Persists" +Business,OPEC Seen Wary on Big Oil Quotas Increase +Sports,Bucs' Galloway Will Miss Four to Six Weeks (AP) +Business,Ex-Qwest CEO may face civil charges +Business,"Time Warner Inc. Withdraws Bid for MGM, Citing Price (Update3)" +Business,"Suzuki to build engine factory, car plant in India" +Business,Campbell #39;s Soupy Results +Business,Delphi Closes Down Flint West Site +Business,RESEARCH ALERT-SunTrust Robinson raises ImClone to quot;buy quot; +Business,Gateway repeats loss forecast +Business,Growth in market share pleases Foodland +Sci/Tech,PayPal to Impose Fines for Breaking Bans (AP) +World,Crowds Plead With U.S. Forces in Tal Afar (AP) +World,Cuban Tobacco Farmer Hopes Ivan Turns West (AP) +Sci/Tech,Eye-catching wireless technology (SiliconValley.com) +World,"Lebanon, Iraq and Mideast top Arab ministers' concerns (AFP)" +Sci/Tech,IBM unveils Linux Power servers +Sci/Tech,Genesis wreck promises data +Sci/Tech,Update 2: Broadcom Lowers 3Q Revenue Guidance +Sci/Tech,Symantec Rolls Out Anti-Phishing Service +Sci/Tech,WinFS Removal Opens Window of Opportunity +Sci/Tech,Microsoft Fattens Already Packed Visual Studio 2005 Lineup +Sci/Tech,McAfee aims at small firms with e-mail service +Sci/Tech,High-Resolution Cameras Set Out to Win the Megapixel Competition +Sci/Tech,MS anti-spam proposal returned to sender +Sci/Tech,Intel Mum on Dual-Core Desktop and Server Plans +Sci/Tech,CA polishes up BrightStor products +Sci/Tech,Dell Seeks to Improve Services Through Support Hubs +Sci/Tech,Latest Internet Peril: Cyber Bullies +World,North Korean FM says explosion was demolition blast (AFP) +Sci/Tech,Hunting climate change evidence +Sports,Celts boost as Sutton trains +World,Former private school teacher to face criminal charges in court Wednesday (Canadian Press) +Sports,RYDER CUP: Padraig win lifts Langer +Sports,Jimenez wins 10th stage of Tour of Spain +Sports,Sports: Rogers done for season +Sci/Tech,Concerns on Cisco bid suppressed (SiliconValley.com) +World,Europe seeks deadline for Iran to allay nuclear fears +World,Putin Strengthens Grip on Power After Attacks +World,MP calls for release of old school pal +World,Website: Iraqi Militants Kill Turkish Hostage +Business,Oil Up \$1 as Hurricane Ivan Threatens +Sports,Ryder Cup: Early Thrill for Funk in U.S. Team Room +Business,Dollar Mixed Before U.S. Economic Data +Sports,"Costa, Davidenko Bounced in Bucharest" +Sci/Tech,CA Pumps Up Storage Management +Business,Time Warner drops out of MGM race +World,3 Chains Agree on Suit Over Janitors' Wages and Hours +Sports,Fernando positive for the end of the season +World,Bahrain 'militant's' brief escape +Sports,Monza race report: A bad day for Renault +World,Indians retrieve Himalayan bodies +World,Palace balcony protester removed +Business,Campbell's Soupy Results +Business,Warming to the Warning +World,Florida and Gulf Coast Brace for Arrival of Hurricane Ivan +Sci/Tech,Cisco and Fujitsu form Japan ties +World,"Kerry and Bush Trade Charges on End of Weapons Ban, and Crime" +Sports,Marcus Vick Pleads No Contest +Sports,Bucs' Galloway Will Miss Four to Six Weeks +Sci/Tech,Schools Weather PC Onslaught +Sports,Lions Lose Rogers to Broken Collarbone +World,Putin Moves to Strengthen Kremlin's Power +World,Bucs' Galloway Will Miss Four to Six Weeks +World,Judge Lets US Airways Use Gov't Loan +World,Oprah Winfrey Gives Cars to Audience +World,N. Korea Says Explosion Was Planned +World,Colombian drug baron in US court +Sci/Tech,Storage software revenue stays aloft +Sci/Tech,IBM unveils Linux Power servers +Sci/Tech,McAfee aims at small firms with e-mail service +Sci/Tech,Nortel upgrades communication technology +Business,Time Warner announces withdrawal of bid for MGM +Business,Former Qwest CEO May Face Civil Charges +Business,Pimco affiliates to pay \$50 million amid fraud charges +Business,Suzuki on Rs 860 cr expansion drive +Business,Presse Economique / High-Tech +Business,Microsoft settles with Sendo +Sci/Tech,Lower orders dent Broadcom #39;s outlook +Sci/Tech,Phone Giants Set Sights on Mobile TV +Sci/Tech,Novell: Microsoft #39;sucked \$60 billion #39; out of IT +Sci/Tech,Dell hopes support hubs will improve service delivery +Sports,"Ferrari #39;s best season, says Barrichello" +Sports,First title for Scot tipped to be new Tim +Sports,Report: Howe won #39;t be back in #39;05 +World,UN Staff Depart Western Afghan City +World,The War Spirit +World,Lucrative prizes for the terrorists #39; head +World,Website video shows beheading of Turkish driver +Sci/Tech,"After loud lows, Gateway hopes to moove into black" +Sci/Tech,Search Engines 201 +Sci/Tech,Search Engine Forums Spotlight +Sci/Tech,Nextaris: An Integrated Web Research Dashboard +Sci/Tech,The Search Engine Report - Number 94 +Sci/Tech,Reflections On SEMPO +Sci/Tech,Trademark vs. Search: Do you Soo...gle? +Sci/Tech,Search Engine Forums Spotlight +Sci/Tech,Overture Shifting To Default Broad Match +Sci/Tech,Search Engine Milestones for August 2004 +Sci/Tech,A New Player in Desktop Search +Business,"Depression Drugs, Suicide Linked, Reviewer Says (Reuters)" +Sci/Tech,Latest Internet Peril: Cyber Bullies (NewsFactor) +Sci/Tech,Skype Delivers Mobile VoIP (NewsFactor) +Sci/Tech,Kyocera boost to Chinese PAS unit (FT.com) +Business,USAir Asks to Skip Pension Payment +Sci/Tech,IBM Launches Power5 Linux Server (NewsFactor) +Sports,Detroit 'Royalty' Helped Establish Ryder (AP) +Business,"Depression Drugs, Suicide Linked, Reviewer Says" +Sci/Tech,Who Needs Clustering? (NewsFactor) +World,Bush Calls Kerry Health Plan Bureaucratic Nightmare (Reuters) +Sci/Tech,Calif. Teen Wins H.S. Science Competition (AP) +Business,Standard Bank agrees stake sale +World,Putin Moves to Strengthen Kremlin's Power +Business,Filing: Krispy Kreme auditor refuses to OK quarterly report +Sci/Tech,Worm speaks to Windows users +Sports,Tennis: US Open champion Federer in Sampras record threat +Sports,Harrington on a charge for Ryder Cup +Sci/Tech,Ancient Chinese Consumed Fermented Drinks (AP) +Sci/Tech,Worm speaks to Windows users +Sci/Tech,Does Online Banking Put Your Money at Risk? +Sci/Tech,Linux Advocates Challenge Microsoft +Sci/Tech,PayPal to Impose Fines for Breaking Rules +Business,US Airways Files for Chapter 11 for Second Time +Business,"Crude Oil, Natural Gas Rise as Ivan Disrupts US Gulf Output" +Business,"Gateway: Cost-Cutting, Refocusing Will Lead to Profitability" +Business,Bayer Forms Sales Partnership With Schering-Plough (Update1) +Sci/Tech,IBM Rolls Out New Linux Server Using Power5 Chip +Sci/Tech,Crashed capsule may still reveal solar secrets +Sci/Tech,Road to Longhorn gets longer +Sci/Tech,Linux and identity services key for Novell +Sci/Tech,CA Overhauls Key Storage Management Line +Sci/Tech,Borland stresses easing software project burdens +Sports,Jimenez powers to victory +Sports,BAYERN BORE BUNDESLIGA +Sports,Marlins president looks for support at US Cellular Field +World,Is genocide just a word in Darfur dilemma? +World,"EU urges release of Iraqi hostages, presses Iran" +World,"Iraq elections to go ahead on schedule, says interim premier" +World,Kenya #39;s anti-graft chief resigns +Sci/Tech,Britons 'take anti-fraud actions' +Sci/Tech,"News: SP2 Fights Worms, Has Bugs" +Business,Sony Agrees to Buy MGM for Nearly #36;5 Bln (Reuters) +World,New security lapse at Buckingham Palace as 'Batman' scales queen's ledge (AFP) +Sports,Panthers' Peppers Out to Boost Sacks (AP) +Sci/Tech,Coral Reef Damage Rising Worldwide (AP) +Sports,Americans Try to Regain the Ryder Cup (AP) +Sports,Federer's 'Beautiful Tennis' Sets the Standard +Business,Tech Stocks Rise; Oil Prices Boost Sector +Sci/Tech,Borland stresses easing software project burdens +World,Karzai Set to Be Afghan President in Ring of Steel +Sci/Tech,Transmeta Ships New Chip With Antivirus Technology +Sci/Tech,Pocket PC Users Report Trouble With Skype +Business,Sony Agrees to Buy MGM for Nearly \$5 Bln +Business,PIMCO hit with \$50M fund settlement +Sports,"Catalanotto, Blue Jays agree to two-year deal" +Sports,Callahan says change in offense has been smooth +World,New details on Ivan #39;s damage +World, #39;Batman #39; Ends Buckingham Palace Ledge Protest +World,Scores Are Dead After Violence Spreads in Iraq +World,"Kuwaiti, Italian officials urge release of hostages in Iraq" +World,Turkey Terror Suspect Warns of Attacks +World,Italian Foreign Minister Visits Kuwait (AP) +World,Turkey warns US it could stop Iraq cooperation (AFP) +Sci/Tech,Groups Meet to Discuss Climate Change (AP) +Business,Sears Finally Gets It +Business,Roy Disney says Eisner should be ousted now +Business,Should PeopleSoft Wave the White Flag? +Business,"Sendo, Microsoft settle smart phone lawsuit" +Business,"Schering-Plough, Bayer strike deal" +Sci/Tech,To Standardize Linux +Sci/Tech,Symantec Goes Anti-Phishing +Sports,Open-Federer #39;s #39;beautiful tennis #39; sets the standard +Sports,Former MVP Caminiti headed back to court +Sports,"For tiny Finland, a World Cup championship would be a storybook <b>...</b>" +World,Nigeria handover of Bakassi peninsula delayed-UN +Sci/Tech,'Open Source Solaris' to debut this year +Sci/Tech,SCO challenges IBM witnesses +Business,Funds: Choose 529 plans wisely +Sci/Tech,Linux promoters agree to standard in attempt to challenge <b>...</b> +Sports,Blatter criticises #39;childish #39; England players +Sports,Cycling: Jimenez Wins 10th Stage of Tour of Spain +Sports,"Seeded players Costa, Davidenko out of Romanian Open" +Sports,Mistakes overshadow offensive production in loss +World,Hurricane Ivan Rolls Towards Cuba +World,EU Presses United Nations on Genocide Question in Darfur +World, #39;Batman #39; ends palace protest +World,Settlers scorn advances for evacuation +World,Election blow for HK Democrats +World,Italian foreign minister visits Kuwait +World,Yasser Arafat #39;s bad year +World,Rightist Party Threatens to Bolt Israeli Gov't +Business,Update 15: US Airways Gets Permission for Gov #39;t Loan +Sci/Tech,Pocket PC Users Report Trouble With Skype (PC World) +Sci/Tech,AT T Wireless to Sell Stake in Venture (AP) +World,Iran Says Will Bring Nuclear Standoff to a Head +World,Economics of NHL lockout +World,"Blair to Press on Climate Change, Challenge Bush (Reuters)" +World,All Australians accounted for in Iraq: Downer (AFP) +World,"New pathogens, mercury threaten Great Lakes, health of millions of residents (Canadian Press)" +Business,Sony-led group to buy MGM for nearly \$5 bil +Business,Analysts wonder if OPEC influence waning +Business,"Roy Disney, Stan Gold want co to hire exec search firm" +Business,UPDATE 2-Huntsman latest chemical company to plan IPO +Business,US lumber group seeks appeal of NAFTA decision +Business,3Com challenges Cisco to router duel +Business,Cisco Systems to Buy Dynamicsoft +Business,IBM Puts Spotlight On Entry-Level Linux Servers +Sci/Tech,Linux Boosters Look To Keep The OS Together +Sci/Tech,McAfee adds managed email protection +Sci/Tech,Standards group scuttles Microsoft e-mail proposal +Sci/Tech,Novell: The future is #39;both-source #39; +Sci/Tech,Does Online Banking Put Your Money at Risk? +Sci/Tech,Saint Francis Hospital digitizes patient records with GE systems +Sci/Tech,Pocket PC users report trouble with Skype +Sci/Tech,The need for speed: high-performance PCs +Sci/Tech,Judge Strikes Down Pa. Anti-Pornography Law +Sports,Langer #39;s delight at resurgent Harrington +Sports,Italian carmaker revels on home course +Sports,Team Canada hopes to wear white jerseys in World Cup of Hockey <b>...</b> +Sports,Tennessee Titans Team Report +Sports,DenverBroncos.com +Sports,US Cricketers Exit Champions Trophy With Tournament-Low Score +World,Iran #39;s cat and mouse game +World,Russian terrorism prompts power grab +World,North Korea set to allow return for British civil rights <b>...</b> +World,Darfur rebels may quit talks +World,Israeli strike kills three Fatah militants +World,Spain hosts summit as it returns #39;to the heart of Europe #39; +Sci/Tech,IBM open-sources speech-recognition development tools +Sci/Tech,Breaking News: SCO Tries To Squeeze Discovery Out of IBM +Sports,Ratings lowest-ever for US Open men #39;s final +Sports,Denver CB suffers another setback +Sports,Expos and Marlins set for Chicago matinee +Sci/Tech,Duke Study on Chemicals to Use Tiny Worms (AP) +Business,Suzuki #39;s new plan hits Maruti stock prices +Business,China investment slows +Business,"AO Smith Lowers 3Q, Year Outlook" +Sci/Tech,McAfee aims at small firms with e-mail service +Sci/Tech,Cisco introduces integrated routers +Sci/Tech,Novell Releases New Linux Management Tool +Sci/Tech,Debut for Microsoft ALM platform code +World,Bloomberg Faces Payoff Year on School Plans +Business,Gilat and Cisco collaborating on satellite interface routers +Business,Moscow weighs ruble priorities +World,Stocks Edge Up on Tech-Sector Optimism +World,Putin Moves to Strengthen Kremlin's Power +World,Implanted Lens Sharpens Blurred Vision +World,Marlins Win at Temporary Home in Chicago +World,Hurricane Ivan Barrels Toward Western Cuba +World,NGOs may pull out Escalating conflict in the Sunnite heartland <b>...</b> +World,Playgirl: Olbermann Sexiest Newscaster +World,Kerry Chides Bush on Assault Weapons Ban +World,Alleged Militant Hideout Bombed in Iraq +World,Palace Intruder Dresses as Batman +Sci/Tech,McAfee Launches Managed Mail Security Service +Sci/Tech,Standards group scuttles Microsoft e-mail proposal +Sci/Tech,Cisco Shaking Router Market +Sports,Sports File +Sports,Ruptured biceps ends year for Titans #39; Piller +Sports,Series to conclude in Florida +Sci/Tech,Software Shares Up Ahead of Oracle Report +Sci/Tech,Navy Surveillance Ship to Be Converted (AP) +Sci/Tech,Genesis' Broken Capsule Holds Good Science - NASA (Reuters) +Sci/Tech,Feds Warn on Children and Antidepressants +World,No End Yet to Ukraine Turmoil Despite Concessions +Sci/Tech,"Health Highlights: Sept. 13, 2004" +Sports,Marlins Win at Temporary Home in Chicago (AP) +Sports,Howe Says to Fire Him Now if Decision Made (AP) +Sports,Meetings Scheduled to Discuss Expos Move (AP) +Sci/Tech,Researchers Study Cattle Altitude Sickness (AP) +Sports,Ratings Lowest Ever for Open Men's Final (AP) +Sci/Tech,Microsoft patent case goes to trial +Sci/Tech,Cisco acquires software developer for \$55 million +Sci/Tech,3Com challenges Cisco to router duel +Sci/Tech,Business-to-business online ad network launches +Sci/Tech,"Sendo, Microsoft settle smart phone lawsuit" +Sci/Tech,HP wins \$290M data center deal with Defense Logistics Agency +Sci/Tech,'Digital' hospital showcases GE Healthcare technologies +Sci/Tech,Symantec launches antiphishing service +Sci/Tech,IBM delivers Power-based servers with Linux +Sci/Tech,Server consolidation a priority for some data center operators +Business,Oil Up a Dollar as Ivan Threatens +Business,Sony Group Agrees in Principle to Buy MGM +Sci/Tech,Linux standards base Version 2.0 has C support +Business,Disney Dissidents Want Eisner Out in 2005 +Sci/Tech,"Indian software services, BPO face worker shortage" +Business,Acquisition of Grey Puts Focus on Havas +Sci/Tech,"Sendo, Microsoft settle smart phone lawsuit" +Business,Gateway Shifts Back to Personal Computers +Business,Saudi Says OPEC Easing Oil Price Pressure +Sports,Iowa St. Nips No. 19 Virginia 81-79 (AP) +Business,Sony and Partners Agree To Acquire MGM +Sci/Tech,The end of the WWW is upon us! +Sci/Tech,Jupiter Research: iPod/iTunes Combo an Advantage for Apple +Sci/Tech, #39;Digital #39; hospital showcases GE Healthcare technologies +Sports,Curbishley: Our defence saved us +Sports,Duquette denies report on Howe +World,No deadline for Iran investigation: IAEA +World,John Paul II Mourns Death of Orthodox Patriarch Petros VII +Business,US Airways cash relief +Business,Hurricane Ivan #39;s twists force oil prices higher +Business,OPEC kingpin argues against raising quotas or price band +Business,Walker on the wild side +Business,Cisco Cements Walkie-Talkie Deal +Business,Update 2: Huntsman Corp. Attempts to Go Public +Sci/Tech,IBM Code for Speech Software To Be Open +World,Sudan: UN Must Extend Arms Embargo +World,Allawi says elections will go ahead in Iraq as scheduled +World,Bloody day in Baghdad +World,Italy #39;s Foreign Minister Arrives to the Middle East +World,Report Probes Hispanics' Racial Identity (AP) +Sci/Tech,CEO: Nortel Can Compete With China Rivals (AP) +Sci/Tech,Sun Micro Revises Net Down -Filing (Reuters) +Sci/Tech,Internet is a victim of its own success +Sports,A tape-measure shot for Bonds #39; 700th would be just about right +Sports,Tennessee Titans Team Report +World,House Wishes Bill Clinton Happy Birthday (AP) +Business,Krispy Kreme: Auditor Won't OK Figures +Business,Opposition to Disney step down +Business,Sony Agrees to Buy MGM for Nearly \$5 Billion +Business,Back to School for Wal-Mart +Sci/Tech,Lenovo Confirms Acquisition Talks (Reuters) +World,Karzai Set to Be Afghan President in Ring of Steel +Business,UPDATE 2-Atkins hires turnaround firm amid low-carb glut +World,Hurricane Ivan hits Caribbean +World,"With discourse focused on civil war, Sharon, settlers use fear to <b>...</b>" +World,HK pro-democrats dismayed +Business,OPEC meets to decide production quota +Business,Zeng Outlines Vision For The Chinese Economy +Sci/Tech,Bankrupt Commerce One Patents Fetch #36;15.5M (AP) +Business,Rogers Communications to pay \$1.77B for AT amp;T stake in Rogers <b>...</b> +Sports,Ivan may delay Southern Miss-California game +World,"UN should extend arms embargo on Khartoum, says HRW" +Sci/Tech,Columnists: I Spy With My Little Eye +Sports,Top End for No. 10 Cal Finally Healthy (AP) +Sports,49ers QB Tim Rattay Has Separated Shoulder (AP) +World,U.S. Wants Iran to Go Before U.N. Council (AP) +Sports,Sportsview: Bonds' 700th Should Be a Blast (AP) +Sports,Selanne Enjoying Ice Time Again (AP) +World,BAE buys IT supplier to Pentagon +Sci/Tech,Oracle broadens software hosting program +Sci/Tech,Intermec unveils first multi-protocol RFID printer +Business,Sony Group Set to Buy MGM; Time Warner Drops Its Bid +Business,Macy #39;s to go nationwide +Sci/Tech,Microsoft e-mail proposal dealt setback +Sci/Tech,Borland Details New Vision for Software Development At Bor-Con +Sports,Keegan #39;s City on road to nowhere +World,North Koreans say blast was demolition +World,EU considers sanctions against Sudan +Sports,Seattle RB Is Day to Day With Bone Bruise (AP) +Business,MGM Agrees to Be Bought for \$12/Share +World,Buckingham Palace 'Batman' Protest Prompts Security Review +Business,Sun Micro Revises Net Down -Filing +Sports,Seattle RB is day to day with bone bruise on right knee +Sports,Early is too late +World,EU Calls for U.N. Investigation on Sudan (AP) +World,Nikkei Opens Higher Led by Tech Stocks (Reuters) +World,"Amid Protests, Ecuador Fires Galapagos Park Chief" +World,Turkey warns US on northern Iraq +World,Iranian misses Israel match +Sci/Tech,CEDIA 2004: Picks and Pans (PC World) +Sci/Tech,Sun Cuts 4Q Net Income by #36;12 Million (AP) +Business,US Airways to Skip Pension Payment (Reuters) +Sports,Tour to Honor U.S. Women's Soccer Team (AP) +Sports,Storm Delays Southern Miss-Cal Game (AP) +Business,MGM Agrees to Be Bought for \$12/Share +Business,Sony Group Agrees in Principle to Buy MGM (Reuters) +Business,Crude oil prices climb on fears of Hurricane Ivan #39;s path +Business,Developing the economy in a sustainable way +Business,Macys name goes national +Business,BAE unveils \$600m takeover deal as it targets growth in US +Business,Celebrities join family in plea for Quattrone +Sci/Tech,Linux: Should it be tamed? +Sci/Tech,Telestream Unveils Windows Media 9 Series Encoding Support For Mac +Sci/Tech,McAfee launches Managed Mail Security Service +Sci/Tech,Sarah #39;s Download of the Day: Windows XP Service Pack 2 +Sci/Tech,Linux and Identity Services Key for Novell +Sci/Tech,CA upgrades BrightStor line with gusto +Sci/Tech,It is a Race! +Sports,Federer Express derails Hewitt +Sports,Play-off earns Singh seventh victory of year +Sports,Safety measures help Rice walk away from scary accident +Sports,PSV in tough opener at Arsenal +Sports,"Lomu Says Kidney Transplant Working, Targets Rugby World Cup" +Sports,Neville injury is a blow for United and England +Sports,Throw minnows back says Ponting +Sports,Southern Miss to make decision on Cal game by Tuesday +World,Putin strengthens the Kremlin #39;s grip +World,Glum Day for Hong Kong Democrats +World,Netanyahu Calls for Gaza Plan Referendum +World,Bali tourism still going strong +Business,UPDATE 2-US budget gap narrows in August -Treasury Dept +Sports,Rams Offensive Line Strong in Debut (AP) +World,MGM studios to be bought by Sony +World,Sony-Led Group to Acquire MGM for \$3B +Sports,The winner +Business,Sony Group Agrees in Principle to Buy MGM +Sci/Tech,Russian Telecom Looks To Dial In Gains In New Markets (Investor's Business Daily) +Business,Dollar Stuck in Well-Worn Ranges +Business,MGM loses a bidder as price rises +World,Alcohol good after heart surgery +Sports,"Well, it worked for Bill" +Sci/Tech,Briefly: Web services security outfits merge +Sci/Tech,"Sun, Microsoft to detail interoperability in October" +Sci/Tech,Till death do you part (from your phone company) +Sci/Tech,CEDIA 2004: Picks and Pans +Sci/Tech,IBM Touts Entry-Level Linux Servers +Sci/Tech,Free Net telephony takes off +Sports,"Hewitt: Grand Slammed, but optimistic" +World,Bookies will lose shirts: Latham +Sports,Media Repeat Bid to Unseal Bryant Records (AP) +Sci/Tech,Oracle Implements Xserve RAID Internally; Endorses Apple +Sci/Tech,Mozilla Nears Firefox Finale (Ziff Davis) +Business,Sony Group Agrees in Principle to Buy MGM +Business,Techs Lead as Tokyo Stocks Move Higher +Sci/Tech,IBM Annouces New Resources for Business Partners +World,Bombings May Take Backseat in Indonesia Campaign +Sci/Tech,Skype launches PDA platform +Sports,"Roger setting the standard, says Hewitt" +Sports,Williams-Darling poised for jackpot +Sports,Chen Gets Rare Win As Os Beat Blue Jays +Sports,Bonds hoping for 700th homer in Milwaukee +Sports,First Monday game is a classic battle +World,Australian contractors kidnapped in Iraq +World,Spain #39;s #39;Old Europe #39; connection +Business,Crude Oil Steady After Rising as Ivan Disrupts US Gulf Output +Business,Bayer refit leads to US sales pact +Business,BAE adds DigitalNet to US assets +Sports,Europe fly out on the wings of form +Sports,Bonds arrives one short of 700 +World,Putin tightens grip on regions and MPs +World,Police find embassy bomb clue +Sports,Packers Take Early Lead Over Panthers (AP) +Sci/Tech,NASA releases plan for shuttle #39;s return to flight +World,Putin Moves to Strengthen Kremlin's Power (AP) +Business,"Techs, Miners Help Nikkei Rise 0.3 Pct" +Sci/Tech,Online Dallas university that gave cat diploma sued for fraud +Sci/Tech,IBM Triples Transistor Performance with Germanium +Business,U.S. Wants to Cancel Poorest Nations' Debt +Business,Congressman to Push for Tougher Pension Rules +Business,"Probe Links Pinochet, Allbritton" +Sci/Tech,Lycos Pulls Anti-Spam Screensaver +World,Bush Record: New Priorities in Environment +World,New Way to Turn Off Bad Genes Is Set for Testing on Human Eyes +World,"A Calm, but Confusing, First Day of School" +Business,Sony-Led Group Agrees to Buy MGM Film Studio for \$2.9 Billion +Business,European shares gain strength +Business,Stocks Climb As Profit Worries Ease +Sci/Tech,No News is Open-Source Solaris News +Sci/Tech,Mozilla Nears Firefox Finale +Sci/Tech,Heart Hospital Embraces Digital Future +Sports,Mets #39; Brain Trust Isn #39;t Thinking So Straight +Sports,Monday #39;s AL Capsules +Sports,"Mets 9, Braves 7" +World,"At last, the #39;G #39; word: US finally recognizes Sudan crisis as <b>...</b>" +World,World Briefings +Sci/Tech,Air Force Contract Has Windfall Potential +Sci/Tech,Tech Firms Ready Plan For Options +Sci/Tech,Federal Court to Hear Microsoft Appeal of Internet Explorer Case (PC World) +Sci/Tech,AT T: Reach Out and Pitch Someone +Business,Ivan #39;s approach ignites energy prices +Business,China moves closer towards a market economy +Business,8 Firms Vie for Pieces of Air Force Contract +Business,Stocks higher as profit worries ease +Sci/Tech,Polar bears under threat from man-made chemicals +Sci/Tech,Genesis #39; key data unbroken: NASA +Sci/Tech,"Intel, Hewlett-Packard Work on Giving Internet a Fundamental <b>...</b>" +Sports,Federer has world playing catch-up +Sports,Jose Reyes reckons Arsenal are more #39;galactic #39; than Real Madrid +Sports,Twins win 5-3 to sweep Tigers +Sports,"MLB: NY Mets 9, Atlanta 7 (1st game)" +Sports,ESPN.com news services +World,Buckingham Palace Batman - superhero or villain? +World,Post-Beslan Russia looks to US +World,Protesting Israeli Settlers Irk Sharon +World,Three dead in Israeli air strike in West Bank +World,Fighting in Afghanistan kills 22 +World,Pakistan military says 150 al Qaeda militants killed since last <b>...</b> +World,Kerry Rips Bush Over Assault Weapons Law (AP) +World,"Bush, Cheney Spar With Mock Debate Foes (AP)" +World,Malaysia reports new bird flu outbreak (AFP) +Sports,"AL Wrap: Ford, Radke Help Twins Sweep Tigers" +Business,Sony Group Agrees to Buy MGM +Business,"Techs, Miners Help Tokyo Market Advance" +Business,Dollar Treads Water as U.S. Data Awaited +Sports,NL Wrap: Marlins Rally to Beat Expos in Chicago +Sci/Tech,Circuit City Gets Online Makeover (AdWeek.com) +World,"North Korea Wants Talks, No Date Yet -- Britain" +Sports,Royals Rout Yankees 17-8 (AP) +Sports,Packers Lead Panthers 10-7 at Halftime (AP) +Business,Macy #39;s name to go on all Federated stores +Business,Quattrone Asks Appeals Court To Seal Some Support Letters +Sci/Tech,Open-Source Developers Cheer New Linux Base Standard +Sci/Tech,McAfee Aims to Rid SMBs of Virus and Spam +Sci/Tech, #39;Open Source Solaris #39; to debut this year +Sports,Soccer / Champions League / Mac. TA confident as injury and <b>...</b> +Sports,Baltimore #39;s Bruce Chen shuts down Blue Jays for first victory <b>...</b> +World,Putin takes more control in Russia +World,UN Pulls Workers From Afghan City +World,Lack of hostage news #39;encouraging #39; +World,Netanyahu Calls for Gaza Plan Referendum (AP) +World,Galapagos Park Rangers Go on Strike (AP) +World,Jakarta embassy bombers not among the nine victims: police (AFP) +Sports,Players' Fears Rising +Sports,Chen's Drought Ends +Sports,No. 4 B-CC Rebounds +Sci/Tech, #39;Open Source Solaris #39; to debut this year +World,Guantanamo witnesses barred +Business,"Time Warner: Lights, Camera, Inaction" +World,F.D.A. Finds Drugs Linked to Suicide +World,"After Hong Kong Election, China Faces New Calculus" +World,U.N. Pulls Workers From Afghan City +Business,The Incredible Lightness of Being OPEC +Business,Will Disney keep key partnerships? +Sci/Tech,Linux Group Promotes Standard Version +Sci/Tech,"Open, closed, whatever: Novells mixed source software" +Business,U.S.: High Oil Price Due to Supply Fears +Sports,"After many flops, Arsenal eyes domination in Europe" +Sports,Champions League to provide upsets +Sports,Howe twists in the wind +Sports,"When Edwards Needed Him the Most, Martin Was There" +World,Putin appoints new government chief of staff +Business,Small Business Optimism Still Strong +Sci/Tech,OmniVision gets boost from shipments to Siemens +Business,Sorting Out The Winners if US Airways Doesn't Survive +Business,An Outsider's Grim Prognosis for Pension Agency +Business,Sony-Led Group Makes a Late Bid to Wrest MGM From Time Warner +Business,US Airways Tries to Reorganize for a 2nd Time +Business,Stocks End Slightly Higher as Profit Worries Ease +World,Karzai Set to Be Afghan President in Ring of Steel (Reuters) +Business,Sony jumps on MGM after Time Warner drops bid +Sci/Tech,Dual-Core Chips May Raise Software Costs +Sci/Tech,Intel: The Internet Needs an Upgrade +Sports,Kiely on hand to save the day for Addicks +World,The Dead Cat Bounces a Bit +World,South Korea Says to Pin Down Nature of North Blast +World,Japan Executes Man Who Killed 8 Schoolchildren +Sports,Royals Rout Yankees +Business,Federated betting on Macy #39;s name +Business,A Hedge Fund Master Receives Unwanted Attention +Sci/Tech,IBM Makes Speech Code Open Source +Sports,Federer is the first since Sampras to truly be king +Sports,Lomu coming back to full health +Sports,"Packers 24, Panthers 14" +Sci/Tech,"Indian software exports booming, industry head says" +Business,Oil Prices Surge as Ivan Threatens Gulf of Mexico +Business,"Small Business Optimism on Economic Growth Drops, Survey Shows" +Sports,NFL Game Summary - Green Bay at Carolina +Sports,Ferrari still able to astonish +Sports,Rockies rock Diamondbacks 9-2 +Sports,4-on-4 league debuts if no NHL +World,No deadline for Iran #39;s nuclear probe: UN +World,No names is good news: PM +World,South Korea Says to Pin Down Nature of North Blast (Reuters) +World,Three Hurt in West Bank Suicide Blast - Medics (Reuters) +Sports,Green's Three Touchdowns Lifts Packers Over Panthers (Reuters) +Business,Small Business Optimism Still Strong (Reuters) +World,U.S. Readies Revised UN Resolution on Sudan's Darfur (Reuters) +Business,U.S.: High Oil Price Due to Supply Fears +World,Three Hurt in West Bank Suicide Blast - Medics +World,U.S. Readies Revised UN Resolution on Sudan's Darfur +World,Explosion at West Bank roadblock +World,Urgent review over Palace protest +Sci/Tech,Delving Deep Inside the Searcher's Mind +Business,Ex-Banker Asks Appeals Court to Seal Letters +Business, #39;); //-- gt; Eye On Stocks +Business,Enron to pay \$321 million in pensions +Sports,Langer hails team spirit +Sports,"Lockout, Olympics have possible connection" +World,Urgent review over Palace protest +World,Bomb Explodes at Israeli Checkpoint +World,Jakarta embassy bombers not among the nine victims: police +World,Australia firm on Iraq troops +Business,U.S. Company Hiring Seen Up from Year Ago (Reuters) +Sci/Tech,Report: Unicom to Set Up Internet Cafes (AP) +Sci/Tech,Open-Source Developers Cheer New Linux Base Standard (Ziff Davis) +World,Pakistan killed around 150 Al-Qaeda militants since last year (AFP) +Business,Sony Group Agrees to Buy MGM +Business,Oil Eyes \$44 as Hurricane Nears Gulf +Business,U.S. Company Hiring Seen Up from Year Ago +Sports,Bush Is Expected At NASCAR Race +Sports,Maryland Picks Up Notre Dame Transfer +Business,Ivan intensifies terrible hurricane year for insurers +Sports,Marlins soar to #39;home #39; win +World,"US, Russia secretly remove uranium from Uzbekistan (AFP)" +World,Israel's Sharon Vows to Expel Arafat (AP) +Sports,Packers Go Right to Top in Their Bid for N.F.C. Supremacy +Business,Bankrupt US Airways Faces Cash Peril +Business,Suzuki to manage Maruti #39;s diesel engine mfg plant +Business,Bayer leads Europe stocks higher +Business,Judge lets airline tap loan for operations +Business,Oil Eyes \$44 as Hurricane Nears Gulf +Business,Say bon voyage to Bon March name +Business,Schering-Plough lands quartet of Bayer drugs +Business,Hiring seen improving a bit +Business,Nation #39;s Cotton Crop May Exceed Records +Business,A statistical nod to cubicle workers +Business,Gateway to cut back selling electronics; to focus on core PCs +Business,County #39;s jobless rate dives in August +Sci/Tech,Free Standards Group Announces General Availability Of Linux <b>...</b> +Sci/Tech,Microsoft snubbed on Sender ID +Sci/Tech,NEC announces fault tolerant four-way server +Sci/Tech,Symantec launches antiphishing service +Sci/Tech,HELP LINE +Sci/Tech,Downtime set to increase +Sports,Roger Federer wins US Open 2004 +Sports,US eliminated in Champions Trophy +Sports,Super letdown sinks Panthers +Sports,FOOTBALL: FIFA CLAIMS LIFT CAHILL HOPES +Sports,"All bets are off for Lefty, Casey" +Sports,Nevin cleans up +Sports,Defending champ Gambill falls in Delray Beach +Sports,Rangers #39; relief pitcher throws chair at Oakland fans +World,Wisden Cricinfo +World,Putin calls for elimination of elections for key posts +World, quot;Batman quot; intrudes Buckingham Palace +World,Hostage claims remain unconfirmed +World,Accused acquitted of Bali bombings +World,Calm returns to Herat after weekend #39;s violence +World,Blast in Baghdad Rebel District Kills at Least 35 +World,Saboteurs blow up pipeline in north Iraq +Sports,Lomu looks to the future +World,US kills 22 militants in Afghanistan +Sci/Tech,"Canon, Toshiba to Form Flat Panel Display Venture (Reuters)" +Sports,Angels Clobber Mariners 5-1 (AP) +Sports,Carolina WR Smith Breaks Left Fibula (Reuters) +World,European Shares Dip (Reuters) +Business,Australian business confidence dips as survey shows growth still strong (AFP) +Sci/Tech,McAfee Launches Managed Mail Security Service (TechWeb) +Sci/Tech,Angel.com Releases Hosted IVR Suite (TechWeb) +Business,Sony Group to Buy MGM +Sci/Tech,Telestream Unveils Windows Media 9 Series Encoding Support For Mac (TechWeb) +World,Bush Wants #36;3.1 Billion for Hurricane Aid (AP) +World,Political Ads Tailored to Local Issues (AP) +Sci/Tech,Barrage of Hurricanes May Just Be Florida Normality (Reuters) +Business,Metcash surprises with bid for Foodland chain +World,Bush Wants #36;3.5B to Boost Iraq Security (AP) +Business,US Company Hiring Seen Up from Year Ago +Sci/Tech,All Windows E-Mail Clients Suck +World,West Bank Suicide Bomber on Bike Wounds 2 Soldiers +Business,"US, Europe trade officials to discuss Airbus-Boeing dispute US <b>...</b>" +Sports,Sox will fight to the finish for division +Sports,A scorer changes on the fly +Sports,Yankees are left with double vision +Business,China reports soaring oil imports +Sports,Home fun in Chicago +Sports,Notables +Sports,Devil Rays thumbnails +Sports,Turnaround in the cards? +Sports,One way to take heat off +Sports,"Griffin, Broncos on the run again" +Sports,Matters of great import +Sports,Finnish line: They don't feel pressure +Sports,BC-UConn meeting is a misdirection play +Sports,"UMass, UNH on the rise" +Sports,Hawk one-ups himself +Business,American hits the airwaves +Business,Back in the game +Business,2 gas plants needed for N.E. +Business,Hiring seen improving a bit +Business,OPEC's influence may be waning +World,Cricket: Pakistan v Kenya +Business,A rose is a rose -- except when it's a stereo speaker +Business,Pair urges Disney CEO search +Business,A naming-rights offer writ small +Business,Krispy Kreme quarterly report delayed +Business,Short-term T-bill rates mixed +Business,Monster in the house +World,University entry overhaul backed +World,Europe lines up for TV innovation +World,Royal approval for Woman in White +World,"In Ivan's path, destruction, fear" +World,US jets attack suspected militant site +World,Sharon rival backs referendum on Gaza pullout +World,"Up to 10,000 in Sudandie monthly, WHO says" +World,"Despite guilty plea in Belfast slaying, public inquiry sought" +World,Old pro Torigian settles in to second act +World,Italy envoy aims to free 2 hostages in Iraq +World,Website video said to show beheading of kidnapped Turk +World,Turkey is warned of more attacks +World,N. Korea snubs N-test speculation +Business,OPEC May Weigh Cutting Some Production +Sci/Tech,Fight For your Right to Induce! +Sports,Finnish line: They don #39;t feel pressure +Sports,Packers dominate both sides of the line +Sports,Americans impassive entering Ryder Cup +World,Vote shakes Hong Kong democrats +World,Dar Al Hayat +Sports,LAVER: FEDERER SLAM THREAT +World,Time to Test China and Russia +World,Suicide bomber wounds two soldiers in West Bank +Business,Critics Call for Early Ouster of Disney Chief +Business,Techs build on Friday #39;s gains +Business,Macy #39;s name to supplant Burdines +Business,French Connection sticks by FCUK +Business,Tech investors see sunnier days ahead +Sci/Tech,Firefox becomes one today +Sci/Tech,Stardust memories +Sci/Tech,"Canon, Toshiba to Form Flat Panel Display Venture" +Sports,National pride buoys underdog Finns for final +Sports,Lockout threat looms over World Cup final +Sports,James Toney Breakdowns Hopkins/De La Hoya +World,Not enough focus on nuclear threats +World,Threat to Australia continues +Sports,Marlins rally past Expos as home team _ in Chicago +Sports,Hopkins rich in his own way +Sports,Gambill #39;s slump worsens +World,Darfur peace talks due to resume +World,Australia Firm on Troops After Iraq Hostage Report (Reuters) +Business,Pension Agency May Go Broke by 2020 (Reuters) +World,Britain's Rusedski ousts Malisse at ATP event (AFP) +World,Car Bomb Blast Kills 27 in Iraq (AP) +World,U.S. Fighter Jet Crashes Near Australia (AP) +Business,Pension Agency May Go Broke by 2020 +World,Australia Firm on Troops After Iraq Hostage Report +World,Court: U.S. Can Try to Execute Moussaoui +Sci/Tech,Tempting art students into gaming +Business,Sony bags MGM film biz for 4.8B +Sci/Tech,NEC Four-Way Server Supports High-Availability Apps +Sports,Wild game in Oakland spoiled by altercation with fans +World,Over 35 killed in car bombing at Baghdad police station +World,Mounting pressure on Khartoum +Business,Sony captures legendary Hollywood studio +Business,Quattrone battling trial judge +Sports,Packers Beat Panthers 24-14 in Monday Night Opener (Update1) +Sports,Leave it to Mets to also ax the candidates +World,Baghdad blast kills at least 35 +World,"Fallujah may not vote in Iraqi elections, Allawi says" +Sci/Tech,But Where Is the Hurricane Going? +Sci/Tech,"Dj Vu: If It All Seems Familiar, There May Be a Reason" +Sci/Tech,The Right Ear Is From Mars +Sci/Tech,Preserving an Old-Forest Wilderness at the Ends of the Earth +World,Japanese corporate bankruptcies in August fall for 20th month in row (AFP) +World,UK Palace 'Batman' Prompts Urgent Security Review +Sports,Transactions +Sports,NESN hopes new show is a highlight +Business,Oil Platforms in Gulf Make Ready for Ivan +Business,US Judge Casts Doubt on EU Evidence on Oracle +Business,Vivendi Universal reports big loss in second quarter +Business,The Choice on the Deficit +Sci/Tech,"MUNICH, Germany--(BUSINESS WIRE)--Sept 13, 2004-- Le nouveau <b>...</b>" +Sports,Dixon finishes 7th +Sports,FA chiefs consider reprieve for Cahill +Sports,Rout leaves Yanks #39; lead at 3 Royals gain control with 10-run 5th +World,North Korea explains powerful blast with mountain demolition +World,Bomb Threats Mar Start of Indonesia Election Campaign +Sci/Tech,IBM Covets Half of China Business Computer Market (Reuters) +World,ElBaradei Says Unclear if Iran Nuke Plans Peaceful (Reuters) +Sci/Tech,Vivendi Net Loss Up (Reuters) +Business,Nikkei Back at Level Before Weak Data +World,ElBaradei Says Unclear if Iran Nuke Plans Peaceful +World,online.ie +World,Australia defies Iraq kidnap claim +World,3 blasts in Spain after ETA threat +Sci/Tech,IBM Covets Half of China Business Computer Market +Business,Vivendi Net Loss Up +World,Ivan Hits 11th Country on Caribbean Cruise Towards US +Business,"From: Tom Maheras, Head of Global Capital Markets, GCIB" +Business,Clothing Helps Lower Inflation +Sci/Tech,IETF Decides On SPF / Sender-ID issue +Sci/Tech,Intel urges others to join PlanetLab Consortium +Sci/Tech,Microsoft makes music mobile moves +Sci/Tech,Xignal releases XFI interface design for 10G XFP modules +Sports,Everton Football Club midfielder set for reprieve? +Sports,"4 of a kind for 1st-place Twins, 5-3" +World,North Korea Talks May Be Victim of U.S. Election (Reuters) +Sci/Tech,"On Fed Payroll, Hackers Seek to Save America (Reuters)" +Sports,Europe Arrives With Ryder Cup in Tow (AP) +Sci/Tech,Sony Closer to Content/Gadget Vision with MGM Deal (Reuters) +World,Blast in Baghdad Rebel District Kills at Least 47 (Reuters) +Sports,Lewis confident Williams can take title from Klitschko +Business,Saudi Resist OPEC Quota Increase (Reuters) +Sports,Florida Week Always Brings Excitement (AP) +Sci/Tech,"Eyeing Downturn, Chip Makers Trim Equipment Buying (Reuters)" +World,EU Commission approves Repsol's acquisition of Shell Portugal assets (AFP) +Sci/Tech,"In cyberspace, new rules for your r #233;sum #233; (USATODAY.com)" +Business,Chain Store Sales Increase Slightly (Reuters) +Sci/Tech,'THX': Young film geniuses at work (USATODAY.com) +Sports,Baseball Today (AP) +Sci/Tech,Vodafone Weighs on European Shares (Reuters) +World,Peace talks for Sudan's Darfur halted again as deadlock continues (AFP) +Sports,Kiprusoff Leads Finland in World Cup Final (AP) +Business,Pier 1 Second-Quarter Profit Falls (Reuters) +Sports,Philippoussis Withdraws From Davis Cup (AP) +Sci/Tech,FDA Approves Lens Implant to Sharpen Sight (AP) +Sci/Tech,Nuclear Test in North Korea? +Business,Stocks to Watch +Sci/Tech,U.N. Agency to Study Environment in Iraq (AP) +Sci/Tech,A Phone Number For Life +Business,Oil Climbs as Ivan Approaches U.S. +Business,Saudi Resist OPEC Quota Increase +Sci/Tech,Japan Battered as Asian Typhoons Take Unusual Turn (Reuters) +Sci/Tech,Brazil Scrambles to Save Its Disappearing Savanna (Reuters) +Business,Chain Store Sales Increase Slightly +Business,Vivendi Net Loss Widens +Business,"Euro Slips After ZEW, Dollar Awaits Data" +Sci/Tech,IBM Tools Give Developers an Assist +World,Blast in Baghdad Rebel District Kills at Least 47 +World,"Blair to Press on Climate Change, Challenge Bush" +World,Sharon Says Rejected U.S. Bid for Talks with Syria +Business,Hopes rise for Alitalia rescue +Sports,Arsenal keeper Lehmann: I #39;ve done nothing wrong +Business,Oil price up on hurricane fears +Business,Volvo in worldwide vehicle recall +Business,Sony Corp. acquires MGM Studios for \$5 billion +Business,Report: Weinsteins Looking to Stay with Disney +Business,Bayer seeks to find remedy with US alliance +Business,UK inflation rate falls +Business,Macy #39;s supplants venerable names +Business,Survey: Region job outlook among tops in US +Business,Citigroup Regrets Bond Trades That Led to UK Probe (Update2) +Business,Feds reopen probe of Honda CR-V fires +Business,"17,000 Enron pension holders to get paid in full" +Business,Yukos saga gives pause to foreign investors in Russia: IMF <b>...</b> +Sci/Tech,Linux standard adds C support +Sci/Tech,"Eyeing Downturn, Chip Makers Trim Equipment Buying" +Sci/Tech,Microsoft #39;s spam plan rejected +Sci/Tech,"An Ergonomic, Wireless Keyboard and Mouse Set" +Sci/Tech,SD in the cards for Nokia +Sci/Tech,Microsoft blows into Florida with Visual Studio 2005 +Sci/Tech,Virus writers add network sniffer to worm +Sci/Tech,The world in your palm +Sci/Tech,Speech recognition #39;on-a-chip #39; inside three years +Sci/Tech,Apple vs Apple: #39;mind boggling #39; pay-out imminent - report +Sci/Tech,New Worm Installs Network Traffic Sniffer +Sports,Packers spank Panthers +Sports,Rangers Player Breaks Female Fan #39;s Nose +Sports,Trophy #39;s minnows sink without trace +Sports,McIlroy stars for Europe +Sports,Weather prompts change for Cal +Sports,"MLB: San Diego 9, Los Angeles 7" +World, #39;Batman dad is no threat #39; +World,Powell says WMD may not be found in Iraq +World,Hundreds Rally in Turkey Against Criminalizing Adultery +World,Arab League FMs consider pressure on Syria to quit Lebanon +World,Japan Says Latest Infected Cow Won #39;t Affect BSE-Testing Review +World,Saboteurs blow up pipeline junction in northern Iraq +World,"Ivan clips Cuba, roars toward US" +World,Compensation package approved for Gaza settlers +World,US strike kills 15 Iraqis +World,Troops sent to protect China dam +World,Many Beslan victims gravely ill +World,New fertility treatment 'closer' +World,Microsoft's spam plan rejected +World,Sick sent home in Nigeria strike +World,Pakistan shells Waziristan school +World,Jab linked to multiple sclerosis +World,ElBaradei says unclear if Iran nuclear plans peaceful +World,North Korea Talks May Be Victim of US Polls +World,2 Soldiers Wounded in Palestinian Suicide Bombing in West Bank +World,HK democrats vow to fight for universal suffrage +Sci/Tech,Sony unveils Wi-Fi multimedia Cli #233; +Sci/Tech,Learn Solaris Systems Programming +Sci/Tech,Myopic Congress lacks spyware focus +World,Sosa Homers As Cubs Club Pirates 7-2 +World,Expert: GPS in Peterson Case Had Glitches +World,Ivan Lashes Cuba With 160 Mph Winds +World,Evacuations for Ivan Urged on Gulf Coast +Sci/Tech,"On Fed Payroll, Hackers Seek to Save America" +Sci/Tech,Sony Closer to Content/Gadget Vision with MGM Deal +Sci/Tech,"Eyeing Downturn, Chip Makers Trim Equipment Buying" +Sci/Tech,Sony-Led Group to Buy MGM in \$2.9B Deal +Sci/Tech,Test of Missile Defense System Delayed Again +Sci/Tech,Gateway Shifts Back to Personal Computers +Sci/Tech,Microsoft Corp. and Polycom Inc. Team Up +Sci/Tech,Micropower 'could fuel UK homes' +Sci/Tech,Howard's way is a delicate green +World,47 dead in Baghdad market blast +Sci/Tech,Wired for security +Sci/Tech,The world in your palm +Sci/Tech,Broadband needs a nonpartisan FCC +Business,Venezuela Minister Opposes Increase in OPEC Production Quotas +Business,"Ivan, Iraq concerns lift oil" +Sci/Tech,Linux and Identity Services Key for Novell +Sci/Tech,NEC delivers four-way fault tolerant Windows server +Sports,Live: Sri Lanka v Zimbabwe +Business,Vivendi Universal sees better days ahead in 2004 +Sci/Tech,Nokia embraces SD memory cards +Sci/Tech,IBM broadens suite of RFID services +Sci/Tech,"Update: Sun, Microsoft to detail interoperability in October" +Sci/Tech,Borland looks to take on Visual Studio with Diamondback +Sci/Tech,"Novell #39;s Linux, Identity Services Initiative" +Sports,Johnsen eyes Magpies move +Sports,FOOTBALL: DECO: WE MUST KEEP OUR HEADS +Sports,Baseball Today +World,Russia Announces More Funding for Security +Sci/Tech,Web Site Killings Raise Dilemmas for Media (Reuters) +World,Inflation falls further below target (AFP) +World,Sudan Official Says Darfur Health Normal (AP) +Business,"Before-the-Bell: Taser, Oracle Rise" +Business,Oracle sees PeopleSoft offer gaining ground +Business,Swedish Stock Exchange Halts Trading +World,Kerry Bashes Bush on Assault Weapons Ban +World,Ivan Lashes Cuba With 160 Mph Winds +World,Sony-Led Group to Acquire MGM for \$3B +Business,Sony agrees MGM deal +Business,Boots Ends Services Expansion to Focus on Pharmacies (Update1) +Sci/Tech,Sun sets up open-source Solaris project +Sci/Tech,Novell chooses streamlined Linux desktop +Sci/Tech,"Microsoft, Polycom team on collaboration products" +Sci/Tech,Ericsson awarded Chinese GSM network expansion deal worth US\$150M +Sci/Tech,IBM Donates Voice Code to Apache +Sports,Skirmish delays A #39;s win +Sports,Newcastle all set to sign Johnsen +World,Car Bomb Detonates Outside of Iraqi Police Recruiting Station in <b>...</b> +World,Japan Confirms Another Case of BSE in Dairy Cow +Sci/Tech,Blair 'shocked' by climate change +Sci/Tech,Surfing the Tsunami +Business,UBS buys arm of Julius Baer +Business,"Oil ministers gather in Vienna, oppose high price of oil" +Business,Controversial Disney boss retiring in 2006 +Business,Boots axes dentistry and chiropody +Business,Storm tracking +Business,Citigroup regrets August bond sale-memo +Sci/Tech,Symantec under attack from MyDoom +Sports,"Sutton, Langer spell it out" +Sports,Baseball Roundup: Brawl Hurts Fans +World,Ayoon wa Azan (His Masters Voice) +World,WORLD BRIEFS +Sci/Tech,Big Anti-Induce Campaign Planned +Sci/Tech,Aural Heaven: IPod and Analog +Sci/Tech,Geeks Code for the Gold +Sci/Tech,Satellite Service Battles Lag +Sci/Tech,Of Mice and Biometrics +Sci/Tech,Nevada's Seamless E-Vote +Business,"Blue-chip downgrades, higher oil prices pressure stocks" +Business,U.S. Retail Sales Slip on Auto Weakness +Sports,Mauresmo Ranking Highlights Faults in System +Business,Retail Sales Drop in August +Business, Dockers seek conciliation help +Sports,Another Canadian qualifies for PGA Tour +Sci/Tech,'Sustainable relief' is way ahead +Sci/Tech,Martian Mesas in Stunning Detail +Sci/Tech,Cassini Snaps Saturn's Family Portrait +Sci/Tech,Upbeat Outlook Offsets Effects of Aging +Business,"Troubled airline still flies, but how long?" +Business,Pier 1 Imports #39; profit falls 43.3 percent +Business,Vivendi Net Loss Widens +Business,Sky Team Has Three New Member Airlines +Business,Surprise slowdown in UK inflation +Sci/Tech,Novell: Linux turns up the heat on Microsoft +Sports,Kiely triumphs in personal battle with Delap +Sports,A class operation from start to finish +Sports,Cricket: Kenya v Pakistan match abandoned for the day +World,Public should be allowed around Buckingham: Minister +World,ElBaradei says unclear if Iran nuclear plans peaceful +World,"Police search for clues to embassy bombing, using DNA tests" +Business,U.S. Current Account Gap Grows to Record (Reuters) +Business,U.S. Retail Sales Slip on Auto Weakness (Reuters) +Business,U.S. Treasuries Falter as Core Sales Rise (Reuters) +Business,Retail Sales Drop 0.3 Percent in August (AP) +Sci/Tech,Talk Is Cheap Using Internet Long-Distance (AP) +Business,Kroger Quarterly Profit Slips (Reuters) +World,China Faces New Textile Import Limits (AP) +Business,U.S. Treasuries Falter as Core Sales Rise +Business,Dollar Down on Record Current Account Gap +Sci/Tech,Report: Heat to Cause More Calif. Deaths (AP) +Sci/Tech,Navy Ship to Become Scientific Explorer (AP) +Business,Kroger Quarterly Profit Slips +Business,West Africa currency switch looms +Business,Retail Sales Drop 0.3 Percent in August +Business,Jobs outlook brightens +Sports,Packers Win Season Opener +Sports,"First the game, then ..." +Sports,Royals Blast Yankees +World,Sharon Rejects Call for Referendum on Gaza Withdrawal Plan +Sci/Tech,Ground Zero Workers File Billion-Dollar Health Lawsuit +Business,Carl Zeiss in \$1.1bn deal to purchase Sola +Business,Global Markets: Ivan Blows Oil Higher (Reuters) +Business,Treasuries Slip After Retail Report (Reuters) +World,Among the well-heeled at the world polo championships in Chantilly (AFP) +Business,US retail sales down 0.3 percent in August (AFP) +Sci/Tech,Yahoo to Buy Musicmatch for #36;160M in Cash (AP) +Business,Hurricanes Hit Office Depot Profit (Reuters) +World,China offers US firms opportunities but must protect copyright: US official (AFP) +Business,Update 2: Swedish Exchange Halts Gambro Trading +Business,"Stocks Flat as Oil, Retail Sales Weigh" +Business,Retail Sales Down; Trade Gap Larger +Business,Global Markets: Ivan Blows Oil Higher +Business,Offshore tax guru sentenced to six months +Business,Treasuries Slip After Retail Report +Business,Alcoa Plans to Declare Force Majeure +Business,Saudi Arabia Leads OPEC Oil Rush +Business,Hurricanes Hit Office Depot Profit +World,Fired-up US union leader lambasts Bush at British workers' conference (AFP) +Business,UBS in private banking deal +Business,Samsung To Pour \$24B into Semi Production +World,Chechen envoy warns of bloodshed +World,Packers Run Past Panthers 24-14 +Business,"Kroger profit falls, warns on sales" +Business,Office Depot Won #39;t Meet Analysts #39; Earnings Estimates for 3 Qtr +Business,Retail Sales Down; Trade Gap Larger +Business,"Stocks Flat as Oil, Retail Sales Weigh" +Business,Update 1: Kremlin Backs Gazprom Deal +Business,LSI Logic Warns +Business,"Canon, Toshiba to team on flat panel displays" +Business,Goldsmith #39;s department store changing names +Sci/Tech,IETF Shoots Down Microsoft Email Proposal +Sci/Tech,"Novel Worms: One Sniffs, Another Talks" +Sci/Tech,B-52 #39;s redo Beatles song for TV commercial +Sci/Tech,Speech code from IBM to become open source +Sci/Tech,"Mozilla Foundation Ships Firefox 1.0 Preview Release, Thunderbird <b>...</b>" +Sports,A #39;s claim 10-inning win over Rangers +Sports,FIFA claims victory over US firm concerning Internet rights +Sports,Ilitch says he #39;ll be aggressive in seeking top players +Sports,Nilmar set to grace European stage against Manchester United +Sports,Big East out of WAC #39;s league +World,Russia boosts funds for security +World,Israeli ministers back compensation plan for Gaza settlers +World,Bird flu outbreak hits Malaysia +Business,Saudi Arabian violence changed oil prices +Sci/Tech,Hollywood's Lion Kings +Sci/Tech,Md. Senator Sees Error by Voting Machine +Sci/Tech,The science of hurricanes +Business,UPDATE 1-Office Depot warns on profit; hurricanes hurt +Sci/Tech,IBM Releases Speech Technology To Open Source +Sports,Soccer: Is a sport too big for its principles? +Sci/Tech,"Study: 400,000 IT jobs lost since 2001" +Sci/Tech,Siemens inks deal with ID software firm +Sports,T.O. Effect Gives Boost to Eagles' Offense (AP) +Sci/Tech,Yahoo to Buy Digital Music Company Musicmatch (Reuters) +Sci/Tech,"Yahoo to buy Musicmatch, seeks to be 'major player' in online music (AFP)" +World,"Greying Japan's centenarians total record 23,000 (AFP)" +World,Basque group sets off 7 explosions in Spain +Sports,Dent Tops Luczak to Win at China Open (AP) +Business,Stocks Feel Impact of Oil Concerns +Business,"Office Depot Warns, Blames Hurricanes" +Business,Office Depot Cuts Outlook +World,Sinn Fein Says Bug Found at N.Irish Party Office +World,Milosevic team seek halt to trial +Business,Retail Sales Fall 0.3 in August While Trade Gap Expands +World,Stocks to Open Subdued Ahead of Sales Data +World,AP: Israel Sends Experts to Help Russia +World,Car Bomb Kills at Least 47 in Iraq +World,Sony Banking on MGM Deal to Boost Profits +World,Hurricane Ivan Drenches Western Cuba +World,IAEA Won't Guarantee Iran Probe Deadline +World,Senate Mulls Whether Goss Should Head CIA +Business,Britain #39;s inflation rate falls in August +Business,Hopes rise for Alitalia rescue +Business,Putin Approves Merger Between Gazprom and Rosneft +Sci/Tech,Yahoo! makes a Musicmatch +Sci/Tech,"All For One, says FSG" +Sci/Tech,Big Blue Breaks Price Barrier With Linux Lineup +Sports,Wenger on the attack +Sports,Zurich rules out 2014 bid +Sports,PONTING EYES THE PRESENT +Sports,Rovers job appeals to Hughes +World,Dozens killed in Baghdad market explosion +World,Australia sends hostage experts to Iraq +World,Manny #39;s chance at life with two dads +World,Schroeder Won't Drop Equality Aim for East Germans +World,Ivan churns through Mexican Gulf +Business,Saudi Arabia takes credit for lower oil prices +Business,Macy #39;s to drop Burdines name +Sci/Tech,SD in the cards for Nokia +Sci/Tech,News and Trends +Sci/Tech,Job application hidden in virus code +Sci/Tech,IBM targets manufacturers with RFID +Sports,Dent wins as rain disrupts China Open +Sports,NFL: Everything goes wrong for Panthers +Sports,Zurich says no to 2014 Winter Olympics +Sports,Zim Date Sri Lanka +World, quot;Batman quot; protester freed on bail +World,Car bomb explodes near Iraqi police recruiting station in Baghdad +World,9/13/04 - TERRORIST BOMBING IN INDONESIA +World,Malaysia #39;s UMNO will not bring Anwar back into party +World,Video Shows Beheading of Turkish Hostage +World,Manny wakes and says #39;papa #39; . . . in Italian +Business,Alcoa Plans to Declare Force Majeure (Reuters) +World,Buckingham Palace Eyes Improving Security (AP) +Business,Alitalia Stock Soars As Hopes Rise on Deal (AP) +World,Boy Hospitalized in Thai Bird Flu Case (AP) +Business,KMart at New High; Price Target Raised (Reuters) +Business,Vivendi Net Loss Widens +Sports,Casey Defends Decision to Fire Caddie +Sci/Tech,Yahoo to Buy Musicmatch for \$160M +World,Russia Delays Reopening of Schools After Siege +Sci/Tech,Hackers Join Homeland Security Effort +Sci/Tech,Space's largest window is built +World,Iranian nuclear plans 'unclear' +World,Cabinet OKs Payment to Jewish Settlers +Business,Kroger misses mark by 8 cents +Business,NBC deal hits Vivendi #39;s results +Sports,German Jewish leader lambasts UEFA over Champions League match +Sports,"Dent, Okun win as rain disrupts China Open" +Sports,Hughes keen on Blackburn position +Sci/Tech,Yahoo to Buy Musicmatch for \$160M in Cash +Sci/Tech,Microsoft #39;s Sender ID sent packing +World,Bird Flu Found Outside Malaysia Quarantine Zone +World,Blair prepared to cut troop numbers in Northern Ireland +World,Japanese getting older as record numbers reach 100 +Sci/Tech,IBM targets manufacturers with RFID +Sci/Tech,MGM Deal Brings Sony Closer to Its Vision +Sci/Tech,"German software pirate, and his father, get jail time" +Sci/Tech,Cisco to buy VoIP software vendor +Sci/Tech,"Sendo, Microsoft Settle Lawsuits" +Business,Vivendi says it has turned corner +Sci/Tech,McAfee Releases New E-Mail Managing Service +Sports,ICC bagged over mismatch +World,"Britain, Ireland push for Northern Ireland deal" +World,Jordanian Truck Driver Abducted in Iraq +Sci/Tech,More Cities Have Internet Presence +Sci/Tech,Talk Is Cheap When Using Internet Long-Distance +Sci/Tech,Gadget Turns Plants Into Speakers +Sports,Singh named player of the year +Sci/Tech,Beta Search Engine iZito Supports Human Search Behavior +World,INTERVIEW: IBM Eyes Half of China's Computer Market (Reuters) +Sci/Tech,Last Stop for Windows 2000: An SP2-Less Update Rollup +Sci/Tech,Yahoo to acquire Musicmatch for #36;160m (MacCentral) +World,Campaign Finance Law Sponsors Sue FEC (AP) +Business,"Stocks Off, Higher Oil Stirs Profit Worry" +World,The Democrats' real problem (U.S. News World Report) +World,U.S.: Blast Consistent with N.Korea Explanation +Business,Putin backs Gazprom deal +Business,U.S. Companies Plan to Continue Hiring +World,Cabinet OKs Payment to Jewish Settlers +World,Stocks Are Mixed on Lower Retail Sales +Business,Alcoa to Declare Force Majeure +Sci/Tech,Yahoo to acquire Musicmatch for \$160m +Sports,"Jackman, Blues reach deal ahead of looming lockout" +Sports,SportsNetwork Game Preview +World,Checks on hostage claim +World,Analysis: Tensions over northern Iraq +World, #39;Bug #39; found in Sinn Fein offices +World,Criticism over new proposal on working hours +Sci/Tech,INTERVIEW: IBM Eyes Half of China's Computer Market +Business,OPEC Members Split on Increasing Output +Sci/Tech,Tech firms pitch new options plan +Sports,Rain dominates Day 2 in Beijing +World,Israel intensifies land seizures +Sci/Tech,Yahoo Pumps Up the Volume with MusicMatch Acquisition +World,US: Blast Consistent with N.Korea Explanation +Business,OPEC Weighs Output Increase +Sci/Tech,Yahoo to Buy Musicmatch for \$160 Million in Cash +Business,2007 target for digital TV switch +World,Kenyan ex-ruling party says sorry +World,UK 'hiding Zimbabwe bankers' +World,Sharon death threats spark probe +Business,Coming Soon: Mobile TV +Sci/Tech,IBM offers RFID services for manufacturers +Business,Russia to take control of gas giant Gazprom +Business,UPDATE 2-Real estate carries Intrawest back to profit +Sci/Tech,Yahoo to buy Musicmatch for \$160 million +Sci/Tech,IBM offers RFID services for manufacturers +Sports,Oakland Athletics Team Report - September 14 +Sports,Florida Marlins Team Report - September 14 +World,Malaysian party won #39;t have Anwar back +World,Iraqi president seeks NATO help +Sports,Former Football Great Glenn Presnell Dies (AP) +Sci/Tech,Hollywood's Lion Kings (washingtonpost.com) +Sports,This Date in Baseball for Sept. 15 (AP) +Business,"Checking In, Sir? (Forbes.com)" +Business,Direction-Free Data Sends Treasuries Down +World,US House slams Syria on rights (AFP) +World,U.S.: Blast Consistent with N.Korea Explanation +World,Judge Says Milosevic Behavior Almost 'Puerile' +Business,Saudis balk at quota increase +Business,Sendo ends legal dispute with Microsoft +Business,Proxim and Symbol make nice +Business,Alcoa restarts Jamaica plant but suspends contracts +Sci/Tech,UN to help tackle Iraq pollution +Sci/Tech,Enter your e-mail: +Sci/Tech,Nokia mobiles to be SD card capable +Sci/Tech,Microsoft Extends Visual Studio Line +Sci/Tech,Borland #39;s Pitch: #39;Software Delivery Optimization #39; +Sci/Tech,Cisco Intros Service Routers +Sports,Frustrating draw for Saints +Sports,FIFA wins six-year legal battle +World,Judge Says Milosevic Behavior Almost #39;Puerile #39; +Business,Office Depot cuts profit forecast +Business,Ivan Crimps Jamaican Alumina Production +Sci/Tech,Nokia to offer Secure Digital card capability in its devices +Sci/Tech,"Microsoft, Polycom work on collaboration apps" +World,ElBaradei Says Unclear if Iran Nuke Plans Peaceful +World,Italy Drums Up Arab Support to Free Iraq Hostages +World,Cricket: Sri Lanka survive scare +Sci/Tech,Proxim and Symbol make nice +World,TB patient medicine test unveiled +World,Congressman Pledges to Set Aside Partisanship as C.I.A. Chief +World,'Excuse Me. May I Have Your Seat?' +World,CIA Nominee Goss Vows to Be Bipartisan +World,Stocks Are Mixed on Surge in Oil Prices +Sci/Tech,"Ireland in Internet Slow Lane, Say Eircom Rivals (Reuters)" +Sci/Tech,"IBM, LG Electronics to End Joint Venture (AP)" +World,French appeals court confirms acquittal of Diana photographers (AFP) +Sci/Tech,Nokia Embraces SD Memory Cards (PC World) +Business,"Stocks Near Flat, Worry Over Oil Spike" +Business,Ivan Crimps Jamaican Alumina Production +Sports,Casey Defends Decision to Fire Caddie +World,"Kerry Questions Bush's Honesty on Health Care, Iraq (Reuters)" +Business,Poor weather hits US shoppers +Business,Proxim settles patent lawsuit with Symbol +Business,Putin backs Gazprom shares deal +Sci/Tech,Update 3: Yahoo Buying Musicmatch for \$160 Million +Sci/Tech,IBM Introduces New Entry-Level Linux Servers +Sci/Tech,IBM Contributes Speech Recognition Software to Open Source +Sports,Sri Lanka should be easy pickings +Sports,Dent tops Luczak to win at China Open +Sports, #39;Sparky #39; Could Energise Rovers +Business,Yahoo Flexes Its Music Muscle +Sci/Tech,News: Virus writers add network sniffer to worm +Sci/Tech,News: Hackers Join Homeland Security Effort +Sci/Tech,"Proxim, Symbol settle in patent case" +Business,WPP #39;s Mega Ad Buy +Sci/Tech,Yahoo to Buy Musicmatch Web Service for \$160 Million (Update4) +Sci/Tech,"Sara Lee Wrestles With RFID, Looks for Benefits" +Sci/Tech,Does Intel still hold the high ground? +Sports,Sports: Rangers reliever arrested over stadium incident +Sports,UPDATE 1-Cricket-Sri Lanka v Zimbabwe scoreboard +Sports,Tennis: Dent Advances in China Open +Sports,Hughes wants Blackburn Rovers Football Club job +World,"Gaza settlers to receive up to 300,000 dollars per family: radio" +World,Al-Qaida Linked Group Claims Responsibility for Police Slaughter +Sci/Tech,Software Tackles Digital Photo Proliferation (Reuters) +Business,Oracle Eyes PeopleSoft as Meat on the Hoof +World,Sterling recovers from inflation-rate pressure (AFP) +World,"Nigeria opposes OPEC oil quota increase, wants higher price band (AFP)" +World,N.Korea not ready to resume nuclear talks: Russia (AFP) +Business,Sony Close to Acquiring MGM +Sports,UPDATE 1-Sri Lanka stutter to win over plucky Zimbabwe +World,US Congress Remembers Victims of Terrorism in Russia +World,S. Korea Seeks To Verify N. Korea Blast +World,Israeli ministers approve pullout fund (updated AM 00:41) +Sci/Tech,Yahoo snaps up net music service +Sci/Tech,Software Tackles Digital Photo Proliferation +Business,UPDATE 1-McDonald #39;s boosts annual dividend 38 pct +Sci/Tech,"Novell lays out infrastructure, identity wares" +Sci/Tech,Intel Shows Mystery Dual-Core Desktop Chip +Sports,Davis dismisses report +Business,Verdict favors World Trade Center leaseholder +Sci/Tech,Nokia joins secure digital memory card group +Business,"Charles Schwab Corp. to Pay \$350,000 Fine" +World,Johnny Cash items up for auction +Sports,Adjusting on the Fly +Sports,Suggs to Practice +World,Underage Teens Turn Profit on Old Beer +World,Insurgents Target Iraqi Police; 59 Dead +Business,Hurricane Ivan blows price of oil higher +Business,Weinsteins look to stay with Disney +Business,Sony Close to Acquiring MGM +Business,Lazarus Disappearing From Western Pa. +Sci/Tech,Yahoo agrees to buy Musicmatch for \$160 mn +Sci/Tech,Nokia joins secure digital memory card group +Sci/Tech,News and Trends +Sci/Tech,Hot Rod Job For SpaceShipOne +Sci/Tech,Borland titanic effort to link software with business need +Sports,UPDATE 2-Sri Lanka stutter to win over plucky Zimbabwe +Sports,"Things heat up for A #39;s, Rangers" +Sports,DESCHAMPS - MONACO NOT AS STRONG +World,"No deal, but I #39;ll work for unity: Anwar" +Sci/Tech,Nokia joins Secure Digital industry group +Business,Kroger #39;s 2Q Earnings Drop Almost \$50M +Business,"Charles Schwab fined \$350,000" +Business,Sun trims fourth-quarter earnings by \$12M +Sci/Tech,Yahoo Buying Musicmatch +Sci/Tech,IETF Nixes Microsoft Sender ID Approach +Sci/Tech,Beefed-up motor will boost SpaceShipOne +Sci/Tech,MyDoom Virus Writing Not a Resume Builder +Sports,Zimbabwe heads held high +Sports,Andreychuk Back With Bolts +World,Ivan slaps west Cuba and stomps into gulf +World,Car bomb explodes in Baghdad +Business,USA: Kroger reports lower Q2 earnings +Business,"Symbol Tech, Proxim Settle Lawsuit" +Business,NASD Says Do Your Homework On 529 Plans +Business,Tech stocks lead the way +Sci/Tech,Yahoo to acquire Musicmatch +Sci/Tech,Ibm Expands Rfid Offerings with Services for Mid-Market and +Sci/Tech,Computer worm #39;sniffs #39; out passwords +Sci/Tech,Sony begins mass production of OLED screens +Sci/Tech,IETF deals Microsoft #39;s e-mail proposal a setback +Sci/Tech,Microsoft #39;s Visual Studio Release 2005: Everybody in .NET +Sports,Lightning re-sign Andreychuk +Sports,Florida State won #39;t pull plug on Rix after Miami loss +Sports,Wednesday NHL lockout seems inevitable +Sports,Nedved just taking a break from international play +World,Arab ministers avoid UN resolution on Lebanon +Business,Allied Waste lowers earnings forecast a second time +Sci/Tech,Yahoo buys Musicmatch for 160 million dollars +Sci/Tech,New RFID Services Based On IBM #39;s Own Tagging Projects +Sci/Tech,Nokia joins Secure Digital industry group +Sports,Steve Smith Has Surgery; Panthers Seek 2 (AP) +Sports,Indians Promote Right-Hander Kyle Denney (AP) +Sports,Lightning Re-Sign Captain Andreychuk (AP) +Business,Hurricanes Hurt Office Depot's Profit +Business,"Kroger Profit Falls, Warns on Sales" +Business,Dollar Slips on Current Account Deficit +Business,"KLM, Northwest And Continental Join Skyteam Alliance" +Sports,Ryder-Monty is Europe #39;s likely trump card - Clarke +World,Iraqi pipeline blown up +Business,Grocer Takes a Tumble +World,New U.S. Offensive Could Backfire in Iraq +Business,Economy-Stock Market Link Can Be Confusing (AP) +Sci/Tech,Jordan launches Internet network to link state universities (AFP) +World,Dollar dips on US current account concerns (AFP) +Business,"Schwab Paying #36;350,000 Fine in Settlement (AP)" +World,Tropical Storm Jeanne Forms in Atlantic (AP) +World,Malaysian Ruling Party Rejects Anwar (AP) +Business,Experts Link Some Drugs to Teen Suicide +Sci/Tech,Are Polar Bears Suffering from Industry Chemicals? (Reuters) +World,Cocaine-use charges send Bush book soaring up bestseller lists (AFP) +World,"Syria, Lebanon Reject Foreign Criticism of Ties (Reuters)" +World,Colombia Indians rally for peace +Business,Office Depot Misses School +World,"In Senate Hearing, Goss Pledges Nonpartisanship" +World,Cabinet OKs Payment to Jewish Settlers +World,FDA Eyes Rules on Child Anti-Depressants +World,Stocks Mixed As Oil Prices Remain Higher +Business,Iraq Pledges to Improve Oil Security +Business,"Schwab Paying \$350,000 Fine in Settlement" +Business,WPP wins #39;750m #39; US takeover bid +Business,Vivendi losses surge +Business,"Continental, KLM, NWA join SkyTeam" +Business,Q2 #39;s current-account deficit widens to record \$166.2 bln +Business,Smith Takes a Pounding +Business,ALITALIA: AGREEMENT WITH PILOTS #39; UNION FALLS THROUGH +Business,"Symbol, Proxim settle WLAN patent case" +Sci/Tech,"Linux gets standard, makes move preserve interoperability" +Sports,Carolina Panthers Team Report +Sports,Owner of Texas Rangers issues apology after thrown-chair incident +Sports,"Expos reinstate Ohka, Rauch from disabled list" +Sports,Champions League matches in Group A +Sci/Tech,ID Theft Case Yields Guilty Plea +Sci/Tech,New National Indian Museum Is Native by Design +Sci/Tech,Bushmen Tour U.S. to Fund Court Land Fight +Sci/Tech,Birding Column: Shorebirds in Malibu +Sci/Tech,"Regaining Fury, Hurricane Ivan Churns Toward Cuba" +Sci/Tech,Penguin Decline Due to Global Warming? +Sci/Tech,Worm Bins Turn Kitchen Scraps Into Compost +Sci/Tech,SAP hopes partnership helps ring up sales +Sci/Tech,Briefly: Hitachi unleashes 100GB notebook drives +Sci/Tech,SanDisk to supply Samsung with MiniSD +Sci/Tech,Sony begins mass production of OLED screens +Sci/Tech,Yahoo Buys Musicmatch +Business,Sony Buys MGM in \$12 per share deal +Business,Intrawest enjoys strong finish to fiscal year +Sci/Tech,"Infocus: Metasploit Framework, Part 3" +Business,Experts Link Some Drugs to Teen Suicide (Reuters) +World,IG Metall union vows to stand strong in salary negotiations with VW (AFP) +Sports,Carolina WR Smith Undergoes Surgery (Reuters) +Sports,Sabres Re-Sign Forward Andrew Peters (AP) +Business,"McDonald's Raises Dividend, Shares Climb" +Business,"Hurricane, Oil Worries Pressure Stocks" +Sports,Carolina WR Smith Undergoes Surgery +World,Kerry Asks FEC for Recount Advice (AP) +World,Car Bomb Near Baghdad Police Headquarters Kills 47 +World,"Blair Fears Climate Change Disaster, Challenges US" +Sports,Jacques Villeneuve to test for Mild Seven Renault F1 Team at Silverstone +Sci/Tech,IETF deals Microsoft's e-mail proposal a setback +Sci/Tech,"Sun, Microsoft to Detail Interoperability" +Business,Sony Bags a Lion +Business,"Proxim, Symbol Settle Patent Dispute" +Business,Second-guessing the Fed +Business,S amp;P may cut Interpublic Group of Cos corp credit +Sci/Tech,Newly released LSB 2.0 gains powerful industry ally +Sci/Tech,Making It Easier To Manage Heterogeneous Desktop Systems +Sci/Tech,Volunteers sought for Mozilla preview push +Sci/Tech,McCartney Rumored Apple Board Member In quot;Mind Boggling quot; Beatles <b>...</b> +Sports,"Lightning, Andreychuk agree on 1-year deal" +World,Trail of tragedy in the Caribbean; Yucatan coast threatened +World,Labour peer says Blair considered quitting due to family pressures (Canadian Press) +Sports,Young Soccer Players Tackle Deadly Disease (AP) +Sports,Texas Rangers Reliever Charged with Assaulting Fan +World,U.S. Applauds Dalai Lama Group in China (AP) +Sports,Michael Jordan Morale Boost for U.S. Ryder Cup Team +World,Edwards Compares Bush to Enron's Lay (AP) +World,"Israeli Settler Pay Approved, Sharon Faces Threats" +World,"Blair Fears Climate Change Disaster, Challenges U.S." +World,N.Ireland's Sinn Fein Says Bugged by British +World,Where Is the Hurricane Going? +Sci/Tech,IBM Expands RFID Services for Manufacturers +Sports,NHL Owners Plan to Lock Out Players Tomorrow Without New Deal +World,Sudan: Thousands of IDPs Dying Every Month - WHO +World,Chechen charged over siege +Sci/Tech,IETF deals Microsoft #39;s e-mail proposal a setback +Sci/Tech,Firefox heats up +Sci/Tech,Briefly: SanDisk to supply Samsung with miniSD +Sci/Tech,ObjectWeb plans open source BPEL server +Sci/Tech,AudioFeast Launches Portable Internet Radio Service (NewsFactor) +World,Blurred Images Show Spain Explosion (AP) +World,Arab League Chief: Iraq Getting Tense (AP) +Sci/Tech,Nokia Signs Up for SD Memory Card (NewsFactor) +Sci/Tech,IBM Contributes Speech Recognition Software to Open Source (NewsFactor) +Sci/Tech,McAfee Launches Managed E-Mail Security Service (NewsFactor) +Sci/Tech,IBM Expands RFID Offerings (NewsFactor) +Business,Current Account Gap Weakens Dollar +Business,Nine Antidepressants Raise Suicide Concern -Panel +World,FEMA: Disasters in 2004 Ahead of Average (AP) +Sports,House Panel Tackles NCAA's Sanctions (AP) +Sports,Jets Rookie Coleman Comes Up Big in Opener (AP) +Sports,Jay Haas Back Where He Least Expected (AP) +Business,"Schwab settles with SEC for \$350,000" +Business,Vivendi Flashes V for Victory +Business,"Study: 400,000 IT jobs lost since 2001" +Business,Business Outspends Gov #39;t When It Comes To Info-Tech Services +Business,Atkins slims down in face of competition +Business,Lazarus-Macy #39;s to become Macy #39;s +Sci/Tech,Firefox Nears Final With Feature-Complete Preview +Sci/Tech,"IMlogic Launches Free IM, P2P Blocker" +Sports,Larsson on bench at Parkhead +Sports,Zee not to re-bid for cricket rights +Sports,Villeneuve to test for Renault +World,Peace talks on Sudan #39;s Darfur halted again +World,"20 Iraqis Killed, 29 Injured, in US Air Attack on Falluja Monday <b>...</b>" +World,Arab foreign ministers affirm Lebanon #39;s right to a free political <b>...</b> +Business,Oil Climbs as Hurricane Ivan Nears U.S. +Business,Oil Company Mergers Hurt Consumers-Group +Business,U.S. Trade Gap Reached Record in 2nd Quarter +Business,Vivendi Flashes V for Victory +Business,Inflation shows surprise fall +Business,"Charles Schwab fined \$350,000 in settlement with SEC" +Business,The Associated Press +Business,Airlines join the dots +Sci/Tech,Yahoo Plans To Acquire Musicmatch +Sci/Tech,IBM broadens suite of RFID services +Sci/Tech,Microsoft email #39;caller ID #39; questioned +Sci/Tech,SCIENCE IN THE NEWS +Sports,Camara to get nod up front +Sports,Dent wins opening-round match at China Open +Sports,Court battle threatens TV deal +Sports,Rix shows Seminoles need fixing +Sports,Judge holds Caminiti #39;s fate after drug test +Sports,LSU to use both QBs vs. Auburn +World,US Modifies Call for UN Sanctions Against Sudan +Business,"Saudis Pledge 800,000 Barrels Per Day of New Oil" +Business,"UPDATE 3-Allied Waste again cuts forecast, shares drop" +Sci/Tech,Brazil is world 'hacking capital' +Sports,LSU to stick with 2-quarterback system for now +Sci/Tech,Software Pirate Gets Jail Time (PC World) +Business,"Stocks Flat; Oil, Hurricane Cause Concern" +World,"Israeli Settler Pay Approved, Sharon Faces Threats" +Sci/Tech,Force10 aims to blow Ethernet rivals away +Sci/Tech,Net service will cater to camera phone users +World,Mayor Recommits to Ambitious Recycling Pact +World,Usher Leads American Music Award Nods +Sci/Tech,Software Pirate Gets Jail Time +Sci/Tech,IETF Reportedly Rejects Sender ID +Sci/Tech,Firefox Pre-Preview Release Available for Testing +World,IAEA does not intend to adopt tough approach toward Iran +World,Turkish FM Says Turkey Has Met EU Political Criteria +Sci/Tech,Microsoft Issues Patch; E-Mail ID Plan Rejected +Sci/Tech,Study: 400K Fewer Tech Jobs Since 2001 +Business,Market does not need more oil: Iranian minister +Business,US Airways warns on pensions +Business,Tech cos. unveil options-expensing plan +Sci/Tech,Yahoo #39;s long and winding music road +Sci/Tech,Mozilla ignites Firefox 1.0 PR +Sports,Argentina coach Bielsa resigns +World,Blair may have considered quitting says ally +Sci/Tech,New phones put world in palm of the hand +Sci/Tech,Microsoft Issues Patch; E-Mail ID Plan Rejected (Reuters) +Sports,Sportsview: Chargers Are Surprise Winners (AP) +World,N. Korea Accused of Trying to Delay Talks (AP) +Business,Stocks End Flat; Internet Shares Rise +Sports,Oakland Hills Praised for Its Fair Ryder Cup Set-Up +World,Niche Publications Capture White House Contenders (Reuters) +World,House Hopes to Quell Frivolous Suits (AP) +Sports,Texas Pitcher Arrested After Throwing Chair Into Stands +Business,Kremlin Move Could Open Up Gas Industry +World,Stocks Rise Despite Retail Sales Report +World,FDA Eyes Rules on Child Anti-Depressants +Sci/Tech,Yahoo buys MusicMatch for \$160 million +Sci/Tech,Sony To Begin Mass Production of Full-Color OLED Displays +Sci/Tech,SCO Files for Stay of Execution +Sci/Tech,Will Beatles Take a Bite out of Apple? +Sports,Former F1 driver Jacques Villeneuve to test drive for Renault +Sports,Bonds looks to join 700-home run club tonight +Sports,Montreal vs. Florida +World,At Least 70 Killed in Iraq Attacks +World,N.Ireland #39;s Sinn Fein Says Bugged by British +World,Iraq Seeks Troops to Protect UN Staff +Sci/Tech,"Briefly: Think local, act Google" +Sci/Tech,Major graphics flaw threatens Windows PCs +Business,PayPal to fine for vice +Sci/Tech,"Microsoft release patch to fix security flaw in Windows, Office" +Sci/Tech,Nokia Signs Up for SD Memory Card +Sci/Tech,Sony Begins Mass Production of OLED Displays +Sci/Tech,Detect and Block IM for Free +Sports,Argentina coach Bielsa resigns +Sports,Former Celtic striker Larsson on Barcelona bench +Sports,Dreaded day finally arrives: NHL to trigger lockout Wednesday at <b>...</b> +Sports,"Proven Brodeur, promising Kiprusoff battle at hockey World Cup" +World,Mystery blast in Baghdad +World,Doubt over North Korean blast +World,"After global outcry, government drops plans to criminalize <b>...</b>" +World,New bird flu outbreaks in Malaysia +Business,Yahoo to Buy Musicmatch for #36;160 Million (Reuters) +Business,Yahoo to Buy Musicmatch for \$160 Million +Sci/Tech,Now Boarding: Zero G Flights for the Public (SPACE.com) +Sports,House Panel Tackles NCAA's Sanctions +Sports,Storm Cat Colt Fetches \$8 Million +Business,"Allied Waste cuts forecast, again" +Business,ABB won #39;t close Guelph transformer plant +Sci/Tech,Major graphics flaw threatens Windows PCs +World,U.S. Revises UN Draft on Sudan in Quest of Votes (Reuters) +Sci/Tech,Microsoft Eyes Video for Business IM (PC World) +Sports,Marlins Homer Way Past Expos 8-6 (AP) +Business,Oracle 1Q Earnings Rise 16 Percent +Business,Markets Cheer Lifting of Gazprom Ring Fence +Business,IMF Voices #39;Some Concern #39; Over Legal Assault on Yukos +Sports,NHL Lockout a Virtual Certainty Thursday (AP) +Business,Oracle Quarterly Net Income Rises 16 Pct +Sports,Tiger Woods Feels the Pressure at Oakland Hills +Business,Stocks End Barely Higher +Business,OPEC Ponders Modest Rise in Oil Quotas +Business,Dollar Weaker; Current Account Gap Weighs +Sports,Rockies Terminate Neagle's Contract +World,Powell Says Darfur No Safer After Genocide Label +World,New cracks in nuclear containment +World,"Always in hiding, an Iraqi interpreter's anguished life" +World,Abductions in Iraq a big business +World,Football: Argentina coach resigns +Sci/Tech,IETF deals setback to Microsoft antispam effort +Sci/Tech,Linux Standard Base Gathers Vendor Support +Sci/Tech,Worm Seeks Out Network Passwords +Sci/Tech,CA Responsive On Storage Management +Sci/Tech,CMU #39;s computer science school receives \$20 million gift from Gates +Sports,Cordero: Fan was quot;way out of control quot; +Sports,=== Louisville-Tulane game postponed due to Hurricane Ivan === +Sports,"Marlins 8, Expos 6" +Sports,Zee TV to take legal recourse +Sports,Adriano double gives Inter 2-0 win over ten-man Bremen +World,Insurgents Target Iraqi Police; 59 Dead +World,Indonesia says tourism unaffected by Australian embassy bomb blast <b>...</b> +World,Iraqi President says polls should go ahead +World,"L.A., Washington Hotel Workers Strike" +World,Insurgents Target Iraqi Police; 59 Dead +Business,Oracle quarterly profit rises on software demand +Business,Officials Can #39;t Say Nukes Safe From Terror +Business,Sony To Acquire Hollywood Studio For \$3Bn +Business,Oracle shows sales and earnings growth in Q1 +Sci/Tech,A Game Boy for \$200? +Sci/Tech,Hackers Plot Denial-of-Service Attack Against Symantec +Sports,Larsson goal caps return to Celtic as Barca win 3-1 +Sports,Argentina #39;s #39;mad man #39; quits +Sports,Hurricane postpones Louisville-Tulane game until December +World,Iraq Appeals for International Troops Before January Elections +Sci/Tech,Microsoft issues patch for 'critical' JPEG-handling flaw +Sci/Tech,SMASH protocol a hit at Enterprise Management World +Sci/Tech,Boston's Beth Israel to pilot PanGo's asset tracking technology +Sci/Tech,IETF deals setback to Microsoft antispam effort +Sci/Tech,"German software pirate, and his father get jail time" +Sci/Tech,Maximizing your notebook's battery power +Sci/Tech,Proxim settles patent lawsuit with Symbol +Sci/Tech,IBM broadens suite of RFID services +Sci/Tech,"Sun, Microsoft to detail interoperability next month" +Sci/Tech,Sun trims fourth-quarter earnings by \$12M +Sci/Tech,"Xerox updates doc software, signs up HSBC and Boeing" +Business,Senator faults 4 pilots for US Airways bankruptcy +Business,"McDonald #39;s Raises Dividend, Shares Climb" +Sci/Tech,Microsoft issues patch for #39;critical #39; JPEG-handling flaw +Sports,Bielsa steps down despite strong summer +Sports,UPDATE 1-Vicente inspires Valencia win over Anderlecht +Sports,Eagles bring back Levens; place Andrews on IR +World,"Latest Violence in Iraq Leaves Scores Dead, Many Without Power" +World,15 Killed In US Strike On Iraqi Hotspot Of Fallujah +Sci/Tech,Firefox 1.0 Available Today +Sci/Tech,AOL Making Portal and Search Engine Changes +Sports,Mets Manager Meets With Team Brass (AP) +World,Pilots Reach Accord With Alitalia (AP) +Sports,Maryland Wary of No. 7 West Virginia (AP) +Business,Oracle Quarterly Net Income Rises 16 Pct +World,Parties Spar in Congress on Medicare Increase (Reuters) +World,House OKs Fines for Lawyers for Meritless Suits (Reuters) +Sci/Tech,Xserve G5 Supercluster +Sci/Tech,Regulators promise 'light touch' on BPL +Business,Argentina loan program delay #39;unadvisable #39;-bankers +Business,Deutsche executives retreat to ready a new strategy +Sci/Tech,Problem with the Way Microsoft Opens JPEG Files Affects Dozens of <b>...</b> +Sci/Tech,"BellSouth Uses New Cisco Routers to Reach SMBs, Branches" +Sports,Mourinho #39;s Chelsea off to a flyer as champions Porto draw +Sports,Villeneuve to test drive for Renault +World,Palace interlopers are released on bail +World,British envoy for Korean blast site +World,US allows Iraqis back to Tal Afar homes +World,"Ankara, chastened, steps away from adultery law" +World,Arab League avoids stand on UN in Lebanon +World,"Terrorism, Debt Loom Over Australia Election" +World,Celtic crash to first ever home Champions League defeat (AFP) +Sports,Chelsea Impressive in Opening Match (AP) +World,"South African Films Offer Love, Comedy in Toronto (Reuters)" +World,Probe Recommends Against Overseas Census (AP) +Sci/Tech,Blair Warns of Climate Change's Threat (AP) +Business,U.S. Treasury Prices End Higher +Sports,Chelsea Beats Paris St. Germain in Champions League +Business,Mugabe to seek mining shares +World,Panel Urges Strong Warning on Antidepressants for Children +Business,Xilinx Expects Revenue Shortfall +Business,Federated rebranding stores to Macy #39;s +Sci/Tech,Internet stocks nudge techs higher +Sports,"ABC Sports, for Insider" +Sports,Terps have reason to be wary of No. 7 West Virginia +Sports,"Zee rejects plan for fresh bids, demands rights for \$260m" +Sports,Indy 500 changes aimed at regaining interest +World,At least 59 die in co-ordinated rebel attacks on Iraqi police +Sci/Tech,PM gives dire warning on climate +Sports,Selig Has Surgery for Skin Cancer (AP) +Sci/Tech,Samba servers vulnerable to denial-of-service attacks +Sci/Tech,The new Game Boy for \$200? +Sci/Tech,Brief: Oracle profit rises on software demand in Q1 +Sci/Tech,Microsoft Warns of Critical JPEG Flaw +Sports,Ledee could fit on bench for Dodgers +Sports,"""Monday Night Football"" Ratings Down (AP)" +Sci/Tech,Microsoft Warns of Critical JPEG Flaw (PC World) +Sci/Tech,Microsoft Release Patch to Fix Flaws (AP) +World,Cheney Blasts Kerry for Dean Comments (AP) +Sci/Tech,"Weightless Trip to Nowhere Yields Thrills, Nausea (Reuters)" +Business,Former Broker Admits Cheating Clients +Business,Chavez approves phone firm +World,PM gives dire warning on climate +World,Oracle's Earnings Top Expectations +Business,UPDATE 1-Celestica cuts 3rd qtr forecasts as orders drop +Business,Allied Waste shares fall as company again lowers outlook +Sci/Tech,Part of the ECT News Network +Sports,Coker pleased players didn #39;t quit +Sports,"National League Game Summary - Atlanta at New York, Game Two" +World,Australia Still Looking for 27 Citizens in Iraq After Threat +Sci/Tech,Oracle's Earnings Top Expectations by Penny +Sci/Tech,The Milky Way Above La Silla +Sci/Tech,Oracle sales rise on database demand +Sports,California coach gets new contract +Sci/Tech,Philadelphia Expands Free Wireless Web Access Zone (Reuters) +Business,Oprah Car Giveaway Generates Buzz for GM +Business,Broker Pleads Guilty to Cheating Clients +Business,Update 1: Bond Prices Edge Higher at Close of Day +Business,LAZARUS MACY #39;S +Sci/Tech,Microsoft Warns of Critical JPEG Flaw +Sci/Tech,IBM expands RFID services for manufacturers +Sci/Tech,Xerox #39;s Mulcahy: We #39;re Moving Beyond Documents +Sci/Tech,Apple Computer face further payout to Beatles #39; company +Sci/Tech,Philadelphia Expands Free Wireless Web Access Zone +Sports,Dent rains down the aces on a day of wet weather +Sports,"NY Yankees at Kansas City, 2:10 PM" +Sports,"NY Mets at Atlanta, 1:05 PM" +World,Hurricane Ivan set to bring giant seas to Gulf of Mexico +World,Secret Photos #39;Helped Plan Batman #39;s Palace Protest #39; +World,"Israeli settler pay approved, Sharon faces threats" +World,Talks on Tibet +Business,How Much Hollywood For Comcast? +Business,Celestica lowers Q3 guidance; shares slump after hours +Business,"Alitalia, Pilots Agree to New Contract, Reduce Pay (Update5)" +Business,US lawmakers urge SEC action on credit raters +Sports,Sri Lanka defeats Zimbabwe +Sports,Vikings add depth in secondary; ink Shaw and Brown +World,"Arab Leaders Acquiesce Over Syria, Lebanon (AP)" +Sci/Tech,European TV Shopping Seen Doubling by 2008 (Reuters) +Sports,"Thirty-five earn TOUR cards, Davis wins medal at Q-school" +Sports,Marlins Homer Way Past Expos +Sci/Tech,Children's Antidepressants Must Have Warning Labels +Sci/Tech,Gambling Linked to Good Health in Seniors +Sci/Tech,Study Shows Weightlifters Don't Lift Enough +Sci/Tech,Flu Is Sending More and More People to Hospital +Sci/Tech,HP girds for grid storage campaign +Sci/Tech,Theme park takes visitors to RFID-land +Business,Job Woes Plague High Tech +Business,Oracle sales rise on database demand +Business,"Microsoft, Polycom Team on Conferencing" +Sports,Golf: US captain taunts win-hungry Tiger about Ryder Cup struggles +World,Powell says blast consistent with North Koreas explanation +Sci/Tech,Sun exec: Community brings innovation to Java +Sci/Tech,"JPEG handling flaw threatens PCs, Microsoft warns" +Sci/Tech,Super-Secure Quantum Network Warns of Data Danger +Sci/Tech,Jordan Strives to Become Global Tech Leader +Sports,Editorial: Baseball should come down hard on stadium violence +Sports,Sri Lanka made an unimpressive entry into ICC Champions Trophy +World,47 die in bomb attack on Iraqi police building +World,Iceland's Leader Takes New Job (AP) +Sports,Waiting Game Almost Over at Oakland Hills +World,Oracle's Earnings Just Top Expectations +World,CIA Nominee Promises to Shed Partisanship +Business,Schwab pays fine to settle allegations of improper trades +Business,Homeowners told house prices could fall by 30 +Sports,Langer expects #39;the worst #39; +Sports,Drogba silences French boos with a double hit +Sports,F1 move to clear track debris +Sports,Red Wings re-sign Yzerman to 1-year deal +World,UN still cant rule out Iran N-plan +World,ADAMS #39; BUG GIFT FOR BLAIR +Sports,Middlesbrough beat Man. City to narrow gap with top four +Business,Oracle sees profits surge 16 +Sci/Tech,Sony unveils PDA with next-generation organic EL display +Sports,Patience is a virtue for Wenger +World,EUROPE AND US CLASH OVER IRAN +Business,Asset Sales Seen of Limited Use to US Air +World,U.S. to Rejoin Coffee Trade Regulators (AP) +World,Supreme Court Bars Anti-Abortion Group Ad (AP) +Business,Tokyo Stocks Seen Steady After Gains +Business,"Lockheed, GD Win U.S. Army Contract" +World,U.S. Study Says a Nuclear Iran Would Aid More Terror +World,Deadlock over Axum obelisk +World,Hunting ban to be debated by MPs +Sci/Tech,SHOPTLAK: A Phrase That Heals All Wounds (AdWeek.com) +World,Romanow says a health deal without accountability would be a huge mistake (Canadian Press) +Business,Tokyo Stocks Open Lower on Profit Grab +Business,OPEC plans to discuss raising its output ceiling +Business,Former Enron pension plan participants to finally receive benefits +Sci/Tech,10 Gigabit Ethernet Hits the Enterprise +Sci/Tech,Techician pleads guilty in ID theft case +Sci/Tech,UK scientists help astronomers capture #39;galactic ballet #39; 300m <b>...</b> +Sports,"Chelsea impresses in opening Champions League match, downs PSG 3-0" +Sports,Dent moves past Aussie in China Open +Sports,Red Wings re-sign Yzerman +Sports,Bonds should get his chance in Milwaukee +Sports,Giambi returns to Yankees #39; lineup +World,Cross-Atlantic rift reemerges over Iran +World,Al Fayed Vows to See Diana Crash Photographers Convicted +World,Anwar awaits key court decision +Business,Hurricane onslaught may blow hole in US economy +Business,Oracle Income Grows on Database Software Sales +Business,Citigroup apology on bond deals +Sci/Tech,SD in the cards for Nokia +World,US Study Says a Nuclear Iran Would Aid More Terror +World,Two sides to Indonesian election +Business,Oracle #39;s earnings top expectations by penny +Sci/Tech,Standards Group Rejects Microsoft #39;s E-Mail Authentication Plan +Sports,O #39;Grady third in stage +Sports,Bonds Should Get Shot at 700 in Milwaukee (AP) +World,Putin Tactics Unlikely to Stem Terrorism (AP) +Sci/Tech,LotR: The Battle for Middle-Eart +Sports,Giambi Returns to Yankees' Lineup (AP) +World,Tropical Storm Jeanne Forms in Atlantic (AP) +Sci/Tech,Game warnings #39;should be clearer #39; +Sports,Bryant's Attorneys Ask Judge for Limits (AP) +Business,Thousands in asbestos rally +Business,Russian stocks grow on PM #39;s proposals +Business,SunTrust reportedly will close 60 branches after merger +Business,Trade group president blasts hedge funds #39; role in scandal +Business,China Construction Valued at 194 Bln Yuan on Revamp (Update2) +Sci/Tech,Yahoo! Buys Musicmatch To Bolster Online Music Offerings +Sci/Tech,Microsoft Issues Patch; E-Mail ID Plan Rejected +Sci/Tech,12:36 pm: Computer technician pleads guilty to conspiracy for <b>...</b> +Sports,Soccer / Champions League - Clinical Chelsea axes PSG +Sports,"San Francisco at Milwaukee, 1:05 PM" +Sports,Giambi Returns To Yankees #39; Lineup +World,50 killed in blast at Baghdad police station +World,US-Turkish Relations Strained +World,East Timor gas talks to end soon +Sci/Tech,Oracle shows sales and earnings growth +Sci/Tech,LogicLibrary buys BugScan +Business,Todays Opec wields oil power with care +Business,Oracle Quarterly Income Rises 16 Percent (Reuters) +World,U.S. softens oil sanctions threat against Sudan in revised UN resolution (Canadian Press) +Business,Some Firms Avoid Dent From Scandal (Investor's Business Daily) +World,"Large, N.B. paper mill closes doors, putting at least 400 people out of work (Canadian Press)" +Business,Oracle Quarterly Income Rises 16 Percent +World,Highlights From Tuesday's Primaries (AP) +Sports,"Rattay, Barlow Questionable for 49ers (AP)" +Business,Production Quota Hike Opposed by OPEC Ministers +Business,Inflation rate rises for fourth month in a row +Business,"We #39;re sorry, Citigroup tells staff" +Sci/Tech,Thousands of pictures worth one word: Organization +Sports,Ryder-Waiting game almost over at Oakland Hills +Sports,Villeneuve May Drive for Renault F-1 Team in Final Three Races +Sports,Minnesota Wild re-sign defenceman Nick Schultz to one-year deal +World,Killer Ivan enters Gulf of Mexico +Sci/Tech,News: Microsoft warns of poisoned picture peril +World,Militants May Attack Iraq Universities (AP) +World,Judge OKs Rights Suit Against Unocal (AP) +World,Ottawa rejects premiers' demand for #36;36.5 billion in new health cash (Canadian Press) +Sports,Grimes to Face Weworski in Amateur Final (AP) +World,Bush Spending Little Time at White House (AP) +World,Kerry Vows to Ease Seniors' Health Costs (AP) +World,"Debates Panel Seeks Bush, Kerry Response (AP)" +Business,Oracle seeks sales gain by wooing clients +Business,Citigroup memo apologised for bond trades +Business,Retail Sales Down; Trade Gap Larger +Business,Manpower survey: Hiring prospects look good but slowing +Sci/Tech,New XP patch issued +World,Israeli cabinet approves payouts for Gaza settlers +World,Turkey abandons plan for adultery to become a crime +Business,Brussels unveils plan to free-up market for car parts +Sports,Bielsa Quits as Argentina Soccer Coach Weeks After Olympic Gold +Sports,Federer can win all four: Laver +World,"270,000 for settlers to quit Gaza Strip" +Sci/Tech,Oracle's Earnings Just Top Expectations (AP) +World,Lawmakers to Get Federal Pay Raise (AP) +Business,Tokyo Stocks Dip on Profit-Taking +World,Child healthcare goals to be set +World,Panel Urges Child Antidepressants Warning +Business,Opec #39;s delicate balancing act +Business,"Canon, Toshiba to sell flat-panel TVs" +Business,"Wagoner: GM looking to cut costs, but nothing drastic on tap" +Sci/Tech,Yahoo! plays catch-up as it buys music download service +Sci/Tech,Microsoft warns of poisoned picture peril +Sci/Tech,Software Tackles Digital Photo Proliferation +Sports,"Langer, Sutton adjust to new Ryder Cup roles" +Sports,Bielsa quits Argentine coaching post +Sports,Wild re-sign D Schultz +Sports,"Blue Jackets re-signs G Denis, RW Vyborny" +World,"North Korea May Delay Nuclear Talks, US, UK Officials Say" +Sports,Anderson Going Back to the Titans +Sports,49ers Give Donahue Contract Extension +Sports,Vikings Add Depth in Secondary; Ink Shaw and Brown +Business,Crude prices rise as Ivan halts production in Gulf of Mexico +Business,Vivendi Universal #39;s losses treble +Business,EC takes on carmakers over parts +Business,"McDonald #39;s raises dividend 38pc, shares climb" +Business,850 jobs hit as chiropody and dentistry are axed +Sci/Tech,Yahoo! expands in online music +World,Napier man in Caribbean as violent storms hit +World,US eases Sudan sanctions threat +Sci/Tech,Yahoo Buys Online Jukebox Musicmatch (AP) +Sports,Canada Nips Finland 3-2 in World Cup Final (AP) +Sci/Tech,Belkin Designs PC-Less Video Extender (Ziff Davis) +Business,Founder's Son Resigns from Robert Mondavi +Business,Snow Says China Trade Gap Too Big +Business,Marchers demand James Hardie funds +Sci/Tech,Novell announces Open Enterprise Server +Sci/Tech,Handset big five work together to drive mobile broadcast services +Sports,Doan Goal Lifts Canada to World Cup Glory +Sports,Marlins belt three homers en route to 8-6 victory over Expos +World,Europe sets deadline for Iran to respond to nuclear concern +World,This is a job for Batman! +World,Sharon death threats investigated +Sci/Tech,The boob tube on your smartphone +Sports,Anderson going back to the Titans +World,Japan executes child killer +Sports,Devil Rays Cool Off Red Sox 5-2 (AP) +World,Koizumi Visits Brazil's Expatriate Haven (AP) +World,Australia sends rescue team to Iraq amid confusion over hostage claims (AFP) +Sci/Tech,"Blair Fears Climate Change Disaster, Challenges U.S. (Reuters)" +Business,Nikkei Eases by Midday; Techs Wilt +Business,"Studio Mogul Kerkorian And MGM, Off Again" +Business,Federal Pension Agency Seeks More Power +Business,Regulation of Credit Rating Examined +Business,Privacy Complaint Against Airline Dismissed +Business,U.S. Plans to Divert Iraq Money +Business,Hotel Talks Show Mixed Progress +Business,Claim Against AmeriDebt Advances IRS Crackdown +Business,Stores' Closure Jilts Brides +Sports,Pierce Is Rare Mix +Sports,Canada Beats Finland in World Cup +Sports,Cup of Civility on Menu +Sports,Preparing for Ivan +Sports,Plenty of Tickets Remain +Business,Yahoo to Buy Online Music Seller for \$160 Million +Business,Record Deficit for a Crucial Trade Figure +Business,OPEC to Put Formal Lifting of Output on the Table +World,Senate Wants Intel Chief With Budget Say +Business,New Scrutiny for Airline Bailout Plan Three Years After Sept. 11 +Business,Opec resists raising output quota +Business,Deal key to opening energy sector to foreign investment +Sci/Tech,Linux Standard Base Takes on Industry Fragmentation +Sci/Tech,Yahoo to Buy Online Music Seller for \$160 Million +Sports,"It May Not Be Red Sox-Yankees, but Ryder Cup Rivalry Is Real" +World, #39;Gates of hell #39; in Iraq as 75 die +Business,Database Success Helps Oracle Increase Profit +Business,No Systematic #39;Late Trading #39; Found +Sports,BASEBALL ROUNDUP Marlins Make Most Of Playing In Chicago +Sports,Bonds Blast Would Make Milwaukee Famous +World,World Briefings +Sci/Tech,Amazon to Take Searches on Web to a New Depth +Sci/Tech,Database Demand Gives Oracle 16 Profit Rise +Sports,Reds Hold on to Beat Phillies 7-6 (AP) +World,House Backs Bush on Mexican ID Cards (Reuters) +Sports,"It May Not Be Red Sox-Yankees, but Ryder Cup Rivalry Is Real" +World,China Party Chief Rules Out Multi-Party Democracy +World,Film on cat killers draws protest +World,"Death Rates in Darfur Rising, WHO Says" +Sci/Tech,Oracle Won't Predict PeopleSoft Acquisition +Sci/Tech,Privacy Complaint Dismissed +Sci/Tech,Md. Voting Machine Custody Debated +Sports,Yanks Widen Lead Over BoSox to Four Games (AP) +World,"China's communist elite to mull ""party building"" at plenary session (AFP)" +Sci/Tech,Oracle Won't Predict PeopleSoft Acquisition (washingtonpost.com) +Business,Hurricane Pushes U.S. Oil Toward \$45 +Business,"Nikkei Falls by Midday, Techs Down" +Sports,Doan Goal Lifts Canada to World Cup Glory +Sports,Canada's Cup Victory May End Up Half Empty +Business,Oracle Won #39;t Predict PeopleSoft Acquisition +Business,Judge Won #39;t Dismiss Myanmar Suit Against Unocal +Sports,"Barcelona, Milan lead Group F with first round victories" +Sports,Royals rip Yankees for 17-8 win +Sports,"Devil Rays 5, Red Sox 2" +World,Critics Say Putin Must Address Security Corruption +Business,Shell opens door to links with Gazprom +Business,CCB picks founding shareholders ahead of IPO +Sports,"METS 7, BRAVES 0 Benson Gets 4-Hit Shutout" +Sports,Bonds Still Shy of 700 +Sports,Mussina Stymies Royals +Sci/Tech,Sniffing worm snoops network PCs +Sports,Mourinho praise for Chelsea +Sports,"Astros 7, Cardinals 5" +World,Australia says no to talks amid kidnapping claims +Business,Delta Pilots Tell Negotiators to Get Pact +Business,Strong C\$ cuts Aber Diamond Q3 net to US\$8.5M; dividend and <b>...</b> +Business,U.S. to Push for More Forex Flexibility +Sports,"His Sweet Spot Gone Sour, Sosa Takes a Dose of Boos" +World,Malaysia's Anwar Loses Bid to Lift Political Ban +World,Bleak Prognosis by C.I.A. Nominee +Business,"U.S. Oil Eyes #36;45, Hurricane Shuts Output (Reuters)" +Business,Hurricane Pushes U.S. Oil Toward #36;45 (Reuters) +Sports,"AL Wrap: Devil Rays Humble Red Sox, Yankees Triumph (Reuters)" +Sports,"Fish, Spadea Win in Delray Beach (AP)" +Sports,NL Wrap: Bonds Denied Home-Run Milestone in Giants Win +Business,SABMiller Venture to Buy Lion Nathan #39;s China Brewers (Update1) +Business,Jos. A. Bank Settles Probe Of Sales Ads +Sports,National League Game Summary - Houston at St. Louis +World,Court upholds Anwar political ban +World,Tal Afar civilians return home after nearly two-week assault +Sports,Preparing for Playoffs +World,A Blackbird's Song +World,Sick of Avian Flu +World,Dangerous Commission +Business,Jury rules Sept. 11 attacks were 2 events +Business,Vivendi says it has turned the corner despite net loss +Sports,Tuesday #39;s AL Capsules +Business,Russian authorities plan to merge gas and oil producers +Business,Leather industry under threat +Sports,"AL Wrap: Devil Rays Humble Red Sox, Yankees Triumph" +World,Action in Sudan is needed now +World,Cannonball Run road rally thwarted (Reuters) +Sports,Mussina Shows a Sparkle the Yankees Will Need +Sci/Tech,Swiss Army Knife Meets the Kitchen Sink +Business,OPEC and Ivan Bring Pressure on Oil Prices +Business,Lion Nathan sells up Chinese operation +Business,Judge OKs Human Rights Suit Against Unocal +Sci/Tech,Yahoo! and Musicmatch: A Hot Duet? +Sports,Henry puts Arsenal on road to victory +Sports,SI.com +World,Israeli Troops Kill 5 in West Bank Clashes-Witnesses +World,Palace steps up security as Batman walks +World,EU Forces Turkey to Backtrack on Adultery +Sci/Tech,Linux Standard Base Takes on Industry Fragmentation (Ziff Davis) +World,9/11 Widows Group to Endorse Kerry (AP) +Sports,SI.com +World,Jiang-Hu tussle ahead of China #39;s Communist Party plenum +Business,Thousands rally against James Hardie +Sci/Tech,Yahoo! buys MusicMatch for \$160M +Sports,Gentlemanly competition has potential to get out of hand +Sports,Rijkaard lauds Larsson +Sports,Canadian gold rush: Thornton key to downing Finland +World,SEEKING ANSWERS: Japan plans Sept. 29-30 abduction talks +World,French Court Confirms Diana Paparazzi Acquittal +World,"Malaysia high court upholds Anwar's corruption conviction, thwarting comeback (Canadian Press)" +World,Malaysia's Anwar Loses Bid to Lift Political Ban +Business,US dollar sinks to new lows +Business,Vivendi posts big losses +Business,Databases to the Rescue at Oracle +Sci/Tech,"IBM, LG Electronics Put Brakes On Joint Venture" +Sports,Larsson helps Barca to victory against Celtic +World,Discontent in China boils into public protest +Sports,NL Wrap: Bonds Denied Home-Run Milestone in Giants Win (Reuters) +Sports,Tiger Put to the Ryder Cup Challenge (AP) +Business,Viv Uni unfazed by \$2.2 bil loss +Business,Oracle #39;s Earnings Just Top Expectations +Business,SABMiller venture buys Lion Nathan #39;s China interest for US\$154m +Business,Toyota takes Prius hybrid to China +Business,C4 Systems wins contract +Business,Hiring slump continues for many in high-tech +Business,Allied Waste cuts forecast +Business,Amazon to Take Searches on Web to a New Depth +Sci/Tech,Sony starts mass producing OLED displays +Sci/Tech,"Bills for Domestic Programs, Disaster Relief Get Support" +Sci/Tech,Internet is caught in its own web +Sports,Underdog role gives Europeans motivational edge +Sports,Canada is World Cup champion +Sports,Mussina pitches Yanks by Royals +Sports,Astros escape with victory +Sports,Twins put up nine-spot in sixth +Sports,Comets remain in playoff race +World,"Facing UN resistance, US drops call for oil embargo" +World,Suicide bomber kills 47 in Baghdad +World,Police probe death threats against Sharon +World,Bird flu jumps outside quarantine zone in Malaysia for 1st time +World,China Party Chief Rules Out Multi-Party Democracy +Business,Delta Pilots Tell Negotiators to Get Pact +Business,Dollar Stalls as Focus Shifts to Fed +Business,Alitalia and pilots agree on new contracts +Business,"Oracle beats forecast by penny, stock up" +Business,Toyota to make Prius hybrid cars in China +Sports,"Howe to Mets: If I #39;m out, fire me now" +World,Sinn Fein accuses Government of bugging +Business,Saudi Violence Pushes Oil Prices Higher +World,Senate Wants Intel Chief With Budget Say (AP) +World,US to change Iraq funding focus +Business,Retail Sales Down in August +Sports,Argentina coach Bielsa resigns +Sports,Special to ESPN.com +Sports,Kazmir Shocks Red Sox With 9 Strikeouts +Sports,"GAME DAY RECAP Tuesday, September 14" +Sports,Mariners Edge Angels 3-2 (AP) +World,Zimbabwe Turns Back Clock After Turmoil (AP) +World,North Korea Looks to Delay Nuclear Talks (AP) +World,Senate Wants Intel Chief With Budget Say +Business,"Canon, Toshiba team up on flat screen SEDs" +Business,"20,000 rally against Hardie" +Business,Lion Nathan to sell Chinese business +Sci/Tech,New Windows Flaw Targets JPEG Images +Sci/Tech,Novell Comes Out Swinging Against Microsoft with Linux +World,SF #39;bringing bug device to talks #39; +Sci/Tech,"Flaws threaten Windows, Linux PCs" +Business,HBOS decides not to bid for Abbey +Business,"Court May Decide Fate Of NZ #39;s Vector Float, NGC Bid" +Sci/Tech,Trash Your Xerox +Sports,Mourinho hands Chelsea #39;s Drogba a day off +Sports,SportsNetwork Game Preview +Sports,Dodgers Defeat Padres 6-3 (AP) +World,Kerry Targets Bush Economic Policy as 'Fiscal Mess' (Reuters) +World,S.Korean Spies Say Building Work Behind North Blast +Business,Four executed in China for fraud +World,Delhi and Dhaka in critical talks +Sci/Tech,Tokyo Edge: The Latest in Home Theater +Business,HBOS won #39;t bid for Abbey National +Business,Daewoo Heavy Wins \$51 Mil. Order +Sci/Tech,Linux Standard Base Launched +Sci/Tech,More flaws found in Microsoft Windows +Sports,"Still plenty, way too many, good seats available for Bonds" +Sports,Villeneuve to race Renault +Sports,Sox suffer setback: Tampa rookie Kazmir shuts down Boston +Sports,"Howe Talks Job Security With Mets Owner, GM" +World,"US, Europe Differ on How to Rebuke Iran" +World,Anwar Ibrahim to seek royal pardon +World,Deadline passes with no word on Australian hostages in Iraq +World,"9 killed in clashes between Pakistani forces, militants" +Sci/Tech,Signs Point to Hurricane's Retaining Strength +Sci/Tech,New Priorities in Environment +World,"Six killed in Kashmir violence, police break up protests (AFP)" +World,China Party Chief Rules Out Democracy +World,Cannabis may help combat cancer +Business,Lion sells China breweries +Business,"The Homer, by Powell Motors" +Business,Software tackles digital photo proliferation +Sci/Tech,Nokia overcomes SD Card phobia +Sci/Tech,Apple could pay more to Apple +Sci/Tech,Singapore outsources to HP +Sports,"Tennis: Spadea, Fish advance but three other seeds fall" +Sports,UNDATED: points each. +World,Photographers in Princess Di Case Absolved +Sci/Tech,Xerox wants to move away from Xeroxing +Sports,The United States is favored to win the Ryder Cup +World,Israel Offers Cash to Jewish Settlers +World,Britain slips down education league table +Sci/Tech,Tokyo Edge: The Latest in Home Theater (PC World) +Sports,Rangers Defeat Athletics 12-9 (AP) +World,Marion Barry Victorious in Comeback Bid (AP) +Business,"OPEC wrestles over output increase as hurricane, Iraq attacks lift <b>...</b>" +Business,HBOS won #39;t bid for Abbey National +Business,Amvescap cuts interim dividend by half +Business,Boston-area tech jobs decline +Sci/Tech,Three Rivals To Release Networking Devices That Target Convergence <b>...</b> +Sports,"Before hiatus, Canada wins" +Sports,"Madritsch, M #39;s deflate Angels; Ichiro up to 232" +Sports,Giambis ecstatic to be in Yanks starting lineup +Sports,Villeneuve test could lead to F-1 ride with Renault +Sports,Special to ESPN.com +Sports,Herd #39;s Pruett apologizes for #39;Mandingos #39; remark +World,Turkey Backs Off Plan to Outlaw Adultery +Sci/Tech,Blurry Image Might Be First Picture of Exoplanet (Reuters) +Sci/Tech,Dutch Find Greater Threat to Humans from Bird Flu (Reuters) +World,Russia Rejects U.S. Criticism of Planned Reforms +World,Israel Kills 5 Palestinian Militants in W.Bank Raid +World,Opec considers fresh output rise +Sports,Rays are spoilsports +Sports,Freezing point is near +Sports,No winners in blame game +Sports,Obstacles? Sutton keeps on truckin' +Sports,Orlovsky does his level best +Sports,Mussina muzzles Royals +Sports,Minor leaguers to be honored +World,"Probe can't rule out Iran atomic bomb plan, UN watchdog says" +Sports,Not all sweet for Lou +Sports,"McKenzie, Packers ready to talk" +Sports,Thornton has big assist in finishing the Finns +Sports,BC gives Skinner 2-year extension +Sports,No airing of the pairings +Sports,Mild Seven Renault F1 Team and Jarno Trulli announce early separation +World,The Chechen's Story: From Unrivaled Guerrilla Leader to the Terror of Russia +Business,LVMH profits rise on retail revival +Business,Magellan assets fall \$496m in August +Sci/Tech,Yahoo Buys Musicmatch for \$160 Million +Sci/Tech,Nokia Widens Storage with SD Cards +Sports,No airing of the pairings +Sports,MLB investigating Oakland fracas +Sports,WENGER: WE #39;RE HAUNTED BY EURO FAILURE +Sports,Benson #39;s four-hit shutout ups ante for contract +World,"Childbirth deaths a crisis, #39; UN says" +Business,European Shares Tread Water +Business,"US Treasuries Drift Lower, Data in Sight" +Business,Tokyo Stocks End Lower +Business,"US to purchase flu vaccine from Canada, Germany" +Business,Harvard fund soars 21.1 percent +Business,Seeking the third way +Business,"OK, here's the 411" +Business,Bidder misses Fan Pier payment +Business,Looming changes may spark gate war at Logan +Business,"OPEC wrestles over output increase as hurricane, Iraq attacks lift prices" +Business,Three-city hotel workers strike looms +Business,Magellan assets fall \$496m in August +Business,When dreamers wield hammers +Business,Two who put their idealism -- and financial skill -- to work +Business,3 to offer plan to expense options +Business,iBasis to offer free calls +Business,European Shares Tread Water (Reuters) +Sports,"You Can Bank on Tiger, Says Sutton" +World,Europe told to 'rethink security' +World,Arab allies discuss Lebanon vote +Sci/Tech,Did Intel mock up dual Pentium 4 demo? +Sports,Angry Halilhodzic hits out at PSG players +Sports,Rookie Kazmir outduels Pedro +World,No Evidence Of Secret Iranian Nuclear Plan: IAEA Chief +World,S.Korean Spies Say Building Work Behind North Blast +World,China Party Chief Rules Out Democracy +World,Prince Charles wants army protection at royal residences (AFP) +Sports,BBO Baseball Today (AP) +Business,Report: Alcan May Sell Unit +World,Spain arrests militant suspects +Business,US in tech job massacre +Sports,Finland can #39;t stop hockey power from claiming title of world #39;s <b>...</b> +Sports,Rookie stops Sox +World,Malaysia may widen bird flu quarantine +Business,Clothier to revise advertising practices under Spitzer settlement +Sports,"Bonds propels Giants with arm, not bat" +World,Royal security measures under the spotlight +World,Russia rejects US criticism of strengthened Kremlin power (AFP) +World,Egypt's Mubarak Visits Syria's Assad (AP) +World,Far-right firebrand Hanson to attempt political comeback (AFP) +Business,Dollar Inches Up +Business,Dollar Focus on Fed +Sports,Transactions +Sci/Tech,Tree project to target under-16s +Business,SABMiller acquires Lion Nathan Chinese business +Business,HBOS Relief Spurs European Share Gains +Business,LVMH First-Half Net Profit Jumps 49 Pct. +Business,"US loses 400,000 IT jobs" +Business,Toyota to Make Hybrid Cars in China +Business,Callaway expecting subpar numbers +Sci/Tech,Technical Hitch Delays Russia Space Station Launch +Sci/Tech,pSeries Dedicated Linux Servers +Sports,EUROPEAN NOTEBOOK: Clarke pleased that less is more +Sports,Mourinho joy at perfection +Sports,Gunners grind out victory +Sports,"Upon reflection, Sox overmatched" +World,"59 Iraqi police officials, applicants are killed" +World,Poll predicts landslide defeat for Megawati +World,Spanish Police Arrest 10 in Anti-Terrorism Sweep +World,Iraqi insurgents continue +World,"Israeli Troops Kill Girl, Five Militants in West Bank" +World,"Hong Kong Authorities Say Sorry for Blunders, Poll Fair" +Sci/Tech,Iraqi Scientists to Wage War on Pollution (Reuters) +Business,Renault plans 2005 hiring spree +Business,Fall in UK's unemployment total +World,Hu rejects China political reform +Sci/Tech,Internet task force rejects Microsoft e-mail ID plan +Sci/Tech,Think #39;virtual #39; when migrating +World,Turkish press jubilant over axed adultery project +World,Ex-General Keeps Big Poll Lead in Indonesia Campaign +World,Arab allies discuss Lebanon vote +Business,"US Treasuries Drift Lower, Data in Sight (Reuters)" +World,Spanish Police Make 10 Terror Arrests (AP) +Business,Foreign investment into China up 18.8 percent in first eight months (AFP) +Business,Oil Rises as Hurricane Nears U.S. Gulf +Business,iTunes under fire over UK pricing +Business,Lenovo Confirms Acquisition Talks +Sci/Tech,Better Health Through Play +Sci/Tech,Freedom Tower Will Be Green Giant +Sci/Tech,Satellites Track Turtle Trouble +Sci/Tech,Don't Mess With Librarians +Sci/Tech,"George Lucas Does Dystopia, Too" +Sci/Tech,Bush Requests NASA Storm Aid +World,No 10 told of Putin #39;s authoritarian trend +Business,"Gazprom shares opened 9 percent higher Wed, heavy buying continues" +Business,No threat to Airbus jobs +Business,Australia #39;s Hardie faces US asbestos protests +Sci/Tech,Now what? Answers on Windows XP #39;s SP2 update +Sci/Tech,Presse Economique / High-Tech +Sci/Tech,"Sun, Microsoft To Reveal New Interoperability Plans Next Month" +Sports,FOOTBALL: WENGER OWNS UP TO MILAN TRAUMA +Sports,Bianchi tipped to coach Argentina +Sports,"PREVIEW-Pakistan hope rain holds off, Windies enter fray" +Sports,Ballpark scuffle says more about fans than players +Sports,UPDATE 1-Pakistan win toss and field against Kenya +World,US softens threat sanctions on a new draft resolution on Sudan +Sports,"Colo.'s Tab in Kobe Case Nearly #36;400,000 (AP)" +Business,Oil Prices Seen Weighing on Wall Street +Business,PacifiCare to Buy American Medical +World,Decapitated bodies found in Iraq +World,"With 48 hours to go, Paisley allows deal could be near" +Business,Abbey National Takeover Saga +Business,"Unemployment down by 16,000" +Sci/Tech,GNOME: We have feature parity with Windows +World,Turk Ruling Party Confirms Adultery Plan Shelved +Business,Fed up with pension defaults +Business,Tribune Earnings to Trail Estimates +World,Democrat Kerry Slams Bush's 'Excuse Presidency' (Reuters) +Sports,Fit-Again Ferrero Wins at China Open +World,French Police Detain Five in 9/11 Probe +World,Malaysia's Anwar Loses Bid to Lift Political Ban +World,Drenched Dhaka counts flood cost +World,At Least 2 Killed in Car Bombing in Iraq +World,Car Bomb Explodes South of Baghdad; 2 Dead +Business,Oracle Q1 net up 16 +Business,UPDATE:Murdoch Has 7 Weeks To Secure News Corp #39;s US Move +Sci/Tech,Adobe debuts Photoshop Elements 3.0 +Sci/Tech,AU Optronics may shelve next gen LCD fab +Sci/Tech,Windows Mobile barrage from T-Mobile +Sports,Pakistan look to strike early +Sports,"MLB: Seattle 3, Anaheim 2" +Business,Oracle beats experts +Business,Information tech slow to reboot +Business,Univ. of Phoenix pushes ahead +Business,Mondavi to sell off luxury wine brands +Business,US retail sales dip as auto sector slows +Business,"Guild members boycott gala, picket outside Sun-Times building" +Sci/Tech,Adobe Photoshop Elements 3.0 +Sci/Tech,Xerox adds HSBC and Boeing to its portfolio +Sports,Mourinho waxes lyrical over Chelsea victory +Sports,"Bangladesh wins toss, choose to field" +Sports,Throw lands pitcher in jail +Sports,No Offense: Sox Fall To Rays +Sports,Staying course on #39;rocky #39; road Donahue gets 4-year extension from <b>...</b> +World,Darfur Peace Talks Collapse +World,Malaysian Court Rejects Anwar Appeal of Corruption Conviction +World,Three beheaded bodies discovered on a road north of Baghdad +World,Three Beheaded Bodies Found North of Baghdad +World,Iraq elections 'still on track' +Business,Coca-Cola Sees Earnings Below Estimates +Business,Stocks Set to Open Little Changed +Business,Tribune Profit Seen Below Wall St. Views +Business,LVMH First-Half Profit Advances 49 on Airport Stores (Update1) +Sci/Tech,AOL: Back to the Future? +Sci/Tech,T-Mobile introduces new Windows Mobile Smartphone in Germany +Sports,Cup doesn #39;t runneth over for the US +Sports,Blackburn make move for Wales manager Hughes +Sports,A man of morals +Sports,A walk-through for Bonds +Sports,Swiss withdraws bid to host 2014 Winter Olympics +Sports,FA Cup semi-finals to be played in Cardiff +World,Poll indicates crushing defeat for Megawati in Indonesian election +Sports,Harrington Plays Second Fiddle to Quarterback Cousin +Sports,Federer Seals Year-End No. 1 Spot Three Months Early +Sci/Tech,Internet accounts offer free Web space to host your site +World,HONG KONG: HK press says people still want full democracy +Sports,Tomlinson Says Chargers Want Brees Back (AP) +Sci/Tech,World's largest ID theft felon faces 14 years' jail +Sci/Tech,Amstrad launches home videophone +Sci/Tech,Opteron gets power management +Sci/Tech,The Cyberspace Moviemaker +Sports,Illinois hires ex-Gators coach Zook +Sci/Tech,UK needs 'more nuclear stations' +Business,PacifiCare to Buy American Medical (Reuters) +Business,Tribune Profit Seen Below Wall St. Views (Reuters) +Sci/Tech,Yahoo boosts music portal (SiliconValley.com) +Business,OPEC ministers to mull output quota hike by up to one million barrels (AFP) +Sports,Sportsview: Plenty of Seats to See Bonds (AP) +Sci/Tech,Software can make your day (SiliconValley.com) +Sci/Tech,Oracle surpasses earnings expectations (USATODAY.com) +Business,Mortgage Applications Fell Last Week +Business,Alitalia soars after pilot pact +Business,Many Delta Pilots Plan to Retire Next Month +Business,US retail sales fell 0.3 percent in August +Sci/Tech,Microsoft releases critical security patch +Sci/Tech,Controlling #39;The Sims #39; +Sci/Tech,SDBot.UJ Wiggling to Get Passwords +Sci/Tech,Cisco announces integrated services routers aimed at SMBs and SMEs +Sports,"Rangers 12, Athletics 9" +Sports,SportsNetwork Game Preview +Sports,Cardiff to host FA Cup semi-finals +Sports,"Ichiro, Winn sting Halos" +World,Bold insurgents targeting Iraqi police kill 59 +World,Three Beheaded Bodies Found North of Baghdad +Sci/Tech,Super-Secure Network Warns of Data Danger +Sci/Tech,"Lockheed, General Dynamics Win U.S. Army Contract" +Sci/Tech,Controlling 'The Sims' +Sci/Tech,Nokia to license SD memory cards +Sci/Tech,Internet group rejects Microsoft #39;s anti-spam solution +World,Insurgents continue bombing; 59 dead +Business,1st Profit Forecast for Reynolds American (Reuters) +Business,Mortgage Applications Fell Last Week (Reuters) +World,Thailand Decides Against Bird Flu Vaccine (AP) +Business,Coca-Cola Sees 2nd-Half Below Estimates +Business,1st Profit Forecast for Reynolds American +Sci/Tech,Beware Dust from Jupiter's Moon Io +Sci/Tech,Tough times ahead for semiconductor business +Business,Botin pursues dream of Santander in world top 10 +Business,Russia to keep some state limits on foreign ownership of Gazprom +Business,Coke to Miss 2nd Half Earnings Estimates +Business,UPDATE 1-US mortgage applications fall last week-MBA +Business,UPDATE 1-PacifiCare to buy American Medical for \$502 mln +Business,More union givebacks unlikely at US Airways +Sci/Tech,Firefox Browser On An Upward Trend +Sci/Tech,It #39;s The Beatles vs iTunes! +Sci/Tech,Intel dual-core chips are cool +Sci/Tech,Hitachi to release 100GB hard drives for notebooks +World,Sudanese rebel movement says peace talks have collapsed (AFP) +World,Americans Accused of Torture Sentenced (AP) +Sports,Belarus Names Mirnyi to Davis Cup Team (AP) +Business,Stocks to Watch Wednesday +World,Russia Rejects U.S. Criticism; EU Joins Fray +Sci/Tech,Lightning Strike Injures 40 on Texas Field (AP) +Business,Coca-Cola issues profit warning +Business,US jails author who promoted off-shore tax havens +World,Florida 'to list Nader on ballot' +Sci/Tech,Keith Henson Needs Help +Business,Oracle exceeds August quarter earnings forecasts +Business,British unemployment hits new 29-year low +Sci/Tech,Raising the Linux Standard +Sci/Tech,Novell intensifies government talk +Sci/Tech,HP Tapped for \$290 Million Defense Logistics Agency Contract +Sci/Tech,100GB notebook drives arrive +Sci/Tech,Microsoft Releases Patch to Fix Flaws +Sci/Tech,Intelligent Telescopes Survey the Violent Skies +Sci/Tech,Beer in Moderation Could Be Good for You +Sci/Tech,Cardiac Researchers Make Surprising Heart Find +Sci/Tech,Pacifiers Could Help Teach Babies to Eat +Sci/Tech,HP girds for grid storage campaign +Sports,Lawsuit May Be In Works After Fan #39;s Nose Broken In Oakland +World,At least five Palestinian fugitives killed in standoff with <b>...</b> +World,Thailand Decides Against Bird Flu Vaccine +Sci/Tech,Microsoft to detail Media Center updates on Oct. 12 +Sci/Tech,India's cellphone market set to grow 20 percent each year: official (AFP) +Business,Best Buy Posts Quarterly Profit Increase (Reuters) +World,Laptop full of new tunes stolen from Natasha Bedingfield (AFP) +Business,Best Buy 2Q Earnings Rise on Cost Controls (AP) +World,Three Decapitated Corpses Found North of Baghdad +World,Singapore Releases Two Jemaah Islamiah Militants +World,UN warns of population explosion +World,Panel Wants Intel Chief With Budget Say +World,Student Collects Fake Parking Fines +World,Kazmir Bests Martinez and Red Sox +World,1.2 Million Warned to Leave New Orleans +World,Three Beheaded Bodies Found in Iraq +World,Sharon Abandons Mideast Peace 'Road Map' +Business,OPEC likely to raise output quota by 1 mn bpd +Business,Coca-Cola warns on profits +Business,HBoS pulls out of Abbey race +Business,Delta pilots wary of retirements +Business,WSJ: Gap to test new stores that target boomer women +Business,DAILY DIGEST +Sci/Tech,Britons hit by music download #39;rip-off #39; +Sci/Tech,T-Mobile to battle iPod with music smart phone +Sci/Tech,HP to bring grid computing to storage +Sports,Team Canada captures World Cup over Finland +Sports,CHELSEA DUO PAY CREDIT TO PSG +Sports,Speed backs Hughes #39; next move +Sports,Schalke coach Heynckes sacked +Sports,Seattle edges Anaheim +World,Putin shakeup won #39;t foster a safer Russia +World,West Bank raids leave 10 dead +Business,Business Inventories Grew in July (Reuters) +Business,Treasuries Slip as NY Industry Rebounds (Reuters) +Sci/Tech,Consumer Group Calls for Probe of 'Rip-Off' ITunes (Reuters) +Business,Coca-Cola: Second Half to Lag Street View +Business,Oil Steady as Ivan Balances OPEC Hike +Sci/Tech,Colorado River Habitat Gains Protection (AP) +Sci/Tech,Flashlight Takes Batteries of Any Size (AP) +Business,"Best Buy Profit Up, Backs Year Outlook" +Sci/Tech,Panel Says Pollution Plagues Great Lakes (AP) +Business,"Stocks Set to Open Lower; Coke, Oil Weigh" +Sports,QB McCown to Start Sunday for Cardinals +Sci/Tech,Air Pollution Hits Record Levels in Hong Kong (Reuters) +Business,OPEC to Increase Oil Production +World,Sudan Rejects Revised U.N. Darfur Resolution +Business,"Businesses' Inventories, Sales Rise in July" +Business,Radio Outage Grounds West Coast Flights +Sci/Tech,Study: Starvation Caused Moose Decline (AP) +Sci/Tech,Crews Fail to Find Tree-Killing Beetle (AP) +Business,Businesses' Inventories Rise; July Sales Up +World,Bush Says Iraqi Vote Must Proceed Jan. 30 (AP) +Sci/Tech,Exercise May Beat Cancer in the Long Run +Business,"US Stock Futures Fall; Coca-Cola, Tribune Drop on Forecasts" +Business,Russia #39;s Gazprom rallies anew +Business,Alitalia pursues rescue talks with unions +Business,"Businesses #39; Inventories, July Sales Up" +Business,Unemployment falls as earnings rise +Sci/Tech,That Picture Could be a Virus +Sci/Tech,Bush Requests NASA Storm Aid +Sports,Radcliffe was carrying leg injury +World,South Korea Says Blast in North May Have Been Dam Project +World,Politicians debate Hong Kong poll results +Sci/Tech,Government warns of net dangers +Sci/Tech,Amazon releases A9 search engine +Business,July business inventories up more than expected +Sci/Tech,Hurricane Ivan Threatens NASA Facilities +Sports,Drogba faces UEFA punishment +Sports,Yankees bounce back +Sci/Tech,"High-Tech Industry Has Lost 400,000 Jobs" +Sci/Tech,Peerbot Search Engine Offers Searching by Favicon +Sci/Tech,Organic SEO: Patience For Long Term Ranking Results +World,British Airways cancels 966 flights in next three months (AFP) +World,Sudanese rebel movement says peace talks have collapsed (AFP) +Business,Industrial Production Nearly Stalls +Business,J.P. Morgan Cancels IBM Outsourcing Deal +Business,Global Markets: Oil Dips After OPEC Hike +World,GOP nominee vows to be non-partisan as CIA chief (Chicago Tribune) +Sports,Pac-10 Commissioner Wants Votes Public (AP) +Business,"Oracle beats the Street, reaffirms guidance" +Business,Gap wants to dress boomer women +Business,Microsoft And Polycom Strike Desktop Conferencing Pact +Sports,Yankees widen their lead +Sports,Tigers look to the future +World,Abductions in Iraq a big business +World,59 left dead after attack on Iraqi police +World,UK plays down Mideast talks +Business,Empire manufacturing up sharply in September +Business,Delta Eyes Retired Pilots Deal +Business,European Union willing to cut Airbus aid +Sci/Tech,Mozilla fixes browser bugs +Sci/Tech,Mozilla fixes browser bugs +Sports,Sauber signs Villeneuve +Sports,Cash has ACL tear in her left knee +Sports,Holders Porto held to draw +World,"Al-Zarqawi claims responsibility for Baghdad, Baqouba operations <b>...</b>" +World,Israel Kills 10 in W. Bank #39;s Deadliest Day Since 2002 +Sci/Tech,Hitachi Readies 100GB Notebook Drives +World,Judges Postpone Milosevic Trial for Month (AP) +Business,J.P. Morgan Cancels IBM Outsourcing Deal (Reuters) +Business,Gap to Launch Store for 'Boomer' Women (Reuters) +Business,"U.S. Stocks Open Lower, Coca-Cola Weighs" +World,Bush-Yawar firm on Iraq poll date +Business,Gap to Launch Store for 'Boomer' Women +World,Roots of terrorism #39;ignored #39; +Sci/Tech,PM backs violent game inquiry +Sci/Tech,Tories to sign up online recruits +Business,AB faces more competition from SABMiller in China +Business,Treasuries Slip as NY Industry Rebounds +Business,"Fleming, suppliers settle SEC claims" +Sci/Tech,OFT urged to investigate #39;rip-off #39; iTunes +World,EU extends ban on Asian poultry imports +Sci/Tech,Austrians silence jibbering supermarket trolleys +Sci/Tech,Clash of the Tech Titans (washingtonpost.com) +Sci/Tech,Hitachi Readies 100GB Notebook Drives (PC World) +Sci/Tech,Workers to Wield Linux RFID Devices (Ziff Davis) +Sports,Rain Brings Back Bad Memories for Vols (AP) +Business,"Coca-Cola Warns on Profits, Shares Drop" +Business,OPEC Lifts Oil Output Quotas One Mln Bpd +Business,PacifiCare to Buy American Medical +Business,Martha to hold news conference +Business,"Kerkorian and MGM, Off Again" +Business,HBOS opts to reject making bid for Abbey +Business,"JPMorgan to absorb 4,000 IBM workers" +Business,Intercontinental Boss Steps Down +Business,"BA cancels 1,000 Heathrow flights" +Sci/Tech,iTunes referred to consumer watchdog +Sci/Tech,Hitachi to release 100GB hard drives for notebooks +Sports,"As an NHL lockout looms, Canada cooly outduels Finland, 3-2" +Sports,Drogba Can Be Our Henry - Lampard +Sports,Arsenal have #39;grown up #39; +Sports,Pakistan set up India ICC showdown +Sports,Soccer: Larsson leaves Celtic a calling card as Barca rolls +Sports,SportsNetwork Game Preview +World,EU assembly to describe Darfur crisis as genocide By Reuters <b>...</b> +World,Russians wary of Putin #39;s actions +Business,Opec Ups Quotas At Vienna Summit +Sci/Tech,Hitachi readies notebook Serial ATA hard drives +Sci/Tech,Novell set to fly with cross-platform management +Sci/Tech,DEVICES: T-Mobile Germany revealed SDA and SDA Music Smartphones +Sports,Out of control in Oakland +Sports,Blackburn step up chase for Hughes +Sports,FA Cup semifinals to be played in Cardiff +Business,InterContinental Hotels eases out CEO +Sci/Tech,Sony to mass produce flattest screens +Sports,"MLB Notes: Twins top Chisox, open 11 1/2 game lead" +Sports,Cardiff to host FA Cup semi-finals +World,Car bomb kills 2 south of Baghdad +World,Sri Lanka handball team vanishes +World,Sharon Doesn't Plan to Follow 'Road Map' +Business,Coast Guard Shuts Gulf of Mexico Ports (Reuters) +Sci/Tech,SP2 Users Insulated From JPEG Flaw +Sci/Tech,IETF knocks back Microsoft anti-spam plan +World,Polls: Bush Trails Kerry in New York (AP) +Sci/Tech,"JPMorgan to Absorb 4,000 IBM Workers (AP)" +World,Barry makes political comeback in Washington (AFP) +World,"Iraq seeks EU, NATO help to keep elections on track (AFP)" +Sci/Tech,Cell chip development 'almost done' - Toshiba chief +Sci/Tech,Clash of the Tech Titans +Sci/Tech,J.P. Morgan Cancels IBM Outsourcing Deal +Business,China beer sale buoys Lion +Business,UPDATE 2-US mortgage applications fall last week-MBA +Sci/Tech,"BTG hits Amazon, Netflix and others with patent suit" +Sci/Tech,Apple UK rip-off claim +Sci/Tech,Microsoft patches #39;critical #39; JPEG exploit +Sports,Eastman rebuffs Sendra jibe +World,"Israeli Troops Raid Nablus, Jenin, Kill 11 Palestinians" +World,Three Beheaded Bodies Found in Iraq +Sci/Tech,Amazon Unveils Its Search Engine +Business,Spain's SCH Wins British Bank for #36;16 Bln (Reuters) +Sci/Tech,Airbus Sees Mobile Phone Use on Planes in 2006 (Reuters) +World,Toyota to Make Hybrid Cars in China (AP) +Business,PIMCO Adviser in #36;11.6 Mln SEC Settlement (Reuters) +Business,OPEC Lifts Oil Quotas +Business,Industrial Production Nearly Stalls +Business,Spain's SCH Wins British Bank for \$16 Bln +Business,PIMCO Adviser in \$11.6 Mln SEC Settlement +Business,Tribune Won't Meet Wall St. Expectations +Business,Treasuries Sag on Signs of Resilience +World,Russia Rebuts U.S. Criticism of Putin's Shake-Up +Sci/Tech,Mac OS X Tip of the Week: Custom Labels +Sports,Can You Say Cursed? +Sci/Tech,How to rip from vinyl or tape +Business,OPEC Ministers to Discuss Oil Production +Business,Alitalia pursues rescue talks with Italian unions +Sci/Tech,"For iTunes, it pays to be French" +Sci/Tech,Xerox Outlines Services Push +Sports,Arab-owned Israeli team faces up to Souness #39; Newcastle +Sports,McKenzie Expected to Re-Join Packers +Sports,Rays hand Sox second straight loss +Sports,"Blazers, Nets reportedly discussing Kidd trade" +Sci/Tech,Airbus Sees Mobile Phone Use on Planes in 2006 +World,North Korea's claim about mysterious blast might be true: Seoul (AFP) +Sports,Bad timing for Bibby firing +Business,OPEC Lifts Oil Quotas to Drop Crude Price +Sci/Tech,Mozilla Fixes Browser Bugs (PC World) +Business,Stocks Down on Coke Warning +Sports,Viduka #39;s double lights up Riverside +Business,Altered Reality of Foreign Investing +World,Ukraine Rivals OK Vote Reforms for Rematch (AP) +World,Hurricane Ivan Roars Toward Gulf Coast +World,Kerry: Bush Policies Full of Bad Choices +Business,Lion Nathan #39;s \$200m sell-off triumph +Business,JP Morgan ends IBM outsource deal +Business,PacifiCare #39;s American Medical merger worth \$502M +Sports,Drogba the destroyer as Chelsea fire early +Sports,Villeneuve back in frame as Trulli departs Renault +Sports,Ponting doesn #39;t think much of Kiwis or winning #39;myth #39; +Sports,Pakistan cruise to victory +Sports,Blackburn move in on Hughes +Sports,UPDATE 2-Top seed Moya stunned by qualifier in Beijing +Sports,NAC Breda #39;s Tamas Peto banned for 10 games for doping +World,Police check #39;curse #39; on Sharon +Sci/Tech,Losing sight of the countryside +Sci/Tech,J.P. Morgan cancels IBM outsourcing contract +Sci/Tech,"Nokia, NEC test IP multimedia interoperability" +Business,Empire State survey climbs to 28.3 from August #39;s 13.2 +Business,IMF says markets at most resilient in 3 years +Sci/Tech,Software bug raises spectre of #39;JPEG of death #39; +World,Nestle Waters ponders Perrier sale ... or outsourcing (AFP) +Sci/Tech,News: World's largest ID theft felon faces 14 years' jail +Sci/Tech,Lebanese boycott mobile phones for three hours in protest at high costs (AFP) +World,Sudanese Peace Talks Hit Impasse (AP) +Sports,Mickelson Says Equipment Change Won't Hurt Ryder Cup +Business,Oracle Shares Gain Amid Tech Decline +Sci/Tech,Windows 2000 to get its last major update +World,Maryland Court Rejects Electronic-Voting Challenge (Reuters) +Sports,Top Seed Moya Stunned by Qualifier in Beijing +Sports,Montgomerie Multi-Tasks in Europe's Cause +Business,"BA to Axe Almost 1,000 Heathrow Flights" +Business,Martha Stewart Asks to Begin Prison Sentence as Soon as Possible +Business,Jpmorgan Chase and Ibm Announce Changes to Technology <b>...</b> +Business,Coca-Cola warns second-half earnings will fall short of <b>...</b> +Business,Kerr-McGee to stop Savannah #39;s sulfate pigment production +Business,Update 2: Reynolds American Issues Earnings Guidance +Business,Delta pilots agree to talk on retirements +Business,FUTURES MOVERS +Sci/Tech,OLED screens brighten Sony handhelds +Sci/Tech,"iTunes pricing unfair, says British consumer group" +Sci/Tech,Another Patch Job from Microsoft +Sci/Tech,Visual Studio Aims At Structuring The Software Development Process +Sci/Tech,The Beatles Sue Apple +Sci/Tech,"Mayhem, for fun" +Sports,Three Nacional players suspended after nightclub altercation +Sports,"Dulko reaches quarters; Sugiyama, Rubin bounced in Bali openers" +Sports,Report: Decision could come today +World,Iran May Curb Nuke Work +World,Susilo well ahead in Indonesian presidential race: opinion polls +World,DUP sets out demands ahead of Kent talks +Business,Martha Stewart Asks Judge Jail Me Now (Reuters) +Business,"UK Shares Including HBOS Rise; Abbey National, Cadbury Fall" +Business,Update 1: JPMorgan to Rehire Outsourced Workers +Business,Update 4: Alitalia Holds Crucial Talks With Unions +Business,Kerr-McGee to Cut Production at Plant +Sports,Jets Re-Sign Guard Brent Smith (AP) +World,Assad and Mubarak call for total Lebanese sovereignty (AFP) +Sci/Tech,Consumer watchdog hits out at iTunes pricing +Sci/Tech,Mozilla Previews FireFox 1.0 +Sports,Bears Eyeing Playoffs After Beating Vikes (AP) +Sports,Vieira: #39;We #39;ve learned a lot #39; +Sci/Tech,Oracle Shares Gain Amid Tech Decline (Reuters) +Sports,Italy's Garbin Upsets Rubin in Indonesia (AP) +Business,Martha Stewart Asks Judge Jail Me Now +Business,Industrial Output Growth Nearly Stalls +Business,Dollar Rallies Vs Euro After Data Gains +Sports,"Jacques Is Back, a Day After Ralf" +World,Judge Denies Bush Effort to Speed Ruling (AP) +Business,Martha Stewart Asks to Begin Sentence +World,Three Decapitated Corpses Found North of Baghdad +World,Musharraf to retain his army post +World,Foreigner killed in Saudi capital +World,Wet weather hits Coca-Cola sales +Business,"Stewart Ends Appeal Effort, and Asks to Serve Sentence Soon" +Business,Yahoo! Tunes In to Musicmatch +World,Hurricane Ivan Roars Toward Gulf Coast +Sci/Tech,Blair reveals some games 'unsuitable' for kids +Sci/Tech,LogicLibrary buys bug catcher +Sci/Tech,HP grabs defense deal +Sci/Tech,Tuning up for HDTV +Business,McCain Demands Accountability for Tanker Scandal +Business,Abbey exit leaves UK banks with smaller targets +Sci/Tech,Russian mishap threatens launch schedule +Sports,Follow the PSV Eindhoven way +Sports,Sugiyama dumped out by tour debutante +Sports,Ankle injury rules McNamara out for month +World,Children Return to Classes in Russia +Sci/Tech,"Amazon, Netflix Hit With Patent Suit" +World,Japan Girl Sentenced for Classmate's Death (AP) +World,Poll: Kerry Holds Lead Over Bush in Minn. (AP) +Business,"Stocks Lower on Coke, Oil, Goldman Survey" +Business,Silverstein: WTC Leaseholder May Collect Up To \$4.6B +Sci/Tech,Briefly: LogicLibrary buys bug catcher +Sci/Tech,JPMorgan Chase cancels IBM outsourcing contract +Business,Oracle Edges Past Estimates +Business,UPDATE 3-PacifiCare to buy American Medical for \$502 mln +Business,HP grabs defense deal +Sci/Tech,Borland Adds Project-Management Features To CaliberRM +Sports,"The 35th Ryder Cup Matches, golf #39;s premier spectacle, finally <b>...</b>" +Sports,Mourinho is back where he left off +Sports,Bonds gets another crack at 700 +World,UN war crimes tribunal delays Miloevic trial by nearly a month +World,Beslan children return to school +Sci/Tech,Microsoft Readies Media Center Updates +Sci/Tech,Dogpile Search Engine Changes Name to Avoid Stink +Sci/Tech,U.K. Group Complains of Higher ITunes Cost (AP) +Sci/Tech,Microsoft Patch to Fix Security Flaws (AP) +Business,Martha Stewart to Judge: Jail Me Now +Sci/Tech,Officials: Tahoe Cleaner After Engine Ban (AP) +World,Bush and Kerry battle over science +World,Human genome hits halfway mark +Sci/Tech,A Computer With the IPod's Bloodlines +World,Survey Confirms It: Women Outjuggle Men +Business,Martha Stewart to Judge: Jail Me Now +Business,JPMorgan Chase cancels IBM outsourcing contract +Business,"UPDATE 1-IMF says markets resilient, calm after rate rises" +Sci/Tech,"Critical Flaws in Mozilla, Thunderbird" +Sci/Tech,Linux Standard gets upgrade +Sci/Tech,Adobe announces Photoshop Elements 3.0 +Sci/Tech,Hitachi #39;s Travelstar notebook harddrive upgraded to 100 GByte +Sports,UPDATE 1-Bangladesh win toss and field against Windies +Sports,Chelsea: #39;No fear #39; factor in Europe +Sports,Celtic captain McNamara ruled out by injury +Sports,Madeira trio cleared to play +World,"Analysis: Turkey, adultery, and the EU" +World,Two killed in bomb blast south of Baghdad +World,UN input into Iraqi elections threatened by #39;lack of security #39; +Sci/Tech,Human genome hits halfway mark +Business,UPDATE 4-PacifiCare to buy American Medical for \$502 mln +Business,Nation/world briefs +Sci/Tech,"Nokia licenses SD memory card technology, to join SDCA" +Sports,"Dennis Semrau: Still at 699, Bonds draws mixed crowd" +World,"Finucane inquiry would help secure closure, says Sinn Fein" +World,Beslan rogue's gallery published +Business,Ryanair may face Belgian courts +Business,Stewart wishes to serve term now +Business,Five eye Sicilian bridge contract +Sci/Tech,Pet mummies given VIP treatment +Business,JP Morgan cancels \$5 bn outsourcing deal with IBM +Business,"EU, US brace for turbulence at Boeing-Airbus talks" +Business,Wall St. Journal sets Saturday edition +Business,Gap Aims at Women Over 35 for New Store +Sci/Tech,Internet Group Shelves Microsoft Sender ID +Sports,"WRAPUP 1-Windies, Pakistan hammer home class gap" +Sports,Rolyal Blues Cut Heynckes Loose +Sports,"Lighting Strikes High School Football Team, 40 Injured" +Sports,Arab-Israeli team seeking to break through boundaries +Business,Quotes From Stewart #39;s News Conference +Business,Update 1: EU Clears Banco Santander Acquisition +Business,Lion gets premium for China venture +Business,JP Morgan Cancels IBM Pact +Business,Dow Jones to Publish Weekend Wall Street Journal +Business,"Volkswagen, Union Make No Progress in First Wage Negotiation" +Sci/Tech,UK Group Complains of Higher ITunes Cost +Sci/Tech,Siemens SF65 to turn heads +Sci/Tech,Collaboration platform extends to Web services +Sports,Adriano Knows Inter Can Improve +Sports,McKenzie returns to Green Bay +Sports,Tennis: 3 Seeded Players Knocked Out of Wismilak Tournament +Sports,Milwaukee Brewers Team Report - September 15 +World,Foreign National Shot Dead in Saudi Capital +World,Milosevic trial postponed +Business,Stewart Asks to Serve Sentence Soon +Business,JP Morgan KOs \$5 Bln IBM Outsourcing Deal +Business,PIMCO Adviser in \$20 Mln SEC Settlement +Sci/Tech,"Mozilla #39;s Firefox, the Next Big Browser?" +World,Chechen envoy urges Putin to hold peace talks +Sports,NHL to Lock Out Players Thursday (AP) +Sci/Tech,Amazon Launches A9 Web Search Service (Reuters) +Sci/Tech,"Report: China Firm Plans 3,000 Net Cafes (AP)" +Sports,Nets waive veteran guard Harris (AFP) +Sci/Tech,Russia Combines Oil and Gas (The Motley Fool) +World,US vows to push Sudan resolution despite opposition (AFP) +Sports,Marshall Coach Apologizes for Remark (AP) +Sci/Tech,JP Morgan KOs #36;5 Bln IBM Outsourcing Deal (Reuters) +Business,Industrial Output Growth Nearly Stalls +Business,JP Morgan KOs \$5 Bln IBM Outsourcing Deal +Sci/Tech,Is She or Isn't She? Panda Gives Keepers the Runaround (Reuters) +Business,FDA OKs Some Heart Failure Therapies +Business,UK OKs Taser Stun Guns for Some Police +Business,Five Stocks With Outstanding Returns +World,Stewart Asks to Serve Sentence Soon +World,NHL to Lock Out Players Thursday +World,Stocks Sag on Coke's Gloomy Forecast +World,Three Bodies Found Headless Found in Iraq +Sci/Tech,Novell takes potshot at Microsoft kettle +Sports,Werder Bremen #39;s Ismael claims unwanted record +World, #39;Batman #39; of Buckingham Palace dumped by his lover!: +Sci/Tech,Chipmakers on the chopping block? +Sci/Tech,"Adobe expands push for video, photo hobbyists" +Sci/Tech,Man pleads guilty in massive credit info theft case +Sci/Tech,JP Morgan cancels \$5B outsourcing deal with IBM +Business,OPEC boosting oil output by million barrels a day by Nov. 1 to <b>...</b> +Business,Cendant To Complete Purchase Of Ramada Brand +Business,Amazon Launches A9 Web Search Service +Business,FDA OKs Some Heart Failure Therapies +Sci/Tech,"Adobe expands push for video, photo hobbyists" +Sports,From tiny acorns... +Sports,Ryder Cup highlights PGA #39;s charity and school outreach program +World,Row erupts as Spain #39;s Aznar to appear before March 11 inquiry +Sci/Tech,First impressions of Firefox 1.0 preview release +Sci/Tech,"Immigration, police share data in trawl of 'crime hot-spots'" +Sci/Tech,Livewire: Back to School Means Back to Advergames (Reuters) +Sports,NHL Lockout at a Glance (AP) +Sports,Owners Lock Out Players in Labor Dispute +Business,Exhausting Every Option +Sci/Tech,Livewire: Back to School Means Back to Advergames +Business,Boeing CEO pushes for halt to Airbus subsidies +Sci/Tech,"Candidates Split on Stem Cells, Environment" +Sci/Tech,Dealing with botched software projects +Sci/Tech,Siemens SF65 Mobile Phone Digital Camera +Sports,Golf: Europe go on charm offensive as Mickelson takes a day off +Sports,Mets to fire Howe at the end of the season +Sports,McKenzie Back With Pack +Sports,Backup guard helps Nets win East twice +World,Killing of 10 Palestinians quot;a great unforgivable crime quot;: Arafat +World,Anwar fails to erase criminal record +Sci/Tech,"Infocus: Examining a Public Exploit, Part 2" +World,"Inquiry finds ""no single villain"" in Scottish parliament cost overrun (AFP)" +Sports,Blackhawks Re-Sign Goalie Leighton (AP) +Business,Martha Stewart to Judge: Jail Me Now +Sports,Mickelson Skips Ryder Cup Fever by Taking Day Off +World,Chile's Pinochet Hospitalized with Infection +World,"Diplomats: Europeans, U.S. Closer to Iran Nuke Deal" +Sci/Tech,"It's Not Exclusive, but It's Lucrative: Why Luxe Went Online" +Business,Is Amazon's A9 Benign? +Business,Another Case for OracleSoft +Business,UPDATE 3-TXU says management looking at dividend policy +Business,Gap plans new stores aimed at women over 35 +Sci/Tech,"KSC cleans up, reopens" +Sports,NHL Lockout at a glance +Sports,FIFA Announces New Dates for Kenya #39;s Qualifying Matches +World,UN Reports Mixed Progress in Fight for Sexual Health +World,World Bank in Caribbean to Assess Damage from Ivan +Sports,Dodgers' Beltre Making Bid for MVP (AP) +Sports,NFL Fines Broncos' Lynch for Hit on Hall (AP) +Sports,Royals' Stairs Signs Contract Extension (AP) +Sci/Tech,Microsoft Not Trying To Hijack Anti-Spam Spec (NewsFactor) +Sci/Tech,"PlaylistMag.com iTunes, iPod Web site launches (MacCentral)" +Sports,Sport-By-Sport Stoppages Chronology (AP) +Sci/Tech,Oracle Earnings Beat Analyst Forecasts (NewsFactor) +Sci/Tech,Hidden Costs of Online CRM - Part 2 (NewsFactor) +World,Some Voters Cast Ballots Before Election Day (Reuters) +Sci/Tech,World Bank Gives Peru Loan to Protect Machu Picchu (Reuters) +World,"Israel Kills 10 People, Says Not Following Roadmap" +World,Pakistan President to Stay as Army Chief -Minister +World,Taiwan President Makes Personal Appeal for UN Seat +Business,Martha to judge: Send me to jail ASAP +Business,"Bridgeway, Founder Settle SEC #39;s Claims" +Business,Industrial Output Growth Nearly Stalls +Business,UPDATE 1-Taser says some UK police approved for stun guns +Sci/Tech,German chipmaker Infineon to pay 160 million dollar antitrust fine +Sci/Tech,Scientists map Chromosome 5 +Sci/Tech,Notebooks Store More: Hitachi Releases 100-Gigabyte Notebook Hard <b>...</b> +Sci/Tech,Sony CLIE PEG-VZ90 Preview +Sports,"Beware India, Pakistan are on fire" +Sports,Marlins #39; Burnett to miss next start +World,US Says Israel Still Following Peace #39;Road Map #39; +World,Briton shot dead in Saudi capital +World,Putin #39;s power grab +World,Americans Sentenced in Afghan Torture +World,Britain Lawmakers Seek Security Review +World,"Abbas visits Damascus today to end tension, meets with Palestinian <b>...</b>" +Sports,Suspended Hokies Tailback Enters Plea (AP) +World,Diplomatic storm after South Africa recognizes Western Sahara republic (AFP) +World,"Kerry Courts Blacks, Hispanics With Ads (AP)" +Business,Martha Stewart Asks to Get Jail Over With +World,Kerry Film Not Meant to Combat Attack Ads-Director (Reuters) +Business,Stocks End Lower After Coca-Cola Warning +Business,Treasuries Slip as NY Factories Rebound +World,U.N. Hopeful Iraqi Elections on Schedule (AP) +Business,FDA Widens Heart Failure Therapy Pool +Business,UK OKs Taser Stun Guns for Some Police +World,World in Brief +Business,Update 2: EU Is Willing to Cut Airbus Subsidies +Business,Kerr-McGee to trim 100 jobs at Savannah facility +Sci/Tech,Infineon to plead guilty in memory chip case +Sci/Tech,Microsoft warns of critical vulnerability in JPEG images +Sci/Tech,"The New iMac: simpler, more user-friendly" +Sci/Tech,IBM Expands RFID Services +Sci/Tech,Scientists Recover Critical Genesis Parts +Sci/Tech,Cisco joins WiMax Forum +Sports,NHL Owners Will Lock Out Players in Contract Dispute (Update1) +Sports,Sauber confirm Villeneuve +Sports,Ricky slams Kiwi #39;myth #39; +Sports,"Phillies 9, Reds 1" +Sports,Rebuilding plan taking hold at IU +World,Iranian Freeze on Uranium About to End +World,REWARD OFFERED FOR JI SUSPECTS +Business,Stewart Says She Wants to Begin Her Prison Term Soon (Update7) +Business,Oil stocks slide as Ivan approaches +Sci/Tech,Genesis wreck still promises data +Sci/Tech,Ignored endangered species +Sports,McKenzie reports for duty +World,China Threatens to Veto UN Darfur Draft -Diplomats (Reuters) +World,Pakistan President to stay as army chief - minister (Reuters) +Business,"Coca-Cola Warns on Profit, Shares Fall" +World,House Drops Debate on Cuba Travel Ban (Reuters) +Sci/Tech,Inventor Develops Nose-Steered Web Surfing System (Reuters) +World,China Threatens to Veto UN Darfur Draft -Diplomats +World,Mexicans Lukewarm on Fox Call for Nationalist Show +World,Stocks Slump on Gloomy Economic Forecasts +Business,"Firm, founder agree to pay more than \$5 mln" +Sci/Tech,Wikipedia's Emergent People fail to impress readers +Sci/Tech,Egyptian Animals Were Mummified Same Way as Humans +Sports,SI.com +World,Peace Talks for Sudan #39;s Darfur Collapse +World,Close US-Australia Ties Could Be In for a Jolt +Sci/Tech,Some People Manage to Stay Thin in a Fat World +Sci/Tech,India Leads World in HIV Cases +Sci/Tech,Microsoft exec takes aim at open source +Sci/Tech,SAP sets up support center in China +Sci/Tech,Infineon to admit DRAM price fixing +Sci/Tech,Regulators Debate Broadband by Power Lines +Business,American Medical to be purchased for \$502 million +Sci/Tech,Infineon to admit DRAM price fixing +Sci/Tech,First impressions of Firefox 1.0 preview release +Sci/Tech,New GNOME Released +Sports,"Pakistan beat Kenya, set up exciting clash with India:" +World,Iraqi police make gruesome discovery in Baiji +World,"Hunt supporters storm British parliament, but ban moves closer (AFP)" +Sci/Tech,Carnie Wilson Says She's Pregnant (AP) +World,Taiwan launches another bid to join UN (AFP) +Sci/Tech,AT T Wireless to Offer Phoneless Messaging (AP) +Sports,"Howe Done with Mets, Effective at Season's End" +World,Lawmaker Introduces Presidential Proposal (AP) +Sci/Tech,Size Matters When It Comes to Nostrils (Reuters) +World,"US suspends Peace Corps in Nepal, ask embassy families to leave (AFP)" +Sports,USC fires basketball coach Henry Bibby +Sci/Tech,Antarctic Living: A Space House for an Icy Land (SPACE.com) +Sci/Tech,NASA Transfers X-37 Project to DARPA (SPACE.com) +Business,"VW and unions are ""miles apart""" +Sci/Tech,Airespace Wins IBM Partnership for WiFi Service +Sci/Tech,Tough Times Ahead for Chip Makers? +Sci/Tech,"China to Build 3,000 New Internet Cafes" +Sci/Tech,UK Complains of Higher iTunes Cost +Business,MSO Shares Still Confined by Martha #39;s Woes +Business,"Oil, Coke cap European stocks" +Sports,The 1994 NHL lockout provided no permanent solutions for major <b>...</b> +Sports,Judge waives arraignment for Heatley +Sports,5/11 Afridi towers over the Kenyans +Sports,Van Nistelrooy double saves United from defeat at Lyon +Sci/Tech,Airespace Wins IBM Partnership for WiFi Service (Reuters) +World,"Taiwan, China Artists Breach Political Divide (Reuters)" +Business,"Stocks Fall on Coke, Tech Downgrade" +Sports,GOLF: FANNY #39;S TIRED OF CARRYING TEE BAG +Business,Job Market Shifting by Degrees +Business,Gazprom Restrictions May Stay +Business,Infineon to pay \$160 million fine for DRAM price-fixing +Business,Judge Rules State #39;s School Finance System Unconstitutional +Business,"Amazon Unit Challenges Google, Other Search Sites" +Business,"Pimco adviser, affiliates to pay \$11.6M SEC settlement" +Business,Industrial Production Inches Up in August +Business,Update 1: Cyberonics Rejects Advanced Neuro #39;s Bid +Business,EU clears Banco Santander #39;s takeover bid for Abbey National +Business,Martha Stewart asks judge for jail right away +Sci/Tech,New Firm Launches Web Services-Based Collaborative Platform +Sci/Tech,HP #39;s StorageWorks Grid Approach Makes Data Dynamic +Sports,Hughes new man at Blackburn +Sports,Royals extend Stairs +Sports,Edmonton Oilers captain Jason Smith resigns with team on the eve <b>...</b> +World,Presidential tickets make no difference in dialog +World,British quot;Batman quot; on the Buckingham Palace walls +Sci/Tech,XM Satellite Radio to Broadcast on Web (AP) +Sports,Souness wary of a giantkilling +World,Saskatchewan high court rejects appeal of 2 men in murder of Regina seniors (Canadian Press) +Business,Factories Bright Spot Amid Output Growth +World,"Bush Gains, but Not With Swing Voters (AP)" +Sci/Tech,"Earthquake Rocks Indonesia's Bali, One Dead (Reuters)" +World,Milosevic Trial Halts; Witnesses Refuse to Testify (Reuters) +Business,Delta Auditor Concerned About Airline +Business,OPEC Raises Output by 1 Million bpd.; Tries to Gain Consumer <b>...</b> +Business,Martha Stewart abandons fight to stay out of prison +Business,Tech company to plead guilty to price fixing +Business,Stocks sag on corporate forecasts and worse-than-expected economic <b>...</b> +Business,UPDATE 5-PacifiCare to buy American Medical for \$502 mln +Sports,Ruud to the rescue for Man. U +Sports,Ajax Amsterdam 0-1 Juventus: FT Report +Sports,UPDATE 1-Leverkusen serve up 3-0 thrashing for Real +Sports,Tennessee has an edge on Florida +Sci/Tech,Infineon to pay \$160M fine for DRAM price-fixing +Sci/Tech,DHS moves ahead with cybersecurity R D efforts +Sci/Tech,Ex-Teledata employee pleads guilty in massive ID theft case +Sci/Tech,Patching still a sore spot for some Oracle users +Sci/Tech,Borland looks to take on Visual Studio with Diamondback +Sci/Tech,Mozilla fixes browser bugs +Sci/Tech,J.P. Morgan cancels \$5B IBM outsourcing deal +Sci/Tech,Wireless technology aids post-hurricane claims processing +Sci/Tech,IDC: Storage resource management software sales soar +Sci/Tech,Identity Theft Suspect Pleads Guilty +Sci/Tech,Microsoft Announces Another Windows Security Flaw +Sports,Moy #39;s moment as Spain celebrate +World,Nestle Considering Perrier Sale (AP) +Sports,Carolina Defensive Line Reeling After Loss (AP) +Sci/Tech,Take Kerry's Swift Boat for a Nonpolitical Spin +Sports,Heatley's Arraignment Waived +Sports,N.H.L. to Lock Out Players on Thursday +World,U.S. Rebukes Saudis Over Religious Rights +Sports,Suspended Hokies Tailback Enters Plea +Sports,Jeter Leads Yankees Past Royals 3-0 +Sports,NFL Fines Broncos' Lynch for Hit on Hall +Sports,Marlins' Burnett to Miss Next Start +World,Stewart Asks to Serve Sentence Soon +World,New Orleans Urges People to Take Shelter +Business,OPEC moves to reassure markets +Business,HBOS opts not to bid for Abbey National +Business,Martha Stewart says she #39;s heading to prison +Business,"At VW, threat of job losses hits nerves" +Business,XM to Launch Online Radio Service +Business,Alitalia nears more union deals +Business,Mondavi to move on +Sci/Tech,UK group accuses Apple of unfair download pricing +Sci/Tech,CNN.com Romancing the phone +Sci/Tech,Sun #39;s OpenSolaris Plans Start to Emerge +Sports,Where #39;s Phil? US captain says decision to sit out not selfish +Sports,Blackburn names Hughes new coach +Sports,"Roundup: Road to splitsville? No way, Tiger says" +World,Checkpoint Hebrew Finds Way Into Palestinian Lexicon +World,China #39;s Hu calls democracy #39;blind alley #39; +World,Bribes Helped Bombers to Russian Planes -Prosecutor (Reuters) +Sports,Brady Not Satisfied Despite Strong Start (AP) +World,Bush Reaches Out to Hispanics at Event (AP) +World,Bribes Helped Bombers to Russian Planes -Prosecutor +World,Protesters Breach British Parliament in New Scare +World,Expert: India Leads World in HIV Cases +World,New Orleans Urges People to Take Shelter +Business,Risk group sees up to \$10 billion US Ivan damage +Sci/Tech,Group Takes Issue with iTunes #39; Pricing +Sci/Tech,FROM THE DESK OF DAVID POGUE Considering Microsoft #39;s ITunes Store +Sci/Tech,Software Tutors Offer Help and Customized Hints +Sci/Tech,First snapshot of a distant planet? +Sci/Tech,"Sun, Microsoft Ready Single Sign-On" +Sports,Owners Lock Out Players Over Contract Dispute +Sports,"DA still determining charges, if any" +Sports,Blackburn Appoints Wales Soccer Coach Mark Hughes as Manager +Sports,Champions: Liverpool defeats Monaco 2-0 +World,What #39;s next in Iranian nuclear saga? +World,Milosevic puts war court on trial +World,Top official backs Putin on changes for Russia +World,"Quake, gale kill two in Bali, N. Sumatra" +Sci/Tech,Earnings alert: Lawson expects quarterly loss +Business,Delta says revising annual report +Sci/Tech,Apple criticised for download costs +Sci/Tech,Gnome Debuts 2.8 Desktop +Sci/Tech,Launch delay for new ISS crew +Sci/Tech,MOM farms out all IT-related functions +Sports,"Game off, NHL votes to lock out players saying economics have to <b>...</b>" +Sports,Villeneuve gets back on track with Sauber +Sports,Soccer: Big teams off to winning start in Champions League +World,Police reveal prime suspects +World,Hu warns against aping Western politics +Sci/Tech,Latest Mozilla releases fix 10 security flaws +World,New Satellite Photos May Show New Iran Nuclear Site +World,U.S. Joins New Drive for Northern Ireland Deal +World,"Iraq war illegal, says Annan" +Business,OPEC aims for four percent increase in oil quotas +Business,JPMorgan Chase Cancels \$5-Billion Outsourcing Deal With IBM +Business,Airbus #39;s launch aid #39; has to be grounded +Business,Firearms police get stun guns +Business,NCR Recalls Inkjet Refill Kits +Sci/Tech,Candidates battle for hearts and minds in the science journals +Sci/Tech,MS Releases Fix For Graphics Flaw +Sci/Tech,Will the iPod Become the Next Pet Rock? +Sports,"Petulance, style, Drogba has both" +Sports,More than just a game +World,British National Shot Dead in Riyadh +World,Jordanian employer of hostage agrees to pull out of Iraq +World,More Violence Across Iraq Kills 12 +World,New Orleans Urges People to Take Shelter +World,Beer in Moderation Could Be Good for You +Business,SEC Probes WorldCom Creditor Actions +Sci/Tech,Endangered tiger earns its stripes as the world #39;s most popular <b>...</b> +Sci/Tech,Sun's OpenSolaris Plans Start to Emerge (Ziff Davis) +Sci/Tech,Japan Volcano Erupts for Second Straight Day (Reuters) +Business,OPEC to hike crude oil output quota by 1 mil barrels +Sports,Labor dispute puts hockey on ice +Sports,Rivals end phoney contest +Sports,Steelers #39; Roethlisberger injures knee +World,Pre-emption not on cards: Sharon +Sports,Heat Sign Laettner to Help Shaq (AP) +Sci/Tech,Wired Introduces MediaPress LE realtime MPEG Encoder for \$2199 +Sci/Tech,Microsoft Extends Olive Branch to Corporate NT 4 Users +Sci/Tech,Briefly: Microsoft connects with SAP +Sci/Tech,Microsoft connects with SAP +Sci/Tech,Autodesk updates hobbyist tool +Sci/Tech,Infineon to pay \$160 million fine for DRAM price-fixing +Sci/Tech,Columnists: Academia Headaches +Sci/Tech,They're Robots? Those Beasts! +Sci/Tech,Software Tutors Offer Help and Customized Hints +Sci/Tech,"It's Available in Sleek, but It's Going to Cost You" +Business,HBOS walks away from Abbey +Business,Sony #39;s no blockbuster +Business,"Just let me go to jail now, says Martha" +Business,"Update 2: JP Morgan Chase Plans to Rehire 4,000" +Sci/Tech,AOL Dumps Sender ID +Sports,Focused Tiger has fireworks up his sleeve +Sports,Blackburn get their man as Hughes agrees Ewood deal +Sports,Kenyan collapse frustrates Moles +World,Briton is shot dead in Saudi Arabia +World,Dozens Slain During Bloody Day In Iraq +Sports,Alou Hopes 700th Can Change Bonds' Image (AP) +World,USS Cole Prosecution Seeks Death Penalty (AP) +Sports,Ryder Cup Will Be All Over Television (AP) +Sports,Gayle scatters flock of seagulls +Business,OPEC pushes up oil output +Business,Is Search About To Be Amazoned? +Business,Alitalia Gets Crucial Deal With Pilots +Sci/Tech,XM Radio Plans Online Music Service +Sci/Tech,Gates spreads wealth to CMU +World,Darfur peace talks struggle for survival +World,New Satellite Photos May Show New Iran Nuclear Site (Reuters) +Sci/Tech,Blessing or Curse? Top Newspaper Editors Examine Blogs' Role in the '60 Minutes' Uproar (Editor and Publisher) +Sci/Tech,"Current Woes Aside, Cisco Getting Ready For New Growth Run (Investor's Business Daily)" +Sports,Dolphins Have Minor Injury Problems +Business,"Japan Stocks Open Lower, Tech Shares Fall" +Business,OPEC nations agree to boost daily oil quota +Business,"Rupert buys back the farm, the art and harbourside house" +Business,Infineon Reaches Settlement with DoJ on Industry Wide DRAM <b>...</b> +Business,Alitalia Talks Stretch Past Deadline +Sci/Tech,British consumer group: iTunes UK overpriced +Sci/Tech,Microsoft Releases Systems Management Server 2003 SP1 +Sci/Tech,Adobe Announces Photoshop Elements 3.0 +Sci/Tech,"Sun, Microsoft to detail interoperability next month" +Sci/Tech,Fresh sign of the times +Sports,Labor pains +Sports,Ponting says Kiwis aren #39;ta bogy side +Sports,"Howe to be dismissed, but stays with team" +World,Police issue sketches of top 10 suspects in Jakarta blast +Sci/Tech,Oracle hire signals focus on subscription services +Sci/Tech,Mac-to-BlackBerry synchronization app launched +Business,News Corp shareholders to vote on move +Business,Martha to judge: Send me to jail ASAP +Business,Infineon Admits to Price Fixing +Business,Delta Auditor Concerned About Airline +Sci/Tech,Soyuz Damage May Delay Space Station Trip +Sci/Tech,Adobe enters home video editing fray +Sci/Tech,"With new OS, Microsoft seeks couch potatoes #39; eyes" +Sports,"Sutton Cares About Winning, Not Appearances" +Sports,Chelsea off to a flyer +Sports,"Suyigama, Rubin, Jankovic upset in first round" +Sports,"Football: Real Madrid Beaten by Germany, 3-0" +World,"Protesters storm British parliament, but fox hunt ban proceeds (AFP)" +Business,Delta Auditor Concerned About Airline +World,CBS Insists Anti-Bush Memos Accurate (Reuters) +World,Senate Panel Votes to Raise AIDS Funding (AP) +Business,Dollar Firm After Upbeat U.S. Data +Business,Tokyo Stocks Fall as Tech Issues Sold +Business,Martha Stewart Asks to Begin Sentence as Soon as Possible +Business,Coke Says 2nd-Half Profit Will Miss Target +Business,Carmakers Crank Up Their Image +World,"Hurricane Ivan Takes Aim at Mobile, Ala." +World,Dog Drives Off As Owner Watches Hockey +Business,Martha Stewart asks for jail +Business,Global financial system is shock-proof +Business,Coca-Cola earnings dip 24 as sales lose fizz +Business,"Fight decline, don #39;t manage it, urges O #39;Reilly Jr" +Sci/Tech,XM Satellite Unveils Online Music Service +Sports,Leverkusen hammer Real Madrid 3-0 +Sports,Liverpool boss quot;satisfied quot; after Monaco win +World,NK account of blast may be true +Sci/Tech,Microsoft to take direct shots at Linux rivals +Sci/Tech,"With new OS, Microsoft seeks couch potatoes' eyes" +Business,Update 3: OPEC Boosts Production Target 1 Million +Business,Lion Nathan pours off brewery biz +Business,Coke Says 2nd-Half Profit Will Miss Target +Business,The Grapevine Is Whispering; It Says Mondavi +Sports,Mickelson Says Equipment Change Won #39;t Hurt Him +Sports,Stoutmire Out For Season With Knee Injury +Sports,Malik and Afridi have Kenyans in a spin +World,Sailors rescued after 8-day drift off England +World,Protestors disrupt fox hunting debate in British Parliament +Sports,Expos Beat Marlins 10-4 to Sweep Twinbill (AP) +Sci/Tech,Infineon to Pay a Fine in the Fixing Of Chip Prices +World,Tokyo Stocks Open Lower (AP) +Sports,Muslim Player Who Sought Exemption Quits (AP) +Sci/Tech,Price Comparison for Drugs Is Put on Federal Web Site +Sci/Tech,Abandoning Computer Programs for Hands-On Rock +Business,Newmont scales back Peru operations +Sci/Tech,The Firefox Throwdown +Sports,Lara pleased by easy Windies win +Sports,Predators re-sign D Zidlicky +World,YOUR E-MAIL ALERTS +Sci/Tech,Linux Standard Base Is Exactly What Platform Needs (Ziff Davis) +Sports,"Howe to Go Quietly, but Wilpon Speaks Up" +Business,U.S. Web Shoppers' Holiday Spending Up (Reuters) +Business,Says Fed has helped by speaking clearly about rate hikes +Business,lawyer argues Ford sold unsafe police cars +Sci/Tech,Technical Problems Delay Russian Space Launch +Sci/Tech,XM Satellite Radio to Broadcast on Web +Sports,Sugiyama crashes out +Sports,Cricket: Lara backs Bangladesh to make progress +Sports,Notes: Greene out a week +World,Judges Postpone Milosevic Trial for Month +World,Car bomb kills 47 in Baghdad +Sports,Giants Lose Stoutmire for Season With Injury +Sports,Greene expected to miss rest of season +Sports,Cubs beat Pirates again +World,"Rising Population Growth Still an Issue, Says UNFPA" +Sports,Ivan May Delay or Move 49ers-Saints Game (AP) +World,"U.N. Reports Progress on Health, Poverty (AP)" +Sports,Blue Jays Beat Orioles 3-0 to End Skid (AP) +Business,"Nikkei Dips Techs, Steel Makers Fall" +World,China Invites Moderate Democrats to Meetings -Paper +World,Blair sets asylum removal target +Business,"Nikkei Dips Techs, Steel Makers Fall (Reuters)" +Business,Dollar Firm After Upbeat U.S. Data (Reuters) +World,Pakistani Leader to Remain As Army Chief (AP) +Business,"Newmont Mining shuts down Peru mine after road blockade, protests" +Sci/Tech,Muscle wasting disease DNA mapped +Sci/Tech,Borland moving forward with SDO +Sports,Canada claim world ice hockey title +Sports,Hughes named manager +Sports,PREVIEW- #39;Real #39; tournament begins at the Oval +Sports,"With Hopkins fight ahead, De La Hoya takes look back" +Sports,Final 10 tracks in title chase favor Gordon +World,China Invites Moderate Democrats to Meetings -Paper +World,EDITORIAL:Nuke tests in S. Korea +Sports,Samuels Rebounds +Sports,WVU's Toughest Test +Sports,"Riley, O's Take Loss" +Sports,Sanders at Receiver? +Sports,"Faith First, Football Second" +Sports,Wins Tough to Find +Sports,"New Clubs, Same Lefty?" +Business,chipmaker Infineon admits price fixing +Business,Delta Revises 2003 Annual Report +Business,JP Morgan To Take Back Tech Work Outsourced to IBM +Sports,Red Sox Hold Off Devil Rays 8-6 (AP) +Sports,Cardinals Move Closer to Division Title (AP) +Sci/Tech,Shareholders Approve Aether Changeover (washingtonpost.com) +Business,Asian Stocks Head South on Wall Street +World,Foreign Diplomats Visit Scene of N.Korean Blast +Business,"Hotels, Union End Talks, Prepare for Strike" +Business,Airline Woes Reach Across The Atlantic +Business,The Moment That Starts a Makeover? +Business,Mortgage Regulator To Keep Agency Job +World,Putin's Governors Plan Confirms His Control +World,"Between Old Allies, A Sweeping Divide" +Business,ID Biomedical signs distribution agreements for flu vaccine <b>...</b> +World,"For Mexicans, a Chorus of Patriotism" +Sports,Law pays tribute to record-breaking Ruud +Sports,NHL season in jeopardy as players locked out +World,Milosevic trial suspended +World,"For Anwar, the top prize is still as elusive as ever" +World,Crew of 5 rescued after week in life raft +World,CPC #39;s plenum to find ways to prolong #39;moral right #39; to rule +Sports,NHL to Lock Out Players on Thursday (AP) +Business,China Aviation Oil says chief will return to Singapore +Business,Asian Stocks Head South on Wall Street (Reuters) +World,Australian PM refutes Annan claims Iraq war 'illegal' (AFP) +World,Bonds Stays at 699 Homers As Giants Win +Business,"For Martha, It #39;s Time to Do Time" +Business,Update 3: Tokyo Stocks Fall; Dollar Up Against Yen +Business,Wall Street stocks shed on downbeat Coca-Cola outlook <b>...</b> +Business,Coke goes flat as poor sales prompt warning +Sci/Tech,Egyptians treated animals like kings +Sports,"Giants 8, Brewers 1" +World,China threatens to veto UN Darfur draft UNITED NATIONS (Reuters) <b>...</b> +World,Iraq war illegal: Annan +World,Court crushes Anwar #39;s comeback bid +World,No decision taken by Musharraf on army chief post: Pakistani <b>...</b> +Sci/Tech,Employers Begin to Get The Message +Business,"IBM to sell computer unit, in talks with China #39;s Lenovo" +Sports,Throw the book at ... everybody +World,Putin #39;s #39;New Deal #39; for Russia +World,Three headless corpses found north of Baghdad +World,China party chief rules out full democracy +Sports,Johnson Breaks Strikeout Record by Lefties (AP) +Business,OPEC likely to keep output high +Sports,Mello Upsets Fish at Delray Beach (AP) +Sports,NL Wrap: Sosa Belts Two Homers as Cubs Pound Pirates +Business,Dollar Near 1-Week High Vs Euro +Business,Tokyo Stocks Lower +Sports,Seahawks RB Alexander Listed as Questionable +World,Adams backs power-sharing plan +Business,Alitalia agrees to new contracts +Sci/Tech,FCC Chief Pushes TV Via High-Speed Internet Lines +World,Kofi Annan: Globally Popular Mainstay of the UN +World,China Communists Meet as Succession Rumors Swirl +World,Under-fire UN chief deserves fair treatment: newspaper +World,Germany's neo-Nazis change look to attract disgruntled voters (AFP) +Sports,Expos' Former Limited Partners Seek Block (AP) +World,Turncoats Becoming a Problem in Russia (AP) +World,Australia to test unmanned aircraft for protecting its oilfields (AFP) +Sports,AL Wrap: Silva Stifles White Sox as Twins Win Again +Sports,Jeter Is Having Fun When the Games Mean the Most +Sports,"With Bonds Swinging for History, Cheap Seats Become Priceless" +Business,Markets punish Martha further +Business,"Coke #39;s flat earnings pop Wall Street rally, expectations" +Business,Tokyo Stocks Lower +Business,FCC chief considers wireless merger +Sci/Tech,Bill Gates e-mail ID plan rejected +Sci/Tech,Starry nights clearest in Antarctica +Sports,Fish falls early again +Sports,Bonds fails to hit No. 700; Giants maintain wild card lead +Sports,AL Wrap: Silva Stifles White Sox as Twins Win Again +Sports,NL Wrap: Sosa Belts Two Homers as Cubs Pound Pirates +World,"Iraq war was illegal, claims Annan" +World,Judge Dismisses Charges Vs. Bush Protester (AP) +World,Senate Panel Votes to Derail New OT Rules (AP) +Business,Carmakers Face Huge Retiree Health Care Costs +World,Alzheimer's in the Living Room: How One Family Rallies to Cope +Business,OPEC to boost production target +Business,NHTSA plan calls for monitors in wheels +Sci/Tech,Russian spaceship glitch may delay next launch to ISS +Sports,"** For the latest news, please refresh this page regularly **" +Sports,"MLB: Atlanta 2, New York Mets 0" +Sports,National League Game Summary - Houston at St. Louis +World,Sharon government in jeopardy +Sports,Beard Leads Mystics +Sports,Saints Avoid Ivan +Business,DOE seeks reduction of oil prices +Business,VW and union square up over wage offers +Sports,NHL players should try a reality check +Sports,Homer-happy Cubs beat Bucs +Sci/Tech,Cingular Makes Phone for Vision-Impaired (AP) +Sports,Red Sox Stay Hot +Business,Stewart to Begin Serving Sentence Soon +Business,Casinos are dealt \$1.3 bil +Sci/Tech,Bolt explosion could delay next Soyuz launch +Sports,NHL: No Hockey League +Sports,Boxing: Hopkins fighting for place among greats +World,Opposition cries foul on Rashid #39;s remarks: Musharraf #39;s army post +World,Violence Across Iraq Kills 12 +Sports,"Slugger may not be cuddly, but no denying greatness" +Business,Florida Examines Higher Insurance Deductibles +Business,I.B.M. Shrugs Off Loss of a Service Contract It Once Flaunted +World,Stewart to Begin Serving Sentence Soon +Business,Corporate software maker narrowly tops expectations +Business,Alitalia Delays Key Vote +Business,"BA to axe 1,000 Heathrow flights" +Business,"Also, airline says bankruptcy filing possible in #39;near term #39;" +Business,Wall Street Journal to Start Saturday Issue +Business,Industrial Growth Missed Forecast in August +Sci/Tech,Sender ID Hiccups Unlikely to Derail E-Mail Identity +Sports,UPI NewsTrack Sports +Sports,McKenzie back in Green Bay +Sports,Bonds still on hold for 700 Club +World,Sanctions cannot solve crisis in Sudan +World,Pervez will stay on as Army chief +World,Negotiations Seek End to IRA Threat (AP) +World,Indonesia Blast Suspects Eluded Capture (AP) +Business,Oil Shoots Up as Ivan Hits U.S. Shores +Business,Opec to raise production +Business,Judge overturns #39;Robin Hood #39; +Business,IMF: no sign of house price fall +Sci/Tech,Space station crew change may be delayed +Sports,Pekerman looks like favorite to coach Argentina +Sports,Souness wants passionate Newcastle start +Sports,Injury fears allayed over Celtic #39;s McNamara +World,Musharaf likely to retain post of army chief +World,"13 killed, 3 bodies found in Iraq" +World,Bangladesh bus accident kills 22 +Business,US markets drop +World,"Israelis Back Gaza Pull-Out, Want Referendum" +Business,Oil Shoots Up as Ivan Hits U.S. Shores (Reuters) +Sports,Rangers Clobber Athletics 10-3 (AP) +Sports,Padres Defeat Dodgers 7-3 (AP) +Business,Report: Japan May Sanction Citibank (Reuters) +Sports,Mariners Edge Angels 1-0 (AP) +World,Bush Campaign Trail Stops at White House (AP) +Business,Report: Japan May Sanction Citibank +World,U.S. Mint to Unveil New Nickel Designs (AP) +Business,Fresh doubts over Delta Air Lines +Sports,Big Unit Becomes All-Time Lefty Strikeout King +Sports,Safin and Nalbandian Reach Second Round in China +World,Rangers Clobber Athletics 10-3 +World,Bush Campaign Trail Stops at White House +Sports,UNLV names Utah #39;s Sanford as head coach +Sci/Tech,"Bush, Kerry battle over science" +Sports,Ryder Cup underdogs pack a bite +Sports,Bonds whiffs with fans +World,Russia #39;s new czar? +World,Negotiations Seek End to IRA Threat +Business,"US, EU Talk Aircraft Subsidies" +World,Kofi Annan declares US invasion of Iraq illegal +World,Caymans slowly recovering from Ivan +Sci/Tech,News: Feds say Lamo inspired other hackers +World,Report: Bribes Got Bomb Suspects on Planes (AP) +World,"TV row threatens Australia Tests, warns India's cricket board (AFP)" +Sports,John Madden +World,Kerry Tries to Turn Campaign Against Bush (AP) +Business,Hurricane Ivan pushes oil higher +Sports,Cal coach gets extension +Sports,WADA Chief: Marion Jones Could be Turning Point in Effort to Rid <b>...</b> +Sci/Tech,Apple bitten by watchdog +Sci/Tech,AOL dumps sender ID +Sci/Tech,Gnome 2.8 Desktop released +Sports,NHL lockout begins +Sports,Bout shapes De La Hoya career +World,Gunmen Seize Three British Citizens in Baghdad +Sports,SINGH CELEBRATES TOP AWARD +Sci/Tech,A Queens Garden Gives New Meaning to 'Green' +Sci/Tech,They're Robots? Those Beasts! +World,Pakistan Offers Amnesty to Terror Suspects (AP) +Sci/Tech,The Battle of Algiers Revisited +Business,Opec to cool crude boil with additional gallons +Business,Coke takes the fizz out of Wall St +Business,MGM DEAL FALLOUT MAY MEAN TIME WARNER-COMCAST FEUD +Sports,Owners put the NHL on ice +Sports,WHAT THE PAPERS SAY +Sports,Aussies cant wait to face Black Caps +Sports,McNamara likely to return to action in six weeks +World,Sanctions cannot solve crisis in Sudan: Signed article +World,Rescued crew talk of quot;exhausting and frightening quot; ordeal +Sports,Respectful Ravens Prepare for Steelers (AP) +Sports,'Little Santana' Makes Big Plays for Miami (AP) +Sci/Tech,Oracle readies major app server upgrade +World,"Men Seized in Baghdad Were Americans, British - Police" +World,South Korea Aiming for Early October Nuclear Talks +Sports,Patriots see no patsies +Sports,NHL locks players out; outlook dim +Sports,Ten times two equals one NASCAR champ +Sports,Both sides talking lawsuits in Oakland chair incident +Sports,Bonds: No HR in SF win +Sports,NL notables +Sports,AL notables +Sports,McKenzie back with the Pack +Sports,Tufts' field hockey post is a good fit for McDavitt +Sports,Rogers in quick start for Bentley offense +Sports,McNally serving Stonehill well +World,Couple arrested over Jakarta bomb +Business,Losing bidders still have shot at Fan Pier +Business,An irregular heartbeat +Business,Developers file plan for Waterside Place +Business,Stewart asks to start serving her prison sentence +Business,Manufacturing accelerates +Business,"OPEC votes to lift output, aims to ease fears" +Business,S. Africa remark sparks political flap +Business,Doubts expressed over Delta +Business,CEO of Coke lowers outlook for quarter +Business,German chip maker pleads guilty in price-fixing case +Business,J.P. Morgan takes on workers as IBM outsourcing deal ends +Business,Software enables nurses to bid for extra shifts +World,Johnny Ramone loses cancer fight +World,Bribes cited in downing of Russian jets +World,US faults Saudis on religious liberty +World,Iraqis find three beheaded bodies +World,Two GOP leaders attack Iraq policy +World,"Egypt, Syria see pullout links" +World,Funds for population goals urged +World,Fox hunt protest turns violent +World,Kerry Tries to Turn Campaign Against Bush +Sci/Tech,Oracle puts focus on data integration at OpenWorld +Sci/Tech,On Microsoft's Virtual Server 2005 +Business,"OPEC votes to lift output, aims to ease fears" +Business,Stewart asks to start serving her prison sentence +Business,EARNINGS WATCH +Business,The Journal to add Saturday edition +Business,US seeks new pact with EU that bans aerospace subsidies +Business,Chapter 11 trustee appointed for AmeriDebt +Sports,NHL begins lockout that could be lengthy +Sports,Ryder Cup format +Sports,Sir Alex sharpens axe +Sports,De La Hoya #39;s last stand +Sports,Bianchi turns down Argentine coach post +Sports,Ten times two equals one NASCAR champ +Sports,"FOOTBALL: UEFA CUP FIRST ROUND, FIRST LEG TIES: SOUEY CALL FOR <b>...</b>" +Sports,"Bonds remains shy of 700, but Giants still win big" +Sports,"NL notebook: Mets fire Howe, effective at end of the season" +World,3 Britons abducted in Baghdad +World,Japan to confirm what Annan meant by saying Iraq war illegal +World,Assembly to debate Musharraf role +World,China #39;s communist party leaders kick off key meet as power <b>...</b> +World,Ivan strands Utahns; help is on the way +World,Critics take on Putin terror plan +World,Group visits N. Korea blast site +Sci/Tech,Internet Explorer Loses More Market Share (Ziff Davis) +Sci/Tech,Samsung develops high quality image censor for camera phones (AFP) +World,"Australian PM rejects Annan claims Iraq war 'illegal', criticises UN (AFP)" +Business,U.S. Treasuries Touch Softer Before Data +Business,Martha Stewart asks to serve sentence now +Business,HBOS leaves field clear in battle for Abbey National +Business,PacifiCare buys AMS for \$502 million +Business,Corus Reports First-Ever Profit as Steel Prices Soar (Update3) +Sci/Tech,Intel gives up its need for speed to focus on power +Sci/Tech,In-flight mobile calls approved +Sports,Teams seeking end to Ryder hostilities +Sports,UPDATE 1-Ferrero downed at China Open +Sports,Hopkins draws on past vs. De La Hoya +Sports,It #39;s been a while since it was fun at the ol #39; ballpark +World,Indonesia acquits two reporters of libel +World,Iran Dismisses New Nuke Site Charge as 'A New Lie' +World,Russia's Putin Rules Out Talking to Chechen Rebels +World,"2 Americans, 1 Briton Kidnapped in Iraq" +World,Ivan Makes Landfall on Alabama Coast +Sports,Loss has Mercury scrambling to hold final playoff berth +Sci/Tech,Games blur news and entertainment +Sports,Baseball Today (AP) +Sports,On your mark +Sports,"Some fans cooling off, take NHL's hit in stride" +Sports,Happy return for Youkilis +Sports,Mueller takes leave for opinion on knee +Sports,Today's schedule +Sports,Frequent flingers +Sports,Pro Tours: The Stops and the Talk +Sports,New tee will try to hold its own +Sports,Sun get back into playoffs +Business,Volkswagen labor negotiators far apart +Business,CEO of Coke lowers outlook for quarter +Business,Corus breaks into profit +Sports,NHL: Pucks iced +Sports,Ferrero crashes in China +World,Couple linked with embassy attack arrested in Indonesia +World,Beheaded bodies found near Baghdad +World,Indonesia #39;s presidential candidates pledge to develop country +World,UN General Assembly refuses to consider Taiwan #39;s UN representation +Business,Big Blue loses multibillion outsourcing contract +Business,Networks seek okay for drug ads on TV +Sports,Flynn makes Wales plea +Sports,"Ferrero, Scheuttler come up short, Safin cruises in China Open" +World,Annan: Iraq war was illegal +World,Richemont Sparkle Lifts European Stocks (Reuters) +Business,Surprise rise in UK retail sales +Business,South Korea chip makers face US probe into price fixing +Sci/Tech,Microsoft and Sendo end row +Sports,Villeneuve: Our aim was to learn. +Business,U.S. Web Shoppers' Holiday Spending Up +World,"Gunmen Seize Two Americans, Briton in Baghdad" +World,Afghan President Aborts Trip After Rocket Attack +World,Cameroon leader seeks a new term +World,Image flaw exposes Windows PCs +World,"U.S., Europe Tentatively OK Censure Iran" +Sci/Tech,IBM adds #39;trusted #39; chip to PCs +Sci/Tech,Debugging the Megahertz Myth +Sports,"Football? No, it #39;s the Ryder Cup" +Sports,"De La Hoya, Hopkins worry about Ivan, too" +Sports, #39;Satisfied #39; Benitez left wanting more +Sports,Baby daughter has Riley hooked +World,Couple arrested over Jakarta embassy blast +World,Briton Shot Dead in Saudi #39;Terror Attack #39; +Business,Alitalia seals ground staff deal +Business,Calif. activist buys first hybrid Escape +Sci/Tech,Yahoo! Joins Music Download Race +Sci/Tech,Image flaw exposes Windows PCs +Sports,Saunders Calls for Welsh Appointment for Wales +Sports,TEAM USA: Quizzical Riley is life of the party +Sports,Franklin dumps the #39;monkey #39; +World,Indons detain couple in connection with embassy bombing +World,Our Man in Pyongyang Sets off on Blast Inspection +Sci/Tech,Why PCCW is laughing all the way to the bank +Business,Corus swings to profit +Business,"Gap Matures, Targets Women Over 35" +Business,UK retail sales rebound in Aug; up 0.6 pct from July to beat <b>...</b> +Sci/Tech,Research In Motion Introduces New BlackBerry 7100v in Europe and <b>...</b> +Sci/Tech,MIKE WENDLAND: Messaging update is mostly good news +Sci/Tech,IBM protects passwords with PC chip +Sports,Owners: The puck stops here +Sports,SI.com +Sports,Jacques wants revenge on BAR +Sci/Tech,Part of the ECT News Network +Sci/Tech,Vodafone gets first bite of latest BlackBerry +World,Bush war on Iraq illegal - United Nations Secretary Annan +Sci/Tech,Instant Messaging Goes Graphical +World,"US, Europe tentatively OK Iran censure" +World,Blair in Northern Ireland bargaining +World,Rocket attack stops presidential visit +World,US troops sue over tours in Iraq +Business,Stewart decides to go to prison +Business,Bridging a generational Gap +Business,Wall Street Start Seen Steady (Reuters) +World,"Two bombers surrender, says Israel" +Sci/Tech,EBay's China Site to Join Worldwide Network (Reuters) +World,U.S. Alarmed Over Suspected Iran Nuke Site (AP) +Business,Wall Street Start Seen Steady +Sports,Arizona's Johnson Becomes All-Time Lefty Strikeout King +Business,Report: Japan May Sanction Citibank +Sports,Battle for Ryder Cup 'Underdog' Tag at Oakland Hills +Business,"Dollar Holds Firm Before CPI, Philly Fed" +Business,Caesars Expected to Unveil Casino Deal +World,Ukraine Leader Agrees on Measures for Fair Vote +Sci/Tech,NASA Still Lacks Shuttle Repair Kits (AP) +World,"2 Americans, 1 Briton Kidnapped in Iraq" +Sci/Tech,Kinks Seen in Theft of Saturn's Ring Material (SPACE.com) +World,U.S. Alarmed Over Suspected Iran Nuke Site +Sci/Tech,Tapwave Zodiac 2 +Sci/Tech,The quest for the IT Holy Grail +Sci/Tech,Harry Potter IP claim pinned down on the beaches +Business,News Analysis: can 1 million barrels of oil revive world market? +Business,"BA cuts 1,000 flights to beat delays" +Business,Delta #39;s auditor airs doubts +Business,"Infineon admits price fixing, pays fine" +Business,"Dollar Holds Firm Before CPI, Philly Fed" +Business,Escape Hybrid makes its debut +Business,"American Medical Security quot;outperform, quot; target price raised" +Business,NCR inkjet refills recalled +Sci/Tech,SES Astra Welcomes NTL to Client List +Sports,Hughes leaves a void Ian Walsh +Sports,TOYOTA CONFIRM TRULLI DEAL +Sports,BLOODY REF +Sports,Robbins slapped by rowing team-mate +Sports,De La Hoya-Hopkins is about more than the championship +Sci/Tech,Vandal daubs DNA code in street +Sci/Tech,"Airbus: In 2006, keep your cell phone on" +Sports,Proteas will have the edge if rain hits Oval +World,"2 Americans, 1 Briton Kidnapped in Iraq" +World,Karzai aborts trip to Afghan city after rocket hits near landing <b>...</b> +Sci/Tech,Finding Truth on the Internet +Sci/Tech,Instant Messaging Goes Graphical +Sci/Tech,An Anime for Deep Thinkers +Sci/Tech,High-Tech Hearing Bypasses Ears +Sci/Tech,Weather Makes Lawmakers Antsy +Sci/Tech,Ivan May Just Be a Messenger +Sci/Tech,Five Fired at Los Alamos Lab +Sci/Tech,Another Patch Job From Microsoft +Business,British retail sales show surprise rise in August (AFP) +Sci/Tech,Solar Storms Smack a Comet (SPACE.com) +World,Sudan and Darfur Rebels Wait for AU Talks Decision (Reuters) +Business,Oil Higher as Ivan Hits U.S. Shores +Business,"Citigroup, 3 Others Face SEC Bonds Probe" +World,Frustrated Taiwan May Rethink Strategy for U.N. +World,N Korea stalls nuclear talks +World,"Bush won, but Democrats question Ohio vote (AFP)" +Sci/Tech,Networkers' Crowding Achievement +Sci/Tech,DC Tech Council +Sci/Tech,German Chipmaker Admits Price Fixing +Business,Corus posts first interim profits +Business,Lakewood wins over Del Webb for top rating from JD Power +Sci/Tech,Yahoo buys MusicMatch +Sci/Tech,Airbus Sees Mobile Phones On Planes By 2006 +Sports,Law: He deserves honour +World,Attempt on Afghan President #39;s Life Fails +World,Crunch talks for Northern Ireland get under way (AFP) +Sci/Tech,Workers' Group Says EPA Censors Comments (Reuters) +World,Foreign diplomats in North Korea en route to site of mysterious blast (AFP) +World,Lawmakers Back Compromise on Intel Bill (AP) +World,Battle near southern Somali port +World,Russia 'impeded media' in Beslan +Business,Wall Street Journal to launch weekend edition in 2005 +Sci/Tech,Airbus Tests GSM +Sports,"Home-course advantage? Not US has rank, Europeans have track <b>...</b>" +Sports,Rookie Gallery lt; -0 will start Sunday +Sports,Doghouse Boxing #39;s Hopkins-v-De La Hoya fight predictions +Sports,Could No. 700 give Bonds an image lift? +World,3 Westerners Abducted in Baghdad +World,Mainland mistresses mar elections in Hong Kong +Business,"Citigroup, 3 Others Face SEC Bonds Probe (Reuters)" +Sci/Tech,Earliest Signs of Winemaking Found in China (Reuters) +Business,Richemont Keeps European Shares Higher +Business,EDS: U.S. Air Bankruptcy to Cut Its Profits +Sci/Tech,NASA Seeks Methods to Repair Shuttles in Flight (Reuters) +Business,Nortel Expects Lower 3rd-Quarter Revenue +Business,N Europeans take more sickies +Business,Stewart asks to begin jail term +Business,"British Airways cancels about 1,000 Heathrow flights" +Business,"EU, US hold crunch talks on Boeing-Airbus" +Business,"Amex, Nasdaq in talks to move QQQ" +Business,DIY giant looking to build Russian empire +Sci/Tech,Microsoft #39;s anti-spam proposal rejected +Sci/Tech,Egyptians mummified their dead cats as lovingly as their kin! +Sci/Tech,Latest Norton battles phish-ermen +Sports,"UPDATE 1-Blackburn chance too good to miss, says Hughes" +World,Couple linked to embassy blast +World,China #39;s Annual Communist Party Policy Meeting Begins Amid Rumors <b>...</b> +World,Amazon seeks share of searches +World,Stocks Set to Open Higher +World,U.S. Alarmed Over Suspected Iran Nuke Site +World,U.K. Docs Suggest Tax Breaks for Exercise +World,"Hurricane Ivan Slams Alabama, Killing 8" +Business,Corus in black for first time in history +Sports,Golf calendar +World,UK confirms Briton killed in Saudi capital +Sci/Tech,SEC Probes WorldCom Creditor Actions +Sci/Tech,XM Satellite Radio to Broadcast on Web +Sci/Tech,Earth's Best View of the Stars is in Antarctica +Sci/Tech,Weather Satellite Serves Scientists and Forecasters +Sci/Tech,Networkers' Crowding Achievement (washingtonpost.com) +Sci/Tech,Oracle deploys Xserve RAID internally (MacCentral) +World,Nepal ministry upholds claim of fastest climb up Everest (AFP) +Business,Nortel Sees Lower 3rd-Quarter Revenue +Business,Williams Ends Bid to Sell Power Business +Sci/Tech,Oracle readies major app server upgrade (InfoWorld) +World,Man Sentenced to Life for N.Irish Finucane Murder +Sci/Tech,Circuit City Same-Store Sales Fall in 3Q (AP) +Sci/Tech,German IT agency sets record straight on IE +Sci/Tech,Microsoft provides Project Server 2003-SAP link +Business,Coca-Cola H2 net to miss estimates +Business,Business Glance +Sci/Tech,Vodafone Launch BlackBerry 7100v With New Form +Sports,Mickelson confident despite change in equipment +Sports,Ruud to the rescue +Sports,Shoulder injury blow for Real #39;s Zidane +Sports,Paralympic Drug Scandal Prompts Warning +World,Unionists must make power-sharing pledge - Adams +World,Musharraf Poised to Keep Military Post Despite Earlier Promise +Business,Infineon pleads guilty of DRAM price fixing; to pay \$160mn fine +Business,"Corus Reports First-Ever Profit, Revives Bond Sales (Update6)" +Business,Havas Returns To Profitability Amid Takeover Speculation +Business,Caesars Expected to Unveil Casino Deal +World,"Briton, two Americans kidnapped as Iraq hostage crisis escalates" +World,Letters: Palestinian leadership +Business,"Before-the-Bell: OmniVision, Nortel Down (Reuters)" +World,Malaysia Boosts Border Watch to Rein in Bird Flu (Reuters) +World,Rocket lands near Afghan school as President Karzai due to visit (AFP) +Business,Stocks Seen Flat as Nortel and Oil Weigh +Business,"Before-the-Bell: OmniVision, Nortel Down" +World,"Gunmen Kidnap Two Americans, Briton in Baghdad" +World,"2 Americans, 1 Briton Kidnapped in Iraq" +Business,Nortel Sees Lower 3rd-Quarter Revenue +Business,Dollar Idles vs. Euro Before US Data +Sci/Tech,IBM Chip Stores ID in Silicon +Sports,Quiet Man Hughes Will Do It his Way +Sports,CARDINALS FACE TOUGH MATCH +Sci/Tech,Police videos end live ID parades +Sci/Tech,The Other Mars Meteorite +Sci/Tech,Orange Launches 3G Services (NewsFactor) +Sci/Tech,Supercomputers Help With Hurricane Forecasting +Sci/Tech,Cingular Wireless Makes Phone for Vision-Impaired +Sci/Tech,XM Satellite Radio to Begin Broadcasting on Web +Sci/Tech,AT T Wireless to Offer Phoneless Messaging Service +Sci/Tech,High-Tech Job Market Still Bleak +Sci/Tech,Triumphant return of the big <cite>Reg</cite> logo t-shirt +World,Strike in Kashmir over separatists' killing (Reuters) +Business,August Consumer Prices Up 0.1 Percent +Business,Jobless Claims Up Less Than Expected +Sci/Tech,U.S. Accuses Researchers of Animal Abuse (AP) +Sci/Tech,Supercomputers Aid Hurricane Forecasting (AP) +Sports,Clijsters Says She'll Marry Hewitt in February +Business,Consumer Prices Nudge Up in August +Sci/Tech,Doctors Suggest Tax Breaks for Exercising +Sci/Tech,Oracle hires HP VP to sell software hosting service +Sci/Tech,NEC extends quantum cryptography range and speed +Business,Nortel Says 3rd-Qtr Revenue Will Fall From 2nd Qtr (Update2) +Business,August Consumer Prices Up 0.1 Percent +Business,"Jobless claims rise by 16,000" +Business,"HBOS #39;s Crosby Shuns Abbey, Gives Santander 18 Million Clients" +Business,EDS: US Air Bankruptcy to Cut Its Profits +Business,Kodak cuts 600 jobs +Sci/Tech,Bush and Kerry go head to head on science +Sci/Tech,XM Radio Online launching in October +Sports,Dillon scythes through Bangladesh +World,US seeks compromise over Iranian ultimatum but sticks to hard line +World,Probe launched into parliament intrusion +Sci/Tech,Search Engine Watch Blog Opens +Business,Consumer Prices Climb; Jobless Claims Up +Business,Delta #39;s ex-CEO to take up NY duties +Business,BNP Paribas Peregrine estimates 7 years of economic feast in HK +Business,US rate futures struggle despite tame Aug inflation +Sci/Tech,Internet browser: Mozilla Vs Microsoft +Sci/Tech,Adobe announces Photoshop Elements 3.0 for Macintosh +Sci/Tech,Antarctic declared perfect place for astronomy!: +Sci/Tech,"Hurricanes, global warming and scientists: A volatile stew" +Sci/Tech,IBM PC Chip to Protects User Passwords +Sports,Good progress for JV and Renault at Silverstone +Sports,Cricket: Australia replace Lee with Watson for Kiwis +Sports,Doan an instant hero in Canada +World,Gunmen seize Brit and two Americans +World,School reopens in a town of silence +Business,Stocks Seen Flat After Warning by Nortel +Business,Oil Higher as Hurricane Its U.S. Shores +World,Afghan President Escapes Assassination on Poll Trip +Business,Consumer Prices Climb; Jobless Claims Up +Sci/Tech,Trend Micro Delivers Mobile Security (NewsFactor) +Business,Survivor's Mesmerizing Beat +World,Consumer Prices Climb; Jobless Claims Up +Business,Martha Stewart Decides Prison Is a Good Thing Right About Now +Business,Alitalia near collapse +Business,"Bankruptcy looming at Delta, auditor says" +Business,Eastman Kodak to Close Australia Plant +Sci/Tech,OFT #39;considering #39; iTunes #39;rip-off #39; claims +Sci/Tech,Adobe Unveils Home Video Editing App +Sports,NHL Lockout Begins +Sports,New Blackburn manager Hughes to stay on with Wales for two games +Sports,Australia v New Zealand- ICC Champions Trophy scoreboard +Sports,Energy keen to light up Europe +Sci/Tech,Microsoft Offering Early Security Warnings +Sci/Tech,Supercomputers Aid Hurricane Forecasting +World,BBC: Annan: Invasion of Iraq is illegitimate +World,11 Palestinians killed in Israeli operations in the West Bank +World,Gunmen kidnap top Gaza official +Sci/Tech,Hibiscus Flowers Help Your Heart +Sci/Tech,Mouth Cells Coaxed to Repair Eye Damage +Sci/Tech,Part of Brain That Extinguishes Fears Found +Business,"US August Inflation Mild, Job Claims Rise (Reuters)" +Sports,Mets Manager Fired but Will Finish Season (AP) +Business,Jobless Claims Up Less Than Expected (Reuters) +World,Indonesia Meeting Urges Greater Religious Tolerance +World,Alitalia Ground Crew Unions Agree to Cuts (AP) +Sci/Tech,"Judge Weighs Evidence in IBM, SCO Case (AP)" +Business,United Airlines Sees More Job Losses +Sports,Zook to replace Turner as Illini head coach +Sci/Tech,"Feedster and Eurekster Mix RSS, Blogs, and Social Search" +Sci/Tech,Google Enhances Google Local Service +Sports,Williams aims for big improvement +Sci/Tech,Vodafone offers BlackBerry phone with smaller keyboard +Business,Nortel Says 3rd-Qtr Revenue Will Fall From 2nd Qtr (Update3) +Sci/Tech,Apple rip-off claims examined +Sci/Tech,Mars laser will beam super-fast data +World,"British, German envoys travel to North Korean blast site" +World,"Senior Official Kidnapped in Gaza, Witnesses Say" +Business,United Airlines Sees More Job Losses (Reuters) +Sci/Tech,Edward C. Baig: Personal Tech - DemoMobile provide advance look at gadgets on the go (USATODAY.com) +Business,U.S. Stocks Open Slightly Higher +World,U.S. Renews Iran Nuclear Complaint After New Photos +World,Man Sentenced to Life for N.Irish Finucane Murder +World,Suspicion over Iran arms facility +Business,Should Your Next Car Be New or Used? +Business,"OPEC elects Sheikh Ahmad al-Sabah as a President, increase oil <b>...</b>" +Business,jobless claims rebound in latest week +Business,EDS stung by US Airways again +Business,Benign inflation lifts bonds +Sci/Tech,Symantec: Anti-Blocking Software Is A Trojan +Sci/Tech,Vodafone gets charmed by RIMs BlackBerry 7100v +Sports,Golf: A hyperactive Ryder Cup +Sports,Mickelson sticks to skipping practice +Sports,Beijing Paralympic Games to be fabulous: IPC President +Sports,Brazil #39;s Mello ousts second-seeded Fish in ATP tour +World,Envoys view North Korean blast site +Business,OPEC Boosts Nigeria #39;s Oil Revenue By .82m Bpd +Sports,Browns' Green Hopes to Have Outrun Woes (AP) +World,Yeltsin warns against rolling back democracy in wake of Beslan (AFP) +Sci/Tech,Sony Cautious on Profit Growth in Home Electronics (Reuters) +World,Ukraine Rivals OK Vote Reforms for Rematch (AP) +Sci/Tech,Can Microsoft Sue Open Office Users? (PC World) +Business,"Kodak to Close Australia Plant, Cut Jobs" +Sports,Rockies Terminate Neagle's Contract (AP) +World,Gaza Gunmen Kidnap Senior Palestinian Official +World,Stocks Move Higher As Oil Prices Drop +Business,EDS Takes Hit on US Airways Bankruptcy +Business,"Jobless Claims Rise By 16,000" +Sci/Tech,XM Radio To Launch Online Radio Stations +Sports,Where #39;s Phil? +Sports,Hughes Calls for Welsh Successor +Sports,WINDIES PERFORMANCE GIVES LARA HOPE +Sci/Tech,Sony Cautious on Home Electronics Profit +Sci/Tech,Cheek tissue to restore eyesight +Sci/Tech,New MyDoom offers 'how to' details +Sci/Tech,"Wired intros MediaPress encoder, Mason HD decoder" +Business,Martha Cleans Up +Business,Consumer prices show slight climb +Sci/Tech,XM Radio Launching Music Online +Sports,Hughes: I had to join Rovers +Sports,FIRST-PERSON: Rangers pitcher should sit out a year +World,"Two Americans, One Briton, Kidnapped in Baghdad, US Says" +World,A Beslan mother #39;s impossible choice +Business,Nortel Warns of Weaker Sales (Reuters) +Sports,Tuskegee-Benedict Football Game Postponed (AP) +Business,Nortel Warns of Weaker Sales +Sports,It's an Early Exit for Myskina +World,Bush Signs Storm Disaster Declarations (AP) +Business,United Airlines CEO Sees Job Losses +World,Gaza Gunmen Free Top Security Official-Witnesses +World,"Saudis Say Politics, Not Religion, Behind U.S. Move" +Sci/Tech,Musicians don #39;t fear the internet: report +World,Suspect confesses to Shia attacks +Business,United Airlines Sees More Job Losses +Business,The Costly Flip Side of Free +Sci/Tech,San Diego teen wins Siemens #39; top prize +Business,Nortel Warns of Weaker Sales +Business,160 million antitrust fine for memory chip maker +Business,UPDATE 1-US rate futures struggle despite low Aug inflation +Business,News deals Rupert \$18m bonus +Sci/Tech,Law Must Respond to Internet Revolution +Sci/Tech,US FCC: High Speed Internet and television +Sports,Boxing News -- 24 hours/day - Reload often! +Sports,Fighting Irish should build on momentum +Sports,Dalmiya authorised to take any action +World,Putin rules out Chechen talks +World,Army chief says planning advanced for Gaza pullout +Sci/Tech,IBM wins \$1 billion networking contract from Lloyds +Sci/Tech,Brits complain over iTunes prices +Sci/Tech,Fox fires volley over stem policy +Sci/Tech,Mobiles take off +Sci/Tech,Antarctic deemed perfect for stargazing +Sci/Tech,Ivan May Just Be a Messenger +Sports,Wednesday at the Ryder Cup +Sports,"Mello ousts Fish, gains quarters" +Sports,Rower slaps Sally at homecoming +Sports,Three more appeals lodged against Olympic medal results +Sports,TV rights wrangle threatens India v Australia coverage +World,Major US allies rejects UN secretary-general #39;s claim that Iraq war <b>...</b> +World,Chechen bombers slip the net +World,Indonesian editor jailed for libel +World,Sack Seeking Milosevic Lawyer Seeks Trial Suspension +World,A woman runs for office in Saudi Arabia (USATODAY.com) +Sports,John Lynch Draws NFL Season's First Fine (AP) +Sci/Tech,Trend Micro offers mobile security for free +Sports,American Home Comforts Suit European Ryder Rookies +World,"Business Cash for Bush Campaign, Lawyers for Kerry (Reuters)" +Business,EDS:US Airways Bankruptcy to Cut Earnings +Sci/Tech,SUPERWEBINAR: Cisco #39;s 40-Gig CRS-1- Light Reading Test Results +Business,Jos. A. Bank's (Law) Suit +Business,US Airways bankruptcy sparks EDS earnings warning +Business,Corus posts first profit +Sports,Trimmed down Monty has stomach for battle +Sci/Tech,US Airways woes spark EDS earnings warning +Sci/Tech,Airbus tests in-flight mobile phones +Business,US consumer prices up 0.1 percent in August +Business,Nortel Says 3rd-Qtr Revenue Will Fall From 2nd Qtr (Update4) +Business,UPDATE 2-Williams ends effort to sell power business +Sci/Tech,Airbus: In-flight Cell-phone Use by 2006 +Sci/Tech,Vodafone to bring Blackberry #39;Charm #39; to Europe +Sports,SAB TV moves court: telecast rights +Sports,Sally still shoulders rowing blame +Sports,Milwaukee Brewers Team Report - September 16 +World,Qaeda Leaders Elusive Despite Pakistan Crackdown +World,Barrett gets life sentence for Finucane murder +World,'Moment of decision' has come for Northern Ireland peace: Blair (AFP) +World,Ex-U.S. Official Charged With Concealment (AP) +World,Dems Challenge Bush in New Campaign Ad (AP) +World,Bush campaigns to seize Democratic stronghold of Minnesota (AFP) +World,Probe Opens Into British Parliament Intrusion +Sports,Chiefs Staying Positive Before Home Game +Sci/Tech,Digital Eye on Ivan +Business,United CEO sees quot;significant quot; job cuts +Business,Protein Design rises on Roche asthma-drug deal +Sci/Tech,Radical Antarctic telescope quot;would outdo Hubble quot; +Sports,Lockout could be NHL #39;s demise +Sports,Tigers Ryder Cup Conundrum +Sports,Cincinnati Reds Team Report - September 16 +World,Annan terms iraq war illegal; says credible elections unlikely +Sci/Tech,Digital Eye on Ivan (washingtonpost.com) +Sports,This Date in Baseball for Sept. 17 (AP) +Sci/Tech,"Kodak, IBM to Make Sensors for Cameras (AP)" +Business,"US inflation in check, giving Fed room to maneuver (AFP)" +Business,The Finer Points of Finance (The Motley Fool) +Business,Consumer prices inch higher +Sci/Tech,UK watchdog queries iTunes pricing +Sports,CL KO for Frisk +World,Blair: quot;Moment of decision quot; for Northern Ireland +World,Pan-African Parliament Opens in South Africa +Sports,Colts Face Second Week of Heavy Schedule (AP) +Sports,"Kuznetsova, Petrova Advance at Wismilak (AP)" +Business,EU Says US Demand for Airbus Aid Ban Is Difficult #39; to Accept +Business,Nortel Warns of Weaker Sales +Sci/Tech,Smithsonian Unveils Ocean Science Program +Sci/Tech,Mozilla Updates Firefox Browser +Sci/Tech,Sun-Microsoft deal raises Open Office questions +Sci/Tech,Symantec #39;s #39;trojan #39; mistake +Sci/Tech,Bill Proposals Call for Cybersecurity Enhancements +Sci/Tech,Norton AntiVirus 2005 +Sports,Mark Hughes opens up +Sports,"Top-seed Myskina eliminated, but Kuznetsova and Petrova advance" +World,2 Americans and Briton Are Kidnapped by Rebels in Baghdad +World,Prime Ministers Call for IRA Disbandment +World,Pan-African Parliament Opens With High Hopes +World,Public Service Workers Strike in South Africa +Sports,DORTMUND YOUTH FACE UP TO BAYERN +Business,Capital benefits for News +Business,Infineon to plead guilty in memory chip case +Business,Clear Channel Radio pursues Hispanic listeners +Sci/Tech,British Government Criticizes Apple for Download Costs +Sci/Tech,Beyond the mirage of cell science +Sci/Tech,Blackberry shrinks phone keyboard +Sci/Tech,Is Microsoft Poised to Sue OpenOffice Licensees? +Sci/Tech,DHS moves ahead with cybersecurity R amp;D efforts +Sci/Tech,Who goes there? +Sci/Tech,Security threats outside the PC +Sports,Australia cruise into semifinals +Sports,Early exit for Myskina in Bali +Sports,Special to Page 2 +World,Plenum Could Bring Leadership Changes +World,Finucane Killer Could Be Free in Eight Months +Sci/Tech,Privacy complaint against Northwest dismissed +Sports,Mayer Moves to Romania Quarterfinals (AP) +Business,Pound soars against dollar after shock rise in retail sales (AFP) +Sci/Tech,Airbus Denies Backing Microsoft in EU Case (Reuters) +Business,Stocks Rise as Oil Price Dips After Ivan +Sci/Tech,National Semiconductor Unveils 'Trusted' Chip for PCs (Ziff Davis) +Business,Nortel Warns of Weaker Sales +Sci/Tech,Smithsonian Unveils Ocean Science Program (AP) +Sci/Tech,Gulf Falconers Push Rare Bird Toward Extinction (Reuters) +Business,U.S. Mint Unveils New Designs for Nickel +Business,"Hotels, Union End Talks, Prepare for Strike" +Business,Gasoline Fuels 7-Eleven's Growth +Business,"Success Can Be Bitter, Apple" +World,Stocks Climb Higher As Oil Prices Fall +World,Fan Spends \$25K Hoping for Bonds HR Ball +World,Raptors' GM Expects Vince Carter to Stay +Business,US rate futures rally after Philly Fed flop +Business,Martha wants to go to jail now +Business,Goodale refuses to comment on rumours that PetroCan sale close +Business,"2,000 jobs in peril at Jaguar" +Business,UPI NewsTrack Business +Sci/Tech,"Success Can Be Bitter, Apple" +Sci/Tech,Nose-controlled device may replace computer mouse +Sci/Tech,National Semiconductor Unveils #39;Trusted #39; Chip for PCs +Sci/Tech,Internet Explorer loses market share +Sci/Tech,Vodafone Launches New 7100V BlackBerry Phone +Sci/Tech,Adobe launches Premiere #39;lite #39; +Sci/Tech,The Security Industry: Where Objectivity Is a Lie +Sci/Tech,Microsoft Keeps Legal Options Against Office Alternative +Sci/Tech,Nokia bringing P2P to phones +Sci/Tech,"Freegate is not Trojan horse, says Symantec" +Sci/Tech,Tired of Passwords? Replace Them With Your Fingerprint +Sports,Cricket: Symonds leads Aussies into last four +Sports,"Sutton pairs Tiger, Phil at Ryder Cup" +Sports,Swimmer issues crowd plea +Sports,"Kuznetsova, Petrova Advance at Wismilak" +Sports,Vince Carter wants out of Toronto +Sports,"Yankees, Red Sox lock up on FOX" +World,Indonesian Editor Jailed Following Libel Conviction +World,"Europeans expect ""wounded"" Tiger to pounce at Ryder Cup (AFP)" +Sci/Tech,N.Y. Firm Offers to Freeze Women's Eggs (AP) +Sci/Tech,U.S. Signs Colorado River Protection Pact (AP) +World,Cricket: Aussies ease past NZ +Business,Deal Gets Clean Bill of Health +Business,Philadelphia Fed Manufacturing Index Falls to 13.4 in September +Business,Soros Hedge Fund Chief Resigns +Business,Six Flags To Open Water Park In Gurnee +Business,Murdoch #39;s Pay Rises 42 to \$17 Mln as Fox TV Gains (Update2) +Business, #39;Skills Lost Forever If Jaguar Plant Shuts #39; - MP +Sci/Tech,Intel discloses WiMAX silicon plans +Sports,"Kuznetsova, Petrova advance at Wismilak" +World,Britain Defends Legality of Iraq Invasion +World,Briton among three men seized by Iraq gunmen +World,Indonesian magazine editor sentenced to year in prison in libel <b>...</b> +Sci/Tech,DOT dismisses privacy complaint against Northwest +Sci/Tech,Kiwi helping build browser +Sci/Tech,Vodafone launches second phone-form BlackBerry +Sports,"Four years older, and wiser" +Sci/Tech,Another GMail Notifier: GMNotifier +Sci/Tech,Mass. Launches Computerized Medical Files (AP) +Sci/Tech,FindWhat and BizJournals Ink Search Advertising Deal +World,Terror Incidents in Russia Since 1995 (AP) +Sports,Seattle Tackle Jones Misses Training Camp (AP) +Sci/Tech,Net Virus Turf War Resumes After Rival's Arrest (Reuters) +World,U.S. groups accuse China of failing to stop intellectual property abuses (Canadian Press) +World,Aliant employees in Atlantic Canada vote to end lengthy strike (Canadian Press) +Sports,Mickelson Again Missing for Final Ryder Practice +Sports,"Hawks Ink Free Agents Kenny Anderson, Jon Barry" +Business,U.S. Philly Fed Reports Factories Slow +Sci/Tech,Net Virus Turf War Resumes +Business,"US, EU Haggle Over Subsidies to Aircraft Companies" +Business,Can Kodak Click With IBM? +Business,Boeing Unit to Sell Hawaiian Air Claim +Sci/Tech,Airespace wins IBM deal for Wi-Fi service +Sports,Trulli makes quick switch to Toyota +Sports,ESPN.com news services +World,"Iraq war illegal, says Annan" +Sports,"Hawks Ink Free Agents Kenny Anderson, Jon Barry (Reuters)" +World,Former Shell Chairman Appeals Censure (AP) +World,Sudan's southern rebels deny involvement in crisis in Darfur region (AFP) +Business,Inflation Mild; Phila. Factories Sluggish +Sci/Tech,Only Great White Shark at Calif. Aquarium (AP) +Business,Stocks Rise on Mild Inflation +Business,Havas Mulls Bollore Board Seats +Business,"Why You Hate, and Like, Social Security" +Business,The Tech Inventory Hair Ball +Business,Gottschalks Gets a Lift +Sci/Tech,Glimpse at Swollen Stars Presages Earth's Demise (SPACE.com) +Business,Oil companies assess Ivan damage +Business,Consumer Prices Climb; Jobless Claims Up +Business,United Airlines CEO Sees Job Losses +Sci/Tech,UK Group Accuses Apple of Overpricing iTunes +Sci/Tech,Amazons A9 Web search makes debut +Sci/Tech,Research in Motion sets Vodafone BlackBerry pact +Sci/Tech,Critical JPEG security flaw leaves Windows users vulnerable +Sci/Tech,Nose-Driven #39;Nouse #39; Helps Disabled Surf Web +Sci/Tech,"Bush, Kerry Go Head to Head on Science" +Sports,"Hawks sign Anderson, Jon Barry" +World,Indonesian Magazine Editor Found Guilty of Libel +World,British man gunned down in Saudi Arabia +Sports,Zidane sidelined for three weeks after dislocating shoulder +Sci/Tech,Programs Column: Detective Drew Returns to Her Roots +World,"Putin, at Odds with West, Rules Out Chechen Talks" +Sci/Tech,Column: Game Offers Peek at Presidential Politics +Sci/Tech,"20,000 American Indians to March at National Museum Opening" +Sci/Tech,Pre-Inca Ruins Emerging From Peru's Cloud Forests +Sci/Tech,Egyptian Animals Were Mummified Same Way as Humans +Sci/Tech,"At New American Indian Museum, Artifacts Are ""Alive""" +World,"Hurricane Ivan Blasts Alabama, Kills 11" +World,Anwar Vows to Campaign for Reforms (AP) +Sci/Tech,Sun-Microsoft deal raises Open Office questions (MacCentral) +World,Unfinished Business Piles Up in Congress (AP) +Business,Hawaiian secures critical lease agreement with Boeing +Sci/Tech,Smithsonian To Add \$60-Million Ocean Hall +Sci/Tech,IBM Expands RFID offerings +Sports,Another day without practice for Phil +Sports,Hughes delighted with Blackburn Rovers Football Club +World,Afghan President Escapes Attack +Sports,'Monday Night Football' to Use Air Delay (AP) +World,Chinese Web Search Site Baidu Acquires Hao123 (Reuters) +Business,United Airlines CEO Sees Significant Job Losses +World,"Bush, Kerry on Issue of National Security (AP)" +Business,The \$5.35 Software Bargain +World,Kerry Accuses Bush of Hiding the Truth About Iraq +Business,Things don #39;t go better as Coke #39;s profit warning weighs Dow +Business,Ex-Shell Chairman Challenges Watchdog over Oil Reserves Scandal +Sci/Tech,Vodafone Peddles New BlackBerry +Sci/Tech,shuttle fragment found in Texas +World,Putin #39;s Power Play +World,Chinese in the dark as leaders gather +Business,Deal marks first China stock premiere to list there +Sci/Tech,Large piece of space shuttle Columbia found +Sports,Australian rower Oliver goes slap-happy +Sports,West Virginia #39;s task: Climb over Maryland +Sports,Woods to play at 84 Lumber Classic +Sports,LSU-Auburn Rivalry Could Get New Chapter (AP) +Sci/Tech,XM Radio Goes Online (NewsFactor) +Sports,Ohio State Buckeyes Succeed in Close Games (AP) +World,Kerry and Bush running neck and neck in White House race: poll (AFP) +World,Kids create new sign language +Business,September slowdown for Philly-area factories +Business,Nortel Says 3rd-Qtr Revenue Will Fall From 2nd Qtr (Update6) +Business,Bharti group forays into agri-biz Floats 50:50 joint venture <b>...</b> +Sci/Tech,Mouse for the nose +Sci/Tech,Space Shuttle Columbia Fragment Found in Texas +Sci/Tech,New Program Encourages Kids to Run Marathons +Sci/Tech,Briefly: Nortel lowers expectations +Sci/Tech,"Kodak, IBM team up to build image sensors" +Sci/Tech,Nortel sees slower-than-market growth in Q3 +Business,Leaders ready to work on school finance +Sci/Tech,Hackers Jump On Reported Windows Flaws +Sci/Tech,Airespace partners with IBM on Wi-Fi service +Sci/Tech,EarthLink tests file-sharing program +Sci/Tech,AOL Dumps Microsoft #39;s Sender ID +Sci/Tech,Small telephone companies worry about paying more to use SBC <b>...</b> +Sci/Tech,Q amp;A: Microsoft #39;s Linux strategist Martin Taylor +Sci/Tech,Sun says Solaris 10 to be fully Open Source +Sports,NHL Talent Comes Home +Sports,TRULLI FELT BAD VIBES AT MONZA +Sports,MLB player arrested +Sports,LSU-Auburn rivalry could get another chapter: The Hurricane Game +Business,Oil Up on Worries of Output Shut by Ivan +Business,Wage gains stay ahead of inflation in August +Business,IBM to make digital image sensors for Kodak +Business,"US 30-, 15-year mortgage rates slip in latest week" +Business,Soros executive leaves hedge fund to start firm +Sci/Tech,RIM takes new BlackBerry design overseas +Sci/Tech,Experts Study New Sign Language System +Sci/Tech,Microsoft Reserves Right To Sue OpenOffice Users +Sports,"Bonds 3-For-3 But No Homer, Remains at 699" +Sports,Agendas differ at Maple Grove +World,British ambassador visits DPRK blast site +World,Weekly Report On Israeli Human Rights Violations +Sci/Tech,AOL Won't Use Microsoft Anti-Spam Standard (Reuters) +Sports,NBA's young Bobcats add experience in Smith (AFP) +Sports,"Bonds 3-For-3 But No Homer, Remains at 699 (Reuters)" +Sci/Tech,Ramones Reclaim Place in History (AP) +Sci/Tech,AOL backs away from Microsoft antispam plan (MacCentral) +Sports,Irish Help European Team at Ryder Cup (AP) +Sports,"Bonds 3-For-3 But No Homer, Remains at 699" +Sports,Europe Strikes Early Ryder Blow with Charm Offensive +Sports,Teams United in Desire to Wait for Players in Labor Dispute +Business,High court to review interstate wine shipping laws +Business,Milking the World Series of Poker +Business,Here's to Your (Cheaper) Health Care +World,State Dept. Official Arrested in Inquiry on Taiwan Contact +World,Volatile Oil Prices Hold Stocks in Check +Sci/Tech,AOL Won't Use Microsoft Anti-Spam Standard +Sci/Tech,College backs off Wi-Fi ban +Sci/Tech,First Look: A BlackBerry for Phone Lovers +Sci/Tech,Iomega Readies Wireless Storage Device +Business,XM Radio Shares Jump on Online Service +World,Respect Lebanon #39;s sovereignty by respecting the Constitution +Business,"Inflation Mild,Mid-Atlantic Factories Off" +Sports,Oakland Hills Now Seen As Golf Mecca (AP) +Business,Nortel Warns of Weaker Sales +World,"Gaza Gunmen Kidnap, Then Free Palestinian Official" +Business,Dow dips as brokers downgrade three top blue-chips +Business,Spike in oil prices will impact on US economy: Fed official +Business,Nortel sees slower-than-market growth in Q3 +Business,"UPDATE 2-Protein Design rallies on Roche deal, then fizzles" +Sci/Tech,AOL backs away from Microsoft antispam plan +Sci/Tech,AOL won #39;t use Microsoft anti-spam standard +World,Settlers or Sharon +World,Annan Calls for Urgent Action in Sudan (AP) +Business,Stocks Up But Late Oil Spike Trims Gains +Business,Texas Instruments Plans Buyback +Sci/Tech,Mac OS X Tip of the Week: Custom Labels +Business,"Airbus, Boeing Dispute Likely To Intensify" +Business,"IBM, Kodak team up to make image sensors for cameras" +Business,Update 1: PM: France Will Conform to Deficit Rules +Business,Intel Passes Over Brazil +Sci/Tech,Apple accused of ripping-off Britain +Sci/Tech,"Drop the mouse, use your nose" +Sci/Tech,New breed of portable media players means squinting at palm-sized <b>...</b> +Sports,Sprinter Earle Connor suspended from Paralympic team pending CCES <b>...</b> +Sports,Hughes to take Bowen with him to Blackburn +Sports,Who #39;s the Champ? Who Cares? NASCAR Wants TV Ratings +World,Kremlin Spins Putin #39;s Proposed Plans +Business,UPDATE 1-Fed #39;s Gramlich: Impact from costlier oil inevitable +Sci/Tech,Internet Explorer Loses More Market Share +Sci/Tech,First Look: A BlackBerry for Phone Lovers +Sports,Bayer give a Real shock +World,Afghan Leader Survives Assassination Try +World,Annan UN Council Should Vote 'Yes' on Sudan Draft (Reuters) +Sci/Tech,Judge Says Microsoft to Pay #36;112 Million (AP) +World,Thailand Off U.S. List of Drug Countries (AP) +World,Bush Still Optimistic About Iraq (AP) +Business,Dollar Slumps on Regional Factory Data +World,US Officials Differ on Strength of Iran Nuke Claim +World,Reporter 'undercover in Commons' +World,Stocks End Higher on Upbeat Economic News +World,"Gunmen Kidnap 2 Americans, Briton in Iraq" +World,Hurricane Ivan Slams Gulf Coast; 20 Dead +Business,US consumer prices rise modestly; no immediate inflation risks +Business,EDS stung by US Airways again +Business,Dollar Slumps on Regional Factory Data +Business,Williams says judge rules against co. in Alaska case +Business,U.S. Treasury Debt Prices Rally (Reuters) +Sci/Tech,Kids Give Language Its Shape +Sci/Tech,FULL STORY +Sci/Tech,IBM fits PCs with new hardware-based security chip +Sci/Tech,"Building a Linux PVR, Part 2" +Sci/Tech,Jan Baan launches Web services firm +Sports,Bobcats Sign Veteran Guard Smith (Reuters) +Sports,Frisk is the latest victim at Romes modern Coliseum +Sports,Pekerman hired as Argentina soccer coach +Sports,Baseball: Bonds #39;s pursuit of 700th homer to continue at home +World,UN chief urges action over Darfur +World,Settlers or Sharon +Sci/Tech,AOL Shuns Microsoft Anti-Spam Technology (AP) +Business,Money Funds Fell in Latest Week (AP) +Sports,Woods and Mickelson in Early Assault on Europe +Sports,Bobcats Sign Veteran Guard Smith +Business,"EU, U.S. Talks on Aircraft Aid Grounded" +Business,After the Bell -- Texas Instruments Up +World,Fake Bomb-Making Gear Smuggled Into UK Parliament +World,What's behind US strategy shift in Iraq war +World,US engages Africa in terror fight +World,UN chief urges action over Darfur +Business,Biotech Stocks Rise Marginally +Business,Keeping control of inflation is key +Business,Airbus Denies Backing Microsoft in EU Case +Sci/Tech,Image Flaw Exposes Users to Hacker Risk +Sci/Tech,Airespace wins IBM deal for Wi-Fi service +Sci/Tech,Airbus Sees Mobile Phone Use on Planes in 2006 +Sports,F1: Trulli to Drive for Toyota Team Next Year +Sports,SAINTS SMASH HODDLE TALK +World,Lawmakers Seek to Prevent Another Riggs (AP) +Sports,Ryder Captains Call for Sportsmanship on Eve of Cup +World,Hurricane Ivan pounds US mainland +Business,Intel CEO All but Rules Out Chip Plant +Sports,Canadian teams voice support for Bettman +Sci/Tech,Oracle plans content management splash +Sci/Tech,Jan Baan launches Web services firm +Sci/Tech,New Acrobat seen this year +Sci/Tech,Symantec to acquire security firm stake +Sci/Tech,Airespace partners with IBM on Wi-Fi service +Sci/Tech,Brief: Netopia to restate results +Sci/Tech,Boeing readies RFID standards for release to suppliers in 2005 +Sci/Tech,Q A: Microsoft's Linux strategist Martin Taylor +Sci/Tech,US Airways bankruptcy to hit EDS earnings +Sci/Tech,Sun-Microsoft deal raises Open Office questions +Sci/Tech,Study: IT job market continues to be stagnant +Sci/Tech,Airbus tests in-flight mobile phones +Sci/Tech,Nortel sees lower Q3 revenue +Sci/Tech,German IT agency sets record straight on Explorer +Sci/Tech,IBM fits PCs with new hardware-based security chip +Sci/Tech,Lawyers predict FTC's Rambus case will move forward +Sci/Tech,AOL backs away from Microsoft antispam plan +Business,3Com posts narrower loss +Business,UPDATE 1-Ottawa to sell off Petro-Canada stake +Sports,"Record breakers? Fat hope, Real" +World,After the #39;Road Map #39; +World,China #39;s top leaders meet to improve party #39;s grip +World,Parliament slip-up +Sci/Tech,2004 Election Candidate Comparison Search by PriceGrabber +Sports,Rockets Exercise Contract on Yao (Reuters) +World,Kidnapped Foreigners Known for Sharing (AP) +Sports,Rockets Exercise Contract on Yao +Sci/Tech,IBM Builds In PC Security +Business,Stocks to watch Friday +Business,UPDATE 2-Ottawa launches sale of Petro-Canada stake +Sci/Tech,Stelios enters online music fray +Sports,Teammate slaps rower +Sports,Excerpts of Bryant #39;s interview with investigators +Sports,McGrath and mates turn arch rivals into minnows +World,"US, allies strike deal with EU trio on Iran-diplomat" +World,Afghan president Karzai escapes assassination attempt +Business,Symantec to acquire digital security co. +Business,Manufacturing accelerates +Business,State Lawmakers Seek #39;Robin Hood #39; Alternative +Business,PM: France Will Conform to Deficit Rules +Sci/Tech,United Tech Unit Gets NASA Pact +Sci/Tech,Airespace Wins IBM Partnership for WiFi Service +Sci/Tech,Chip Equipment Bookings Slip +Sports,Lockout stalls NHL season +Sports,Hughes called Ferguson for word of advice +Sports,Report: Before Arrest Bryant Said He Would Pay Accuser +World,Annan Says Security Council Must Act Now On Darfur +World, quot;Road-map quot; peace plan for Gaza Strip +Sci/Tech,Hamilton Sundstrand wins NASA contract +Sports,Jose Pekerman takes over as coach of Argentina +World,"Persecution, not prosecution" +Business,Canada #39;s C\$3 Bln Petro-Canada Stake Is Filed for Sale (Update1) +Business,Microcell shares hit new high as Rogers seeks federal OK for <b>...</b> +Sci/Tech,IBM Builds In PC Security +Sports,Ferrero joins Moya in early China Open goodbyes +World,"Iraq Allies, Countering Annan, Insist War Was Legal (Reuters)" +World,"Annan backs US, EU push for action on Darfur" +World,Palestinian official freed after Gaza kidnap +Sci/Tech,IBM Builds In PC Security (PC World) +Business,No Christmas rush as sales fall +World,"U.S., EU Trio Agree Iran Nuke Resolution --Diplomats" +World,Annan Backs U.S. on Darfur; Vote Due Saturday +Sports,"Fan Pursues Bonds Home Run Ball, But Strikes Out" +World,"Iraq Allies, Countering Annan, Insist War Was Legal" +World,S.Africa Public Sector Unions Strike Over Wages +Business,Stelios enters online music fray +Sci/Tech,Point and Snoot: Introducing the Nose Mouse +Sci/Tech,Outsourcing megadeals lose momentum +Sci/Tech,Mandrakesoft in \$7.3 million stock sell-off +Sci/Tech,Sun-Microsoft deal raises Open Office questions +Sci/Tech,Symantec to acquire security consultants Stake +Sci/Tech,Study: IT job market is still stagnant +Sci/Tech,AOL Signs Off From Sender ID +Business,EU and US can #39;t solve jet dispute +Business,Symantec Buys Security Consulting Pioneer stake +Business,Offshore drilling rig missing after Ivan +Business,Dollar falls after Philly Fed disappoints +Business,Insurance losses from Ivan to come in between \$4 billion and \$10 <b>...</b> +Sports,Southampton Football Club deny Hoddle link +World,US presses atomic energy agency for strong stand on Iran +World,Rocket fire thwarts rally for Karzai +Sports,Report: Bryant Told Police He Was Innocent (AP) +World,US sending extra troops to Afghanistan to been up security for elections (AFP) +World,Kerry: Bush Not Being Straight About Iraq (AP) +Sports,Bryant Asked Police About Possible Payoff +Sports,Woods and Mickelson Get Nod for Opener +World,Reporter Smuggles Fake Bomb Gear Into UK Parliament +Business,Symantec Set To Acquire Security Consultant Stake +Business,At least five rigs adrift in the Gulf +Business,Shell #39;s ex-chairman makes counterattack +Sci/Tech,National Semiconductor Offers #39;Trusted #39; Chip +World,Briton seized in latest Baghdad kidnap +World,Yeltsin sounds alarm on #39;rollback of rights #39; +Business,TI OKs \$1 Billion Stock Buyback +Sci/Tech,Internet Explorer susceptible to new market share vulnerability +Sci/Tech,Star Wars or A Peaceful Life on Mars: NASA Gets The World Dreaming <b>...</b> +Sports,"Rejuvenated Red Sox back in the Bronx, taking aim at Yanks" +World,Moment of decision hascome for N. Ireland peace: Blair +World,"China #39;s Hu, Jiang in Struggle for Power" +Sci/Tech,Cable break interrupts Internet in Guyana (AFP) +Sci/Tech,Mobile Phones Cleared for Takeoff (PC World) +World,Nikkei Opens Flat Before Long Weekend (Reuters) +World,Reserve Chief Says Force Not Properly Prepared to Fight War on Terror +World,Oil Prices Rise Though Storm Fears Vanish +World,Tests Show James Died of Heart Attack +Business,Airbus not on Microsoft #39;s side +Sports,FOOTBALL LIVE REPORTS +Sports,Betting scam jockey cleared of deliberately jumping off horse +Sci/Tech,Fishmeal catch 'hits UK seabirds' +Sci/Tech,nStor sells off telecoms management unit +Sci/Tech,FBI seizes \$87 million worth of illegal software +Sci/Tech,Mobile Phones Cleared for Takeoff +Sports,Sutton makes gutsy call in first pairing +Sports,Australian rowers row reaches a new low +Sports,Magpies go double Dutch +Sports,Athletics Defeat Rangers 5-4 (AP) +World,"Europe, US agree draft resolution on Iran nuclear program: US official (AFP)" +Sports,Soriano Hurts Leg in Headfirst Slide (AP) +World,"Jeanne Nears Hurricane Strength, 2 Dead (AP)" +World,U.S. Tones Down Resolution on Sudan (AP) +World,Republicans Push Controversial Votes (AP) +Business,Hurricane Ivan Uproots Oil Rigs +Business,Feds to Sell 49 Million Shares in Petro-Canada +Business,US Airways may ask for OK to cut wages +Business,Surprise as August rain fails to dampen high street spending +Sci/Tech,AOL Drops Microsoft #39;s Sender ID +Sci/Tech,Deaf children invent a new sign language +Sci/Tech,Airbus tests in-flight mobile phones +Sci/Tech,"For Businesses, It #39;s Slow Going With Windows XP #39;s SP2" +Sports,Kiwi hopes brought down by Symonds the six-shooter +Sports,Roma to face UEFA wrath +World,Iran nuclear resolution agreed +World,US troop boost for Afghan vote +World,A Sign From Beijing? Hong Kong Chief Shelves the Security Law +World,Taiwan loses out again +Sports,Chargers home opener vs. Jets blacked out +Sci/Tech,Forecasters: More Hurricanes May Be on Way (AP) +World,Bush Sends Intelligence Bill to Congress (AP) +Business,AstraZeneca Sues U.S. Generic Drug Maker +World,"In China, Farmers' Labor Bears Too Much Fruit" +Business,Luxury Market Blooms Near Red Square +Business,Bollore has asked for Havas board seats-Havas CEO +Sci/Tech,EarthLink Intros SIP-Based P2P Prototype +Sports,Symonds leads Aussies into last four +Sports,"Under the Weight of 700, Bonds Returns Home to Lift His Growing <b>...</b>" +World,Annan in firing line over his illegal war claim +World,Afghan president under fire +World,First arrests made over Australian embassy bombing in Jakarta +Business,Copper recoups losses +Business,Bollore asks for Havas seat +Business,first profit since merger +Business,Sacked Shell chairman hits back at FSA +Sci/Tech,Children #39;s sign language reflects linguistic rules +Sci/Tech,Microsoft warns of jpeg vulnerability +Sci/Tech,Sun-Microsoft Pact Excludes OpenOffice Users +Sci/Tech,Geeks Code for the Gold +World,Legality of invasion quot;unclear quot; +Sports,Diamondbacks Rip Rockies 8-5 (AP) +World,"Indonesian Man Arrested, Lied About Fire (AP)" +Sci/Tech,Hurricanes May Have Upset NASA's Schedule (AP) +Sci/Tech,Briefly: Data center firms settle cookie suit +Sports,"Under the Weight of 700, Bonds Returns Home to Lift His Growing Legend" +Sports,"In Cup Gambit, U.S. Is Pairing Its Aces" +Sci/Tech,Data center firms settle cookie suit +Business,"Crude Oil May Fall as Output Rebounds, Survey Says (Update1)" +Business,An August Vacation for Inflation +Business,Ex-Shell chief Watts demands public tribunal to clear his name +Business,Kingfisher to plough 75m into price cuts +Business,Update 3: Tokyo Stocks Mixed Early +Business,"Kodak, IBM to make sensors for digital cameras" +Sci/Tech,A Firefox in IE #39;s Henhouse +Sci/Tech,International Olympiad in Informatics +Sports,Spadea cruises into quarters +World,Colombia Seizes Cali Cartel-Linked Stores (Reuters) +Sports,Spadea Advances to MIT Quarterfinals (AP) +Sports,"It's Styles That Make Fights, Even Among Trainers" +World,U.S. Weapons Inspector: Iraq Had No WMD +Sci/Tech,Ivans Path +Sports,Schilling Gets 20th As Red Sox Beat D-Rays (AP) +Sports,AP: Ex-Florida Coach Fred Zook to Illinois (AP) +World,Terror Hearings Panelists Dismissal Urged (AP) +World,N.Korea Blast Scene a Construction Site -- Diplomats (Reuters) +World,N.Korea Blast Scene a Construction Site -- Diplomats +Business,Budget Use of Pensions Sows Trouble in San Diego +Business,Clear Channel Is Expanding in Spanish Radio +World,Hurricane Ivan's Fury Kills 20 Along the Gulf Coast +World,Schilling Gets 20th As Red Sox Beat D-Rays +World,"Heart Attack, Drugs Caused James' Death" +Sci/Tech,Symantec to acquire security firm stake +Sci/Tech,Egyptian animals mummified same way as humans +Sports,A Puzzling Change for Mickelson +Sports,Symonds Leads Aussies Into Champions Trophy Semis +Sports,Soriano injured in steal attempt +Sports,Tennessee #39;s freshman QBs make good first impression +Sports,Fox cleared over Ice Saint ride +World,Key NI talks continue +World,Cherie denies Blair #39;wobbled #39; and had thoughts of resigning +Sports,McGrath proves he #39;s on the way back +Sports,Srichaphan edges out Lisnard to advance in China Open +Sports,National League Game Summary - Atlanta at New York +World,Gonzales given triple-life sentence +World,Security key in Indonesia vote? +Business,US warned over Boeing subsidies +Sci/Tech,Symantec to acquire security consultants Stake +Sci/Tech,Right products for demanding markets +Sports,Thursday at the Ryder Cup +Sports,Pekerman revealed as Argentina coach +Sports,"Plate umpire O #39;Nora ill, game delayed" +World,Turks plan to outlaw adultery +Business,Calif. Judge Cuts Microsoft Legal Fees (Reuters) +World,IAEA Envoys Wrestle With Iran Resolution (AP) +Sports,Colorado State Limits Alcohol at Stadium (AP) +Business,Dollar Edges Down on Doubts Over Fed +Sports,Palmeiro Keys Victory +Sports,A Physical Stretch +Sports,Hixon Remains in Coma +World,Jeanne Plows Into the Dominican Republic +World,Hurricane Ivan Slams Gulf Coast; 22 Dead +Sports,Both leaders taking big risks +Sports,Padres acquire Gonzalez from Expos +Sports,SEC teams hope to beat Ivan to punch +World,"Time yet right to reopen controversial law, says Tung" +World,UN under fire for rejecting the voice of Taiwan +Business,Ousted Shell Chairman Assails Regulators +Sports,Irish have renewed hope +World,Bush claims UN support for ousting Saddam +World,No decision by Musharraf on keeping both posts: US +World,Russia May Have to Delay Space Launch (AP) +Sports,AL Wrap: Crosby Blast Ends Rogers' Run in Oakland (Reuters) +Sci/Tech,Egyptians Spared No Expense on Animal Mummies (Reuters) +World,Taiwan Denies Wrongdoing in Ex-U.S. Diplomat Meetings +Sports,Lohse Continues Roll +Business,Corus brings halt to losses +Sci/Tech,Take A Sniff It #39;s The Nose Mouse +Sci/Tech,Nasscom urges WB to boost infrastructure +World,Police make first arrests in bombing outside Australian embassy +Sci/Tech,Nortel's Shares Fall on Revenue Warning +Sci/Tech,Infineon to Pay a Fine in the Fixing of Chip Prices +Sports,All the Yankees Are Raving About Hernndez's Second Act +Business,Riggs Probe Includes Recordings +Sports,Quarterback Controversy Imperils a Successful Season for Dolphins +Business,Old Labor Tactics Resurface in Unite Here Union +Business,"Inflation in Check, Bond Prices Rise Briskly" +World,Hurricane Ivan's Fury Kills 20 Along the Middle Gulf Coast +Business,Business Digest +Business,Ottawa to sell off all Petro-Canada shares +Business,TI plans a buyback and boosts dividend +Sci/Tech,"Spammer #39;bounty hunters #39; will need cash, FTC says" +Sci/Tech,Symantec Buys Stake +Sports,Expos trade Gonzalez to Padres +Sports,"Johnson rides into #39;playoffs #39; with hype, skill on his side" +World,Greens hope more think Iraq action illegal +World,Hu and Jiang jockey for position +Business,Little Progress in Aircraft Talks +Business, quot;Ivan the Terrible quot;: deaths and billions of dollars in damage +Business,"09,16,04,counterfeit,CaliforniaWire" +Business,Corning goes ahead with capacity upgrade +Business,Surprise bounce in retail sales +Sci/Tech,Feds Consider Putting A Bounty On Spammers #39; Heads +Sci/Tech,Childhood learning may determine linguistic rules +Sci/Tech,Shuttle schedule clouded by hurricanes +Sci/Tech,Sears Takes On Cyberspace +Sports,Sports: Orioles 9 Blue Jays 5 +World,Taiwan #39;s 12th bid for UN membership fails +World,Standardize airport security standards +Sports,NL Wrap: Ramirez Shines in Cubs Victory Over Reds (Reuters) +Sports,"Soriano Injured, Could Miss Rest of Season" +Business,Goldman Sachs Enters Fray for Takefuji +Business,Update 3: Tokyo Stocks Lower at Late Morning +Sci/Tech,Cash Bounties For Spammers Win Limited FTC Backing +Sci/Tech,Make Our Ports Safer +Sports,Remorseless quest all the way +Sports,Another showdown for archrivals +Sports,"BREWERS: Another loss, but Bonds held homerless" +Sports,Boston #39;s Schilling first to 20 wins +World,Annan claims war in Iraq is illegal +Sci/Tech,Plea Due in MedImmune Fraud Case +Sci/Tech,Port Security May Be Aided By Electronic Container Seals +World,Golf: Ryder Cup pairings named +World,Stakes high for England +World,Hurricane Ivan Slams Gulf Coast; 23 Dead +World,New Pickup Makes Hummer Look Rather Puny +World,U.S. Weapons Inspector: Iraq Had No WMD +World,"Bush Leads in One Poll, Tied in Another" +Business,Oil Prices Firm as Storms Threaten Supply (Reuters) +World,Chechen warlord claims responsibility for school hostage taking (AFP) +Sci/Tech,Video: Taking It with You (Ziff Davis) +World,"Bush, Kerry Not Invited to Annual Dinner (AP)" +Sci/Tech,Forecasters: More Hurricanes May Be on Way (AP) +Sci/Tech,Search Engine Forums Spotlight +Sports,"Yankees, Red Sox tangle with division title on the line" +Business,"TI increases dividend, buyback" +Business,Knight Ridder issues Q3 warning +Sports,Excited Bnei Sakhnin team leave for St James Park +Sports,Padres Blank Dodgers 3-0 (AP) +World,Ponting leaves door open for Lee comeback (AFP) +World,'No WMD stockpile find' in Iraq +World,"In China, Farmers' Labor Bears Too Much Fruit" +World,Padres Blank Dodgers 3-0 +World,2 Kidnapped in Iraq; 30 Killed in Fallujah +Business,IT firm sees Q3 bottom-line hit from bankruptcy filing +Business,"Unlike Florida, Alabama lacks state reinsurance program" +Business,Transocean finds missing oil rig +Sports,Kluivert nets twice against first Arab team in UEFA match +Sports,Top seed Spadea enters Delray Beach ATP quarter-finals +Sports,"Finally, Fall Racing Meaningful" +World,Some Weapons at Russia School Were Stolen +Business,Prison call for Japan executive +Business,Japan OKs Free Trade Agreement With Mexico +Sports,"Mickelson, Woods team up to lead off US at Ryder Cup" +Sports,"MLB: Houston 8, St. Louis 3" +Sports,Angels Clobber Mariners 6-1 (AP) +Sci/Tech,Antispam campaign bites the dust +World,Chechen rebel claims school siege +Business,Storm buffets price of oil +Business,EU rejects US plea for Airbus aid ban +Business,"Rogers, Microcell discuss takeover" +Business,"Kodak, IBM to team up" +Sci/Tech,NASA loses week of relaunch effort to hurricane +Sports,"Astros win to keep pace with Giants, Cubs" +Sports,DC in first place for Expos +Sports,Purdy sets Texas pace +World,Powell rebukes Annan on Iraq +Business,Oil prices rise despite little storm damage +Business,Around The Region +Sci/Tech,Storms dash dreams of Florida home +Sports,Schilling gets 20th as Red Sox romp +World,Annan: Iraq invasion violated UN charter +World,Indonesian Police Detain Seven People on Terror Links +World,Indonesian Police Detain Seven People on Terror Links +World,Afghans Arrest Three for Rocket Attack on Karzai +Sports,Saints' Haslett Aims to Stay but Might Not (AP) +Sports,Monty Relishing Early Ryder Cup Showdown with Woods +Business,Nikkei at 2-Week Closing Low +Business,Dollar on Hold as Doubts Grow Over Fed +Business,Alitalia deal still on the brink +World,Afghans Arrest Three for Rocket Attack on Karzai +Business,Nortel warns it now expects 2004 revenue growth will trail its <b>...</b> +Business,"Mexico to Sign Trade Deal With Japan, Reduce Dependence on US" +Sports,American League Game Summary - Anaheim at Seattle +Sports,Expos to move Nov. 30 +World,N Korea plans more blasts +Sci/Tech,Storms Could Cause Delay in Shuttle Flights +Sci/Tech,"Internet Cafes Shut in Vietnam for Porn, Politics (Reuters)" +Business,BP sees no energy supply problem +Business,Jaguar plant awaits closure fate +Business,Nortel stock battered by more bad news +Business,Microsoft to pay Californian briefs \$112 million +Sci/Tech,IBM uses chip-based security from National Semiconductor +Sports,Unrelenting rivalry moves into lion #39;s den +World,China #39;s communist party must adapt to changing times--media +Business,Consumer Prices Climb; Jobless Claims Up +Business,Nortel shares tumble after growth forecast reduced +World,Karzai escapes bid on life +World,Sri Lanka concern over violence (AFP) +World,S.Korea Says There Was No Big Blast in N.Korea +World,Passenger Screenings to Be More Intrusive +Business,Ivan raises gas prices far from landfall +Sci/Tech,Hackers to exploit latest Windows flaw +Sci/Tech,Big Blue installs Safekeeper TPM +Sports,Souness Disappointed With Indiscipline +Sports,Angels get all the breaks +Sports,Patriots not keeping tabs on streak +Sports,"Contenders may be pacing, not chasing" +Business,US and EU plane talks go nowhere +Business,Airbus says bid to join EU case doesn #39;t mean it backs Microsoft +Business,Delta and pilots trying to curb impact of early retirements +Sci/Tech,Sony to Pay Billions for MGM Film Library +Sports,Sports in brief: Locked-out NHL players look for work +Sports,Souness rues ill-discipline +Sports,HUGHES TO PICK SOUNESS BRAIN +Sports,Kevin Roberts: Moss is on everyone #39;s agenda +Sports,French Open champ Myskina tumbles in Bali +Sports,SI.com +Sports,Comets to miss 1st WNBA playoffs +World,UN Secretary-General Annan calls US-led war in Iraq #39;illegal #39; +World,Afghan leader escapes attack +World,Radical Chechen Rebel Leader Takes Blame for Terror Attacks +World,Profile: Indonesia #39;s pioneering magazine +World,Cherie Blair denies quit rumours +Business,LA hotel lockout could spur more labor action +Business,Plea Due in MedImmune Stock Case +Sci/Tech,Corning: Glass substrate shipments to increase 70 in 2004 +Sports,Padres shut out Dodgers +World,IRA shutdown hinges on talks +World,WORLD BRIEFS +World,"Europe, US agree on draft resolution on Iran nuclear program (AFP)" +Business,Singapore may post double-digit economic growth in 2004 (AFP) +Sports,Irish Defensive Line Shuts Down Opponents (AP) +Sci/Tech,Open Source Software Goes to Work (PC World) +Business,Goldman Sachs offers to buy stakes in Japan's Takefuji (AFP) +World,Indonesia prepares for landmark presidential election (AFP) +Sci/Tech,Symantec To Launch Web Console For Managing Macs (TechWeb) +Sci/Tech,Fertility Clinics Vary on Embryo Disposal (AP) +Business,"STM, Oil Prices Pressure European Shares" +World,Indonesia Police Make First Embassy Bombing Arrest +World,Iran May Extend Partial Nuke Enrichment Freeze +World,Reporter Smuggles Fake Bomb Into British Parliament +Sports,More than just a pretty face +Sports,Zooming into prominence +Sports,He's no Cup-cake at the event +Sports,NL notables +Sports,Brushing off the buzz +Sports,Twins win 9th straight +Sports,AL notables +Business,UK Betting gets Euro 2004 boost +Sports,Milloy won't be ready for Patriots +Sports,Wilfork has a nose for his new position +Sports,"But seriously, folks" +Sports,Revolution hope history repeats itself +Sports,Sinden: Owners in lockstep on lockout +Sports,QB Santos gets Wildcats running wild +Sports,"Under Woods, Stonehill making some noise" +Sports,This weekend's key New England games +Sports,UConn-BC: Lots of hard feelings +Business,Inflation inches up in August +Sports,Langer's pairings apparent +Business,When steady is sexy +Sports,Spectators didn't get their Phil +Business,Lindquist resigns as Whitehead director +Sports,B-R's opening task is not an easy one +Business,Museum Towers sells for \$145.7m +Sports,This week's schedule +Sports,For the record +Sports,Marshfield holds off Billerica +Business,Fed calls strategy on rates success +Business,Cingular offers handset for blind +Business,Airline passengers face tighter security checks +Business,Delta seeks deal to keep pilots +World,Stelios enters online music fray +World,Annan backs US bidon Sudan resolution +World,"Disputing Annan, allies say Iraq war legal " +World,US intelligence assessment on Iraq in line with global reports +World,Indonesian editor found guilty in libel case +Sci/Tech,Sony warning on Christmas sales +Sci/Tech,Burnout offers thrills aplenty +Business,US inflation rate in check +Business,Where In The World Is That Job? +Sci/Tech,Open Source Software Goes to Work +Sci/Tech,"Florida IT Managers Balance Tech Needs, Workforce Issues in Storms" +Sports,Millennium International Tennis Championships +Sports,Upcoming auto races +Sci/Tech,Open Source Software Goes to Work +Business,Singapore #39;s Leading Media Firms to Merge +Sports,Oscar #39;s dad in his corner +Sports,Schilling wins No. 20 +World,"Koizumi, Silva Discuss Stronger Ties" +World,5 EU states agree to set up gendarmerie force +Sci/Tech,easyMusic picks Wippit for pre-Xmas launch +World,Ferdinand to repay Ferguson debt of honour (AFP) +World,Indian inflation falls to 7.81 pct (Reuters) +Business,"US Treasuries Up, Cement Overnight Gains" +World,U.S. Says Kills 60 Foreign Fighters in Iraq Strike +World,Afghans Hold Taliban Suspects for Karzai Attack +Sports,"This weekend on TV, radio" +World,Bid to avert new S Africa strikes +Sports,No shortcuts for staying safe +Sports,It's time to cut to Chase at NHIS +World,Johnny Cash auction closes at \$4m +Business,Philippine shares down Friday +Sci/Tech,"Simulating life, love and the Universe" +Business,Japan Orders Citigroup to Close 4 Offices +Business,IBM Settles Part of Giant Pension Lawsuit +Business,Australian Stocks Rise; Metcash Has Biggest Gain Since 2001 +Business,"US blue chips fall as oil prices rise, but Apple lifts Nasdaq" +World,Leader Says Rebels Were Responsible for Siege in Russia +Business,Talks with Boeing on Airbus subsidies deadlocked +Business,Reason to beware +Sports,Boeker #39;s a wreck - even before he #39;s ousted +Sports,Chase for the Cup underway +Sports,Rio says he owes Sir Alex +World,Chechen Warlord Threatens More Attacks After Beslan +World,Bid to avert new S Africa strikes +World,US Says Kills 60 Foreign Fighters in Iraq Strike +Sports,Bonds Heads Home Still Looking for No. 700 (AP) +World,Car Bomb Blast in Central Baghdad - Police (Reuters) +Sci/Tech,IBM Settles Part of Giant Pension Lawsuit (Reuters) +Business,Miners Help European Stocks Turn Around +Business,Ford to decide UK Jaguar plant #39;s fate +Sci/Tech,UK ITunes Prices Questioned +Sci/Tech,AOL dumps Microsoft #39;s Sender ID +Sci/Tech,Cops seize weapons from home of teenager +Sci/Tech,Symantec backpedals over mislabelled Trojan +Sports,Greg sails into last eight +Sports,Hopkins has done things his way +Sports,AUTO RACING: Fighting-mad Mayfield fired up for the Chase +Sports,"Bonds on hold, Giants on roll" +Sports,Rossi misses provisional pole +World,First arrest over Jakarta bombing +World,Car bomb explodes in Baghdad +World,U.S. Deserter Leaves Army Base for New Life in Japan +World,"Iraq findings: Plans, but no stockpiles " +World,"UN, Iran said in talks on military sites" +World,Dominican Republic battered +World,Party Leader Hopeful on Ulster Talks +World,Indonesian polls point to change +Sci/Tech,Miners Help European Stocks Turn Around (Reuters) +Business,Oil Rises as Storms Threaten Supply +Business,U.S. Treasuries on Firm Footing +Sci/Tech,People on Mars Possible in 20 to 30 Years (Reuters) +World,CHRONOLOGY-Events Since North Korean Blast First Reported +Sports,Jacques Villeneuve: The team and I share a common goal +Sports,TOM WALSH: Message-free at the tee +Business,Unions and Car Chiefs in Talks on Jaguar Plant +Sports,New format becomes a game of survival +Sports,"MLB: Anaheim 6, Seattle 1" +Business,U.S. Treasuries on Firm Footing (Reuters) +Business,Wall Street Seen Flat; TI Buyback to Buoy (Reuters) +Business,EIA Says Heating Oil Bills to Rise (Reuters) +World,"HSBC, Shanxi Trust to form joint venture in China (AFP)" +Sci/Tech,Alcatel Bolsters U.S. Presence (Reuters) +World,Australia investigating if Iraq body could be rumored hostage (AFP) +Business,Wall Street Seen Flat; TI Buyback to Buoy +Business,EIA Says Heating Oil Bills to Rise +Business,Alcatel Bolsters U.S. Presence +Sports,UNLV Names Sanford Head Football Coach +World,Baghdad Car Bomb Death Toll Rises to 13 - Ministry +World,Indonesia Police Make First Embassy Bombing Arrest +World,Jaguar's Coventry plant to close +World,"Woods, Mickelson to Start in Ryder Cup" +Sci/Tech,Mobiles track down wi-fi hotspots +Business,Jaguar workers resigned to closure +Business,Wall Street Seen Flat; TI Buyback to Buoy +Business,NeoPharm regains control of cancer drugs from Pfizer +Sci/Tech,Choose Your Camera +Sports,Cricket-Cricket Australia keeps fingers crossed over India TV <b>...</b> +Sports,Israeli Arab team enter big league +Sports,Cubs Keep Pace: Ramirez fuels 5-4 victory +World,5 EU states sign declaration on gendarmerie force +Business,Consumer Prices Inch Up; Inflation Fears Continue to Fade +Business,Chip tool orders fall in August +Sci/Tech,Attack of the Radio Clones +Sci/Tech,Farewell to Gravity +World,"Bush, Lawmakers Discuss Social Security (AP)" +Sci/Tech,Sky Captain Barely Stays Aloft +Sci/Tech,"Twist a Pen, Open a Lock" +Sci/Tech,Freak Rock to Buzz Earth +Sci/Tech,U.K. ITunes Prices Questioned +Sci/Tech,Spam-Busting Plan Can't Buy a Pal +World,Ford to end Jaguar production at plant in Coventry (AFP) +Sci/Tech,XP price cut may be just the beginning (SiliconValley.com) +Sports,Villeneuve to Race for Renault to End of Season +World,Chechen Warlord Threatens More Attacks After Beslan +World,Pakistan Army Pounds Militants' Mountain Hideouts +World,Pipeline blast kills 12 in Lagos +World,India withdraws anti-terror law +Sci/Tech,'Water factory' aims to filter tensions +Business,EDS hit by US Airways #39; Chapter 11 +Business,Canada #39;s Top Central Banker Says Economy Looking Best in Years +Business,"Kodak, IBM See Eye to Eye on New Image Sensors" +Business,Insurers spared direct hit by Ivan +Business,AFL-CIO pounds job loss +Sports,Dyer out for several weeks +Sports,"Home runs, errors and Cubs, oh my" +Sports,49ERS NOTEBOOK McAllister: the star running back that got away +World,Suspects Arrested in Rocket Attack On Afghan President #39;s <b>...</b> +World,Suicide car bomb kills five in Baghdad +Business,U.S. Stocks Set for Slightly Firmer Open +Business,European Stocks Hit 10-Week Peak +Sports,Jaguar to Pull Out of Formula One +Business,More men charging harassment +Business,US Stocks Set for Slightly Firmer Open +Business,"Marketing agreement between Delta, Alaska airlines" +Business,3Com narrows Q1 loss +Sci/Tech,British Music Fans Decry ITunes Pricing +Sci/Tech,Symantec acquires At Stake +Sci/Tech,"FTC recommends \$100,000 bounty for spammers #39; heads" +Sci/Tech,EasyJet Founder to Start Music Download Service +Sci/Tech,SMS and surfing go sky high! +Sci/Tech,IBM expands radio frequency ID range +Sports,On deck: Padres (79-68) at Giants (82-65) +Sports,ENGLAND CONTRIBUTE TO STRUGGLING START +World,Chechens #39; Basayev Takes Responsibility for Russian School Siege +World,Suicide Car Bomber Kills at Least 13 in Baghdad +Business,Williams Ends Bid to Sell Power Business +Sports,Champions Trophy: Lankans gain ground +World,Jackson maid 'acted suspiciously' +Business,"Jaguar to cut 1,100 jobs at plant in central England" +Business,Ottawa dumping petro-can +Business,Williams offers to swap securities to cut debt +Sci/Tech,MICROSOFT IE LOSING THE EDGE +Sci/Tech,IBM to ship desktops with security chip +Sci/Tech,Iomega preps WiFi storage solution +Sci/Tech,These robots are positively bestial +Sports,HOPKINS SETS THE PACE +Sci/Tech,London 'call girl' gives up blog +Business,Ford Boosts Profit Outlook (Reuters) +Sci/Tech,Sony to Launch Smaller PS2 Console Oct. 26-Report +Sci/Tech,Sony to Launch Smaller PS2 Console Oct. 26-Report (Reuters) +World,French director shows film for free to defy critics (Reuters) +Sci/Tech,Judge Orders Microsoft to Pay \$112 Million +Sci/Tech,Nortel Warns on 2004 Revenue Growth +Sci/Tech,Texas Instruments Plans Buyback +Sci/Tech,Labor Web Site Tracks Jobs Sent Overseas +Sci/Tech,Genesis Team Hopeful About Samples +Sci/Tech,China Building Next-Generation Space Rocket +Sci/Tech,Hurricanes May Have Upset NASA's Return-to-Flight Schedule +Sci/Tech,What ails Oracle? +Sci/Tech,Catching the nano wave +Sci/Tech,"Cisco, Microsoft in security showdown" +Sci/Tech,FBI Seizes Counterfeit Software +Sci/Tech,PFY proves self abuse cures male-pattern baldness +Business,Ford lifts profit forecasts +Sci/Tech,EasyMusic enters UK music download frame +Sci/Tech,Pulsating red giants hide inside deceptive shells +Sci/Tech,They #39;re robots? Those beasts! +Sports,Jaguar leave the paddock +World,Sri Lanka peace process remains at standstill +World,Suspected Muslim insurgents kill judge in Pattani? +World,Britain Could Send More Troops to Iraq-Minister (Reuters) +Sci/Tech,British Music Fans Decry ITunes Pricing (PC World) +World,Nazi Suspect Speaks on Role in Capture (AP) +Business,Alcatel Ups U.S. Business with Acquisitions +World,Maldives regrets EU block on aid +Sports,Live: Ryder Cup +World,Judge killed in latest southern Thai violence +Business,Sunny Fed leaves no doubt about another rate increase +Business,Jaguar puts brakes on at historic plant +Business,"Manager at Edwards AFB harassed male employees, suit says" +Business,Nortel Warns of Weaker Sales +Business,Price tag mounts for storm damage +Business,Japan shuts Citigroup private bank operations +Business,11 charged over #39;biggest-ever #39; MS piracy bust +Business,Union sets up database to track job outsourcing +Sci/Tech,US takes aim at e-mail spammers +Sports,HUGHES: I SAID NO TO UNITED +Sports,Cricket telecast back-up poser +World,"Huge car bomb explodes in central Baghdad, causing casualties" +Business,Circuit City Posts Narrower Loss (Reuters) +World,"Blair, Ahern press Northern Ireland rivals in talks grind (AFP)" +World,Explosions Rock Central Baghdad (AP) +World,Italy to stop applying EU sanctions against Libya: Interior Minister (AFP) +World,Civil Aviation Minister fights foreign stakes in Indian airlines (Reuters) +Sci/Tech,FBI Seizes Counterfeit Software (PC World) +Business,Ford Boosts Profit Outlook +Business,Circuit City Posts Narrower Loss +Sci/Tech,Mexico's Olive Ridley Sea Turtles Make a Comeback (Reuters) +Sports,Jaguar and Ford Pull Out of Formula One +Sci/Tech, #36;1.3M Plan Aims to Save Calif. State Fish (AP) +Sci/Tech,"Study Eyes Salmonella, Typhoid, Monkeypox (AP)" +World,"In a Battered Pensacola, 'It Was Bad Everywhere'" +World,Fla. Bears Brunt of Ivan; 24 Dead in U.S. +World,Putin Threatens Preventive Terror Actions +Sci/Tech,Mobiles in aircraft edge closer +Business,Sony to Launch Smaller PS2 Console Oct. 26-Report +Sci/Tech,IBM fits PCs with new hardware-based security chip +Sci/Tech,MyDoom Variant Describes Itself +Sports,Problema Violencia A Roma Continua (Pardo Duo) +Sci/Tech,Huygens Probe Test Successful +Sci/Tech,Strings of Shadowy Rings Drape Saturn +Sci/Tech,Kids Give Language Its Shape +Sci/Tech,Vegetables Help Fight Breast Cancer +Sci/Tech,Fertility Clinics Vary on Embryo Disposal Techniques +Sci/Tech,FDA Approves Defibrillator Without Prescription +Sci/Tech,Police nab German lawyer in piracy raid +Sci/Tech,Alcatel buys conferencing software developer eDial +Sci/Tech,"SAP acquires U.S., Swiss units of SAP SI" +Sci/Tech,Via's upcoming processor to be called C7 +Business,Daily Briefing +Business,FBI Seizes Counterfeit Software +Sci/Tech,Report Recommends Bounty for Spammers +Sci/Tech,Microsoft to Pay \$113 Million to California Lawyers +Sci/Tech,Infineon to Pay \$160 Million Price Fixing Fine +Sci/Tech,European Group Seeks Ways to Prosecute Cybercrime +Sci/Tech,Microsoft #39;s Chief Linux Strategist Interviewed +Sports,Will favorites finally win one? +Sports,Jaguar and Ford Pull Out of Formula One +Sports,Monty Gives Europe Early Advantage at Oakland Hills +Business,Circuit City Posts Smaller Quarterly Loss +World,Bush overcomes bin Laden in battle for Britain's Turner Prize (AFP) +World,U.S. Says Iran Nuke Freeze Offer a Ploy +Sports,Report: Zook accepts Illinois job +World,Live: Action from the Ryder Cup +World,Kenyan sues over 'HIV sacking' +Business,Ivan #39;s wrath keeps oil prices up +Business,Talks on Airbus subsidies hit snags +Business,"Ford Raises Profit Forecast, Makes Cuts at Jaguar (Update3)" +Business,"Canadian Bonds Rise, Dollar Drops After Core Inflation Declines" +Business,United Airlines says it needs to cut \$500 million more in costs +Business,Circuit City Second-Quarter Loss Narrows to 6 Cents a Share +Business,Petro-Can sale ends Ottawa #39;s oilpatch era +Sci/Tech,New blow for Sender ID as AOL joins disbelievers +Sci/Tech,Easy Listening from New Download Service +Sci/Tech,Mobiles in aircraft edge closer +Sports,Ryder-Monty gives Europe early advantage at Oakland Hills +Sports,C Palace v Man City (Sat) +World,44 die as violence in Iraq escalates +World,"2 Americans, Briton seized in Iraq Civilian foreigners appear new <b>...</b>" +World,Russia considers terror strikes +World,Explosions rock central Baghdad +Business,Dismay and Sadness at Jaguar Decision +Sci/Tech,USA : IBM announces integration of RFID capabilities in middleware +Sci/Tech,The iPod Year in Review +Business,"Oil Up, U.S. Storm Season Fuels Worries" +Business,"Stocks Seen Higher, Ford Ups Forecast" +Business,Treasury Yields Hold at Lows Before Data +World,Germans flock to see Hitler film +World,"For Some Beslan Families, Hope Itself Dies Agonizingly" +World,"Woods, Mickelson Off to Shaky Ryder Start" +World,Baghdad Suicide Bomber Kills at Least 5 +Business,Circuit City loss below forecasts +Sports,Rossi: Well go for it +Sports,Loeb leads the way in Rally of Britain +World,US strike on Falluja #39;kills 60 #39; +Sci/Tech,Women in science get centre boost +Sports,Challenges are great - in moderation +Sci/Tech,AOL Shuns Microsoft's Anti-Spam Technology +Sci/Tech,Kimono-Makers Now Employ Computer Graphics +Sci/Tech,American Red Cross and Ask Jeeves Help Hurricane Victims +World,"How many planets are there, Indian president asks South African students (AFP)" +Sci/Tech,IBM registers grid computing wins +Sci/Tech,Airbus questions EU's decision on Microsoft +Business,"Jaguar to Eliminate 1,150 Jobs" +Business,Economy: Unctad Warns of Threats to Global Recovery +Sci/Tech,Voq Professional Phone Now Available from TigerDirect and Tech <b>...</b> +Sports,"Myskina Upset, Kuznetsova Still Winning at WTA Bali" +Sports,Japan baseball players go on strike +Sports,Carter wants out of Canada +World,Nigerian Police Say Dozens Killed in Pipeline Blast +Business,US Sept Consumer Sentiment Barely Budges (Reuters) +Sports,"NHL on Ice, Maybe for Whole 2004-05 Season (AP)" +Sci/Tech,"US Stocks Higher, Helped by Ford Outlook (Reuters)" +World,Diplomat Says N. Korea Blast Not Nukes (AP) +Business,Cooper Tire to Sell Unit for \$1.165 Bln +Sci/Tech,Expensing Options: A Reprieve? (BusinessWeek Online) +Business,Ford Raises Quarter and Full-Year Outlook +Business,The Next Big Cheese +Business,Qualcomm #39;s Royalty Pain +Business,Calif. judge cuts Microsoft legal fees +Sci/Tech,Voq smartphone arrives in US +Sports,The political implications of the Jaguar decision +Sports,Red Sox Ready For Yankees After Schilling Wins 20th +Sports,Japan Players to Go on First-Ever Strike +Business,"Ford Boosts Profit Outlook, Closes Plant" +Business,US Sept Consumer Sentiment Stagnates +Business,Qualcomm May Change Royalty Recognition +Business,Alpharma Says Pfizer Drug Generic Cleared +World,Suicide Bomber Targets Baghdad Police +World,"Ivan Batters Gulf Coast, Leaves 28 Dead" +Business,Michigan consumer report flat +Business,Carnival Profit Up Sharply After Merger +Business,Dollar tumbles on inflation report +Business,Murdoch #39;s American dream bad for investors +Business,Goldman Group to Buy Cooper Tire Unit for \$1.17 Bln (Update1) +Business,"Number Of Men Alleging Harassment On Job Up, Report Says" +Business,FTC Considers Bounties For Catching Spammers +Business,Leading indicator of economic performance moderated again in <b>...</b> +Sci/Tech,More web surfers abandoning the good ship Internet Explorer +Sci/Tech,easyGroup enters online music market with 25p downloads +Sci/Tech,ATI develops PCI Express-based HyperMemory +Sci/Tech,Microsoft clause puts OpenOffice users on notice +Sci/Tech,Kerio MailServer 6 +Sci/Tech,MyDoom Variant Packs Photo of Netsky Author +Sports,Kuznetsova forced to fight to reach Bali semis +Sports,More Blackburn Rovers Stories +Sports,"Japan #39;s players go on strike, weekend games called off" +World,Racing to beat the next bomb +World,China admits communist cadres #39;lose their heads #39; +World,Keeping Tony Blair #39;s secret all in the family +World,Danes find a bridge to love (Chicago Tribune) +World,"France, Belgium Delay NATO Iraq Agreement (AP)" +Sci/Tech,"Qualcomm Raises 4Q, Year Outlook (AP)" +Business,"200,000 Consumers May See Bills Forgiven" +Business,"Oil Surges on Storm, Stock Build Concern" +Sci/Tech,Newfound Comet Set for Winter Display (SPACE.com) +Sci/Tech,Return to Flight on Track Despite Setbacks (SPACE.com) +Business,September Consumer Sentiment Flat +Business,Will FDA Allow Imports of Canadian and European Flu Vaccines? +Sports,Rough Start for U.S. +Business,The Fool's Look Ahead +Business,Qualcomm May Change Royalty Recognition +Business,"Improved Ford guidance boosts markets, C\$ tumbles on weak <b>...</b>" +World,AMS: US actions foiling hostage deal +Sci/Tech,Nose-controlled mouse not to be sniffed at +Sports,Eberharter Retires +Sports,Victory pays for visitors +World,"30 killed, 40 wounded in US airstrikes in Fallujah" +Sports,Nets Chief Throws Cold Water on Kidd Trade (AP) +World,Yukos Oil Co. Still Close to Bankruptcy (AP) +World,"Malaysia, Thailand to Discuss Bird Flu (AP)" +Sci/Tech,Sony Describes HD Product Plans (PC World) +Business,"U.S. Stocks Higher, Ford Outlook Helps" +Business,Cooper Tire Selling Auto Parts Unit +World,Kerry Criticizes Bush and Cheney on Halliburton's Iraq Contracts +Business,Funds Move Toward Independent Chairmen (AP) +World,"Bush Raises Campaign Funds in D.C., N.C." +World,U.S. Official Witnesses Sudan Attack +Business,Four key steps in Murdoch #39;s US march +Business,Family-values organizations call for boycott of 2 P amp;G products +Sci/Tech,Microsofts next move in the Windows vs. Linux battle +Sci/Tech, #39;Sims 2 #39; makes emotional debut +Sports,US defeats the EU +World,Detained man links Azahari to blast +Sci/Tech,Technology Rules in 'World of Tomorrow' +Sci/Tech,SEC Investigating WorldCom Creditors Committee +Sci/Tech,RosettaNet takes standards push to small firms +Sci/Tech,'Sims 2' makes emotional debut +Sports,Portis the showman remains a team player +Sci/Tech,Brief: Xserve installations proliferate +Sci/Tech,Web server tool Lasso adds FileMaker 7 support +Sci/Tech,PeopleSoft's prospects top agenda at show +Sci/Tech,AOL backs away from Microsoft antispam plan +Sci/Tech,Symantec to acquire security consultants Stake +Sci/Tech,Version 2.0 of Linux Standard Base specs now available +Sci/Tech,Arrest made in Cisco source code theft +Sci/Tech,Sony Describes HD Product Plans +Sci/Tech,European Antitrust Probe Questioned +Sci/Tech,China Blasted Over Piracy +Business,"Update 2: Qualcomm Raises 4Q, Year Outlook" +Business,"UPDATE 2-Circuit City loss narrows, stock jumps" +Business,Court Nixes Ex-Vivendi Chief Bail Request +Sci/Tech,Mozilla Firefox 1.0 Preview Release +Sci/Tech,Spam wins the second round +Sci/Tech,Feds Seize \$87M in Counterfeit Software Sting +Sci/Tech,Microsoft To Pay \$113M To California Lawyers +Sci/Tech,New Online Music: Easy Listening from Stelios +Sci/Tech,Reward system may not help catch spammers +Sports,Dyer facing weeks out with injury +Sports,Ajax finally comes to terms with Trabelsi +Sports,"Actually, they #39;re all in the chase" +Sci/Tech,Amazon A9 Search Engine Offers Shopping Discount +Sci/Tech,Apple issues iChat security fix (MacCentral) +Sports,"Olympics Great Success After HGH Testing, WADA Says" +World,Bush Reform Call Seen Part of Consumption Tax Move (Reuters) +World,Suicide Car Bomb in Baghdad; U.S. Pounds Falluja +Business,Retirement Loans: Is the Interest Deductible? +Sci/Tech,Former MedImmune Exec Pleads Guilty +Sci/Tech,"Foam, not shuttle repairs on the go, key flight issue" +Sports,Racing: Formula One in turmoil as Ford pulls out +Sports,Austria #39;s Eberharter Retires +Sports,"Sunday, 1 pm EDT" +World,Dozens killed in oil pipeline explosion in Nigeria +World,"As African Locust Crisis Worsens, UN Faces Huge Funds Shortfall to <b>...</b>" +Business,"US Stocks Up, Ford Forecast Gives a Lift (Reuters)" +World,Boozy Oktoberfest Drinkers Get Bavarian Slang Aid (Reuters) +World,"U.S., Allies Protest Annan Claim on Iraq (AP)" +Sports,Ryder Cup: Europe Takes Early Control +Business,US Sept Consumer Sentiment Stagnates +World,ElBaradei: No Sign of Nuke Activity at New Iran Site +Business,Iraq Airways heads past borders +Business,Iceland's Baugur bids for UK firm +Business,Qualcomm May Change Royalty Recognition +Business,US consumer sentiment inches lower +Business,Stocks Rise on Bullish Ford Report +Business,Former MedImmune Exec Pleads Guilty +Sci/Tech,Baan Founder Launches New Web Services Company +Sports,Bowen Joins Hughes At Blackburn +World,- Car bomb explosion in Baghdad kills five (LEAD) +Sci/Tech,ATI announces HyperMemory tech +Sports,Solberg Turns Up Heat +Sports,Viduka makes mark in Europe +Sports,Mills: City squad behind Keegan +Sports,It #39;s showtime for these Sox +Business,Ford outlook lifts markets +Business,GE ready to sell India BPO ops +Sci/Tech,Stelios boards music download bandwagon +Sci/Tech,Study: Some Parts of Language Innate +Sci/Tech,AMD-Spansion shoves Intel into 2nd place +Sci/Tech,Microsofts new Media Player 10 rivals iTunes +Sci/Tech,"Teen accused of making threats about school, possessing weapons" +Sports,Trescothick boosts England +Sports,Auburn LSU Game +Sports,Trammell never lets up +World,Rafsanjani: Iran will reject any resolution calling for suspension <b>...</b> +World,French hostages fate hangs by a thread one month on +World,Jackson faces abuse boy's mother +Sci/Tech,Broadband starts to rival dial-up +World,Agreement Reached for Resolution on Iran's Nuclear Program +World,Storm Pounds Appalachian Region With Rain +World,Europeans Start Strong in Ryder Cup Play +World,"Ivan Rattles Gulf Coast, Leaves 33 Dead" +Sports,Jazz Cancel Moscow Trip Over Concerns (AP) +Sports,Ryder Cup: Europe Clinches the First Point +Business,"Ford Hikes Profit View, Cuts Jaguar Jobs" +Sci/Tech,Natural disasters 'on the rise' +Business,"Circuit City Cuts Loss, Stock Soars" +Sci/Tech,U.N. Seeks Limits on Pesticide Harming Ozone Layer (Reuters) +Business,US consumer confidence dips +Sci/Tech,Ariba opens development center in India +Sci/Tech,News: Cash Bounties For Spammers Win Limited FTC Backing +Business,Carnival sails to higher 3Q profit +Business,Emerson Electric Names Farr Chairman +Business,MARKET COMMENT: European Stocks Rise With Oil Shares +Sci/Tech,Airbus Hears You Now +Sci/Tech,PStwo on October 26th? +Sports,Soccer: Ferguson looking to Ferdinand to steady shaky United ship +Sports,Tennis: Flying Finn Nieminen knocks off Nalbandian for third semi <b>...</b> +Sports,Paul Martin hopeful NHL lockout will be resolved +Sports,Utah Jazz Cancel Trip to Russia Over Security +World,A Russia less safe and less free +World,Kidnapped Briton named +World,US looking at uniform issue +World,"FAO Warns of Locust Plague, If Funds Not Provided for Eradication <b>...</b>" +Sci/Tech,Technology Rules in 'World of Tomorrow' (washingtonpost.com) +Sports,Jets' Josh Evans Out With Back Injury (AP) +World,Putin Threatens Preventive Terror Actions (AP) +World,Japanese financial authorities crack down on Citibank (Canadian Press) +Sports,Mayer Tops Ferrer in Romania Open Upset (AP) +Sci/Tech,Ignorance Is Slavery +Sci/Tech,"Canada, the Polite Country" +Business,The Positive Side of Possis +Sports,Broncos Penalized Again for Salary Cap Violations +Business,ViewPoints: Unfriendly skies +Business,"Circuit City Cuts Loss, Stock Soars" +Business,UAL gets 30-day extension of court exclusivity +Sci/Tech,Mozilla Hot on Explorer #39;s Tail +Sci/Tech,Deaf Kids in Nicaragua Give Birth to New Language +Sci/Tech,"Teen accused of making threats about school, possessing weapons" +Sports,Jaguar gives up on Formula One +Sports,Oscar De La Hoya Has It +World,France backs Annan on #39;illegal #39; Iraq war +World,Nigerian Police Say Dozens Killed in Oil Pipeline Explosion +World,Family of Iraq Hostage Urges Release (AP) +World,U.S. Official Witnesses Sudan Attack (AP) +Sci/Tech,"Qualcomm May Change Accounting,Shares Off (Reuters)" +Sports,Kuznetsova Moves Into Bali Semifinals (AP) +Business,"U.S. Stocks Up, Ford Boosts Gains" +Business,"Qualcomm May Change Accounting,Shares Off" +Business,"Circuit City Cuts Quarterly Loss,Stock Up" +Business,Japan closes Citigroup branches +World,Iraq Airways heads past borders +Business,"Michaels Splits, Doesn't Fray" +World,Diplomat: Nukes Not Cause of Korea Blast +Business,Update 4: Circuit City Narrows Second-Quarter Loss +Business,Jaguar Jobs Losses #39;Sad But Expected #39; +Business,Update 3: Japan Shutting Down Citibank Operations +Business,Alpharma Gets Court OK for Gabapentin +Business,Many Swedes Say OK to Skip Work if Tired +Sci/Tech,"AOL, Microsoft Spar on Spam" +Sports,Ford Pulling Jaguar Team Out of Auto Racing +World,Suicide Car Bomb in Baghdad; US Pounds Falluja +World,FAO Warns of Locust Plague in Africa +Sci/Tech,"Alcatel to buy wireless, conferencing companies" +Business,US Consumer Confidence Falls in University Survey (Update4) +Business,Update 1: Higher Ticket Prices Spur Carnival Profit +Business,Japan Shuts Citigroup Private Bank Unit +Business,Fight over Vector goes to court +Sci/Tech,"Spammer #39;bounty hunters #39; will need rewards of up to \$2,50,000: FTC" +Sci/Tech,"Flash memory market to continue growth, researcher finds" +Sports,NBA cancels Jazz #39;s exhibition trip to Moscow +World,Six held after Jakarta bombing +World,Somalian Parliament to Return Home After 2 Years of Peace Talks +World,5 EU Countries Agree to Set Up Paramilitary Police Force +Sci/Tech,Napster Receives New Life As Public Firm (AP) +Sports,"Alabama State, Pine Bluff Game Postponed (AP)" +Sci/Tech,Progress Software Avoids Crash and Burn (The Motley Fool) +Sports,Sutton Keeps Faith with Woods and Mickelson +World,Serbian PM snubs Hague tribunal +Business,EDS Grounded Too? +Business,Cooper Tire deals unit for \$1.7B +Business,Greenback gains broadly ahead of Fed meeting +Business,Charter Loses Another Top Exec +Sci/Tech,Firefox on the hunt +Sci/Tech,Canadian companies to build sensor for NASA telescope +Sports,Already running on our news wire +World,Musharraf not decided on quitting army post: US +Sports,Panthers Lose Davis to Knee Injury (AP) +Sports,Moscow fumes as Utah Jazz pulls out of NBA date (AFP) +Sci/Tech,Australia Fights Biggest Locust Plague in Decades (Reuters) +Business,"Oil Surges on Storm, Supply Concerns" +Sci/Tech,U.S. Accuses U.N. of Dragging Feet Over Locusts (Reuters) +Business,US Stocks Up Slightly After Ford Forecast +Sci/Tech,China's Energy Crisis Blankets Hong Kong in Smog (Reuters) +World,House GOP to Reject 9/11 Recommendation (AP) +Business,Alpharma Says Pfizer Drug Generic Cleared +World,Nigerian Police Say Dozens Killed in Pipeline Blast +World,"Hizbollah, Israel to Conclude Prisoner Swap-Paper" +Business,Ford Raises Earnings and Unveils New Plan for Jaguar +Business,Trump Stumps Chump +Business,Qualcomm's Crystal Ball Gets Hazy +Business,Progress Software Avoids Crash and Burn +World,Suicide Bomber Targets Baghdad Police +World,House GOP to Reject 9/11 Recommendation +World,Diplomat: Nukes Not Cause of Korea Blast +World,Chechen Warlord Claims Responsibility for Siege +Business,Qualcomm #39;s Crystal Ball Gets Hazy +Business,"Alcatel to buy wireless, conferencing companies" +Business,IMF board OKs Argentine repayment delay-IMF source +Business,Indictments issued in software scam case +Sci/Tech,ATI annuncia nuova tecnologia quot;HyperMemory quot; +Sports,Tiger and Phil fail first test +Sports,Jaguar to be withdrawn and sold +Sports,Panthers RB Davis to undergo knee surgery +Sports,SAFIN AND SRICHAPHAN PROGRESS +Sports,Jazz trip to Moscow canceled because of security concerns +World,NI talks reach #39;moment of decision #39;: Blair +World,Somalis to elect crucial post +Sci/Tech,Boeing may join Microsoft in EU antitrust fight +Sci/Tech,Oracle hopes for big splash with Tsunami +Sci/Tech,Cisco gives Linksys rebate to the upwardly mobile +Business,UPDATE 2-Alpharma says court clears generic of Pfizer drug +World,Bush May See Cabinet Exodus if Re-Elected (AP) +World,Iran Nuclear Enrichment Freeze Offer a Ploy - U.S. +Business,Circuit City #39;s Improving +Business,Big Blue Turns Green with Grid Computing Deal +Business,TXU agrees to fine for ads +Sci/Tech,AOL Dumps Microsoft #39;s Spam Filter Standard +Sci/Tech,ATI takes another look at shared memory +Sci/Tech,Oracle to Splash ECM Market with #39;Tsunami #39; +Sports,"Different date, same story" +Sports,"Auburn, Alabama games will be played as scheduled" +Sports,Cats pack heat against Wisconsin +Sports,George just waiting for another chance +World,UN Watchdog: No Sign of Iran Nuclear Activity at New Site +World,Swedish ambassador says diplomats in North Korean saw no sign of <b>...</b> +World,Italy calls time on Libya embargo +World,Turkey Rejects Criticism on Adultery Plan (AP) +Business,Looking for the Exit Sign (Forbes.com) +Business,IRA Adventures (Forbes.com) +Sports,Ducks to Take Aim at No. 2 Oklahoma (AP) +Sports,Europe Dominates U.S. at Start of Ryder Cup +World,"Progress, But No Breakthrough, at N.Irish Talks" +Business,Wal-Mart backs targets despite Ivan +Sci/Tech,RIM BlackBerry 7100v goes to Vodafone +World,United States #39; Illegal Occupation of Iraq +World,US jet fires at house where insurgents believed to be meeting +Sci/Tech,ATI Announces HyperMemory (NewsFactor) +Business,Fact and Comment (Forbes.com) +Sports,Irish Look to Top Michigan State on Sat. (AP) +Sci/Tech,"Software Sting Leads to Arrests, Seizures of Pirated Goods (NewsFactor)" +World,Martin to push for better African peacekeeping force in first speech to UN (Canadian Press) +Sci/Tech,National Semiconductor Offers 'Trusted' Chip (NewsFactor) +Business,"U.S. Stocks Rise, But Oil Surges Again" +Sports,Colorado Campus Bans Beer Sales at Stadium +Business,Nexen restoring Gulf Mexico production after hurricane-linked <b>...</b> +Business,August inflation rate drops to 1.9 per cent from 2.3 per cent in <b>...</b> +Business,IBM in Discussions on Issues in Pension Suit +Business,Alcatel expands US presence with two acquisitions worth \$277mn +Business,Judge cuts Microsoft fees to \$100 m +Business,Cingular handset talks to users +Business,"Specialty Foods, General Donlee funds sink on suspended or cut <b>...</b>" +Sci/Tech,FTC Assesses Bounty System for Catching Spammers +Sci/Tech,Amazon Offers Discount to A9 Search Users +Sports,Europeans dominate morning Ryder Cup matches +Sports,Women #39;s Tennis: Kuznetsova Set for Another Title After US Open Win +Sports,Villeneuve to Drive Final Races for Renault +Sports,Panthers #39; back Davis out up to 5 weeks with knee injury +Sports,No Jazz in Russia +Sports,"Auburn, LSU will play Saturday" +Sports,"Riley, Cink score for US team" +World,Bush: Kerry Proposals Will Hurt Economy +World,Bullish Ford Outlook Nudges Stocks Higher +Sports,"Red Sox, Yankees Renew Rivalry at Stadium (AP)" +World,Groups Holds Northern Ireland Peace Talks (AP) +Sports,Official: Athletes Were Tested for Hormone (AP) +Sci/Tech,FileMaker Server 7 Advanced ships (MacCentral) +World,Sudanese forces say they have no orders to disarm militias: Amnesty (AFP) +World,Turkey's prime minister rejects European Union's criticism amid adultery spat (Canadian Press) +Sports,"Woods, Mickelson Inspire U.S. Ryder Cup Comeback" +Sports,Ryder Cup Fans Quick to Take Sides +World,Bush author says White House applying pressure over book (AFP) +Business,Do You Deserve More Credit? +Sports,Friend #39;s E-mail: Your E-mail: +World,Putin accuses West +World,Northern Ireland talks grind on through night +World,Megawati behind in pre-election polls +World,New law will be milder than Pota +World,US accuses UN of dragging feet over locusts +Business,Cooper sells auto parts business +Sci/Tech,Firefox Threatens IE in the Browser Market +Sci/Tech,"Sign on to a new Microsoft standard? Why certainly, we #39;d love ... <b>...</b>" +Sports,"Jordan-Hare Stadium (87,451)" +Sports,Rain takes England-Lanka tie into second day +World,Indonesians prepare to directly elect president for the first time +World,"Bambang: If we lack credibility or integrity, we are worthless" +World,"Europeans, U.S. agree on resolution to curb nuclear access at key UN meeting (Canadian Press)" +World,Mitsubishi Injects Cash Into UFJ (AP) +World,Martin brushes off Romanow's criticism of Quebec side deal in health accord (Canadian Press) +Sci/Tech,Commentary: PeopleSoft: Ease The Inevitable (BusinessWeek Online) +Business,"U.S. Stocks End Up, Ford Gives a Lift" +Business,"D.C. Hotels Seek New Talks, File Complaint" +World,Saudi Religious Leaders Reject U.S. Criticism +World,Sudan talks to end with no deal +Business,Is Ford Out of the Ditch? +World,Europe Routs U.S. to Start Ryder Cup Play +World,Baghdad Violence Leaves at Least 52 Dead +Sci/Tech,Microsoft #39;s Linux Strategist Speaks Out +Sci/Tech,Identity Theft Suspect Pleads Guilty +Sci/Tech,New Iomega Wireless Servers Bring New Features amp; Flexibility to <b>...</b> +Sports,Auto Stocks Fall Despite Ford Outlook +Sports,Athens throws Paralympic party for largest games ever +Sports,ESPN.com news services +Sports,Auburn waits while Ivan rolls through +World,Europe and US Agree to Curb Iran #39;s Nuclear Ambitions +World,Erdogan warns European Union not to meddle in Turkey #39;s affairs +Sci/Tech,Microsoft: Can we check your software license? +Sci/Tech,British police arrest suspect in Cisco code theft +Sci/Tech,Cingular handset talks to users +Sci/Tech,Sun-Microsoft deal raises Open Office questions +Sci/Tech,Microsoft trials piracy lock on Download Center +Sci/Tech,Conference focuses on challenges of fighting cybercrime +Business,Alcatel Snaps Up Two US Companies +Business,Hurricanes can have stormy effect on real estate +Sci/Tech,Firefox Threatens IE in the Browser Market +World,Chechen warlord Basayev must be captured alive: Russian deputy prosecutor (AFP) +Business,US Stocks End Up as Ford Raises Forecasts +Sci/Tech,BMC looks to simplify network operations +Business,Freddie Mac Begins Paying Former CEO +Business,IBM settles part of giant pension lawsuit +Sci/Tech,FTC backs spammer bounties (false) +Sci/Tech,CA bundles storage apps +World,"British Troops, Militants Clash in Iraq (AP)" +Business,Oil Lifted 4 Percent by Ivan Supply Crimp +Sports,Maradona to Return to Cuba on Monday for Drug Rehab +Business,Japan Shuts Citigroup Private Bank Unit +Business,IBM holds settlement talks in pension case +Business,Ex-Qwest Executive Agrees to Plead Guilty +Business,United Aims for Another \$500M in Cuts +Business,Pen Trick on Bike Locks Could Cost Firms Millions +Business,Hurricanes May Affect Florida Presidential Contest +Sci/Tech,Amazon offers discount to A9 search users +Sci/Tech,EPA works with IBM on grids +Sci/Tech,FTC Floats Spammer Bounty Scheme +Sci/Tech,New Video Cameras Replace Tapes With Tiny Hard Drives +Sci/Tech,A Call for Music +Sports,Westwood and Garcia prove friendship works wonders +Sports,Weather holds key to England #39;s chances +World,"US, Europe Agree on Iran Resolution" +World,Into the abyss +World,Pakistanis want me in uniform: Musharraf +World,"Europe on Top as Woods, Mickelson Struggle (Reuters)" +World,A Look at U.S. Military Deaths in Iraq (AP) +Sci/Tech,German teen who made Sasser worm hired by computer security firm (AFP) +Sports,Wagner Suspended After Being Ejected (AP) +Sci/Tech,IBM in Settlement Talks in Pension Case (AP) +Sports,"Europe on Top as Woods, Mickelson Struggle" +World,Edwards: Democrats Focus Bush Criticism (AP) +Business,U.S. Treasury Debt Prices Slip +Business,Ex-Qwest Exec Tom Hall to Plead Guilty +Business,United Air May Need More in Cost Cuts +World,US takes stock of Hurricane Ivan +Sci/Tech,Coming Soon: Your Local Earthquake Forecasts? +Sci/Tech,"""Miracle"" Microbes Thrive at Earth's Extremes" +Sci/Tech,Travel Column: Armenia's Lesson in Street Life +Sci/Tech,New National Indian Museum Is Native by Design +World,Israeli Cops Arrest 2 Madonna Bodyguards +World,"U.S., Europe Agree on Iran Resolution" +Sci/Tech,Look alert--WebEx is watching +Sci/Tech,Briefly: WebSideStory cuts IPO to 4.4 million shares +Sci/Tech,WebEx adds Sales Center for sales professionals +Sci/Tech,Firm Cashes in on Google Warrants +Business,Ford drives Wall St +Business,Judge Dietz Finds School Finance System Unconstitutional +Sci/Tech,Apple iTunes dubbed #39;rip-off #39; for Brits +Sci/Tech,National Semi Throws a Padlock on PCs +Sci/Tech,Major Windows SP2 bug reveals documents worldwide +Sci/Tech,RosettaNet takes standards push to small firms +Sports,Drew amp; Jimmy Sox it to #39;em +World,Aide in Jakarta blast case admits link to key suspect +World,"POTA to go, Centre to beef up another law" +Sci/Tech,Spreading The Gospel of Firefox +Sci/Tech,RosettaNet Extends to Singapore +Sci/Tech,Next Online Music War Set to Play +World,German opposition lobbies EU against Turkey bid +Business,U.S. Treasury Debt Prices Slip (Reuters) +Business,Coke to Pay New CEO Same as Predecessor +World,Russia May Pardon Colonel for Chechen Girl's Murder +Business,CORRECTED - UPDATE 1-United Airlines seeks \$500 mln more in cost <b>...</b> +Business,UPDATE 1-Freddie Mac to start payments to former CEO +Sci/Tech,IBM embraces grid converts +Sci/Tech,"Teen accused of making threats about school, possessing weapons" +Sci/Tech,Probably best to install Windows update +Sports,UPDATE 1-Villeneuve relishes Renault challenge +Sports,Rain cancels Chase qualifying at New Hampshire +Sports,Zim cricket team arrives in Pakistan +Sports,Opinion: Transcript not incriminating +Business,Cisco Moving To Clarify Linksys Role +World,"As promised, UPA decides to kill Pota" +Sports,Rangers Reliever Suspended for Fan Fight (AP) +World,"Ivan Rattles Gulf Coast, Leaves 35 Dead" +Business,"Wall Street gets lift from Ford outlook, shrugs off oil spike" +Business,Ivan spreads its misery across the South as Florida digs out from <b>...</b> +Business,Cooper Tire Sells Automotive Unit +Sports,Loeb hangs in to maintain early lead +Sports,England need their big guns to dispel doubts +World,Melvyn Bragg: Political misadventures of a peer and polymath +Sci/Tech,PeopleSofts prospects top agenda at show +Business,SEMIs book-to-bill falls amid lull for equipment +Sports,Kluivert on the double +Sports,Donald finds the taste for battle after shaky start +Sports,Pressure on De La Hoya +World,Diplomats visit N. Korean blast site +World,UN Agency Warns of Africa Locust Crisis +World,Guantanamo Panel Considers Two Cases (AP) +Business,Japan asks Citi to end pvt banking +Business,"Wall Street gets lift from Ford outlook, shrugs off rise in oil <b>...</b>" +Business,UPDATE 1-S amp;P raises Brazil sovereign rating to quot;BB- quot; +Sci/Tech,Authorities arrest 17-year-old on charges of making Internet <b>...</b> +Sci/Tech,New MyDoom Taunts Arrested Competitor +Sci/Tech,Apple Ships Security Patch For iChat +Sci/Tech,EarthLink Debuts P2P App Running On SIP +Sports,Hats off to new cringe factor record +Sports,Upheaval in F1 as Jaguar withdraw +Sports,Rangers Reliever Francisco Suspended for Season +Sports,Kenny Perry amp; Stewart Cink lost to Sergio Garcia amp; Luke Donald 2 amp;1 +Sports,Prem Preview: Blackburn Portsmouth +Sports,Dvoracek will not play vs. Oregon +Sports,Auburn puts South in West Coast offense +World,Iran Nuclear Enrichment Freeze Offer a Ploy - U.S. (Reuters) +World,43 Die in US Bombing of Fallujah +World,New Delhi scraps POTA +World,Europeans launch military police force +World,Mexico City Mayor Delivers Fourth Address (AP) +World,Musharraf Unsure if He'll Stay Army Chief (AP) +Sci/Tech,Man Arrested in UK in Cisco Code Theft (AP) +Sports,Fans at Ryder Cup Proving to Be Quiet (AP) +World,Navy Says Kerry's Service Awards OK'd (AP) +Sports,Rangers Reliever Francisco Suspended for Season +Sci/Tech,Naturalists Struggle to Save Iran Cheetahs (Reuters) +World,Los Alamos to Remove Weapons-Grade Nukes (AP) +World,Sudan Accuses U.S. Over Darfur Talks Breakdown +World,Singapore warns of deadly illness +World,Japan baseball players to strike +World,"Ivan Slams Appalachian Region, Kills 12" +Sci/Tech,Earthlink Releases SIPshare +Sports,Nightmare for US dream team +World,Northern parties continue talks in UK +Business,"Yukos still close to bankruptcy, managers warn" +Sci/Tech,Museum to Get \$60 Million Exhibit +Sports,Rangers pitcher suspended for rest of season +Sports,Basketball: Moscow fumes as Utah Jazz pulls out of NBA date +World,US fails to bring UN into Iran nuclear case +World,Powell rejects UN secretary #39;s claim that Iraq war was quot;illegal quot; +Sci/Tech,Via gives away disc-scrubbing software +Sci/Tech,Oracle readies content management 'Tsunami' +Business,United Assessing Further Cost Cuts +Business,"IMF Board Tells Argentina to Tackle Debt, Reforms" +Business,Yukos revises unit #39;s oil reserves +Business,"Alitalia nears another critical labor accord, this time with cabin <b>...</b>" +Sci/Tech,Suspected Cisco code thief arrested in UK +Sci/Tech,Catching Spammers May Cost Big Bucks +Sci/Tech,Rumor Control: The GTA/PStwo bundle speculation frenzy +Sports,No game in Moscow for the Utah Jazz +World,Chechen lists details of attack on school +Sci/Tech,World-Class DVD Authoring +Sci/Tech,Search Firm Cashes in on Google Warrants (AP) +World,Navy Rejects Probe of Kerry's War Medals (Reuters) +Sports,Treatment of lockout shows NHL #39;s problems +World,Car bombing caps bloody week in Iraq +Sports,U.S. Dream Team Spanked in Ryder Cup Play (AP) +World,Putin Threatens Preventive Terror Actions (AP) +World,Fla. Supreme Court Puts Nader on Ballot (AP) +World,Iran makes nuclear offer +Business,Carnival on song as quarterly profits break \$1bn barrier +Business,Guilty plea expected from ex-Qwest executive +Sci/Tech,Why Open-Source Community Objects to MS Spam Plans +Sci/Tech,"Teen accused of making threats about school, possessing weapons" +Sci/Tech,Genesis Recovery is Going Well +Sports,Hopkins/De La Hoya showdown for all the marbles +World,US jets strike insurgent meetings in Fallujah +World,U.K. Family Pleads for Hostage's Release (AP) +Sci/Tech,Columnists: Lycos Goes Straight +Sci/Tech,Qualcomm Broaches A Red-Flag Subject: Accounting Changes (Investor's Business Daily) +Sports,Air Force Footballer Acquitted of Steroids (AP) +Sports,Wilson Takes One-Shot Lead at Texas Open (AP) +Sports,Ryder Dream Pairing Becomes a Nightmare for Sutton +World,Kerry Says Bush Hiding Mobilization Plan (AP) +Sports,Montgomerie Heaps Misery on U.S. +World,Fla. Supreme Court Puts Nader on Ballot +World,Deadly Ivan Slams Appalachian Region +Business,"Sir Howard Stringer, US Head Of Sony: Sony #39;s knight buys <b>...</b>" +Sports,"Riley proves he belongs, preventing US morning shutout in Ryder <b>...</b>" +Sports,CC #39;s season likely over +World,Putin accuses #39;complicit #39; West of harbouring Chechen terrorists +World,Palestinian woman shot dead in West Bank city +World,The writing #39;s on the wall for Hong Kong #39;s last revolutionary haunt +World,Euro #39;gendarmerie #39; set up to police the world +World,Drug lords stripped of 120m fortune in prison +Business,Conservative groups to boycott P amp;G +Sci/Tech,Is That Pirated Software? +Sci/Tech,Microsoft and labels in talks about copy protection and Longhorn +Sports,"Athletics: 21 Olympic Champions, Steeplechase Showdown Highlight <b>...</b>" +Sports,Rain wipes out NASCAR qualifying +Business,Move over SUV - the even bigger CXT is coming +Sci/Tech,New Sign Language +Sci/Tech,Microsoft Tests Piracy-Check Technology +World,West sets deadline for Iran to freeze uranium enrichment +Business,Farmers to cut rates under settlement +Sci/Tech,11 Charged in Software Counterfeiting Case (AP) +Sci/Tech,"Study: Taiwan, Singapore Lead Gov't Online (AP)" +Sports,Mickelson Benched by Sutton at Ryder Cup +Sci/Tech,Bloglines Adds International RSS Feed Reading +Sports,"I Let It Slide, Admits Downcast Mickelson" +World,Judges Rule for Nader in Election Boost for Bush (Reuters) +Sci/Tech,Indian Rhino Born at Buffalo Zoo (AP) +World,Tropical Storm Jeanne Kills 7 in Dominican Republic +Business,Russian Oil Giant Raises Reserves Estimate Fivefold +World,"Strong quake hit Hokkaido Island, Japan" +World,Abbas makes historic Palestinian visit to Syria +Sports,Qualifying Rained Out +Sports,Feuding Midfielders +Sports,Terps Need Leadership +Sports,A Cry for Justice +World,Nuclear Agency's Action on Iran Falls Short of U.S. Goal +Sci/Tech,Microsoft Download Centre Demanding OS Validation +Sports,Wilson on top at Texas Open +Sports,"NBA Cancels Game in Russia, Citing Terrorism Risk" +Sports,Garcia-Donald hold off Perry-Cink +World,Europe and US to curb Iran +Sci/Tech,AMD Improves Opteron #39;s Power +Sci/Tech,IBM in Voice Services Deal With Lloyds +Sci/Tech,Microsoft Tests Piracy-Check Technology +Business,Russian Oil Giant Raises Reserves Estimate Fivefold +Sci/Tech,Teen arrested on charges of making e-mail threats against school +Sports,Wilson takes lead at Texas Open +Sci/Tech,Trend Micro Offers New Mobile Security +World,Bush Travels South Seeking Women's Votes (AP) +Sports,"On the Far Side of the Field, a Familiar Face" +Sports,Mickelson to Sit Ryder Cup Play Saturday +Sci/Tech,Fujitsu and Cisco Team Up for IP Networks +Sci/Tech,Space station goes to Plan B for oxygen +Sports,Europeans dominate Friday matches at Ryder Cup +Sports,Jaguar exit puts other teams on the brink +Sports,Bonds Back at Home With 700 in Sight (AP) +World,"Putin Accuses West, Chechen Rebel Vows More Attacks (Reuters)" +Sports,Liberty Beats Sun 69-66 to Reach Playoffs (AP) +Business,Ford Increases Expectations for Revenue +World,Caught in Rebels' Cross Hairs: Iraqis Working for Americans +Sci/Tech,Lithuania to close Chechen site +Sports,Europe take charge after making history +Sports,Russian showdown +Sports,Braves Rally to Defeat Marlins 8-1 (AP) +Business,UBS to Buy Julius Baer U.S. Business (Reuters) +World,Sirens to Wail Across China to Mark 1931 Japan Attack (Reuters) +Sports,Rookie Brandi Jackson Leads at Safeway (AP) +World,Sirens to Wail Across China to Mark 1931 Japan Attack +Business,U.S. and Trade Partners Maintain Unhealthy Long-Term Relationship +World,Bush Opens Lead Despite Unease Voiced in Survey +World,Ivan Leaves Long Trail of Damage Along Gulf +World,Russian Plane Bombers Exploited Corruption +Business,Treasuries Creep Up on Rate Prospects (Reuters) +World,U.S. Allies Reject Tough Talk on Iran +Sports,Streaking Cubs Smack Reds 12-4 (AP) +World,Ex-Spain PM Urges Release of Cubans (AP) +Sports,Expos Rally to Defeat Phillies 12-8 (AP) +Sci/Tech,MCI Creditors Are Target of SEC Subpoenas (washingtonpost.com) +World,UN human rights chief urges South Korea to repeal security law (AFP) +Business,After Being Bounced Around Florida Is Bouncing Back +Business,IBM settles portion of pension lawsuit +Business,IMF agrees to delay in debt payment by Argentina +World,S.Korea Hopes IAEA Will End Its Case in November +Business,Mortgage Fraud Concerns FBI +Sci/Tech,AOL Dumps Microsoft #39;s Spam Filter Standard +Sports,Quick look at Ryder Cup #39;s key holes +Sports,Villeneuve to drive Renault till end of year +Sports,Finn blazes past Nalbandian +Sports,Rookie Jackson takes first-round lead +Sports,"Ignoring 1918, Ramirez Has Fun Leading the Resurgence" +Sports,Senden tied for third in Texas +Sports,American League Game Summary - Kansas City at Cleveland +World,Allies at IAEA Meeting Reject US Stand on Iran +World,Russian Plane Bombers Exploited Corrupt System +World,Musharraf is urged to quit +World,Five EU ministers ink peacekeeping deal +Business,US Airways Loses Loans For 100 Jets +Business,Flaw Makes Bike Locks Easy to Crack +Sports,A Long Division Test +Business,US Airways Said to Plan to Ask Court for Pay Cuts +Sports,Suggs Questionable +Sports,Area College Football Capsules +Sports,"Cavaliers, Hokies Play Host" +Sports,Riley's Contribution +Sports,Cal has blueprint for victory +Sports,The Rundown +Sports,Rangers missing nine for Inverness match +Sports,Under Construction +Sci/Tech,SEC Subpoenas Target MCI Creditors +Business,Wall Street stocks gain on strength of Ford #39;s earnings outlook +Business,Former Qwest Official Will Plead Guilty +Business,"Frequent Flyers, Have No Fear" +Sports,Thomas Boswell +World,N Korean blast wasn #39;t nuclear: diplomats +Business,Higher Ticket Prices Spur Carnival Profit +Business,Business Glance +Sci/Tech,BlackBerry: Born Again For the Mass Market +World,Long hair #39; Leung sizes up HK head +Sports,NL Wrap: Jones Leads Braves Closer to Division Title (Reuters) +Sports,Top-Seed Spadea Advances at Millennium (AP) +Sports,NL Wrap: Jones Leads Braves Closer to Division Title +Sports,Bonds Gets No. 700 +World,Key NI talks move into third day +World,"In Nature's Own Concert Hall, Sound Is Forever" +Sports,Ecclestone shrugs off court defeat with \$500m offer +World,Macaulay Culkin Arrested on Drug Charges +Business,Isdell #39;s pay tied to results +Business,IBM Seeks Settlement of Pension Lawsuit +Sci/Tech,"Teen accused of making threats about school, possessing weapons" +Sports,US team hits low point on first day +Sports,Loeb in front in Wales - but for how much longer? +World,Czech rights summit hails Cuban dissidence +Sci/Tech,Qualcomm to Review Accounting Practices +Sci/Tech,I.B.M. Settles Part of Pension Lawsuit +Sports,No. 2 Oklahoma Expects Good Oregon Team (AP) +World,GOP Campaign on to Help Coburn in Okla. (AP) +Sports,Bonds Hits Home Run No. 700 +Sports,Europe dominate first day +Sports,Tennis: Safin reaches China Open semis +Sports,HOLMES CONSIDERS TAKING ON DOUBLE +Sports,"Rain forces England, Sri Lanka into a second day" +Sports,NL Wrap: Jones Leads Braves Closer to Division Title +World,"Mexico, Japan sign free trade agreement" +World,HK Paper Adds Fuel to Speculation China #39;s Jiang Out +Sci/Tech,IT execs eye Firefox with hope +Business,Crude Oil Soars to 4-Week High on Storm-Related Shutdowns +Sci/Tech,LCD makers seen delaying expansion +World,Karzai attack underlines Afghan election fears +World,POTA repeal smacks of votebank politics: BJP +World,Bush Must OK Clinton's Document Release (AP) +Business,Alcatel Snaps Up Spatial Wireless +Business,Mr. Bush and Tax Reform +Business,Comair #39;s fate up in air +Sci/Tech,New Blow for Sender ID as AOL Joins Disbelievers +Sci/Tech,Police Display Weapons Confiscated From Teen #39;s Home +Sci/Tech,Nose replaces mouse to surf web +Sports,"Ford to Cut 1,150 Jobs At British Jaguar Unit" +Sports,AL Wrap: Damon Lifts Red Sox Nearer to Yankees +Sports,Bonds reaches 700 milestone +Sports,Rain halts qualifying for Sylvania 300 +Sports,Mercury #39;s chance at playoffs hinges on final 2 games +World,El-Baradei: No Sign Of Nukes At Suspect Iranian Site +World,"For Bonds, It's 700 Gone and 56 to Go" +World,Guard Supervisor Wrote to Bush's Father +World,Barry Bonds Hits 700th Career Home Run +Sci/Tech,Microsoft #39;s rivals eat away at its browser #39;s dominance +Sci/Tech,Lithuania won #39;t pull the plug on pro-Chechen site +Sci/Tech,New computer technology replaces mouse control with facial <b>...</b> +Sports,UNDATED: 10 assists. +World,Polls show a tough fight: PM +Sports,"Bonds Hits 700th Homer, Giants Beat Padres (AP)" +World,Musharraf says he may not step down as military chief: report (AFP) +Sports,AL Wrap: Damon Lifts Red Sox Nearer to Yankees +Business,House of the Rising Sum +Sports,Rain hands prime spots to top 10 +World,Russia prepares to hit terrorists +Sports,Mystics win fifth game in a row +Sports,Leads Braves Closer to Division Title (Reuters) +Business,Qualcomm falls on accounting news +Business,Circuit City narrows Q2 loss +Business,"Area New-Home Buyers Happier, Survey Shows" +World,Chinese police round up petitioners as party meeting enters third day (AFP) +Business,Canada Cuts Unemployment Premium by Smallest Amount Since 1995 +World,Florida Supreme Court puts Nader on state ballot (AFP) +World,Havel hails anti-Castro activists +Business,EXECUTIVE SUITE +Sports,NL: Bonds Drills 700th Career Homer Against Padres (Reuters) +Sports,NL: Bonds Drills 700th Career Homer Against Padres +Business,Fueling gains +Business,Report says consumer confidence about the same +Business,IBM in pension settlement talks +Sci/Tech,Michigan teen held on charges he planned bloody attack +Sci/Tech,AOL Opposed to Microsoft #39;s Sender ID +Sci/Tech,Astronauts fix space station #39;s fluctuating oxygen generator +Sci/Tech,IBM Launches Grid-Computing Projects +Sports,Americans knocked into States of shock +Sports,"Red Sox beat Rivera, Yankees to pull within 2 1/2" +Sports,Rainout gives Gordon pole for start of Chase for the Championship +Sports,Dobbs #39; double lifts M #39;s +Sports,Spadea rallies to beat qualifier; makes semis +World, #39;IAEA may have to quot;beg quot; Iran for more cooperation #39; +World,Putin strengthens his authoritarian regime +World,"Decision on dams soon, says Rashid" +World,Karzai attack underlines Afghan poll fears +World,Death toll rises in Lagos pipeline fire +Business,US stocks end higher; Dow snaps 5-week winning streak +Business,Japan suspends Citibank #39;s private operations +Business,A flick of a Bic defeats Kryptonite bike locks +Business,"Alitalia, flight attendants agree on crucial accord: report" +World,E. German Voters Turning to Fringe Groups (AP) +Sports,MICK SENT TO BENCH +Sports,Boston eclipse Yankees +Sports,Suzuki breaks singles record +World,German nationalists count on resentment +World,Hong Kong Pro-Democracy Lawmakers Invited to China Reception +World,Seven Die in Ambush on Venezuela-Colombia Border +World,Baseball: Bonds hits milestone +World,"Ivan Remains Hit Eastern U.S., Flood Homes" +World,Guard Supervisor Wrote to Bush's Father +Sci/Tech,IPod Rivals Square Off Against Apple +Business,JAPAN GIVES CITI LATEST BLACK EYE +Sports,Woods woeful in Ryder Cup +Sports,Sox pour it on in 9th to threaten NY reign: Solve Rivera for big 3 <b>...</b> +World,HK leader to meet top protester +Sci/Tech,IPod Rivals Square Off Against Apple (Reuters) +Sports,European dominance +Sports,Russian terror dooms Jazz trip +Sci/Tech,Gartner: Consumers Dissatisfied with Online Security +Sci/Tech,"Inland, Too, Are the Sights and Scents of a Disaster" +World,US bolsters force for Afghan poll +Business,Japan Shuts Citigroup Private Bank +World,Mexico FTA paves way for Asian trade agreements +World,Day of Violence Across Iraq Leaves 52 Dead +Business,Former Qwest executive negotiating settlement with SEC +Sci/Tech,Covington orthodontist facing pornography charge +Sci/Tech,Business News for Technology Leaders Judge Cuts Legal Fees in <b>...</b> +Sci/Tech,Man arrested in UK in Cisco code theft +Sci/Tech,International Space Station Status Report: SS04-031 +Sports,Benching suggests Lefty #39;s routine isn #39;t working +Sports,Historic HR bridges 2 eras +Sports,Loeb claims Rally of Britain lead +Sports,Cards edge D-Backs; Webb gets quick heave +Sports,"NHL owners, players are so far apart, some fear lockout could last <b>...</b>" +Sports,"Top-seed Spadea, No. 3 seed Ancic advances to semifinals" +Sports,Utah game in Moscow called off +World,Sudan Sanctions #39;Could Be Counter Productive #39; +World,Suicide Car Bomb Kills 10 in Kirkuk -Officials +Business,Media giants merge +Business,Besieged bike-lock firm plans product upgrade +Business,Ex-Qwest exec will alter plea +Sports,"With US stars off, European rout is on" +Sports,Ford boosts earnings outlook +Sports,Bonds most comfortable on the field +Sports,"One Leak plays, other Leak sits" +World,Responsibility taken for school siege +World,Indon police arrest 4 over embassy bombing +World,N. Korean blast remains a mystery; speculation rife +World,Is Jiang Zemin stepping down? +World,India warned over Australia Tests +World,Agreement reached on Iran resolution +World,Impatience with Sudanese government triggers violence +World,"In Mexico, high price for drug bargains" +World,A Mild Shanghai Lawyer and His Accidental Crusade +World,Musharraf Goes to U.S. in Search of Peace and Praise (Reuters) +World,"Car Bomb Explodes in Kirkuk, Iraq; 10 Dead (AP)" +Sci/Tech,Why The Open-Source Model Can Work In India (TechWeb) +Sci/Tech,Passwords Fail To Defend Enterprises (TechWeb) +Sci/Tech,Apple Ships Security Patch For iChat (TechWeb) +Sci/Tech,IBM triples transistor performance with germanium +Sports,Apple high +Sports,Team refuses to cool it on practice +Sports,Stoneham finishes the job +World,Iraqi car bomb kills 10 in Kirkuk +Sports,Dilboy Field to get a facelift +Sports,Acton-Boxboro makes it 39 straight +Sports,B-R's risk was worth the reward +Business,Delay urged on LNG facility +Business,We're talking real 'green' energy +Sports,NL notebook: Braves getting close to another division crown +Business,Storm blows oil price back above \$45 US +Business,United seeks \$500M more in cuts +Sports,Orlovsky not bitter at BC +Sports,Liberty earns playoff berth +World,Election focus: terror +Sci/Tech,Consumers reportedly dissatisfied with online security +World,U.S. Says Iran 'Isolated' in Nuclear Quest (Reuters) +World,U.S. Says Iran 'Isolated' in Nuclear Quest +World,"Car Bomb Explodes in Kirkuk, Iraq; 10 Dead" +Business, #39;Coventry Will Bounce Back from Jaguar Jobs Blow #39; +Sports,Notebook: Rain ends NASCAR qualifying +Sports,No. 700 for Bonds +Sports,Rivera brought heat after hit +Sports,Rox ask Kennedy to derail Dodgers +World,Suicide car bomber kills at least 13 in Baghdad +World,Taliban Suspected in Failed Karzai Attack +Business,Wall Street upbeat despite oil-price rise +Business,Circuit City reports smaller second-quarter loss +Business,More non-energy trusts cut cash payouts to investors +Sci/Tech,Amazon offers discount to A9 search users +Sports,Utah Jazz: Russia trip cancelled +World,Showdown Vote Likely on Iran Resolution (AP) +Sports,Leaders can point to washout +Sports,Craven is riding a wave of emotion +World,Group threatens to kill hostages +Sports,Rivera brought heat after hit +Sports,NL notables +Sports,Game speaks volumes for Melamed +Sports,Today's schedule +Sports,Preview day for Cup contenders +Sports,Texas's Francisco banned for rest of year +Sports,Quick pick is De La Hoya +Sports,Angels narrow the gap +Sports,Captain picks effort apart +Sports,Knight blames pampered Olympians +Business,"Alitalia to Trim Flight-Attendant Jobs for Total of 3,689 Cuts" +Business,AmWest adds ticket fees +Sports,Aussie Ellis third in LPGA event +World,N.Irish Talks Deadlocked with Time Running Short (Reuters) +World,Indian troops kill five Muslim rebels in Kashmir (AFP) +Business,Accounting news sends stock down +Business,Delay in IBM pension case +Sci/Tech,Treo and Blackberry compete for Phone/PDA crown +Sports,Mickelson benched by captain Hal +Sports,"Bonds #39; 700 odyssey: Homer, sweet homer" +Sports,Rallying against Rivera +Sports,Rain frustrates England #39;s fightback +World,Iraqi Airways to return to the skies +World,Donors offer extra \$40m to fight locusts in west Africa +Sports,GRONHOLM CAN BOUNCE BACK - PROVERA +Sports,Having a ball +Sports,"UPDATE 1-Windies win toss, field v South Africa" +Sports,National League: Braves closing in on another crown +World,Indonesian Police Have 10 Suspects in Embassy Bombing Case +World,Minister defends march decision +Sports,"Bonds Joins Ruth, Aaron in 700 Club (AP)" +Sports,Red Sox Rally Past Yankees in Ninth (AP) +Sci/Tech,Oracle president avoids controversy +Sports,Sportsview: Sutton Gets Ryder Cup Bill (AP) +Sci/Tech,"Cisco touts core router customers, smaller platform" +Business,Leading indicators +Business,Cooper sells +Sports,Wilson sets the pace at Texas Open +Sports,Today #39;s games +Sci/Tech,Catching a Virus in the Act +Sci/Tech,Convoy for Homeland Security +Sci/Tech,Tech Groups Want Induce Hearings +Sports,Rain Puts 10 Title Contenders Up Front (AP) +Sci/Tech,Searchsite: A9 bowls a Googly +Sports,"Europe sets tone, trumps US duo of Woods, Lefty" +Sports,VILLENEUVE FIRED UP FOR BATTLE +Sports,Youzhny upsets Paradorn to reach Beijing final +Sports,Marcus Gronholm out of the race +Sports,"Windies win toss, field v S. Africa - Champions Trophy" +Sports,Ancic reaches semis at Millennium +World,In our view: North Korea #39;s ominous blast +World,Pipeline blast kills 12 in Lagos +World,Malaysia #39;s ruling party told to put Anwar issue aside +Sci/Tech,BT will switch its call center network to VoIP +World,Red Sox Rally Past Yankees in Ninth +World,Ivan Remnants Wreak Havoc Across Southeast +Business,United Says It Must Cut Costs an Additional \$500 Million +Business,Qwest case to see plea deal +Sci/Tech,Orthodontist charged over Internet chats +Sports,Windies win toss and field +Sports,Youzhny reaches China final +Sports,Motorsport: Solberg #39;s stage hat-trick +Sports,Walker off to running start with Irish +World,US pounds Falluja +Sci/Tech,The greening of Ground Zero +Business,FBI targets mortgage fraud crime in Utah +Sports,"Bonds Joins Ruth, Aaron in 700 Club" +World,Who #39;s to Blame for Far-Right Extremism? +World,I was abysmal: Keane (AFP) +Sci/Tech,Indian software leaders dispute code-theft charges (SiliconValley.com) +Business,Beating the lock +Business,Bosses reject claims of further job cuts in future +Business,Home loan fraud grows +Business,Execs at Molson and Coors look at big packages +Sci/Tech,Yahoo to launch its own music player +Sports,Home side left scrambling +Sports,Gronholm crashes out of rally +Sports,Hopkins carries pal #39;s faith into ring with Oscar +Sports,Flintoff century steers England to 251 for seven +Sports,Panthers running back out 2-5 weeks +Sports,Windies looking to bury the past +Sports,Bonds saves his very best for the home fans +Business,Storm-Tested Wall Street Set for Earnings (Reuters) +Business,Pay - the Lasting Investor Battle Cry (Reuters) +Sports,Sutton #39;s strategy helps US dig hole Woods-Mickelson loses twice <b>...</b> +Sports,Cincinnati Looks to Shed Bungles Image (AP) +World,Blair was warned of post-war chaos +Sci/Tech,Trend Micro gives away mobile antivirus software +Business,"Fed, Corporate Forecasts to Set Tone" +Sports,NL Wrap: Jones Leads Braves Closer to Division Title +World,"Militants Threaten to Kill U.S., UK Hostages in Iraq" +Sports,Youzhny Upsets Paradorn to Reach Beijing Final +World,Ryder Cup: USA bid to bounce back +Sci/Tech,"IBM inks \$972M voice, data deal with Lloyds" +World,Body clocks 'hinder' space travel +Business,Perry doubts it will stand; Hutchison says state still needs <b>...</b> +Sports,Kuznetsova beats compatriot Petrova to advance to final in Bali +World,"Pope issues new appeal for peace in Iraq, Mideast (AFP)" +Sci/Tech,Scientists make phone that turns into a sunflower +Sci/Tech,Chemical treaty to extend scope +Business,Closure with a touch of deja vu +Sports,Monty #39;s dream start +Sports,Flintoff puts England in command +World,An African tragedy +Business,Away on Business: Expanding Your Horizons +Business,Abbott Seeks Foothold in Stent Business +World,N.Korea Says Will Never Dismantle Its Atomic Arms +World,U.S. Accuses Iran of Bomb Plans as UN Nuke Talks Stall +Sci/Tech,Improved power management planned for Opteron +World,N.Irish Talks Stuck as Deadline Starts to Slip +Sports,Proteas get good start +Sports,Irish ready for fired-up Mich. State +World,Zarqawi Group Threatens to Kill Hostages +World,Indonesian police make progress in embassy bomb investigation +World,Rebels Kidnap 2 Americans and a Briton in Baghdad +Business,Alitalia #39;strikes cabin crew deal #39; +Sci/Tech,PluggedIn: Software Tackles Digital Photo Proliferation (Reuters) +Sci/Tech,Microsoft offers flat-fee support option for NT 4.0 Server <b>...</b> +World,Nigerian pipeline blast death toll rises to 60 (AFP) +World,U.S. Says Iran 'Isolated' in Nuclear Bomb Quest +Business,"Tough times, but something had to be done" +Business,Carnival cruises to profit +Business,Winery at a crossroads +Sci/Tech,IBM Supports EPA Linux Grid Computing Project +Sci/Tech,IPod Rivals Square Off Against Apple +Sports,Golf Notebook: Sutton sees need to take chances +Sports,NHL vs. NHLPA +Sports,Rain gives Gordon easy pole +World,Canada #39;s voice lost amid UN gnashing +World,An Afghan woman who would be president +World,West Bank: Palestinian girl shot dead by Israeli fire +World,N.Korea Vows Will Never Dismantle Nuclear Arms +World,N. Irish Peace Talks End Without Breakthrough +World,Pakistan Army Says Noose Tightened Around Militants +Sci/Tech,PluggedIn: Software Tackles Digital Photo Proliferation +Sci/Tech,Programs: Flaws Can't Hide Appeal of 'Spy Fiction' +Business,Wal-Mart Backs Sept. Sales Targets (Reuters) +Sci/Tech,"Enterprise SAN for Mac OS X Server, Part 1" +World,Musharraf heads for first meeting with Indian PM at UN assembly (AFP) +Sports,U.S. Faces Mountain to Climb Against Buoyant Europe +Sci/Tech,Gartner: Consumers dissatisfied with online security +Sci/Tech,The Mars Rovers Have Their Day in the Sun +Sci/Tech,Involved Dads Help Daughters' Development +Sci/Tech,Alcohol Reduces Damage After Heart Attack +Sci/Tech,Doctors Ready to Perform Face Transplant +Business,"11 firms sent jobs overseas, group says" +Sci/Tech,Hands-Free Mousing Could Mean Using Your Nose +Sports,My Pick is.... +Sports,"Definitely Florida: Vols remember home losses, ready for revenge" +Sci/Tech,IBM triples transistor performance with germanium +World,Russians Stop Car Wired With Explosives +World,Records Show Commander Wrote to Bush Sr. +World,Red Sox Rally Past Yankees in Ninth +World,"Iraq Suicide Attack Kills 20, Injures 16" +Business,US website tracks job exporters +Business,Wal-Mart Backs Sept. Sales Targets +World,Iran tests long-range missile as UN watchdog reviews nuclear <b>...</b> +World,Northern Ireland Parties Hold Power-Sharing Talks +Sci/Tech,Napster Receives New Life As Public Company +Sports,Safin Sets Up All-Russian Final in Beijing (AP) +Business,"Alitalia, flight attendants agree accord on job cuts" +World,Documents indicate Blair was warned +World,British Troops Exit Al-Sadr's Iraq Office (AP) +Sports,U.S. Begins Long Fightback at Ryder Cup +Sports,"Spadea, Ancic Into Semifinals at Delray Beach" +Sports,Paralympics Competition Begins in Athens +Sports,Davis blow for Panthers +Sports,Newman looks forward to a fresh start +World,Iraq blast death toll rises to 18 +World,UN Nuclear Watchdog Demands Iran Freeze Enrichment +World,Final US volunteers leave Nepal +World,U.N. Tells Iran to Suspend Nuke Program +Sports,Axed US Ryder Cup star Mickelson: quot;I was awful quot; +Sports,Arsenal loses 100 per cent record with late Bolton equaliser +World,Iran: Draft resolution by EU #39; #39;major three #39; #39; - politically <b>...</b> +World,Three appear in Victoria court on drug charges linked to legislature raid (Canadian Press) +World,"Militants Threaten to Behead U.S., UK Hostages in Iraq" +World,"West, CW support Musharraf #39;s continuance in uniform: Rashid" +World,"India says U.S. lifts nuclear, space export curbs (Reuters)" +World,Florida Candidate Calls for Bipartisanship (AP) +World,"No Deal at N.Irish Talks, But 'Progress' on IRA" +World,UN urges Iran to halt enrichment +World,"At Least 19 Killed, Scores Injured in Iraq Bombing" +World,Victims of Hurricane Ivan Vow to Rebuild +World,Voting Machines Missing for La. Election +Business,"Alitalia, Unions Reach Agreement to Qualify for Loan (Update3)" +Sports,"Arsenal ties Bolton, extends unbeaten streak" +Sports,Holmes wins world athletics final +Sports,San Francisco Giants Team Report - September 18 +Sports,Cricket: Trescothick wants win - not weather +World,IAEA Sets Deadline For Review Of Iranian Nuclear Program +World,"Militants Threaten to Behead US, UK Hostages in Iraq" +World,EU Wants Turkey To Explain Withdrawal of Bill +Sports,Bolton Rallies to Deny Arsenal Record Start to English Season +Sports,Holmes chases one more double +Sports,Ramirez provides offense with 3 HRs +Sports,Mickelson Accepts Role as Ryder Cup Cheerleader +Business,Florida candidate calls for bipartisanship +Business,US Bond Market Begs to Differ with Fed Optimism +Sci/Tech,Microsoft bullies Big Music +Sci/Tech,Bush adviser: US is world leader in science +Sports,Arsenal held 2-2 by Bolton +Sports,Kuznetsova moves into the finals +Sports,"Kelly Holmes dominates rival to win 1,500 metres at World <b>...</b>" +World,"Police, Protection and Justice Key for N.Irish Talks" +World,A Bad Month For Mideast Peace Process +World,Britain confident of cut in Afghan drug output +World,City ease pressure on Keegan; Bolton peg back Gunners (AFP) +World,Pakistanis Freed from Guantanamo Land in Home Jail (Reuters) +World,"Militants Threaten to Kill US, UK Hostages in Iraq" +Sports,Shoaib hits out at too much cricket +World,Cricket: England beat Sri Lanka +World,U.N. Tells Iran to Suspend Nuke Program +Business,Reincarnated Napster Goes Public +Business,Counting cost of hurricanes +Sci/Tech,UK Apple #39;s iTunes Complaints +Sports,Motor Cycling: Japan #39;s Tamada grabs pole in Japan GP with <b>...</b> +World,Iran October Surprise +Sports,De La Hoya: 'This Is for All the Marbles' (AP) +Sports,GOLF: Woods-Mickelson not dream team +Sports,"Perfect season over, unbeaten streak still alive for Arsenal" +Sports,Culpepper Has Vikings' Offense Clicking (AP) +World,U.S. Leaks Report of No Weapons in Iraq (AP) +World,New York Hopes to Win Olympics by Dividing Votes +Sci/Tech,"After email, its Chikka.coms instant messaging service for <b>...</b>" +Sci/Tech,An Innovative HyperMemory Technology from ATI Reduces PC Costs +Sports,English Premier League match reports +Sports,Friday #39;s NL Roundup +Sports,Women #39;s Golf: Jackson Leads Safeway Classic +World,"Gunmen kill woman, 6 troops in Venezuela" +World,Star 'regrets accusers payments' +Business,Mortgage fraud near #39;epidemic #39; +Sports,"Sutton gambles, loses" +Sports,De La Hoya hopes history repeats against Hopkins +Sports,Bayern earn last-gasp draw against Dortmund +World,"Falluja victims, 56 killed, 40 injured" +World,"Militants Threaten to Kill US, UK Hostages in Iraq" +World,"Palestinian woman killed in Nablus, Palestinians attack Israeli <b>...</b>" +World,Musharraf Doesnt Trust Military: Experts +World,Resignation of China #39;s Senior Leader Appears Imminent +World,UN Calls on Iran to Freeze Nuke Enrichment Plans +Sports,Jeff Gordon Will Start First in N.H. (AP) +World,Pakistan 'terror' prisoners freed +World,NATO still deadlocked on Iraq training role: Scheffer (AFP) +World,"As Season Begins, Networks Struggle In Cable's Shadow" +Business,Italian airline company agrees crucial labor deal with trade <b>...</b> +World,"Kerry accuses Bush over Iraq, but aggressive tactics may not be working (AFP)" +World,"Once a Palace, Now Saddam Hussein's Prison" +World,"Ready or Not (and Maybe Not), Electronic Voting Goes National" +World,Baghdad's Strong Man Struggles to Keep His Grip +World,Upcoming Debates Could Prove Pivotal +World,Milosevic Lawyer Faces Trial Obstacles +World,Americans Wake Up on Day 2 of Ryder Cup +World,Attacks in Russia Expose Rifts With West +Sports,Atapattu laments weather +Sports,"Beckham, Raul dropped by Real Madrid" +World,The news quiz +World,International troops needed: Karzai +Sports,U.S. Stages Fight-Back at Ryder Cup But Still Trails +World,Bush Raises Questions About CBS Documents (Reuters) +Business,Abbey sale means 5m for Arnold +Sports,Cardinals' Carpenter Leaves Game (AP) +Sci/Tech,Group: Ivan Damaged Gulf Barrier Islands (AP) +Sports,Oakland Hills Fans Respond as U.S. Hits Back +Business,Airline adds \$500 million to earlier estimate +Business,Bankruptcy filing says United needs to cut \$500 million more in <b>...</b> +Sci/Tech,Why The Open-Source Model Can Work In India +Sports,Europe Leads US in Second Day of Golf #39;s Ryder Cup (Update1) +Sports,LEVERKUSEN LEAVE IT LATE +World,Two U.S. Soldiers Killed by Baghdad Car Bomb +World,UK 'working to free Iraq hostage' +World,U.S. Plans Year-End Drive to Take Iraqi Rebel Areas +World,Long-Lost Hendrix Concert Tape Discovered +Sci/Tech,RIM Introduces Breakthrough Keyboard Technology for Smaller <b>...</b> +Sports,Hopkins-De La Hoya: The Final Countdown +Sports,Athletics: Olsson leaps to victory +Sports,Tamada steals pole position for home GP +World,Panama Declares Emergency as Rain Kills 14 +World,"Fear keeps Darfur people in camps or town, says UK minister (AFP)" +World,China Communists End Leadership Meeting (AP) +Business,First Enron Criminal Case Set for Trial +Sports,Americans Wake Up +Sci/Tech,Via gives away disk-scrubbing software +Sci/Tech,Cybercrime summit urges international cooperation +Business,BISYS says responding to regulatory investigation +Business,"Jaguar to axe 1,150 jobs" +Sci/Tech,Exploit for Microsoft JPEG Flaw Is Published +Sports,IPC President Phil CRAVEN A few moments of his life +Sports,I #39;ll Give Them This One +Sports,Weather gods smile on England +World,UN atomic agency launches crackdown on Iran +World,Four arrested in Jakarta bombing attack +World,Karzai says foreign troops vital for Afghanistan +Sports,Mickelson Back on Course After Benching (AP) +Business,First Enron Criminal Case Set for Trial (Reuters) +Sports,No. 17 Michigan Escapes San Diego State (AP) +World,UN Council Passes Resolution on Darfur Atrocities +Sports,Americans Wake Up on Day 2 of Ryder Cup +Sci/Tech,The makings of Siliconski Valleyski? +World,Lithuania shuts Chechen rebel site +World,Iran say IAEA resolution political +Sports,West Virginia Edges Maryland 19-16 in OT (AP) +Sports,Hokies Roll in ACC Opener +World,Bush Reviews Disputed Guard Documents +Sports,"No. 17 Michigan 24, San Diego State 21" +Business,IMF lets Argentina defer \$1.1 billion in debt. +Business,Outsourcing megadeals lose momentum +Sports,"700 Homers Down, 2 Men to Go" +World,Bomb rocks Baghdad +World,Iraqi Airways Resumes Int #39;l Flights +World,Insurgents seize more hostages +Sports,Fan With Bonds' Ball Attended Same H.S. (AP) +World,Ex-Guardsman: I Contacted Kerry Campaign (AP) +Sports,U.S. Ryder Cup Team Losing a Fight for Survival +World,"Militants Threaten to Kill US, UK Hostages in Iraq" +Sports,Michigan Escapes San Diego State +Business,IMF gives Argentina one-year reprieve +Sports,NCAA Game Summary - Marshall at Georgia +World,Turkish Parliament Fails to Pass Reforms +World,Pentagon says 35 detainees' transferred out of Guantanamo (AFP) +Sports,European Rookies Shine at Ryder Cup (AP) +World,UN Threatens Sudan with Sanctions on Darfur Abuses +Sports,Lieber and Hot Bats Halt Red Sox +World,Ukraine Opposition Leader Defiant After Poisoning +Sports,Bowen Invades Backfield +World,"Yankees Beat Up Red Sox 14-4, Widen Lead" +Sci/Tech,Cybercrime summit urges international cooperation +Sports,UPDATE 1-Proud Palermo ensure Inter are held again +Sci/Tech,Network Security Microsoft Image Flaw Opens Door to Hackers +Sci/Tech,Europe Council looks to fight cybercrime +Sports,Ryder Cup Golf: European Team Leads +Sports,Tennis: Safin Advances to China Open Finals +Sports,"No. 4 Miami 48, Louisiana Tech 0" +Sports,Inter draws again +Sports,Two off as Real #39;s misery continues +World,Howard accuses Government of lacking #39;real #39; post-war Iraq plan +Sports,Tejada Rips Up Twins +Business,"The MGM Approach: Pay Me First, Sign the Deal Later" +Sports,Miami (FL) Hurricanes +Sports,UPDATE 2-Nine-man Real Madrid suffer chaotic 1-0 defeat +Sports,"Lyon, Bastia tie, share lead after Marseille tops Toulouse in <b>...</b>" +World,UN resolution threatens Sudan with sanctions +World,UK and US defy UN over Iraq election +World,Venezuelans killed on Colombian border +Sci/Tech,"So, That's the Point of This Company" +Sports,Packers Activate Cornerback McKenzie (AP) +Sports,Wilstein: NHL Won't Be Widely Missed (AP) +Sports,Europe Leaves U.S. Needing Ryder Cup Miracle +World,Blair Was Warned of Post-War Iraq Chaos -- Paper +Business,Storm Chasing (the Wall Street Version) +Business,Commodities Are Riding on China's Coattails +Sports,OWEN SUBBED AS REAL CRASH +Sports,No. 12 Virginia Dominates Akron 51-0 (AP) +World,U.N. Threatens Sanctions Against Sudan +World,La. Voters Expected to OK Gay-Marriage Ban +Business,Unions in talks over Jaguar blow +Business,Ad boss keeps his job and earns \$30m #39;compensation #39; +Sports,Why a Red Sox Fan Shouldn #39;t Really Want His Team to End the World +Sports,Flintoff brings a golden hue to autumn +Sports,"Still Healing From Burns, Earnhardt Is Ready for Nascar #39;s New <b>...</b>" +Sports,Lecce and Palermo Share Lead in Italy +World,"Myanmar #39;s foreign minister, deputy fired" +World,Panama Declares State of Emergency in Response to Deadly Floods +World,New York Hopes to Win Olympics by Dividing Votes +Sports,Europe Looks to Rout U.S. Without Monty (AP) +Sci/Tech,Ga. Lawmakers Favor Car Tours on Island (AP) +Sci/Tech,NASA Still Lacks Shuttle Repair Kits +Sports,Bombers show Red Sox why they remain the team to beat +Sports,Real Madrid Shocked By Espanyol +World,Shifting our Kashmir Paradigm +Sci/Tech,Lycos Scraps Anti-Spam Screensaver +Sports,"Dominguez a late scratch Saturday, Benoit fills in" +Sports,No. 14 Auburn Upends No. 5 LSU 10-9 (AP) +Sports,Sutton Goes for Broke in Final-Day Pairings +Sports,Cavaliers Flatten Zips +World,Europe Puts U.S. in Big Hole at Ryder Cup +World,Jeanne Lashes Dominican Republic; 9 Dead +World,"Emmys to Have New Look, Same Matchups" +World,Ivan Remnants Turn Fatal Along East Coast +Business,Market miscellany +Sports,Arsenal 2-2 Bolton +Sports,"Padres 5, Giants 1" +World,Blair told Bush he #39;would not budge #39; in support for war +Sci/Tech,Stem-cell science: Mirage or shining city? +World,UK to scale back troops: report +Sports,Second-Ranked Oklahoma Routs Oregon 31-7 (AP) +Sci/Tech,File and Printer Sharing Insecure in XP SP2 +Business,ECB joins finance chiefs to issue euro fx warning +Sports,"Pouring It On, Yanks Cool Off Sox" +World,Oil-Rich Kazakhstan Votes After Flawed Campaign +World,Kazakhs vote in general election +Business,Argentina asks Brown to help ease debt burden +Sports,AL Wrap: Lieber Dominates as Yankees Thump Red Sox +Sports,Gibbs defies modern logic +Sports,Collins finds new life in #39;murderball #39; mayhem +Sports,Pedersen levels Gunners at last +Sports,Flintoff boost for England +Sports,No. 20 Wisconsin Holds Off Arizona 9-7 (AP) +Business,"Oil prices up, now \$41.95 per barrel" +World,Putin #39;s reforms are undemocratic says governor +World,Britain to cut troop levels in Iraq +World,Pope pleads for peace in Iraq +Sports,Ohio St. Forces Turnovers to Top N.C. St. (AP) +Sports,Westwood Tough to Beat at Ryder Cup (AP) +Sports,AL Wrap: Lieber Dominates as Yankees Thump Red Sox +Sports,Auburn Converts Second Chance to Stun L.S.U. +Sports,"For the U.S., a Big Deficit and Little Time to Come Back" +Sports,Sooners Methodical in Picking Off the Ducks +World,UN Calls on Iran to Freeze Nuke Enrichment Plans (Reuters) +Business,Alitalia Signs Deal With Attendants (AP) +World,"Eves, Harper call for Ontario Conservative party to unite behind new leader (Canadian Press)" +Sci/Tech,IBM Wins Time for Talks in Pension Case (AP) +World,Pakistan militants 'on the run' +Sci/Tech,Microsoft offers patch to fix security flaw +World,Militants Threaten to Kill Iraq Hostages (AP) +Sports,NL Wrap: Padres Ease Past Giants Despite Bonds Homer (Reuters) +Sports,NL Wrap: Padres Ease Past Giants Despite Bonds Homer +Sports,"701, But No Win" +Sports,A Second-Chance Win +Sports,Ogden Set to Start +Sports,Mickelson Wakes Up +Sports,Gordon Is Out Front +World,Martin Short Film Closes Toronto Festival +World,Madonna Makes Israeli Midnight Pilgrimage +Business,Russia expects high trade volume with China +Sci/Tech,Iomega Readies Wireless Storage Device +Sports,Jennings faces Dodgers in finale +World,Pakistan militants #39;on the run #39; +Sci/Tech,Amazon offers discount to A9 search users +Sports,Real Madrid suffer new shock at Espanyol +World,Blair denies Iraq post-war chaos warning +Sports,Holmes leaves rivals trailing +Sports,Matthew Zemek / CollegeFootballNews.com Posted: 4 minutes ago +Sports,"Kane, Kung share Safeway Classic lead" +World,Iraq Hostage Fate Hangs in Perilous Balance +Sports,"Cards Shut Out D-Backs, Clinch NL Central (AP)" +Business,Canadian dollar is hit by low inflation rate +Sports,NL Wrap: Padres Ease Past Giants Despite Bonds Homer +World,Troops kill 15 rebels in Kashmir +Sports,"Kane, Kung Share Safeway Classic Lead (AP)" +World,Bush Reviews Disputed Guard Documents (AP) +World,Kerry Tells Donors He's Ready to Fight (AP) +World,Returns: La. Voters Back Gay-Marriage Ban (AP) +World,Macedonia cabinet survives vote +World,A Le Mondes +World,Host Says Rather Criticism Got Him Fired +Sports,Buckeyes Edge Wolf Pack +World,"Ivan, Remnants Blamed for 45 U.S. Deaths" +World,U.N. Demands Iran Halt Uranium Enrichment +World,Returns: La. Voters Back Gay-Marriage Ban +Sports,Yankees #39; victory demonstrates Jeter #39;s value +World,UN Threatens Sanctions Against Sudan +World,Howard #39;didn #39;t want #39; \$600 payment +Sports,Astros Nip Brews in 11th-Consecutive Win (AP) +Sports,Pena Homers Give Reds 6-5 Edge Over Cubs (AP) +World,Slain Haiti Pastor's Funeral Postponed (AP) +World,Japan Shares Seen Moving in Narrow Range (Reuters) +Business,Japan Shares Seen Moving in Narrow Range +Sports,Dick Ebersol Released from Hospital +Business,Big Carriers Feeling Poor +Sci/Tech,Amazon #39;s A9 Reaches Beyond Google #39;s Basics +Sci/Tech,Kimono-Makers Employ Computer Graphics (AP) +Sports,Fifteenth-Ranked Utah Rocks Utah St. 48-6 (AP) +World,35 Pakistanis Held in Cuba Return Home +World,Surprise Victory in Philippines Puts Crack in Dynasty Tradition +World,Tropical Storm Heads for Bahamas +World,"After Recapturing N. Iraqi City, Rebuilding Starts From Scratch" +World,U.S. Army Base Faces Uncertain Fate +World,Cali Drug Kingpin Faces U.S. Court in Chains +Sports,Spadea sets up Mello match +Sports,Florida St. Seminoles +World,Iraqi Airways flies for first time in 14 years +Sci/Tech,Stowers Expansion Hinges On Stem Cell Research +World,Italian hostages possibly sold to Zarqawi group +Sports,Kobe Bryant Lawyers Want His Sexual Past Off Limits +World,"Ivan, Remnants Blamed for 46 U.S. Deaths" +Business, #39;Put This Nightmare Behind Me #39; +Business,"Market sees another Fed hike this week, but future course unclear" +Sports,Europe on verge of record Ryder rout +Sports,"Spadea, Mello to vie for Delray Beach ATP title" +Sports,Flintoff a reminder of Botham years +Sports,Saturday #39;s Top 25 Capsules +Sports,"No. 8 Florida State 34, UAB 7" +World,Sudan faces threat of sanctions +World,"IRA, rivals fail to make progress" +World,Deadline threat for Iraq hostages +World,Football: Anelka duo sinks Palace +World,Blair in talks with Iraqi leader +World,New York Hopes to Win Olympics by Dividing Votes +World,"Ready or Not (and Maybe Not), Electronic Voting Goes National" +Sci/Tech,Speed and Elegance in a Desktop Package +Sci/Tech,"Rebates Fuel Sales, Frazzle Buyers" +Sci/Tech,Reaching Beyond Google's Basics +Sci/Tech,Speed and Elegance in a Desktop Package (washingtonpost.com) +World,U.N. Demands Iran Halt Uranium Enrichment (AP) +World,South Korea's Roh to showcase Russia's regional ambitions (AFP) +Sports,No. 25 Memphis Rolls Past Arkansas State (AP) +Sports,AL Wrap: Lieber Dominates as Yankees Thump Red Sox +Sports,NL Wrap: Padres Pass Giants Despite Bonds Homer +World,Cheney: Terrorists Must Be Met With Force (AP) +Sports,"Pouring It on, Yanks Cool Off Sox" +Sports,"For the U.S., a Big Deficit and Little Time to Come Back" +World,"Oil-Rich Kazakhstan Votes, Poll Criticized by West" +Business,Argentina debe implementar las reformas del FMI +World,Blair meets with Iraqi PM +World,Deadline threat for Iraq hostages +Sports,No. 13 Tenn. Stuns No. 11 Florida 30-28 (AP) +Sports,"ChiSox Slip Past Tigers 9-8, 12 Innings (AP)" +Sports,Former NBA Star Calvin Murphy Acquitted of Sexual Abuse +World,"12 Years After the Riots, Rodney King Gets Along" +Sports,Spadea in semifinals +Sports,England advance to semi in rain-shortened match +Sports,"MLB: Cincinnati 6, Chicago Cubs 5" +Sports,Rain holds up Windies +World,Rebels threaten to kill Briton +World,Indonesians set to go to polls +Sports,"Hopkins Stops De La Hoya, Retains Title (AP)" +Sci/Tech,Global Warming Fast Facts +Business,"Market sees another Fed hike this week, but future course unclear" +Sports,NCAA Game Summary - Notre Dame At Michigan State +World,Nuclear monitors return to Seoul +Business,Fed watchers say benchmark rate to rise to 1.75 +Business,"PeopleSoft, Oracle jury trial delayed" +Sci/Tech,Will Amazon #39;s A9 Search Engine Give Google Search Pains? +Sci/Tech,Yahoo to buy Musicmatch +Sports,Griffith gives Monarchs shot at crown +Sports,No. 13 Tenn. Stuns No. 11 Florida 30-28 +Sports,Sylvania 300: Gordon leads Chase pack +World,Report: Blair Warned of Iraq Chaos in '02 (AP) +Sports,No. 19 Fresno St. Beats Portland St. 27-17 (AP) +Sports,Hopkins Is the First to Knock Out De La Hoya +Sports,From Zero to Hero +Business,Airline experts agree on one thing: change +Business,A tax man laugheth at #39;simplified #39; code +World,Soldiers killed in border attack +World,Panama state of emergency after fatal mudslides +Sci/Tech,DOT dismisses privacy complaint against Northwest +World,UN to consider Sudan attacks as genocide +World,IAEA Inspectors in S.Korea for 2nd Investigation (Reuters) +World,"China Plenum to End, Military Boss Jiang May Retire" +Sci/Tech,Enter your e-mail: +World,Wife of hostage held in Iraq pleads for release +Sports,Arizona St. Upsets No. 16 Iowa 44-7 (AP) +Sports,Matthew Zemek / FOXSports.com Posted: 3 minutes ago +Sports,Boise St. Broncos +World,Blair to meet Allawi for talks at No 10 +Sports,Bonds #39; place in history is sadly tainted +Sports,NCAA Game Summary - Florida at Tennessee +Sports,NASCAR fans prepare for new homestretch +World,Iran to End UN Nuke Checks if Reported to Council +Business,Fantino #39;s retirement party planned +Business,Markets Await the Fed #39;s Next Move +Business,Competition among telecom providers getting fierce +Sports,Bernard Hopkins Leaves Calling Card Stops De La Hoya in Ninth +Sports,Local hero Tamada wins Japan GP +Sports,Sparks Prevail Down the Stretch +World,Progress is cited in N. Ireland peace talks +World,Chirac to push for international tax to fight poverty (AFP) +World,Iran Says U.N. Nuclear Ban 'Illegal' (AP) +World,Iran Says U.N. Nuclear Ban 'Illegal' +Sci/Tech,Loyalty study lists IT's top household names +Business,Fidelity fee cuts all about strategy +Business,Comcast wins in Sony deal for MGM +Sci/Tech,"Los Alamos crackdown imperils US, lab physicist warns" +Sci/Tech,Bush Accused of Blocking Arctic Report +Sports,Charitable champ takes it easy on De La Hoya +Sports,"After his disastrous first day, Mickelson takes a seat" +Sports,"Bruins learn how to grind, thanks to their Cable guy" +Sports,NCAA Game Summary - Southern California at BYU +Sports,Buckeyes #39; 5 FGs trip Wolfpack +Sports,NFL #39;s stroke of genius can be fleeting +World,Iran rejects UN call on nukes +Sci/Tech,Can You Fear Me Now? (TechWeb) +Sports,Aces square off in rubber game +Sports,Cardinals clinch title in Central +Sports,Heaps happy with central role +Sports,Gophers are golden again +Sports,Utah puts it away early +Sports,Late strikes lift Memphis +Sports,Point taken +Sports,Harvard wastes no time +Business,There's room at the top +Sports,Gators get booted +Business,Banks reimbursing ATM fees to compete with larger rivals +Sports,Broncos run streak to 14 +Sports,BC's game plan: Improve daily +Business,Firms target trial lawyers +Sports,Breaks go Buckeyes' way +Business,"Buyers, even browsers, mourn store's final sale" +Sports,Trojans don't trip +Business,Pontiac hits PR jackpot in 'Oprah' giveaway +Business,"Practical advice for start-ups, with a high-tech angle" +Sports,QB Walter has hot hand +Business,Stewart's image makeover may be a good thing +Sports,Footnotes +Business,"For long term, consider bonds over cash" +Sports,Nebraska holds on for victory +Sports,Big finish is just a start for duo +Sports,It's a first for Woods +World,Progress is cited in N. Ireland peace talks +World,A 9/11 legacy: confusion over a name Czechs find error in tracking Atta +World,Milosevic's Hague lawyer finds his biggest obstacle is the client +World,"In Michigan, criticism grows over Toronto's export of trash" +World,Police said to stop explosives-laden car +World,Prewar caution to Blair alleged +World,India's Tamil stars get a political stage +World,"Jeanne cuts deadly path in Caribbean, heads for Bahamas" +World,Wonder Woman -- a Mideast version -- finds her niche +Sci/Tech,Creating Animated Screenshots on Linux +Business,Pontiac hits PR jackpot in #39;Oprah #39; giveaway +Sci/Tech,Microsoft Offering Early Security Warnings +Sports,"Lowe throws stinker, Yanks turn it around: Red Sox #39; momentum <b>...</b>" +Sports,Gordon the favorite for the Chase +Sports,Ratings game +World,Iran says ban on its uranium enrichment program #39;illegal #39; +World,Pakistan detains 35 prisoners on their return from Guantanamo Bay +Sci/Tech,Storm splashes down in Beantown +Sports,More US struggles put Europs on cusp: Americans need repeat of <b>...</b> +World,UN adopts resulotion threatening oil industry sanctions on Sudan +World,Militants threaten to decapitate trio +World,Wife of US hostage makes somber plea for mercy (AFP) +Sports,PGA-Europe Aims to Close Comfortable Ryder Victory +World,FEMA: Storms Require Long-Term Recovery (AP) +Sports,Monarchs squeak into playoffs +Sports,"Americans early risers, but get rude awakening" +Sports,"For shining moment, Kvapil has enough in tank" +Sports,Fall guy +Sports,De La Hoya given the hook in ninth +Sports,"Win, lose Oscar is no gamble" +Sports,Four more for Buddle +Sports,Thrill of chase a season-long ride for Martin +Sports,Hitting back +Sports,HOLMES WITHDRAWS FROM 800m +Sports,"Time to put up, shut up" +Sports,Mayfield gears to make move +Sports,Vols #39; power set the stage +Sports,What it means +World,UN threatens sanctions to stop violence in Sudan +World,Hu takes over China #39;s top military job from ageing Jiang +World,Musharraf To Shed Off Military Uniform By Year End: US +World,Zemin resigns as head of the China #39;s military commission +Sci/Tech,Symantec To Acquire stake +World,Iran says ban on its uranium enrichment program quot;illegal quot; +Sports,Hopkins keeps title with 9th-round KO +World,Iran talks tough on nukes +World,Tribal Areas Scenario: Pakistan Tightens Noose around Militants +World,China's Jiang gives up top post +World,China's Jiang Turns Over Last Post to Hu +Business,Bush fights #39;in the red #39; menace +Business,Recipes for retirement +World,Hu becomes China military chief +World,Release of female prisoners demanded +World,Iraqi Airways flies again +World,Serbs Vote for Councils and Belgrade Super-Mayor (Reuters) +World,Fear keeps Darfur people in camps or town: British minister (AFP) +World,Serbs Vote for Councils and Belgrade Super-Mayor +Sports,Raiders' Curry Done for the Season +Sci/Tech,Ivan chases Hurricane Hunters from their hangar on the Gulf Coast +Sports,Yankees restore some order +World,Howard still a nose in front +World,Sharon is no De Gaulle +World,Funeral held for anti-apartheid Afrikaner +World,Honolulu Residents Vote for Mayor (AP) +Business,Mayors all revved up over fuel tax debate +Business,Is Petro-Can sale tied to Kyoto revival? +Business,More buyers choosing ingterest-only loans +Sci/Tech,Micron rival to pay fine for price-fixing +Sports,Hopkins KOs De La Hoya +Sports,6 turnovers stymie MSU in 31-24 loss to Irish +World,UN Approves Oil Sanction on Sudan +Sports,Another Real bad performance +Sports,The football gods were on our side #39; +World,Iran #39;s parliament refuses to approve tough nuclear inspections +World,Indonesians Get Ready for Final Round of First Direct Presidential <b>...</b> +World,"Manmohan Trip: PM To Raise Issues Of UN Reforms, Terrorism" +Business,Why Bush is teetering +Business,"Mortgage marathon -- lower payments, more of #39;em" +World,Serbs Vote for Councils and Belgrade Super-Mayor +World,Shiite Cleric's Militia Refuse to Disband (AP) +Sci/Tech,Linux backers are solid; United's hand out again (SiliconValley.com) +Business,Survey shows what pleases new-home buyers +Sci/Tech,WINDOWS IN THE ENTERPRISE --- Search utility possible solution for <b>...</b> +World,"Government, Not Guns Is N.Ireland Sticking Point (Reuters)" +Sci/Tech,Earthquake Swarm Shakes Eastern Sierra (AP) +World,Iran Rejects UN Call for Uranium Enrichment Freeze +Business,Loss of independence +Sci/Tech,Five Lose Jobs Due to Los Alamos Lab Scandals +Sci/Tech,Infineon to pay \$160 million in settlement of price-fixing case +World,UN warns Sudan to stop violence +Sports,"DLS ties, remains winless" +Sports,Europe Aims to Close Comfortable Ryder Victory +Sports,No. 2 Oklahoma Sooners Down Oregon Ducks +Sports,U.S. Defiance Undermined by Lack of Conviction +Sports,Sutton Goes for Broke in Final-Day Pairings +World,Blair confident of Iraq victory +World,Ryder Cup: Europe poised for victory +World,"This Boat Is Your Boat, This Boat Is My Boat, and the Hudson Is Beckoning" +World,Bush to Visit Hurricane-Stricken States +Sports,"COL FB: Florida 28, Tennessee 30" +World,China #39;s President Hu Replaces Jiang as Military Chief (Update3) +Sports,Hopkins-De La Hoya: Oscar Shows Up But Goes Down +Sports,A TIE TO DIE FOR +Sports,Sparks survive Storm surge in regular-season finale +World,UN Security Council adopts watered-down Sudan resolution +World,Pakistanis Freed from Guantanamo Land in Home Jail +Sci/Tech,Students Log On as Scientists Explore Deep Ocean +World,Hamas chief Meshaal surfaces in Cairo (AFP) +Business,"Micron #39;s legal woes, costs are escalating" +Sports,Japan #39;s Tamada wins home GP +Sports,England Cricket Player Steve Harmison Declines to Tour Zimbabwe +World,Government not guns the Irish sticking point +World,Indonesia prepares for elections +World,Sopranos tipped for Emmys +Sports,Pacers' O'Neal Returns +World,Chinese Ex-President Turns Over Last Post +World,Iran Denounces Nuclear Demands As Illegal +Sci/Tech,The art of safe storm-chasing +World,China's former president Jiang turns over last post to Hu (Canadian Press) +Sports,China Bans Nike Ad +World,Iran Rejects UN Call for Uranium Enrichment Freeze +World,Iraqi PM Says Sticking to January Election Plan (Reuters) +Sci/Tech,Kyoto is Dead - Long Live Pragmatism +Sports,Montgomerie #39;s win streak ends +World,Iraq to stick to election timetable: Iraqi PM +Business,When will the Fed catch its breath? +Business,United Needs \$500 Million More in Cuts +World,US to support democracy +Sci/Tech,Programs: Flaws Can't Hide Appeal of 'Spy Fiction' (Reuters) +Business,IPOs Kick Into Gear with Busy Calendar +Sci/Tech,"New Start-Up Breed: Born in the USA, Made in India" +Sports,Prosecutors Take Case +World,Two Explosions Echo Across Baghdad (AP) +World,Egypt's ruling party set to confirm rise of Mubarak's son (AFP) +Sports,Kuznetsova Wins Bali Title (AP) +World,Opposition Predicted to Win in Indonesia (AP) +World,Man Linked to Bush Memos Contacted Cleland +Business,Jaguar workers urged to fight closure +Business,"Questions, answers on oil prices" +Business,Bush to Visit Hurricane-Stricken States +Sports,Holmes to decide on double +World,Israeli Soldiers Kill Palestinian in Gaza +World,Zimbabwe minister to face violence charges-paper +World,Iraq Working for Release of Hostages +Sci/Tech,The technology of ups and downs +Sports,Pakistan seamers shine as India dismissed for 200 +World,Blair calls for unity to fight terrorism +World,"Amid security fears, Karzai struggles to talk to Afghans" +Sports,Aussies to target Vaughan +Sports,Safin gains first title in two years +World,Blair Tries to Counter Iraq Skeptics in Europe +Sports,"TD, Two Tries at Kick Send Auburn Past LSU (AP)" +Sports,Safin Ends Two-Year Wait in Beijing +Sports,Irish #39;D #39; delivers knockout +Sports,USC Fires Bibby +Business,"How to keep oil flowing? Invest, invest, invest (AFP)" +Business,"Fed, Corporate Forecasts to Set Tone" +World,"Sudan Says Disappointed, Resentful of U.N. After Resolution" +Sports,"Mild Seven Renault F1 Team Preview, Chinese Grand Prix" +Business,EU Transport Commissioner Lauds Alitalia Restructuring Deal +Business,Shipping Costs Force Yukos to Suspend Some Oil Deliveries +Sci/Tech,Let out a scream for best amusement parks! +Sports,Champ takes Oscar #39;s body and soul +Sports,Newcastle give Souness winning league start at Saints +Sports,South Africa vs West Indies +Sports,WVU Gets First Win Over Terps For Coach Rod +World,China #39;s Jiang Zemin gives up military post +World,Megawati trailing people #39;s favourite +Sports,Hopkins Knocks Out De La Hoya to Retain Title +World,Iraq Group Shows Tape of Beheading of Three Kurds +World,Israel army kills Jihad militant +World,Musharraf to meet Singh at the UN +Sci/Tech,QWERTY keyboard for mobiles +Sports,"My Goal, Claims Shearer" +Sports,Out-of-towners crash AFL #39;s party +World,Human Rights Reform Is Key to Turkey EU Membership +World,Israel army kills Jihad militant +World,Hamas leader makes surprise trip to Egypt +World,Ex-Guardsman Contacted Kerry Campaign +World,Iran Denounces U.N. Demands As 'Illegal' +World,"3 Dead, 7 Hurt in Iraq Suicide Car Blast" +Business,Infineon says funds are enough to cover price-fixing cases +Sports,Playing every game won #39;t save Schofield +World,Militants claim in Web statement to have beheaded three Kurdish <b>...</b> +Sports,"Michigan Escapes San Diego State, 24-21 (AP)" +Sports,No Certainty Harris Will Return to Pitt (AP) +Sports,Ebersols Released From Colorado Hospital +World,Putin in push to extend his term +World,Website video purports to show beheadings of three Kurdish <b>...</b> +World,The Hardest-Working Woman in the TV Biz +World,Bush Surveys Hurricane Damage in Florida +Sports,Real told to dig for pride after a fall +Sports,Bundesliga round-up +Sports,Cricket: Proteas blown away by strong Windies +Sports,Vols find a Wilhoit to win +World,Enhancing Party #39;s governance capability is of vital importance <b>...</b> +World,Sharon will press ahead with disengagement plan +Business,"US Stocks Rise, But Oil Surges Again" +Sports,Soccer: Newcastle give Souness flying Premiership start +World,Children targets in war zone +Sci/Tech,Sounding Off to Deep Space +Sci/Tech,Woman's Crusade Prompts Car Safety Improvements +Sci/Tech,Review: New Media Players Too Small +Business,Oil producers have wafer-thin safety margin: experts +World,Iran rejects call to stop atomic research +World,Ugandan Army Kills 25 Rebels in Southern Sudan +World,Israel to step up quick response system to combat rocket attacks <b>...</b> +World,Cricket: Pakistan edge out India +World,President's party 'wins Kazakh poll' +World,Ivan's Flooding Forces New Evacuations +World,Long-Running Shows to Take Final Emmys Bow +Sci/Tech,RIM Incorporates QWERTY Keyboard In Small Mobile Devices +Sci/Tech,OS Update for Windows XP Service Pack 2 (KB884020) +World,Iran #39;To Ignore Nuclear Freeze Demand #39; +Sports,Europe Needs Only 3 Points for Ryder Win (AP) +Sports,Cricket: West Indies Defeats South Africa to Reach ICC Champions <b>...</b> +World,Santini's men earn their Spurs after drawing with Chelsea (AFP) +Sports,Highlands Snaps 25-Game Losing Streak (AP) +Sports,U.S. Leads in First Four Ryder Singles +Sports,Murphy Acquitted of Sexual Abuse Charges +Sports,"Redskins Tied, 7-7" +Business,Hotel Workers in 3 Cities May Strike Sunday +Sports,Italian Serie A match reports +Sports,Pakistan edge out India +World,Militants behead three Iraqi Kurdish militiamen +World,Ugandan army kills 25 rebels in southern Sudan +World,Britain says not to build more nuclear power stations in a decade +World,Germany Deports Organizer of Islamic Conference +World,Serbia Elections Draw Millions of Voters (AP) +World,Report: Group Threatens to Kill 15 Iraqi Soldiers +World,Who Was Abused? +Sci/Tech,Oracle Eyes Content Management Prize +World,Analysis: Jiang Zemin #39;s departure +World,Bush Must OK Clinton Document Release Plan (AP) +World,"Senate Foes Daschle, Thune Swaps Barbs in Debate (Reuters)" +World,Call on Me hits number one spot +World,Photojournalist Eddie Adams Dies at 71 +World,Flooding Forces Evacuations in 3 States +Sci/Tech,Enter your e-mail: +Sci/Tech,Microsoft trials piracy lock on Download Centre +Sports,McAllister injures ankle for Saints +World,Iraq #39;Peace Talks #39; Swap Weapons for Pullback +World,World Trade Center Leaseholder Gets Boost From Federal Jury +Sports,Perez scores second successive win +World,Iraqi Foreign Minister: We Will Not Give in to Kidnappers #39; Demands +World,Beckett says no more nuclear power needed yet +World,Musharraf to meet Singh at the UN +Sports,Inzy proves hard to please +Business,Fed Seen Sticking to Measured Rate Raises (Reuters) +Sports,"McNabb, Culpepper to Square Off Monday (AP)" +World,US Hostage Wife Pleads for Mercy +World,Former general tipped to win Indonesian vote +Sports,Steelers' Maddox Out With Elbow Injury (AP) +Sports,Europe Rally After U.S. Take Early Charge +World,"Daschle, Thune Debate Campaign Tactics (AP)" +World,Bush Lifts Libya Sanctions to Trigger Aid (AP) +World,Senators Urge Bush to Change Iraq Stance (AP) +World,Top Hamas Militant Killed in Israeli Missile Strike +World,Iraq PM Adamant Jan. Election Will Be Held +World,How Would They End the War? +World,Report: Spears Marries Dancer in Calif. +World,"Kerry Links Iraq War Cost, Domestic Woes" +World,Militants Behead 3 Kurd Hostages in Iraq +World,Europeans Try to Nail Down Ryder Cup Win +World,Iraqi PM Says Sticking to January Election Plan +Sports,Vegas serves up boxing treat +Sports,Cycling: Perez wins consecutive stages after two-year drought +Business,Fed Decision Unlikely to Spur Rally +Business,2 telltale signs that show it #39;s time to dump a stock +World,Three Kurds Beheaded in Iraq +World,Video Appeal for Release of Italian Hostages (Reuters) +Sports,Bonds Gets Day Off in Finale Vs. Padres (AP) +Business,US rate rise and dim growth outlook to hit confidence +Business,Hotel workers on the verge of striking +Sci/Tech,Boeing may join Microsoft in EU antitrust fight +Sports,JUVE GO TOP OF THE PILE +World,Sudan warns West +World,Iraqis urged to help free Briton +World,Iraqi group claims murder of Kurdistan representatives +Sports,Vols See Tough Road After Florida Stunner (AP) +World,Hamas militant dies in Gaza blast +Sports,Deion Sanders Leaves Game With Injury +Sports,"Marlins Top Braves, Keep Hopes Alive" +Business,Financial markets key in on Federal Reserve interest-rate decision +Business,Reebok star rises in south: Shoemaker targets Hispanic markets +Sci/Tech,Breakthrough Keyboard Technology for Smaller Handsets +Sci/Tech,Dangerous Days on the World Wild Web +Sports,Camacho ready to quit as Real coach - reports +World,Press Scan +World,Saudi jails #39;seditious #39; academic +Sports,More tough SEC games loom after Florida-Tennessee +World,"Renault's 5,000-euro car to go on sale in western Europe for 7,500 euros (AFP)" +World,Iran: U.N. Uranium Program Ban 'Illegal' (AP) +Sports,Blue Jays Defeat Devil Rays 9-7 (AP) +World,14 People Hurt in Bomb Blast at Turkish Concert +World,"Yanks Rout BoSox 11-1, Extending AL Lead" +Sports,"Manning Leads Colts Past Titans, 31-17 (AP)" +Sports,Ravens Roll Over Rival Steelers 30-13 (AP) +World,"Report: 18 Dead, 22 Hurt in Iran Accident (AP)" +Sports,Green Bay Packers +Sports,Stewart #39;s title hopes take serious hit +Sports,NFL Game Summary - Indianapolis at Tennessee +Sports,"Johan Santana, Twins Defeat Orioles 5-1 (AP)" +World,"We won #39;t Give into Kidnappers #39; Demands, Vows Iraq" +World,2 Hamas militants killed in car explosion in Gaza +World,Bush says truth must come out regarding military documents (AFP) +Sports,Monty Seals Cup Triumph for Europe +Sports,Yankees Extend A.L. East Lead +Business,"Oil, gas rigs put through the #39;ultimate #39; test in Gulf" +Sci/Tech,Microsoft To Pay \$113M to Calif. Lawyers +Sports,CAMACHO OFFERS RESIGNATION - REPORTS +Sports,Chelsea settles for draw while Everton continues to win +Sports,"Panthers 28, Chiefs 17" +Sports,SI.com +Sports,"Delgado, Wells power Jays over Tampa" +Business,How to keep oil flowing? Invest +Sports,"Peyton, James compose winning tempo" +Sci/Tech,AOL Signs Off From Sender ID +Sports,"Saints Rally to Beat 49ers, 30-27 (AP)" +World,Classic guerrilla war forming in Iraq +World,Workers Aid Florida Hurricane Victims +World,"Candidates Play on Fears of Attacks, Wars" +Sports,Mello ousts Spadea to win title in Delray Beach +Sports,NFL Game Summary - Carolina at Kansas City +Sports,New Orleans Saints +Sports,New York Giants +World,"Optimism in London, carnage in Iraq" +World,Also from this section +Sports,NFL Game Summary - Denver At Jacksonville +World,China #39;s Hu takes Army reins +World,Annan #39;s remarks on Iraqi war draw different reactions among Iraqis +Sports,NFL Wrap: Manning Wins MVP Battle as Colts Beat Titans (Reuters) +World,Monty Seals Cup Triumph for Europe (Reuters) +Sports,"Juventus Stays Perfect, Real Madrid Loses (AP)" +Sports,"LSU Tumbles, Auburn Rises in AP Poll (AP)" +Sports,NFL Wrap: Manning Wins MVP Battle as Colts Beat Titans +World,Hostages Face Death in Iraq +Business,Yukos raises oil reserve estimate +Business,"LA hotel locks out laundry union, strike feared" +Business,On Advertising: Grey sale marks end of an era +Business,China says investment boom crackdown is working +Sci/Tech,Open Source Software Goes to Work +Sports,Rallying: Sparkling Solberg win means title wait for Loeb +Sports,Chiefs Sputter to 10-7 Halftime Lead over Panthers +Sports,LSU tumbles while Auburn rises after close win +World,Iran rejects order by UN energy agency to halt nuclear program +World,The UN Wags a Finger at Sudan +World,Extremists gain in Eastern Germany +World,Insurgent Video Shows Apparent Beheadings in Iraq +World,Turkey concert blast #39;hurts 14 #39; +World,Terror attack foiled in Moscow: security agency +World,Right to roam maps published +World,Europe rout US in record-busting Ryder Cup victory (AFP) +Sci/Tech,Microsoft to Share Office Software Code (Reuters) +Sports,Giants' Coughlin Gets Win Over Redskins +Sports,"L.S.U. Tumbles, Auburn Rises in A.P. Poll" +World,Golf: Europe win Ryder Cup +Sports,Yanks Crush Red Sox +Business,Alitalia wins respite +Business,"Investment curbs working, Beijing says" +Sci/Tech,Microsoft to share ots Office code +Sci/Tech,Terror Plot At Michigan High School +Sci/Tech,Cisco gives Linksys rebate to the upwardly mobile +Sports,Tennis: Top-seeded Spadea reaches Delray Beach quarter-finals +Sports,"Busch wins, shares lead with Earnhardt Jr." +Sports,Adebayor shoots Monaco to top spot in France +World,"Car bombs seized, Russia reports" +World,Just rambling like a fox +Business,Beware of the lazy banker +Sports,NFL Wrap: Manning Wins MVP Battle as Colts Beat Titans +World,Still a hot Pota-to +Business,Opec #39;s new cash pile +Sci/Tech,Microsoft to Share Office Software Code +Sports,Blue Jays beat D-Rays in last-place battle +World,Iranian program not an #39;imminent threat #39; +World,Russia launches operation to capture Chechen militants +World,Israel kills Hamas leader in Gaza +World,"3 hostages killed in Iraq, tape shows" +World,A cruel price for Enduring Freedom +World,"Europeans Easily Take Ryder Cup, Again" +World,Spears Weds Fiance in Surprise Ceremony +World,One Man Dies in Mass. Fair Ride Accident +World,Israeli Missile Reportedly Kills Hamas Militant Leader +World,Far Right Groups Gain in Two German State Elections +Sports,USC remains No. 1; LSU tumbles out of top-10 +Sports,Singh Named PGA Tour Player of the Year (AP) +World,Indonesia's Megawati faces former general in landmark presidential polls (AFP) +World,Iraq 'on track for January poll' +Sci/Tech,Microsoft to Share Office Software Code +Sci/Tech,Microsoft lets governments into Office +Business,Group Tracks US Companies That Send Jobs Offshore +Sports,NFL: Colts/Titans +Sports,"Stout defense, Broncos #39; bungle propels Jaguars 7-6" +World,Clock ticks down for Iraq hostages +Sports,O'Neal Returns to Practice for Pacers (AP) +Sci/Tech,Rich Asians snapping up world's most expensive mobile phones (AFP) +World,Hamas Militant Leader Killed in Gaza City (AP) +World,24th annual Terry Fox Run attracts hundreds of thousands of Canadians (Canadian Press) +Sci/Tech,WebEx adds Sales Center for sales professionals +World,Race-hate attack fuels fear of Beslan backlash +Business,Petro-Canada up on government plan +Sports,Mello Claims Maiden Atp Tour Triumph +World,Iran Rejects IAEA Call On Halt To N-Plan +World,Indonesians Begin Voting in Landmark Election +Sci/Tech,Microsoft Expands Program on Source Code (AP) +Sci/Tech,Democrat Emerges As Major Stem Cell Patron (AP) +World,"Mass. Fair Accident Kills 1, Injures 2" +Business,Canada to use PetroCan money for green technology +Sci/Tech,IBM registers grid computing wins +Sci/Tech,More toxic materials set to join global trade watch list +Sports,"After two weeks, it #39;s still anyone #39;s game" +Sports,"Ravens #39; Defense Sets Tone, Sidelines Steelers #39; Maddox in Victory" +World,Latham lashes out +Business,Economic week +Business,Yukos partly suspends oil deliveries to China +Sci/Tech,Microsofts spam plan rejected +Sci/Tech,iTunes under fire over UK pricing +Sci/Tech,IBM protects passwords with PC chip +Sci/Tech,WebEx plays big brother +Sports,Bryant records first tour win at Texas Open +Sports,Beckham dropped by Madrid +World,Iran defies curbs on nuclear activities +World,14 people hurt in bomb blast at Turkish concert +Sci/Tech,Multiplayer Games Coming to Cell Phones (AP) +Sports,"Pats Win 17th in Row, 23-12 Over Arizona (AP)" +Sports,Rice's Streak Ends but Raiders Edge Bills (AP) +World,Indonesians Begin Voting in Landmark Election (Reuters) +World,Indonesians Begin Voting in Landmark Election +Sports,Colts Flash Weapons +Sports,Cubs Keep Pace +Sports,No NHL? No NHL!!! +Business,Air NZ shares placed on trading halt ahead of High Court decision +Business,China #39;s TCL Communication Lists On HK Main Board Sep 27 +Business,Hands off Great Lakes +Business,"Media merger inevitable, says Senior Minister" +Sci/Tech,Make Internet less of a cyberjungle +Sci/Tech,Apple ships security patch for iChat +Sports,De la Hoya losesdate with destiny +Sports,Youhana sparkles for Pakistan +Sports,Spurs frustrate Chelsea +World,Sudan dismisses threat of UN sanctions +World,Far Right surges as Schrder feels fury of the east +World,Paisley will #39;call Sinn Fein #39;s bluff #39; +World,Ugandan troops kill insurgents in Sudan +World,Shahbaz #39;s family arrives +World,district briefs: +Sci/Tech,Microsoft Internet Explorer loses market share +Sports,Chelsea held to a draw +Sports,Tampa Bay Buccaneers +Sports,San Diego Chargers +World,Voters lured to neo-Nazi parties in German elections +Business,Air New Zealand Stock Halted Pending Qantas Ruling (Update1) +Sports,Monty Seals Record Ryder Cup Triumph for Europe +World,"Candidates Play on Fears of Attacks, War (AP)" +World,"Presidential debates: high drama, disputed impact (AFP)" +Sports,Brunell Injured in Redskins' Loss +World,Iraq Leader Says Violence Won't Stop Vote +Business,Microsoft lets governments into Office +Business,Crude oil prices may fall as output rebounds +Business,Watchdog Plays Down Abbey Suitor Fears +Business,"MediaCorp, SPH sign deal to merge mass market TV" +Sports,Hopkins floors De La Hoya +Sports,Youhana plays the hero +Sports,"Cowboys 19, Browns 12" +World,Indonesian voters go to the polls +World,Ugandan forces #39;kill 25 rebels #39; +World,Pilgrims die in bus plunge +World,Cabinet Clears Ordinance To Repeal POTA +World,"* CBK welcomes Norway #39;s role, accuses LTTE of #39;indecision #39;" +World,President's Party Leads Kazakhstan Voting (AP) +Sports,NFL Wrap: Manning Wins MVP Battle as Colts Overcome Titans (Reuters) +World,Tropical Storm Leaves 50 Dead in Haiti (AP) +World,Sudan says it's not afraid of UN resolution threatening sanctions (Canadian Press) +Sports,Bryant Gets First Tour Win at Texas Open (AP) +Sci/Tech,Argentina warns of climate crisis +Sci/Tech,Sen. McCain Seeks \$1 Billion to Speed Digital TV Shift +Business,An Enron Trial With Big Stakes for Ones Ahead +Business,Air NZ in trading halt +Sci/Tech,Airbus supports Microsoft in EU antitrust case +World,Iraq #39;s prime minister vows to stick to election timetable despite <b>...</b> +World,Indonesians go to the polls +World,Sharon takes hard line on Palestinian rockets +Sci/Tech,"In Video Games, Sequels Are Winners" +Sci/Tech,Some Microsoft Customers Will Get to See Office Code +Sci/Tech,Users Find Too Many Phish in the Internet Sea +Sports,Jets C Mawae Breaks Right Hand (AP) +World,Monty Seals Record Ryder Cup Triumph for Europe (Reuters) +Sci/Tech,Sen. McCain Seeks #36;1 Billion to Speed Digital TV Shift (Reuters) +World,China Completes 1st Orderly Power Transfer (AP) +World,Senators Urge Bush to Rethink Iraq Policy (AP) +World,Colombia Says Marxist Rebels Killed Venezuelans +Business,An Enron Trial With Big Stakes for Ones Ahead +Sports,Sniezek Spurs Gonzaga +Sports,Foster pounds Chiefs in second half +Sports,Europe Wins Ryder Cup by Widest Margin (AP) +Sci/Tech,Microsoft Expands Sharing of Source Code (AP) +World,Millions of Indonesians Vote in Landmark Election (Reuters) +Sports,Han Wins Safeway Classic in Playoff (AP) +Sports,F1 Sees China as a 'New Klondike' +World,Millions of Indonesians Vote in Landmark Election +World,"Imperioli, de Matteo Win for 'Sopranos'" +World,Microsoft Expands Sharing of Source Code +Business,Australia #39;s Sims Grp: Expects 1Q Earnings Above A\$50M -2- +Sports,"Take That, Boston. Again. And Again." +Sports,Old school coaches hope to revive the New York Giants and <b>...</b> +World,New inquiry into family courts +World,Colombia Says Marxist Rebels Killed Venezuelans +Sci/Tech,Oprah giveaway +Sports,Camacho offers Real Madrid resignation +Sports,Europe Defeats US by Record Margin in Ryder Cup Golf +World,Last of Chinas old guard cedes military +World,Howard struggles to win over Asian vote +Business,PeopleSoft sweetens severance packages +Business, quot;Green card quot; applications accepted +Sci/Tech,Microsoft To Share Office Software Source Code with Governments +Sci/Tech,OPRAH CAR SPREE DRIVES SITE TRAFFIC +Sci/Tech,Yahoo to launch online music service +Sports,Europe revel in Ryder glory +Sports,Beckham dropped as Real flop again +Sports,"Blues held by Spurs, Toffees win again" +Sports,Week in review: A point afterthought +World,Talks Set to End #39;With No Deal in Sight #39; +World,Hamas Militant Leader Killed in Gaza City +World,"Over 100 students, teachers abducted in Napal" +World,Australia Raises Commodity Export Forecast on Energy (Update2) +World,"Japan, Mexico ink landmark accord" +Sports,Hopkins takes wind out of De la Hoya +Sports,Safin becomes first champion in China Open +Sports,Georgia at Auburn +Business,Court rejects planned Air New Zealand-Qantas alliance +Business,Waiting for the Worst +Business,"\$1.3 billion power plant will generate 3,500 jobs" +Sci/Tech,White Shark Meal Makes History +Sports,"Chelsea Draws 0-0 at Home With Spurs; Everton, Newcastle Win" +Sports,"Back to Wall, Giants #39; Defense Turns Fearsome" +World,Allawi vows Iraq #39;s elections on target +World,"Kazakh President #39;s Party Leads in General Election, AP Says" +World,Anwar will not rejoin party +World,Fringe Parties See Gains in German Vote (AP) +Sports,Saints' McAllister Hurt in Chargers Game (AP) +Sci/Tech,Wash. Scientists Study Whale Watchers (AP) +Sports,Langer Would Consider Staying as European Captain +Sports,Singh named PGA Tour player of year +World,Rwanda 'genocide' priest on trial +World,Effort to Train New Iraqi Army Is Facing Delays +World,Hu Takes Full Power in China as He Gains Control of Military +World,Senators Urge Bush to Rethink Iraq Policy +Sports,Friedgen Set on QB +Business,A Shrinking Airline Industry Offers Limited Options +Business,Yukos Said to Halt Some Exports to China +Business,M amp;S to reveal sales downturn +Sports,"Colwick, McWilliams lead City Amateur" +Sports,PENALTY ON JOAQUIN GONZALEZ IN END ZONE +World,Sudan says it will observe UN resolution +Sci/Tech,Odin Aims to Lead RFID Technology +Sci/Tech,PeopleSoft sweetens severance packages +Business,Yukos Cuts Oil Exports to China +Sports,Hopkins Makes a Case for Greatness +Sports,Han wins Portland play-off +Sports,"Rams storm back, still lose to Vick, Falcons" +World,Rightists Make Strong Strides in Eastern German State Elections +World,Hamas Leader Mashaal Surfaces in Cairo (AP) +Business,Hotel Workers in Three Cities May Strike +Sci/Tech,FTC in Settlement With Company That Promoted Adult Web Sites +Business,New Zealand Court Rejects Air NZ-Qantas Alliance (Update2) +Business,HK Bourse: Release from Hutchison Whampoa On Connected Deal -8 +Sci/Tech,RIM Unveils New BlackBerry QWERTY Smartphone +World,Iraqi militant groups threaten to kill 20 hostages +World,Toll Rising on Pakistani Frontier +World,MILLPOND BOTTOM JOURNAL Right-to-Roam Laws Let British Walk Over <b>...</b> +Sports,Montgomerie Triumphs in Ryder Cup (AP) +Sports,Big Three Take Blame for U.S. Ryder Cup Debacle +World,Cannabis chemical pregnancy link +Business,Microsoft Shares More Source Code +Business,This Hurricanes and insurance in Florida +Sports,Hopkins #39; fight extends beyond ring +World,"Allawi says Iraq economy, security needs resolving" +World,Iraqi group claims Kurds #39; beheading +World,Iraqi militants behead three Kurdish hostages +World,Hamas leader surfaces in Cairo to discuss Israel's withdrawal from Gaza (Canadian Press) +World,"China's Jiang gives up top military post, completing handover of power to Hu (Canadian Press)" +Business,High court rules against Air NZ-Qantas tie up +Business,Australia Incitec Considers US\$600M Brunei Ammonia JV -2- +Business,"China Power Sets IPO Price Range, May Raise \$330 Mln (Update1)" +Business,Sony agrees to partners #39; terms to reduce distribution fees in MGM +Sports,A September to remember +World,China Power Transfer #39;A Positive Step #39; +World,Singapore issues bomb alert +Sports,Sutton deserves plenty of blame for Americans #39; woes +Sports,Youhana steers Pakistan to victory over India +Sports,5th-Round Draft Pick Gives Jets #39; Secondary Some Sizzle +World,"Storm's Devastation Is Revealed, and a Mountain Hamlet Mourns" +World,Tropical Storm Kills at Least 90 in Haiti +Sports,"This Date in Baseball, Sept. 20 (AP)" +World,"Bush, Kerry Tentatively OK Three Debates (AP)" +Business,Dollar Firmer Ahead of Fed Rate Decision +Business,Qantas says it #39;s time to move on +Business,"Investment needed to keep oil flowing, analysts suggest" +Business,"Capital Radio, GWR May Create Bigger Competitor for Chrysalis" +Sci/Tech,Consumer Goods: RFID Tops To-Do List In Consumer Goods +Sports,Bryant gets first win at Texas Open +Sports,WOOLMER HAILS PAKISTAN SPIRIT +World,"Iran rejects IAEA call,threatens to block checks" +World,Indonesian poll ends era +World,Australian govt plans counter-terror teams in Asia +World,Sharon tells army to prepare to leave Gaza under fire +World,Maoists abduct over 100 students and teachers in Nepal +Business,New Zealand court rules against Air NZ-Qantas alliance: airline +Business,China urges US not to seek a limit to its textile exports +Sci/Tech,Search Is On At Amazon +Sci/Tech,PeopleSoft Forges On; Oracle App Sales Down +Sports,"Falcons keep heat on Bulger, RBs" +World,Iran dismisses UN watchdog #39;s demands as illegal #39; +World,* Extremists gain in the formerly communist east +Business,Dollar Firmer Ahead of Fed Rate Decision (Reuters) +Business,"Asia Stocks, Oil Rise; Dollar Firm (Reuters)" +Sci/Tech,AOL Launching New Online Shopping Site (AP) +Sports,Cards Honor Tillman +Sports,Defense Carries Dallas +World,"Bush, Kerry Tentatively OK Three Debates" +Business,New Zealand Court Rejects Air NZ-Qantas Alliance (Update3) +Business,Bill targets lawyers who file frivolous suits +Business,German bank sues Barclays over losses +Sports,Koizumi takes time out to throw ceremonial pitch at Yankees-Red <b>...</b> +Sports,Vick leads Falcons Over Rams +World,Concert bomb blast injures 14 people +World,Howard plans to create new police squads to tackle regional <b>...</b> +World,President Musharraf To Address UN General Assembly +World,Group Threatens to Kill Iraqi Soldiers -TV +Sci/Tech,Viruses Aimed at Microsoft Rise Sharply-Symantec +Sci/Tech,VMware aims to secure network sharing +Business,First Enron Criminal Trial Begins Today +Sci/Tech,Georgia Accuses Russia Of Air Space Violation +Sports,"Bryant Ends Drought, Wins Texas Open" +Sports,NFL Game Summary - Miami At Cincinnati +Sports,Wistrom bottles up Buccaneers +World,Call to expand UN council gains momentum: Assembly split over <b>...</b> +World,3 Pakistanis left at Guantanamo +Sci/Tech,Call for Speakers - Search Engine Strategies Stockholm +Sci/Tech,AOL Rings Up New Shopping Service (Reuters) +Sci/Tech,Viruses Aimed at Microsoft Rise Sharply-Symantec (Reuters) +Sports,NFL Wrap: -Manning Wins MVP Battle as Colts Overcome Titans +Sci/Tech,AOL Rings Up New Shopping Service +Business,Qantas rules out Air NZ alliance appeal +Business,Enron Trial to Shine Light on Wall Street +Business,Barclays Capital sued for 50m over bond loss claims +Business,Steps to curb Chinese growth #39;working #39; +Sci/Tech,A Firefox in Internet Explorer #39;s Henhouse +Sci/Tech,Eight Georgians Abducted In Georgian Breakaway Region: Police +Sci/Tech,Judge Orders Microsoft to Pay \$112 Million +Sports,Bonds drills 700th career homer +Sports,"Bengals 16, Dolphins 13" +Sports,Colts vs. Titans capsule +World,"Al-Qaeda Group Vows to Kill Hostages From US, UK (Update2)" +World,S #39;pore eyes Islamic banking pie +World,"100 students, teachers abducted in Nepal over weekend" +Sci/Tech,Sun's Loiacono Outlines Solaris Road Map (Ziff Davis) +Sci/Tech,PeopleSoft Tool Maps Integrations (Ziff Davis) +Business,Yukos Cuts China National Petroleum #39;s Oil Supplies (Update1) +Business,Justice vs. Tobacco: Ready to Rumble +Sci/Tech,FTC Cool to Spam Bounty Hunters +Sports,Sports Digest +Sports,Windies into semis +Sports,Giants: How they won +Sports,Packers confident they will recover +World,German fringe parties make gains +Sci/Tech,Eight Georgians abducted in Georgian breakaway region: police +Sci/Tech,Canadian Scientist Introduces the quot;Nose as Mouse quot; +Sports,Bring A Chair: Panic Room Filling Up Fast +World,Latham hits out at #39;clumsy #39; security +World,US hostage wife pleads for mercy +World,Producer: Melanie Yip +World,Open letter to the IPC +World,India PM due to meet Tony Blair +World,"Bush, Kerry Tentatively OK Three Debates" +Sci/Tech,Era of nose-steered Web surfing system arrives +Sports,Izenberg: Patience pays off for Hopkins +Sports,Busch sweeps Loudon: No. 19 takes lead in Nextel Cup +World,Rwandan priest to be tried for alleged role in 1994 genocide (AFP) +World,Indonesia's Megawati faces former general in landmark presidential polls (AFP) +Business,Court ditches Qantas-Air NZ deal +Business,Executives Say MCI Is Looking for Buyers +Business,Sun Looks to Wall Street in a Comeback Bid +Sci/Tech,Attacks on Windows PC's Grew in First Half of 2004 +Sci/Tech,A Music Download Site for Artists Less Known +Business,THE MOTLEY FOOL +Sports,US blown out after worst Ryder Cup ever +Sports,Yankees extend lead in AL East +Sports,Colts down Titans in divisional clash +Sports,Brown TD return tempered by injury to key defender +Sports,"Brooks, Stallworth get it done late" +World,Iraq PM Adamant Jan. Election Will Be Held +Sports,Mello breaks through in Florida +Business,Yukos Cuts China National Petroleum #39;s Oil Supplies (Update2) +Sports,West Indies enter Champions Trophy semi-finals +World,Indonesia polls open +Business,US Airways' Woes Reflect Industry Issues +Business,Yukos suspends shipments to China +World,Yukos suspends shipments to China +World,"In Ethnic Tinderbox, Fear of Revenge for School Killings" +Business,Qantas not to appeal NZ decision on Air NZ alliance +Sci/Tech,Samsung expects to see #39;05 chip growth halved +Sci/Tech,Sasser writer gets a job +Sci/Tech,Ancient Man Spread The Love Around +Sports,Roger Clemens wins his sixth straight start as Astros beat Brewers <b>...</b> +Business,Dollar Advances on Outlook for Federal Reserve Rate Increases +Business,Disappointed Qantas wants to quot;move on quot; after NZ alliance rejected +Business,Samsung sees chip sales slowing +Business,Hynix Probed for Insider Trading +Business,US Airways may ask court for pay relief - WSJ +Business,AOL Rings Up New Shopping Service +Business,EYE ON POLITICS: Granholm #39;s bid to collect taxes earlier could get <b>...</b> +Business,PeopleSoft Forges Ahead With Product Plans +Sci/Tech,Microsoft Gives Government Access to Office 2003 Code (Update1) +Sci/Tech,"Nokia pulls out, Sony Ericsson goes in" +Sci/Tech,British police arrest #39;Cisco kid #39; +Sports,Boxers on opposite paths +Sports,Bryant earns 1st victory on PGA Tour +World,Order to stop nuclear activities angers Iran +World,Leaders brief parties on talks +World,"PM, Bush will look to deepen #39;strategic partnership #39;" +World,France investigates airport gaffe +World,"Pakistan, India Leaders to Meet Sept. 24 in U.S. (Reuters)" +World,Adultery Law Reveals Rifts in Turkey (AP) +Sci/Tech,Canyon Holds Ancient Civilization Secrets (AP) +World,"Pakistan, India Leaders to Meet Sept. 24 in U.S." +World,Howard pledges anti-terror squad +Business,SUSAN TOMPOR: Low interest rates begin to fade away +Business,Hutchison Telecom IPO to raise up to \$US1.13bn +Business,"General Motors Won #39;t Hire Bernhard as an Executive, Lutz Says" +Business,Viewpoint: School finance deadline unrealistic +Sci/Tech,Microsoft liberates more code +Sports,Offense shouldn #39;t be trusted +World,Senators ask for Bush to rethink Iraq policies +World,Tibet remains true to Buddhism +Business,First Enron Criminal Case Set for Trial +Business,Ivan #39;s cost may fall as it misses Big Easy +Sports,Sutton strikes out as Ryder Cup captain +Sports,Thorburn: Broncos revert to exhibition form on offense +Sports,"Garcia, offense can #39;t recover" +World,"Iran says uranium ban illegal, dismisses sanctions" +Sci/Tech,Spam Slayer: New Tools Fight Phishing Scams +Business,AOL #39;s True Believers +Business,Housekeeper Advocates For Changes +Sports,Sylvania 300 notebook: Gordon stirs up Nextel chase +Sports,Jacksonville #39;s Spicer breaks leg against Denver +Sports,Ravens enraged by Porter #39;s #39;cheap #39; hit +Sports,Souness wins first league match as Newcastle manager +Sports,Solberg waits for the breaks +World,Hu Becomes China #39;s New Military Leader +World,Iraqi leader survives 4 #39;hits #39; +World,Hamas fire rocket into settlement +Sci/Tech,Californians to Vote on Spending \$3 Billion on Stem Cell Research +Business,"Banks report increase in suspicious activities, new survey <b>...</b>" +Business,Feds Say No to Mayor #39;s Gas Tax Request +World,"Final Results of German Saxony, Brandenburg Elections (Table)" +World,Russia criticizes quot;double standards quot; in combating terrorism +World,Cuba frees dissident journalist +World,"Australian PM plans anti-terror flying squads, threatens overseas strikes (AFP)" +World,Militants Behead Three in Afghan South - Official +Sci/Tech,Two Episodes of Banana Republicanism +Sci/Tech,Net security threats growing fast +Sci/Tech,Samsung sees chip sales slowing +Business,All eyes are on US Fed meeting +Business,Unilever Profits Caution Hits Shares +Business,"Asian Stocks Gain, Led by Aluminum Corp.; BHP, Rio Tinto Climb" +Business,"US Stock-Index Futures Are Little Changed; Citigroup, GE Slip" +Business,A nice change in Ottawa +Sci/Tech,Oprah Winfrey #39;s car giveaway entices viewers to Pontiac cars +World,Haiti Storm Jeanne Floods Toll Rises To 100 +World,Hostages in Iraq Face Death as Deadline Nears (Reuters) +Business,Unilever shares fall on warning +World,Gel may 'replace pills and jabs' +World,Field Goal Puts Bengals Over Miami 16-13 +Business,HK stocks dip on caution before US rate decision +Business,Time Warner unit unveils quot;Pinpoint Shopping quot; +Business,S. Korea to Secure 600-800 Mil. Barrels of Oil From Kazakhstan +Sci/Tech,Viruses Aimed at Microsoft Rise Sharply-Symantec +Sci/Tech,Oprah #39;s auto giveaway fuels Web spike +Sci/Tech,Eleven charged in software counterfeiting case +Sci/Tech,Yahoo! takes two-pronged approach to digital music +Sports,No question who won Hopkins-De La Hoya +Sports,Youhana sidelined India +Sports,Han birdie beats Kane in playoff +Sports,Magpies lead at St Mary #39;s +Sports,Skins Cough one up for Tom +World,Storm kills dozens in Haiti +World,Taiwan Stocks Close Higher +World,Iraqi PM says he has escaped four assassination bids +World,Britain appeals for hostage help +Business,Unions rally resistance at Jaguar +Business,Unilever warns on profits +Business,UPDATE 2-Hutchison telecom unit markets US\$1 bln IPO +Business,"Money laundering on rise, poll finds" +Business,Inside look at Wall St. +Business,Alitalia shares up as deal struck +Business,"UK Aug. Mortgage Lending Weakest Since June 2002, BBA Says" +Sci/Tech,Attacks on Windows PC #39;s Grew in First Half of 2004 +Sci/Tech,UK police arrest Cisco source code suspect +Sci/Tech,Net virus turf war resumes after rival #39;s arrest +Sports,Pakistan can go all the way through: Inzamam +Sports,Time to cool your Jets +Sports,Two crucial series of events help Ravens regain form +Sports,Picks and kicks +World,Storm Jeanne death toll at 100 +Sci/Tech,Software pirates arrested +Sci/Tech,Hurricanes may have upset NASA #39;s schedule +World,Economist Manmohan gets politically savvy! +World,Pakistan will oppose India for permanent UNSC seat +Business,Court ditches Qantas-Air NZ deal +Business,Unilever shares fall on warning +Business,Prosecutors probe alleged accounting fraud by Hynix Semiconductor +Business,Vietnam Airlines takes delivery of new Boeing 777 +Sci/Tech,Return to Flight on Track Despite Setbacks +Sports,US stars fizzle with pressure on +Sports,Han wins playoff in Safeway Classic +Sports,Camacho prepares to throw in the towel at Real Madrid +World,IRAN: Sth Korean nuke scandal stalls US sanctions push +World,Far-Right Surge in East Alarms Mainstream Germany +World,Sri Lanka protestors place body outside embassy of peace broker (AFP) +Sci/Tech,Microsoft to share Office software source code with governments (AFP) +World,N.Korea Seen Using South Atomic Issue to Stall Talks (Reuters) +World,N.Korea Seen Using South Atomic Issue to Stall Talks +Business,Labour pledges new worker rights +Business,Bank spending on laundering soars +Sci/Tech,Dell Cuts Prices on Many U.S. Corporate Products +World,UN warns of hunger in Bangladesh +Sports,Fernando plans attacking approach to Shanghai +Business,Yukos to stop oil exports to China +Business,"US Stock-Index Futures Decline; Citigroup, GE Slip in Europe" +World,Prince Harry to help child rape victim +Business,Mayors agree to wait for gas tax revenue +Sports,Euros manage major victory +Sports,Jerry Rice #39;s pass-catching streak ends at a record 274 games +World,UK calls for Iraqis to help +Business,"Asia Stocks, Oil Rise--Dollar Firm (Reuters)" +Sci/Tech,Saving the Artistic Orphans +Sci/Tech,Papers Defend Classified Turf +Sci/Tech,Quick Read on Your Genetics +Sci/Tech,What to Eat on the Way to Mars +Sci/Tech,TB May Be Global Threat Again +Sci/Tech,Los Alamos to Remove Nukes +World,Survey: Ex-General Will Win Indonesia Vote (AP) +Business,"Alitalia #39;s Board Likely to Approve Rescue Plan, EU400 Mln Loan" +Business,Mortgage lending at two-year low +Sci/Tech,China #39;s first SMS novel to be made into movie +Sci/Tech,IBM move boosts commercial grid computing +Sports,Pacquiao has truly arrived +Sports,Revived Ravens enjoy blowout +World,Iraqi PM to Make U.N. Debut (AP) +Business,"It's Tax-Loss Season, Y'all" +Business,"Yukos Stops Some China Oil Shipments, But Asia Unruffled" +Business,Samsung Forecasts Global Chip Sales to Slow Next Year (Update4) +Business,"China #39;s price performance remains stable, says Central bank <b>...</b>" +Sci/Tech,Nokia exits ringtones +Sports,"No debate, it #39;s Manning" +World,UN wants Iran freeze uranium enrichment work +World,Five dead in Aceh as rebels battle govt troops +World,Bodies of 80 Beslan terror victims remain unidentified +World,Government Warns Americans of Iraq Travel (AP) +Business,UK oil firm strides into N Korea +Business,"Economy Steady But Job Growth Moderate, Giving Fodder to Kerry and <b>...</b>" +Business,Chipmaker says glut in market will bring global slowdown +Business,Hynix guilty of accounting fraud +Business,Mortgage lending growth slows +Business,SBC request concerns small phone companies +Sci/Tech,Net security threats growing fast +Sci/Tech,Google making its mark worldwide +Sci/Tech,Secure access goes virtual +Sci/Tech,Arrest in Cisco source code theft +Sci/Tech,British music fans decry iTunes pricing +Sci/Tech,Group Seeks Ways to Prosecute Cybercrime +Sci/Tech,Oracle hopes for big splash with Tsunami +Sports,A Raider defense that fit the Bill +Sports,MOTOGP NEWS Pictures: #39;Hell at the first corner #39;. +Sports,"SAINTS 30, 49ERS 27 Game grades" +World,Storm Jeanne: Your experiences +World,Video Shows 3 Hostages Beheaded in Iraq +World,"US: al-Qaida, Taliban Plotting Attacks" +World,Gains by Extremist Parties Troubling +World,Organiser deported before Islamist Berlin rally +World,Senior Sunni cleric assassinated in Baghdad #39;s Sadr City +World,EU Urges Iran to Heed UN Nuclear Freeze Demand +World,Chen cautious over China change +World,Iraq vote vowed as violence continues +World,Uncertain fate for S. Africa's giants +World,Jiang formally quits China leadership +World,Hamas leader killed in missile strike in Gaza +World,Ruling Kazakh party leads early +World,Bush said ready to lift Libya sanctions +Sci/Tech,Arrest in Cisco source code theft +World,Israeli Missile Kills Senior Hamas Leader +Business,Unilever Pressures European Stocks (Reuters) +World,US soldier seeks Canada asylum +World,EU Urges Iran to Heed UN Nuclear Freeze Demand (Reuters) +World,Turkish Police Probe Concert Blast (AP) +Sports,Baseball Today (AP) +World,Jenkins' Trial Will Be High-Profile Case (AP) +Business,Unilever Pressures European Stocks +Sports,Monty Hailed as Hero of Stunning Ryder Victory +Sci/Tech,Japan Volcano Erupts for 4th Day But Seen Quieting (Reuters) +World,Hostages in Iraq Face Death as Deadline Nears +Sports,Ace is wild +Sports,Primary race in Cup Chase won by Busch +Sports,Americans dominated by Europe's brilliance +Business,Alitalia shares up on rescue deal +Sports,Martinez targets himself for the most blame +Sports,Bats were more than a bit wooden in series +Sports,Vrabel knows tricks of the trade +Sports,"No debate, it's Manning" +Sports,Rice's streak ends as Raiders beat up Bills +Sports,"Crunch time came early, often for McCown" +Sports,"Draining, but entertaining" +Sports,Let's just acknowledge their superiority +Sports,"In face of losses, Woods answers questions" +Sports,Bryant gets 1st PGA win +Sports,"Zorilla, St. John's Prep beat Central to the pounce" +Sports,Mate grates Earnhardt +Sports,This isn't the finish line +World,Poor weather hits Unilever sales +Business,YUKOS holds up crude oil railway deliveries to Chinese CNPC. +Business,Watchdog says few make the grade +Sci/Tech,Beatles record label sues Apple Computer again +Sci/Tech,Microsoft JPEG exploit reported +Sports,The Execution of the Golden Boy +Sports,"Lions beat Texans, move to 2-0" +Sports,Wounded Rice leaves field empty +Sports,Dillon rushes for 158 yards in Patriots #39; victory +Sports,"Snow, Giants tip Padres" +World,India to launch first satellite exclusively for education +Business,"Donaldson attacks CEO pay, ethics" +Sports,Bengals-Dolphins statistics +World,Time running out for Iraq hostages +World,Activists blockade Manipur over security law (Reuters) +Business,Stocks Set for Lower Open; Oil Eyed +Business,Colgate Warns Profit Short of Forecasts +Business,Food Drink Woes Weigh on Eurostocks +World,Golf: Langer mulls 2006 captaincy +World,UN summit to tackle world hunger +Business,"Air NZ, Qantas deal grounded" +Business,PeopleSoft #39;s last hurrah? +Business,Hynix accused of \$1.7 billion 1999 accounting fraud +Business,Mutual funds attract Fed governors #39; eyes +Business,Walker may buy back Iceland stores +Sports,Hopkins knocks out De La Hoya his way +Sports,Sack-happy #39;D #39; bags Bills +World,"Power Shift In China Raises Hope of Better Living Standards, But <b>...</b>" +World,Turkish police probe concert blast that injures at least 13 +World,"Manmohan to hold talks with Bush, Musharraf" +World,Sri Lanka: Demonstrations outside Norwegian Embassy +Sci/Tech,"After Blogs Got Hits, CBS Got a Black Eye" +Sci/Tech,51 Win Spots on Commerce List +Sci/Tech,"In Cellular Towers' Shadows, Anxiety" +Sci/Tech,PeopleSoft's last hurrah? +Sci/Tech,Critical Mass. for AMD's chip designs? +Sci/Tech,VMWare reveals Ace in the hole +Business,Alitalia shares up on rescue deal +Sci/Tech,eMusic to relaunch MP3 subscription service +Sports,Woods insists defeat hurts +Sports,Lions roaring: Rookie Williams gives Detroit big lift +Sports,"No spoiler, new Bears coach a #39;Favre Foiler #39;" +World,Tibet: Preserving the culture +World,Big Powers Urge Iran to Heed UN Nuke Freeze Demand (Reuters) +Sci/Tech,China's Online Shopping Stuck in Web of Problems (Reuters) +Business,Colgate Sees Profit Well Short of Targets +Business,College Fight For Influence Gets a Little Nasty +World,Putin Faces Chechnya Dilemma Over Jailed Colonel +Business,Future shop +Business,"Kodak hears call of camera phones, answers big time" +Business,A retooled Draper now makes what it devises +Business,Racketeering case against tobacco industry to begin +Business,Fed's rate decision not apt to affect market +Business,Ready for Windows Service Pack 2? +Business,Questions to ask about low-priced PCs +Business,Ill-fated '95 hiring haunts Disney CEO search +Business,"Seeking an edge, Microsoft shares Office code" +World,British hostage deadline passes +World,Indonesians Vote to Oust Megawati +Sci/Tech,Drilling for Weird Life +Sci/Tech,Liquid Machines to acquire e-mail company +Sci/Tech,AOL launches program for AIM bots +Sci/Tech,Sun to return to NAS market with StorEdge 5210 +Sci/Tech,Update: Arrest made in Cisco source code theft +Business,Asian Stock Markets Close Mixed +Business,Alitalia shares soar on union deal +Business,Hynix Under Investigation for Cooking Books +Business,Corporate watchdog is keeping busy +Sci/Tech,Watch China #39;s first SMS novel as a film on ur mobile +Sci/Tech,Virus writer gets security job +Sports,The Euros cash in +Sports,"Safin, Kuznetsova Victorious in Asian Tennis Matches" +World,Former General Expected to Win Presidential Election in Indonesia +Business,Colgate Sees Profit Well Short of Targets (Reuters) +World,Unilever Issues Profit Warning (AP) +World,"Iraq's PM Says Saddam Depressed, Begs for Mercy" +Business,China supply cutback raises stakes in Yukos standoff +Business,Air NZ fears for future after Qantas bid fails +Business,"Investors brace for impact of higher oil prices, US interest rate <b>...</b>" +Business,First Enron Trial May Show Wall Street #39;s Darker Side +Business,Banks pay price for money laundering +Sci/Tech,Sasser author hired by AV firm +World,Iraqi PM: #39;Terrorists pouring in #39; +Business,Colgate Cuts 2nd-Half Profit Forecast as Costs Rise (Update1) +Sci/Tech,PeopleSoft prepares for questions at Connect show +Sci/Tech,Cybercriminals use #39;bot #39; to strike terror +World,Extremist vote worries German press +World,British hostage deadline passes +Business,Yukos partly suspends oil exports to China +Business,Unilever Issues Profit Warning +Business,Vietnam Airlines in talks to buy four Boeing 7E7s +Business,VMware Takes Virtual Machines Mobile +Sci/Tech,Microsoft Shares Office Source Code +Sci/Tech,Security firm hires teenage Sasser virus writer +World,Darfur clashes block access to refugees +World,Suicide by cobra thwarted +Business,"Maxim Plunges, Colgate Slips in Pre-Trade" +Business,Maxim Dives 61 Pct on Drug Trial Result +World,Ex-General Heads for Win Over Megawati in Indonesia +Business,Stocks to Watch Monday +Business,Stelmar Being Acquired for \$677 Million +Business,Textiles boost Bangladesh exports +World,US-led troops die in Afghanistan +World,Hostage Deadline Looms; Iraq Clerics Slain +Sci/Tech,Alcatel Says Closing in on China 3G Mobile Deal +Business,Daily Forex Commentary +Business,PMC-Sierra Cuts 3Q Revenue Outlook +Business,Alitalia Gets Lift From Flight Attendants +Sci/Tech,Microsoft To Share Office Source Code +Sci/Tech,The Financial Times and Sony Ericsson launch mobile +Sci/Tech,C amp;W Has \$150M Broadband Plan +Sci/Tech,FTC wants spammer bounties +Sports,Real coach Camacho quits +Sports,Busch wins as wreck rattles top 10 +World,Pleas made for release of British hostage +Sci/Tech,Microsoft Expands Sharing of Source Code +Sci/Tech,Man Held in England in Cisco Code Theft +Sci/Tech,AOL Launching New Online Shopping Site +Sci/Tech,Multiplayer Games Coming to Cell Phones +Sci/Tech,Mira Behind the Molecules +Business,Maxim Dives 61 Pct on Drug Trial Result (Reuters) +World,World's Beer Fans Meet for Annual Munich Binge (Reuters) +Sci/Tech,Amazon's A9 Reaches Beyond Google's Basics (washingtonpost.com) +Sci/Tech,Alcatel Says Closing in on China 3G Mobile Deal (Reuters) +Sci/Tech,"Windows may be free in Iran, but security fears spark Linux drive (AFP)" +World,2 U.S. Soldiers Killed in Afghan Fighting (AP) +World,Bush Campaign Raises #36;260 Million Total (AP) +Sci/Tech,Hyperion launches Essbase 7X +Sci/Tech,JBoss ships J2EE 1.4-compliant open source app server +Sci/Tech,Microsoft provides Office source code to governments +Sci/Tech,PeopleSoft prepares for questions at Connect show +Sci/Tech,Microsoft Shares Office Source Code +Sci/Tech,AOL Launching New Shopping Site +Sci/Tech,Multiplayer Games Coming to Mobile Phones +Sci/Tech,Microsoft Expands Source Code Sharing +Sci/Tech,Man Held in England for Stealing Cisco Code +Sci/Tech,"Taiwan, Singapore Lead Gov't Online" +Business,Unilever Cuts Annual Profit Forecast as Sales Falter (Update8) +Sci/Tech,Security fears spark move to Linux in Iran +Sports,Sparks set to fly in Tour of Spain +Business,"Lennar #39;s 3rd-Qtr Profit Rises 12, Boosts Estimates (Update1)" +Sci/Tech,UK government joins Office source-code scheme +Sports,Camacho likely to quit as reports reveal +Sports,Dulko an easy winner in Beijing +Business,Nike Profit Up on Strong U.S. Demand (Reuters) +Business,Nike Profit Up on Strong U.S. Demand +World,"'Sopranos,' 'Angels' Win Big at Emmys" +Business,Unions may strike over Jaguar cuts +Business,HP boosts share repurchase plan +Sci/Tech,Hackers deploying #39;bots #39; on a massive scale +Sci/Tech,Iran poised for Linux invasion +Sports,"Hopkins #39; big win, bigger paydays" +Sports,"Edgerrin James runs fro 124 yards, 2 TDs" +World,India to Ask Private Experts to Determine Extent of HIV Infection <b>...</b> +Sci/Tech,Briefly: PMC-Sierra lowers forecast +Sci/Tech,"Cisco, Veritas roll out storage products" +Business,Samsung creates ultra-small chip +Business,Mylan once again defends King deal in face of Icahn stock buy +Sci/Tech,Security firm hires teenage accused of writing Sasser virus +Sci/Tech,Comdial extends SIP to branch offices +Sports,"Yanks Tattoo Martinez, Sox In 11-1 Rout" +Sports,Mello wins first ATP title +Sports,Solberg steals win with a #39;flying finish #39; +Sports,Megson hands backing to Purse +Sports,FA in brawl probe +World,Concert blast investigated +World,2 American soldiers killed in Afghan fire-fight +World,One more feather in ISRO cap +Sci/Tech,Amazon A9 Search -Is It Really A9 Out of 10? +World,"Manmohan Singh seeks to quicken ""handsome"" GDP growth (Reuters)" +Business,Nike Profit Up on Strong U.S. Demand +Business,"Stocks Open Down, Oil Up, Colgate Warns" +Business,Unilever Profit Warning Hits Shares +Business,NY Times Cuts '04 Profit Targets +Business,Row over Bulgarian budget airline +Sci/Tech,India launches learning satellite +Business,September #39;s Rate Hike Won #39;t Be the Last +Business,Nike Profit Up on Strong US Demand +Business,US Stocks Slide; Shares of Colgate and PMC-Sierra Decline +Business,Manmohan praises contribution of Indian diaspora +Sports,Read Madrid coach Camacho steps down +Sports,Winslow breaks leg in Browns #39; loss +World,EU says no Turkey entry talks without penal code reform +Business,Yukos cuts oil exports to China +Business,Airline alliance downed in court +Business,Lennar 3Q profit up by 12 +Business,SEC chairman hits out at reform critics +Business,MCI said looking for buyers +Sci/Tech,Microsoft #39;s Open Sesame Moment +Sci/Tech,Amazon offers 1.57 discount to A9 search users +Sci/Tech,Career Imperative: Get Inside The Boss #39; Head +Sci/Tech,Russia may have to delay ISS crew launch +Sci/Tech,Increase website traffic by giving away cars +Sports,Brian Clough dead at 69 +Sports,Mello Steals First Career Title From Spadea at Delray Beach +Sports,"Classic 5,000 metres in store at Helsinki" +World,Chinese leadership transition completed +World,Beheadings of 3 on videotape +World,India Launches First Education Satellite +Business,Unilever cuts profit forecast and shares tumble +Business,NY Times Cuts #39;04 Profit Targets +Business,First trial offers window on intricate Enron deals +Business,SEC shouldn #39;t let fees go too far +Sci/Tech,UK Man Held Over Cisco Source Code Theft +Sports,Patriots-Cardinals highlights +Sports,Did the rivalry mean more to Bears? +World,Tropical Storm Kills at Least 90 in Haiti +World,Latham the brawler should know better +World,Musharraf and Singh meet Friday +World,"Execution Deadline Passes for US, UK Hostages" +World,Afghan Vice President Survives Attack +Business,Nike Profit Up 25 Percent on US Demand +Business,Mylan says Icahn doesn #39;t understand value of King deal +World,CORRECTED: Berlin Bans Controversial Arab-Islamic Congress +World,Football legend Clough dies +World,Kerry Lays Out Plan for Peace in Iraq +Business,Oil Hits #36;46 as YUKOS Cuts China Supply (Reuters) +Sports,Dulko Easily Beats Kapros at China Open (AP) +Business,"Colgate Warns, Shares Hit 4-Year Low" +Business,"Merrill Cuts Citigroup Rating, Stock Down" +World,With anti-terror pledge Indonesian challenger set to win presidential election (Canadian Press) +Sci/Tech,Stratus Unveils Low-End Fault-Tolerant Server (Ziff Davis) +Business,Nike Profit Up 25 Percent on U.S. Demand +World,"Abbas, Barghouthi Running Even in Palestinian Poll" +Business,"Lennar Profit Up 12 Pct, Shares Fall" +Sci/Tech,Space Station Crew Begins Preflight Exams (AP) +Sci/Tech,UK Man Held Over Cisco Source Code Theft +Sci/Tech,EA Sees Girl Power Boost with 'Sims 2' Sales +Sci/Tech,Microsoft's Open Sesame Moment +Sci/Tech,HP Repurchases \$1.3B of Common Stock +Sci/Tech,Briefly: Firms bundle Web services wares +Sci/Tech,"Systinet, AmberPoint bundle Web services wares" +Sci/Tech,Oracle v. DOJ: Challenges for PeopleSoft +Sci/Tech,Arrest made in Cisco source code theft +Sci/Tech,Computerworld Data Points - CRM +Sci/Tech,ObjectStore keeps tabs on RFID data +Business,Hynix involved in accounting fraud in 1999; has already corrected <b>...</b> +Business,Fallout from Japan private-banking suspension cited +Business,Profit Jumps at Homebuilder Lennar +Business,GM #39;s Lutz: Make it the best +Business,Rogers Wireless to Purchase Microcell for C\$1.4 Bln (Update1) +Sports,Hopkins #39; big punch was product of patience +Sports,"Stewart down, but not out" +World,"Saddam #39;s trial in October; Salem Chalabi resigns court presidency," +World,Afghan Vice President Survives Attack +World,Iraq's Yawar: 'Armies of Darkness' Won't Stop Vote +World,Libya Tells Iran: Be Like us and Comply with IAEA (Reuters) +World,"Afghan Vice President Survives Attack, Troops Killed" +Business,"Capacity for 4,000 MP3 Files" +Sci/Tech,AMD Keeps Its Mobile #39;Thin And Light #39; +Sci/Tech,Microsoft launches validation program +Business,Airlines remain as rivals +Business,"Lennar Profit Up 12 Pct, Shares Fall" +Business,First Enron criminal trail gets under way +Business,PMC-Sierra lowers forecast +Business,Judge rejects campaign finance rules +World,Haiti: Tropical storm Jeanne kills dozens +Sci/Tech,Global mobile users to approach two billion by 2006: Ericsson chief (AFP) +Sports,Irrepressible Monty Again Flourishes in Cup Arena +World,Kerry Questions Bush's Judgment on Iraq +Business,"Colgate-Palmolive, Unilever warn of disappointments" +Business,"India deserves to be represented in UN Security Council, G-8 <b>...</b>" +Business,"US deficit cuts needed as Japan, Europe target growth" +Sci/Tech,AMD Launches Mobile Athlon 64 processor 3000 +Sci/Tech,MS Windows besieged by hackers +Sports,Ryder-Irrepressible Monty again flourishes in Cup arena +Sports,South African cricket reeling under another debacle +Sports,Ransacked Bills 0 for 2 in sloppy loss +World,Adultery law stops Turkey at EU gates +World,French judges order terror trial +Sci/Tech,Cisco adds to storage switching portfolio +Sci/Tech,VoIP provider fears predatory practices +Sci/Tech,WebEx Launches Sales Center +Business,Jaguar Lowers Axe on Browns Lane +Sci/Tech,Sasser author hired +Sci/Tech,Drives cut vidcam bulk +Sports,Ferdinand excited by return +Sports,Doubleheader in Florida filled with playoff implications +World,Race against time for Iraqi elections +Sci/Tech,News: UK police arrest Cisco source code suspect +Sports,Camacho Quits As Real Madrid's Coach (AP) +Business,"Colgate Warns, Shares Hit 4-Year Low" +Business,Yukos Woes Drive Oil Over \$46 a Barrel +Sci/Tech,Newfound Comet Set for Winter Display (SPACE.com) +World,Berlin Bans Controversial Arab-Islamic Congress +Sci/Tech,Loyalty study zeroes in on tech stalwarts +Business,Samsung unveils 2-gigabyte chip +Business,OSI Jumps on Pancreatic Cancer Trial +Business,"S amp;P 500 drops; Colgate, Unilever shares fall" +Business,Brillian: Sears Ends Agreement to Buy TVs +Business,"Stocks mixed as oil prices lift TSX, add to earnings warnings woes <b>...</b>" +Business,"DULLES, Va." +Business,FOREX-Dollar gains on outlook for Fed rate hikes +Business,Crude futures eclipse \$46-a-barrel mark +Sci/Tech,Cisco source code theft +Sci/Tech,The Sims 2 +Sci/Tech,"WebEx, Genesys enhance conferencing services" +Sci/Tech,China #39;s online shopping in web of problems +Sports,"Big #39;ead, big mouth, big talent" +Sports,Harmison is out of Africa +Sports,Junior jumps to lead +Sports,Ponting out to spoil England #39;s party +World,China #39;s Ex-Premier Resigns Military Post +World,Israeli Troops Kill Palestinian Man Approaching Jewish Settlement <b>...</b> +World,Family plea for British hostage +World,Putin at War: Unscripted +World,GSLV carrying EDUSAT blasts off from Sriharikota +Business,Samsung Develops First 60-Nanometer 8-GB NAND Flash Memory +Business,Update 2: Roche Says Drug Improves Chemotherapy +Business,"Export, Hurricane Woes Lift Oil Prices" +Business,AOL Launches Comparison Shopping Site +Sci/Tech,The Sims 2 +Sports,Ryder Cup Q amp; A +Sports,Minnesota Twins Team Report - September 20 +Sports,Must-wins for Marlins +World,'Tough on terror' platform reigns (USATODAY.com) +Business,Jarden Buying Mr. Coffee's Maker +World,"ETA Sets Off 7 Bombs Across Spain, at Least 5 Hurt" +Business,YUKOS Woes Drive Oil Above \$46 a Barrel +Business,"Blue Chips Off, Semiconductors Lift Techs" +Sports,Monty Hailed as Hero of Stunning Victory +World,Report: Islamist Group Frees 18 Iraqi Soldiers +Business,Fortress to Buy Stelmar Shipping +Sports,Column: Ryder Cup Promised Much But Delivered Little +Business,Nike sprints to quarterly growth +Sports,Heikki Kovalainen looses ground in Estoril +World,Ukrainian Opposition Says Poll Deal in Hand +Sports,The QBs Give It Away +Sci/Tech,Are you a quot;likely voter quot;? +World,"Stocks Mixed on Oil Prices, Profit Outlook" +World,Ivan's Remnants Flood Parts of East +Business,Ad spend to rise further in 2005 +Sci/Tech,Arrest made in Cisco source code theft +Sci/Tech,AMD Debuts Athlon 64 3000 +Sci/Tech,Microsoft #39;s pirate-check trial +Sci/Tech,Site plans to help fans find offbeat sounds +Sports,English Premier League match reports +World,Bush Tours Florida; New Hurricane Heads to Sea +World,Iran Says It May Resume Uranium Enrichment Any Time +World,Spurious argument pre-empts 0-0 draw +World,Chechens See Old Hostilities in New Moscow Policy +Sci/Tech,Microsoft #39;s Launches New Piracy Check Program +Sci/Tech,Inphonic Sets IPO Price Range +Sci/Tech,EA Sees Girl Power Boost with 'Sims 2' Sales +Sci/Tech,JBoss ships J2EE app server +Sci/Tech,Open source moves to network management +Sci/Tech,Viruses keep on growing +World,Report: Islamist Group Frees 18 Iraqi Soldiers (Reuters) +World,China Sees End of an Era (Los Angeles Times) +Sci/Tech,US internet ad revenues up 42.7 percent to record (AFP) +World,Russia Reassures India on UN Security Council Bid (Reuters) +Business,"Merrill Cuts Citigroup, Shares Drop" +World,Court: Cop's Sex Tapes Aren't Free Speech (AP) +Sci/Tech,"Tech groups push for R D credit, Internet tax ban" +Sci/Tech,Web services software vendors offer SOA package +World,Congress Seeks Environmental-Farming Money (AP) +Sci/Tech,Microsoft launches mini-attack on data back-up market +Sci/Tech,News: Rise of the Botnets +Business,Update 1: Report: Yukos to Halt Refinery Supplies +Business,Jaguar faces strike ballot +Business,Hewlett-Packard Buys Back \$1.3B in Stock +Business,"UPDATE 2-Citigroup rating cut by Merrill, shares fall" +Sci/Tech,"More Security Attacks Motivated By Greed, Symantec Reports" +Sci/Tech,JBoss ships J2EE app server +Sci/Tech,PeopleSoft #39;s Prospects Top Agenda at Show +Sci/Tech,AMD Introduces 64-Bit Mobile Processor +Sci/Tech,"Oprah #39;s Car Giveaway, Majorly Boosted Site Traffic" +Sports,Ljoboja Disgusted By Squad Slight +Sports,Flintoff The Key Say Captains +Sports,Vizquel hoping he #39;s not done with Indians +World,Indonesia Votes For Change As Ex-general On Track For Landslide <b>...</b> +World,"Car Explodes in Gaza City, One Dead" +World,Anxious Wait for News of British Hostage +World,Two US soldiers killed in Afghan battle +World,"Leaders Spotlight Gap Between Rich, Poor (AP)" +Sci/Tech,CA May Be Close to Settling Fraud Charge (AP) +Sci/Tech,IBM Taps RFID Midmarket (Ziff Davis) +World,CBS Says It Was Misled Over Bush Military Memos (Reuters) +Business,IMF #39;s Rato says US should cut budget deficit +Business,Drugstore.com: wider loss on lower sales +Sci/Tech,Viruses keep on growing +Sci/Tech,PeopleSoft Tool Maps Integrations +Sci/Tech,Sito accreditato da: +World,UN: 40 Nations Have Ability to Make Nuclear Weapons +Business,Markets question when Fed will pause on rate hikes (AFP) +World,N. Korea Won't Give Up Nuke Development (AP) +World,"Statements by CBS News President, Rather (AP)" +World,Search for Amazon wreck victims +World,Kerry Says Iraq War Raises Questions on Bush's Judgment +World,CBS Says It Can't Vouch for Bush Documents +Business,Jaguar workers closer to strike action over job cuts +Business,Hutchison Whampoa Unit Expects To Raise Up to 1.13 Billion in IPO +Business,Rogers Wireless trumps rival with \$1B Microcell deal +Business,US Airways loses loans for 100 Jets - Wash Post +Business,"Medarex, Pfizer team up for \$510M project" +Sci/Tech,Microsoft releases Office source code to governments +Sci/Tech,Big IT deals apparently losing shine +Sci/Tech,IETF Panel Deals Setback to Microsoft #39;s Spam Proposal +Sports,Cowboys notch win +World,"Former US-trained general projects a reputation for strength, calm" +World,Afghan deputy escapes blast +World,Sunni clerics killed in Baghdad +Sci/Tech,Briefly: Corel updates Painter +Sci/Tech,Cisco's P-Cube aims to stop spam at source +Sci/Tech,PalmOne taps out keyboard for rival devices +Business,Hynix cooked books in 1999 +Business,"UPDATE 3-Rogers bids C\$1.4 bln for Microcell, tops Telus" +Business,UPDATE 1-Rato asserts stronger IMF role in rich countries +Sci/Tech,IBM Tops IT Loyalty Survey +Sports,Fulham Could Face Severe Punishment +World,Britain says pressure on Sudan to intensify +World,Britain Releases Man Held Since Dec. 2001 +Business,Jaguar workers plan strike over job cuts +Business,Samsung Electronics claims industry first with 2-Gb DDR2 SDRAM +Business,Memory Chip Maker Hynix Accused of \$1.75B Fraud +Business,Citigroup Scandal Leads Banks Lower +Business,Alitalia Holding Relaunch Plan Meeting +Business,Maxim Pharmaceuticals cancer drug disappoints in trials +Sci/Tech,Microsoft Opens Up +Sci/Tech,Symantec: Attacks Targeting E-Commerce +Sci/Tech,Who do you love? +Sci/Tech,Man held in Cisco case +Sports,Former Nottingham Forest manager Clough dead at 69 +Sports,"Suddenly, Auburn may be the team to beat" +Sports,Report: \$15M ransom for Urbina #39;s mother +Sports,Maradona finally heads off to Cuba +World,Ex-general headed for victory in Indonesia: poll +World,Britain to set free foreign terror suspect +World,French Soldiers in Ivory Coast Accused of Bank Robbery +Business,Markets question when Fed will pause on rate hikes +Business,Samsung sees chip growth slowing +Sci/Tech,Germans Break Up Internet Piracy Group (AP) +Sci/Tech,Microsoft relents on Office source code +Sci/Tech,Internet threats take on new hue +Sci/Tech,Treaty Curbs Trade in More Dangerous Chemicals +World,Web Site Says Zarqawi Group Kills American Hostage (Reuters) +World,Israeli Missile Strike Kills Two Gaza Militants (Reuters) +World,Costa Rica Eyes Suspects' Terror Links (AP) +Sports,Expert Appointed in Baylor Player Death (AP) +Sci/Tech,Treaty Curbs Trade in More Dangerous Chemicals (Reuters) +Sci/Tech,Deaf Kids in Nicaragua Give Birth to New Language (Reuters) +World,"Notes, Quotes From 2004 Campaign in Iowa (AP)" +World,Web Site Says Zarqawi Group Kills American Hostage +Business,Fed Expected to Boost Rates Again +World,Haiti Flood Toll Tops 300 from Jeanne +World,Bush lifts Libya trade sanctions +World,Zimbabwe court drops paper case +Business,Colgate-Palmolive Washed Away +Business,Krispy Kreme's Fair Value: Zero +World,Iran Urged to Halt Nuclear Development +World,"Kin plead for 2 Americans, Briton to be released; 2 clerics slain <b>...</b>" +Sci/Tech,Intel puts more money in digital home +Sci/Tech,Security firm looks to hire alleged Sasser author +Sci/Tech,Cisco property-to-be sniffs out spam 'zombies' +Business,Fed expected to boost rates for third hike this year +Sci/Tech,Mars Express Yields Provocative Observations +Sports,Solberg digs deep to claim victory in Wales +Sports,Ferdinand returns for Manchester United after ban +Business,Does This Biotech Belong in Bargain Bin? +Sci/Tech,Desktop Linux thinks small +Sci/Tech,Gartner points out the security you don't need +Business,Hynix may be fined for accounting violations +Business,Jarden to buy American Household +Business,Judge Strikes Down Campaign Finance Rules +Business,Nike profits run ahead +Business,PMC-Sierra Issues Revenues Warning +Sci/Tech,Symantec: Viruses Aimed at Windows Grow in Number +Sci/Tech,Selling good local produce provides food for thought +Sci/Tech,Watch China #39;s first SMS novel as a film on your mobile +Sci/Tech,The Sims 2 Is Now In Stores +Sci/Tech,Politically Savvy IT Managers Key to Grid Project Success +Sports,Gordon apologizes for New Hampshire accident +Sports,Fulham hit by FA charges after brawl at West Brom +World,American Hostage #39;Beheaded #39; +Sci/Tech,Yahoo's Overture Ad Unit to Open Five Intl. Offices (Reuters) +Sports,Judde Orders Release of Kan. AD's Records (AP) +Sci/Tech,Product Review: iPaq 6315 Smartphone (NewsFactor) +Sci/Tech,Microsoft Opens Office to Governments (NewsFactor) +Sci/Tech,PeopleSoft Aims To Reassure Customers as Connect Show Opens (NewsFactor) +Sports,Browns' Winslow Suffers Broken Leg +Sports,Hong Kong Emerge as Dominant Force in Fencing +Business,"Wright Recalls Hip Device, Shares Tumble" +World,Ex-general set for Indonesia win +Business,"Nymex Narrowly Mixed on Yukos, Gulf Restarts" +Business,Colgate Cuts 2nd-Half Profit Forecast as Costs Rise (Update9) +Business,Citigroup slides on Merrill downgrade +Sci/Tech,A New Clue to the Hypothesis of Life on Mars +Sports,OSASUNA FIRST UP FOR NEW MADRID BOSS +Sports,"Clough, former Nottingham Forest coach, dies aged 69" +Sports,Don #39;t expect Rio miracle - O #39;Shea +Sports,Fergie Hails Footballing #39;Eccentric #39; Clough +Sports,Toronto Maple Leafs hire former Flames GM Craig Button as pro <b>...</b> +World,Briton #39;Next to Be Beheaded #39; +Sports,Westbrook Wants to Prove He's a No. 1 Back (AP) +Business,ECB sees eurozone inflation falling below two pct in second quarter 2005 (AFP) +Business,Stocks Slip After Colgate Warns +World,Ethics Committee Ends DeLay Fact-Finding (AP) +Sports,Careful Planning and Teamwork Pays Off for Europe +World,Annan to Urge World Leaders to Respect Human Life +Business,Earnings Manipulation Suggested at Fannie Mae +Business,Unilever and Colgate Warn of Slowdowns in Their Earnings +World,Allawi: Saddam Hussein Appealed for Mercy +World,At Least One Person Shot at Ill. Capitol +World,Web Site: American Hostage Killed in Iraq +Business,From ruin to rebirth - what a difference two years makes +Business,Jarden Buying Mr. Coffee #39;s Maker +Business,Broadcom buys into cell phone graphics +Sci/Tech,Microsoft Opens Office for Governments +Sci/Tech,WebEx Rolls out Sales Center +Sports,Hong Kong Emerge as Dominant Force in Fencing +Sports,Steelers #39; Roethlisberger gets baptism by fire +World,Brazilian president calls for harnessing globalization +Sci/Tech,Microsoft to enter backup market +Sci/Tech,Sun's fighting chance +Sci/Tech,Net threats stir new responses +Sci/Tech,Broadcom buys into cell phone graphics +Sports,"Cubs Defeat Marlins, 5-1, in NL Showdown (AP)" +Sports,Cowboys' Jones Out With Broken Shoulder (AP) +Sports,Colts' James Listed Doubtful Vs. Packers (AP) +World,Cocaine fair cop for drugs dealer (AFP) +World,Bush Scraps U.S. Trade Embargo on Libya in WMD Reward (Reuters) +Sports,NHL Labor Dispute Chills Arenas Across U.S. +Business,"YUKOS Cuts China Supplies, Oil Above \$46" +Business,Stocks Lower on Oil and Profit Warnings +Business,Dollar Gains on Fed Rate Hike Outlook +World,Colombian Far-Right Leader Gunned Down -Police +Sports,Judge in Baylor Player's Death Appoints Mental-Health Expert +Business,Your Kids Are Bleeding You Dry +Business,Genta Shares Soar on Cancer Drug Data +Business,Unilever and Colgate Warn of Slowdowns in Their Earnings +Business,Report: Eisner won #39;t be on Disney #39;s board +Sci/Tech,China cuts back 3G spending +Sports,"Cubs Defeat Marlins, 5-1, in NL Showdown" +Sports,Montreal Expos Team Report - September 20 +World,Ex-general set for landslide victory +World,Will Putin #39;s Power Play Make Russia Safer? +World,Guerrillas kill US soldier north of Baghdad +Business,Sharapova signs deal with fragrance company +Sci/Tech,AOL Makes AIMBots Available To Enterprise Users +Sports,Fiddling while Madrid burns +Sports,Robby Gordon Apologizes For New Hampshire Accident +Sports,Kanu Can Do for Megson +World,New attack on Afghan leadership +World,EU Cannot Start Entry Talks With Turkey Unless it Reforms Penal <b>...</b> +World,Turkey Pushes Ahead With Improvements (AP) +World,AP: Militants Funding Terror With Heists (AP) +Business,"Merrill Cuts Citigroup, Shares Drop" +Business,Nike Profit Up 25 Pct. on Converse Boost +World,UN team in S.Korea as N.Korea vows not to abandon nuclear ambitions (AFP) +Business,First Enron criminal trial nears +Business,Nike: Undervalued Powerhouse? +World,"Cubs Defeat Marlins, 5-1, in NL Showdown" +World,More Medical Devices Needed for Babies +Business,"Merrill Cuts Citigroup, Shares Drop" +Business,Boeing and IBM join forces to gain edge at DOD +Sci/Tech,"Windows Attacks Skyrocket, Bot Networks Breed Like Minks" +Sci/Tech,"Microsoft, Intel Moves are Good News for IT" +Sports,Rookie suffers broken shoulder in debut +Sci/Tech,Macromedia taps into AIM +Sci/Tech,Hewlett-Packard packages services for blades +Sci/Tech,Embarcadero enhances SQL Server backup +Sci/Tech,Arrest Made in Cisco Source Code Theft +Business,China Power set to float stock +Business,Regulators have found evidence of earnings manipulation at Fannie <b>...</b> +Business,Judge tosses 15 of 19 new campaign finance rules +Sci/Tech,Windows besieged by hackers +Sci/Tech,Loyalty study lists IT #39;s top household names +Sci/Tech,VMware Pioneers New Way to Deploy Software Environments +Sci/Tech,AOL launches program for AIM bots +Sci/Tech,China cuts back 3G spending +Sci/Tech,Methane link strengthens life-on-Mars theory +Sci/Tech,Big retailers embrace radio tagging +Sci/Tech,JBoss delivers aspect orientation with Version 4.0 +Sports,Browns (1-0) at Cowboys (0-1) +World,Turkey Pushes Ahead With Improvements +Sports,Bears Safety Mike Brown Out for Season (AP) +Sci/Tech,Arrest Made in Cisco Source Code Theft (PC World) +Sports,Dolphins DT Larry Chester Out for Season (AP) +Sci/Tech,PalmOne Posts Profit on Revenue Jump (Reuters) +Sci/Tech,Adobe Posts Sharp Rise in Profit (Reuters) +Sci/Tech,How Safe Is a Roller Coaster in the Sky? (SPACE.com) +Sci/Tech,Governors Worry About Offshore Drilling (AP) +World,"Palestinian Militant Gets Vote, Israel Cries Foul" +World,Iraqi Militants Behead American +Business,Tobacco companies to fight it out in court +Business,Samsung: Global chip sales growth to decline in 2005 +Business,Citigroup Falls on Downgrade +Business,Consumer bellwethers issue profit warnings +Business,"MCI Looks for Buyers, Seeks \$6 Billion" +Sci/Tech,Thousands of zombie PCs created daily +Sports,McNabb-Culpepper Other Big Match Up Tonight +Sports,Dolphins #39; DT Chester out for season with knee injury +World,Video Shows Beheading of Man Said to Be US Hostage in Iraq +World,Brazil #39;s Lula Plans to End World Hunger +World,Fears grow for British hostage in Iraq after execution of colleague (AFP) +Sci/Tech,"Boeing, IBM Announce 10-Year Partnership (AP)" +World,Indian firm bucks trend with jobs expansion in N Ireland (AFP) +Business,Adobe Posts Sharp Rise in Profit +Business,Extra is not responsible for the content of external Internet <b>...</b> +Business,Hutchison Telecom Sets IPO Terms +Sci/Tech,"A Challenge to Software Vendors, From One of Their Own" +Sports,Colts #39; James listed as doubtful for Sunday +World,SBY HEADS FOR LANDSLIDE WIN +World,Iran angered but leaves door open for negotiations in nuclear <b>...</b> +Business,Adobe Posts Sharp Rise in Profit +Business,US Internet advertising revenue sets record +Sci/Tech,Microsoft To Deliver New Windows System #39;Longhorn #39; in 2006 +Sports,West Indies into semis +Sports,Maddox Sidelined at Least Six Weeks with Elbow Injury (Reuters) +Sports,Sportsview: Attitude Change May Help U.S. (AP) +Sci/Tech,Mussels Found Near N.Pole in Global Warming Sign (Reuters) +Business,"Stocks Sag as Colgate Warns, Oil Jumps" +Business,Pfizer Shares Fall on Analyst Downgrade +World,Stocks Close Lower Amid Rising Oil Prices +Business,"Air NZ, Qantas keep alliance dream alive" +Business,PalmOne posts quarterly profit on handheld sales +Business,Sun sets sights on Linux vendors +Business,"Colgate-Palmolive, Unilever issue warnings" +Business,Higher oil prices and lowered corporate outlooks leave stock <b>...</b> +Sci/Tech,Terror Attacks Spur Israel Road Deaths Spike-Study +Sci/Tech,Wind carries GM pollen record distances +Sports,Silvestre double defeats Liverpool +Sports,Williams to lead scholarship drive at Maryland +Business,Currencies: Dollar gains on euro as traders await Fed +Business,Adobe Beats 3Q Estimates; Shares Rise +Business,Internet Search Sites Win Bulk Of Online Ad Spending +Business,Sun #39;s fighting chance +Business,UPDATE 1-Judge approves settlement on CBOT ownership stakes +Business,PMC-Sierra Cuts Q3 Outlook +Sci/Tech,VMware creates PC software condom +Sci/Tech,AMD adds mobile processor to Athlon 64 lineup +Sci/Tech,Gas link on Mars offers clues in search for life +Sci/Tech,The iMac G5: A first look at Apple #39;s new all-in-one +Sports,European Ryder Cup team returns; Langer leans toward stepping down +Sports,Awesome Aussies have no worries +Sports,Eagles offense should prevail +Sports,Jets go into bye week with sense of accomplishment +Sports,"Ex-Kentucky assistant sues school, NCAA, SEC" +Sports,Ravens #39; Heap to miss 2-4 weeks with ankle injury +World,Jeanne claims 250 lives in Haiti +World,Hu #39;s on First +World,Video on Web Site Shows Beheading of Man +Business,Update 3: Court Rejects Planned Airline Alliance +Business,US Internet ad revenues up 42.7 percent to record +Business,UPDATE 2-Judge approves settlement on CBOT ownership stakes +Sports,Silvestre #39;s double outshines Ferdinand +World,"Relatives plead for release of two Americans, Briton held hostage <b>...</b>" +Sports,Woman Acquitted in Hockey Murder Plot (AP) +Sports,Jets Enjoy 2-0 Start Heading Into Bye Week (AP) +Sports,Giants' Warner Says Best Is Yet to Come (AP) +Sci/Tech,AOL to Sell Secure ID Tags to Fight Hackers (Reuters) +World,Football legend Clough dies of stomach cancer (AFP) +Sci/Tech,Broadcasters Object to Planned Digital TV Bill (Reuters) +Sci/Tech,Adobe Systems Earnings Rise 62 Percent (AP) +World,"Bush lifts Libya sanctions, paves way for Pan Am 103 payments (Canadian Press)" +World,Costa Rica Dropped From 'Willing' List (AP) +Sports,Maddox Sidelined at Least Six Weeks with Elbow Injury +Sports,Hockey Player's Girlfriend Acquitted in Murder Plot +World,Zarqawi Group Denies Report It Bought Italians -Web +World,Zarqawi Group Beheads U.S. Hostage Armstrong +World,Going after Iraq's most wanted man +World,Iraq losing its best and brightest +World,Football: Man Utd beat Liverpool +Sci/Tech,Free iPod - Help us Hire Engineers! +Business,Wen to lobby for oil pipeline from Siberia +Business,Qantas #39; proposed pact with Air NZ rejected +Business,Hynix may be fined for accounting breach +Business, #39;); //-- gt; Eye On Stocks +Business,Judge strikes down several FEC rules interpreting campaign finance <b>...</b> +Business,First Enron criminal trial nears +Sci/Tech,EPA Finds Problem With Airline Drinking Water +Sci/Tech,"Sasser Worm Creator, Hired by Security Firm" +Sci/Tech,First SMS love story will soon be broadcasted on cell phones +Sci/Tech,MacCentral Week in Review +Sports,Camacho quits +Sports,Forest legend Brian Clough dies at 69 +Sports,Han Wins in Portland +Sports,Cowboys RB Jones out with broken shoulder +World,Iraq #39;s Sunni holy #39;warlords #39; +World,Pardon for Russian officer would #39;spit in the soul of Chechens #39; +World,Howard to fight terror with teams based in Asia +World,Briton may have paid a fatal price for his passion for the Middle <b>...</b> +World,India #39;will offer to adjust Line of Control #39; +Sci/Tech,Broadcasters Object to Planned Digital TV Bill +Sci/Tech,Earnings alert: Linux demand lifts Red Hat profit +Sci/Tech,Briefly: Macromedia taps into AIM +Sci/Tech,Microsoft backs up disk-based backup plans +Sci/Tech,Security shifts +Sci/Tech,"TruSecure, Betrusted to merge and rename" +Sci/Tech,"PalmOne posts profit, exceeds estimates" +Sci/Tech,"Tech groups push for R D credit, Internet tax ban" +Sci/Tech,AMD adds mobile processor to Athlon 64 lineup +Sci/Tech,Kerry's plan on outsourcing faces mixed reviews +Sci/Tech,"Sun set to announce new server, storage hardware" +Sci/Tech,United Air Lines takes off with Enigma content management +Sci/Tech,Gartner analysts talk about the security companies don't need +Sci/Tech,"Q A: Microsoft's Linux strategist Martin Taylor, Part 2" +Sci/Tech,Microsoft introduces Data Protection Server +Sci/Tech,The iMac G5: A first look at Apple's new all-in-one +Sci/Tech,Securing RFID information +Sci/Tech,"HP, others bolster future storage" +Sci/Tech,Study reveals decline in IT customer loyalty +Sci/Tech,Microsoft adds disk backup support +Sci/Tech,AMD adds mobile processor to Athlon 64 lineup +Sci/Tech,Interview: Borland CEO touts software process management +Sci/Tech,Kerry's plan on outsourcing faces mixed reviews +Sci/Tech,Congress Tackles Taxing Issues +Business,Update 3: Enron Jury Selection Begins in Houston +Business,Customers flex bargaining muscles +Business,TELUS extends offers for Microcell +Business,Hewlett-Packard Repurchases Shares +Sci/Tech,AMD introduces new chip for notebook computers +Sci/Tech,German Security Firm Hires Hacker Awaiting Trial +Sci/Tech,"Real-Time, Automated, Contextual Online Advertising" +Sports,Real #39;s Camacho offers to resign +Sports,James shares backfield workload +Sports,Prior mows down Marlins in first of two +World,Neo-Nazis and communists on the rise in Germany +Sci/Tech,AOL Moves Beyond Passwords for Log-Ons (AP) +Business,Fortress to Acquire Stelmar Shipping +Sci/Tech,"Gates', Ballmer's pay holding around \$900,000" +Sci/Tech,Briefly: ContextWeb nabs \$3 million +Business,Suing Big Tobacco +Business,Delta Air Reaches Deal on Pilot Retirements +Sci/Tech,ContextWeb nabs \$3 million +Sci/Tech,Exposed Sender ID Patents Up Debate +Sports,"Pavano tagged for five runs, 12 hits in defeat" +World,Bush lifts economic sanctions on Libya (AFP) +Sci/Tech,Customers Anxious at PeopleSoft Gathering (AP) +Sports,Shannon Keys Miami's Defensive Dominance (AP) +World,Over 550 Dead in Haiti After Hurricane Spawns Floods +Business,Update 2: Adobe Beats 3Q Estimates; Shares Jump +Sci/Tech,Fatal Traffic Accidents Rise After Terrorism +Sci/Tech,VMWare reveals Ace in the hole +Sci/Tech,Firefox beats million-download deadline +Sci/Tech,WebEx Mixes Meetings With Sales Force Automation +Sports,Prior in command to make early lead stand up +Sports,Seahawks survive toothless Tampa Bay +World,Brazilian president calls for global partnership to fight hunger <b>...</b> +World,Rights activist blasts Putin +World,Priest accused in 1994 Rwanda genocide fails to front for trial +World,Suspect held at #39;mini-Guantanamo #39; for three years released by <b>...</b> +Sports,Cricket - ICC Trophy / Awesome Australia bids to extend its 14 <b>...</b> +World,Militant groups set deadlines for killing hostages +World,"Nigerian villagers shut down oil facilities, trap over 100 workers" +Sci/Tech,Top Microsoft Executives Get Raises (AP) +World,Veterans Glance (AP) +World,World Leaders Back New UN Drive to Fight Hunger +World,Floods Kill at Least 241 in Haiti +World,Marlins Beat Cubs 5-2 to Split Twinbill +Business,RPT - Crude closes at a one-month high above \$46 a barrel - +Business,Hutchinson Telecom Files Billion-Dollar IPO +Business,Citigroup Tumbles as Merrill Cuts Rating on Japan (Update2) +Business,Rogers Wireless Makes Bid for Microcell +Sci/Tech,AOL to Sell Secure ID Tags to Fight Hackers +Sci/Tech,Study: Car accidents jump 35 after terror attacks +Sci/Tech,AOL Builds AIM Robots +Sci/Tech,Dust makes mesh of wireless sensors +Sports,Charismatic Clough one of a kind +Sports,Eriksson may be for Real +Sports,"Man. United, Boosted by Ferdinand, Defeats Liverpool (Update1)" +World,Ex-General Leads Megawati in Indonesia Election +World,Tropical storm kills hundreds +World,Iran Says Resolution Undermines Credibility of IAEA +World,Let it be a warning to you +World,Genocide priest on trial at Rwanda court +Sci/Tech,Microsoft Board Cut in Size as a Director Retires +Business,Dollar May Gain on Speculation Fed Will Raise Interest Rates +Business,US tobacco firms set for trial +Business,"Adobe: Health strong overall, despite quarterly drop" +Business,FEC is left in limbo by ruling +Business,"WR Grace, Honeywell Settle Lawsuit" +Business,AOL Goes Shopping +Business,Report: MCI hires advisers for possible sale +Business,Massachusetts fines two company units \$5 million +Sci/Tech,AOL to offer service to fight hackers +Sports, #39;They play like they #39;re going for a beer #39; +Sports,Ganguly furious after India #39;s loss +Sports,Salt Lake gets expansion team; divisions realigned for 2005 +Sports,Bears safety Brown out for season +World,Floods Kill at Least 241 in Haiti +World,Murphy mounts new bid to restore devolved government +Sports,Colts RB James might sit out +World,Adams backs power-sharing plan +World,Bush Scraps Trade Embargo on Libya in WMD Reward (Reuters) +Business,Sun Micro Aims to Woo Banking Customers (Reuters) +Sports,Rice Back at Work After Streak Ends (AP) +Sci/Tech,Is 'Rathergate' a Watershed Moment for U.S. Media? (Reuters) +Sports,Green Looks for Way to Spark Cards Offense (AP) +Business,"Nikkei Opens Up, Led by Techs, Exporters (Reuters)" +Sci/Tech,Mitsubishi Elec to Stop Making Large LCD Panels (Reuters) +World,Video on Web Site Shows Beheading of Man (AP) +World,Floods Kill at Least 241 in Haiti (AP) +World,Halliburton not notified on contract ban in Nigeria: spokeswoman (AFP) +World,Karzai to Become Afghan President; UN Says Security Threatened +World,Convicted killer Robert Baltovich finally in court in bid to clear his name (Canadian Press) +Business,Sun Micro Aims to Woo Banking Customers +Business,"Nikkei Opens Up, Led by Techs, Exporters" +Sports,Cubs Get Doubleheader Split in Miami +World,Bush Scraps Trade Embargo on Libya in WMD Reward +World,Abbas promises to coordinate with Syria +World,Floods Kill at Least 241 in Haiti +World,Dangerfield in Coma After Heart Surgery +Business,"YUKOS Cuts China Supplies, Oil Above \$46" +Sci/Tech,VMware releases virtualization tool for PCs +Sci/Tech,Open-source programmer rebuts charge +Sci/Tech,Hot skills: Oracle Application Server offers an alternative to IBM <b>...</b> +Sci/Tech,Russia May Delay Space Station Replacement Crew +Sports,Wolfmeyer acquitted in murder-for-hire plot +Sci/Tech,Mitsubishi Elec to Stop Making Large LCD Panels +Sci/Tech,Open-source programmer rebuts charge +Sci/Tech,"IBM, Boeing team up for defense work" +Sci/Tech,Earnings alert: Adobe strong despite drop +Sci/Tech,"Adobe: Health strong overall, despite quarterly drop" +Sci/Tech,"Gates, Ballmer's pay hold at about \$900,000" +Sci/Tech,"Briefly: TI touts combo chip with VoIP, Wi-Fi" +Sci/Tech,Dust makes mesh of wireless sensors +Sci/Tech,Intel invests in five 'digital home' companies +Sci/Tech,AOL launches shopping service +Sci/Tech,Sun looks for turn-around on Wall Street +Business,Oil Rises for Fourth Day as Yukos May Reduce Exports to China +Business,Sun Micro Aims to Woo Banking Customers +Business,Unilever warning typifies sector under pressure +Business,"IBM, Boeing team up for defense work" +Sci/Tech,Microsoft shares Office source code with governments +Sci/Tech,AMD drives mobility amp; to Acer Ferrari notebook +Sci/Tech,Water-methane link strengthen life-on-Mars clues +Sci/Tech,Space O 2 Generator Fails Again +Sports,Cal Coaching Legend Pete Cutino Dies Unexpectedly +World,American hostage killed in Iraq +Sports,Braves Preparing for Postseason Run (AP) +World,Russian Governor Backs Colonel's Pardon (AP) +World,"Bush, Kerry Teams Agree to Three Debates (AP)" +Sports,Tiger Fails to Clarify Cup Enigma at Oakland Hills +Sci/Tech,"Briefly: IBM, Boeing team up for defense work" +Sci/Tech,Adobe beats estimates on strong overall growth +Business,ID Biomedical Gets U.S. Flu Vaccine Deal +Business,Export Cut to China Seen as Clever Strategy on Yukos #39;s Part +Business,Unilever cuts profit growth forecasts as clouds gather over sector +Business,Merrill bankers at centre of first Enron criminal trial +Business,IMF Chief Sees Potential Hazard in US Fiscal Policies +Business,Halliburton not notified on contract ban in Nigeria: spokeswoman +Sci/Tech,Int #39;l Space Station crew begins preflight exams +Sports,Ryder-Tiger fails to clarify Cup enigma at Oakland Hills +Sports,English soccer legend Clough dies +Sports,"Two solid weeks for Seattle defense, but offense needs a boost" +Sports,Brees expects to start despite concussion +World,Iraq War Foes Focus on Alternative Agenda to Bush (Reuters) +World,Colombia Militia Leader Said Killed (AP) +World,Sweeping ban imposed on trial of B.C. woman accused of assisting suicide (Canadian Press) +Sci/Tech,Researchers Say Microscope Can See Atoms (AP) +Sci/Tech,Another 400 to lose jobs at Chase +Sports,Winning comeback for #39;superb #39; Ferdinand +Sports,Penguins cancel games because of NHL lockout +World,Two American soldiers killed +Business,Nigeria bars Halliburton contracts +World,Musharraf says U.S. must address root of terrorism (Reuters) +World,Kerry Aide Talked to Retired Guard Officer (AP) +Business,"Nikkei Led Higher by Techs, Shippers" +World,Effort to Extend Tax Cuts Gains Ground (AP) +World,"At Country Clubs, Gay Members Want All Privileges for Partners" +Sci/Tech,Yahoo Shells Out \$160 Million for MusicMatch +Sports,Mets or Expos Will Be Crowned the NL Least +Business,Trial for Wall Street as blue-chips slump on warnings +Business,Stelios reaps windfall from tanker disposal +Business,Reborn WorldCom in search of \$6bn buyer +Sports,Europe wins golf #39;s Ryder Cup +World,Brutal kidnappers gaining in popularity +World,Howard #39;s anti terror teams rejected +Sci/Tech,JP Morgan cancels 2.8bn IBM outsourcing deal +Sports,"Ferdinand Returns, Helps United Beat Liverpool 2-1 (Update1)" +Sports,Boxing: Hopkins knocks out De la Hoya to keep undisputed <b>...</b> +Sports,"For Jets, Two Victories and Two Big Injuries" +World,Tropical storm Jeanne to bring floods and deaths to Haiti +World,China #39;s Hu takes over armed forces in flux +World,Rwanda #39;genocide #39; priest on trial +World,Mubarak seeks comprehensive reforms in Egypt +Sci/Tech,E-Courtrooms Designed to Reduce Trial Time (AP) +World,Brits still a far cry from Americans (Reuters) +Business,Jury Nearly Set for Enron Criminal Trial +World,Ethics Committee Ends DeLay Fact-Finding (AP) +Business,"Dollar Stuck, Market Eyes FOMC Statement" +World,Diabetics 'must test blood more' +Business,Unilever and Colgate Issue Profit Warnings for Rest of the Year +Business,Study Raises Questions About Bioengineered Grass +Business,Frequent Fliers Wonder if Their Miles Have a Future +Business,Venerable Yacht Builder Tries to Regain Sea Legs +World,U.S. Judge Orders Election Agency to Tighten Rules +World,Iraqi Video Shows Beheading of Man Said to Be American +World,Billy Joel Gets a Star in Hollywood +World,Video: Purported U.S. Hostage Beheaded +Sci/Tech,Microsoft expands program on source code +Sports,Standout safety tore Achilles tendon +Sports,Lightning defenseman Brad Lukowich signs to play in CHL +World,Floods Kill Hundreds as Storm Ravages Haiti +Sci/Tech,A 'Plan B' for PeopleSoft customers +Business,US Judge Orders Election Agency to Tighten Rules +Business,Dow heeds warnings +Business,Disney Chief Rules Out Board Position +Sports,Jacklin Criticizes Woods-Mickelson Pairing +Sports,BRIAN CLOUGH 1935-2004: I WOULDN #39;T SAY I WAS THE BEST BOSS IN THE <b>...</b> +Sports,Ferdinand returns to United after eight month drug ban; Howard <b>...</b> +Sports,SOCCER REPORT A Late Charge by the Crew +Sports,NHL teams begin to cancel games to free up arena dates for other <b>...</b> +World,Floods kill at least 573 in Haiti +Sci/Tech,Second Thoughts for a Designer of Software That Aids Conservation +Sci/Tech,Chicago Moving to 'Smart' Surveillance Cameras +Sci/Tech,Rogers Wireless Makes Bid for Upstart Canadian Rival +Sports,Blue Jays Rookie Pitcher Handcuffs Yankees (AP) +Sports,Orioles Slam Red Sox 9-6 (AP) +Sports,Tigers Defeat Indians 3-1 (AP) +World,Federal Fisheries minister says there will be review of salmon mortality (Canadian Press) +World,Bush Campaign Raises #36;260 Million Total (AP) +Business,Hutchison cuts IPO size +Sci/Tech,Northrop Tapped to Design Jupiter Icy Moons Orbiter with JPL +Sci/Tech,Samsung Electronics Develops 8Gb NAND Flash Memory With 60nm <b>...</b> +Sports,Flintoff and Harmison must hunt for Australia +Sports,Twins Win Third Straight AL Central Title! +Sports,Broncos sign Johnson +World,American beheaded +World,German Ban On Islamic Conference #39;Extraordinarily Important <b>...</b> +World,Musharraf Says U.S. Must Address Palestinian Dispute (Reuters) +World,Official: Japan Could Extend Iraq Mission (AP) +World,"Nader Off Ballot in N.M., Ark., on in Md. (AP)" +Sports,"With Red Sox Gone, Thrill Is, Too" +Business,DaVita to Buy Gambro Unit for \$3 Billion +Business,BA seeks to halt aid to Alitalia +Business,"James Hardie Underfunded Asbestos Fund, Inquiry Says (Update1)" +Sci/Tech,Microsoft shares source code with government +Sci/Tech,AMD adds mobile processor to Athlon 64 lineup +Sports,Twins clinch AL Central title +World,Syed Hamid: We are monitoring Darfur crisis +World,Aides to Iraqi Cleric say Insurgents Free 18 Iraqi Soldiers +World,Clothes junkies flock +World,At least 556 killed by Jeanne in Haiti +World,"Jiang departure stabilizes Strait, says MAC official" +World,Big Powers Urge Iran to Heed UN Nuke Freeze Demand +Sci/Tech,Microsoft to Share Source Code With Governments (washingtonpost.com) +World,ADQ steals riding from Liberals in one of four provincial byelections (Canadian Press) +Business,Dollar Stuck as Fed Statement Awaited +Business,Nikkei Up But Caution Looms Before Fed +World,Twins Clinch Third Straight Division Title +World,CBS News Apologizes Over Bush Guard Story +Business,US legal challenge against cigarette firms to start today +Business,MCI Hires Advisers For Likely Sale Bid +Sci/Tech,"Herndon, NY Cyber-Security Firms to Merge" +Sci/Tech,IN BRIEF +Sci/Tech,Nextel Wants Better FCC Deal +Sci/Tech,Northrop Grumman To Co-Design Jupiter Moons Explorer For NASA +Sports,The best manager never to take charge of Wales +Sports,NL Wrap: Weathers Wins First Start in Six Years for Marlins +Sports,NL Capsules +Sports,Ross returns home as Vikings assistant +Sports,Injured Hogg heads home +Sports,Anaheim Angels Team Report - September 20 +Sports,American League Game Summary - Cleveland At Detroit +World,Indonesian Shares Open 1.5 After Peaceful Elections -2- +World,Lithuania says pro-Chechen site likely will be shut down +Business,Update 3: Report: Yukos to Halt Crude Supplies +Business,Stelmar Founder Haji-Ioannou Rejects \$667 Mln Sale to Fortress +Business,Fannie Mae #39;s Board Briefed on Review +Sci/Tech,Security firms TruSecure and Betrusted to merge +Sci/Tech,JBoss reaches certification landmark +Sports,Champions Trophy heats up heading into semifinals +Sports,Eagles lead Vikings at halftime +Sports,Vlad beaned in head during Angels game +World,Hu unlikely to ease up on Taiwan and HK: analysts +Sci/Tech,PC security threats hit new high +Sci/Tech,Ask Jeeves Launches Personalized Web Search Service (Reuters) +Sports,"Goosen, Jimenez European Tours #39; secret ingredients" +Sports,This Date in Baseball (AP) +Sports,AL Wrap: Twins Secure Third Straight AL Central Title +Sports,Guerrero Beaned During Angels Game +World,Kerry Does 'Top Ten' on Letterman Show (AP) +Sci/Tech,Microsoft to Share Code With Governments +Sci/Tech,MCI Hires Advisers For Likely Sale Bid +Sci/Tech,"Herndon, N.Y. Cyber-Security Firms to Merge" +Sci/Tech,Nextel Wants Better FCC Deal +Sci/Tech,HGS Board Member Named Chairman +World,"Ex-General Defeats Indonesia's Megawati, Test Await" +Sports,Cal Coach Gets Five-Year Contract Deal +Sci/Tech,"Boeing, IBM Announce 10-Year Partnership" +World,US tobacco firms set for trial +Business,Venerable Yacht Builder Tries to Regain Sea Legs +Business,Workers Face Difficult Choices as Airlines Seek Concessions +Business,First Criminal Trial on Enron to Begin Today +Sports,Real Madrid lose ground on Barcelona +World,Abducted South Koreans' Kin Fault Seoul for Failure to Act +Sports,Blue Jays #39; Chacin wins debut in Yankee Stadium +Business,Muddling #39; economy suffers bad day: Several factors contributed <b>...</b> +Sci/Tech,Northrop Grumman to co-design Jupiter moons explorer for NASA +Sports,Eagles-Vikings matchups +Sports,No Ashes bearing; Buchanan +Sports,Cowboys bring out the worst in Garcia +Sports,Johnson traded to Broncos +World,World leaders back anti-hunger drive +World,"Jiang backs Hu, chants military unity mantra" +World,South Korea's chief nuclear negotiator leaves for Japan (AFP) +Sports,Former NBA Star Calvin Murphy Acquitted of Sexual Abuse +Business,Disney Chief Rules Out Board Position +World,Storm Death Toll Rises to 622 in Haiti +Business,Back to the Drawing Board at the FEC +Business,Financier was grim reaper: Market-timing crime profited after 9/11 +Business,San Diego #39;s Sea of Fiscal Woes +Sci/Tech,Ask Jeeves Launches Personalized Web Search Service +Sci/Tech,Study Raises Questions About Bioengineered Grass +Sci/Tech,Samsung Goes to 80nm +Sports,76ers sign Josh Davis +World,Some Succor for Schrder +World,Leader rejects Blair #39;second wave #39; claim +World,"Talks will be successful, hopes president" +Sci/Tech,Sun begins pay-as-you-go supercomputing +Business,Alitalia #39;s Board Approves a Rescue Plan +Business,Shares Drop as Colgate and Unilever Cut Profit Forecasts +Business,Nigeria Bars Contracts With Halliburton +Business,Forstmann Little settles pension fund lawsuit for \$15 million +Business,Nike Profit Up 25; US Sales Climb +Sports,Ryding a little lower in London; Tiger loses touch +Sports,"Eagles Contain Moss, Top Vikings, 27-16" +Sports,Twins clinch AL Central +World,Death toll from tropical storm is nearly 600 in Haiti +Sci/Tech,Ask Jeeves Serves It Your Way +Business,U.S. Oil Holds Above #36;46 on Supply Fears (Reuters) +Sci/Tech,Ask Jeeves Hoping to Outshine Google (AP) +Business,U.S. Oil Holds Above \$46 on Supply Fears +Sci/Tech,Nintendo's Newest Product Aims for Adults +Sports,Cascarino has hand in rescuing Exeter +Business,Former Coke Exec to Become Starwood CEO +Sports,New Safety for Giants Is Tough on Himself +World,Top Colombia militant gunned down +World,Howard terror plan gets brush-off +Sports,No Passing Blame +Sports,Tough Road Ahead +Sports,Mild 'Tuna' +Sports,Navy Starts Fast +Sports,Over Before It Started +Sci/Tech,PeopleSoft's customer woes +Business,Hardie executives face charges +Business,Forstmann Little to Pay \$15 Million in Lawsuit +Sports,Minnesota Twins beat White Sox 8-2 to clinch third straight <b>...</b> +Sports,Eagles 27 Vikings 16 +Sports,Problems piling up for Chiefs +Business,Fed Seen Boosting Rates Despite Worries (Reuters) +World,Blair backs India's quest for permanent seat on UN Security Council (AFP) +Sci/Tech,EA Sees Girl Power Boost with 'Sims 2' Sales (Reuters) +Sci/Tech,AOL to Sell Secure ID Tags to Fight Hackers (Reuters) +World,Australia says Asian anti-terror allies not targets of pre-emptive strikes (AFP) +Business,Fed Seen Boosting Rates Despite Worries +Business,U.S. Suit Against Tobacco Makers Goes to Trial +Business,Tobacco firms face huge fraud lawsuit +Sci/Tech,Ask Jeeves personalises Web searches +Sports,Maradona goes to Cuba +Business,"Jarden picks up Coleman, Sunbeam" +Sci/Tech,No Hanging Up Spectrum Scrap +Sci/Tech,VMWare Aims At Becoming PC Management Standard +Business,US Suit Against Tobacco Makers Goes to Trial +Business,Judge rejects campaign-finance rules +Business,Search engines develop personal touches for Web surfers +Business,Jarden buying American Household +Sci/Tech,PassCode - Secure ID Tags to Fight Hackers +Sports,Beckham Shocked By Camacho #39;s Exit +Sports,Soccer: Maradona arrives in Cuba for drug treatment +Sports,White Sox victims of clinch +Sports,Bradys timing perfect +Sports,Yankees notebook: Giambi may not be fall guy +World,Leader of Colombia #39;s paramilitary group shot dead +World,Man slashes 25 kids at China school +World,Kerry and Bush square off on Iraq +World,Eagles Clobber Vikings 27-16 +Business,US Oil Holds Above \$46 on Supply Concerns +Sports,AL Wrap: Twins Secure Third Straight AL Central Title +Sports,Pound adds to pressure on Jones +Business,Starwood Taps Former Coke Exec as New CEO +Business,Yudhyono boost for stock market +Sports,"Cubs, Marlins Split" +Sci/Tech,AOL to Sell Secure ID Tags to Fight Hackers +Sci/Tech,AMD Announces New Mobile Chip For Notebooks +Sci/Tech,Anteon gets Defense contract +Sports,Neither a #39;dream #39; nor a #39;team #39; +Sports,Criminal charges anticipated in fatal traffic collision +World,Suspected terrorist released in UK +Sci/Tech,Senate Panel to Vote on Digital TV Bill (Reuters) +Sports,Angels Clobber Mariners 5-2 (AP) +Sports,Soccer Legend Maradona Arrives in Cuba (AP) +Sports,Singh voted PGA player of year by peers +Sports,Keegan Tips Downing for England Honours +Business,Airlines Likely To Change Tack +Sports,No Passing Blame +Sports,Cubs split doubleheader with Marlins +Sports,Reds Hall welcomes Rose in exhibits only +Business,Critics see political taint +Business,San Diego #39;s credit rating suspended +Sci/Tech,Water And Methane Find Points To Life On Mars? +Sci/Tech,"Sun set to announce new server, storage hardware" +Sports,Miscues haunt #39;Skins +World,World leaders gather for UN debate +Business,Nikkei Edges Down by Close +World,Syria to move troops in Lebanon +Business,UBS to Buy Julius Baer U.S. Business +Business,"Informal alliance likely for Air NZ, Qantas" +Business,Jaguar ends car making in Coventry +Business,City #39;s credit standing frozen by top agency +Business,Oil price propels TSX as warnings hurt Dow +Sci/Tech,"Sun, HP Focus on SAN Management" +Sci/Tech,"Targeting stress response proteins on breast, prostate tumor cells <b>...</b>" +Sports,Charting the Majors +Sports,Toronto Blue Jays News +Sports,Belichick fillets Tuna: Powerful coach can rip Parcells +Sports,"Maroth finally gets 11th win, 3-1" +World,US troops killed in Afghanistan +Business,Bollore to Raise Havas Stake; Won #39;t Seek Short-Term Control +Sci/Tech,Creative out to cut iPod lead +Sci/Tech,Desktop Linux thinks small +Sci/Tech,Cancer cells hit by #39;guided drugs #39; +Sports,"Moss, Owens battle on Monday night stage" +Sports,Tempers flare in M #39;s loss +Sports,Safina Extends Family Run in China +Sports,"Week 2 replay: Two down, and here #39;s what #39;s up" +Sports,"At 63, Parcells mellowing ... sort of" +World,Fringe Parties Gain in German Elections +World,French state railways back in black in first half of 2004 (AFP) +Sci/Tech,Payback Time For The Cock Of The Prairie +World,Exports From Iraq North Oil Fields Normal (AP) +Sci/Tech,Japan's Mitsubishi Electric to focus on small LCDs due to competition (AFP) +Sci/Tech,Philippine telcos lead world in texting profits (AFP) +Sci/Tech,Microsoft slips out another database beta +World,American and Briton Face Beheading in Iraq +Sci/Tech,"Firefox users ignore online ads, report says" +Business,M S share buyback set at 332-380p +Business,China gears up for share sell-off +Sci/Tech,UK Government Calls For Stronger Ratings +Sports,"Serena, Kuznetsova,Sharapova among top names in China Open" +World,"UN, leaders to focus on world poverty issue" +World,Appeals to Blair over UK hostage in Iraq +Business,China Asks Yukos to Honor its Contracts +Business,Inquiry criticises James Hardie CEO +Business,AOL beefs up security +Business,Fund group to pay \$5m fine +Sci/Tech,US broadcasters object to planned digital TV bill +Sci/Tech,Atari launches 64-bit AMD 64 game +Sci/Tech,Alexandria Hospital to Create a Virtual ICU +Sci/Tech,Middleware moves into open source +Sci/Tech,Nokia enhances SSL VPN security +Sports,"If the US is ever going to defeat Europe, these changes need to be <b>...</b>" +Sports,Clough: A genuine original +Sports,Job was a royal headache +Sports,Vikings Kearse-d by defensive wrinkle +Sports,Hopkins leaves chink in the Golden Boy #39;s armor +Sports,Twins make it 3 straight +Sports,Time #39;s running out for Marlins in chase for NL wild card +Sports,Kennedy suffers knee injury +Sports,Notebook: Browns rookie Winslow might be out for season +Sports,Rice #39;s anger about broken streak seems over +Sports,Debut at Lambeau +World,Iran says to pursue nuclear program with or without IAEA <b>...</b> +World,"Rich, poor gap worries world leaders" +World,New bid to end talks deadlock +World,Russian Parliament Proposes New Anti-Terror Law +World,Around the world +Sci/Tech,Microsoft Mimics Local Radio (AP) +World,British Hostage's Family Appeals to Blair to Save Him (Reuters) +Sci/Tech,UK Man Held Over Cisco Source Code Theft (Reuters) +World,"Sony's Smaller PS2 to Debut in U.S., Europe on Nov 1 (Reuters)" +Sports,Twins Clinch; Angels Gain Ground (AP) +Sci/Tech,AMD Opteron is reved up with PowerNow technology +Sci/Tech,"Stop Misbehaving, Spacey Tells British Theatergoers (Reuters)" +Sci/Tech,"Enterprise Linux, Subscription Sales Power Strong Red Hat Quarter (TechWeb)" +Sci/Tech,IBM Expands Resources For ISVs +Sci/Tech,Lycos Withdraws Spam Screensaver +Sci/Tech,"Hackers are after your money, warns Symantec" +Sports,Beating Ryder #39;s cramp +Sports,FERDINAND: I WANT MY ENGLAND JOB BACK +Sports,Yanks pin hopes on Brown return +World,Haiti death toll in floods nears 600 +World,Khatami: Iran Will Pursue Nuclear Program +World,Two #39;collaborators #39; are killed +Sci/Tech,LI students win at top science competition +World,CBS to Name Panel to Exam Bush Guard Story (AP) +Business,Dollar Idles Ahead of Fed Rate Move +Sci/Tech,U.S. Researchers Invent Antenna for Light (Reuters) +World,"Bill introduced in US Senate, seeking UN action on Myanmar (AFP)" +Business,European Stocks Subdued Ahead of Fed +Sci/Tech,Smartphone Users Offered Free Antivirus +Sports,Guerrero Beaned During Angels Game +Business,Nestle Confirms Targets After Rivals Warn +Business,Japan Shares Edge Down +World,"Ex-General Defeats Indonesia's Megawati, Test Awaits" +Sports,Dokic Dumped Out of China Open in First Round +World,Syrian Troops Start Redeploying Forces in Lebanon +Sports,Don't marginalize the players +Business,Tesco sees profits jump to 822m +Sports,McPherson gives Angels a lift +Sports,Bengals win using Palmer method +Sports,Work to be done in time off +Sports,"McNabb, Eagles soar past Vikings" +Sports,Job was a royal headache +Sports,Creating some enthusiasm +Sports,NU names seven to Hall +Sports,Murtagh a stickler for success +Sports,Where there's Awa there's a way +Business,To stop a thief +World,Sharia 'used in Nigeria politics' +Business,A quiet top gun +Business,Progress on class-action suits slow and uneven +Business,Fed expected to raise rates +Business,"Delta, pilots OK tentative accord " +Business,Oil prices up on Yukos woes +World,Hundreds rally for peace in Nepal +Business,Court asked to delay fund director rule +Business,Rogers Wireless to buy Canadian rival Microcell +World,Billy Joel in Walk of Fame honour +World,Death count climbs to 622 in storm-devastated Haiti +World,Indonesia leader seen ousted in landslide +Business,Treasuries Creep Up on Rate Prospects +World,US presses Syria to stabilize porous border with Iraq +World,Terror effort seen focused on Baghdad +Sci/Tech,The Little Website that Couldn't +World,Bush Emphasizes Humanitarian Issues at UN +Sci/Tech,"Tape drives are fast enough, says Quantum" +Sci/Tech,Slimmer PlayStation launched +Sci/Tech,"Sony's Smaller PS2 to Debut in U.S., Europe on Nov 1" +Sports,AFC: Winslow leads Browns #39; injury woes +Sports,Jets hope to wave bye to some injuries +World,No Timeframe Set For Kashmir Solution: Musharraf +World,World bank chief backs Putin shake-up plans -WSJ +Business,M amp;S sales slump continues +Sci/Tech,Wikipedia Hits Million-Entry Mark +Sci/Tech,Nokia Expands Functionality and Security of SSL VPN Offering +Sci/Tech,AOL Opens AIM to Bot Makers +Sports,PRESS BOX VIEW - THE SUN +Sports,Twins make it official +World,"Iran Won #39;t Halt Nuclear Program, May Suspend UN Inspections" +World,Colombian Far-Right Leader Gunned Down-Police +World,"Iran Defies UN, Says Will Go on Converting Uranium (Reuters)" +Sports,Cubs Split Doubleheader With Marlins (AP) +Sci/Tech,Nintendo's New Handheld Machine to Debut (AP) +Business,Chain Store Sales Fell 1.1 Percent (Reuters) +World,"Eyeing Iran Reactors, Israel Seeks U.S. Bunker Bombs (Reuters)" +Sci/Tech,Microsoft Board Cut in Size as a Director Retires (Reuters) +World,Spanish Bank BBVA to Buy Laredo National (AP) +Sci/Tech,German Court Nixes Lawsuit Against Google (AP) +Sci/Tech,"Nintendo, Sony Square Off in Handheld Game Market (Reuters)" +Sports,Guerrero Beaned During Angels Game (Reuters) +Business,"RadioShack, Sprint in Mall Kiosk Venture (Reuters)" +World,Firm Halts Iraq Work to Save 10 Hostages (AP) +Sci/Tech,Copyright Battle Erups over Open-Source 'Mambo' Code (Ziff Davis) +Business,U.S. Rates Seen Rising Despite Concerns +Sci/Tech,Sun tries to woo Wall St. firms (SiliconValley.com) +Sci/Tech,Tenn. Lab Develops Electron Microscope (AP) +Business,Housing Starts Rise Unexpectedly +Sci/Tech,Thai Scientists Begin Probe in Big Orangutan Case (Reuters) +Business,Oil Holds Above \$46 Supply Worries Linger +Sports,"Monty, Ryder Cup Teammates to Play Links Championship" +Business,General Mills Profit Drops as Costs Rise +World,Death Toll Nears 700 from Haiti Flooding +World,"Deadline Looms for American, British Captives in Iraq" +Business,FDA Grants Fast Review of P G Sex Drug +World,Syria Starts Redeploying Forces in Lebanon +Sports,Dokic Dumped Out of China Open in First Round +World,General Strike Paralyzes Israel +World,Who Next? Ukraine's Opposition Leader Fears Murder +Business,US Fed 'set for third rate rise' +Business,Israel strike cripples business +Business,Call to legalise file-sharing with taxes +Business,Sony shrinks PlayStation console +Business,Australia builder in asbestos row +World,'Killers' guarding Sudan refugees +World,Fears grow for hostages in Iraq +World,Mauritania 'on brink of famine' +World,Over a million Bosnians back home +Business,Housing Starts Increased 0.6 Percent +Business,Fed Is Expected to Raise Rates Again +World,"In Presidential Debates, a Duel of Wits and Styles" +World,"Even Humbled by Error, Dan Rather Has His Thorns" +World,Iran Defies Demand of Nuke Watchdog Agency +World,Bush's Address to U.N. Seeks Cooperation +World,Stocks Higher; Investors Await Fed +World,Storm Floods Kill More Than 600 in Haiti +World,Investors Await Fed Move on Rates +World,Fed Is Expected to Boost Rates Again +World,Khatami: Iran Will Pursue Nuclear Program +World,Iraq Hostages' Kin Appeal for Their Lives +Business,Alitalia #39;s survival fight goes on +Business,Starwood taps former Coke exec as CEO +Business,M amp;S launches share buyback +Business,Handheld battle begins +Business,Lehman Brothers #39; Profit Up 5.2 Percent +Business,GM grass pollen has long reach +Business,SEC eyes action against AIG +Sci/Tech,Get the lowdown on FreeBSD +Sci/Tech,AMD mobile Athlon 64 targets Intel Pentium-M +Sci/Tech,New data strengthen Mars life evidence +Sci/Tech,TrueSecure to merge with New York company +Sci/Tech,Contract award for Jupiter probe +Sci/Tech,Four Southern Californians charged in counterfeit software case +Sci/Tech,Copyright Battle Erups over Open-Source #39;Mambo #39; Code +Sci/Tech,UK Police arrest Cisco hack suspect +Sci/Tech,Nokia bolsters SSL VPN security +Sci/Tech,Firefox bites back +Sci/Tech,Revenge of the grunts -- Star Wars game puts little guys at the <b>...</b> +Sci/Tech,ATi presenta la ALL-IN-WONDER X600 PRO +Sci/Tech,JBOSS Releases Application Server 4.0 +Sci/Tech,Atari announces first 64-bit game +Sports,Giggs joins elite 600 club +Sports,Maradona in Havana for drug treatment: +Sports,Top dollar for Pele #39;s shirt +Sports,Tour cancel threat +Sports,Chacin #39;s debut a gem +Sports,Giants brace for wild-card battle +Sports,EUROPEAN VIEW: Here is why the US loses +Sports,Tanasugarn extends Dokic #39;s misery +Sports,Coaches want Irish to take the fourth +World,Shadow Of Iraq Hangs Over UN Meet +World,Turkish parliament may reconvene +World,Syria Withdrawing Military From Lebanon +World,Rwandan priest boycotts genocide trial proceedings +World,Thai campaign targets animal lovers +World,Japan troops may remain in Iraq +World,Colombian militia leader dead +Business,"Blue Chips Fall on Oil, Apple Lifts Techs" +Sci/Tech,Star Wars DVDs break sales record +Sci/Tech,"Nintendo, Sony Square Off in Handheld Game Market" +Sci/Tech,Michelin Unveils Airless Tire for 10 Years On +Sci/Tech,Gaming Godzillas Prepare for Battle +Sci/Tech,AOL Moves Beyond Passwords for Log-Ons +Sci/Tech,Microsoft Mimics Local Radio +Sci/Tech,Ask Jeeves Hoping to Outshine Google +Sci/Tech,Light relay 'should be dropped' +Sci/Tech,GM grass pollen has long reach +Sci/Tech,High Carb Heaven in Outer Space +Sci/Tech,Swift Sees the Light +Sci/Tech,More Clues to Present Life on Mars +Sci/Tech,Changes Sought to Reduce Salmonella in Eggs +Sci/Tech,Doctors Need More Medical Devices for Babies +Sci/Tech,New Microscope Can See Individual Atoms +Sci/Tech,Fixing a busted IT research system +Sci/Tech,VeriSign launches authentication tools +Sci/Tech,Ford revs up Internet phones +Sci/Tech,Texas Instruments is unconvinced WiMax will replace DSL +Sci/Tech,HP forms new blade group +Sci/Tech,Microsoft CFO: Expect us to make more big acquisitions +Sci/Tech,Ask Jeeves revamps search engine +Sci/Tech,"AOL, RSA, VeriSign push authentication services" +Business,Firm fears growth has had its chips +Business,Eisner rules out taking job on Disney board +Business,"Delta, union in tentative deal over early retirements" +Business,AOL offers extra security for a price +Business,Grass study adds to worry on genes +Sci/Tech,New Clue to Life on Mars +Sci/Tech,Four Southern Californians charged in counterfeit software case +Sci/Tech,Opera Mobile reaches 1 million direct downloads +Sci/Tech,Mozilla FireFox Preview Reachs 1 Million Download Mark +Sci/Tech,Atari offers first game to support Athlon 64-bit extensions +Sports,Fulham without banned pair +Sports,"MLB: Anaheim 5, Seattle 2" +Sports,Golf doesn #39;t need a buddy system +Sports,Wedge hammers home importance of last games +Sports,UPDATE 1-Dokic dumped out of China Open in first round +Sports,America #39;s Lack of #39;Spirit Fingers #39; +Sports,Smith won #39;t tolerate finger-pointing among teammates +World,Bush to address UN assembly +Sci/Tech,Ask Jeeves Planning to Outshine Google +Sci/Tech,AOL Moves Beyond Passwords for Web Log-Ons +Sci/Tech,Microsoft Mimics Local Radio Stations +Sci/Tech,E-Courtrooms Designed to Reduce Trial Time +Sci/Tech,Latest Google Hiring Point to Browser Plans +Sci/Tech,Topix Delivering Local News Search to Ask Jeeves +Sci/Tech,Google Lawsuit Thrown Out of German Court +Sports,Hamilton Cycling Team Told He Failed Tests (AP) +World,Syria Begins Pulling Troops From Lebanon (AP) +Sci/Tech,Gaming Godzillas Prepare for Battle (washingtonpost.com) +World,How bad is it? (U.S. News World Report) +Sci/Tech,Almost 40 percent of tech-savvy Singaporeans have broadband access (AFP) +Sci/Tech,New German Mobile Phone to Detect Bad Breath (Reuters) +World,England end Aussie jinx as they move into Champions Trophy final (AFP) +Business,Oil Hits \$47 as Supply Worries Linger +Sports,Woods to Skip 84 Lumber Classic +Sports,Maradona Gets Cuban Check-Up and Castro's Support +Sci/Tech,Indonesia Questions U.S. Mine Chief (AP) +Sci/Tech,Interpol-Style Effort Needed Against 'Wildlife Mafia' (Reuters) +Sci/Tech,Terror Attacks Spur Israel Road Deaths Spike-Study (Reuters) +Business,HHS Orders Avian Flu Vaccine from Aventis +Sci/Tech,India Launches First Education Satellite (Reuters) +World,Senate Panel Approves Goss for CIA Director (Reuters) +Sports,Annus to Fight All His Life to Keep Gold Medal +World,Iran Converts Uranium in Defiance of UN +Business,Oil Holds Above \$46 Supply Worries Linger +World,Russian Who Murdered Chechen No Longer Seeks Pardon +Business,Protests over tough Dutch budget +World,Cricket: England stun Aussies +World,Uganda's HIV success questioned +Business,Profit Jumps 30 Percent at Goldman Sachs +Business,Oil Hits \$47 as Supply Worries Linger +Business,Red Hat Rebound +Business,Still Building at Adobe +Business,Don't Pass on iPass +World,Attorney Says Heels May Hurt Sobriety Test +World,Bush Defends Decision to Oust Saddam +World,Stocks Higher; Investors Await Fed +Sci/Tech,Poor netiquette and jobs for net vandals +Sci/Tech,New German Mobile Phone to Detect Bad Breath +Business,SBC to Build Internet Phone System for Ford +Business,Fares pressure rises on Air NZ +Business,AIG Gets Wells Notice From SEC +Business,Starwood Names Heyer CEO +Business,OECD Says Oil Prices and Inflation Not Hurting Industrial <b>...</b> +Business,"Sprint, RadioShack will put kiosks in malls" +Business,Intrinsa could be out by spring +Business,Bank of New York Buys Wilshire Business +Sci/Tech,Sony shrinking the PS2 +Sci/Tech,Methane on Mars causes controversy +Sci/Tech,Yellow Pages Group to list 2.4 million businesses on Google Canada +Sci/Tech,"IBM, Boeing join forces to seek government IT contracts" +Sci/Tech,"TruSecure, Betrusted formalize merger plans" +Sci/Tech,"Mitsubishi Elec to stop producing TV LCDs, focus on smaller panels <b>...</b>" +Sci/Tech,Microsoft May Do More Shopping +Sci/Tech,Contaminated GM crops found at nine Thai farms +Sci/Tech,AOL Marketing #39;Bots #39; to Target AIM Users +Sci/Tech,Apple iMac G5 +Sports,Man United midfielder Roy Keane charged with assault +Sports,Fulham call in lawyers over brawl +Sports,Football Legend Maradona Returns to Cuba for Drug Rehab +Sports,Vaughan #39;s England stun Aussies with Trophy win +Sports,Awe Freak Out! +Sports,Indian TV Rights Up for Grabs Again +Sports,"Bonds, Giants try to slow red-hot Astros" +Sports,Seattle men arrested; no motive available +Sports,"With Vlad back, Angels look to gain ground" +Sports,"Cubs have Prior, Wood refreshed for postseason run" +Sports,Milwaukee Brewers Team Report - September 21 +World,Bush tells UN #39;all must fight the murderers #39; +World,Iran converts uranium in defiance of UN +World,More than 600 dead in Haiti +World,Turkish company halts operations in Iraq +Sci/Tech,Thailand Says Nine Farms Contaminated By Genetically Modified <b>...</b> +Sports,Bryant's Request to Seal Evidence Opposed (AP) +World,Kerry Rolls Out Health Care Ad (AP) +Business,Time Warner Sees AOL Ad Revenue at Near \$1 Billion +Business,HHS Orders Avian Flu Vaccine from Aventis +Business,Judge Orders Martha Stewart to Surrender +Business,OECD Cuts US 2004 Growth Forecast to 4.3 Percent +Business,Starwood Names New Chief Executive +Business,Australia #39;s Hardie may face charges over asbestos +Business,Kraft Says SEC Not Planning Action +Business,Sprint and RadioShack enter deal to open wireless kiosks in malls +Sci/Tech,"AOL, RSA, VeriSign push authentication services" +Sci/Tech,"TruSecure, BeTrusted Announce Merger" +Sci/Tech,Space station may fall into disrepair +Sci/Tech,Uninsured patients often face big markups +Sports,Roy Keane charged with assault +Sports,Maradona Gets Cuban Check-Up and Castro #39;s Support +Sports,Dynamo handed 3-0 win +Sports,Eagles Sprint to Fast Start +Sports,Blue Jays activate Halladay from DL +Sports,Seattle Mariners Team Report - September 21 +Sports,Texans Troubled by Turnovers +Sports,Annus to Fight All His Life to Keep Gold Medal +World,First-blood doctrine rejected +World,Stewart to Surrender for Prison by Oct. 8 +Sports,Raiders Making Progress in New Defense (AP) +Sci/Tech,Dutch Minister's World Revealed in 'Blog' (Reuters) +World,Darfur refugees say Janjaweed now working as camp guards: UN (AFP) +Business,EDS Reduces 2004 Cash Flow Projections +Business,"Stocks Rise as Goldman, Lehman Earns Gain" +Business,Genta Shares Soar on Cancer Drug Data +Sci/Tech,Airlines Ordered to Turn Over Passenger Data +Sci/Tech,Is This What the Big Bang Sounded Like? +Business,Fed Likely to Bump Up Rates Again +Business,Best Buy adds Verizon to wireless line-up +Sci/Tech,Authentication #39;Tokens #39; Arrive For AOL Customers +Sci/Tech,Spinach could power better solar cells +Sci/Tech,Voq Professional Phone now available in Europe +Sci/Tech,"Sun Changes Course, Releases First NAS Box" +Sports,It was clear the Europeans wanted the Ryder Cup more than the US +World,Bush defends Iraq invasion and says UN should offer more help +World,Nations unite as boats collide +World,Bosnia refugee returns reach one million - UN +Sci/Tech,PeopleSoft keeps up the fight +Sci/Tech,Microsoft banks on Money update +Business,SEC Probes Bisys Group Unit Over Payments +Sci/Tech,Briefly: PeopleSoft-Oracle trial delayed +Sci/Tech,PeopleSoft-Oracle trial delayed +Business,Prosecutor: First Enron trial about #39;cheating and lying #39; +Business,SEC Considering AIG for Civil Charges over PNC Deal +Sci/Tech,AMD Tries To Compete With Intel By Releasing Athlon 64 3000 +Sci/Tech,Microsoft CFO: Expect more acquisitions +Sci/Tech,Senate Panel to Vote on Digital TV Bill +Sports,Ryder failures show US must change course +Sports,New York Yankees Team Report - September 21 +World,al-Qaida Claims Killing of British Man (AP) +Sci/Tech,Vodafone plans worldwide 3G expansion (FT.com) +World,"AP: Kerry Fund-Raisers, S. Korean Spy Met (AP)" +Business,General Mills Profit Down 19 Percent +Business,Plastic finally surpasses paper checks as America #39;s favorite <b>...</b> +Business,Fed Pushes Up Interest Rates Again +World,Killer colonel drops pardon bid +World,Families Urge Militants in Iraq to Spare Hostages +World,Airlines Told to Turn Over Passenger Data +World,Bush Vigorously Defends War in Iraq +Business,Fed Raises Interest Rates by 1/4 Point +Business,EMC aims to lower Exchange TCO +Business,Silver wants to cut price for Gold Banc +Sci/Tech,Hardware PSTwo Confirmed +Sci/Tech,"TruSecure, Betrusted to merge and rename" +Sci/Tech,NASA picks Northrop Grumman +Sci/Tech,MP3 players set for major growth: report +Sports,England serve notice of intent +Sports,New Real coach confident of support +Sports,Notes: Oswalt to make next start +World,Interview: Meeting with Indian PM to aim at understand building <b>...</b> +Sci/Tech,New Zealand a Noah's Ark for Conserving Bizarre Birds +Sci/Tech,Shampooing to Stop Oil Spill Bird Deaths +Sci/Tech,PeopleSoft CEO vows to keep up the fight +Sci/Tech,Humble pie for Sun +Sci/Tech,Toshiba unleashes slew of notebooks +Sci/Tech,Sun: We've turned over a new leaf +Sci/Tech,Cybertrust to open for business in 30 days +Sci/Tech,Hip-hop rings put 'bling' in cell phones +Sci/Tech,Philly plans world's largest mesh Wi-Fi net +Business,Onex Corp. to buy US health services companies for \$980 million +Sci/Tech,Sun offers pay-as-you-go computing service +Sci/Tech,Will WiMax Replace DSL? +Sci/Tech,"Sony Shows Slim, Trim PlayStation 2" +Business,"Stocks Rise as Goldman, Lehman Earns Gain" +Business,Coca-Cola exec to lead Starwood Hotels +Business,Jarden #39;s Brandfest +Business,"RadioShack, Sprint in Mall Kiosk Venture" +Business,Fortis Names Votron to Succeed Van Rossum as Chief (Update1) +Sci/Tech,Ask Jeeves Shapes Up +Sci/Tech,"TruSecure, Betrusted Merge To Create Cybertrust" +Sci/Tech,Emerson Pushes Boundaries Of IT +Sci/Tech,Mitsubishi to stop producing big LCD panels +Sci/Tech,Study: MP3 player market to explode +Sports,UPDATE 1-Vaughan #39;s England stun Aussies with Trophy win +Sports,BCCI to decide its next move on TV rights soon: Dalmiya +World,"Bush Defends US Policy on Iraq, Promotes Democracy in UN Speech" +World,Indonesian former general heading for massive presidential <b>...</b> +World,Israeli Missile Strike Kills Two Gaza Militants +Sci/Tech,Google Toolbar Security Warning +Sci/Tech,News: Merger creates world's biggest IT security services firm +Sci/Tech,Outfoxed Offered for Remix +Sci/Tech,Reaping From the Wild Wind +Sci/Tech,Mac Games: (Not) Big in Japan +Sci/Tech,Robot Telescopes Comb the Skies +Sci/Tech,"All of a Sudden, the Neighborhood Looks a Lot Friendlier" +Sci/Tech,Is Prozac Better? Is It Even Different? +Sci/Tech,"For Women Worried About Fertility, Egg Bank Is a New Option" +Sci/Tech,"Linking Rivers, With Happy Results" +Sports,Bryant's Request to Seal Evidence Opposed (AP) +World,Web Site: 2nd U.S. Hostage Killed in Iraq (AP) +World,U.S. Probes Death of Afghan Detainee (AP) +Business,"Oil prices rise after Saudi attack, halting three-day plunge" +Sports,"'I'm 100 Percent Innocent', Says Hamilton" +Business,U.S. Stocks Rise After Fed Rate Hike +Sci/Tech,PeopleSoft ties knot with IBM +Sci/Tech,Software vendor may cash in on contact-center patents +Business,SBC strikes telephony agreement with Ford +Business,SEC won #39;t take action vs. Kraft in Fleming case +Business,European Stocks Advance As Tesco Boosts +Business,Franklin Can #39;t Come Clean +Sci/Tech,"TruSecure, Betrusted Merge To Form Cybertrust" +Sci/Tech,China grabs software research deals despite risks +Sci/Tech,"Mitsubishi Elec to stop producing TV LCDs, focus on smaller panels <b>...</b>" +Sci/Tech,Red Flag Warning Issued For LA County +World,Floods and mud kill more than 600 in Haiti +Sci/Tech,Five-Star Review of iMac G5 +Business,Fed raises key interest rate quarter point to 1.75 percent (AFP) +Business,"Dollar Off After Fed Hike, Inflation View" +World,"Haiti Flood Death Toll Nears 700, Likely to Rise" +World,Zarqawi Group Says Kills U.S. Hostage in Iraq +Business,Martha Stewart #39;s #39;Jail Me #39; Request Granted +Business,SBC Drives VoIP to Ford +Business,"INTERVIEW-As Starwood shifts focus, top execs to split work" +Business,Stride Rite Tries to Gain Traction +Business,PeopleSoft ties knot with IBM +Business,Inhibitex Outstrips Mixed Biotech Stocks +Sci/Tech,Sony launches new PlayStation 2 +Sci/Tech,Mitsubishi pulling out of large LCDs +Sci/Tech,E-Mail-Authentication Problems Spawn New Apps +Sci/Tech,Sun: We #39;ve turned over a new leaf +Sports,"BCCI kills tender, Zee cries foul" +World,"Haiti flood death toll nears 700, likely to rise" +World,Iraq Group Says Kills Second U.S. Hostage-TV +World,"Britain, Ireland Launch Bid to Close N.Irish Deal" +Sci/Tech,"Nintendo, Sony Make Pushes Before Holidays (AP)" +Sci/Tech,Pentagon Bid to Reform Absentee Voting Draws Fire (Reuters) +Sci/Tech,AMD Delivers New Mobile Processor (NewsFactor) +Sci/Tech,Nokia Revamps VPN System Security (NewsFactor) +World,"Feds could sell off real estate, improve buying to save billions: Brison (Canadian Press)" +Sci/Tech,Tuna Fish Stocks in Mediterranean in Danger-WWF (Reuters) +Business,Treasuries Up in Post-Fed Rollercoaster +World,Bush-Kerry draw sharp battle lines on Iraq (AFP) +Sci/Tech,The Balance Factor: Can You Handle Zero G? (SPACE.com) +Sci/Tech,The Sun's Travels and Why Fall is Nigh (SPACE.com) +Business,Martha Stewart to Prison in October +Business,"GTECH Thrives, but With a Wild Card" +Sci/Tech,U.S. Navy to Award Huge Satellite Contract Soon +Sci/Tech,Briefly: Sun makes financial pitch +Sci/Tech,PeopleSoft deepens ties with IBM +Sci/Tech,Sun makes financial pitch +Sci/Tech,Verizon sets up Iobi Home +Business,"Health, financial firms top Working Mother #39;s 100-best list" +Business,Tyco to Market Plug Power #39;s Generator +Sci/Tech,Sony #39;s smaller PS2 takes aim at Nintendo +Sci/Tech,New Mobile Athlon 64 Guns for Centrino +Sports," #39;I #39;m 100 Percent Innocent #39;, Says Hamilton" +Sports,Cricket: England beat Australia +Sports,A look around Conference USA +Sports,Breaking down the Big 12 North +World,Bush returns to UN to ask for help in Iraq as bloodshed threatens <b>...</b> +World,Collection of Nazi-Era Arms Opens +Sports,Vikings Likely Lose Rosenthal for Year (AP) +Sports,NBA Jazz to retire Stockton's number (AFP) +World,Mexican Government to Receive Dalai Lama (AP) +Sci/Tech,PeopleSoft Defies Oracle Ties Up with IBM (Reuters) +Business,Fed Raises Rates for Third Time This Year +Sci/Tech,Indian Monsoon Seen Below Normal on El Nino Effect (Reuters) +Business,Forex: Dollar Falls After Fed Rate Hike +World,American Who Won Cycling Gold Denies Blood Transfusions +Sci/Tech,Navy to Award \$6.4 Bln Satellite Contract +Sports,Caddying for my son at qualifying event was memorable experience +Sci/Tech,House Backs Crack Down on Video Voyeurs (AP) +Sci/Tech,Pentagon Blocks Access to Site for Overseas Voters (Reuters) +Business,S P: N.Y. State's Outlook Now Stable (Reuters) +Sports,Jazz to Retire Stockton's Number +World,Heinz Kerry's Persona Offsets Kerry (AP) +Business,Martha Stewart to Start Prison in October +Business,Oil Breaks \$47 as Supply Worries Linger +World,Indonesia poll cheers investors +World,Storm Floods Kill More Than 600 in Haiti +Sci/Tech,Mexico Churches Wage High-Tech War on Cell Phones +Sports,Jazz to retire Stockton #39;s number +World,Video shows beheading of American hostage +World,Colombian Faction Seeks Probe of Killing +Sci/Tech,Briefly: Verizon sets up Iobi Home +Sci/Tech,Samsung demos future memory chips +Sci/Tech,PeopleSoft's Conway maintains defiant tone +Business,Update 3: Lucent Cuts Retirees #39; Health Benefits +Sports,US Baseball: Twins Clinch AL Central Division Title +Sports,Seattle brothers held in killing Idaho football player +World,Second American hostage murder claimed as Bush appeals for help in <b>...</b> +World,Indo-Pak talks: Do they offer any hope? +Sci/Tech,Mexico Churches Wage High-Tech War on Cell Phones (Reuters) +World,Russia calls on North Korea to resume nuclear talks (AFP) +World,Federal finance minister expecting 'significant increase' in revenues (Canadian Press) +Business,Forex: Dollar Falls After Fed Hike +World,China sees Germany in UN Security Council +Business,Forex: Dollar Falls After Fed Hike +Business,OECD Forecasts Steady Economic Growth +Business,"Update 5: Prosecutor Says Enron Cheated, Lied" +Business,"Sun woos Wall Street with pricing, features" +Business,"Goldman Profit Rises 30 on Bond Trading, Banking (Update5)" +Business,Council Approves Canadian Drug Plan +Business,UPDATE 1-Fiat CEO says won #39;t delay GM put option again +Business,Minn. governor pushes airport expansion +Sci/Tech,AOL To Offer RSA Security #39;s Password Protection +Sci/Tech,Ask Jeeves Gets Personal +Sci/Tech,Q amp;A: Cybertrust CEO describes new security company #39;s plans +Sci/Tech,Study shows MP3 players entering mainstream society +Sci/Tech,GAO urges better oversight for air traffic system +Sci/Tech,CRTC hearings explore need to regulate Internet voice services +Sports,Bernhard Langer may step down +World,Iran defies N-agency +Sports,Jazz to Retire John Stockton's No. 12 (AP) +Sci/Tech,AOL Offers Added Security (PC World) +World,Nations Lobby to Expand Security Council (AP) +Sports,Two Arrested in Death of Idaho Player (AP) +World,Kerry Stakes Out Opposition Stance on War (AP) +World,Kissinger Urges Caution on Intel Chief (AP) +World,NHTSA Probes GM Minivan Door Injuries (AP) +Sci/Tech,Claims for Gulf Environment Damage Exorbitant-Iraq (Reuters) +Sci/Tech,Genetic Testing Challenges Medical Ethics (AP) +Business,Stewart to begin jail time by Oct. 8 +Sci/Tech,AOL Boosts Security +Sports,England finally ends dreary streak against Aussies +Sports,Lara: Let #39;s End on a High +Sports,Tampa Offense Remains Offensive +World,Group #39;kills second US hostage #39; +World,Haitians Left in Devasting Wake of Jeanne +World,"UN Reports More Darfur Violence, Displaced Camps on Edge" +Sports,Vikings Likely Lose Rosenthal for Year +World,Stewart Ordered to Prison Within 3 Weeks +World,Airlines Told to Turn Over Passenger Data +Business,PeopleSoft #39;s Conway Glib About Oracle in Keynote +Sci/Tech,AOL Offers Added Security +Sports,Time to take back good memories +Sports,Jazz retiring Stockton #39;s number +Sports,Seattle returns home after two huge road wins +World,Russian Officials Say Army Colonel Withdraws Pardon Request +Sci/Tech,Revamped eMusic Targets Indie Market (AP) +World,Belgian PM in Hospital After Car Accident -Agency (Reuters) +Business,Housing Construction Highest in 5 Months (AP) +World,"Brazil, Germany, India, Japan make joint appeal for UN council seat (AFP)" +Sci/Tech,First game for AMD 64-bit chip emerges +Sci/Tech,Feds order airlines to divulge passenger details +Sci/Tech,Q A: Cybertrust CEO describes new security company's plans +Sci/Tech,PeopleSoft CEO Conway maintains defiant tone +Sci/Tech,Philly's citywide mesh Wi-Fi net will be challenge +Sci/Tech,HP forms new blade group +Sci/Tech,"IBM, Boeing join forces to seek government IT contracts" +Sci/Tech,Gates and Ballmer get pay raises +Sci/Tech,"AOL, RSA, VeriSign push authentication services" +Sci/Tech,Microsoft sets sights on disk-to-disk backup +Sci/Tech,"Dell, Oracle offer server-database bundle" +Sci/Tech,"Sun woos Wall Street with pricing, features" +Business,Gender literacy gap growing +Business,JP Morgan Chase CFO Dina Dublon Resigns +Business,Genetically altered grass spreads like wildfire +Business,Spanish bank expanding US presence +Sci/Tech,AMD enters the 90-nanometer zone +Sci/Tech,Sony Releases New Smaller PlayStation 2 +Sci/Tech,Global MP3 market to reach 58 billion US dollars by 2008 +Sports,US cyclist ensnared in doping scandal +Sports,TO and Eagles gather no Moss +Sports,Makaay repeats his late goal show +World,Bush Urges World to Unite With Iraq +World,"Turkey must reform courts, warns Barroso" +Sci/Tech,Search Engines Can Read Macromedia FLASH SDK +Sports,Olympic Champ Hamilton Denies Wrongdoing (AP) +Sports,Mickelson's Great Year Ending on Sour Note (AP) +Sci/Tech,Biotech Grass Breeding Raises Concerns (AP) +Sports,The check #39;s in the syringe +World,Belgian PM in Hospital After Car Overturns -Agency +World,"Even in eager Kosovo, nation-building stalls" +World,Gaza settlers weigh price of withdrawal +World,How will Turkey respond to growing rebel violence? +Sports,PLAYERS MUST PROVE THEMSELVES - CURBS +World,Haitians Left in Devasting Wake of Jeanne +Business,Government opens first Enron trial +Business,OECD offering a brighter global outlook +Business,EU ready to approve Alitalia #39;s rescue plan +Business,"PeopleSoft Moves Ahead, Unveiling Major IBM Alliance" +Business,Update 2: JP Morgan Chase Reshuffles Top Management +Business,Night flights fuel dispute +Business,Spanish bank expands in US south +Sports,SOCCER: Ferdinand back but Silvestre shines +Sports,Vandals struggle to cope with shooting of player +World,Israel trade unions call general strike for Tuesday +Sci/Tech,"Canon debuts new professional SLR, Digital ELPHs" +Sci/Tech,"A9.com, advancing search" +Sports,Vols lose top linebacker for season with injury +World,Keeping India and Pakistan on track +Sports,Marseille #39;s European Cup winning #39;Sorcerer #39; dies +Business,Fed Raises Rates for Third Time This Year +Business,Stocks Gain After Fed Raises Rates +Business,Feds: Cigarette Makers Lied for 50 Years +Business,Disney Aims to Find Eisner Successor +Business,"Goldman, Lehman Post Strong Results" +Business,"PeopleSoft Defies Oracle Bid, Pursues IBM" +Business,JPMorgan Chase To Shuffle Management; Financial Chief To Leave +Business,Christopher amp; Banks 2Q Earnings Fall +Business,Sun Woos Financial Customers on Wall Street +Business,Spanish bank acquiring Laredo National Bank +Business,GM to Extend Interest-Free Loan Incentives-Dealers +Sci/Tech,Building a secure web of Cybertrust +Sci/Tech,Charles Arthur On Technology +Sci/Tech,"Canon Rolls Out Digicams, Photo Printer" +Sci/Tech,IDC: MP3 market #39;booming #39; +Sports,England beat Aussies to make final +Sports,Football: Dynamo Kiev Given Forfeit Victory Over AS Roma +Sports,Maradona returns to Cuba for treatment +Sports,Jets: Cowart will miss two to four weeks +Sports,Colchester 2-1 West Brom: FT Report +World,An Early Exit from Iraq? +World,WILL PUTIN PARDON BUDANOV? +World,Turkish firm pulls out of Iraq +World,Gaza settlers challenge withdrawal plan +World,Priest on trial over killing of 2000 Rwandans +Business,US Interest Rates Boosted for Third Straight Month +Business,Four mutual fund companies cited for improper trade: OSC spots <b>...</b> +Sports,"Black armbands for Clough, tears for Liverpool fans" +Sports,Chiefs #39; Holmes questionable for Sunday +World,U.S. Nuclear Shipment En Route to France (Reuters) +Sci/Tech,Lucent to deploy fixed/mobile network in Isle of Man +Sports,Halladay Activated to Start Against Yanks (AP) +World,Quebec to cut welfare payments for young recipients who are able to work (Canadian Press) +World,AdWatch: Kerry Hits Bush on Health Care (AP) +Sci/Tech,"Report: Artists Find Internet Useful, But Criticize File-Sharing" +Business,"PeopleSoft, IBM Strike \$1B Deal for Middleware" +Business,UPDATE 1-Adelphia groups itself into 7 clusters for sale +Sci/Tech,"Sony offers a smaller, book-size PlayStation 2" +Sci/Tech,TruSecure merger with Betrusted spawns CyberTrust +Sci/Tech,E-Mail-Authentication Problems Spawn New Apps +Sci/Tech,"FAA needs to broaden IT management, oversight, GAO says" +Sports,Victorious Vaughan on the right path to glory +Sports,France: Lyon use bizarre goal to earn victory at Toulouse +Sports,Bayern survive German Cup scare +Sports,US faces Belarus in semis this weekend +World,"Histadrut grounds airlines, frustrates passengers" +World,Bush calls on Israel to freeze settlements +Sci/Tech,Microsoft's government head to jump ship +Sci/Tech,"AMD, IBM extend chip-development deal" +Sci/Tech,First game arrives for AMD 64-bit chip +Sci/Tech,Sun faces stiff competition in networking +Sci/Tech,AT T forms Net phone alliance +Sci/Tech,Analysts Question Sun's Open-Source Solaris Plans (Ziff Davis) +World,World's pop stars band together for Myanmar's Suu Kyi (AFP) +Business,PeopleSoft tightens IBM ties as it fights off Oracle +Business,Jabil Posts Profit on Stronger Demand +Sci/Tech,ESA Findings: Mars Could Harbor Microbial Life +Sci/Tech,Microsoft to step up SP2 downloads +Sports,"Bonds, Clemens aging gracefully" +Sports,Megson rues missed chances +Sports,Rockets #39; Sura undergoes back surgery +Sports,Forsberg scores in Swedish league return +World,Kidnappers Kill Second American +World,IAEA Ultimatum to Iran Suits All Parties to the Row +World,Haiti faces major emergency as floods kill more than 700 +World,"Musharraf, Singh to discuss Kashmir: spokesman" +Sports,Woods Drops Out of 84 Lumber Classic +Sci/Tech,Lycos Screensaver down for indefinite period +World,Bush Accuses Kerry of New Contradictions on Iraq (Reuters) +Sci/Tech,"Cisco, NetApp and EMC focus in on storage software" +Business,EU: Alitalia plan good for future +Sports,Sports: Giants will keep Bonds in the dugout 2 more years +Sports,Rockets #39; Sura has back surgery +World,Annan Repeats Misgivings About Legality of Iraq War +World,Haiti rescuers face tough time +Business,JP Morgan Chase CFO Dina Dublon resigns +Sci/Tech,Microsoft to step up SP2 downloads +Sci/Tech,"Cisco, NetApp and EMC focus in on storage software" +Sports,Lyon escapes Toulouse with win +Business,Disney Board Aims to Find New CEO by June (Reuters) +World,U.S. Said to Sell Smart Bombs to Israel (AP) +Sci/Tech,EMusic to Launch Revamped Service (Reuters) +Sports,Rockets' guard Sura will start NBA season on bench (AFP) +Sci/Tech,Jabil Posts Profit on Stronger Demand (Reuters) +Sports,Tiger's Pullout Quiets 84 Lumber Classic (AP) +Business,US Airways Reaches Deal with Dispatchers +Business,Jabil Posts Profit on Stronger Demand +Business,French minister expresses concern over US dollar weakness +Business,First UK Islamic Bank opens doors +World,Haiti Death Toll Hits 691 After Storm +World,Bush Urges World to Unite With Iraq +Sci/Tech,Rover Missions Renewed as Mars Emerges from Behind Sun +Sci/Tech,Genetic Testing Challenges Medical Ethics +Sci/Tech,Walking May Ward Off Alzheimer's Disease +Sci/Tech,Biotech Grass Breeding Raises Concerns +Sci/Tech,Microsoft to step up SP2 downloads +Sci/Tech,"AMD, IBM extend chip development deal" +Sci/Tech,Sun readies tool support for 64-bit AMD systems +Sci/Tech,Exploit posted for Microsoft JPEG flaw +Sci/Tech,"IBM, PeopleSoft form alliance" +Business,Online Consumers Spend More This Holiday Season +Sci/Tech,Nintendo and Sony Make Pushes Before Holidays +Sci/Tech,Revamped eMusic.com Targets Indie Market +Sci/Tech,Congress Backs Crack Down on Video Voyeurs +Business,Near-bankrupt Alitalia approves relaunch plan +Sci/Tech,EMusic to Launch Revamped Service +Sports,Great year for Mickelson ending on a sour note +Sports,Giggs now enrolled in United 600 club +Sports,US media snub may hit bid +World,Scorpion queen breaks world record +World,US pushing Japan to be base for force extending reach to Middle East: report (AFP) +Sci/Tech,Hong Kong Scientists Advance the Fight Against SARS (Reuters) +Sci/Tech,University to Build Zebra Fish Center (AP) +Business,Circuit City Q3 same-store sales fall +World,"Haiti Flood Death Toll Rising, Hundreds Missing" +Sci/Tech,Software promises to read want-ads for you +Sports,Jets' Abraham Out With Sprained Ligament (AP) +Business,Fed raises key overnight lending rate by 25bps to 1.75 +Sci/Tech,Nintendo aims high with low-cost console +Sci/Tech,AOL: Serious about security - for a price +Sci/Tech,"Microsoft ready to make more big acquisitions, says CFO" +Sports,Hamilton Positive? +Sports,Bonds to remain with Giants through 2006 +Sports,Many hurdles ahead for Bonds to pass Aaron +World,Iranians defy world on nuclear issue +World,Kalashnikov targets vodka market +Business,Tesco turns up the heat as profits soar 24 +Sports,No Extra Security for A's Bullpen in Texas (AP) +World,Israel-Iraq Handshake at U.N. Makes News (AP) +Sci/Tech,PeopleSoft's Chief Executive Rallies His Troops Vs. Oracle (Investor's Business Daily) +Sci/Tech,Warming May Be Less Severe in Central U.S. (AP) +Sci/Tech,Co. Converts Buses Into Rolling Labs (AP) +World,Senate Panel OKs Bill to Expand DNA Tests (AP) +Business,Every little helps as Tesco continues to roll over rivals +Business,Conseco seeks to collect exec #39;s debt +Sports,"Olympic Games 2012 great stake for France #39;s sports, says French <b>...</b>" +Sci/Tech,Site promises to read want-ads for you +Sci/Tech,Microsoft appoints new public sector head +Sci/Tech,"SBC readies 50,000-node IP phone system at Ford" +Business,Sun looks for Wall Street comeback +Sports,Cyclist fails test for blood +Sports,Soccer legend Diego Maradona arrives in Cuba to resume drug <b>...</b> +World,"Rory McCarthy and Ghaith Abdul-Ahad in Baghdad, Helen Carter and <b>...</b>" +World,Another year eyed for SDF #39;s Iraq tour +Sports,Ryder Cup Just One More Disappointment for Woods +World,"In Shadow of 9/11, Hamburg Tracks Atta Contacts (Reuters)" +World,Web Site: 2nd U.S. Hostage Killed in Iraq (AP) +World,Tokyo Stocks Open Higher; U.S. Dollar Down (AP) +Sports,"I'm Still Ahead of Nicklaus's Pace, Says Woods" +World,CBS News on defensive as fresh revelations emerge on Bush report (AFP) +Sports,Ravens Add Ogden's Younger Brother to Practice Squad +World,Iraq Asks Pakistan for Troops; Georgia Volunteers +World,Walking May Ward Off Alzheimer's +World,Giants Give Up Right to Void Bonds' Deal +Sci/Tech,Sun foresees global pool of computing power +Sci/Tech,Will cell numbers be listed with 411? +Sports,Giants to Keep Bonds for at Least Two More Seasons +World,Convention Timing Gives Bush Money Edge (AP) +Business,Enron Pressured Merrill in Deal -Attorney +Sports,Chiefs' Holmes Questionable for Sunday +Sports,Can the Hornets Conquer the West? +Business,"Dollar Under Pressure, Focus on Fed" +World,Haiti Flood Death Toll Passes 700 +World,Group in Iraq Says Kills Second U.S. Hostage +World,A Defiant Iran Starts Enriching Uranium +Sports,LSU Tops AP Poll for 2nd Straight Week (AP) +Business,Internet ad tevenues jump +Sci/Tech,Sony Computer to launch worldwide sales of new PS2 console in Nov +Sci/Tech,Sun foresees global pool of computing power +Sports,A Cycling Medalist Denies Evidence of Doping +Sports,Tiger Woods PGA Tour 2005 +Sports,Beckham #39;s goal gives new Real Madrid coach win in debut +Sports,US out to restore pride in tie with Belarus +Sports,National Post +Sports,Prior can see team putting it together +Sports,Sports: Kennedy out for season with knee injury +Sports,Nate Archibald hired as coach of Jam +Sports,Making seamless transition to Paralympics will be a challenge <b>...</b> +World,The proper response to difficulty is not to retreat but to prevail <b>...</b> +World,Lebanese FM: Syrian troops will stay until Israel quits <b>...</b> +Business,Coles Myer Full-Year Profit Rises 44 on Sales Growth (Update1) +Business,Spain #39;s BBVA Acquires Laredo National Bancshares for \$850 Million +Sci/Tech,Nintendo to sell new game device +Sci/Tech,worm has turned for teen virus king +Sports,"I #39;m still ahead of Nicklaus #39;s pace, says Woods" +Sports,Giants to Keep Bonds for at Least Two More Seasons +Sports,Notes: Fans expected to behave +Business,Oil Holds Above \$46 Supply Worries Linger +Business,City comment +Sci/Tech,"Pulse News - September 21, 2004" +World,Haiti Flood Death Toll Passes 700 (Reuters) +Sci/Tech,Revamped EMusic Targets Indie Market (AP) +Business,Enron Pressured Merrill in Deal -Attorney (Reuters) +World,Group in Iraq Says Kills Second U.S. Hostage (Reuters) +Sci/Tech,Tresnet AB Contracts with 3Com +Sports,"Winslow, Two Other Browns Undergo Surgery (Reuters)" +Sports,Can the Hornets Conquer the West? (Reuters) +Sci/Tech,Russia to Help Train South Korean Astronaut by 2007 (Reuters) +Sci/Tech,Report: Worker confidence up +Sci/Tech,"Briefly: House takes on piracy, 'video voyeurism'" +Business,UK growth prediction upgraded by think-tank +Sports,"Montreal Expos all but gone after this season, says team president" +Sports,Notes: Sweeney #39;s season finished +Sports,Turner expects Beutjer to start vs. Purdue +Sci/Tech,iMac G5: Coolest Computer Ever +World,Iran Defies U.N. Nuclear Watchdog (AP) +Sci/Tech,"Lucent, mm02 Partner on 3G Wireless" +World,Japan seeks UN payback with permanent Security Council seat (AFP) +World,Vancouver mayor says he wants Ottawa's permission for safe inhalation site (Canadian Press) +Sci/Tech,"Gene-Modified Grass Spreads Far, U.S. Study Finds (Reuters)" +World,Brazilians get tough new gun law +World,Court clears Trevi of sex charges +World,US intelligence reform 'too fast' +Sci/Tech,IBM Wins Lloyds TSB Network Contract +World,"2 Assessments of Iraq, 2 Election Strategies" +World,Islamist Web Site Reports Beheading of Second American +Sports,"Bowden Bowl VI brings similar challenge to father, son" +World,"Iraq, Afghanistan seek continued aid" +Sci/Tech,"Fujitsu, Cisco to Develop Routers, Switches" +Sci/Tech,Latest Colaborata Upgrade Bows (Reuters) +Sports,Thin Crowd Watches Expos Beat Mets 6-1 (AP) +Sports,Home Games Scrapped +Sports,NHLers Hit Europe +Sports,Imoh Returns +Sports,No Lumber for Woods +Sports,Two Arrested in Shooting Death of Idaho Cornerback +Sports,Vikings Impress in Loss +Sports,Ramsey Is Likely Starter +Business,Rose admits to #39;dismal #39; M amp;S sales +Business,Job fears as Deutsche culls chiefs +Business,Tesco reigns supreme as it announces 24 rise in profits +Sci/Tech,"Mars Rovers #39; Mission Extends with New Goals, New Funding" +Sports,"Champ Twins, Cards chase one more goal: the home-field edge" +Sports,"Devil Rays 7, Royals 4" +Sports,"Expos 6, Mets 1" +Business,"NASD fines Morgan Stanley \$100,000" +World,Report: 10 Held in Alleged Embassy Plot (AP) +World,Malaysia's Anwar mulls multi-party alliance (AFP) +Sci/Tech,Agency to Designate Habitat for Dragonfly (AP) +World,"Kerry, Bush exchange blows over Iraq as president addresses UN (AFP)" +Business,"US, EU to give negotiations on Boeing-Airbus subsidy row more time" +Sports,Eagles Solve Culpepper-Moss Problem +World,The Former Cat Stevens Gets Plane Diverted +World,Giambi Ends Slump As Yanks Beat Blue Jays +Sci/Tech,MCI Not Liable for Legal Costs From SEC Probe +Sci/Tech,Critics Say Bill Could Trigger Flood of Faxes +World,Rumsfeld Sees U.S. Troops Leaving Iraq Within 4 Years +Business,Nikkei Reverses Opening Gains (Reuters) +Business,Growing Signs of a Slowing on Wall Street +Business,Appeals court cuts punitive damages in tobacco suit to \$50 million +Sci/Tech,Blogs look burly after kicking sand on CBS +Sports,Woods withdraws from 84 Lumber Classic +Sports,Manchester United #39;s Keane faces assault charge +Sports,Nottingham Forest lead tributes to Clough +Sports,Eagles Solve Culpepper-Moss Problem +Sports,"Rangers 9, Athletics 4" +Sports,The District #39;s Play at the Plate Is Going to Be Very Close +World,"Bush Stands His Ground, Sets Himself Apart" +World,Both American hostages beheaded +World,Venezuela gives US\$1m to Haiti after tropical storm Jeanne +Sci/Tech,NASA Extends Mars Rover Mission 6 Months (AP) +Sports,NL Wrap: Cubs Earn 10th-Inning Win in Pittsburgh (Reuters) +World,Terrorist attacks abroad fail to dent Australia's sense of security (AFP) +Sports,NL Wrap: Cubs Earn 10th-Inning Win in Pittsburgh +World,Parts of Ariz. Border Crackdown Continue (AP) +Business,Japan Stocks Shed Early Gains +Business,Stewart gets deadline +Business,The Last Raise for Gates and Ballmer? +Business,Dollar Claws Back from Losses +Sci/Tech,Security firms merge to form Cybertrust +Sci/Tech,Rover Missions Renewed As Mars Emerges From Behind Sun +Sci/Tech,Rise of the Botnets +Sports,Roma pay for referee incident with loss of game +Sports,Eriksson and Gerrard add to England woe +World,Turkey not yet ready for EU entry: Barroso +World,Al-Qaeda leader obtained Australian visa +Business,Japan trade surplus in shock fall +Sports,A modified R24 for China +Sports,D.C. Unveils Stadium Plan +Business,Growing Signs of a Slowing on Wall Street +World,The Former Cat Stevens Gets Plane Diverted +World,"Russian Drug Unit Maligned Over Dubious Tactics, Priorities" +Business,Fed pushes interest rates up again +Business,Spain #39;s BBVA to acquire Texas-based financial group +Business,Wind disperses genes of bioengineered grass +Sci/Tech,Nintendo's Newest Product Aims for Adults +World,Bush defends Iraq war +World,Belgian PM in Car Crash +Sci/Tech,Navy to Award #36;6.4 Bln Satellite Contract (Reuters) +Sports,This Date in Baseball (AP) +Business,Legal Loophole Inflates Profits in Student Loans +Sports,PONTING BACKS VAUGHAN #39;S MEN +Sports,Notes: Kennedy lost for season +Sci/Tech,Antarctic Glaciers Melting Faster -Study +Sci/Tech,Government Source Code Review Program Expanded to Office +Sports,Clampdown on AS Roma +Sports,SI.com +World,Watching Bush and Putin +World,Cat Stevens sparks US alert +Business,Disney to Hire Search Firm to Find New Chief by June +Business,Enron fraud trial starts +Business,OECD lifts forecast for First World economies +Sci/Tech,New Nintendo hand-held game device to debut in US +Sci/Tech,Mars Rovers to Keep Rolling +Sports,American League Game Summary - Kansas City at Tampa Bay +World,"Conversion of uranium to continue, vows Iran" +World,Haiti Death Toll Rises to 700-Plus +World,Iraqi army revival discussed +World,Syrian pullback of some forces near Beirut meets with skepticism? +Business,"PeopleSoft, Unfazed, Announces 5-Year Pact With IBM" +Sci/Tech,Lawyer outed as source of forged-memo claim +Sports,Zee to file petition in SC +Sports,American League Game Summary - Oakland at Texas +World,"Bush: No apology, no retreat on Iraq" +Business,Coles Myer rings up record profit +Business,Tech Briefs +Business,Deutsche Bank #39;s Chief Shuffles Top Executive Ranks +Business,"JPMorgan #39;s Dimon, Three Months on Job, Reshuffles Leadership" +Business,Smoker #39;s award cut to \$50M from \$3B +Sci/Tech,Analysis: Guard memo blunder raises questions about future of #39;60 <b>...</b> +Sci/Tech,Music player market on a high +Sports,"AL Wrap: Red Sox Edge Orioles, Keep Pace with Yankees" +Sports,NL Wrap: Cubs Earn 10th-Inning Win in Pittsburgh +Business,Commodities power Goldman profit +World,Tropical storm kills over 622 in Haiti +Sports,Giants Clobber Astros 9-2 (AP) +Sports,Padres Defeat Dodgers 9-4 (AP) +Business,U.S. Oil Clings Near #36;47 (Reuters) +Business,U.S. Oil Clings Near \$47 +Business,Dollar Regains Some Ground Lost +Sports,Cubs Stay Hot +Sports,Ichiro Raps Five Hits +World,Giants Clobber Astros 9-2 +Business,Iger is board #39;s Disney guy +Business,More cheer in retail ahead +Business,Insurer receives #39;Wells notice #39; over PNC transactions +Sci/Tech,AMD extends chip deal with IBM +Sci/Tech,Microsoft looks to quicken Windows XP SP2 adoption +Sports,Yankees beat Blue Jays 5-3 to stay 4 1-2 games ahead of Boston in <b>...</b> +Sci/Tech,Search Marketing in Europe +Business,Wall St. on trial over Enron +Business,Coles Myer Second-Half Profit Rises 26 on Groceries (Update3) +Business,Albertsons shops in gourmet aisle with purchase of Bristol Farms +Sci/Tech,No proof of mobile health risk: Nordic countries +Sports,Hamilton may lose gold medal +Sports,BCCI cancels own telecast rights tender +Sports,Bellhorn comes up big for Red Sox +World,Top al-Qaida figure got Australian tourist visa in Aug 2001 +World, quot;Friedrich Christian Flick Collection quot; +Sci/Tech,"PeopleSoft, Unfazed, Announces 5-Year Pact With I.B.M." +Sci/Tech,Nintendo and Sony Square Off in Handheld Game Market +World,Spain's San Sebastian festival shows filmmaking still a man's world (AFP) +World,Fishermen Attack Galapagos Protesters (AP) +World,Four nations launch UN seat bid +World,Pakistan and US hold terror talks +Business,Fed ups rate by quarter point +Business,Bank stocks climb on earnings reports +Business,PeopleSoft CEO: #39;We will not blink #39; in fight against Oracle +Sci/Tech,Sun wants computing to be commodity +Sci/Tech,NASA rovers will explore Mars for six more months +Sci/Tech,Verizon launches Iobi phone manager service +Sci/Tech,Mobile phones are safe say Nordic boffins +Sports,"Expected, unexpected for M #39;s" +World,New Wave of Colombia Drug Kingpins Emerges (AP) +World,Iraq woman prisoner 'to be freed' +World,Air pollution causes five million deaths each year in India: minister (AFP) +Business,Spanish giant has deal to buy Laredo National +Sports,"Jacques Villeneuve, Schumacher, other Formula One stars arrive in <b>...</b>" +World,Bush defends decision to invade Iraq at UN General Assembly +World,Second US hostage beheaded +World,Islam is being targetted +World,Nikkei Hits One-Month Closing Low (Reuters) +Business,Shell seeks to reassure investors +Business,Group to lobby Ford over Jaguar +Business,ADB lowers India #39;s 2005 growth forecast to 6 +Sports,Doping probe may tarnish Tyler: Marblehead cyclist could lose <b>...</b> +World,Al-Qaida eyed Australia since 2001 +Business,"Alitalia board approves relaunch plan: 3,700 employees to be <b>...</b>" +Business,Stewart to start serving prison time by Oct. 8 +Business,Disney #39;s board eyeing Iger to replace Eisner +Business,"Coles delivers record profit, positive outlook" +Business,TD Waterhouse settles SEC case +Sci/Tech,New Data Strengthen Mars Life Evidence +Sci/Tech,Blocking out the bad +Sci/Tech,Ireland blocks 13 countries after net scams +Sports,NATIONAL LEAGUE: Giants rock Astros; Cubs survive in 10 +Sports,"GAME 150: Indians 8, Tigers 7" +World,"Urges nations to aid Iraq, promote rights" +World,Ruddock defends intel on Khalid +World,Asia terror affects Australia elections +World,Striking Israelis Defy Court Order +Business,Profit may silence critics: Coles Myer +Business,Lucent Technologies cuts benefits for more retirees +World,Outside View: In Arafat #39;s footsteps +World,Britain Hopes and Prays for Hostage in Iraq (Reuters) +World,"Explosion in Baghdad Kills One, Wounds 47 (AP)" +Business,Rising oil prices hit Japan's trade surplus (AFP) +Sports,Maria Sharapova Advances in China Open (AP) +World,Australian PM outlines softer image for fourth term (AFP) +Sci/Tech,"Report: Prosecutors, CA Reach Accord (Reuters)" +Business,Nikkei Hits One-Month Closing Low +World,Britain Hopes and Prays for Hostage in Iraq +Sci/Tech,Genetic Testing Challenges Medical Ethics (AP) +Sports,End the steroid guilt by (players) association +World,S.Korea's Roh Says No Need to Rush North Atom Talks +Business,ADB sees stronger growth in Asia +Sports,Singh named PGA Tour Player of Year +World,"South Korea Completes Iraq Deployment of 2,800 Troops" +World,Car blast rocks western Baghdad +World,Yudhoyono close to poll victory +Sci/Tech,Ask K5: Meeting locals when travelling +World,Passenger Cat Stevens Gets Plane Diverted +World,U.N. to Deliver Aid to Haiti After Floods +World,Airlines Told to Turn Over Passenger Data +Sci/Tech,Option Says New Mobile Data Card to Launch in Nov. +Business,Disney to name CEO by June +Business,Verizon opts out of mobile directory +Sci/Tech,Security Fears Still Blocking WLAN Adoption +Sci/Tech,Gizmondo to use NVIDIA GoForce 3D 4500 GPU +Sports,Bosox claw back +World,UN Faces New Challenges to Peace +World,Australia Labour #39;s lead erodes +Business,"Fed lifts rate, says economy picking up" +Business,Nintendo DS will be on shelves in time for Christmas season +Business,"Report: Prosecutors, CA Reach Accord" +Business,ADB lifts China 2004 GDP growth forecast to 8.8 +Sci/Tech,Sun: We #39;ve turned over a new leaf +Sci/Tech,How to get the most out of Microsoft #39;s SP2 +Sci/Tech,Blocking JPEGs No Defense Against Windows Vulnerability +Sci/Tech,Ireland blocks calls to rub out Internet scam +Sports,Red Sox crack down on scalping +Sports,Ichiro notches 5 more hits +Sports,Man United midfielder Roy Keane charged with assault +Sports,"AS Roma feels sting of UEFA sanctions, including a forfeit loss" +Sports,Phillies #39; Florida futility is finally over +Sports,Giants gain on Dodgers +World,Bush defiant at UN +World,Hostage drama: Demand met +World,Haiti swamped by tropical storm +World,UK rejects UN sanctions on Sudan +Sci/Tech,"Masai, Whites and Wildlife: No Peaceable Kingdom" +Sports,CL Preview: Arsenal-Rosenborg +Sci/Tech,US House cracks down on Internet-age peeping Toms (AFP) +Sci/Tech,AOL To Offer RSA Security's Password Protection (TechWeb) +Sci/Tech,Settlement May Be Near In Code-Theft Dispute (TechWeb) +Sports,The 'W' he gets for this is: Wow +Sports,A position of strength +Sports,"Garciaparra on mend, expected to return tonight" +Sports,NL notables +Sports,"Giambi, Yankees prevail" +Sports,Kim rejoins team; role uncertain +Sports,Old teammate is a backer +Sports,Denver's Pryce out 4-6 weeks +Sports,Stepping right into it +Sports,Brown playing backup +Business,"In old North End, new plans" +Business,Time to play ball? +Business,Contract flap cuts off Delta food service +Business,Mass. colleges awarded grant for nanotech +Business,AIG says lawsuit pondered by SEC Accounting ploy at PNC is alleged +Business,Home building surges +Business,Verizon launches 'Iobi' service +Business,Supply worries lift oil prices +Business,"Judge grants Stewart's request to start serving term, urges Conn. or Fla. sites" +Business,"Nintendo, Sony try to kindle demand ahead of holidays" +Business,Two MFS funds to be terminated +Business,6 ex-officials face fraud charges in 1st criminal trial over Enron +Business,FDA's home county eyes Canadian drugs +Business,PeopleSoft sets initiatives despite Oracle bid +Business,Theme park meets office +World,Militants say 2d US hostage killed +World,"At UN, Bush defends war" +World,"At UN, Bush still finds his Iraq plan hard to sell" +World,Studies: Walking May Ward Off Alzheimer's +World,Tobacco Industry Defends Itself From Feds +Sci/Tech,Philly Plans to Become One Big Hot Spot +Business,"Holiday sales: Jolly, not jubilant" +Business,ADB sees stronger growth in Asia +Business,Home building surges +Sci/Tech,Cami to get \$100M boost +Sci/Tech,AT amp;T forms Net phone alliance +Sports,Upcoming Golf +Sports,Ichiro leads swingin #39; singles in M #39;s 7-3 win over Angels +World,"No retreat on Iraq, Bush vows" +World,Tehran preparing uranium for enrichment +World,Jeanne #39;s floods kill 691 in Haiti +World,No LoC talks with Manmohan: Musharraf +Sci/Tech,Brits against warned against #39;iTrip #39; +Sports,"Giants Beat Astros, Boost Playoff Hopes (AP)" +World,IT firm blazes trail in revolt-hit Indian Kashmir (AFP) +World,"Terror mastermind obtained visa to visit Australia, government admits (AFP)" +Sci/Tech,Sweeping View of Saturn #39;s Rings +Business,Nikkei Hits One-Month Closing Low +Sci/Tech,AMD Opteron Chills Out with Power Management +Sci/Tech,Judge Strikes Down Campaign Finance Rules +World,A Cautious Reformer as Indonesia's Next President +Sci/Tech,Infineon Executives Pay High Price +Business,Oil prices continue to rise +Business,"Nintendo, Sony devices to target holiday shoppers" +Business,"Goldman, Lehman profits rise" +Business,BBVA to buy Texas bank Laredo National for \$850 million +Sci/Tech,Sony Computer To Launch Worldwide Sales of New PS2 +Sci/Tech,Sun foresees global pool of computing power +Sci/Tech,Antarctic Glacier Flows Accelerating +Sci/Tech,Microsoft JPEG Flaw Exploited +Sports,Beckham boots Real to victory +Sports,Never in doubt +Sports,Ichiro hits stride - again +World,Bush gives hell to UN +World,Tehran defiant +World,"US giving Israel 5,000 bombs" +Business,Crude Steady Near 1-Month High on Concern About Russian Supply +Business,Shell unveils \$4B in plans +Sports,Ball Notes +Sports,Phillies end Florida frustration +Sports,Farewell Sir Brian +Sports,Twins #39; formula is No. 1 +World,Time magazines #39; report on J amp;K draws ire +Sci/Tech,Philly Plans to Become One Big Hot Spot (PC World) +Business,U.S. Treasuries Drift Lower +Sports,Sharapova Eases Through in Beijing +World,U.S. Frees 11 Afghan Prisoners at Karzai's Request +World,S.Korea's Roh Says No Need to Rush North Atom Talks +World,Nigeria's 'Taleban' attack police +World,U.S. Seeks Cuts in Housing Aid to Urban Poor +World,Italy Detects Latest Case of Mad Cow (AP) +Sci/Tech,Iran's protest blogger numbers grow +World,U.S. Frees 11 Afghan Prisoners at Karzai's Request (Reuters) +World,Zarqawi group renews threat to kill British hostage (AFP) +Business,"Reports: Prosecutors, CA Reach Accord" +Business,Merrill Exec to Testify in Sex Bias Case +Sports,Transactions +Sports,Magazine's award to Klitschko rings hollow +Business,Disney begins new CEO hunt +Sci/Tech,AMD and IBM to share chip technology for three more years +Sci/Tech,Microsoft #39;s government head to jump ship +Sci/Tech,Nvidia rolls wireless media processor +Sci/Tech,NSF Announces Two Cybersecurity Centers To Study Internet <b>...</b> +Sports,It #39;s the Me Generation +Sports,Bettman blames union +World,Car bomb targets Iraqi police +World,South Korea says troops successfully deployed to northern Iraq +World,Sharon renews threat to Arafat +World,Third US Soldier Killed in Afghan Clashes +Sci/Tech,Dial 4-1-1 for Cell Phone Numbers? (PC World) +Sci/Tech,PeopleSoft CEO rallies support (TheDeal.com) +Sci/Tech,Plan Would Turn Restore Wash. Estuary (AP) +World,'Fake marriages network' smashed +World,Smallest 'guitar string' to weigh atoms +World,Iraq Promises to Release Woman Prisoner +Business,ADB upgrades RP #39;s GDP growth forecast +Business,Retailers predict modest rise in holiday spending +Business,Dial 4-1-1 for Cell Phone Numbers? +Business,Total Signs Draft Agreement for Novatek +World,In Our View: Sanctions not enough for Sudan +World,Car Bomb in Baghdad Kills at Least 11 +Sci/Tech,Smallest 'guitar string' to weigh atoms +Sci/Tech,Flying cars swoop to the rescue +Sci/Tech,Dial 4-1-1 for Cell Phone Numbers? +Business,Shell to boost production +Sports,West Indies v Pakistan +Sports,"Glock in at Jordan, Pantano out" +World,Belgium #39;s Verhofstadt to Resume DHL Talks Following Car Crash +World,Pardon request draws Chechens #39; ire +Sci/Tech,Activists Find More E-Vote Flaws +Sci/Tech,Uncle Sam Wants Your Airwaves +Sci/Tech,Airlines Told to Cough Up Data +Sci/Tech,Refreshing Drinks of Fresh Air +Sci/Tech,Blogging the Story Alive +Sci/Tech,Remixing to Protest Sample Ruling +Sci/Tech,Hack Attack Gums Up Authorize.Net +Business,"Reports: Prosecutors, CA Reach Accord (Reuters)" +World,Canada offers up to 500 observers for Ukraine election (Canadian Press) +Business,U.S. Treasuries Drift Lower (Reuters) +World,"Bush, Annan Spar Over Iraq War at U.N. (AP)" +Business,Norwich Union moves jobs to Asia +Business,General Mills posts loss but Wall St. firms fare well +Business,Aviva to move 950 jobs to Asia +Sci/Tech,Speed of glaciers #39; flow spurs concern +Sci/Tech,Egyptians wanted pets to join them in paradise +Sci/Tech,Nvidia #39;s GoForce 3D 4500 for Phones +Sports,Fire in hot pursuit of US Open title +World,Kerry says Bush trying to shift topic +World,"Some 600 killed, 1,000 missing and presumed dead in Haiti: premier" +World,Harvest time in Indonesia +World,Belgium row over night flights +World,Iran Calls on World to Recognize Its Atomic Rights (Reuters) +World,Lebanon Says Suspects Linked to Extremists (AP) +World,Six family members hanged in Egypt over killing spree (AFP) +World,Pakistan win toss and bat against West Indies (AFP) +Sports,"Cowboys, Seahawks Look for Winning Edge (AP)" +Business,"Wall St Set to Dip, Bank Results Dominate" +World,Iran Calls on World to Recognize Its Atomic Rights +Business,Insurer Aviva to Create 950 Jobs in India +Business,PeopleSoft goes a bundle on IBM +Business,"Oil major eyes buybacks, \$10 billion in divestments" +Business,Disney board goes shopping for a CEO +Business,UPDATE: Investors Favor James Hardie Despite Findings +Sci/Tech,Can Cybertrust BeTrusted to keep your networks TruSecure? +Sci/Tech,Dozens killed in Baghdad car bomb +Sci/Tech,"San extensions are top network priority, claims Cisco" +Sports,Hamilton fails doping test +Sports,2-run single by Bellhorn lifts Boston +World,"South Korea completes deployment of 2,800 troops in Iraq" +World,Report: Marlon Brando's Ashes Scattered +Business,"Wall St Set to Dip, Bank Results Dominate (Reuters)" +Sports,Giants commit to Bonds for #39;06 +Sports,Kim Back on Red Sox #39; Roster +Sports,A bit of history +World,Shell to boost investment to replace missing barrels (AFP) +World,Sharon Insists Gaza Pullout Will Go Ahead (AP) +Sci/Tech,Takeover bid clouds PeopleSoft meeting (SiliconValley.com) +Business,"US Treasuries Up, Long-End Leads the Way" +Business,Dollar Struggles Up After Stumble +Business,Federal Reserve raises rate again +Business,Shell seeks to reassure investors +Business,Bob Carr takes aim at Hardie #39;s +Sci/Tech,Plan for refuge would turn farmland back to marshes and mudflats +Sports,A #39;S NOTEBOOK Security makes its presence known +World,Govt defends visa checks +Sci/Tech,Google Ad Policies To Be Expanded Publicly +Business,Norwich Union moves 950 jobs to Far East +Business,BBVA to Keep Laredo Chairman Jacobs and Back Expansion Plans +Sports,GIANTS NOTEBOOK Bonds receives guarantee for #39;06 Reworked contract <b>...</b> +World,S.Korea's Roh Says No Need to Rush North Atom Talks (Reuters) +World,"Under security cover, trucks move into Manipur (Reuters)" +Business,Kodak Reiterates Outlook +Business,"US Stocks Set for Lower Open, Oil Weighs" +Business,Mortgage Applications Rise in Week +Sports,Strike May Be Last Chance to Save Japanese Baseball +World,Iraqi Officials Say Prisoner Will Be Freed +Business,Interstate Bakeries files bankruptcy +Business,"Aviva to move 7,000 jobs to Asia" +Business,Tech Briefs +Business,Total to take 25 stake in Russian gas producer Novatek +Sports,DOORNBOS HANDED JORDAN CHANCE +Sports,At Least Someone Wants to Play Here +World,Turkish Opposition Party: Penal Code should be Ready by October 6 +World,Brother sees 'glimmer of hope' for Briton held in Iraq (AFP) +Sci/Tech,Senate Panel Adds NASA Money to Spending Bill (Reuters) +Business,French budget to control deficit +World,Mobile users 'want cheaper calls' +Sci/Tech,Vodafone launches ten 3G sets +Business,Oil hits \$47 as supply worries +Business,ADB downgrades India #39;s growth forecast to 6.5 percent +Business,Lucent eyes retiree benefit cuts +Sci/Tech,Slimmed-Down Playstation Launched +Sci/Tech,Cisco fabric switches optimized for SAN extension +Sci/Tech,"AMD, IBM extend chip-development deal" +Sci/Tech,Nvidia launches graphics processor for mobile apps +World,Jeanne kills nearly 700 in Haiti +World,Syrian Troop Redeployment Said Meaningless +World,Patriotic Provocation +World,Interest rates may rise in November +Sci/Tech,Wireless data gamble +Business,Yukos #39;s Theede Says Putin May Agree to Save Yugansk (Update5) +Business,Kodak Reiterates Outlook +Business,Mortgage Applications Rise in Week +Business,Stocks to Watch on Sept. 22 +World,Africa 'better in colonial times' +World,Italy launches anti-mafia raids +Business,"Enron Side Deal With Merrill Lynch Was A Sham, Prosecutors Allege" +Business,Kodak Reaffirms Earnings Outlook +Business,PeopleSoft reveals alliance with IBM +Business,Mitsubishi Motors bids to revive financing unit +Business,First Islamic Bank Opens for UK Muslims +Business,Interstate Bakeries Files for Bankruptcy (Reuters) +Business,Kodak Reiterates Outlook (Reuters) +World,Israel's Sharon: Arafat Will 'Get What He Deserves' (Reuters) +Business,FedEx Quarterly Earnings More Than Double (Reuters) +Sci/Tech,Can IM morph into #39;instant music #39;? +Sci/Tech,Sun has its head in the clouds +Sci/Tech,Russia Plans Space Station Launch on Oct. 11 +Sci/Tech,NASA pumps \$400m into nuclear space probe +Sports,Button hearing adjourned to October 16 +Sports,Giants closing in on Dodgers +Sports,US rosters set for swimming world meet +Business,Dollar Recovers Footing After Fed (Reuters) +World,Haiti Storm Death Toll Soars as Bodies Pile-Up +World,Sharon: Syria trying to deflect US pressure +World,US ignoring root causes of terror +World,Car Bomb Rocks Western Baghdad +World,PM faces tough nut to crack in Brussels +World,EU tentatively agrees to lift embargo on Libya (AFP) +World,Zee takes cricket TV rights fight to Supreme Court (Reuters) +Sci/Tech,SingTel poised to launch first 3G service in Southeast Asia (AFP) +Business,FedEx Quarterly Earnings More Than Double +World,Texas grand jury indicts fundraisers with DeLay ties (Chicago Tribune) +Business,Dollar Recovers Footing After Fed +Business,ConAgra Profit Falls as Prices Rise +Business,Morgan Stanley Quarterly Earnings Fall +Business,Oil Holds Near \$47 +World,Israel's Sharon: Arafat Will 'Get What He Deserves' +Business,U.S. Orders Airlines to Release Fliers' Data +Business,Tax credit compensation nears 1m +Business,US Steel Returns to Homestead Works +World,Murder charges in Gujarat trial +World,Giants Beat Astros to Keep Wild Card Lead +World,Minn. Trooper Writes 205 Mph Ticket +World,Rate Hike May Push Stock Market Lower +World,Iraq Turns Over Decapitated Corpse to U.S. +World,Iraq Officials to Free Woman Prisoner +World,10 Afghans Released From Guatanamo Bay +Business,Regional Bank Forecasts Stronger Growth for Developing Asian <b>...</b> +Business,FedEx Meets 1Q Wall Street Estimates +Business,Norwich Union axes 950 jobs +Business,Shell sets \$45B investment program +Business,Vodafone #39;s New Handsets To Beat Rivals +Business,Total to buy 25 stake in Novatek for about \$1 bn +Sci/Tech,AMD and IBM spread the love +Sports,Telecast rights: Zee files writ petition in SC +World,Musharraf May Remain as Pakistan #39;s Military Chief +Sci/Tech,Modem fraud forces Irish call ban +Sci/Tech,"PeopleSoft Defies Oracle Bid, Pursues IBM" +Sci/Tech,Lucent Cutting Retiree Benefits Again +Sci/Tech,Jabil Posts Profit on Stronger Demand +Sci/Tech,Adelphia Plans to Sell Assets in Clusters +Sci/Tech,Revamped EMusic Targets Indie Market +Sci/Tech,Space Technology Creates New Era in Cosmetics +Sci/Tech,Coping with Contamination in the Search for Life +Sci/Tech,Companies Expand Services for Working Mothers +Sci/Tech,Reports: CA may escape charges in DOJ deal +Business,Electronic Payments Surpass Checks +Sci/Tech,Microsoft tests online radio station +Sci/Tech,Sun Microsystems Sets Sights on Low-End Market +Business,Gold Fields to Shrug Off Harmony #39;s Voting Bid +Sci/Tech,Sun Sets Sights on Low-End Market (AP) +Sci/Tech,Software Co. PeopleSoft Tightens IBM Ties (AP) +Business,"Stocks Seen Lower as Oil, Cisco Weigh" +Business,Iranian MPs back investment veto +World,Haiti floods spark disease fears +Sci/Tech,Human Cells Make Morphine +Business,Nintendo aims high with low-cost console +Business,"Aviva to hire 3,300 in India, Lanka for offshoring biz" +Sci/Tech,Ireland bars South Pacific in rogue dialler crackdown +Sci/Tech,Mars rovers given six more months +Sci/Tech,Strong sales forecast for digital audio players +Sci/Tech,AT amp;T forms VoIP interop program +Sports,Windies skittle Pakistan +Sports,Roma punished for ref incident +World,EU officials back Libya arms embargo end +World,Canadian woman missing for 2 weeks rescued in northern Iraq by U.S. forces (Canadian Press) +Business,Interstate Bakeries Files for Bankruptcy +Business,Kodak: Digital Imaging Growing Faster +Business,"Stocks Set for Lower Open, Earnings Weigh" +World,Lebanon 'thwarts al-Qaeda plot' +World,Ice collapse speeds up glaciers +Business,Fed puts up US interest rates again +Business,Oil prices rise again over Yukos fears +Business,Update 1: FedEx Meets 1Q Wall Street Estimates +Business,Kodak: Digital Imaging Growing Faster +Business,Shell to boost investment to replace missing oil reserves +Sci/Tech,Phone fraud crackdown cuts off 13 countries +Sci/Tech,House takes aim at identity thieves +Sports,Two Powerlifters Test Positive For Banned Substances +World,Suicide attacker detonates car bomb in central Baghdad +Business,3 firms here are best for mothers +World,Helicopter Carrying Politicians Crashes in East India (Reuters) +Business,FedEx Earnings More Than Double +Business,Splenda Is Splendid +World,Crime detection figures on slide +Business,"UPDATE 3-Morgan Stanley profit falls 34 pct, shares drop" +Business,Top 10 Portfolio Pitfalls +Sci/Tech,Ice collapse speeds up glaciers +Sports,Becks and co get the grief as Real boo boys vent frustrations +World,Sharon hints at Arafat assassination +World,US Frees 11 Afghan Prisoners at Karzai #39;s Request +Business,Disappointing Earnings Send Stocks Lower +Business,"Aviva to shift 950 jobs to India, Sri Lanka" +Business,Computer Associates Set for Criminal Arraignment (Update3) +Sci/Tech,Rovers Get Six More Months To Explore Mars +Sci/Tech,Voda plays Santa with 3G bonanza +Sports,Serena edges out Safina +Sports,Button contract squabble delayed +World,"US, Iraqi troops clash with insurgents in Sadr City" +Business,Norwich Union to move thousands of jobs abroad +Business,China economy seen growing 8.8 in 2004: ADB +Business,"Insurer Aviva to move 950 more jobs to India, Sri Lanka" +Business,US Airways reaches giveback deal with dispatchers +Sci/Tech,NASA funds extension of Mars rovers mission +Sci/Tech,Sun intros pay-per-use grid computing +Sports,ESPN-Star threatens legal action against Zee #39;s Chandra +Sports,West Indies set 132 to win +Sports,Tennis: Sharapova slams Panova in Beijing +Sports,Soccer: Beckham gives Real a slender victory +Sports,GERRARD ALLAYS FEARS +Sports,Globetrotters wave \$1 mil at Argentina +World,Iran atom stance firm +World,Sharon Again Threatens Action Against Arafat +World,EU to end Libya arms embargo +World,Terror mastermind #39;s #39;Australian plans #39; +Sports,"JOE FACES TOUGH CALLS ON JASON, ESTEBAN" +Business,Morgan Stanley Profit Falls 34 Percent (Reuters) +Business,Bear Stearns Profit Falls (Reuters) +Business,U.S. Questions Fannie Mae Accounting (Reuters) +World,France Probes Radicals Fighting in Iraq (AP) +World,EU set to lift arms embargo on Libya (AFP) +World,"Cambodia, US to take first steps towards FTA: commerce minister (AFP)" +Business,"Dow, Nasdaq, S P 500 Drop 1 Percent" +Business,Interstate Bakeries Runs Low on Dough +World,3 DeLay Workers Indicted in Texas (washingtonpost.com) +Business,U.S. Questions Fannie Mae Accounting +Business,Bear Stearns Profit Falls +Business,ConAgra Profit Falls +Business,Shell Plan Disappoints Investors +Business,Financial Warning Sounded on Fannie Mae +Business,Losses continue for Thomas Cook +World,Suicide bomber strikes Jerusalem +Business,Inquiry into card interest rates +Business,Regulators Question Fannie Mae's Accounting +World,Bridging Hip-Hop Consumers and Suits +Business,FactSet Knows Cash Flow +World,Iraq Turns Over Decapitated Corpse to U.S. +World,"Suicide Bomber Kills 1, Wounds 3 in Jerusalem" +Sci/Tech,Get a PALight Workman for just #163;9 +Business,Fannie Mae Financial Reports Questioned +Sci/Tech,Browsing at Google +Sports,NEWSMAKER-Cycling- #39;Other American #39; risks losing Olympic gold +Sports,Doornbos is Jordans third driver in remaining 2004 Grand Prix +Sports,Gerrard: I #39;m back soon +Sports,India await beaten Aussies +Sci/Tech,"Briefly: Hello, halitosis" +Sci/Tech,Ireland blocks calls to 13 countries to thwart Net scam +Business,Shell unveils \$15bn recovery plan +Business,Video game giants roll out products +Business,Twinkies maker files for US bankruptcy protection +Business,New Issue - Fannie Mae sells \$10.5 billion in bills +Business,"US Airways off the Nasdaq, has 1 labor agreement" +Business,Judge grants Stewart request +Sci/Tech,Sun to rent CPU time on server farm +Sports,No channel for series +Sports,"Williams, Sharapova win opening Beijing matches" +Sports,"West Indies, Pakistan to clash" +Sports,CRB Button hearing adjourned +World,EU officials back Italy and Malta to lift sanctions on Libya +World,Korean troops arrive safely in north Iraq +Sci/Tech,Fagoogle - Search Engine Supports Gay Community +Sci/Tech,Get or Give Gmail Invites With GMailOMatic +Business,"Dow, Nasdaq, S P 500 Drop 1 Percent (Reuters)" +World,Palestinian Suicide Bomber Hits Jerusalem (AP) +Sports,New Substances Added to WADA's Banned Drugs List +Business,UK rate hold move was 'unanimous' +World,Twinkies Maker Seeking Ch. 11 Protection +Sci/Tech,Sun Sets Sights on Low-End Market +Business,CA to face arraignment in probe +Business,"Morgan Stanley, Bear Stearns Say Fiscal 3rd-Qtr Profit Declined" +Business,Retailers expect moderate 2004 holiday sales growth +Sci/Tech,"Hello, halitosis" +Sci/Tech,Mozilla could form base of a Google browser +World,Hostage #39;s Family Confirms Body Was His +World,"Addressing UN Assembly, Annan urges nations to restore respect for <b>...</b>" +World,Suicide bombing in Jerusalem kills 1 +World,Is US Rhetoric Fuelling Iran #39;s Nuclear Program? +World,"Floods kill more than 600 people in Haiti, hundreds left homeless" +World,"Paralympics a TV success story in Europe and Asia, but not in US (AFP)" +Sports,Charlotte Bobcats Pick Up Option on Ely (AP) +World,Gerrard promises speedy comeback from broken foot (AFP) +Business,You Can Pay for College (The Motley Fool) +World,Zimbabwe Denies Reports of Food Shortage (AP) +World,BCCI plans own telecast of Australia series (Reuters) +Business,Oil Holds Firm After Big Fuel Stocks Draw +World,Election is turning into a duel of the manly men (USATODAY.com) +World,Politicans Killed in Indian Chopper Crash +Sci/Tech,MP3 Player Sales To Hit \$58 billion By 2008 +Sports,Olympic champion Hamilton fails test +Sports,Captain Thomas Muster hopes for Austrian win +World,EU agrees to lift Libya arms embargo +Business,IBC files for bankruptcy early today +Business,Plexus to close Seattle-area plant; will cut 160 jobs +Sci/Tech,Senate Panel Recommends Funding Boost for NASA +Sci/Tech,Teenage worm whiz gets IT security job +Sci/Tech,Security Watch: Bots March In +Sci/Tech,"Zero G Flights Could Bolster Space Tourism, Research Industries" +Sports,SportsNetwork Game Preview +World,Arafat #39;s #39;demise #39; up to us: Israel PM +World,"US, Japan Apart on Need for Beef Study-Koizumi (Reuters)" +Sci/Tech,PeopleSoft's Knightly Quest (washingtonpost.com) +Business,Morgan Stanley Profit Drops by a Third +Business,U.S. Faults Fannie Mae Accounting +Business,GM Likely to Cut Jobs in Europe +Business,Quattrone Seeks Bail Until Appeal Ruling +World,EU Agrees to Lift All Sanctions on Libya +Sports,D.C. Close at the Plate +Sports,Former Belgium coach Goethals dies at 83 +Sports,Olympic Champion Hamilton Suspended by Phonak Team +Business,"UPDATE 5-Morgan Stanley profit tumbles, shares drop" +Business,Japanese PSP Price Rele +Business,PeopleSoft #39;s Knightly Quest +Business,Quattrone Seeks Bail Until Appeal Ruling +Business,\$616m for Coles will silence the doubters +Sci/Tech,NASA extends Mars rover mission for another six months +Sci/Tech,Sun Offers Pay-for-Use Grid Computing +Sci/Tech,Input predicts growth in knowledge management +Sci/Tech,IDC Sees Pressure on Apple #39;s iPod Dominance; Flash Player From <b>...</b> +Sports,"BCCI blames Zee, ESPN-Star sports; will arrange telecast" +Sports,"Purdue, Minnesota can be Rose runners" +Sports,Killer B #39;s +World,"No release for Iraq women, says US" +World,Press caution over Syria Lebanon move +World,"Fighting Blocks Aid Workers In Darfur From Reaching 100,000 <b>...</b>" +World,But what about the economy? +Business,Update 1: Kodak Sees Digital Expansion in Future +Business,Britain #39;s first wholly Sharia #39;a bank opens in London +Business,Jobs Fears as Insurer Offshores Operations to Asia +Business,Blow for ALH as hopes of rival Coles bid recede +Business,"Cingular, AT amp;T and Triton to exchange certain operations" +Sci/Tech,Mars Rovers #39; Break Time Over +Sci/Tech,Despatches from the frontline of the war against PC viruses +Sci/Tech,Betrusted and TruSecure merge +Sci/Tech,EMC Unveils E-mail Storage For Microsoft Exchange +Sports,Detroit Tigers Team Report - September 22 +World,Quelling the fire +World,Zarqawi Cleric Ally Killed in U.S. Strike -Family +World,EU agrees to lift Libya sanctions +World,Unions end Israeli general strike +Sci/Tech,This phone blooms into a flower +World,Brazil School Bus Accident Kills 16 (AP) +World,U.S. Soldier Killed in Afghanistan (AP) +Business,Oil Tops \$48 After U.S. Inventories Dive +World,Error of Judgment +Sci/Tech,Mobile brain help claim dismissed +Sci/Tech,Survey: Artists Embrace Internet for Ideas +Sports,Howell Altered Swing Just Hours Before Ryder Cup +World,Will Putin's Power Play Make Russia Safer? +Business,FedEx Quarterly Earnings More Than Double +World,Cozying up to Syria +Sci/Tech,Cisco Targets Triple Play on the Move Capabilities With <b>...</b> +Sci/Tech,PeopleSoft's Knightly Quest +Business,How They Would Fix It +Sci/Tech,EMC debuts e-mail consolidation +Business,Royal Dutch-Shell to boost spending +Business,PeopleSoft amp; IBM Sign Landmark Pact +Business,Quattrone asks to stay out of prison pending appeal +Business,Coles hits a record \$576.5m +Business,Update 1: ConAgra Reports Drop in 1Q Earnings +Sci/Tech,Broken oxygen generator threatens space station +Sports,Tennis: Muster rolls out clay carpet for Britain +Sports,El Duque seeks to stay unbeaten for Yanks +World,Putin #39;s Chechnya envoy urges end to corruption +World,West Indies survive Lara scare to book final place (AFP) +Business,Oil Tops \$48 After U.S. Inventories Dive +Business,"Stocks Fall Sharply, Fannie Mae Weighs" +Business,Tobacco Firms: No Conspiracy Over Smoking +World,Woman Suicide Bomber Kills 2 in Jerusalem +World,"After U.S., EU Agrees to Lift Sanctions on Libya" +Business,US rates won #39;t hit home +Business,JP Morgan Loses a Veteran +Sci/Tech,Antarctic Glacier-Melt Increasing Dramatically +Sci/Tech,Senate Panel Backs Subsidies for Digital TV +Sci/Tech,Apple iMac G5 +Sports,English star David Beckham enjoys free-kick revival in soccer +Sports,Cricket-Lara forced off after being hit by Shoaib +Sports,Oakland Athletics Team Report - September 22 +World,Israel urges sanctions again Iran for nuclear program +World,US says won #39;t bow to kidnappers +Sci/Tech,EMC debuts e-mail consolidation +Sci/Tech,Ireland launches phone fraud crackdown +Sci/Tech,AT T woos international markets with VOIP projects +Business,US baking giant Interstate files to restructure +Business,GM Likely to Cut Jobs in Europe +Sports,Lara floored as Windies make final +World,"Jerusalem Suicide Bomber Kills Two, Injures 14 (Update1)" +World,Suicide bomb targets police recruits +World,Israeli Labor Union announces end to public sector strike +World,Politicans Killed in Indian Chopper Crash +Sci/Tech,LookSmart Adds Porn Free Search to Net Nanny +Business,"Morgan Stanley Profit Falls, Shares Drop" +World,RSC unveils Stratford revamp plan +Business,Corning's Crystal-Clear Future +World,Big Tobacco Disputes Conspiracy Claim +World,Passenger Cat Stevens to Be Deported +World,CBS Names Panel to Probe Bush Guard Story +Business,Computer Associates Will Account +Business,Stocks drop; Dow off more than 100 points +Business,"Update 6: Prosecutor Says Enron Cheated, Lied" +Business,Wonder Bread maker files Chapter 11 +Business,"CA, DOJ Reach Settlement" +Business,Eastman Kodak raises annual sales forecasts for digital products +Business,"Serious problems found by regulators at Fannie Mae, prompting SEC <b>...</b>" +Sci/Tech,Ireland modem hijack fraud +Sci/Tech,House Approves Penalties for False Web Records +Sports, #39;He #39;s not Real bound #39; +Sports,NHLers get Original again +Sports,Boston Red Sox Team Report - September 22 +World,Female Suicide Bomber Strikes Jerusalem Neighborhood +World,Amnesty calls for Sudan weapons embargo +Sports,"CBS Fined #36;550,000 for Jackson Stunt (AP)" +World,Israeli Unions End Crippling General Strike (Reuters) +World,Russia Protest Seeks Leader's Resignation (AP) +Business,"Stocks Slump on Higher Oil, Fannie Mae" +World,Kerry campaign blasts Bush on Iran (AFP) +Business,Tobacco Companies Deny Conspiracy to Push Smoking +World,U.S. Says Won't Bow to Demand of Kidnappers in Iraq +World,Israeli Unions End Crippling General Strike +World,"\$550,000 fine for Janet exposure" +World,Musharraf warns of 'iron curtain' +World,The deafening sound of the seas +Business,"Stocks Slump on Higher Oil, Fannie Mae" +Business,Update 1: CA to Pay \$225M to Avoid Prosecution +Business,Iconic US bakery giant files for bankruptcy +Sci/Tech,Russia Sets Space Station Crew Launch for October 11 +Sci/Tech,Vodafone sets November for 3G +Sports,"Cricket: West Indies Defeats Pakistan, Advances to Champions #39; <b>...</b>" +Sports,"Cards, Dolphins in store for long season" +Sports,Emphasis on turnover margin pays off big for teams such as USC +Sports,"Golf, four other sports in running for Olympic inclusion" +Sports,OSHL denies it has suspended play +Business,In Pursuit of Happiness +World,"Suicide bombing, fierce fighting rock Baghdad" +Sci/Tech,House Could Vote on Spyware Bill Next Week +Sci/Tech,Alarm sounded for Caribbean coral +Sci/Tech,Rock bugs resist polar extremes +Sci/Tech,Jury slaps Sony with \$82 million verdict +Sci/Tech,Sony shrinks PlayStation 2 +Sci/Tech,Cellphone That Detects Bad Breath +Business,10-Year Treasury Yield Flirts with 4 Pct (Reuters) +Sci/Tech,U.S. Orders Airlines To Release Fliers' Data (washingtonpost.com) +Sports,Pakistan v West Indies scoreboard +Sports,Barrichello ready to finish F1 season on high note +Sports,"Catching West Coast action can be tough, but it #39;s worth the effort" +World,Indonesia Prospective Leader on Hunt for Ministers +Business,Treasury Yields Hit 5-Month Lows +Business,Tobacco Cos. Deny Smoking Conspiracy +Business,British Energy Falls After Action Against Investors (Udpate1) +Business,Quattrone asks to remain free pending appeal +Sci/Tech,Sony Announces Slim PS2 Console +Sports,Astros turn to Oswalt for crucial game +Sports,Storylines for Sept. 25 weekend +World,Woman Palestinian Suicide Bomber Kills Two Israelis In Jerusalem <b>...</b> +World,Baghdad Violence Kills at Least 17 +World,Belgian PM injured in traffic accident +World,Australia gave visa to lead terrorist +World,The China Post +Sci/Tech,News: Click here to become infected +Business,Update 5: Oil Prices Rise After Government Report +Business,Coles Myer smashes profit forecasts +World,Lebanon: Terror Suspects Linked to Bombing Plot Arrested +Business,Treasury Yields Hit 5-Month Lows (Reuters) +Business,FedEx Earnings More Than Double (Reuters) +Sci/Tech,Antarctic Glaciers Melting Faster -Study (Reuters) +Sci/Tech,Coming Soon -- Gene-Engineered Insects (Reuters) +Business,"Morgan Stanley Profit Drops, Shares Fall" +Business,European stocks end down +Business,"Commodities Rise, ConAgra Profit Falls" +Business,Kimberly-Clark seeks cut of 400-500 million dollars +Business,Computer Associates to Pay \$225 Million to Avoid Prosecution +Business,Oil prices rocket to new one-month highs after stocks plunge +Business,Hogwarts and All for Scholastic #39;s Q1 +Sci/Tech,Ireland Launches Crackdown on Internet Scams +Sci/Tech,"Motorola, NEC, Nokia, Samsung, Sharp, Sony Ericsson phones <b>...</b>" +World,Hostage Drama Continues As Another Beheaded Body Is Found +World,Musharraf Says Victory in War on Terrorism Requires New Tactics +Business,"Commodities Rise, ConAgra Profit Falls (Reuters)" +Business,China overtakes United States as top destination for foreign investment (AFP) +Business,Oil prices rise above \$43 per barrel ahead of OPEC meeting +Business,"Morgan Stanley Profit Down, Shares Drop" +Business,Oil Reserves Drop for 1st Time in 5 Years +World,'Clintonistas' rally behind Kerry's presidential bid (AFP) +Business,"Stocks Fall on Oil, Fannie Mae Probe" +World,U.S.: Iraqi Prisoners Won't Be Released +Business,"RP, Thailand to be worst affected by oil price surge ADB" +Business,Kodak #39;s Digital Sales Outlook +Business,UNCTAD stresses importance of policies in attracting FDI in <b>...</b> +Business,"Cingular, Triton Finalize Market Exchange Pact" +Sci/Tech,Mars rovers roll on with new funding +Sci/Tech,Sony to support MP3 +Sci/Tech,German virus-boy gets job before trial +Sports,Four Euro Ryder Cup players are back in action +World,Nato agrees to expand Iraq role +Sci/Tech,"African Leaders Seek More Cell Phones, Computers" +Sci/Tech,Mars rovers roll on with new funding +Sci/Tech,Nokia lets parents filter out mobile smut +Sci/Tech,PC makers eye consumer electronics all over again +Sci/Tech,Philips Semi chief steps down +Sci/Tech,Sony to support MP3 +Business,Growth forecast revised up to 7.5pc +Business,"Morgan Stanley Profit Down, Shares Drop" +Business,UN: Foreign Investment Falls Again +Business,UPDATE 2-US mortgage applications rise in latest week-MBA +Sci/Tech,Vodafone misses out on lucky 3G phone +Sci/Tech,New Way to Help Find Quake Survivors -Sniffer Rats +Sci/Tech,Verizon Wireless Expands Broadband to 17 Cities +Sci/Tech,Sun Microsystems Pushes Computing-as-Commodity +Sports,Beckham pleased to see Eriksson rule out Real job +Sports,Cycling: Cardenas Wins 17th Stage of Tour of Spain +World,"Fierce clashes kill three US soldiers, injure 14 in Afghanistan" +World,Japan confirms 13th mad cow case +Business,Computer Associates to pay fine to DoJ +Business,"Wendy #39;s, Interstate Bakeries Stock Falls" +Business,Financial Warning Sounded on Fannie Mae +Business,World Airways soars on raised forecast +Business,Head of Philips Chip Unit Resigns +Business,Oil Reserves Drop for 1st Time in 5 Years (Reuters) +Sports,Colombia #39;s Cardenas wins 17th stage; Heras overall leader +Sports,Roddick leads US charge +World,Iranian Leader Says It Has Nuclear Rights (AP) +World,Venezuelan Prison Riot Kills at Least 30 (AP) +Sci/Tech,Study: MP3 Player Market Booming (NewsFactor) +Sci/Tech,Sun Offers Pay-for-Use Grid Computing (NewsFactor) +Sci/Tech,Ex-Computer Associates CEO Kumar Indicted (AP) +Sci/Tech,PeopleSoft Updates HR Suite (NewsFactor) +Business,"Morgan Stanley, Bear Stearns Profits Fall" +Sci/Tech,Genesis Capsule to Be Sent to Colorado (AP) +Business,Oil Surges Over \$48 After Supply Drop +World,"Notes, Quotes From 2004 Campaign in Wis. (AP)" +Business,Fannie Mae Used Improper Accounting-Probe +Sci/Tech,Putin Tells Ministries to Salvage Kyoto -- Lobbyists (Reuters) +Business,Interstate Bakeries Files for Bankruptcy +Business,GM reviewing European operations +World,Haiti Begins Mass Burials of Flood Victims +Business,The Bank of Mum and Dad +World,"Earnings, Oil Prices Drive Stocks Lower" +Sci/Tech,Microsoft issues SP2 patch +Sports,Special to ESPN.com +Sports,Jordan hand Glock China drive +World,EU agrees to lift arms embargo on Libya +World,Musharraf: Political Steps Needed to Win War on Terror +Sci/Tech,Computer Associates to Pay \$225 Over Accounting Scandal +Sci/Tech,"Mars Had Acidic Ocean, Study Says" +Sci/Tech,Voles Use Their Noses To Win Sperm Wars +Sci/Tech,Slow going for networking sector +Sci/Tech,Telecom Italia CEO sees innovation in design and features of wireless devices +Sports,We will take confidence into final: Sarwan +World,Critical Communiqu From Brussels +World,Three U.S. Soldiers Die in Iraq (AP) +Business,Treasuries Drive Higher on Oil Prices +World,UK hostage 'pleads for his life' +Business,Dealing with higher rates +Business,Shell to spend \$45B US to replace reserves while selling non-core <b>...</b> +Business,"Earnings, Oil Prices Drive Stocks Lower" +Business,"China to Make Debut at G-7 Finance Talks Next Week, US Says" +Business,"Tibco #39;s Revenue, Profit Jump" +Sci/Tech,Ireland battles internet scam +Sci/Tech,Laptop swiped at security show +Sci/Tech,Microsoft Fixes VPN Flaw in XP SP2 +Sci/Tech,IETF Shuts MARID Down +Sports,Cardenas wins 17th stage of Spanish Vuelta; Heras still overall <b>...</b> +World,Bigley Pleads for his Life +World,Analysis: Bombing is a reminder that calm is artificial +World,Court order ends Israeli strike +World,Budanov Drops Bid for Pardon +World,Syria Open to Cooperating with U.S. on Iraq -Powell (Reuters) +World,Ukraine Candidate Poisoning Investigated (AP) +Business,Interest Rate Changes Can Affect 401(k)s (AP) +World,Bush thanks Musharraf for anti-extremist offensive (AFP) +Sci/Tech,Shared Office Code Unlikely to Sway Governments (Ziff Davis) +Business,"Stocks Fall Sharply on Oil, Fannie Mae" +World,"House Democrats Set Goals, Seek Return to Power (Reuters)" +World,Syria Open to Cooperating with U.S. on Iraq -Powell +World,U.S. Agrees to Send Terror Detainee to Saudi Arabia +Business,India need not worry over oil price rise for now: ADB +Sci/Tech,Toyota: Some security firms promise too much +World,Video shows UK hostage #39;s plea for life +Business,Update 4: Oil Tops \$48 a Barrel on Supply Worries +Business,Company to escape charges as feds target key execs +Business,"Digital Driving Kodak, Shares Up" +Sports,Soccer: Frei winner plunges Marseille into more gloom +Sports,LPGA on new terrain for California tourney +Sci/Tech,"IBM, AMD Work to Shrink Chips (PC World)" +Business,Tobacco firms deny public misled +Business,"CBS Fined \$550,000 for Janet Jackson Incident" +Business,U.S. Stocks Fall Sharply +Business,Former CA CEO Charged with Fraud +Business,Former software executive charged +Business,Foreign investors eye poorer nations +Business,"Former CA chief indicted, company reaches accord" +Business,UPDATE 1-US says G7 to discuss forex flexibility with China +Business,Fannie Mae Says Regulator Finds Accounting Missteps (Update10) +Business,Verizon Wireless debuts new Internet service +Sci/Tech,"IBM, AMD Work to Shrink Chips" +Sci/Tech,NASA Announces Space Station News Media Update +Sci/Tech,IETF Shuts Down Anti-Spam Working Group +Sci/Tech,Microsoft eyes larger acquisitions +Sports,Doping allegations shock kiwi cyclist +Sports,Serena moves into China Open quarterfinals +Sports,Hawks bring back Kevin Willis +Sports,Frei piles the agony on Marseille +World,British hostage pleads for life +Business,AutoZone Needs an Oil Change +World,Republicans Push Ahead to Extend Tax Cuts +World,U.S. Agrees to Release Terror Suspect +World,Pentagon Expands Outposts in Middle East +World,U.S. Won't Release Iraqi Women Prisoners +World,"Stocks Dive on Morgan Stanley, Oil Reports" +Business,FDI: India Among Top 4 In Asia +Business,Morgan Stanley cracks in 3Q +World,Mideast Quartet Backs Bush on Settlement Freeze (Reuters) +Business,Verizon Wireless launches CDMA EV-DO services in the US +Business,"Markets sink amid warnings, rising oil prices" +Sports,Bears Secondary Suffers Another Blow (AP) +Sci/Tech,Cell Phone Provides Breath Alert +Sports,Shockey Struggling With New Giants Offense (AP) +Sports,Keane charged with assault +Sports,"Former Raptor Kevin Willis, 42, returns to Atlanta Hawks" +Sports,Todd MacCulloch Retires +Sports,Perez wins Vuelta stage +Sports,Frei gives Rennes win over Marseille +Sci/Tech,Anti-Spyware Legislation Could Pass This Year (washingtonpost.com) +World,"Pakistan, Britain push for uprooting cause of terror (AFP)" +World,Pak for strategic stability with India: Pervez +World,Campaign Finance Legislation Introduced (AP) +Sports,Former coach Goethals dies aged 83 +Sports,Sixers center hasn #39;t played since #39;03 +Business,Former CA CEO Charged with Fraud +Sports,"Mickelson, Els, Goosen, Hamilton all very close" +Sports,Pound says Jones case pivotal in doping fight +Sports,Wizards Guard Blake Out 10-12 Week (AP) +World,"Canada Offers Darfur Aid, Eschews 'Genocide' Label (Reuters)" +Sci/Tech,Ireland Cracks Down on Internet Scams (PC World) +Business,"Bed Bath Beyond Profit Up, Shares Fall (Reuters)" +Business,"Bed Bath Beyond Profit Up, Shares Fall" +World,S. Asia struts on UN catwalk +World,Russia cracks down on beer ads +Business,PeopleSoft CEO: #39;Have you ever had a bad dream? #39; +Business,Former CA Chief Kumar indicted as firm coughs up \$225m +Business,Cognos 2Q Profit Rises Sharply +Business,Pilots at US Airways agree to resume giveback talks +Business,Intellectual property rights still a problem +Sci/Tech,Ireland Cracks Down on Net Scams +Sci/Tech,Anti-Spyware Legislation Could Pass This Year +Sci/Tech,Hire a hacker? +Sci/Tech,Electronic-Vote Critics Urge Changes to System +Sci/Tech,Anti-Spyware Legislation Could Pass This Year +World,Iran denies reported handover of wanted Islamist to Egypt (AFP) +Sci/Tech,Briefly: Spyware bill moves to Senate +Sci/Tech,Microsoft eyes larger acquisitions +Sci/Tech,Supercomputer center gets new No. 2 +Sci/Tech,"Intel pushes desktops with more spunk, lower prices" +Sci/Tech,"MIT, Caltech offer low-tech voting advice" +Sci/Tech,Users struggle to cope with mounting backup dilemmas +Sci/Tech,Former CA chief Sanjay Kumar indicted on fraud charges +Sci/Tech,Virus knocks out Colorado DMV systems +Sci/Tech,UMass-Amherst bedeviled by PeopleSoft portal crash +Sci/Tech,"Siemens embarks on 350,000-user Exchange 2003 migration" +Sci/Tech,"PeopleSoft, IBM strike middleware alliance" +Sci/Tech,Exploit posted for Microsoft JPEG flaw +Sci/Tech,Reports: CA may escape charges in DOJ deal +Sci/Tech,Enterprises shift from hardware leasing to purchasing +Sci/Tech,Former CA chief Sanjay Kumar indicted on fraud charges +Sci/Tech,"IBM, AMD extend partnership to 32 nanometer technology" +Sci/Tech,AMD improved Opterons with PowerNow feature +Sci/Tech,IT Product Guide goes beta +Sci/Tech,Ireland Cracks Down on Internet Scams +Sci/Tech,"IBM, AMD Work to Shrink Chips" +Business,Kremlin Oil amp; Gas Corp +Business,US Businesses Urge China to Rein in Piracy +Business,"Intel pushes desktops with more spunk, lower prices" +Sci/Tech,House may vote on spyware bill next week +Sci/Tech,On the horizon +Sci/Tech,Avoid Security Tools You Don #39;t Need +Sports,Welsh to miss Savage touch +Sports,England profit from waiting game +World,Dubya UN-deterred +Business,"PeopleSoft, IBM tie up, thumb nose at Oracle" +Business,Unctad gives India No. 4 ranking in FDI in Asia +Business,CA Settles Accounting Scandal; Kumar Indicted +Business,Verizon Spreads Its 3G Coverage +Sci/Tech,Vodafone Throws Down 3G Gauntlet +Sci/Tech,Philips Shares Fall on News of CEO #39;s Departure +Sci/Tech,Don #39;t Touch My Internet! +Sci/Tech,Would You Hire A Hacker? +Sports,Attack on referee costs Roma dear +Sports,Werder Bremen beats Leverkusen 3-2 to advance in German Cup +Sports,Blake Undergoes Surgery +Sports,Bears #39; defense takes another hit +World,Another American beheaded +World,Defiant Bush defends war in UN +World,Peruvian President: Japan Should Extradite Fugitive Fujimori +World,British hostage pleads for his life as US officials rule out <b>...</b> +Business,UN says foreign investment to bounce after 3-year slump +Business,Shell to spend \$45B (US) to replace reserves +Business,CA #39;s ex-CEO is indicted on fraud +Sci/Tech,Vodafone Fires Opening Salvo in 3G War +Sci/Tech,House Ups Prison Time For Domain Fraudsters +World,Peruvian president presses for trial of predecessor +Sci/Tech,Musicians Not Worried About P2P +Sci/Tech,Verizon Expands Into New Wireless Markets (AP) +World,Israeli Helicopter Fires Missile in Gaza -Witnesses (Reuters) +Sports,Foot Ailment Forces MacCulloch to Retire (AP) +Sports,Marlins Fading in Chase for Playoff Spot (AP) +Sci/Tech,Trend Micro offers new mobile security for PDA and smartphones +Sports,Courtney Brown Tells Browns He'll Be Back (AP) +Sci/Tech,Cisco and Fujitsu Team on High-End Routers +Business,"Stocks Sink on Oil Prices, Morgan Stanley" +Sci/Tech,Canadian Geologists Make Key Dinosaur Discovery (Reuters) +Sports,'Prime Time' May Not Be Ready for Sunday +Sports,Hawks Bring Back Kevin Willis +Sci/Tech,Acid Rain Pollution Up 4 Percent in 2003 (AP) +World,Israeli Helicopter Fires Missile in Gaza -Witnesses +Business,EU #39;opens the door #39; to a longer workday +Business,SingTel kicks off first 3G trial +Business,"Bed Bath amp; Beyond Profit Up, Shares Fall" +Business,Stent Maker Conor Files to Go Public +Business,House approves tax shift to offset revenue sharing cut +Sci/Tech,Video game makers play it safe +Sports,Inzamam admits blunder +Sports,Messina upsets AC Milan; Juventus leads Serie A +World,"Car bombs, US raids kill 21 in Baghdad" +Sci/Tech,Europe to restart Oracle clock? +Sci/Tech,Intel seeks higher performance from cheap desktops +Sci/Tech,Verizon Wireless brings 3G to more cities +Sci/Tech,T-Mobile begins selling Sidekick II +Sci/Tech,Big challenges for small drives +Sci/Tech,Update: Credit card firm hit by DDoS attack +Business,Another hike will follow Tuesday #39;s +Business,"Computer Associates Settles Charges, Kumar Indicted (Update4)" +Business,US Airways reaches deal with union +Sports,Struggling Tiger to lead last-ditch effort +Sports,Tampa Bay Devil Rays Team Report - September 22 +Sports,Dale Earnhardt Jr. on top after first round of Chase +World,A Cautious Reformer as Indonesia #39;s Next President +World,Lack of action in freezing settlement quot;cause of concern quot;: Quartet +World,Britain complains to US over Cat Stevens deportation (AFP) +World,House Defies Bush on Mexican Trucks (Reuters) +World,Desperate flood victims await aid +World,"'Armies of Darkness' Won't Stop Vote, Iraq's Yawar Says (Reuters)" +World,Report: No Spears Marriage License on File +World,"Stocks Dive on Morgan Stanley, Oil Reports" +Business,Currencies: The ECB #39;s reluctance to lift rates aids dollar +Business,UN report: Foreign direct investment on rise in Lebanon +Business,Martha Stewart Co. Hires Burnett to Create TV Show +Business,"PeopleSoft, IBM Deal Adds to Oracle Mix" +Business,US Airways Pilots Resume Negotiations +Business,Ford matches GM deals +Business,Wheeling-Pittsburgh Closes Stock Offer +Sci/Tech,Nov launch for dual-screen Game Boy +Sci/Tech,Microsoft Speeds Up SP2 +Sci/Tech,Big Demand for Digital Music Players +Sci/Tech,Attacks disrupt some credit card transactions +Sci/Tech,"IBM, AMD Extend Alliance" +Sci/Tech,Are LCD screens a clear-cut choice? +Sports,Juventus Stays Top in Italian Soccer; Monaco Leads in France +Sports,Philadelphia 76ers centre Todd MacCulloch of Winnipeg retires +Sports,Bournemouth shock Blackburn in League Cup +World,Family Confirms Body Found Is Hostage +World,"Arms embargo on Libya should be lifted, says EU" +World,Belgian PM hurt in crash as flights row divides country +World,Cambodia is 6th Asian nation to detect bird flu +World,African Union Ready to Send GIs to Darfur (AP) +World,Explosive device found in cargo hold of Australian jet: report (AFP) +Sci/Tech,Microsoft Speeds Up SP2 (PC World) +World,U.S. Gets New Spy Chief as Senate Confirms Goss (Reuters) +World,Suicide Attack Kills 2 in Israel; 16 Hurt +World,Bush Mocks Kerry's Leadership Credentials +Sports,Formula One stars arrive in Shanghai +Sports,Els faces goose chase in England +Sports,Windies crush Pakistan to reach Trophy final +Sports,Tiger out of tourney line-up +World,US won #39;t free Iraqi women prisoners +World,"Iraq, Middle East Troubles Overshadow UN Meeting" +Sports,Golf: No Tiger lumbering in Singh #39;s path to third win in a row +World,24 killed in Iraq violence +Sci/Tech,High Energy Mystery lurks at the Galactic Center +Sci/Tech,What Genesis Solar Particles Can Tell Us +Sci/Tech,New Signs of Life Found at the Poles +Sci/Tech,Pay for Sun's Schwartz jumps 56 percent +Sci/Tech,Code to exploit Windows graphics flaw now public +Sci/Tech,"XP SP2 distribution accelerated, VPN problem fixed" +Business,Govt aims to raise FDI to GDP ratio to 22 in 3 years +Business,Shell switch in strategy fails to win support of investors +Business,Update 1: US Airways Pilots Reopen Negotiations +Sports,"Wrong move, Inzamam" +Sports,Blackburn out of League Cup after 7-6 loss to Bournemouth on <b>...</b> +Sports,"We are no longer underdogs, says Montgomerie" +Sports,Europe adjust to life at top +Sci/Tech,Verizon Expands Service Into New Wireless Markets +Sci/Tech,Immersion Wins Patent Case Against Sony (AP) +World,Group claims execution of Italian hostages in Iraq: website (AFP) +Business,"Pay Now, Learn Later (Forbes.com)" +World,Man shot to death by Edmonton police had history of violence in Ontario (Canadian Press) +Sci/Tech,Is AOL More Ad-User Friendly? (AdWeek.com) +Sci/Tech,Sony Shifts Strategy to Support MP3 Files (AP) +Business,Air Force's Roche Eyed Over Boeing Deal +Business,Fannie Mae Used Improper Accounting-Probe +World,'Iraq-Style' U.N. Plan Not Sought for Iran (AP) +World,Presidential candidates look toward crucial debate (AFP) +World,US Senate confirms Porter Goss as CIA head (AFP) +Sports,Vikings Place Kleinsasser and Rosenthal on IR +Sports,Colts' James Questionable for Sunday +Business,Low-Carb Diet Craze Hits Plateau +Business,Unctad report: FDI in Malaysia at US\$2.47bil last year +Business,Coles Myer second-half profit rises 26 +Business,ICC approved Ameren #39;s acquisition of Illinois Power +Sci/Tech,Boom times for mp3 players? +Sci/Tech,Pay for Sun #39;s Schwartz jumps 56 percent +Sports,Button contract decision delayed +Sports,"Singh looks to build No. 1 ranking, push Woods #39; money record at 84 <b>...</b>" +Sports,Weekdays at 4:45 PM on Radio 990 in Manitoba +Sci/Tech,Researchers Study Real Viruses to Thwart Virtual (Reuters) +World,Suicide bomber kills 11 as recruits join Iraqi police +World,Family of Briton held in Iraq issue final appeal for mercy (AFP) +Business,Pill-Popping Nation +World,U.K. Hostage Pleads for Life on Videotape (AP) +Business,Back to School (Forbes.com) +World,Senate Approves Goss As Head of CIA (AP) +Business,Kimberly-Clark seeks cut of 400-500 million dollars (AFP) +World,U.S. Says Cat Stevens May Have Terror Ties +Business,Wheeling-Pitt raises \$100 million +Business,Oprah car winners hit with hefty tax +Sci/Tech,IBM and AMD partnership extended through 2008 +Sports,Keane to Rooney: Beware the hangers-on and back-stabbers +Sports,Buy and sell tickets to premium and sold out events +World,Middle East Quartet Laments Lack of Progress on Israeli <b>...</b> +Sci/Tech,Researchers Study Real Viruses to Thwart Virtual +Business,Eurozone ministers accuse US as dollar sinks to new lows (AFP) +Sci/Tech,U.S. Cybersecurity Office May Relocate (AP) +Sci/Tech,REVIEW: Star Wars Game Gives Battle Tour (AP) +World,"Korean Troops Deploy in Iraq, Meet Kurdish (Reuters)" +Sci/Tech,Ex-Computer Associates CEO Kumar Indicted (AP) +World,Bush Mocks Kerry's Leadership Credentials (AP) +Sports,Niners' Barlow Has MRI +World,New Papers Emerge in Okla. Senate Fight (AP) +World,House Backs Looser Cuba Sanctions (Reuters) +World,Kerry: Bush failed to level with the U.N. about Iraq (USATODAY.com) +Sports,"As Mets Look Ahead, They Keep Looking Back" +Sports,New Hockey League Plans to Go On +Sports,Crash Gordon Put on Probation +World,"Powell, Libya Foreign Minister to Hold First Talks" +World,Kennedy looks forward to power +Sports,Kolzig Head West +Sports,A Whole New Look +Sports,ACC Does QB Shuffle +Business,Crude oil prices surge amid drop in US domestic supplies +Business,UPDATE 3-US Airways seeking relief from union contracts +Business,Brussels clears 3.4bn nuclear bail-out for British Energy +Sci/Tech,Hackers Hit Credit Card Company +Sci/Tech,REVIEW: Star Wars Game Gives Battle Tour +Sci/Tech,The best view of all is our beautiful planet +Sci/Tech,PeopleSoft devotees in denial? +Sci/Tech,State #39;s smog police map route to cleaner air +Sports,Windies book final against England as Pakistan flop +Sports,Green still undecided on Yom Kippur games +World,Conflicting reports over Iraq release +World,"Afghan, US Soldiers Killed in Clashes in Khost Province" +World,"Group claims to kill Italian hostages in Iraq, but on Web site not <b>...</b>" +World,Nuclear weapons: Can they be stopped? +World,Border police killed in Jerusalem attack +Business,Wheeling-Pitt closes stock offering +Sci/Tech,MiniDisc gives in to MP3 +Sci/Tech,Calif. Panel Weighs Greenhouse Gas Plan for Cars +Sci/Tech,Nintendo to launch DS game system in November +Sports,"Don #39;t worry, it #39;ll be live on TV, says Dalmiya" +Sports,PRINCE OF PUCKS: Players keeping busy +Sports,"Serena, Sharapova move into Beijing quarters" +Sports,Dope cheats banned for life +World,Musharraf opposes India #39;s claim for UNSC membership +World,"US Tanks, Planes Strike Baghdad Shi #39;ite District" +World,Virgin staff #39;not trained for bomb #39; +Sports,Brees Cleared to Start Sunday at Denver (AP) +World,Oregon High Court Takes Nader Off Ballot (AP) +World,Senate Confirms Rep. Goss as Intelligence Director (washingtonpost.com) +World,"China Puts Flood Toll at 1,029 as Wet Season Ends" +World,UK rules out hostage negotiations +World,Dodgers' Green to Miss Game on Yom Kippur +Sci/Tech,SpamAssassin sports new open-source license +Sci/Tech,PeopleSoft devotees in denial? +Sci/Tech,Briefly: Ad campaign touts multimedia cards +Business,Wall Street rattled by Fed as Shell fails to please City +Business,Ex-Computer Associates Executives Indicted +Business,SingTel to launch 3G trial services soon +Business,IMF warns on British house price crash +Sci/Tech,Ad campaign touts multimedia cards +Sci/Tech,ISS Crew to be Replaced on October 11 +World,LA Times chides Bush for self-justification +World,NATO Ambassadors Agree to Expanded Training Mission in Iraq +World,NATO Gives Thumbs Up to Iraq Mission +World,Bogus marriages line racketeers #39; pockets +Sci/Tech,Hitachi TVs to pick up Gemstar technology +Sci/Tech,"IBM, other vendors accused of cheating E-Rate program" +Sci/Tech,PeopleSoft throws customers a discount and free upgrade +Sci/Tech,News: Bill would narrow intruder surveillance +Sci/Tech,iMac G5: TIME Gadget of the Week +Business,Twinkie Maker Files For Bankruptcy +Sci/Tech,"From Storage, a New Fashion" +Sci/Tech,The Womb as Photo Studio +Sports,European Ryder stars to tee it up in the new Heritage with a <b>...</b> +Sci/Tech,They Are Sleuths Who Weigh Prose +Sci/Tech,"Fingerprints on File, Right From the Patrol Car" +Sci/Tech,"Drawing Semiconductor Circuits, One Tiny Line at a Time" +World,British Hostage Makes Appeal For Blair's Help (washingtonpost.com) +Sci/Tech,Pentagon Widens Access to Web Site for Overseas Voters (Reuters) +Business,Oil price surge hits Wall Street +Business,Celebrity Might End Up In Florida +Business,A Strategy for Shell? +Business,Chinese economy sets for soft landing in 2005: ADB +Business,Sony to launch slim PS2 console in November +Business,Northwest promises to match Internet fares on its own site +Sci/Tech,PeopleSoft Discounts New Licenses +Sports,Messina upset league champions Milan +Sports,"Valencia pounds Deportivo, goes to top of table" +Sports,"Europe favourites for 2006, insists #39;Mr Ryder Cup #39;" +Sports,Indians Come Back to Beat Tigers 7-6 (AP) +World,Woman bomber strikes in Jerusalem +World,China: United Nations quot;not a board of directors quot; +World,Puppet Chief Minister Of Indian Held Kashmir Escapes Unhurt In <b>...</b> +World,Alert and alarmed +Sports,Green Decides to Miss at Least One Game +Sports,The Showdown Begins +Sci/Tech,Infocus: Detecting Complex Viruses +Sports,"For D.C, This May Be It" +Sports,Hamilton Is Suspended +Sports,Brunell Feeling Better +Sports,Green Observes Holiday +Sci/Tech,News: Who would you like to attack today? +World,N.Korea May Be Preparing Missile Launch-Paper +World,"Online and Even Near Home, New Front in the Terror Fight" +World,Cubs Walk Past Pirates 1-0 +World,Suicide Bomber Kills Two in Jerusalem +Business,US Airways Seeks Concessions from Unions +Business,Insurer to Refund Money to Soldiers Who Bought High-Cost Life Policies +Business,A Strategy for Shell? +Sci/Tech,News: High-school drop-out to become Homeland Security Czar +Business,Foreign buyers are back +Business,3G launch becomes battle of the brands +Business,Verizon ready to begin offering wireless laptop Internet citywide +Sports,MLB reduces suspensions for three Texas pitchers +Sports,Notes: Bed pains Wood #39;s back +Sci/Tech,Study shows DSL leading in broadband growth +World,The state of the world +World,Website claims Italian hostages dead +World,N.Korea May Be Preparing Missile Launch-Paper (Reuters) +Sci/Tech,Giants to Offer Wi-Fi Instant Replays (AP) +Sci/Tech,"Warners Pacts for 'Syriana,' 'Action' (Reuters)" +World,Chile Finds Rails Possibly Used in Deaths (AP) +World,Some Question Speed of Intel Chief Bill (AP) +Sci/Tech,The secret of iPod's scroll wheel +Business,Greece Admits Faking Data to Join Europe +Sports,"Awaiting Drug Results, Hamilton Is Suspended by His Pro Team" +Sports,SI.com +Sports,National League Game Summary - Chicago at Pittsburgh +Sports,Offensive outburst +Sports,National League Game Summary - Philadelphia At Florida +World,"US troops fight militants in Baghdad, other cities" +World,"Italian Women Said Dead in Iraq, UK Hostage Pleads (Reuters)" +Sports,Cardinals Clip Brewers 3-2 (AP) +World,"Italian Women Said Dead in Iraq, UK Hostage Pleads" +Sports,Hernndez Drops First After Losing Yanks' Lead +Business,Detroit Seeks Its Own Prize on 'Oprah' +Business,Sprucing Up Sidewalks +Sci/Tech,Googles Picasa Hacked Via Security Hole +Business,Warnings Shadowed Firms' Rapid Growth +Sports,Rape Inquiry Expands +Business,"US House, Senate Negotiators Agree on \$146 Bln Tax-Cut Plan" +Business,UPDATE 1-Trump Hotels ends \$400 mln talks with DLJ +Sci/Tech,Nextel Says FCC Undervalued Deal +Sci/Tech,Answer Desk +Sci/Tech,State goal: Cut gas emissions +Sci/Tech,Anti-spam firms hit back at Gartner claims +Sports,"West Indies, England to contest Champions Trophy final:" +Sports,Jets Say They Didn #39;t Run Enough Last Season +Sports,Spain: Valencia crush Deportivo at Riazor +World,Tropical Storm Jeanne leaves more than 500 dead in Haiti +World,A new broom in Jakarta +World,"Gaza Pullout To Start Summer 2005, Last 12 Weeks: Israeli PM" +World,21 die in Baghdad violence +Business,Bid to Save Tax Refunds For the Poor Is Opposed +Business,CA settles as former CEO indicted +Business,Group Decries Corporate Tax Slide +Sports,Red Sox Stop Orioles 7-6 in 12 Innings (AP) +Sci/Tech,Senate Panel Votes to Transfer TV Airwaves to Safety Groups +Sci/Tech,New technology increases threats +Sci/Tech,Don #39;t touch my internet! +Sci/Tech,Citysearch Launches Pay Per Call Search Advertising Program +Sports,China kicks off last three flyaway races +Sports,Piazza brings home winning run in eighth as Mets down Expos 3-2 +World,"Haiti Flood Death Toll Could Reach 2,000 (AP)" +World,"Italian Women Said Dead in Iraq, UK Hostage Pleads" +World,"Lebanon Arrests 10 Al-Qaeda Suspects, Foils Embassy Attack" +World,Sudan says it will observe UN resolution +World,Cambodia Reports New Bird Flu Outbreak +World,Opposition figure stirs row as he blames Australia government for <b>...</b> +Sports,Wizards Beat Fire 1-0 in Open Final (AP) +World,Afghan election brings political marketing to wartorn country (AFP) +Sci/Tech,Senate Panel Weighs In On Wireless Directory (washingtonpost.com) +World,IRA Urged to Trade Arms for Power-Sharing Deal +World,Politicians Go Courting on Indian Reservations +World,Attorney: Spector May Face Indictment +World,Cueing the Balloons in Hussein's Home Town +World,In the Eye of the Storms +Sci/Tech,Senate Panel Weighs In On Wireless Directory +World,Ivory Coast rebels ask Mbeki to help with security +Sci/Tech,Nextel Says FCC Undervalued Deal +Sci/Tech,Panel Votes to Transfer Airwaves to Groups +Sports,NL Wrap: Rallying Reds Make Braves Wait for East Title +Sports,Batista #39;s blast not enough +Sports,Giambi and Brown Could Boost the Bench in October +World,Cambodian villagers eat bird flu fowl +Business,Dollar trades stronger +Business,ADB predicts China #39;s economy to achieve soft landing in 2005 +Business,Enron Defendants Try to Deflect Witness #39;s Story +Business,Carb craze casualty +Business,ADB says China should raise rates to cool economy +Sci/Tech,Option Says New Mobile Data Card to Launch in Nov. (Reuters) +Sports,Atlanta Braves Team Report - September 22 +Sports,Ecclestone makes no apology for chasing China #39;s golden fleece +Sports,New York Mets News +Sports,Sports: Blue Jays 5 Yankees 4 +Sports,"Cubs 1, Pirates 0" +World,A Biographical Behemoth Is Ready to Bend Shelves +Business,Fannie Mae Used Improper Accounting-Probe (Reuters) +Sports,This Date in Baseball (AP) +Business,"Asia growth to hit 7, bank says" +Sci/Tech,Immersion Corp. shakes \$82M from Sony in #39;vibro-tactile #39; game <b>...</b> +Sports,Lara shaken but stirred +Sports,"Wizards 1, Fire 0" +World,Insurgents Who Beheaded 2 Show Briton in Plea for Life +World,Malaysian leaders vow war against traitorous #39; Anwar +Business,US lender accused of #39;cookie-jar #39; figures +World,Four Nations Lobby For UN Security Council Seats +Sports,Belgian coach Raymond Goethals dies at 83 +World,Charges Vs. DeLay Linked to Ethics Charges (AP) +World,Top Shiite Cleric Is Said to Fear Voting in Iraq May Be Delayed +Sci/Tech,Scientists find surprising polar life +Sports,Button decision delayed until next month +Sports,Reds rock Smoltz in 11-8 victory +Sports,O #39;s Go Down in the 12th +World,Clash over prisoners exposes power struggle +World,Lebanon arrests 2 leaders +Sports,Schilling Adds Voice to Talk of the Red Sox +Sci/Tech,Nokia Launching 6670 Business Phone +Sports,Jays Defeat 'El Duque' +World,"Indonesia's Megawati Apologizes, Warns on Terror" +Business,Oil Dips as U.S. Considers SPR Loan (Reuters) +Sci/Tech,Nokia Launching 6670 Business Phone (Reuters) +Business,Liberal Group Decries Corporate Tax Slide +Business,US Airways Wants Deals By Friday +Business,China to Discuss Currency Policy With G-7 Nations +Sports,Moya Lifts Spain to Deliver His Davis Cup Dream +World,Congress Set to Extend Family Tax Cuts (Reuters) +Business,IMF warns on global house prices +Sci/Tech,mmO2 to launch speedy 3G +World,Device found on Australian plane +Business,US stocks hit by surge in oil prices +Business,CA #39;s Ex-CEO indicted on fraud +Business,Report: Lehman Near Deal on Enron Suits +Business,IMF warns on global house prices +Business,Tough summer expected to hurt American #39;s 3rd quarter +Business,Imf Warns of House Price Drop +Sci/Tech,Senate Panel Waters Down McCain Television Bill +Sci/Tech,Bush #39;s NASA directive clouds other missions +Sci/Tech,A Cure For IPod Withdrawal +Sports,Soccer: Eriksson rules himself out of Real running +Sports,Reds score five runs off John Smoltz in ninth inning to beat <b>...</b> +Sports,Double clutch +World,Italian hostages reported killed in Iraq +World,Three US soldiers killed in Afghanistan clashes +World,Minister dies in Indian copter crash +Business,WSJ: SBC avoided \$9B in income taxes +Sports,Williams wins again as Cardinals defeat Brewers 3-2 for 99th win <b>...</b> +Sports,NL Wrap: Rallying Reds Make Braves Wait for East Title (Reuters) +World,"Indonesia's Megawati Apologizes, Warns on Terror (Reuters)" +Business,S.E.C. Opens Investigation of Fannie Mae +Business,"CBS Is Fined \$550,000 for Super Bowl Incident" +Business,Prime-Time TV Plan for Martha Stewart +Business,Commodoties push dollar higher +Business,Two Big Investment Banks Report Drops in Quarterly Profit +Business,Taste of the times +Business,SingTel to launch 3G service +Sports,"MLB: Cincinnati 11, Atlanta 8" +World,Incendiary device found in hold of a virgin jet +Sci/Tech,Verizon Wireless Expands High-Speed Data Network +Business,"Commentary: In retrospect, analysts were too kind" +Business,"US Airways, pilots resume talks" +Business,Verizon Wireless Expands High-Speed Data Network +Business,Trump Hotels and Equity Firm Break Off Investment Talks +World,Kashmir resolution can #39;t be delayed inordinately +Sci/Tech,"Asian executives love flat screen TVs, but 3G phones flop (AFP)" +Sci/Tech,"NTT DoCoMo, Cingular to link in 3G cellphone business (AFP)" +Business,Fall in US oil inventory pushes prices higher +Business,A To-Do List For The IMF +Business,Japan #39;s DoCoMo in mobile deal with Cingular +Sports,Brees Gets Starting Nod for Chargers (Reuters) +Sci/Tech,Immersion wins patent case against Sony +Sci/Tech,"Holdup of new team will allow for repairs on station, Russians say" +Sci/Tech,"Climatic warming causes glaciers to fall, raising sea levels" +Sports,Keane on assault charge +Sports,"AL Wrap: Jays Sink Yankees, Six-Hit Ibanez Mauls Angels (Reuters)" +Sci/Tech,Memory makers face jail for price fixing +World,Abdullah pledges moderate Islamic government +Sports,Hanjin to run Chinese branding in Shanghai +World,Middle-Class Tax Cuts Extension Approved +World,"Death Toll From Haiti Floods Tops 1,070" +World,Suicide Bomber Kills Two in Jerusalem +Business,Martha Stewart headed for prime-time TV show +Sci/Tech,Shared Office Code Unlikely to Sway Governments +Sports,Lara expected to play the final +Sports,Keane on assault charge +Sports,"Giants 5, Astros 1" +World,Malaysia accuses West of fuelling terrorism +World,British FM rejects US reason for deporting Cat Stevens (AFP) +Business,"Australia's central bank says financial system sound, stable (AFP)" +World,Iran Would React to Israeli Nuclear Action (AP) +World,Lynne Cheney Helps Soften Husband's Image (AP) +Sci/Tech,US musicians favour sharing - new survey +Sci/Tech,IBM in Voice Services Deal with Lloyds +Sports,Open Letter to Tyler Hamilton +Sports,West Indies confident of final win +Sports,Button decision delayed +Sports,Chase contenders seek concrete results at Dover +World,Group claims killing of two Italian hostages in Iraq but Italy <b>...</b> +World,Aceh a focus for Yudhoyono +World,Latham should sack Labor candidate - Howard +Sci/Tech,Lycos antispam campaign bites the dust +Business,Yukos cuts oil production +Business,"NTT DoCoMo, Cingular to link in 3G cellphone business" +Sci/Tech,Web loss causes psychological problems +Sci/Tech,Sun man gets 56 per cent pay hike +Sports,Threat to cancel tour +Sports,PREVIEW-China makes debut as Villeneuve returns +Sports,"Ichiro notches 4 more hits, moves within 10 of record" +World,No Giving In To Iraq Kidnappers: Britain +World,"South Korea deploys 2,800 troops in Iraq" +Business,"Wasserstein, David-Weill Completing Lazard IPO Accord (Update1)" +Business,3rd-quarter profit falls 34 at Morgan Stanley +Business,Computer Associates #39; ex-CEO is charged +Business,"US Airways, pilots to resume talks" +Business,Big profits don #39;t mean big tax bills +Sci/Tech,Making IE safer and more #39;trustworthy #39; +Sci/Tech,NASA Extends Mars Rovers #39; Journey +Sci/Tech,Internet threats grow +Sports,Wait-and-see for Schumacher at new Shanghai circuit +Sports,"Serena, Sharapova win in Beijing" +Sports,This Penny is bringing all bad luck +Sports,NBA notebook: MacCulloch ends basketball career +Sports,IOC Considering Possible Addition of Five Sports to 2012 Olympics +World,Malaysia #39;s Abdullah Says Islamic Nations Should Rebuild Iraq +Business,European Shares Dip on Wall Street Loss (Reuters) +Business,EMC holds its breath +Business,An insider turns against drug industry +Business,Critics: Legalization will lead to job losses +Business,Blood test in Olympic case spotlights a growing field of screening devices +Business,High-tech start-ups feel push to outsource +Business,"Report details Fannie Mae woes, spurs inquiry" +Business,"Yukos cuts output, seals shipping deal" +Business,"Online firm, under attack, cites extortion" +Business,Judge says Pritzker heirs' lawsuit can proceed +Business,N.H. firm sues provider of Net hot spots +Business,United eyes decision on pension plans' fate +Business,Waltham jobs moving to Billerica +Business,GE sites sensor world headquarters in Billerica +Business,Computer Associates ex-CEO charged with massive fr +Sci/Tech,New signs of life found at the Poles +Sports,Windies trounce Pakistan +Sports,"Belarus team carries heart, soul of country" +World,Group claims the deaths of Italian hostages in Iraq +World,Female bomber kills 2 Israeli border guards +World,Indonesia vote count nears end +World,Iraq Group Says Kills Two Italian Women Hostages +Business,ID Biomedical wins major US flu vaccine deal +Sci/Tech,DSL Leads the Broadband Boom (PC World) +Sci/Tech,New handheld consoles fight it out +Sci/Tech,Ceefax marks 30 years of service +World,Indonesia Arrests U.S. Mine Executive (AP) +Business,Former CA boss Sanjay Kumar is indicted +Business,Mark Burnett to Martha #39;s rescue +Business,Aging society hits Japan #39;s economy +Business,Vodafone rings in changes with launch of 3G handsets +Business,Electrolux: Profit Won #39;t Meet Expectations +Business,British Energy seeks to delist +Business,Liberal groups pan corporate tax breaks +Business,UPDATE 2-Trump Hotels ends \$400 mln talks with DLJ +Sci/Tech,Ireland Cracks Down on Online Scammers +Sci/Tech,Broadcasters Gut Digital TV Bill +Sci/Tech,DSL Leads the Broadband Boom +Sports,Victorious Windies allay Lara fears +Sports,Langer: braced for the ultimate test +Sports,Footballer Denies Assault Charge +Sports,Real changes shock Owen +Sci/Tech,DSL Tops 78 Million Lines Worldwide +Sports,Dalmiya blames Zee and ESS +Sports,Cabrera comes back after wife #39;s surgery +Sports,Shawn Green caught between faith and team +Sports,Game over for Norfolk? +Sci/Tech,Nokia add 6670 to one megapixel pack +Sports,Owners may make recommendation at meeting today +Sports,Dreaded day comes for Sixers #39; big man +World,Susilo unveils plans for first 100 days in power +World,Small Syrian force withdraws from Lebanon as part of redeployment +World,Bombing Kills 2 Policemen in Jerusalem +World,"Iran advances move to nuclear fuel, defying UN" +Business,Maker of Twinkies files for protection +Sci/Tech,Firm justifies job for virus writer +Sci/Tech,"The 6670, Nokia #39;s new smartphone" +Sports,Ralf ready to return +Sports,Serena struggles through +Sports,Giants win; LA #39;s lead dwindling +Sports,Hockey big men go head-to-head +World,Britain Stands Firm as Iraq Hostage Pleads for Life +World,US warplanes attack insurgents in east Baghdad +World,N. Korea May Be Preparing Missile Launch +World,WORLD BRIEFS +World,us using yassin-style executions in iraq? +Sci/Tech,Extortionists hit US credit card firm +Sci/Tech,Firm justifies job for virus writer +Sci/Tech,Sony u-turn over MP3 music files +Business,Suit Alleges Racial Bias Against Wal-Mart (AP) +Business,Electrolux issues profit warning +Sci/Tech,DSL Leads the Broadband Boom +Sci/Tech,Looksmart Acquires Furl.net +Sci/Tech,Vertical solutions take hold in CRM +Sci/Tech,E-Vote Fears Soar in Swing States +Sci/Tech,IPod Promoters Feel the Heat +Sci/Tech,"IBM inks \$972M voice, data deal with Lloyds" +Sci/Tech,A New Reason to Love Star Wars +Sci/Tech,Morphine Apparently in Your Head +Sci/Tech,Broadcasters Gut Digital TV Bill +Sci/Tech,Sims 2: Face Lift of the Original +Sci/Tech,CA updates Unicenter offerings +Sci/Tech,Automakers Give Biodiesel a Boost +Sci/Tech,Sony Considers MP3 Support to Silence iPod Fans (Reuters) +World,U.S. Marines Train Niger Counter-Terror Force (Reuters) +World,"No Concession by Indonesia's Megawati, Count Near End (Reuters)" +Sci/Tech,Why we want to believe psychics +World,UK hostage's 'release sabotaged' +World,Turkish PM lobbies EU officials +World,Cat Stevens 'shock' at US refusal +Sci/Tech,Toshiba Eyes Alternative Flat TV Technology +World,Cycling: Hamilton suspended +World,Indian PM to push for UN seat +World,Sri Lankan rebels 'shoot rival' +World,Musharraf Says Pakistan Has al-Qaida on the Run +Sci/Tech,VoiceGlo Offers IM Interoperability +World,Deal frees US 'enemy combatant' +World,2 killed by suicide bomber at station +World,Unseated Afghan governor looks to future +World,Allies agree to set up military training academy in Iraq +World,US military charges two soldiers with murder of 3 Iraqis +World,Vietnam vets back troubled unit +World,"For Georgia man's kin, fear turns to horror" +World,US soldier killed in Afghan attack +World,"Bad Mouth or Free Mouth, He Ruffles Genteel Airwaves" +World,Palestinians Kill Three at Army Outpost +World,Cabrera's Homer Leads Red Sox Past Orioles +World,Midwest Getting Its Summer in September +World,Bush Hopes Allawi Can Reassure U.S. Voters +World,Palestinians Kill Three at Army Outpost +Sci/Tech,"The Future of the Internet, Eleven Years Ago" +Business,Computer Associates settles charges; ex-CEO indicted +Business,Foreign direct investment outlook good +Business,Boeing Not Looking for Trans-Atlantic Spat +Sci/Tech,Sony u-turn over MP3 music files +Sci/Tech,Six more months for Mars rovers +Sci/Tech,Sleek Looks and Superb Performance to Woo Mac Fans and PC Buyers +Sci/Tech,British broadband usage jumps 150 per cent in a year +Sci/Tech,Web users addicted to net +Sci/Tech,New signs of life below Poles revive hope for Mars! +Sci/Tech,Intel intros new budget Celerons and chipset +Sports,Graham Starring in Third Season With Pats (AP) +Sports,Time for Euros to have fun in majors +Sports,Real chasing Sir Bobby? +Sports,Baseball Today (AP) +Sports,Keane Pleads Not Guilty to Assault Charges (AP) +Sports,Just a close call for closer +Sports,Returning to football helps Faulk carry on +Sports,"Giants win, cut gap to half game" +Sports,Notables +Sports,Foulke unfazed by flops +Sports,Swing and a hiss: Bellhorn sets mark +Sports,Coach is in Seymour's corner +Sports,Ankle injury sidelines Blake +Sports,Needham tackle now playing for Harvard +Sports,Framinghan goalie shines at Saint Anselm +Sports,Griest making a run for URI cross-country +Sports,Today's schedule +Sports,"Top-ranked football team wins with flags, whistles" +Sports,Athletes must come back to earth after Olympic venture +Sports,Another difficult weekend for Frenchman Duval +Sports,Ready to go in Shanghai! +Business,Rate Rises #39;Could See House Prices Slump #39; +Business,Suit Alleges Racial Bias Against Wal-Mart +Business,Electrolux issues profit warning +Sci/Tech,Sony Considers MP3 Support to Silence iPod Fans +Sci/Tech,Senate action could allow broadcasters to keep 700 MHz spectrum <b>...</b> +Sports,United skipper Keane in court +World,Susilo to form Cabinet as of Oct. 5: Minister +World,Flood of horrors in Haiti +World,"US tanks, planes strike Baghdad Shi #39;ite district" +World, quot;Incendiary device quot; on Virgin Blue flight +World,"Japan, Brazil, India and Germany seek more influence over global <b>...</b>" +World,Nepal awaits Maoist response to call for talks: +World,UK Hostage in Iraq Pleads for Life After 2 Americans Killed +World,"More than 1,000 dead in Haiti" +World,Fatah threatens to revoke Barghouti #39;s membership +Business,Former software execs indicted +Business,Lawmakers expect to deliver bill to Bush soon +Business,Corporate taxes melting away +Sports,Lara to play in ICC Champions Trophy final +Sports,"MLB: Seattle 16, Anaheim 6" +Sci/Tech,Eyetrack service lets us look at you looking at us (USATODAY.com) +Sci/Tech,Jury orders Sony to pay #36;82 million (SiliconValley.com) +World,"Briton begs for life on video, asks Blair #39;s help" +World,Three Israelis among five killed in Palestinian raid on Gaza <b>...</b> +World,India #39;encouraged #39; by Musharraf #39;s speech: +Sci/Tech,Conway: Saga far from over (SiliconValley.com) +Sci/Tech,Morphine-Free Poppy Holds Key to New Pain-Killers (Reuters) +World,Seven bombs across Spain injure five in reminder of Basque <b>...</b> +Sci/Tech,Rumours over Google 'browser' +Sci/Tech,"Microsoft Takes Stands Against Spam, Sanctions" +Sci/Tech,More Hunger At Investor Lunches +Business,Report-Lehman Near Deal on Enron Lawsuits (Reuters) +Business,Greek accession to eurozone not in doubt: EU officials (AFP) +Business,Former CA chief Sanjay Kumar charged with securities fraud +Sports,Chinese GP has much in store +Sports,Sav Misses England Clash +World,Resolution of problems with Pakistan will take time: Manmohan +Business,American Airlines Seeks New Credit Line +Business,Congress Set to Extend Family Tax Cuts +Business,Boeing boss says he is trying to avoid trans-Atlantic spat over <b>...</b> +Sci/Tech,Sony does u-turn for MP3 support +Sci/Tech,Windows XP upgrade is worth the trouble +Sci/Tech,Rumours surround Google browser +Sci/Tech,Apple earns less than a nickel per iTunes track +Sports,Beckham Special Eases Real Pressure +Sports,Red Sox Win in Last At-Bat +World,"Palestinian militants infiltrate Gaza Strip outpost, kill three <b>...</b>" +World,WHAT MANMOHAN SINGH WILL LIKELY TO SAY IN HIS ADDRESS TO UNGA +Sci/Tech,Microsoft to secure IE for XP only +Sci/Tech,Internet junkies in chilling cold turkey experiment +Sports,Giggs returns to face England +World,"Israeli Soldiers, Palestinian Gunmen Killed in Gaza Clash" +World,Concern Mounts That North Korea May Be Planning Missile Test +World,LTTE kills Karuna #39;s brother +Business,India among top four FDI destinations in Asia +Business,Martha Stewart to feature in new prime-time TV show +Business,Middle-Class Tax Cuts Extension Approved +Sci/Tech,"Wireless, imaging accessories from Nokia" +World,Six dead in Gaza settlement raid +World,Whispers of regime change +Business,Andrew Tumbles in Before-The-Bell Trade +Business,Stocks Set to Open Flat to a Bit Higher +Business,Report-Lehman Near Deal on Enron Lawsuits +Business,Turkcell signs Iran mobile deal +Sci/Tech,Global DSL subscriber base crosses 78m report +Sci/Tech,Micorsof India launches new software +Sports,"Woolmer, Inzamam in firing line" +Business,Hurricane Impact Drives Up Jobless Claims +Business,Stocks to Watch Thursday +Business,"Cyberonics Up, Andrew Down Before Bell" +Business,"Jobless Claims Rise, Reflecting Impact of Hurricanes" +World,Palestinians Kill 3 Israeli Troops in Gaza +World,Italian Govt. Tries to Assure Country Over Hostages +World,Britain Rules Out Talks with Iraq Kidnappers +World,Ex-Official Says Iraq Wants Show Trial for Saddam +World,Confusion over Italian hostages +World,Nepal's PM calls for peace talks +World,Giants Pull to Within 1/2 Game of 1st +World,Court Rules a Horse Is Not a Vehicle +World,Senate Approves Goss As Head of CIA +World,"Investors to Weigh Sell-Off, Earnings" +World,Panel OKs Extension of Tax Cuts +World,Stevens Returns to U.K. After Detention +Business,Update 1: Morgan Stanley and Bear Stearns crashed finance sector +Business,Korean Economy Falling Alone +Business,Huge US bakery files Chapter 11 +Business,"US Airways, pilots resume talks" +Business,Wal-Mart sued for racial bias against black drivers +Sci/Tech,PeopleSoft Says 3rd-Qtr License Revenue Tops Oracle #39;s (Update2) +Sci/Tech,SA #39;s e-attacks jump 796 +Sports,England pacemen to target Lara in Trophy final +Sports,Its not easy being Green +World,Hostage #39;s brother accuses US over freedom moves +World,Italian Govt. Tries to Assure Country Over Hostages +World,Mass graves in flood-ravaged Haiti +World,"Bush and Pakistani Talk, Skirting Army Role" +World,"Al-Qaida threatens Lebanon, Syria" +World,Britain Stands Firm as Hostage Pleads +Sci/Tech,Hack Attack Gums Up Authorize.Net +Sci/Tech,Russian ministries start agreeing to Kyoto approval +Sci/Tech,Attacks disrupt some credit card transactions +Sports,PEREZ DENIES SPECULATION +Sci/Tech,Sun Hung Kai urges HK to increase land supply (FT.com) +Sci/Tech,Sony Considers MP3 Support to Silence iPod Fans +Sci/Tech,Cisco Sees China as Center of World Tech Market +Business,Hurricane Impact Drives Up Jobless Claims (Reuters) +Business,Stocks to Watch Thursday (Reuters) +Business,"Cyberonics Up, Andrew Down Before Bell (Reuters)" +Business,Rite Aid Posts Profit Vs. Year-Ago Loss (Reuters) +Sci/Tech,Activists Show Alleged Vote Machine Flaws +Sci/Tech,Cisco Sees China as Center of World Tech Market +Sci/Tech,Sony Considers MP3 Support to Silence iPod Fans +Sci/Tech,Hubble's deepest shot is a puzzle +Sci/Tech,Coast-Mapping Satellites Will Follow the Tides +Sci/Tech,Soft Drinks Supply Americans With More Calories Than Milk +Sci/Tech,New Boarding School Teaches Weight Control Methods +Sci/Tech,Poor Medical Treatment Kills Thousands Each Year +Sci/Tech,Insurance Falls Short for Many Workers +Sci/Tech,Game publishers sweat console change +Sci/Tech,Cisco to set up R D lab in Shanghai +Sci/Tech,AMD still mulling plans for a joint-venture chip plant +Sci/Tech,"Report: DoCoMo, Cingular to link on 3G technology" +Sci/Tech,IRiver Unveils Colorful Audio Players +Sci/Tech,REVIEW: Apple's New IMac G5 Short on Extras +Sci/Tech,San Francisco Giants to Offer Wi-Fi Instant Replays +Sci/Tech,Sony Shifts Strategy to Support MP3 Files +Sci/Tech,Cybersecurity Office May Relocate +Sci/Tech,Activists Show Alleged eVoting Machine Flaws +Sci/Tech,Microsoft Allows for Better Backups +Sports,Five up for Games inclusion +World,Israeli Army Blows Up House Near Gaza +World,Al-Qaeda #39;s Lebanese chief arrested +Sci/Tech,Google Browser May Be Reality +World,Bush Marks Opening of Indian Museum (AP) +World,"Iraq, Middle East troubles overshadow UN meeting (AFP)" +World,Sources: N.Korea May Be Preparing Missile Launch +World,Iran Says Talks Only Way to Resolve Nuke Standoff +World,China facing environment 'crisis' +World,"Three Israelis, Three Palestinians Killed in Gaza Clash" +Business,Gary Andres +Sci/Tech,"Real merges its player, music services units" +Sci/Tech,Microsoft unveils storage server solution +Sports,REAL RULE OUT ROBSON +Sports,Brees Gets Starting Nod for Chargers +Sports,"Top Czechs Renew Rivalries at Home, Not in NHL" +Sports,"Japanese Baseball Players, Owners Reach Deal" +Sports,Five Sports on Shortlist for Possible Olympic Games Inclusion +Sports,Moya Leads Off Against Mathieu in Davis Cup Semi +Sports,Scotland Gets to Tee-Off Just in Time +Sci/Tech,AMD's Ruiz disappointed by Microsoft's 64-bit delays +Business,IRS Relaxes Rules on Business Tax Filing (AP) +Business,"European Stocks Down, Dollar Swoons" +Business,Stocks Seen Opening Lower as Oil Climbs +Business,"Rite Aid Posts Profit, Reaffirms Outlook" +Business,Trump Hotels and Equity Firm Break Off Investment Talks +Business,Martha on the Mark +Business,US Airways Sets Tomorrow Deadline For Labor Deals +Business,Boeing Says 7e7 Being Developed Without Subsidies +Business,Electrolux profits hit by high steel price +Business,Comptroller convicted on 72 counts +Business,Twinkies May Have Lost Their Twinkle +Business,IMF Forecasts Decline in Gross Domestic Product +Business,Bank confirms talks to obtain control of S. African bank +Business,Electrolux Profit to Miss Forecast on Steel Costs (Update3) +Sci/Tech,Microsoft Publishes First Windows XP SP2 Patch +Sci/Tech,Sprint serves up Samsung smartphone +Sports,Bryans hope for Davis Cup title +Sports,Baseball: Rare player strike grips Japan +Sports,LEWIS OUT TO SHINE AGAIN +World,"Haiti Storm Death Toll Could Reach 2,000" +World,Syria continues withdrawing its forces from Lebanon +World,Syria #39;s role appreciated by Italy +Sports,The Tyler Hamilton Affair +World,Iraq denies prisoner release plan +World,Palestinian gunmen kill 3 Israelis in Gaza +World,End to Libya sanctions on EU agenda +World,"Mount Asama erupts for first time in five days, shaking nearby <b>...</b>" +Business,Rite Aid Posts Profit Vs. Year-Ago Loss +Business,Boeing lands 200 7E7 down payments +Sci/Tech,IPod faces competition as MP3 player sales boom +Sci/Tech,Space Station Crew Plans New Missions +Sci/Tech,Microsoft Expands Code Sharing +Sci/Tech,"More attackers targeting e-commerce and Web apps, says Symantec" +Business,Blue Chips Open Down; Oil Near \$48 +Business,AG Edwards Profit Misses Forecasts +Business,Update 1: Rite Aid Earns \$9.8M in Second Quarter +World,Europe lifts weapons ban from Libya +Business,"Rite Aid Posts Profit, Shares Drop" +Business,Leading Indicators Decline in August +Sci/Tech,Edward C. Baig: Personal Tech - Family tree research can be addictive fun (USATODAY.com) +Sci/Tech,Space Station Crew Plans New Missions (AP) +Sci/Tech,Star Wars Game Gives Battle Tour +Sci/Tech,Former CA chief indicted; company reaches accord +World,Blind Feed the Blind at New Paris Eatery (AP) +Sports,Illinois Takes Top Ranking in AP Poll (AP) +World,"In Hinesville, home of the 3rd ID, talk is of Iraq, not the elections (AFP)" +World,Palestinians Kill 3 Israeli Soldiers at Settlement +World,Mass burial for Haiti storm dead +World,Iraq Leader Tells Congress That Sacrifice Won't Be in Vain +World,"Even Near Home, a New Front Is Opening in the Terror Battle" +Sci/Tech,Wi-Fi world under threat from Symbol patent +Business,Placer Dome forecasts higher 2005 gold production +World,"Unemployment, Oil News Keep Stocks Mixed" +World,U.S. Rules Out Iraq Women Prisoner Release +World,"Allawi Touts Iraq Progress, Thanks U.S." +Sci/Tech,Anti-spam standard body dismantled +World,Hurricanes Lead to Spike in Jobless Claims +Business,Shell spends big to recoup #39;lost #39; oil +Business,"US Weekly Jobless Claims Climb 14,000 To 350,000" +Business,Andrew forecasts a loss +Sci/Tech,Star Lawyers Shine in \$82 Million Patent Case +Sci/Tech,Space Station Crew Plans New Missions +Sci/Tech,Sony #39;s Ando says DVD format dispute to continue for some time <b>...</b> +Sci/Tech,Mars rovers get new lease on life +Sci/Tech,Cisco #39;s New Offerings Enhance SAN Extensions +Sports,Fletcher issues Lara warning +Sports,Wales midfielder Savage to miss England game as red card upheld +Sports,Jordan vows to fight for survival +Sports,Juve on top as Messina shock Milan +Sci/Tech,-Posted by david.berlind 6:57 am (PDT) +World,I don #39;t deserve to die: Briton #39;s plea to Blair +World,EU tentatively agrees to lift embargo on Libya +World,Forces Boost Urged to Halt Darfur Killings +World,Nazi heir artwork collection attacked +Sci/Tech,Furl Search Client Acquired By LookSmart +Sci/Tech,"How the music biz can live forever, get even richer, and be loved" +Business,Treasuries Tussle with Profit-Takers (Reuters) +Business,AG Edwards Profit Misses Forecasts (Reuters) +Business,Future Economic Activity Gauge Falls (AP) +Business,Greece admits it broke rules to join euro +Business,Jobless Claims Rise Amid Hurricanes #39; Impact +Business,Barclays looks to buy Absa stake +Business,Trump Casinos Deal with DLJ Is Off +Business,Steel costs to hit Electrolux profit +Sci/Tech,Sony considers adding native mp3 support to its players +Sci/Tech,Ireland cracks down on net scams +Sci/Tech,Corning #39;s Crystal-Clear Future +Sports,Formula One: Desperate days for also-rans +World,UN nuclear inspectors head to Brazil +World,Japan alert for N. Korean rocket test +World,BJP flays Musharraf #39;s comment on bilateralism +World,Jet hoax exposes lapse in security +Business,Electrolux Warns Steel to Dent Profits (Reuters) +Business,Electrolux Warns Steel to Dent Profits +Sci/Tech,Hammer Time for Computer Associates +Business,Zara chain takes fur off shelves +Business,Barclays looks to buy Absa stake +Business,Empty Twinkies Get New Filling +Business,Hurricanes spike jobless claims +Business,US economic barometer down 0.3 in third straight decline +Business,Report-Lehman Near Deal on Enron Lawsuits +Business,Mercedes: Years to Regain Peak Profit +Business,BCE Inc. expects \$578 million from selling most of stake in <b>...</b> +Sci/Tech,Sony Must Pay \$82 Million to Immersion for Infringement +Sci/Tech,Google rumoured to be planning Internet Explorer rival +Sci/Tech,US families suffer from web withdraw +Sci/Tech,Enter your e-mail: +Sci/Tech,First game for AMD 64-bit chip emerges +Sci/Tech,PeopleSoft throws customers a discount and free upgrade +Sci/Tech,Philips Begins Mass Production of Sixth-Gen TFT-LCDs +Sci/Tech,AOL Shuns Mac Users With New PassCode Service +Sports,Sturrock Ready for Owls Challenge +Sports,CORRECTED-Forssell could be out for six months +Sports,Croyle #39;s injury clouds postseason optimism +Sports, quot;Masses of interest quot; in Jaguar Racing +World,"Haiti Storm Death Toll Could Reach 2,000" +World,Megawati refuses to concede defeat +World,Workers suspect in bomb scare +World,Children wounded in attack +World,"RP, MILF agree on JI inspections" +World,Computer Problems Cause Lufthansa Delays +World,Arabs Split Over 'Legitimacy' of Iraq Beheadings +World,German Arrested Over Suspected Nuclear Arms Trade +Business,Hurricanes lead to spike in jobless claims +Business,Future Economic Activity Gauge Falls +Business,House-Senate Committee Agrees to Continue Tax Cuts +Business,Steelcase Posts Drop in 2Q Profit +Business,Mercedes Sees 2004 Profit Below 2003 +Sports,China set for F1 Grand Prix +Sports, #39;MASSES OF INTEREST #39; IN BUYING JAGUAR TEAM +World,From Romans to rock stars: the biography of our nation +World,Wife begs captors to free hostage +Business,Oil Eases as U.S. Mulls Tapping Stocks +Business,Halliburton May Separate KBR Unit +World,Bush Marks Opening of Indian Museum +World,"Haiti Storm Death Toll Could Reach 2,000" +World,"Unemployment, Oil News Keep Stocks Mixed" +Business,National Oil Reserves Eyed to Offset Hurricane Losses +Business,Lehman May Settle Enron Scheme Lawsuit +Business,Bailout plan shelved for Donald Trump #39;s casinos +Business,"Steelcase Posts Profit, Sees Problems" +Sci/Tech,AMD Disappointed by 64-Bit Delay +Sports,Hodge to tour but Clarke favoured +World,Philippines link to JI training +Business,Former Computer Associates CEO pleads not guilty +Business,PeopleSoft Plays Defense +Business,Halliburton May Separate KBR Unit +Sci/Tech,Enter your e-mail: +Sci/Tech,Enter your e-mail: +Sci/Tech,Sony To Pay \$82 Million in Patent Case +Sports,Sven gets vote of confidence +Sci/Tech,Intel and AMD Keep Value Battle Alive +Sports,Sauvage sweats on 10th gold +Sports,Coliseum the site of a Brown love-in? +World,Fears of N Korea missile launch +Business,Wal-Mart Seeks to Repair Image in Calif. (Reuters) +Business,Halliburton May Separate KBR Unit (Reuters) +Business,Ex-Chief of Computer Associates Kumar Pleads Not Guilty +Business,Banking on Christopher Banks? +Business,Bell Canada sells stake in MTS +Sports,US team might be better off without Tiger; Sutton #39;s strategy flops +Sports,NL Capsules +World,Device found on Australian plane +Sci/Tech,Electronic-Vote Critics Urge Changes to System (Reuters) +Sci/Tech,"Blue Chips Down, Hurt by Exxon Downgrade (Reuters)" +Sci/Tech,Ex-CA Chief Pleads Not Guilty to Fraud (Reuters) +Sci/Tech,Russia Plans Space Station Launch on Oct. 11 (Reuters) +Sci/Tech,Life is a Gas: Methane Might Support Underground ET (SPACE.com) +Sci/Tech,"Zero G Flights Could Bolster Space Tourism, Research Industries (SPACE.com)" +Sci/Tech,BMW Unveils World's Fastest Hydrogen-Powered Car +Sci/Tech,Renault Says May Make Compact Sports Car +World,Activists: Afghan women no better off (Chicago Tribune) +World,Sterling remains weak after dovish minutes from Bank of England (AFP) +World,Marine Killed in Iraq's Anbar Province (AP) +World,Pakistani authorities burn 22 tonnes of seized drugs (AFP) +World,Budget math deflating many Bush initiatives (USATODAY.com) +World,"Iraq Leader Addresses Congress, Vowing Elections in January" +World,John Calls Taiwanese Photographers 'Pigs' +World,"Slower Economy, Oil Leave Stocks Mixed" +World,Fla. Court Nixes Law Keeping Woman Alive +Business,Jobless claims rise to three-week high +Business,Trump: The fragrance +Business,UPDATE 1-Brazil budget surplus hike shows solid control-IMF +Business,Update 1: Entergy Sees Lower 3Q Earnings +Sci/Tech,Astronaut #39;s still not over the moon +Sci/Tech,"IBM, other vendors accused of cheating E-Rate program" +Sports,Hodge in for injured Ponting +Sports,US Open winner Kuznetsova struggles into quarterfinals at China <b>...</b> +Sports,Justin Gatlin Wins 100 at Japan Meet (AP) +World,"Anwar is a traitor, UMNO youth wing leader says" +Sci/Tech,Ex-NetScreen CEO takes on new start-up +Sports,"Games Finances Correct, Athens Olympics Chief Says" +Sci/Tech,"Qualcomm, Microsoft team on streaming media" +Sci/Tech,"Senate panel approves spyware, wireless privacy bills" +Sci/Tech,Update: PeopleSoft throws customers a discount and free upgrade +Sci/Tech,Nokia adds anti-virus protection to new smart phone +Sci/Tech,Pass Along Your Digital Music +Sci/Tech,AMD Disappointed by 64-Bit Delay +Business,Halliburton May Separate KBR Unit +Sci/Tech,News: US credit card firm fights DDoS attack +Business,Hurricanes Boost US Jobless Claims +Business,"Bank of America to move Wealth, Investment Management to Boston" +Sci/Tech,SP2 Internet Explorer enhancements for Windows XP only +Sci/Tech,AOL Service Adds Secure Authentication +Sports,PSG coach Halilhodzic faces crunch week +Sports,Stoddart: Minardi will use own engine if need be. +Business,Ex-CA chief pleads not guilty to fraud +Business,UPDATE 3-Cyberonics gets FDA OK for small study +Sci/Tech,Is Sony in the Groove? +Sci/Tech,Russian Cosmonaut to Travel With the Next Space Station Crew +Sci/Tech,Yahoo Survey Reveals #39;Web Withdrawal #39; +Sci/Tech,Alarm Raised over Antarctic #39;s Rapid Ice Flow +Sports,Real Stand By Remon For Now +Sports,Kansas City Royals Team Report - September 23 +World,Report: Two Italian female hostages executed in Iraq +World,Indonesian President Apologizes for Shortcomings +World,NATO to begin training Iraq army +World,Update 1: Germany Wants to Privatize Railway +World,Small Syrian Force Withdraws From Lebanon (AP) +World,Peru Ex-President Rejects Extradition Call (AP) +Business,UPDATE 5-Interstate Bakeries files for bankruptcy +Business,"Unemployment, Oil News Keep Stocks Mixed" +Business,American Airlines seeks new credit line +Sci/Tech,Booming Market for MP3 Players According to IDC #39;s Latest Forecast +World,Yudhoyono makes the cut in Sulawesi +World,"Bush ahead in swing states, will defeat Kerry: Karl Rove (AFP)" +Sci/Tech,Online Sales Jump in November +World,Nations Lobby to Expand Security Council (AP) +Sci/Tech,"Intel launches 2.93 GHz Celeron D, PCI Express chipset" +World,Allawi Says Democratic Forces Succeeding in Iraq +Sports,Hamilton Will Keep Cycling Gold Medal (AP) +Sci/Tech,Musicians Sing Different Tune on File Sharing +Business,Wonder Bread parent files for bankruptcy +Business,IMF house price warning +Business,US Economic Gauge Signals Weakness +Sci/Tech,Nokia debuts new smart phone +Sports,Monaco down troubled PSG to go top +Sports,"Okocha Calls for Caution, As Allardyce Celebrates" +World,UN pullback in Sierra Leone moves to security handover in capital +Sports,Party Animal Dougherty Changes Ways +World,PM Says Iraq Succeeding In Fight For Stability +Sci/Tech,Rival Technologies Vie for 'Green' Car of Tomorrow +Business,"30-, 15-Yr Mortgages Lowest Since April" +Business,Frances' Insured Losses to Near \$4.4 Bln +Business,AMR Forecast Cut by Analysts +Business,Bank of America to Move Part of Business to Boston +Business,Dentsply Is More Than a Mouthful +Sci/Tech,Mandrake gets contract to boost Linux security +Sci/Tech,Holiday Tech Buying Guide +Sci/Tech,Briefly: LookSmart buys Furl.net +Sci/Tech,Danish government agency opts for open source +Sci/Tech,Nokia touts new smart phone +Sci/Tech,Ex-NetScreen CEO joins start-up +Business,Computer Associates ex-CEO pleads not guilty +Business,Wall St shuffles as deals decline +Business,AMR Forecast Cut by Analysts +Sci/Tech,Jury: Sony unit to pay \$82M to San Jose company +Sci/Tech,Longest-necked protorosaur ever unearthed +Sci/Tech,Mandrake gets contract to boost Linux security +Sci/Tech,Apple v. Apple: Perfect harmony? +Sci/Tech,System attackers up the ante +Sports,Shakhtar loses top goal-scorer +Sports,Arizona Diamondbacks Team Report - September 23 +Sports,Broken jaw slows Kurz +World,"North Korean Missile Test Isn #39;t Imminent, #39; Japan Minister Says" +World,Sudan has no plans to disarm #39;Arab rebels #39; +Business,U.S. Economic Gauge Signals Weakness (Reuters) +Business,Lehman Near Deal on Enron Lawsuit-Source (Reuters) +Business,Dentsply Is More Than a Mouthful (The Motley Fool) +World,Controversial Swiss culture show abroad sparks domestic storm (AFP) +Business,Democratic prospects for Hill takeover dim +Business,BofA to move Wealth Division to Boston +Sports,Roddick vs. Voltchkov opens Davis Cup semifinal +Sports,Jaguar sale drawing massive interest +Sports,Tennis: Kuznetsova Advances to China Open Quarterfinals +Sports,Aghahowa out of Barcelona tie +World,UN says no nuke inspection agreement +World,Hostage #39;s release explained +Sci/Tech,Former Dot-Com Commerce One Eyes Closure (AP) +Sci/Tech,Mass. Firm Offers Lifetime Phone Service for \$999 +Sci/Tech,Bush's NASA directive clouds other missions (USATODAY.com) +Sci/Tech,Stamps.com Cancels Investor Presentation (Reuters) +Sci/Tech,Pass Along Your Digital Music (PC World) +Sci/Tech,"Turkcell signs deal for Iran mobile network, still to pay licence fee (AFP)" +Sci/Tech,Open-Source Copyright Conflict Heats Up (Ziff Davis) +World,Israel Charges Iran Replaces Saddam as Terror Exporter (Reuters) +World,British Hostage's Mom Pleads for His Life (AP) +World,Quotes From Allawi Speech (AP) +World,US warns N. Korea against missile tests (AFP) +World,U.S. Weighs Borrowing Oil From Stockpile (AP) +World,Allawi warmly welcomed in Congress but Democrats air doubts (AFP) +World,Berlusconi talks terrorism with Thai PM (AFP) +World,Israel Charges Iran Replaces Saddam as Terror Exporter +Sci/Tech,Science cracks killer bug's code +World,Powell Expresses Concern Over Possible N.Korean Test +Sci/Tech,International Space Station Crew Plans New Missions +Sci/Tech,Chandra Eyes The Mouse That Soared +World,Florida Court Rejects Law Keeping Comatose Woman Alive +Business,UNCTAD releases annual world investment report +Business,Future Economic Activity Gauge Falls +Business,Halliburton to Restructure Subsidiary +Business,B of A sets plans to move wealth management operation to Boston +Sci/Tech,Review: New Computer Mice Cutting Edge (AP) +Sci/Tech,Scientists Make Phone That Turns Into a Sunflower +Sci/Tech,More Authors Keeping Online Journals (AP) +Sci/Tech,Why did sea monsters have long necks? +Sci/Tech,Antarctic glaciers slipping faster into the sea +Sci/Tech,Dangerous Exploit Targets JPEG Flaw +Sci/Tech,Cingular reported to be close to DoCoMo partnership +Sports,Special to ESPN.com +Sports,A little tweaking could do great things for the US Open Cup +Sports,Rutgers player suspended after pleading guilty in attack on <b>...</b> +Sci/Tech,Danger of Image-Borne Viruses Looms (washingtonpost.com) +World,Turkey has no more obstacles for EU entry talks: official +World,NATO Reaches Agreement on Iraq +Sci/Tech,Dangerous Exploit Targets JPEG Flaw (PC World) +Sci/Tech,Folded Ice Discovered Beneath Antarctica (AP) +Sports,Don #39;t write us off against Australia +Sci/Tech,Danger of Image-Borne Viruses Looms +Sci/Tech,Cyber criminals step up the pace +Business,GE Settles with SEC Over Welch's Perks (Reuters) +Business,Bush Set to Open Oil Reserve Spigot +Business,"Blue Chips Drop, Oil Reaches \$49 a Barrel" +Business,Treasuries Down After Upbeat Fed Minutes +Business,Ex-CA CEO Pleads Not Guilty to Fraud +Sci/Tech,Anti-spam screensaver scrapped +Business,Halliburton Says It May Separate KBR Unit +Business,SEC Says GE Violated Law Over Welch Perks +Business,Heavy cost of Hurricane Frances +Sci/Tech,Hubble Approaches the Final Frontier: The Dawn of Galaxies +Business,Weather's Fine at Dress Barn +Business,AT T's VoIP Venture +Sci/Tech,Microsoft tweaks volume-licensing program +Sci/Tech,Briefly: Microsoft updates home PC package +Sci/Tech,Mandrake in contract to boost Linux security +Sci/Tech,Microsoft updates home PC package +Sci/Tech,Dangerous Exploit Targets JPEG Flaw +Business,"Crude oil regains strength, thanks to Ivan" +World,"Hostage Crises Rivet Britain And Italy, But No Solutions In Sight" +World,UN Nuclear Watchdog Battles Brazil on Checks at Resende Plant +Business,Halliburton may shed KBR +Business,Cognos tops forecasts; Midnight Oil merger +Sports,Monty still smiling at Woburn +Sci/Tech,Contact Centers Await Next-Generation Speech (NewsFactor) +Sci/Tech,Microsoft Issues First Patch for Windows XP Service Pack 2 (NewsFactor) +Sci/Tech,Groups Challenge Rules on Pesticides (AP) +World,Ryder Cup stars return with a bump (AFP) +World,Iraq Beheadings: Medium Becomes Message (AP) +World,"US warns N. Korea against missile tests, urges return to nuclear talks (AFP)" +Sci/Tech,'A Massive Experiment' In Voting +World,"Graham defends U.S. missile plan, but won't say for sure if Canada's joining (Canadian Press)" +World,Bush Shrugs Off Bad Polls on Iraq Outlook (AP) +World,Pentagon Restores Voting Web Site Access (AP) +World,House Blocks Court on Pledge Case Rulings +World,Bush: Terrorists May Plan More Attacks +World,Stevens Returns to U.K. After Detention +World,Hamilton Will Keep Cycling Gold Medal +World,Mo. Man Legally Changes His Name to 'They' +World,"Stocks Mixed on Slow Economy, Oil Prices" +Sci/Tech,Briefly: Jail time for California swappers? +Sci/Tech,Orange Unveils 3G Phones in Long-Delayed Launch +Business,Update 2: Judge OKs Interstate Bakeries #39; Financing +Business,TV deal sends Martha Stewart Living shares soaring +Business,Update 1: Proposed Bailout of Trump Casinos Shelved +Business,"Stocks mixed, tech sector gets minor boost as oil prices near <b>...</b>" +Sports,Rodriguez Wins His Fourth Stage in Spain (AP) +Sports,Mystics Make Surprising Run to Playoffs (AP) +Sports,Roddick to open US Davis Cup bid against Belarus +Sports,"UPDATE 2-Ryder Cup quartet trail McDowell, O #39;Hern, Lara" +Sports,Waters rewarded with two-year extension +Sports,Bears' Secondary Forced to Play Hurt (AP) +World,UK hostage mother appeals captors to show mercy +World,Part 1 of 2: The evolution of Indonesian democracy +World,Terror cell arrests rise to 12 +Sports,Court Denies New Trial for Hockey Death (AP) +Sports,Rutgers Player Suspended on Guilty Plea (AP) +Sports,Robby Gordon Put on Probation for Rest of Year +Sports,Roddick to Open U.S. Davis Cup Bid Against Belarus +Sports,"Ryder Cup Quartet Trail McDowell, O'Hern, Lara" +Sci/Tech,"New, dangerous Microsoft JPEG exploit released" +Sci/Tech,WiMax wings into the wild world of wireless +Business,Oil Prices Rise as Supply Concerns Linger +Sci/Tech,Scientists Reverse Paralysis in Dogs (AP) +Business,"Blue Chips Drop, Oil Reaches \$49 a Barrel" +Sci/Tech,Pre-Dinosaur Reptile Discovered -- Long-Necked Hunter +Sci/Tech,PeopleSoft Offers Incentives +Sports,Montgomerie enjoys another grandstand finish +Sports,"Wild Thing, I Think I Love You" +World,"Haiti Storm Death Toll Could Reach 2,000" +World,3 Palestinians Shot Dead After Killing 3 Israeli Soldiers +Sci/Tech,Scientists Test Organic Waste Technology (AP) +Sci/Tech,Scientists Seek Limit on Shark Killings (AP) +Business,Brokers Dip As AG Edwards Misses +Business,Putnam to Disclose More About Fees +Business,Human Stem Cells Show Potential for Eye Repair +Business,Study: Government data limited on offshoring +Sci/Tech,Ireland Cracks Down on Internet Fraud (AP) +Sci/Tech,Ancient Sea Reptile Explains Long Neck +Sci/Tech,Ireland Cracks Down on Internet Fraud +Sports,Montgomerie has strong finish at The Heritage +Sports,"North vs. South baseball wars, California style" +Sports,Braves try to clinch 13th straight division title +Sci/Tech,Calif. Panel Weighs Greenhouse Gas Plan for Cars (Reuters) +Sci/Tech,New Way to Help Find Quake Survivors -Sniffer Rats (Reuters) +Business,Bush Set to Open Oil Reserve Spigot +Business,Blue Chips End Lower After Oil Hits \$49 +Business,Ex-CA Chief Pleads Not Guilty to Fraud +Sports,Tyler Hamilton Cleared to Keep Olympic Gold - IOC +Sports,Grey-Thompson Takes 10th Paralympic Gold +Business,Some Soldiers May Be Due Insurance Refund +Business,Beacon Roofing Leads Day of IPO Gains +Sci/Tech,"Nokia guns for PDA, home surveillance rivals" +Sci/Tech,Immersion wins patent-infringement suit v. Sony +Sci/Tech,Adobe Premiere Elements +Sports,Roddick and Fish lead US Davis Cup effort +Sports,"For better or worse, college football needs Fighting Irish to be <b>...</b>" +Sports,Mayorga misses rape case hearing +Sci/Tech,Public Exploit For Windows JPEG Bug +Sports,MLB Meets on Expos +Sci/Tech,Ky. Students Brace to Dissect Deer Hearts (AP) +Business,Halliburton to Restructure KBR Unit +Business,Cyberonics Gets FDA OK for Small Study +Sci/Tech,Groups Meet to Discuss Climate Change (AP) +Business,No Shine to Home Furnisher +Sci/Tech,Study: Government data limited on offshoring +Sci/Tech,Scientists to study termites for building tips +Sci/Tech,Cisco to invest more heavily in Asia +Business,US leading economic index fall for third straight month in August +Sports,"Hamilton Won #39;t Lose Gold in Doping Case, IOC Says (Update1)" +Sports,Giants look to take lead in NL West +Sports,Bettman stands ground +Sci/Tech,Microsoft files suits against 'bulletproof' Web hosts +Sci/Tech,Microsoft taps European expertise in research +Sci/Tech,Microsoft Files More Spam Suits +Sci/Tech,First Look: Apple's Slim New IMac G5 +Sci/Tech,'Autopsy' Showcases Scientists' Research (AP) +Business,"Slower economy, high oil prices push stocks mostly lower" +Business,SEC says General Electric violated law over Welch perks +Sci/Tech,Sony to support MP3 - shock +Sci/Tech,Did Triassic monster use suction to feed? +Sci/Tech,Sony fined \$82 million +Sci/Tech,"As More Exploits Emerge, Security Groups Prep for JPEG Attack" +Sci/Tech,ISS crew to help search for Aids vaccine +Sci/Tech,DoCoMo Looking for Cingular Deal? +Sci/Tech,Ad campaign touts multimedia cards +Sports,Faulk rejoins Pats after mother #39;s death +World,Push and pull +World,Sri Lanka #39;s Tamil Tigers Kill Renegade Leader +Sci/Tech,Google Founders Honored By Marconi Foundation +Business,GE settles with SEC over Welch retirement package +Business,Automakers Attack Proposal to Address Global Warming +Sci/Tech,Internet Ranks Ahead Of Other Media +Sports,Smith also had marijuana in his system +Sci/Tech,Calif. Regulators Weigh Smog Restrictions (AP) +Sci/Tech,India's Kashmir Govt to Fight Ban on Shahtoosh Wool (Reuters) +Business,Wal-Mart Sued for Racial Discrimination (Reuters) +Business,Wal-Mart Sued for Racial Discrimination +Business,"Stocks Drop on \$49 Oil, Slowing Economy" +Business,The Cigarette Mafia +Business,Stock Markets Fall as Oil Nears \$50 a Barrel +Business,Stamps.com Falls on Concern Over Product Test +Business,Cisco invests \$32 million in china R amp;D center +Sports,"Plenty At Stake - Wednesday 22, September-2004" +World,Blair urged to act on Bigley +Sci/Tech,Cybersecurity overhaul legislation DOA in Congress +Sci/Tech,WiMax wings into the wild world of wireless +Sci/Tech,"New, dangerous Microsoft JPEG exploit code released" +Sci/Tech,PeopleSoft pushes upgrade sweeteners +Sci/Tech,BSA now pushing 700 software piracy probes in the U.S. +Sci/Tech,E-vote critics urge changes to system +Sci/Tech,XP SP2 distribution accelerated; VPN problem fixed +Sci/Tech,French Defense Ministry commissions high-security Linux +Business,A Thorn in Halliburton #39;s Side +Business,Cisco to invest more heavily in Asia +Business,Cyberonics Sends More Data to FDA +Sci/Tech,Sony #39;s Major Strategic Shift: MP3 Format Support +Sci/Tech,LookSmart buys Furl.net +Sports,Irish talk of softening schedule a little +Sci/Tech,"Kyoto in Sight, U.N. Talks Begin in Better Climate (Reuters)" +Sci/Tech,Scientists Make Phone That Turns Into a Sunflower (Reuters) +Sci/Tech,AOL Places Classified Listings in Search Engine Results +Sci/Tech,Google Adwords And The Lost Art Of Copywriting +Sci/Tech,MIT Works to Power Computers With Spinach (AP) +World,Officials Say Iraq Elections on Track (AP) +Sci/Tech,IBM in Voice Services Deal With Lloyds (AP) +World,Russian Ministries Start Agreeing to Kyoto Approval +World,Musharraf Rebuffs Pleas for Pakistan Troops in Iraq +World,N.Korea May Be Preparing Missile Launch -Sources +Sci/Tech,Edge Dynamics launches new breed of enterprise app (InfoWorld) +World,Turkey's EU Bid Back on Course After Damaging Row +World,Powell Appeals to Arafat to Step Aside +World,Nazi holiday camp sold at auction +World,"Missing Airport Uniforms Pose No Threat, Canada Says" +World,Sudan rebels hit outside Darfur +World,S African TV in beheading blunder +World,Gorbachev calls for terror talks +World,Ill Winds Improve the View +World,U.S. Worries Over Election Terror Threat +World,NHL Lockout's First Week Produces No Talks +World,Stations Get E-Mails to Oust Dan Rather +World,"Slow Economy, Oil Prices Send Stocks Down" +Sci/Tech,Linux Camp Takes New Tack on Kernel (Ziff Davis) +Sci/Tech,PeopleSoft pushes customers to upgrade +Sci/Tech,Ariz. Schools to Get Solar Energy Systems (AP) +Business,Fraud charges rock CA +Business,Interstate Bakeries gets OK for funding +Business,"Halliburton, Seeking to Boost Value, May Shed KBR (Update2)" +Business,"Stamp Co. Bars Images of Adults, Teens" +Business,Trump end talks +Sci/Tech,Cybersecurity overhaul legislation DOA in Congress +Sci/Tech,PeopleSoft pushes upgrade sweeteners +Sci/Tech,Website sued over illegal film downloads +Sci/Tech,Credit-Card Processor Hit by DDoS Attack +Sci/Tech,Long-necked dinosaur could have been first stealth hunter +Sci/Tech,Ireland cracks down on Internet fraud +Sci/Tech,Blocking JPEGs no defence against Windows vulnerability +Sci/Tech,Payoffs alleged in school computer program +Sports,FIFA aims to help players prepare for 2006 World Cup +World,Appeal from Family of Kidnapped Briton in Iraq +World,LEBANON NAILS ITS AL QAEDA RINGLEADER +World,Iraqi group says it freed Canadian hostage; victim #39;s family says <b>...</b> +Sports,Montgomerie Has Strong Finish at Heritage (AP) +Sports,Paralympics: Angourakis Increases Greece's Medal Haul +Sports,Brazil Coach More Worried About Venezuela Than Germany +Business,US to Provide Limited Oil to Refineries +Sci/Tech,New Sony players modified to play MP3s +Sci/Tech,MIT Works to Power Computers With Spinach +Sci/Tech,Mission extended for Mars robots +Sports,The West Indians were highly charged up +Sports,Brazil Coach More Worried About Venezuela Than Germany +World,British Hostage #39;s Mom Pleads for His Life +World,Indonesia as a Beacon +World,"Rein in militias, UN tells Sudan" +World,Nepali gov #39;t officially invites insurgents for talks +Sci/Tech,Nokia Phone Adds Virus Protection (PC World) +Sci/Tech,"Microsoft Sues Web Hoster, Others Over Spam (Reuters)" +Sci/Tech,"Microsoft Sues Web Hoster, Others Over Spam" +Business,Trump Optimistic on Scuttled Casino Deal +Sci/Tech,Take-Two Sees Higher Sports Prices for New Consoles (Reuters) +Business,Campbell's Chairman Retires in November +Business,Bush Said to Be Ready to Open Oil Reserve Spigot +Sci/Tech,Briefly: TiVo hires marketing chief +Business,Gov #39;t Set to Make Oil Loans to Refiners +Business,Oracle again extends tender offer for PeopleSoft +Business,Automakers rip Calif. emission rules +Sci/Tech,Nokia Breaks into Home Security Market +Sci/Tech,"Microsoft Sues Web Hoster, Others Over Spam" +Sci/Tech,TechLove With Mr. Roboto +Sports,UPDATE 1-Barca turn on style to join Valencia at summit +Sports,Cardinals reach 100 victories +Sports,Suzuki close to breaking one of baseball #39;s oldest records +Sports,Hopkins wants piece of Roy Jones +Sports,Apathy grows as lockout enters second week +World,Iraqi group says it freed Canadian hostage +Sci/Tech,TiVo hires marketing chief +Sci/Tech,Healthy Forecast for 2005 Ad Spending (Reuters) +Sci/Tech,Ex-CA boss Kumar pleads not guilty +Sci/Tech,Nokia Phone Adds Virus Protection +World,Afghanistan's Karzai to be sworn in with hardest challenges ahead (AFP) +Sci/Tech,PalmSource Falls After Weak Forecast (AP) +World,Turkey's EU Bid Back on Course After Damaging Row (Reuters) +World,"Powell, Libyan FM meet in sign of improved ties (AFP)" +World,Democrat Edwards Courts Women Voters (AP) +World,Many setbacks on road to an effective Iraqi force +Sci/Tech,Musicians Sing Different Tune on File Sharing (washingtonpost.com) +World,China's new wealth clashes with party-boss influence +World,Top Cleric Calls for On-Time Vote in Iraq +World,U.S. Worries Over Election Terror Threat +World,Kerry: Allawi's Take on Iraq Unrealistic +Business,"Delta to sell planes, spare engines to FedEx" +Business,AT amp;T Decries California Rate Hikes +Sports,Yankees Clinch 10th Straight Playoff Spot (AP) +Sci/Tech,Sony to support MP3 in future players +Sci/Tech,Exploit Threat Ratchets Up On Windows Vulnerability +Sci/Tech,Applied Micro Sees 2Q Revenue Below 1Q +Sci/Tech,Senate committee approves wireless spectrum bill +Sci/Tech,Qualcomm Opens a Window to Video +Sci/Tech,Report: CEOs Stagnant on Security +Sports,Suzuki Near One of Baseball's Oldest Marks (AP) +Sports,Brown Has Chance for Rookie Run Record (AP) +Sports,Rockies Beat D-Backs 7-1 to Open Twinbill (AP) +Sports,South Carolina's 'Pops' Cleared to Play (AP) +Sports,Roddick to Lead U.S. Against Belarus (AP) +Sports,Injured Arrington Out +Sci/Tech,Storage Decisions show parades new products +Business,"Blue Chips Fall on #36;49 Oil, Economy Index (Reuters)" +Business,"Blue Chips Fall on \$49 Oil, Economy Index" +Sci/Tech,Columnists: Online Theft +Sports,Sven Doesn #39;t Rule Out Real Switch +Sports,Glen Johnson: More Than quot;The Other Guy quot; Fighting Roy Jones <b>...</b> +World,Powell Appeals to Arafat to Step Aside +World,"Britain backs UN Security Council seats for Brazil, Germany, India, Japan (AFP)" +Business,Barclays takes look at Absa +Business,Halliburton may shed KBR unit +Business,US Airways #39; pilots union to oppose wage cuts +Business,GE settles with SEC over disclosure of Welch perks +Sci/Tech,Insiders Weigh Prospect Of Wireless Spam +Sports,Golf: Singh Hoping for 8th PGA Tour Win +Sports,Montgomerie finds it tough after highs of Ryder Cup +Sports,"Los Angeles at San Diego, 10:05 PM" +Sports,Kings president fined by NHL +Sports,Jones sees Memphis fight as #39;getting back up #39; +Sports,Kutluay lit up US Olympic team +Sports,Redskins #39; Arrington Likely Out for Two-to-Four Weeks +World,Islamic group says it has beheaded two Italians +World,Yudhoyono confirmed as winner +World,"Germany, France back permanent seat for Japan on Security Council" +World,Odd attack damages art +World,Koizumi says N Korea unlikely to test-fire missile +World,Incendiary device found on Sydney jet +World,Montenegro quits Hague panel in protest +World,Musharraf Snubs Pleas for Pakistani Troops in Iraq +World,Russian Ministries Move to Approve Kyoto Treaty +World,Dogs 'sniff out' bladder cancer +World,Dreamworks trio in US wealth list +Sports,AL Wrap: Texas Completes Sweep of Oakland (Reuters) +Sports,Rongen Named Coach of MLS Expansion Team (AP) +Sports,AL Wrap: Texas Completes Sweep of Oakland +Sci/Tech,U.S. to Support Limiting Shark Trade (AP) +Sci/Tech,"New UN Talks Bid to Save Fish, Plants and Timber (Reuters)" +Sci/Tech,California Curbs Cruise Ship Pollution Near Shore (Reuters) +Sci/Tech,Russian Ministries Move to Approve Kyoto Treaty (Reuters) +Sci/Tech,Woman Gives Birth After Tissue Transplant (AP) +World,Yankees Clinch 10th Straight Playoff Spot +World,Forbes List Has Most Billionaires Ever +Business,US frees up emergency oil supply +World,Woman Gives Birth After Tissue Transplant +Business,Hurricanes Lead to Spike in Jobless Claims +Business,The Forbes 400 richest Americans +Sci/Tech,Sony on collision course with music majors over mp3 format +Sci/Tech,"Nokia Announces 6670 Smartphone, GPS Receiver" +Sci/Tech,Protorosaur which came out of the gloom +Sci/Tech,Ovary transplant woman has baby +Sci/Tech,Google Goes on Hiring Spree +Sci/Tech,Exploit Code Appears for MS Graphics Flaw +Sci/Tech,"Verizon, Covad Reach Line-Sharing Pact" +Sci/Tech,PeopleSoft Rolls Out Upgrade Incentive Program +Sci/Tech,"Qualcomm licenses Microsoft audio, video codecs" +Sports,Barcelona hit four to go joint top +Sports,"Players not greedy, Goodenow tells fans" +Sports,Sports: Rangers 5 Athletics 4 +World,Britain Rules Out Talks as Bigley Pleads for Life +World,Flick exhibit stuns and irritates +Business,US exporters fume over delay of corporate tax bill +Sci/Tech,Ireland first country to crack down on modem hijacking +Sports,Xavi - netted Barca #39;s third. (Getty Images) +Sports,No. 23 Boise State #39;s streak on line Friday +World,Musharraf confused by army post +World,Computer problem cancels Lufthansa flights +Sci/Tech,Fat Students Sap School Finances +Sci/Tech,U.S. to Support Shark Protection +Sci/Tech,"Health Highlights: Sept. 23, 2004" +Sci/Tech,Briefly: MLB sells game clips for 99 cents +Sci/Tech,Fiorina: HP's ordering problem now fixed +Sci/Tech,MIT Researchers Work to Power Computers With Spinach +Sci/Tech,Former Dot-Com Hero Faces Closure +Sci/Tech,More Authors Are Blogging +Business,Sony-led deal for MGM set +Business,Calif. Air Board Prepares to Vote on Car Emissions +Business,"Caterpillar, UAW Resume Contract Talks" +Sci/Tech,PassAlong jump-starts eBay music effort +Sports,NL Wrap: Maddux Hits 15-Win Mark as Cubs Top Bucs +World,Indonesia #39;s Yudhoyono on Brink of Victory to Become President +World,Top Shiite cleric insists vote be held on time even if America <b>...</b> +Sci/Tech, #36;12 Million Fine Against Cingular Upheld (Reuters) +Sci/Tech,Medtronic Recalls Software (AP) +Sci/Tech,Tech Titans (Forbes.com) +Sci/Tech,Oracle sets new deadline on PeopleSoft bid +World,"Haiti Copes With Storm Devastation; Deaths Pass 1,000 (Update1)" +Sci/Tech,Oracle further extends PeopleSoft offer +Sci/Tech,Oracle attracting MySQL users +Business,Barclays in talks to acquire Absa +Business,US economic barometer points to sluggish trend +Business,Back To The Table +Business,Barclays targets South Africa bank +Sci/Tech,Microsoft sues Web site hoster over spam +Sci/Tech,DHS official: safer software is everyone #39;s responsibility +World,Japan fears North Korea about to launch ballistic missile +World,Protester attacks Berlin exhibition of art #39;bought with Nazi blood <b>...</b> +World,Pyongyang threatens nuclear fire for Japan +Sci/Tech,News: House drops plans to move cybersecurity role to White House +Sci/Tech,SHOPTALK: Don't Tread On Me (AdWeek.com) +Sci/Tech,IBM's T-Rex Still Preserves Plenty Of Bite (Investor's Business Daily) +Business,Barclays in talks to buy South Africa #39;s biggest retail bank +Business,Sony Group Locks Up MGM Acquisition +Sci/Tech,Clues may point to Google browser +Sci/Tech,Microsoft Changes Its Tune on Porting SP2 Fixes +Sci/Tech,Oracle extends deadline on PeopleSoft bid +Sci/Tech,Life without the net #39;not possible #39; +Sports,Dougherty puts clubbing first +Sports,Fit Rusedski could prove key +Sports,On the Couch / The US needs to show some respect +Sports,SportsNetwork Game Preview +World,A mother #39;s plea for mercy +World,North Korea may test-fire missile: spy satellite data +World,Sudan #39;s other humanitarian crisis +Sci/Tech,NBC Times 'Seinfeld' Special with DVD Release (Reuters) +Business,Halliburton to Restructure KBR Unit (Reuters) +Business,Halliburton to Restructure KBR Unit +Business,Nikkei Average Fall 1 Percent at Opening +Sci/Tech,PeopleSoft woos through its woes +Sci/Tech,Briefly: Oracle extends deadline on PeopleSoft bid +Business,Australia Village: Weak Catwoman Results To Hurt Pft -2- +Sci/Tech,The Friday File: First shots fired in new browser war? +Sports,And they #39;re ready ... +Sports,Giants #39; Carter Is Showing He Can Stretch a Defense +Sports,Singh leads again +World,UN must lead fight against terror: PM +World,End the Genocide Now +Sci/Tech,Senate Panel Approves Spyware and Wireless Privacy Bills +Sci/Tech,"IBM Lands Voice, Data Deal Worth Nearly \$1 Billion" +Sci/Tech,NASA Urged for Infrared Camera in Hubble (AP) +World,"Missing Airport Uniforms Pose No Threat, Canada Says (Reuters)" +World,Troops Guard Relief Operations in Flood-Hit Haiti (Reuters) +World,Russia Proposes U.N. Terror Suspect List (AP) +World,Rising Death Toll Prompts Haiti Protests (AP) +World,Nikkei Share Average Down 1 Percent (Reuters) +World,"Safe injection site visited by 600 users daily ""exceeding expectations:"" report (Canadian Press)" +World,Kerry: Allawi's Take on Iraq Unrealistic (AP) +World,Los Alamos Scientist Says He Was One Fired (AP) +World,"Iraq, UK Govts Say Will Not Give in to Kidnappers" +World,Troops Guard Relief Operations in Flood-Hit Haiti +World,"Hurricane Threatens Bahamas, Florida - Again" +World,HIV warning for Asia drug users +World,Suicide 'determined at birth' +World,Congress Passes Middle-Class Tax Cuts +World,Bush: Terrorists May Plan More Attacks +World,Cleric Insists Iraq Elections Be on Time +Business,Economy: Investment Down But Set to Rally +Business,Barclays #39; South African talks +Business,"India to benefit from FDI flows, says UNCTAD report" +Business,Barclays seeks majority stake in S.Africa #39;s Absa +Sports,"James Practices, May Play Against Packers (AP)" +Sci/Tech,NASA Urged for Infrared Camera in Hubble +Sci/Tech,Oracle sets new deadline on PeopleSoft bid +Sci/Tech,Solar Cell Built with Spinach +Sports,Green to Sit Out Dodgers Game for Yom Kippur (Reuters) +Sci/Tech,"Microsoft: To secure IE, upgrade to XP" +Sports,WI captain expects more from England +Sports,Mickelson out of WGC event in Ireland +Sports,Mariucci Builds a Team Close to Home +World,We #39;ve damaged each other too long: Musharraf +World,Europe warns Iran against nuclear arms +World,Malaysia #39;s Anwar called #39;traitor #39; +Sports,NL Wrap: Maddux Hits 15-Win Mark as Cubs Top Bucs +Sports,Green to Sit Out Dodgers Game for Yom Kippur +Sports,Singh on Top of Pile Again in Pennsylvania +Sports,Hoops Face-Off +Business,Gov't Set to Make Oil Loans to Refiners (Reuters) +Business,Gov't Set to Make Oil Loans to Refiners +Business,Ex-Executives of Computer Associates Plead Not Guilty +Business,Ex-FDA chief hit on tobacco crusade +Business,Medtronic Recalls Software Card +World,Shalom to UN: Iran is public enemy No. 1 +Business,Canada Raises C\$3.18 Billion in Petro-Canada Sale (Update2) +Business,GE warned over perks for ex-chief +Business,Oracle extends PeopleSoft offer for 12th time +Business,Sony-led deal sets MGM buy terms +Business,Gates Tops Forbes List of Richest in US -- Again +Business,British Energy pre-empts Polygon by delisting shares +Business,Shares in easyJet fall to all-time low +Sci/Tech,"Qualcomm, Microsoft team on streaming media" +Sports,Green to Sit Out Dodgers Game for Yom Kippur +Sports,Three to beat at Dover +Sports,Arrington to miss Washington-Dallas game +World,Gaza gunmen kill three Israelis +World,Fear of disease leads to panic in storm-ravaged Haiti +World,African union seeks up to 5000 troops for Darfur +Sci/Tech,Is Google Ready to Browse? (Ziff Davis) +Sci/Tech,Oracle Extends PeopleSoft Offer (AP) +Business,Fannie Mae #39;s shortsightedness +Business,Sony-led consortium signs definitive deal to buy MGM +Business,Cisco sees China as center of world tech market +Business,Delta selling eight planes to FedEx +Sci/Tech,Is Google Ready to Browse? +Sci/Tech,"Study Links Glaciers, Warmer Waters" +Sci/Tech,Microsoft-backed antispam spec gets filtered out +Sci/Tech,AMCC Trims Financial Expectations +Sports,BASEBALL ROUNDUP Rangers Pull Within Two Of the A #39;s +Sports,Victor Diaz and Gerald Williams homers push Mets past Expos 4-2 +Sports,Swedish team stacked because of lockout +World,Japan Raises Defenses on Signs North Korea Plans Missile Test +World,Other Views: Limited reform agenda in China +World,Nepalese rally for democracy +World,Mobs #39;drive out Ulster families #39; +Sports,Singh on Top of Pile Again in Pennsylvania +Sports,"Yanks Qualify, and Elvis Has Left for Boston" +Business,Ottawa #39;s Petro-Canada stock priced at \$64.50 +Sci/Tech,States get 3 years for NIMS +Sports,"Woolmer, Inzi under fire after Pakistan ICC trophy loss" +Sports,"Indians 9, Twins 7" +Sports,Naslund not going to Europe +Sports,"Shockey unhappy with himself, not coach" +Sports,"Cubs 6, Pirates 3" +World,Lexus challenges Toyota #39;s hybrid hegemony +World,House Blocks Court on Pledge Case Rulings (AP) +Sports,Holloway's on a Mission +Sports,Maddux Wins 15th +Sports,Brunell Rests Injury +Sports,Businesses Receptive +Business,Clear Channel tunes in Fox News as primary news provider +World,Nigeria police 'kill 27 Taleban' +Business,SEC says GE violated law over Welch perks +Business,Petro-Canada offer raises \$2.5bn +Business,Power Group Delists to Safeguard Rescue Deal +Sci/Tech,"Nokia remote camera integrates motion detector, video capture" +Sci/Tech,Glaciers are flowing faster +Sci/Tech,Exploit Code Circulating for JPEG Flaw +Sports,FA won #39;t consider part-time England boss +Sports,"Yanks Qualify, and Elvis Has Left for Boston" +World,India and Pakistan to meet at UN +Business,Low carbs thin out MGP earnings forecast +World,Troubled Unit of Halliburton May Go on Block +World,Court Voids Law Keeping Woman Alive +World,U.S. Warlanes Strike Sadr City in Baghdad +World,Prospect of North Korean Missile Launch 'Alarming' to Seoul +World,3rd German Arrested in Probe Into Arms Trade +Business,Dressed for Success +Business,Japan Stocks Slip After Wall St Fall +Business,Overseer Says Fannie Mae May Be Due For Shake-Up +Business,General Electric Settles Welch Contract Probe With Regulators +Sci/Tech,Sony shifts strategy to support MP3 files +Sci/Tech,Ancient Reptile Used Neck to Suck Up Prey +Sci/Tech,New structure found deep within West Antarctic Ice Sheet +Sports,Greene Seeks Revenge for Olympic Defeat +Sports,Forsberg scores in Modo #39;s season opener +Sports,SHOCKED amp; DISMAYED +World,"Iraq, UK Govts Say Will Not Give in to Kidnappers" +World,Prospect of North Korean Missile Launch #39;Alarming #39; to Seoul +World,LTTE kills Karuna #39;s brother +Sci/Tech,Study: Dogs Are Able to Sniff Out Cancer (AP) +Business,US Airways to Ask Court to Cut Union Workers' Pay 23 +Business,Healthy Forecast for 2005 Ad Spending +Sci/Tech,Technology and the 9/11 Commission +Sports,Expos #39; Season Appears to Be Winding Down for Last Time in Quiet <b>...</b> +World,"Violence in Ulster drives 1,240 people from homes" +Business,Congress Approves Tax Cuts +Business,Bailout plan shelved for Donald Trump #39;s casinos +Sports,Green will sit to observe his faith +World,U.N. Nuke Inspectors: No Access in Brazil (AP) +World,Darfur Rebel Group Would Favor Sanctions (AP) +World,Study Shows Dogs Able to Smell Cancer +Business,Gov #39;t Set to Make Oil Loans to Refiners +Business,American Airlines to Miss Revenue Goal +Sports,Reds Keep Braves From Clinching NL East (AP) +Sports,Indians Defeat Twins 9-7 (AP) +World,Israel Charges Iran Replaces Saddam as Terror Exporter +World,Near 100 taken hostage at Salvador prisons +Sports,Phils Nip Marlins 9-8 in 10 Innings (AP) +Sports,Kim Leads Longs Drugs Challenge by One (AP) +Sports,Mystics Savor Moment +Business,Japan Stocks Slip by Midday +Business,Yen Near 5-Week Low Vs Dollar +Business,Administration Considering Oil Stockpile Release +Business,Absa soars on talks with Barclays +Business,Halliburton Considers Selling Troubled Unit +Business,Lehman May Settle Over Enron +Sci/Tech,Sony must pay \$82 mil to Immersion for patent infringement +Sports,England out to target Lara +Sports,"Rockies 7, Diamondbacks 1; Rockies 2, Diamondbacks 1, 10 innings" +World,Not Another Soviet Union +World,"Trial will destroy Pitcairn, says priest" +Sports,Cowher optimistic that Roethlisberger can handle the job +Sports,(4) Miami-Florida (2-0) Vs. Houston (1-2) +Sports,NCAA Game Summary - Miami-Florida at Houston +World,About 100 Held Hostage at Salvador Prisons +Business,Administration Debating Oil Stockpile Release +Business,Fannie Leaders Doubted +Business,Fed Saw 'Solid' Growth +Business,Most D.C. Hotels Have Kept Union at Bay +Business,Ink Expert Portrayed as Victim at Perjury Trial +Business,Halliburton Considers Selling Troubled Unit +Business,Boeing Deal Faces Justice Dept. Review +Business,Congress Votes to Extend Tax Cuts +World,New Film on Ernesto 'Che' Guevara Out (AP) +World,Japan Now Unsure if N. Korea to Launch (AP) +World,Kerry's sister urging Americans living in Canada to vote in Nov. elections (Canadian Press) +Business,Sanjay Kumar indicted for fraud +Business,"Morgan Stanley, Bear Stearns profits stumble" +Business,US economic indicators fall; new jobless claims rise +Sci/Tech,"Sony, jockeying for better MP3 player market position, adds native <b>...</b>" +Sci/Tech,Early dinosaur was probably a stealthy hunter +Sci/Tech,Microsoft Files More Spam Suits +Sports,But Will Shawn Green Fast? +Sports,Baseball to Try to Finalize Expos' Move (AP) +World,Bombs or bribes no answer to Iran nuke threat +World,Government responds to anti-arms-deal activists +Sports,"With Yankees Coming, Red Sox Hope to Keep the Party From Turning Ugly" +Sports,Hurricanes Coast to Win +Sci/Tech,Search Engine Forums Spotlight +Business,Report: US Airways Seeks Union Pay Cut +Sports,Steelers decide to fly south early to beat hurricane delays +World,Sudan #39;s Foreign Minister says Security Council measure on Darfur <b>...</b> +Business,Standard Chartered targets Absa - report +Business,Exposing Execs #39; quot;Stealth quot; Compensation +Sci/Tech,Game Puts Players in Kerry's Swift Boat (AP) +Sci/Tech,EU to give Oracle deal go-ahead -- FT +Sports,Researcher says authorities will stay ahead of drug cheats +Sports,EDITORIAL:Ichiro nears record +Sports,Jordan comeback? #39;Wishful thinking #39; +World,"India, Pakistan ready to talk" +World,Britain says Security Council should be expannded to 24 nations +Sci/Tech,Manugistics Plans Layoffs as Losses Mount +Business,Regulators: Fannie Mae has problems +Business,Petro-Canada prices sale of 19 stake +Sports,Glamorous F1 hits China +Sports,"Again, no word on Expos" +Business,Trump hopeful after restructuring setback +Business,Mass. banks in very good #39; health: But interest lowers profit <b>...</b> +Sci/Tech,E-Mail ID Working Group Shuts Down Without Consensus +Sci/Tech,Microsoft Spam Suit Targets #39;Bulletproof #39; Hosting Service +Sci/Tech,Chinese #39;Nessie #39; Fossil Used Neck To Suck in Prey +Sci/Tech,Enterprise Unix Roundup -- Selling Wall Street on Sun +Sports,Cyclist Hamilton allowed to keep gold medal +Sports,"Florida ties game in ninth, but loses in 10th" +Sports,SI.com +Sports,Simms is back on Bucs #39; bench +Sports,Jordan may fit need on NBA roster +Sports,Barcelona #39;s Eto #39;o goes from Villain to Victor +World,Two Israelis die tackling bomber +Business,Oil Dips But Holds Above \$48 on SPR Loan +Business,Liverpool set for new bid +Business,"Stewart to keep \$900,000 salary" +Business,Halliburton making cuts at struggling KBR +Business,Congress extends Bush tax cuts for middle class +Sci/Tech,Fossil found in China may go back 230 million years +Sci/Tech,Sun Gives Analysts Food for Thought +Business,Martha pairing with reality guru +Business,Philips Warns on Chip Unit Sales +Business,Update 1: Philippine Shares Hit New 53-Month High +Sci/Tech,"Square Enix, Gamemakers Count on Sony, Nintendo to Boost Sales" +Sci/Tech,Symantec Firewalls And Gateways Are Vulnerable To Attack +Sci/Tech,European Companies Join In Boosting Linux Security +Sports,Hamilton to keep his Olympic gold +Sports,Cars on track for official practice session in Chinese Grand Prix +Sports,Dodge ball: LA extends lead in NL West +Sports,Yankees low key after clinching post-season spot +Sports,"WEEK 3: Howie says Gruden #39;s a good coach, but a quot;terrible GM quot;" +World,US #39;sabotaged #39; efforts to save British hostage +World,India and Pakistan to meet at UN +World,European press review +World,Australian govt eyes closer cooperation with RI +World,Millions of dollars needed to deploy troops in Darfur +World,Economic Reforms Highlighted as Egypt #39;s Ruling Party Conference <b>...</b> +Sports,American cyclist keeps gold medal thanks to mistake from lab +World,World waits and prays as family makes appeal to kidnappers +Business,Kumar pleads not guilty fraud allegations: +Business,\$12 Million Fine Against Cingular Upheld +Sci/Tech,Microsoft sues more spammers +Sci/Tech,FreeiPods.com isn #39;ta free launch +Sports,Padres box score +Sports,"If Sox on verge, police poised to show force" +World,Powell Acknowledges Signs of NK #39;s Missile Test +World,German Press Review: Assessing Germany #39;s UN Aspirations +World,China detains New York Times researcher +Sci/Tech,Internet Emerges As Potent Terrorist Tool (AP) +Business,Philips Warns on Chip Unit Sales +Business,Halliburton mulling fate of KBR +Business,Oil price surge takes a breather +Business,"Nigeria, Morocco, Others Top African FDI Inflows for 2003" +Business,"Halliburton may shed military, oil field arm" +Business,California Public Utilities Commission Raises UNE Rates by 20 +Sci/Tech,"Nintendo, Sony start pre-holiday push" +Sci/Tech,Symantec Holes Open Up Firewalls to Attacks +Sports,Hamilton #39;s gold medal safe +Sports,Shaq and Jordan would be interesting if it happens +Sports,James leads way for UW #39;s stingy defense +World,Researcher for The Times in China Is Detained +World,Italy In Anguish Over Fate Of Aid Workers In Iraq +World,Change at hand +Business,Navistar's Paper Profit Puffery +Sci/Tech,Stubborn Storm Hangs On in Busy Hurricane Season +Sci/Tech,Antarctic Glaciers Quicken Pace to Sea; Warming Is Cited +Sci/Tech,Report of First Birth for Cancer Survivor in a Tissue Implant +World,Russia Demands U.N. Terror Suspect List (AP) +World,Sudan says UN sanctions counter-productive to security in Darfur (AFP) +World,Brazil Clinches Deal for U.N. Nuclear Inspection (Reuters) +World,Warlord Will Be Tried for Beslan - Chechen Rebel +Business,Playboy Forecasts Higher 2005 Profit +World,Two Egyptians Seized in Baghdad Kidnapping +World,UN man backs Darfur autonomy +World,Toxic chemical 'sold to N Korea' +World,Concern over N Korea missile test +World,Iraq's Allawi Optimistic on Jan. Elections +World,"Congress Sends Bush Tax Cut Bill, Victory" +World,House Votes to Protect Pledge From Courts +World,Dodgers Clobber Padres 9-6 +Sports,Dodgers Clobber Padres 9-6 (AP) +Sports,Astros Defeat Giants 7-3 (AP) +Sci/Tech,Nokia unveils new smart phone +Sci/Tech,Puzzle Over Low Galaxy Count +Sports,Tim Brown Anxious to Face Raiders (AP) +Sports,AL Wrap: Texas Completes Sweep of West-Leading Oakland (Reuters) +Sports,No. 4 Miami Routs Houston +Business,EU Likely to Clear Oracle Deal-Source (Reuters) +Business,EU Likely to Clear Oracle Deal-Source +Business,Nikkei Hits 5-Week Closing Low +Business,American Financial Unit Receives Subpoena +Business,Computer Associates #39; ex-CEO enters plea +Business,Martha and the Reality Guru +Business,Forbes 400 sees surge in billionaires +Business,Bank of America bases unit in Hub +Sci/Tech,Newly discovered dinosaur reached out and chomped its prey +Sports,Baseball player #39;s religious holiday needs no explanation +Sports,Casey sets rookie record for Ryder Cup +Sports,Fireballing Park Back on Track +Sports,Making his Move +Sports,"One week into lockout: No talks, no progress" +World,Concern over N Korea missile test +Business,US to tap oil reserve to boost production +Business,Energy needs on top of Wen #39;s Moscow agenda +Business,Update 5: Regulators May Oust Fannie Mae Management +Business,A burgeoning billionaires #39; club +Business,EU Likely to Clear Oracle Deal-Source +Sci/Tech,Sony in tune over digital music +Sci/Tech,Linux firms join forces on security +Sports,Ruined blood sample means Hamilton will keep medal +Sports,"Phillies 9, Marlins 8, 10 innings" +World,Italy calls for calm after execution claim +World,"Politics afoot in bid to rush Saddam trial, ousted tribunal <b>...</b>" +World,Airbus Drops Microsoft Ruling Objections (Reuters) +Sci/Tech,Web tool may banish broken links +World,Newsview: Kerry Avoids Calling Bush 'Liar' (AP) +World,Iraqi leader takes center stage in US election battle (AFP) +Business,Advertising Spending to Grow '05 - Buyers +Sci/Tech,Sony to Launch Latest Gran Turismo Software in Dec +World,Japan to Seek Missile Info at Talks with N.Korea +Sports,Hamilton keeps Olympic gold amid controversy +World,Indonesian cleric to be charged +World,N. Korea missile said poised for launch +World,Palestinian attack on outpost stirs debate on Gaza pullout +World,Anglicans recommend divestment to pressure Israel +World,Flood's toll dire for Haitian city +World,Africa specialists expect boost in production of malaria nets +Business,Critics say mortgage giants grew too big and too fast +Business,The richest Americans: Gates No. 1 +Sports,"Hamilton keeps gold, may face ban" +Sports,KUNG FEUD +Sports,Team owners relent; strike averted +Business,Cadbury Warns Of Weaker Results +Sci/Tech,Sci/Tech ; AOL Dumps Microsoft #39;s Spam Filter Standard +Sci/Tech,Linux sees big potential in small businesses +Sci/Tech,Safety concerns spark Linux drive in Iran +Sci/Tech,Symantec issues fixes for critical flaws +Sports,Maddox Knows How Rookie Quarterback Feels (AP) +Sports,Hewitt gives Australia 2-0 lead +Sports,Matsui 1-for-5 as Yankees clinch 10th straight playoff spot +Sports,"Red Sox rally, but come up short" +World,Russia Calls for Extradition of Terror Suspects +Sports,Birds of prey +Sports,Aiming to call his own shots +Sports,Burks is back for a fond farewell +Sports,Notables +Sports,Lowe down for count after Tejada's home run +Sports,Leskanic shows signs of rebound +Sports,Yankees seal playoff spot +Sports,NFL games on TV +Sports,Is there a doctor in the house? +Sports,But seriously folks +Sports,Arrington out 2-4 weeks +Sports,Nuggets proffer Rodman comeback +Sports,Freshmen are doubling Merrimack's NE-10 fun +Sports,Key New England games +Sports,Lester set to go +Sports,Familiar refrain as Singh leads +Sports,Morrissey keeps GDA on the run +Sports,"Chinese GP, Friday" +Business,Bank of America bases unit in Hub +Business,Battle royale +Business,Putnam cuts deal with big investor +Business,GE pledges to meet rules of disclosure in SEC pact +Business,When giants collide +Business,Bush says US will tap emergency oil supplies +Business,'Global' vision for MCI +Business,"Halliburton planning to restructure troubled KBR unit, may look to sell it" +Business,In August Fed planted seed for more rate hikes +Business,Expo Center lays off half of sales staff +Business,Fannie Mae leaders face possible ouster +Business,European Shares Dip on Swiss Re Woes (Reuters) +Business,Philips Warns on Chip Sales (Reuters) +Sci/Tech,ANDREW KANTOR +World,Japan to Seek Missile Info at Talks with N.Korea +World,106 mainland enterprises listed outside mainland market +World,Anti-terrorism ads delayed by Labor: PM +Business,Airbus Drops Microsoft Ruling Objections +Business,"Wyeth, Pfizer Fall on Downgrades" +Business,"Dollar Firms, Bearish Sentiment Lingers" +Business,Cadbury Says Annual Results to Be at Low End of Range (Update3) +Sci/Tech,Oracle extends PeopleSoft offer +Sci/Tech,Rival Technologies Vie for 'Green' Car of Tomorrow (Reuters) +Sports,McDowell and Monty endure tough start +Sports,One clear reason to hang with Blue Jays +Sports,LA #39;s Green sits out game +Sports,Cougars vow running game will have bite +Sports,Phils bring out brooms in Florida +Sci/Tech,Sony to Launch Latest Gran Turismo Software in Dec (Reuters) +Sci/Tech,EU Likely to Clear Oracle Deal-Source (Reuters) +Sci/Tech,Autumn bargains at the <cite>Reg</cite> Mobile Shop +Business,EU Likely to Clear Oracle Deal-Source +Business,County #39;s economic forecast outshines national +Business,PUC fines Cingular \$12 million +Sci/Tech,Sony players to be compatible with MP3s +Sci/Tech,Countdown begins +Sports,Golf: World number 1 Singh leads PGA Pennsylvania tournament +Sports,Boston #39;s amusing muse of sports talk +Sports,The flying Elvises +Sports,BASEBALL STRIKE REPRIEVE? +World,Iraq mortar explosions wound two +World,2 Egyptians seized in Baghdad +Business,Chicago Fed Sees '05 GDP Down at 3.3 Pct +Business,Signs of listless economy persist +Business,"Billionaire club grows, Forbes finds" +Business,MGM to co-produce with Sony after takeover +Business,Cadbury sees results at lower end of targets +Sci/Tech,Long-necked sea monster resurfaces after 230 million years +Sci/Tech,Virus writers focus on image bug +Sports,Japan #39;s baseball clubs avert second strike +World,UK #39;s Straw Backs Russia #39;s Call for UN Terrorism Resolution +Business,Subsidy battle heats up +Sci/Tech,Microsoft escalates fight aginst Hotmail spam +Sci/Tech,The heat is on FreeiPods.com +Sports,Australia takes 2-0 lead as Hewitt takes record +Sports,WEATHER DELAYS BRITAIN #39;S DAVIS CUP BID +World,Hostage agony takes toll on family +Business,Stonecipher pushes to end Airbus aid +Business,Wet Summer Dampens Cadbury Profits +Sports,West Indies aiming to regain lost pride +Business,Wall St. Seen Flat at Open as Oil Eyed +Business,Putin: State Firms Can Bid for YUKOS +Business,Yukos could be sold to state firm +Business,Putin: State Firms Can Bid for YUKOS +Business,Martha Stewart strikes deal for new show +Business,Airbus #39;set to unveil Dreamliner rival #39; +Business,Cadbury Says Annual Results to Be at Low End of Range (Update4) +Sci/Tech,Glaciers Quicken Pace to Sea +Sci/Tech,Rants amp; Raves +World,S. Africa #39;s Mbeki wraps up Ivory Coast peace talks with four <b>...</b> +Sci/Tech,EU Still in Talks with Oracle (Reuters) +Sci/Tech,Virus writers focus on image bug +Sports,First-place Juventus wins in Italian league +World,Sri Lanka says Tamil Tiger killings undermine peace bid (AFP) +Sports,FA Cup: Third round draw - joy for Yeading and Exeter +World,Israeli Woman Killed in Attack on Gaza Settlement +World,Ukraine's PM Taken to Hospital After Egg Attack +World,Journalist Breaks Into Queen's Scottish Palace +World,Haiti struggles for flood relief +World,F1: BAR sets pace in China +World,Chechen leader condemns Basayev +World,Halliburton may sell troubled KBR +Sci/Tech,HSBC bank to go carbon neutral +World,Astros Rally Past the Giants +Business,Aircraft fuel workers strike at London #39;s Heathrow Airport +Sci/Tech,Hackers work out SP2 JPEG virus +Sci/Tech,Life without internet almost impossible study +Sports,No dodging a tough personal decision +Sports,Sharapova Sets Up China Semifinal with Kuznetsova +Sports,Aggadan scores at Belmont +Sports,Today's schedule +Sports,Three question to Jacques Villeneuve at Shanghai +Sports,Three questions to Fernando Alonso in Shanghai +Business,Finding what works for handling piggy bank (USATODAY.com) +Business,Trendy retailers get dressed for work (USATODAY.com) +Business,EU Still in Talks with Oracle +Business,Dollar Weakens in Yo-Yo Trade +Sci/Tech,Glaciers Quicken Pace to Sea +Sci/Tech,Stem Cells May Open Some Eyes +Sci/Tech,Campus Life Comes to Second Life +Sci/Tech,Ins and Outs of Teledildonics +Sci/Tech,Forgotten Remembers to Surprise +Sci/Tech,Retailer Gets Out the Green Votes +Sci/Tech,Ovarian Transplant: First Birth +Sci/Tech,Ireland Blocks Calls to Stop Scam +Business,Congress extends President #39;s tax cuts +Business,Halliburton may sell troubled KBR +Business,Sony-led consortium inks MGM purchase deal: +Business,"Forbes lists 400 Americans with most billions, millions" +Business,Italian airline company seeks domestic partner +Sports,Davidson sets the pace in Shanghai +Sports,Janszen says film has foibles +Sports,Japan baseball players avert 2nd strike +World,Haiti struggles for flood relief +World,Iraq Kidnapping Business Continues Unabated +World,Top Indian nuclear scientist dead +World,Fifth embassy bombing suspect arrested +Business,"Wyeth, Pfizer Fall on Downgrades (Reuters)" +Business,Sanjay Kumar pleading not guilty +Business,Business Digest +Business,Alitalia Says Unions Agree to Plan to Split Company (Update2) +Sci/Tech,Long-necked hunter found in China +Sci/Tech,Code to exploit Windows graphics flaw now public +Sci/Tech,Apple Power Mac G5 +Sci/Tech,Beatles demand \$15mn for online rights - report +Sports,Liverpool Football Club May Receive Bid From Hollywood Producer +Sci/Tech,"Scientists discover fossil of new, long-necked dinosaur" +Sci/Tech,S.F.'s LookSmart acquires bookmark storage service (SiliconValley.com) +World,Two Egyptians kidnapped in Iraq +World,Warlord Will Be Tried for Beslan - Chechen Rebel +World,North reported to be preparing missile launch +World,Sudan appreciates Chinese supporting stance at Security Council +Business,US Airways Seeks Court Approval To Cut Union Pay - Report +Business,U.S. Stocks Set for Steady Open +Sci/Tech,Data from doomed sun probe sent to California +Sci/Tech,Microsoft goes after bulletproof quot;spam host quot; +Sci/Tech,Apple row goes to core of online music +Sci/Tech,Universe evolved at a pace much slower than formerly thought +Sports,High cost of Forssell injury +Sports,Hustle #39;s #39; director knew little about Rose +Sports,Morgan Still Eyeing Reds Despite Hollywood Interest +Sports,Eto #39;o on target +World,Health workers fear deadly epidemic in Haiti +World,"Putin urges Iran to yield to IAEA demands By Reuters, Thursday <b>...</b>" +World,Another palace intruder +World,Top Indian nuclear scientist passes away +Business,Airbus Withdraws Microsoft Backing-Source +Business,Putin: State Firms Can Bid for YUKOS +Business,ID Biomedical Gets U.S. Flu Drug Deal (Reuters) +Business,"Putin denies nationalization plans for Yukos, but state firms can <b>...</b>" +Business,Halliburton may dump KBR unit +Business,Airbus Withdraws Microsoft Backing-Source +Sci/Tech,Samples From Genesis Craft Sent to Calif. +Sports,Mosley hopes for full grid in 2005 +Sports,Latest suitor lines up Liverpool FC +World,Militant Chechen Rebel Leader to Go on Trial for Masterminding <b>...</b> +World,Five Malaysian sailors in Spratly bird flu scare +World,Planes to be banned from flying low over London #39;s landmarks +Sci/Tech,Tiny Sensors That Can Track Anything +Sci/Tech,"IBM to Open Office in Fairfax County, Creating 1,200 Jobs" +Sci/Tech,"Microsoft Sues Web Hoster, Others Over Spam" +Sci/Tech,Gates Tops Forbes List of Richest in U.S. -- Again +Sci/Tech,Long-necked hunter found in China +Sci/Tech,Silicon sensors could save lives +World,U.S. Envoy: Sudan Could See Somali-Style Anarchy +World,Iraq's kidnapping crisis deepens +World,Missing tanker found in Nigeria +Business,Chicago Fed Sees '05 GDP Down at 3.3 Pct (Reuters) +World,Turkish Captive in Iraq Tells of Fearful Struggle to Hold On +Sci/Tech,Big boss is watching +Business,Iran Expects OPEC to Leave Quotas Steady (Reuters) +Sci/Tech,Readers love mobiles in church; hate mobiles on planes +Business,Update 1: Russia Doesn #39;t Intend to Nationalize Yukos +Business,Alitalia reaches deal with unions to split firm +Sports,Can Lara finally come good? +World,Journalist breaks into residence of Queen +World,Prosecutors say they expect to charge alleged head of Jemaah <b>...</b> +Sci/Tech,New EU Panel to Study Safety of Herbal Medicines (Reuters) +Sci/Tech,BOFH: What to do when the Boss gets touchy-feely +Business,Viacom in China Tie-Up with Beijing TV (Reuters) +Business,Stocks to Watch Friday +Business,Stocks Set to Open Flat; Oil Eyed +Business,Harmony will try to block Gold Fields-Iamgold deal +Business,Oil Holds Above \$48 Despite SPR Loans +Business,Fiorina: Sometimes IT spending is a 'bad thing' +Business,Telecom Italia buys mobile stake +Sci/Tech,"Iomega backs away from DCT, cuts jobs" +Business,Oil Holds Above \$48 Despite SPR Loans +Business,Barclays seeks more S. African business +Business,EU still in talks with Oracle +Business,Philips Cuts Chip Sales Forecast on Waning Demand (Update2) +Business,US Treasuries little changed before data +Sci/Tech,Sony Moves to MP3 +Sci/Tech,France awards contract for secure Linux system +Sci/Tech,Florida company offers trips simulating space travel +Sports,AUSSIES OFF TO A FLYER +World,Beslan: Vow to put rebel on trial +World,Man intruding Queen #39;s Scottish residence identified as journalist +World,Man denies plot to blow up plane +World,Palestinians Shell Gaza Settlement; 1 Dead +World,ZIMBABWE: Mujuru sworn in a vice president +Sci/Tech,First Baby Born After Ovarian Tissue Transplant (Reuters) +World,U.S.: No 'Quick Fixes' in Sudan Situation (AP) +Sci/Tech,Internet Emerges As Potent Terror Tool +Sci/Tech,EBay Reverses Half.com Decision +Sci/Tech,West Antarctic glaciers speed up +Sci/Tech,Positive Charge for Rosetta +Business,Gates Richest American 11th Year In A Row +Business,Kumar pleads not guilty to CA fraud charge +Sports,Rookie fastest +Sports,"Serena, Sharapova advance to China Open semis" +Sports,Butt handed three-match ban by UEFA +Sports,MLB works to appease Angelos (USATODAY.com) +Sports,Grand Slam Starlets Clash for Russian Bragging Rights +Business,Russia to Allow State-Owned Firms to Bid on Yukos Assets +Business,"Alitalia, Unions Sign Deal to Split Company" +Business,Morningstar Faces Possible SEC Civil Suit +Business,Wal-Mart fires back +Business,Cingular Wireless fined \$12.1 million over early termination fees +Sci/Tech,West Antarctic glaciers speed up +Sci/Tech,Catastrophic loss for unencumbered standards +Sci/Tech,Google Browser on Its Way? +Sci/Tech,Hubble Finds Most Distant Galaxies Yet +Sci/Tech,Mars Rover Missions Extended Again +Sports,Transcript: USA Team After the Draw +Sports,Tennis: Storm delays Britain #39;s Davis Cup match in Austria +Sports,Virenque climbs into spotlight one last time +Sports,Blues Strikers Must Deliver - Bruce +Sports,ENGLAND MUST DO WITHOUT DYER +Sports,American League Game Summary - Tampa Bay At New York +World,"AU to deploy 5,000 troops in Darfur" +Business,Durable Goods Fall as Aircraft Orders Off (Reuters) +Business,Demand for Big-Ticket Goods Drops in Aug. (AP) +Business,Morningstar Faces Possible SEC Civil Suit (Reuters) +Business,Durable Goods Fall as Aircraft Orders Off +Business,Flat Opening Seen After Durable Goods +Business,Philips Warns Sees 2005 Slowdown +Business,Bush to tap oil reserve to counter Ivan delays +Business,Durable Goods Orders Dip in August +Business,Barclays #39; South African plan boosts share price +Business,Fed Makes It Three Hikes in a Row +Business,Airlines #39; stocks sink again on tough news +Sci/Tech,Microsoft sues Web hoster over spam +Sci/Tech,Exploit code for JPEG flaw released +Sci/Tech,Sony to Launch Latest Gran Turismo Software in Dec +World,"Mortar shells hit Gaza settlement, woman killed" +World,Japan princess Masako makes rare public appearance +World,NEWS FOCUSKoreans split on Japan #39;s Council bid +World,Man poses as worker to get into palace at Holyrood +Sci/Tech,EU's Monti seeks Oracle-PeopleSoft decision by end-October (AFP) +World,Nepal introduces paternity leave +World,"Ivan Returns, Dumps Rain in Texas, La." +Sci/Tech,Dogs Are Able to Sniff Out Cancer +Sci/Tech,Newly-Discovered Dinosaur May Have Been Stealth Hunter +Sci/Tech,Arctic Glaciers Are Thinning Faster Than Ever +Business,Putin: State firms can bid for Yukos assets +Business,Congress extends tax cuts for years +Sci/Tech,Mandrake For The French +Sci/Tech,Fiorina: Sometimes IT spending is a #39;bad thing #39; +Sports,Story by editor +Sports,Giants succumb to Astros #39; 5-run 9th +World,Two Egyptians kidnapped in Baghdad +Sports,Sharapova Sets Up Semi-Final with Kuznetsova +Sci/Tech,EU chief seen as keen to push Oracle merger through +Sci/Tech,Gamers Get a Look at PlayStation Portable +Business,Precision Castparts to Sell Branches +Business,Freddie Mac Cuts 2003 Profit +Business,Stewart gets new five-year deal +Sci/Tech,Tracking Online Marketing ROI Using CPA +Business,Bill Gates Remains Atop List Of Richest: Forbes +Business,Stewart gets new five-year deal +Business,US Treasuries Fall as Durable-Goods Orders Top Forecasts +Business,EU chief seen as keen to push Oracle merger through +Business,"Iomega backs away from DCT, cuts jobs" +Business,Closure of bread factory to cost jobs +Sports,Reds the new FC Hollywood? +Sports,Chivas USA soccer club takes nontraditional direction in naming <b>...</b> +Sci/Tech,Xbox Adds Video Chat Service (PC World) +Sci/Tech,Gamers Get a Look at PlayStation Portable (PC World) +Sci/Tech,Andrew Kantor: CyberSpeak - Linux takes a step (a small one) toward desktop acceptance (USATODAY.com) +Sci/Tech,Calif. Air Board Prepares to Vote on Car Emissions (Reuters) +Sci/Tech,Hubble Lifts Fog on Early Universe (SPACE.com) +Sci/Tech,TV Review: NOVA - Origins (SPACE.com) +Business,Durable Goods Fall as Aircraft Orders Off (Reuters) +Business,Short-Term Treasuries Dumped (Reuters) +Business,Stocks Open Near Flat After Durable Goods +Business,Boeing CEO: Jet Market Recovery Slower +Business,USAir Asks Court for 23 Pct Union Pay Cut +Business,Morningstar Faces Possible SEC Suit +Business,Gloomy View of Durables Data Sinks Dollar +Business,Alitalia nears final union deal +Sci/Tech,"Images of Saturn reveal kinks, theft" +Business,S.E.C. Is Investigating Morningstar Over Data +Business,Stock Options Hurt U.S. Competitiveness +Business,Buffett closing on Gates in rich list +Business,Boeing CEO: Jet Market Recovery Slower +Business,"US durables down in August, underlying trend still strong" +Business,CFO sold stock options +Business,Airbus withdraws support for Microsoft in EU case +Sci/Tech,Sony accepts MP3 format +Sci/Tech,A Cosmic Storm: When Galaxy Clusters Collide +Sci/Tech,Report: Internet surpasses TV as media choice +Sports,Sport Shorts +Sports,UPDATE 1-Safin and Andreev put Russia in command +Sports,Kim possible in first round +World,NRIs hope for positive Mush-Manmohan meet +World,Shell evacuates staff from Nigerian conflict +World,"2 Egyptians Seized by Gunmen in Baghdad, Iraqi Police Say" +Sci/Tech,Airbus withdraws support for Microsoft in EU case +Business,Dell moves up on richest Americans list +Business,US Aug. Durables Orders Rise 2.3 Ex-Transportation (Update4) +Business,Update 1: SEC Investigating Morningstar Over Data +Business,Income for 2004 also revised lower for syn-fuel credits +Sci/Tech,Titanic merger of galaxy clusters revealed +Sci/Tech,Project penguin: Novell CIO Debra Anderson talks to vnunet.com +Sports,Devil Dish: This blood #39;s for you +Sports,Montgomerie likely to miss Heritage cut +Sports,Tennis: Sharapova Advances to China Open Semifinals +Sports,"Britain, Austrian Davis Cup Tie Plagued by Rain" +Sports,Australian Football: Melbourne sidelined as Brisbane and Port <b>...</b> +World,Desperate Haitians await flood relief +World,UN Official Urges Autonomy for Darfur +World,Musharraf asks India to act on Kashmir +World,Cleric linked to Qaeda to face terror charges +World,Putin calls for media to fight terror +World,China executes leader of baby-trafficking ring +Business,Stocks Rise After Durable Goods Data +Business,Rate Hike Fears Flatten Treasuries +World,Cat Stevens to take legal action +Business,Holiday disaster for Golden Sun +World,"Jeanne Threatens Fla., Ivan Pounds Texas" +World,6 Egyptians Kidnapped From Baghdad Office +Business,That #39;s rich: Gates tops Forbes list once again +Business,Alitalia Reaches Deal With Most Unions On Split +Business,Fed poised to raise rates third time in #39;04 +Business,Philips lowers forecast for chip division +Sci/Tech,IETF Disbands Anti-Spam Working Group +Sci/Tech,Genesis Mission Status Report +Sci/Tech,LG.Philips ramps sixth-gen TFT plant +Sci/Tech,Firms aim to tighten Linux security +Sci/Tech,ProSafe Smart Switch +Sports,Tennis: Davis Cup proves Hewitt #39;s home court +Sports,No approach from Real - Eriksson +Sports,Williams jealous of Lion record +Sports,"Lieber isn #39;t perfect, but he #39;s a perfect fit" +World,One Israeli officers is among three killed Israelis in the <b>...</b> +Business,Oil Falls as US Stockpiles Expected to Recover From Hurricane +Sci/Tech,An Analysis of Microsoft #39;s MARID Patent Applications +Sci/Tech,LG Philips LCD starts mass production of 6th-generation TFT-LCD <b>...</b> +Sci/Tech,Netgear unveils 48-port Gigabit smart switch +Sci/Tech,Human Stem Cells Show Potential for Eye Repair (Reuters) +Sci/Tech,Staff fix needed at DIY website +Sci/Tech,A Touchy Debate Over Voting +Business,"Philips Warns on Sales, Sees 05 Slowdown" +Sci/Tech,Commerce One Announces Layoffs +Sci/Tech,MIT Works to Power Computers With Spinach +Sci/Tech,That's rich: Gates tops Forbes list once again +Business,ID Biomedical Shares Up on Vaccine Contract +Sci/Tech,Context Within Search and Optimization +World,U.N. Calls on N.Korea to Scrap Its Atomic Arsenal (Reuters) +World,N.Y. Times' Beijing aide held in China (Chicago Tribune) +World,U.N. Agency Demands N. Korea Scrap Nukes (AP) +World,Visit to Washington blunts Kerry tactic (USATODAY.com) +World,Congress delivers 146-billion-dollar tax cut (AFP) +World,France pours cold water on Bush's sunny vision of Iraq (AFP) +World,Nigerian teacher flees Koran row +World,Shock as SA vagrant left to die +World,Eight More Seized in Iraq as Rash of Kidnappings Continues +World,Kerry Faults Bush for Pursuing Saddam +World,'Sex and the City' Star Switches Roles +World,"Durable Goods, Lower Oil Lift Stocks" +Business,Report: US Manufacturing Regains Some Strength +Business,Middle class is richer because of these tax cuts +Sci/Tech,Long-Necked Sea Monster Snuck Up on Victims +Sci/Tech,Two Linuxes for Newcomers +Sci/Tech,Crying wolf over predator attacks +Sports,Nicky Butt out for next three UEFA Cup games +Sports,It #39;s a four-gone conclusion +World,Washington: Darfur peace is linked to peace in the south +Sports,Hurricane Forces Football Postponement (AP) +Business,"Economic Gauge Dips, Slowdown Continues (Reuters)" +Business,"Durable Goods Fall, Aircraft Orders Slump" +Business,Stocks Inch Up After Durable Goods Report +Business,Lawyers Eat Into Freddie Mac's '03 Profit +Sci/Tech,Firefox RSS Feature to Remain as Live Bookmarks +Business,Cautious Fed lifts rates but hints at pause +Business,EU to approve Oracle takeover - reports +Business,"Freddie, Fannie shares feel fresh pressure" +Business,Northland sells cranberry processing business to Ocean Spray <b>...</b> +Sci/Tech,Code to exploit Windows graphics flaw now public +Sci/Tech,Firms aim to tighten Linux security +Sports,Golf: Monty brought down to earth with a bump +Sports,Star cyclist Richard Virenque retires +Sports,Blackhawks winningest head coach Billy Reay dead at the age of 86 +Sports,Three Barcelona players suffer by serious knee injuries +Sports,San Francisco Giants Team Report - September 24 +World,UN Refugee Chief Backs Darfur Autonomy +World,Islamic rebel convicted +World,Future Indonesian leader calls for national unity +Business,Bill Gates remains atop list of richest: Forbes +Business,Morningstar Says SEC Is Investigating Data for Fund (Update2) +Sci/Tech,Hackers Smell Blood In Common Windows Interface +Sci/Tech,Now showing: The galactic storm +Sci/Tech,"E-Biz sites hit with targeted attacks, extortion threats" +Sci/Tech,OPA Generational Media Study Yields Interesting Results +Sports,Cup hero Monty misses cut at The Heritage +Sports,Klinsmann #39;s style irritates German FA officials +World,"Pakistan, India leaders vow cooperation" +World,Chechen Rebel Leader Blames Rival for School Massacre +World,Irans nuclear stubbornness +World,Shell evacuates staff from Nigerian delta conflict +World,British envoy again blasts Kenya on graft +World,Security Tight for Afghanistan #39;s Presidential Inauguration +Business,Fingerprint ID Firm Cogent Soars in Debut +Sci/Tech,Priceat Issue With PlayStation Portable (AP) +Sci/Tech,Japan Game Makers Count on Mobile Gear for Growth (Reuters) +Sci/Tech,Great White Shark Gets Satellite Tracker (AP) +Sci/Tech,Japan Game Makers Count on Mobile Gear for Growth +World,"Bosnia Mass Grave Yields 182 Bodies, More Expected" +Sci/Tech,Preaching beyond the Mac faithful +World,Singer Cat Stevens Demands Probe Into Deportation +World,Hurricane Jeanne Takes Aim at Florida +World,"6 Egyptians, 2 Iraqis Kidnapped in Iraq" +Business,EU seeks decision on Oracle-PeopleSoft deal by next month +Business,CONGRESS PASSES TAX CUT BILL +Business,Stocks Set to Open Mixed +Sci/Tech,New Microsoft spam lawsuit takes different tack +Sci/Tech,Increase your breast measurements by this ringtone +Sports,Bowden Bowl not fun for the Bowdens +Sports,Tennis: Grand Slam showdown set as Sharapova faces Kuznetsova in <b>...</b> +Sports,March to glory +World,SBY puts victory celebrations on ice +Sports,Longtime Blackhawks Coach Billy Reay Dies (AP) +Sports,"Former Knight Assistant Accepts #36;35,000 (AP)" +Sports,Zaballa in Breakaway Stage Win +Sci/Tech,PC makers begin holiday desktop onslaught +Business,USAir Looks for 23 Percent Union Pay Cut (Reuters) +Business,Airbus drops out of Microsoft case +Business,Japan Game Makers Count on Mobile Gear for Growth +World,"India, Pakistan Leaders Hail New Chapter in Ties" +Business,Congress delivers 146-billion-dollar tax cut +Business,Morningstar under SEC probe for incorrect data +Business,Report: EU Close To OK #39;ing Oracle Takeover Of PeopleSoft +Business,Progress Energy cuts outlook +Sci/Tech,Scanner Tool Released To Thwart JPEG Attack +Sci/Tech,Galaxies rent asunder in huge cosmic collision +Sci/Tech,Microsoft: Windows XP SP2 downloads #39;on target #39; +Sports,Cyclist Richard Virenque retires +Sports,Soccer: Wenger pledges future to Gunners +Sports,Ailing Dutch soccer opts for play-off system +World,"Zarqawi steers media, targets Blair over hostage" +World,Russia Terrorism Plan Meets Mixed Reviews +Business,Ashford Hospitality a Welcome Find +Business,WWE's Customizable PPV +Business,Commerce One Sinking Fast +Sci/Tech,Farmers #39;Cry Wolf #39; Over Losses to Predators +Sports,"Billy Reay, Hawks #39; winningest coach, dead at 86" +Sports,"A touch of Michigan Under Kirk Ferentz, Hawkeyes find success with <b>...</b>" +Sports,Check this out +World,Behind the hostage crisis +World,"Nigerian President Says AU Willing to Send 3,000 Troops to Darfur" +World,Bombers target oil facilities; 2 sailors killed +World,UN Official Suggests More Autonomy for Darfur +Sci/Tech,Commerce One Sinking Fast +Sports,Legendary NHL coach Reay passes away +Sports,Chiefs head coach Vermeil apologizes for remark about running back +World,"India, Pak replace hot air with gas pipeline" +World,Backflipping into controversial art (Friday 24 September 2004) +Sports,Dallas vs. Seattle +Sci/Tech,'A Massive Experiment' In Voting (washingtonpost.com) +Sci/Tech,WWF Calls for Ban in Trade of Great White Sharks (Reuters) +Sci/Tech,Banning the Bible to Get Out the Vote +Business,Unions agree to Alitalia #39;s plan to split into two +Business,Boeing downplays jet market upturn forecasts by Airbus +Business,Airbus withdraws Microsoft backing in EU suit +Business,Kenya to get delayed loan from IMF +Sci/Tech,Week in review: Dig that crazy beat +Sci/Tech,Thin glaciers get thinner in Antarctica +Sci/Tech,MS Sues Web Hoster Over Spam +Sci/Tech,ComReg calms auto-dialler storm +Sci/Tech,Red Hat exec takes Sun to task on open source +Sports,Cricket: Lara in target range of pacemen +Sports,Wenger committed to Arsenal +Sports,Report: Dolphins win grievance against Williams +Sports,Soccer: Nedved calls time on Czechs +World,BISHOPS WORRIED ABOUT ITALIAN HOSTAGES +Sports,Campbell agrees new deal at Highbury +Business,IMF May Lend Kenya \$35 Million +Sci/Tech,So what is it about Win2k security MS won #39;t enhance? +Business,Fannie Mae Slides on Accounting Issues (Reuters) +Business,Fannie Mae Slides on Accounting Issues +Business,Oil Companies Negotiating for SPR Crude +Business,Agreement lets MGM survive merger with Sony +Business,China Minmetals Begins Talks to Buy Canada #39;s Noranda (Update2) +Sci/Tech,Symantec plugs holes in firewall +Sports,"Williams, Kuznetsova in China Open semi-finals" +Sports,Serie A Review: Round 14 +Sports,Real lose ground on Barca +Sci/Tech,Group: Illegal Ivory Easy to Get Online (AP) +Sci/Tech,So what is it about Win2k security MS <u>won't</u> enhance? +Sci/Tech,Thus shares plunge after warning +World,Nova Scotia Court Allows Gay Marriages (AP) +World,UN official proposes autonomy for Sudan's embattled Darfur region (Canadian Press) +World,US warns of heightened risk of terror attacks in South Korea (AFP) +World,"Bush, Kerry Economic Budgets Exceed #36;1T (AP)" +World,Officer in Kerry Motorcade Hurt in Pa. (AP) +World,Fla. Rep. Goss Sworn in As New CIA Chief (AP) +World,U.S. Sees Chances of Saddam Trial in 2004 'Remote' +World,Kerry faults Bush over Bin Laden +World,Prince Harry set for army career +World,Bahamas put on hurricane warning +World,U.N. Aid in Haiti Held Up by Lack of Help From Government +World,Kerry Attacks Bush's Handling of Campaign Against Terror +World,Official: Iraq Elections Are Open to All +World,Upturn in Oil Prices Leave Stocks Mixed +World,"6 Egyptians, 2 Iraqis Kidnapped in Iraq" +Sci/Tech,Red Hat exec takes Sun to task on open source +Sci/Tech,Symantec plugs holes in firewall +Business,Crude futures prices continue to climb +Business,SEC Probe of Computer Associates Eyeing Ex-Chief Wang +Sports,Report: Dolphins Win Grievance Against Williams (Reuters) +Sci/Tech,Google: Searching for the desktop? +Sci/Tech,Canadian rocket bid put on hold +Sci/Tech,HP #39;s Fiorina: Sometimes IT spending is a #39;bad thing #39; +Sports,Wenger says he #39;s committed to Arsenal and not tempted by Madrid +Sports,Williams told to repay Dolphins \$8.6 million +Sports,Knee Injury Forces Czech Football Captain to Retire +Sports,Biopic fails to go beyond one-dimensional portrayal of Rose +World,Six Egyptians snatched in Iraq +Sports,Report: Dolphins Win Grievance Against Williams +Sports,Company Withholding \$5 Million Bonus for Armstrong +Business,Most Airlines Raise Fares Due to Fuel (Reuters) +Business,Most Airlines Raise Fares Due to Fuel +Business,Stocks Up on Durable Goods News +Business,U.S. to Loan Strategic Reserve Crude Oil +Sci/Tech,Find.com Business Search Engine Adds Content Providers +Business,Bankruptcy Judge Rules Against United Airlines +Business,Emisphere Wins Novartis Over +Business,Mutual-fund rating firm gets #39;Wells notice #39; over data +Business,Update 5: Oil Prices Climb Despite Gov #39;t Statement +Sports,Rafa: There is light after Stevie +Sports,Jones does flip-flop on career +World,British leaflets asks Iraqis to look for hostage +Business,StanChart may enter battle for Absa +Business,EU set to clear Oracle #39;s \$8 bn bid for PeopleSoft +Business,Marathon shares hit record high after upgrade +Sci/Tech,Microsoft #39;s New Suit +Sci/Tech,Da Vinci Team Delays Launch +Sci/Tech,Study: Security measures often overlook human factor +Sports,Retired Williams owes Dolphins: report +Sports,Liverpool prepares for life without Gerrard +Sports,Spaniard Constantino Zaballa wins 19th stage +World,Haitians mob food trucks as frustration grows with slow storm <b>...</b> +Sports,"Carmakers #39; excessive spending hurts F1, says Mosley" +Sports,"Ore., Ariz. Prolific Passers Square Off (AP)" +Sci/Tech,Pre-Dinosaur Reptile Discovered -- Long-Necked Hunter +Sci/Tech,"""'CSI' Effect"" Is Mixed Blessing for Real Crime Labs" +Business,EU Likely To Approve Oracle #39;s Hostile Bid for PeopleSoft +Business,Progress Energy Cuts Earnings Outlook Because Of Hurricanes +Business,The Rail World (Forbes.com) +Sci/Tech,Sony Embraces MP3 Format +Sci/Tech,Is Sun Turning against Linux and Red Hat? +Business,ID Biomedical Gets U.S. Flu Drug Deal +Sports,ICC Champions Trophy: England to take on Windies at Oval +Sports,Coaches take back seat as the formula kicks in +World,Turkey #39;s EU Bid Back on Track +World,"Russia, China Hold Trade, Anti-Terrorism Talks" +World,"6 Egyptians, 4 Iraqis Kidnapped in Iraq" +World,Elliot Smith CD Released Year After Death +World,Russia Terrorism Plan Meets Mixed Reviews +World,Stocks Move Higher As Oil Prices Dip +Sci/Tech,Briefly: TV chip company gets \$19 million +Business,PalmSource: Give or Take +Business,Where'd the Term 'Blue Chip' Come From? +Sci/Tech,TV chip company gets \$19 million +Sci/Tech,Study: Security measures often overlook human factor +Business,PalmSource: Give or Take +Sci/Tech,Sony Finally Gets In Tune with MP3s +Sports,"Billy Reay, former Blackhawks coach, dies" +Sports,Zaballa in Breakaway Stage Win +Sci/Tech,Commerce One runs out of cash +Sci/Tech,News: JPEG exploit toolkit spotted online +Business,Politics over policy +Business,UPDATE 1-Marathon shares hit record high after upgrade +Sci/Tech,Microsoft Ups The Spam War Ante +Sci/Tech,FDIC Warns Consumers on E-Mail #39;Phishing #39; Scam +Sci/Tech,Mandrakesoft in Bid For EAL5 Certification +Sci/Tech,Wolves not entirely to blame for farm losses +Sports,Dolphins-Steelers Still Set for Sunday +Sports,"Rice, No. 5 Texas will run right at each other" +Sci/Tech,"Rumors Aside, Browser Is a Logical Step for Google (NewsFactor)" +Sci/Tech,Product Review: Motorola MPx200 Smartphone (NewsFactor) +Sci/Tech,Senate's Cellular Stand (The Motley Fool) +Sci/Tech,Report: Storage-Resource Management Drives Industry Growth (NewsFactor) +Sci/Tech,Hidden Costs of Online CRM - Part 3 (NewsFactor) +Business,Most Airlines Raise Fares to Offset Fuel (Reuters) +Business,FDIC Warns About E-Mail 'Phishing' Scam (Reuters) +Business,Oil Ends Up on Supply Worries +Business,Lawsuits Besiege Fannie Mae on Accounting +Business,Sri Lankan protest at price rises +Business,Putin says state oil firms could bid for Yukos assets +Business,Trump Optimistic About Future for Gambling Company +Sci/Tech,Verisign plans authentication management +Sci/Tech,Consortium Aims To Beef Up Linux Security +Sports,WENGER RULES OUT GUNNERS EXIT +Sports,Williams ordered to pay back Dolphins \$8.6 million +Sports,Ricky Williams ordered to repay Dolphins +World,Architect of Indias nuclear bomb dead +Sci/Tech,Commentary: Is Outsourcing On The Outs? (BusinessWeek Online) +World,Rumsfeld: U.S. Troops Can Leave Before Iraq Peaceful (Reuters) +World,Armitage: No Plans for Partial Iraq Election (Reuters) +World,"India, Pakistan Leaders Hail New Chapter in Ties (Reuters)" +World,EU Nations Ban Phthalates From Toys (AP) +World,Jiabao Vows to Support Russia for WTO (AP) +World,Iraqi prime minister to seek election reassurances from UN chief (AFP) +World,Armitage: No Plans for Partial Iraq Election +World,"India, Pakistan Leaders Hail New Chapter in Ties" +World,Controversial French Author Francoise Sagan Dies +Business,Kumar #39;s indictment for fraud may not hurt CA +Business,"Blue Chips Inch Up, Oil Rise Caps Gains" +Business,Celestica selling power-systems division to C amp;D Technologies +Business,Delta chief customer service officer retires +Sci/Tech,Big Gulp? Neck ribs may have given aquatic beast unique feeding <b>...</b> +Sci/Tech,HP drops Itanium workstations +Sci/Tech,Biggest Collision in the Universe +Sci/Tech,Is Google ogling a browser? +Sci/Tech,Added Security With Strong Authentication +Sci/Tech,Launch of Canadian manned space mission on hold +Sci/Tech,"Sun, Microsoft Move Focus Of Linux Battle To Leader Red Hat" +Sci/Tech,New Haven architect to design Adriaen #39;s Landing science center +Sci/Tech,BearingPoint wins \$229M DHS contract +Sports,"McDowell and Price share Heritage lead, as Monty and Poulter miss" +Sports,The passion of the athlete +Sports,KU to release information on Perkins #39; contract +World,Mobile phone workers kidnapped in Iraq +World,US official: Saddam trial won #39;t start this year +World,No stopping locusts +Business,Lawsuits Besiege Fannie Mae on Accounting (Reuters) +Business,U.S. Economy Seen on Solid Footing +Business,Boston Scientific Recalls Ear Implant +Business,Gov #39;t reaches agreement to lend oil +Business,AP-Italy-Alitalia +Sci/Tech,Cdn X Prize team postpones launch +Sci/Tech,New Haven firm gets nod for center +Sports,Nedved hangs up international boots +Sports,Cash fears worry Mosley +Sports,Ferrero and Santoro face off next +Sports,Murphy fired as Rockets #39; broadcaster +World,Atomic Agency calls on Pyongyang to again allow inspections +Sci/Tech,HP discontinues its Itanium workstations +World,Powell Releases Military Aid to Colombia (AP) +World,"Ontario to open nine new MRI sites, buy back more private testing facilities (Canadian Press)" +World,"Kerry, Bush Clash Over Iraq and Allawi (AP)" +World,Allawi urges world to help Iraq +World,U.S. Officials Differ on Iraqi Elections +World,"Kerry, Bush Clash Over Iraq and Allawi" +World,Sniper Said to Admit Guilt in 2nd Slaying +World,Hurricane Jeanne Targets Fla. East Coast +World,Six Egyptians Kidnapped in Baghdad +Sci/Tech,Business software firms shed more jobs +Sci/Tech,HP discontinues its Itanium workstations +Sports,Patriots Establish Web Site in Chinese (AP) +Sci/Tech,Group Abandons Work on Anti-Spam Standards +Sports,Nedved quits international scene +Sports,Kahne grabs Dover Busch +Sports,Arbitrator: Williams must pay Dolphins +World,Sudan: UNHCR Boss Urges Sudan to Give Darfur Autonomy +Sports,W. Virginia Expects Tough James Madison (AP) +Sports,Roddick Hits Record Serve in Voltchkov Thrashing +Sports,Florida Moves Up Home Game Versus Kentucky +Sports,Divac Sidelined with Back Problem +Sci/Tech,New Microsoft set-top box ready to roll +Sci/Tech,"Four Los Alamos lab workers fired over security, safety lapses" +Sci/Tech,CA looks to move on after Kumar's indictment +Sci/Tech,HP drops Itanium workstations +Sci/Tech,BearingPoint wins \$229M DHS contract +Sci/Tech,Commerce One runs out of cash +Sci/Tech,"PeopleSoft not perfect on J.D. Edwards deal, CEO says" +Sci/Tech,EBay shelves plan to axe Half.com unit +Sci/Tech,"E-Biz sites hit with targeted attacks, extortion threats" +Sci/Tech,Brief: Iomega to cut workforce by 25 in restructuring +Sci/Tech,HP's Fiorina: Sometimes IT spending is a 'bad thing' +Sports,Brunell Gets Some Work +Sci/Tech,Mark Logic envisions Open Content Architecture +Sci/Tech,HP drops Itanium workstations +Business,"Treasuries Drop, Hope Fades for Fed Pause" +Sci/Tech,Red Hat opens losing propaganda offensive against Sun +Sci/Tech,Bose SoundDock +Business,Morningstar Is Under SEC Microscope +Business,Austin high school band marches onto eBay +World,"PM, Pervez address Kashmir issue" +Business,Business software firms shed more jobs +Sci/Tech,Google Conforms to Chinese Censorship (AP) +Sci/Tech,Da Vinci Project Pushes Back Launch +Sports,Stadler leads SAS Championship +Sci/Tech,Here Comes the Sun (The Motley Fool) +Sci/Tech,Thin Glaciers Get Thinner in Antarctica - Report (Reuters) +Sci/Tech,"Chills, Fright But Nothing Paranormal at UK Seance (Reuters)" +Sci/Tech,Experts Hail Birth of Baby to Ex-Cancer Patient (Reuters) +Sci/Tech,Can you say 'offshore' anymore? +Business,US Airways asks court to impose 23 percent pay cut +Business,Judge strikes UAL #39;s pension assessment from record +Business,Update 1-Lockheed wins \$6.4 bln US satellite project +Sci/Tech,Ask Jeeves +Sports,Monaco-Lyon clash highlights Ligue 1 weekend +World,PM asks whats the way out? General says I will get back +Sci/Tech,IM upstarts vie for interoperability +Sci/Tech,Google plotting Explorer rival? +Sci/Tech,Private Canadian Spacecraft Launch on Hold +Sports,Ryder hero Montgomerie fails to make Heritage cut +Sports,Australia take 2-0 lead +Sports,Tennis: France Takes 1-0 Lead in Davis Cup +Sports,Mayfield wins pole in Dover +Sports,Liverpool #39;s G force: Can it be Alonso? +World,Family appeals for release of UK hostage +World,Israeli woman killed in Palestinian mortar attac +World,Maskhadov denies involvement in school seizure +World,Putin calls for establishment of new international security system +World,Bashir: To face terror-related charges next week +World,Hunt for Jakarta bombers converges on W. Java +World,Muslim Council joins fight for hostage #39;s life +Business,Oil Prices Hit New Record High +Business,Fannie Mae Shares Drop 13 Pct. in 3 Days +Business,A Fixer-Upper +Business,US blue chips skid as oil keeps rising +Sci/Tech,NASA Genesis Space Sample Shipped to Calif. Lab +Sci/Tech,Samples from Genesis Capsule Sent to Lab +Sci/Tech,Google conforms to Chinese censorship +Sports,Roddick and Fish propel US to 2-0 lead over Belarus +Sports,Nedved Quits Czech Republic +Sci/Tech,Ahead Pushes Nero Digital Format for DVDs (PC World) +Sci/Tech,"It's Final: No WiFi In ""Grantsdale"" Chipset (Ziff Davis)" +Sports,Roddick Smacks Voltchkov With a Record 155mph Serve +Sports,AC Milan need better efforts +Sports,Lara awaits date with destiny +Sports,Arsenal boss admits admiration for Man City #39;s SWP +World,Israeli Woman Dies in Mortar Attack +World,"Police question wife of Noordin, declare new bombing suspect" +Sci/Tech,NASA: Space Station Running Low on Oxygen (AP) +World,Japan #39;s Koizumi to Reshuffle Cabinet on Monday (Update1) +Sci/Tech,Mexican Man Stung to Death by 'Killer' Bees (Reuters) +Business,Shell pulls staff from oil region +Sci/Tech,Briefly: Rice lab makes nano parts less toxic +Sci/Tech,Rice lab makes nano parts less toxic +Business,US stockmarket closes on a high +Sci/Tech,Ask Jeeves Personalizes Web Searching +Sports,Skipper Maldini stands tall as AC Milan look to halt slide +Sports,Arraignment continued until Oct. 8 +World,Israeli Missile Hits Gaza Refugee Camp -- Witnesses +Sci/Tech,"E-business sites hit with attacks, extortion threats" +Sci/Tech,Ahead Pushes Nero Digital Format for DVDs +World,China #39;s Wen meets Putin +World,Putin: Russia #39;s Fight Against Terrorism Will Not Sidetrack Reforms +Sci/Tech,News: Feds invite comment on Internet wiretaps +Sci/Tech,Spotted Owl Seen Declining in Northwest (AP) +Sci/Tech,Sage Grouse Listing May Curb Natural Gas (AP) +World,Iraq PM Asks UN States to Put the War Behind Them (Reuters) +World,Sudan Security Foils New Sabotage Plot -- Agency (Reuters) +World,Muslim envoys off to Baghdad in bid to free British hostage (AFP) +World,Egypt presses case for permanent seat on UN Security Council (AFP) +World,Material RCMP passed to U.S. officials was used in Arar's deportation hearing (Canadian Press) +World,Rise in GOP Numbers May Impact Elections (AP) +World,Texas Challenger Links Opponent to Rather (AP) +World,Hurricane Jeanne Targets Storm-Weary Florida +World,Sudan Security Foils New Sabotage Plot -- Agency +World,Israeli Missile Kills One in Gaza Camp -- Medics +World,Stocks Close Mixed to Cap Losing Week +World,Teen Sniper to Admit Guilt in 2nd Slaying +World,Elliott Smith CD Released Year After Death +World,Hurricane Jeanne Prompts Fla. Evacuations +Sci/Tech,Via brings PCI Express to AMD-based computers +Sci/Tech,Sony Embraces MP3 in Ploy To Please Public +Sci/Tech,Microsoft Files More Lawsuits over Spam +Sci/Tech,Red Hat exec takes Sun to task on open source +Sci/Tech,Microsoft Issues Tool To Head Off JPEG Exploits +Sci/Tech,Microsoft Won #39;t Give SP2 Security Fixes to Older Browsers +Sci/Tech,Space station needs supplies by Christmas +Sports,"Rice, No. 5 Texas will run right at each other" +Sports,Yanks' Brown Long Shot to Pitch Sunday (AP) +Sports,No. 14 Utah Begins Defense of MWC Title (AP) +Sports,Stadler Leads SAS Championship by Two (AP) +Sports,Ichiro Makes Run at Historic Record +Sports,"U.S., France on Top in Davis Cup Semis" +Business,51 more billionaires on Forbes #39; rich list +Business,Philips warns that sales of its chips are stalling +Business,The Dot-Com Era #39;s Last Gasp: Commerce One +Business,Collins Stewart raises 55m to help funding of Prebon buy +Sci/Tech,"Astronomers Observe Collision of Galaxies, Formation of Larger <b>...</b>" +Sci/Tech,The fish with a 100/kg price on its head set to win protector +Sci/Tech,Sage grouse listing may curb natural gas +Sports,NFL Matchups: Two great coaches but two mediocre teams clash +World,"With focus on Iran, Brazil gets no favors" +World,Liberty Beat by Nat Hentoff The Most Evil Crime +World,Sudan Security Foils New Sabotage Plot -- Agency +Business,Billionaires still playing catch-up with Gates +Business,Jail-bound Martha nets \$2m +Business,Collins Stewart buys rival broker in 133m deal +Business,Summer puts dampener on Cadbury Schweppes +Sci/Tech,PSP to support MP3s +Sci/Tech,Dinosaur long-necked for a reason: experts +Sci/Tech,No SP2 for Users of Old Windows +Sports,Davis Cup Tennis: Darkness halts French bid for early 2-0 lead +Sports,Prem Preview: Manchester City-Arsenal +Sports,Australia in for Davis Cup kill +Sports,Wengers Arsenal Mission +World,Israeli Copter Strike Kills Palestinian +World,New India-Pakistan ties hailed +World,Allawi safety claims #39;out of touch with reality #39; say Iraqis +World,Darfur #39;s refugees face years in camps +World,Aid slow to reach desperate Haitians +World,Israeli Missile Kills One in Gaza Camp -- Medics (Reuters) +World,Israeli Missiles Kill 1 and Wound 5 (AP) +World,Video Game Let Players Command Kerry Swift Boat (Reuters) +World,Israeli Missile Kills One in Gaza Camp -- Medics +World,Roddick Powers U.S. to Lead in Davis Semis +Sci/Tech,Calif. OKs World's Toughest Smog Rules (AP) +Sci/Tech,Chile Groups Say Tainted Salmon Could Be Sold (Reuters) +Business,Alitalia Says Unions Agree to Plan to Split Company (Update6) +Business,"Interest hikes to fight inflation, the Fed says" +Business,Judge Strikes United Airlines Pensions Brief From Record +Business,IBC seeks to rise again through bankruptcy +Sci/Tech,"New UN Talks Bid to Save Fish, Plants and Timber" +Sports,Montgomerie misses cut at The Heritage +Sports,Brown on pins and needles +Sports,Montreal Expos await final word on move from MLB before making <b>...</b> +World,Muslim envoys off to Baghdad in bid to free British hostage +World,Allawi appeals for world help +World,US reserves judgment on India #39;s bid for UNSC seat +World,Transport firm terrorist base +World,New intruder scare for royals +Sports,Ricky Williams ordered to repay Dolphins +Sports,"Bowden Bowl Key for Clemson, Florida St. (AP)" +Sports,Singh Stays on Track for Fifth Win in Six Starts +Sports,Torre: Brown a Long Shot to Go for Yanks on Sunday +Business,Brazil Announces Record Budget Surplus (AP) +Sci/Tech,Briefly: Via brings PCI Express to AMD PCs +Business,The whining class +Business,Nationwide drinks the ITIL Kool-Aid +Sci/Tech,Sun seeks data persistence model for Java +Sports,Flintoff aims to sign off in style +Sports,Brown could pitch Sunday finale +Sports,Tigers hope to reverse losing trend in Tallahassee +Sci/Tech,GOP Voter Vault Shipped Overseas +Business,Sony-led investor group finalizes buyout of MGM +Business,Prebon three to share 70m +Business,Hurricane claims add to #39;disastrous #39; Courts trading +Sci/Tech,Calif. to Post Details on Sex Offenders on Internet (Reuters) +Sports,Twists abound as Raiders meet #39;Raiders East #39; +World,"Security Worries in Baghdad, US Debates Polls" +World,Germany uneasy on nuclear plans after Iran talks +World,Iraq in desperate need for international help: PM +World,Haiti devastated by floods: Action Against Hunger deploys <b>...</b> +World,Japan needs qualification +Business,Demand for Durable Goods Drops in August (AP) +Business,China supports Russia #39;s WTO bid +World,"No return to past in Russia, Putin promises" +Sci/Tech,Price at Issue With PlayStation Portable (AP) +Sci/Tech,MIT Works to Power Computers With Spinach (AP) +Sci/Tech,Apple offers fix for spotted PowerBook displays (MacCentral) +Sci/Tech,Private Canadian Spacecraft Launch on Hold (Reuters) +Business,IBM Exec Outlines PeopleSoft Deal +Sci/Tech,Mystery from the deep creates elongated puzzle +Sports,Arsenal manager Wenger dismisses Real link +World,Rebels threaten Nigeria #39;s oil wells +Sci/Tech,IBM Exec Outlines PeopleSoft Deal (Ziff Davis) +Business,Court Throws Out United's Pension Filing +Business,AT T Cuts Jobs at Call Centers as It Struggles to Regroup +Business,Europe Is Said to Be Close to Allowing Bid by Oracle +Business,Noranda Says It Is in Talks With China Minmetals +Sci/Tech,"Rare Buffalo, Sacred to Some Indians, Dies (AP)" +World,"Manmohan, Musharraf hail new chapter in ties (Reuters)" +World,Israeli Air Strike Kills One in Gaza Refugee Camp +World,House Proposal Puts Less Power in New Spy Post +World,Kerry Promises to Refocus U.S. on Terror War +World,"In Florida, the Campaigning Just Has to Wait" +World,Michael Jackson's Dad Has Ulcer Surgery +Business,Europe Is Said to Be Close to Allowing Bid by Oracle +Business,"As With Other Chip Makers, Sales Begin to Stall at Philips," +Sports,Huff Leads Devil Rays Past Blue Jays 4-2 (AP) +Sports,Poll: Skins' Nickname Offends Few Indians (AP) +Sports,"Sorry Charles, Shawn Green is a role model" +Sports,Cards' Tavarez to Sit Out Eight Games (AP) +World,"Manmohan, Musharraf to address joint press conference:" +World,N. Korea ready #39; to fire off missile +Sports,Now Playing: The Old Man and the Football Team +Sports,Lab Defends Its Handling Of Hamilton's Blood Sample +Sci/Tech,Google as Browser? +Sports,Inkster takes one-stroke lead over Kim +Sports,"Liberty 75, Shock 62" +World,"In NY, Pakistan and India leaders vow to seek peace" +World,Prince Harry passes Army entrance test +Business,Philips Warns on Chip Sales +Business,Collins Stewart Shares Advance on Prebon Takeover (Update1) +Sci/Tech,"New Crew to Leave for Space Station on Oct. 11, NASA Says" +Sports,UPDATE 3-Roddick hits record serve as US take control +Sports,France hold edge over Spain in Davis +Sports,Meet the Mane Attraction of the Boston Red Sox +World,British envoys head to Baghdad +Business,Stocks: Upbeat orders data bolster Wall Street +Business,Lockheed Martin Wins \$3.3 Billion Navy Contract to Develop <b>...</b> +Business,Three little isles +Sports,Hamilton #39;s gold no longer glitters +Sports,Too close to call +World,Iraq PM Asks UN States to Put the War Behind Them +World,Powell implores Arafat to quit as Palestinian chief +Sports,"U.S., France on Top in Davis Cup Semis" +Sports,"Red Sox Forget, and Yanks Gladly Remind Them" +Sports,Suzuki closes in on batting record +Sports,Defense Is Reacting +Sports,Ricky Must Pay +Sports,The Rundown +Sports,Melvin Finds Role +Sports,Singh Keeps Lead +World,"12 Dead, 36 Missing After Ferry Sinks in China" +World,Laws to cut California car gases +World,"In China's Cities, a Turn From Factories" +World,Panic Strikes Haiti's Storm Survivors +World,Hussein's Trial Not Likely to Begin This Year +Business,China Aviation #39;s Ex-Chief to Face Probe +Sports,Right-hander allows seven runs in three-plus innings +Sports,Ruling: R. Williams Must Repay Miami +World,Japan PM readies cabinet reshuffle to silence critics +Sci/Tech,Putting Their Own Stamp On Postage +Business,Regulator Says Fannie Resisted +Business,Why hope springs eternal +Sports,"Braves rally, win division title" +World,Harry snubs senior service and sticks with the Army +Sports,Barcelona defeats Zaragoza 4-1 +World,U.S. Forces Kill Five Suspected Taliban (AP) +World,Porter Goss Sworn in As New CIA Chief (AP) +Business,Sony seals purchase of MGM +Sports,Yankees Rally to Defeat Red Sox 6-4 (AP) +Sports,"Christina Kim shoots 64, leads LPGA Longs Drugs Challenge" +Sports,Inkster Leads LPGA Longs Drugs Challenge (AP) +Sports,Shanghai Free Practice 3 4: Tough to tell whats going on! +Sports,Mixed Bag for United +Sports,Cubs Win Fourth Straight +Sports,Chiefs' Warfield Arrested +Business,Sony-led group finalizes deal to purchase MGM +Business,Baggage handlers begin strike +Sports,Montgomerie misses cut at The Heritage +Sports,Mosley dismisses chances of three car teams +Sports,"Brunell Improving, but It #39;s #39;Wait and See #39;" +World,"Ramanna, the happy-go-lucky N-czar" +Sci/Tech,The thief in outer space: Prometheus +Business,Odd Man Out in U.S. Inquiry Into Fannie Mae +Sci/Tech,Word of the year: Blog +Business,Gatwick baggage handlers striking +Business,Florida braces itself for Hurricane Jeanne +Sci/Tech,New Haven architect to design Adriaen #39;s Landing science center +World,Pakistan and India agree to explore options +World,"Raja Ramanna, Indian nuclear scientist, dies" +World,"U.S. Bombs Fallujah; Eight Dead, 15 Hurt (AP)" +Business,EU reportedly to OK Oracle bid for PeopleSoft +Sports,Bucs now get to see other side of Sapp +Sports,NL Wrap: Cubs Maintain Wild-Card Lead with Win +World,Raja Ramanna passes away +Sports,NL Wrap: Cubs Maintain Wild-Card Lead with Win +World,Thousands in Fla. Told to Flee Hurricane +Sports,Navy Is Ready to Run Against Vanderbilt +Sci/Tech,Canadian X Prize Team Postpones Launch +Sports,Australia makes it 3-0 with doubles win +Sports,Matsui finally gets to Martinez +Sci/Tech,Europe Is Said to Be Close to Allowing Bid by Oracle +Sci/Tech,"As With Other Chip Makers, Sales Begin to Stall at Philips" +Sci/Tech,Senate #39;s Cellular Stand +Sports,AL Wrap: Hit Machine Ichiro Helps Seattle Edge Texas +Sports,"Dodgers 3, Giants 2" +Sports,Gannon gets another shot at Buccaneers #39; tough defense +World,The fate of Ken Bigley and the struggle against the occupation of <b>...</b> +Sci/Tech,Army Floats a Trial Balloon +Business,Boeing plant sale seen by year-end +Business,Stocks creep higher in New York +Sci/Tech,Sony on Collision Course with Music Majors over MP3 +Sports,Chat with Jeremy Schaap +Sports,A #39;s stretch AL West lead +World,Arabs are not responsible for atrocities +World,Howard dismisses Iraq letter row +Sports,China #39;s racing drivers closing on Formula One +Sci/Tech,Trend Micro Gives Away Mobile Security +Sports,"No. 21 Boise St. 28, BYU 27" +Sports,Baines: Movie on Rose strikes out +Business,Nation/world briefs +Sci/Tech,Next Space Station Launch Set for Oct 11 +Sports,Yankees best Martinez again +Sports,Hustle #39; drops the ball on Rose story +World,Musharraf calls meeting with Manmohan a success +Sci/Tech,"New Crew to Leave for Space Station on Oct. 11, NASA Says" +World,N.Korea Calls Missile Launch Reports 'Speculation' (Reuters) +World,"U.S., Iraq Pressing for Electoral Conference -NYT" +World,"Brunei Parliament Reopens, But No Talk of Election" +World,Cricket: ICC trophy preview +World,"Bad Air and Water, and a Bully Pulpit in China" +World,House Democrats Decry GOP Intel Bill +World,Thousands in Fla. Told to Flee Hurricane +Business,Billionaires galore +Sci/Tech,Red Hat pushes wider use of open-source computing +Sci/Tech,Mac Night Owl interviews Mossberg +Sci/Tech,Company Offers Zero-Gravity Flights +Sports,"Yankees frustrate Red Sox, Pedro again" +Sports,Gagne is shaky in ninth +Sports,NL Highlights +World,"Israel Destroys Refugee Homes, Kills One" +Sports,Ichiro Closes on Sisler's Hit Record (Reuters) +Sports,Ichiro Closes on Sisler's Hit Record +Business,"Bill Gates on top, Bose is 278" +Sports,Rash of doping scandals makes it hard to believe anyone is clean +Sports,Liberty strike first to take series lead +World,Army bulldozers flatten refugee homes close to Jewish settlement +World,Rescuing the orphans of Chechnya +Business,Brigham seeks OK to expand \$315m plan calls for a new wing +Business,Ocean Spray buys competitor's assets +Business,Manufacturing seen stronger despite fall in durable goods +Business,Oil prices rise 7 for the week +Business,Mutual funds saw tough 3d quarter +Business,SEC probes Morningstar +Business,Unions win a round vs. United +Business,US Airways to seek temporary pay cuts +Sports,Unlikely lads fight for the right to party +Sports,Schumacher Leads Field In Final Practice For Chinese Grand Prix +World,US Democrats target Iraq security as kidnappings increase +World,Redrawing the Middle East +Sci/Tech,Giving a game a good score +Sci/Tech,Commerce One Headed For Liquidation (TechWeb) +Sci/Tech,Rutan ready to realise vision +Sci/Tech,Protection plea for reef fish +World,"Kidnappers Seize 6 Egyptians, 4 Iraqis (AP)" +World,U.S. Airstrike Targets Militants in Falluja +World,"India, Pakistan discuss joint project, Kashmir" +World,Another 10 are taken +World,Iraqi judge dismisses case against Chalabi +World,"Kidnappers seize Egyptians, Iraqis " +World,Calif. OKs Toughest Auto Emissions Rules +Business,Flights Leave on Time at Strike-Hit Gatwick +Business,Morningstar fund data probed by SEC +Business,US Judge: Anti-Bootlegging Law Is Unconstitutional +Sci/Tech,Burp vaccine cuts greenhouse gas emissions +World,Sudanese troops search for coup plotters +Sports,Eighth wonder +Sports,Haunting memories have managed to reappear +Sports,We've seen this swat team before +Sports,Dodgers get big lift from Green +Sports,NL notables +Sports,Teammates go to bat for the ace after loss +Sports,Dolphins finally get a victory +Sports,Thrill of the chases for Revolution +Sports,She has her priorities in order +Sports,Burying their Demons +Sports,Game day for UMass's Brown +Sports,Medford's 4-year run in GBL ends +Sports,Cambridge constructs comeback +Sports,Chelmsford takes Lowell in stride +Business,Lockheed Wins Navy Satellite Contract Worth \$3.3 Bln (Update2) +Sci/Tech,Protection plea for reef fish +Sci/Tech,Genesis at Lockheed Martin - 2 +Sports,Armstrong tackles Rockies +Sports,Yankees give Boston more of the same +Sports,YOU MUST BE MAD +Sports,Lucky 13 for Braves +Sports,ICC Champions Trophy final today +Sports,LA up 2-1/2 games in West +Business,Guess who #39;s still the richest man in America? +Sports,Port Adelaide Beats Brisbane for 1st Australian Football Title +Business,Wonder Bread lovers in Canada rejoice: Weston confirms support for <b>...</b> +Sci/Tech,Spacecraft back in Jeffco +Sports,Throwing thinkerball +Sports,Keegan in awe of Gunners +Sports,Willingham warns Irish to beware of Washington +Sports,Brown #39;s available +World,More abductions in Iraq +World,Envoys head to Iraq to free hostage +World,Sudan slams UN threats +World,Hepatitis Outbreak Laid to Water and Sewage Failures +World,Braves Clinch 13th Straight Division Title +Sports,Dopers know heat is on +Business,Orange Unveils 3G Phones in Long-Delayed Launch +World,Press Review +Sports,"West Indies win toss, put England to bat" +Business,US Airways asks court to impose 23 percent pay cut +Sci/Tech,"Glacier Melt Accelerating, Concern Over Sea Levels Rising" +Sports,FOOTBALL: THE BEST ON EARTH +Sports,Lions supporters lick their wounds +Sports,Adds two more hits as Mariners trip up Rangers +Sports,BYU Hopes to Unseat Boise #39;s Bucking Broncos Friday +World,"Israel Destroys Refugee Homes, Kills One" +World,Hurricane Jeanne heads towards Florida +World,"Brunei Parliament Reopens, But No Talk of Election" +World,"Putin, Jiabao discuss bilateral, international issues" +Business,Confident Customers Could Boost PeopleSoft +Business,US Economy Seen on Solid Footing +Sports,Adelaide win Grand Final +Sports,Underdog Y. shows signs of life despite narrow loss +World,"Good feelings at India-Pakistan summit, but road to peace long <b>...</b>" +World,Russia #39;s Putin defends move to centralize power +World,Four US Marines Killed in Attacks in Iraq +World,U.S. Airstrike Targets Militants in Falluja +World,Pro-hunt demo at Hain's home +Sports,Braves Win NL East; Dodgers Top Giants (AP) +Sci/Tech,Massive Merger of Galaxies is the Most Powerful on Record +Sports,Mets battle Cubs on FOX +Sports,Baseball to Try to Finalize Expos' Move (AP) +World,Palestinian attack kills woman in Gaza settlement +World,Website claims hostage is dead +World,How to Aid Democracy in Ukraine +Sports,"Koubek Beats Henman, Gives Austria Lead (AP)" +Sports,Today's schedule +Sports,Suffolk plans to lighten load +Sports,Roddick applies heater to Belarus +Sports,Lakers to start camp shorthanded +Sci/Tech,Reheating Big Bang's Leftovers +Sci/Tech,Da Vinci Team Delays Launch +Sports,Koubek gives Austria 1-0 lead in Davis Cup playoff +Sports,West Indies win toss +Sports,"Oh No, Not Again" +Sports,"Rewind: Dodgers vs Giants, Game #1" +World,Website says Bigley killed +Business,Coup for Lockheed +Business,Jeanne forces mass evacuation +Sci/Tech,Question about file-name color has a black-and-white answer +Sci/Tech,Taking the SMS gamble +Sports,FIRED-UP RUSEDSKI SETS SIGHTS ON MELZER +Sports,Calgary Sun +Sports,Mussina outduels Pedro as Yanks roll +Sports,Major League Baseball News +Sports,Raiders-Bucs: Blackout lifted +World,Germany backs Turkey in EU bid +World,Iraqi PM asks UN for rebuilding help +World, #39;Sudan foils coup plot #39; +Sci/Tech,NASA Genesis space sample shipped to Calif. lab +World,Brunei Convenes Legislature After 20 Years (AP) +World,India-Pakistan peace hopes lifted +Business,Price of Oil Rises Despite Loans From US Reserve +Sports,Ferrero Win Boosts Spain to 1-1 Vs. France (AP) +Business,Hurricanes Blow Economy Off Radar (Reuters) +Business,Lockheed Martin Defends Polish Investment +Sci/Tech,"Browser Wars, Part II?" +Sci/Tech,"Redmond Aims, Fires at Spammers #39; Accomplices" +Sci/Tech,UH professor reports cosmic collision +Sci/Tech,Microsoft urges browser security upgrade - at a cost +World,Storms bring more misery to Haiti +World,Iraq #39;s Oil Ministry hit by explosions +Business,Pearson to relocate employees to Boston +Business,Mass. Electric seeks 10 rate hike +Business,Phase 1 for a city within a city +Business,Bay State home prices keep rising at strong pace even as sales ease +Business,Alitalia reaches union deal on splitting co-sources +Sci/Tech,"Vaccine Planned for Sheep, Cow Emissions" +Sports,Kuznetsova beats Sharapova in China Open +Sports, #39;Hustle #39; neglects passion for game +Sports,Washington needs to stop Notre Dame running game +World,Reporter in palace breach +World,Four US Marines killed in Iraq +World,Top Nuclear Scientist Raja Ramanna Is Dead +World,Iran Tests 'Strategic Missile' (AP) +Sci/Tech,Two Huge Galactic Clusters Are Colliding Millions of Light-Years <b>...</b> +Sci/Tech,EA guns to become No. 1 Sony supplier +Sports,Kuznetsova beats Sharapova in all-Russian semifinal +Sports,Lara Proves the Undoing of Flintoff +Sports,Prez shuts down Giants +World,Shell clears Nigeria bases +Sci/Tech,VeriSign Touts Childrens' Online Identity Token (Reuters) +Sci/Tech,Web Retailers Facing Pre-Holiday Changes (Reuters) +World,Turkey back on track for EU membership +Business,US Airways seeks court OK of wage and cost cuts +Sports,Boston Red Sox Team Report - September 25 +Sports,Prem Preview: Liverpool-Norwich City +Sports,Irish identify with must-win Huskies +Sports,BENITEZ PREPARES FOR BRAZILIANS +Sci/Tech,Programs: New 'Silent Hill' Is Gruesome and Awesome +Business,"Presidential Debate, Consumer Data Eyed (Reuters)" +Business,Funds: Warning Signs for Fund Investors (Reuters) +Business,Kuwait posts 4.8 billion dollar surplus in last fiscal year (AFP) +Business,Wal-Mart Holds Sales View (Reuters) +Business,Wal-Mart Holds Sales View +Business,Funds: Warning Signs for Fund Investors +Business,Hedge Funds Ponder New Ways to Make Money +Business,Munder's Cook Keeps Eyes on Net +Sports,Davis Cup: US lead Belarus +Sports,Kuznetsova struggles to advance to quarters in China Open +World,Israeli Army Flattens Rows of Houses in Gaza Raid +World,N.Korea Silent as Japan Raises Missile Issue-Kyodo +World,Arms plan sparks Taiwan protests +World,Web Posting Claims British Hostage Killed +World,Beastie Boys Embark on Traveling 'Pageant' +World,Iran Tests 'Strategic Missile' +Sports,Williams Advances to China Open Final (AP) +Sports,Green #39;s homer lifts Dodgers over Giants +Sports,Anaheim Angels Team Report - September 25 +Sports,Russia Crushes Thailand 3-0 to Stay in World Group +Sports,China Makes Debut as Villeneuve Returns +Sports,Pat Symonds looks at Shanghai strategy +Sports,Pascal Vasselon: Two different approaches +Business,Sweden's H and M in talks to buy Portugal's largest retail chain (AFP) +Business,Former CA chief indicted; company reaches accord +Sports,Trescothick Ton Lifts England +Sports,Sharapova comes out a winner in China Open semifinal +Sports,"Ready or not, UW gets Irish" +World,Pakistan must stop terror: PM tells Musharraf +World,Turkey #39;s EU Bid Back on Course After Damaging Row +World,Cabinet pledges anti-terror measures +Business,judge strikes down bootleg law +Business,Chinese firm in talks for Noranda +Business,"Brookfield Buys Rosslyn, Virginia, Office Tower for \$106 Mln" +Sci/Tech,Web Site Takes Aim at 'Arms Race of Spin' (AP) +Sports,Rusedski Drags Britain Back into Davis Cup Tie +Sports,Cricket: Sri Lanka success to inspire Australia in India Test <b>...</b> +Sports,"New York Goes Deep, Gets Jump on Detroit" +Sports,"Well, this really is it for Port faithful" +World,Nine Afghan soldiers killed in attacks +Sci/Tech,Ape Learning Center Welcoming 'Students' (AP) +Sci/Tech,Tiny Quakes Reported at Mount St. Helens (AP) +Business,Wal-Mart Holds Sales View for September +Sci/Tech,Biggest cosmic collision +Sports,Late Drogba strike gives Chelsea 1-0 win at Middlesbrough +Sports,Ricky still in frame +World,Germany Plans New Camp in Afghanistan +Sports,Barrichello grabs inaugural pole in Shanghai +Sports,England end at 217/10 +World,The #39;gentle #39; doctor of Gah +World,Iraqi PM may receive invite to Australia +World,Hurricane Jeanne batters Bahamas +World,Pro-hunt demo ends at Hain's home +World,Hurricane Hits Abaco Island in Bahamas +World,Iraq Strikes Kill 8; U.S. Soldier Killed +Sports,Lara the man to restore Windies pride and passion +Sports,No doubts for Mourinho +World,Knocked Down By An Egg: TV Shows Attack On Ukrainian Premier +Sports,"Serena Williams, Kuznetsova reach China Open final" +Sports,Middlesbrough V Chelsea Player Ratings +Sports,Port storm home for first flag +Sports,Nervous Clarke awaits Test debut +World,Up to 30 Militants Killed by Police in Nigeria +Sports,Lions put it into perspective +Sports,New York Mets Team Report - September 25 +World,Iraqi PM asks for support +Sports,Roddick Rocks Voltchkov as US Leads Belarus 2-0 +Sports,Live: GB v Austria +Sports,Minnesota #39;s newest star is a rookie with game +Sports,"Without Holdsclaw, Mystics make surprising run to playoffs" +World,Car Explodes in Northern Gaza Town (AP) +World,India Seeks Unconditional Talks with Kashmir Panel +World,Iran approves 'strategic missile' +Sci/Tech,Huygens On Target for Titan +World,"Eternal Rest With the Fishes, as a Part of an Artificial Reef" +World,CBS Nixes '60 Minutes' Story on Iraq War +Sports,Lance is all talk +Sports,McDowell starting to make his mark on European golf +Sports,Drogba Goal Gives Chelsea 1-0 Premiership Win at Middlesbrough +Sports,- Game begins at 2:00 PM ET +Sports,- Game begins at 12:00 PM ET +Sports,Irish And Huskies Set To Battle This Afternoon +World,Five US soldiers killed in Iraq +World,Militant Chechen Rebel Leader to Go on Trial for Masterminding <b>...</b> +Sports,U.S. Rider Banned for Two Years +Sports,Schumacher spinout gives Barrichello pole position at new Chinese <b>...</b> +Sports,Drogba captures another victory for Chelsea +World,Prince follows family into armed services +World,US battles to protect Afghan election +Sci/Tech,Department of Homeland Security Prevents Terrorist from Entering the U.S. +Business,US Airways: Could Liquidate Without Cuts +Sci/Tech,NASA Says Space Station Running Low on Oxygen +Sci/Tech,Europe to Launch Satellite Full of Water +Sci/Tech,Learning to Search for Life on Mars with the Atacama Rover +Sci/Tech,Teens and 'Tweens' Invade Health Clubs +Sci/Tech,Healthy Baby Born to Infertile Woman +Sci/Tech,California OKs Toughest Auto Emissions Rules +Sci/Tech,Google Conforms to Censorship in China +Sci/Tech,Price at Issue With New PlayStation Portable +Sci/Tech,New Web Site Takes Aim at 'Arms Race of Spin' +World,Egypt to let foreign companies manage state enterprises (AFP) +World,Blair's vow over British hostage +World,"Playwright Created a Psychiatrist by Plagiarizing One, Accusers Say" +World,"Haiti Storm Toll Tops 1,500; 900 Missing" +Sports,Hurricane Postpones Steelers-Dolphins Game (AP) +Sports,Mississippi St. Bulldogs +Sports,UPATE 1-Late Drogba strike gives Chelsea 1-0 win at Boro +Sports,Quick Fire Ferrero Draws Spain Level +World,Tehran says force would not work against quot;powerful quot; Iran +World,Germany slams Italy over UN plan +World,UN criticizes Iraq poll warning +World,Iran Delivers #39;Strategic Missile #39; To Armed Forces +Sports,Tennis: Quick fire Ferrero draws Spain level +Sports,Tigers eager to shake bitter losses +World,"US forces pound Fallujah as Britain, Egypt seek to free hostages" +World,New Iran missiles can reach London +World,"Candidates Vie for Wis., Iowa, Minnesota (AP)" +World,Bush and Kerry Begin Debate Preparation (AP) +Business,Baggage handlers strike at Gatwick +Sci/Tech,Phishers Fake FDIC Web Site +Sci/Tech,Developers squeeze Florida big cat +Sports,Delay could be merely a matter of hours +Sports,Dostanic off to winning start at Red Star +Sports,ALONSO IMPRESSES BENITEZ +Sports,Stuttgart Sends Leverkusen Spiraling +World,Terrorism forcefully raised in meeting with Musharraf: PM : +World,"Russian, Chinese leaders meet" +World,"Iran Completes Strategic Missile #39; Test, State News Agency Says" +World,Brit Royals at security threat from hard hats! : +World,Access to Drugs May Be Limited by Medicare Law +World,Both Parties See a Big Increase in New Voters +World,"7 Iraqi Guard Applicants, 4 U.S. Marines and a Soldier Are Killed" +World,"Candidates Vie for Wis., Iowa, Minnesota" +Sports,Dolphins/Steelers Postponed by Hurricane Jeanne +Sports,Stenson Leads Swedish Charge at the Heritage +World,Pakistan stresses support for Kashmir cause +Sports,Schumacher spinout gives Barrichello the pole at Chinese GP +Sci/Tech,Search Engine Marketing and Trademarks +Sports,Dolphins game postponed due to hurricane +World,Occupation forces invade Balatah camp +World,Residents clear tonnes of mud as floodwaters recede in northern <b>...</b> +Sci/Tech,Hacker Tools Mean JPEG Worm Coming Soon +Sports,Stenson takes lead at The Heritage +Sports,Red Star names Dostanic new coach +Sports, #39;Probably not my fault #39; +Sports,ENGLAND KEY MOMENTS +Sports,Jeanne Forces Steelers-Dolphins Postponement +World,Israel bars entry Palestinian trainees to Egypt +World,Report: N. Korea Dismisses Missile Reports (AP) +Business,Boston Scientific Recalls Ear Implant +Sports,Austria holds Britain to 1-1 on opening day +World,"All options open, but end terror first: PM" +World,Sudan in denial over Darfur rapes - UN official +Business,US Economy: Orders Show Factories Boosting Growth (Update4) +Sports,Rooney counting down to Old Trafford debut +Sports,England fluff their lines at the last +Sports,United revelling in Ferdinand #39;s return +World,Darfur 'fear and rape' decried +World,Kerry as the Boss: Always More Questions +World,AP: Carter Still Promoting Peace at 80 +Sci/Tech,Advance Reported in Nonaddictive Painkiller +Sports,Jeanne Cancels Blue Jays-Devil Rays Game (AP) +Sports,Tennis: Serena Williams Reaches Finals of China Open +Sports,Arsenal Beats Manchester City 1-0 to Top Premiership (Update1) +Sports,Giants Safety to Have Knee Surgery (AP) +Sports,Stenson Leads by a Stroke at the Heritage (AP) +Sports,Spain Edge Closer to Davis Cup Final +Sports,Rejuvenated Safin Vows to Bring Davis Cup Back to Russia +Business,Away on Business: Hold the Phone +Business,Southwest Hospital and Medical Center fights for life +Sports,Choose a topic from the pull-down menu: +Sports,"Big Apple sweet to Lee, Cubs" +World,UK Muslims in Iraq on mercy mission +Business,Calif. Sets Weeding Ban to Save Workers #39; Backs +Sports,West Indies beat England in dramatic finale +Sports,Leader Heras pegged back +Business,US Airways asks court to cut workers #39; pay to stave off bankruptcy +Sci/Tech,"Schools admit E-rate slip-ups, defends actions" +Sports,"No. 16 Florida 20, Kentucky 3" +Sports,WILLIAMS TO UNDERGO KNEE OP +Sports,Stenson leads Swedish charge at The Heritage +Sports,Ten-man Monaco hold on to keep top spot in France +World,Germany Says Italy #39;s UN Stance Will Hurt Europe +World,Supporting Musharraf was greatest blunder: Imran +Sports,No. 13 LSU Crushes Mississipi State 51-0 (AP) +Sports,No. 23 Maryland Blows Away Duke 55-21 (AP) +Sports,Redskins' Brunell to Start Vs. Cowboys (AP) +Business,"EU seeks to improve maximum workweek rules, leave hard-won UK opt <b>...</b>" +Sports,HLRadzinski scores for Fulham; Cole strikes for Arsenal in Premier <b>...</b> +Sports,Col Ftbl T25: (16) Florida/Kentucky +Sports,Voeller resigns as AS Roma coach +Sports,Mystics stifle Sun for easy win in playoff opener +Sports,"NC State 17, Virginia Tech 16" +World,Egypt calls for release of hostages in Iraq +World,Chile #39;s Pinochet Questioned by Investigative Judge +World,Iraq War Film Scoops Spanish Festival Prize +World,Florida Downs Kentucky As Jeanne Nears +World,Former Fox Studios Owner Marvin Davis Dies +World,"U.S. Strikes Zarqawi Network, Killing 15" +Business,Jeremy Warner #39;s Outlook: No hurricane yet as IMF warns on house <b>...</b> +Sports,Premiership: New boys can #39;t buy a win +World,Kashmir the ball is back in Musharrafs court +World,Nuclear non-proliferation dominates IAEA conference +Sci/Tech,They Are Sleuths Who Weigh Prose +Sports,"Ralf looks fitter than before, says Williams" +Sports,Truex Jr. wins at Dover +Sports,BASEBALL ROUNDUP Solid Start Lifts Expos and Cools the Phillies +World,Israeli strike leaves 5 wounded +World,Al-Qaeda targets Afghan poll +Business,LA billionaire Marvin Davis dead at 79 +Business,IMF Says Antigua Needs Aggressive Strategy +Sci/Tech,HP drops Itanium workstations +Sports,Spain confident ahead of Davis Cup tie +Sports,Voller throws in the towel +Sports,NCAA Top 25 Game Summary - Purdue at Illinois +Sports,Melvin Has Rediscovered Her Game +Sci/Tech,Insurers Use Satellite Data to Study Risk (AP) +Sports,Hurricane Jeanne washes out Rays/Jays game for Sunday +World,IN THE NEWS - Indonesia #39;s Presidential Election +Sci/Tech,"Men, Women More Different Than Thought (AP)" +Sports,Cricket: W. Indies Wins Champions Trophy Over England +Sports,Green picks Tar Heels +Sports,DOLPHINS POSTPONE SUNDAY GAME +Sports,"No. 24 Louisville 34, North Carolina 0" +World,US Again Attacks Zarqawi Insurgents in Iraq +World,Muslim Council joins fight for hostage #39;s life +Business,US Airways seeks union cuts +Business,Shriver Opens Campaign HQ +Sports,"Storm 70, Lynx 58" +World,Hurricane Jeanne Pelts Bahamas on Way to Florida (Reuters) +World,Germany Says Italy's UN Stance Will Hurt Europe (Reuters) +World,Christians Use Gay Marriage to Seek Voters (AP) +World,Upper Midwest Crucial to Kerry's Hopes +World,Iran Says It Tested 'Strategic Missile' +World,Jeanne Tears Across Bahamas Toward Fla. +World,Al-Qaida Aims to Disrupt Afghan Elections +World,Spanish Police Disarm Explosive Device After ETA Warning +Sports,Florida State Quarterback Injures Ankle (AP) +Sports,"Bryans Lead U.S. Into Final, Spain Leads France" +Sports,Giants Suffer Another Blow in Secondary +Sports,Hurricane Jeanne Washes Out Rays/Jays Game for Sunday +Sports,Giants Face Quarterback Who Broke Their Hearts +Sports,Testaverde Is Hearing It All Again From Parcells +Business,Insurers Use Satellite Data to Study Risk +Business,Martha Stewart Living renews contract with founder +Sports,"Juventus held to 1-1 draw, nine-man Bologna stuns AS Roma 3-1" +Sports,"Nobody #39;s out of Chase, yet" +Sports,Camara double is enough for Celtic +Sports,Three and easy for slick Celts +World,Editorial Roundup +World,ETA Warns of Bombs on Spanish Power Pylons +World,Four terror suspects arrested in London +Sports,Behind the lines in battle for F1 +Sci/Tech,Soldier Blogs Detail Life in Iraq (AP) +Sports,US through to Davis final +Sports,"Mets 4, Cubs 3, 11 innings" +World,Four terror suspects held in London amid 'dirty bomb' report (AFP) +World,G.I. Sentenced for Murder of Iraqi Soldier (AP) +World,US launches new Falluja strikes +World,Mets Stun Cubs 4-3 on Walk-Off HR in 11th +Business,S amp;P 500 rises on news of more factory orders +Business,US expansion could hurt if savings rise +Sports,"Ralf favoured, moans Montoya" +Sports,Bryan twins put US in Davis Cup final +World,A wife #39;s desperate plea +World,Hostage negotiators #39; worst nightmare +World,REGION: Taliban stepping up plans to disrupt elections: US +World,World Front +World,Four held by anti-terror police +World,Chilean Judge Questions Pinochet +World,"Palestinian killed, 35 houses razed in Gaza" +World,US soldier gets 25 years in death of Iraqi +Sports,Ninth-Ranked Auburn Outguns Citadel 33-3 (AP) +Sports,Stadler Leads SAS Championship by Four (AP) +Sports,Mets Win in Dramatic Fashion +Sports,Brown to Start for Yanks on Sunday +Sports,Storm Sinks Lynx +Sports,Singh stays in front +World,Civilians die as US forces attack #39;al-Zarqawi #39;s bases #39; in Fallujah +Sports,Schumacher crashes out +Sci/Tech,"GNOME, KDE Aim at Windows" +Sports,Hurricane Jeanne moves Steelers-Dolphins game into prime time +World, quot;Sudan coup plotters planned to kill 38 officials quot; +Sci/Tech,Engineers Use Hurricanes to Study Houses (AP) +Sci/Tech,"Program Combines Archaeology, Oceanography (AP)" +Sci/Tech,Human Remains Used in Artificial Reefs (AP) +Sports,Fijian holds firm in Lumber +Sports,Celtic 3-0 Dunfermline +World,India PM spoke terror with Pakistani Pres. +World,"Storm Death Toll Tops 1,500 in Haiti" +Sports,Singh won #39;t sit still at No. 1 +Sports,"Iowa, Michigan remember rare rout in Ann Arbor" +World,Iran Says It Has Tested Strategic Missile +World,Egypt's Mufti Approves Synchronized Call to Prayer +World,UK anti-terror police hold four +World,Spanish laureate 'was informer' +Business,"After Admitting Flaw, Kryptonite Faces Lawsuits" +Sci/Tech,West Antarctic Glaciers Are Increasinly Thinning +Sports,Wolfsburg remains top +Sports,Tail-enders finish off England +Sports,NCAA Top 25 Game Summary - Iowa At Michigan +Sports,"Angels 5, Athletics 3" +World,Darfur refugees fear returning home: UN +World,Iran delivers #39;strategic missile #39; +World,Four held after #39;sting #39; uncovers alleged dirty bomb conspiracy +World,Egypt #39;s Mufti Approves Synchronized Call to Prayer +Sci/Tech,Africans With HIV Seek Herbal Remedies (AP) +Sci/Tech,Flights to weightlessness make playgrounds of the sky +World,Leaders say all of Iraq may not vote +World,Four held as raid uncovers #39;plot to buy dirty bomb #39; +Sports,AL Capsules +World,Scorpion queen takes the sting out of world record +World,India enters low-budget film for Oscars (AFP) +World,Analysis: Iraq Dominates Policy Debate (AP) +Business,Last major airline matches fare boost +Sports,Hagans Throws for 283 Yards in Va. Win (AP) +Sports,Michigan Forces Turnovers for 30-17 Win (AP) +World,"Oil rises on Jeddah, Nigeria attacks" +Sports,Notes: Francona defends decision +Sports,"Angels Nip A's 5-3, Stay in AL West Race (AP)" +World,Muslim leaders fly to Iraq to plead for Bigley #39;s life +Sports,Brown to Start Sunday Against Red Sox (AP) +Sports,Singh Maintains Lead at 84 Lumber Classic (AP) +Sports,Young Mets Hurt Cubs in a Game They Needed +Business,UK economy to feel the ripple effect of slow boat from China +Sci/Tech,Video-to-go challenges iPod mastery +Sports,Vibrant Villeneuve eyes podium in vital end game for Renault +Sports,"GIANTS 9, DODGERS 5 Grand Slam by Feliz Lifts Giants #39; Postseason <b>...</b>" +Sports,Young Mets Hurt Cubs in a Game They Needed +World,Fallujah strikes leave eight dead +Business,STRIKERS #39;FAILED TO HOLD UP FLIGHTS #39; +Business,Kirkland #39;s Tallies Hurricane Losses +Sports,Late strike keeps Wolfsburg on top +Sports,Enter a Category +Sports,Big Ten openers haven #39;t treated Illini well +World,Taliban vow to disrupt Karzai inauguration +World,UN chief promises more staff to Iraq when possible +World,Frenchman shot dead in Saudi Arabia +World,Egypt proposes unified call to prayer +World,Under the shadow of Iraq +World,Frenchman shot dead in Saudi Arabia in latest attack on foreigners (Canadian Press) +Sci/Tech,The New Silicon Valley: A Dog-Eat-Dog World +Sci/Tech,Fear and Laptops on the Campaign Trail +World,Putin lashes West over Ukraine +Sci/Tech,"Download, Peel and Stick, and All the World's a Gallery" +Sci/Tech,Why We Fear the Digital Ballot +Sci/Tech,Indian Web Sales of Taxless Tobacco Face New Pressure +World,Iraq War Tale Wins at Spanish Film Fest +World,"Jeanne Batters Bahamas, Heads Toward Fla." +Sports,What you may have missed +Sports,Lindley Leads LPGA Longs Drugs Challenge (AP) +Sports,Sanders Still Out +Sports,A Canceled Trip Leads to an Easy Victory +Sports,Campbell set to sign new Arsenal deal +Business,The Neutral Fed Funds Rate +Business,"Hot Hand, Cold Hand" +Business,Widely Used Bike Lock Can Be Picked With Pen +Business,Tilting at an Immovable Code +Business,No WinFall jackpot winner; prize now at \$2.9 million +Sports,Kansas #39; defense key to loss against Texas Tech +World,Taiwan people protest Chen #39;s arms purchase +Sports,Giants Blast Dodgers to Aid Playoff Hopes (AP) +Sports,Benson Leads No. 5 Texas Over Rice 35-13 (AP) +Sci/Tech,AskJeeves #39;s Butler Trying To Do It Better +Sports,Reserve infielder likely out for season +Sports,Wilson Gets 10th Win As Reds Drop Pirates (AP) +Sports,Paterno's Son-In-Law in Bicycle Accident (AP) +Business,Oil prices ease in Asian trade +Sports,Bell Tolls for Bowe +Sports,Brown to Start +Sports,DeRosa injures his right leg +Sports,KU Falls to Texas Tech 31-30 +Sports,Mayfield Looking to Move Up in Dover +World,Beleaguered Blair faces attacks on all fronts at party conference +World,Soldier Blogs Detail Life in Iraq +World,Jeanne Bears Down on Fla.; Thousands Flee +World,Friends Remember American Slain in Iraq +Business,You Only Sell Thrice +Business,"Quiet, Please! Suddenly, the S.E.C. Is Listening" +Business,Europeans Streamline. Will the Market Notice? +Sports,"MLB: Atlanta 1, Florida 0" +Sci/Tech,"Cisco, Others Expand 10 Gigabit Ethernet Switches" +Sci/Tech,Trend Micro releases Antivirus for Mobiles +Sports,Inkster 1 back after Lindley fires 65 +Sports,Pavano #39;s gem goes for naught +Sports,Orton Engineers Purdue Victory Over Illinois +World,Frenchman shot dead in Saudi Arabia +World,PINOCHET QUESTIONED +Business,The super rich vs the wretched +Business,Cable amp; Wireless sets up US\$1m relief fund +Sports,US through to Davis Cup final +Sports,"Tough loss for Pavano, Marlins" +Sports,Epic Victory +Sports,"No. 1 USC 31, Stanford 28" +World,US Soldier Gets 25 Years In Murder of Iraqi Guard +Sports,Lindley takes the lead at Longs Drugs +Sports,Swedes fire into top two spots +World,"Storm #39;s Toll Rises To 1,500 in Haiti" +Sci/Tech,Price at Issue With PlayStation Portable (AP) +Sci/Tech,Fujitsu and Cisco form router alliance +Sci/Tech,"Cataract, Hormone Discoveries Win Awards (AP)" +World,Iran Says It Tested 'Strategic Missile' (AP) +World,Top-Ranked USC Holds Back Stanford 31-28 +World,Tense Silence Envelops Afghan Campaign +World,Sudan Says Opposition Was Plotting Coup Attacks +World,"Storm's Toll Rises To 1,500 in Haiti" +World,The Dispirited Descent Of Turkish Rebel Kurds +Sports,Top-Ranked USC Holds Back Stanford 31-28 (AP) +Sports,Rangers Edge Mariners 5-4 on 2-Run Rally (AP) +Sports,"BoSox Rip N.Y. 12-5, Protect AL East Hope (AP)" +Sci/Tech,WWF Calls for Ban in Trade of Great White Sharks +World,Chilean judge halts his questioning of ailing ex-dictator +World,Tense Silence Envelops Afghan Campaign +Sports,No. 11 Tennessee Mows Down La. Tech 42-17 (AP) +Sports,Relievers Are Lucky the Yankees Didn't Need This Game +Business,Poverty Up as Welfare Enrollment Declines +Business,Miracle Infomercials +Business,Less Painful Conversion +Sports,Vazquez Is an Ace Buried In a Hole +Sports,AL Wrap: Angels Keep West Title Hopes Alive +Sports,"Courtesy counts, but drivers outside the Chase won #39;t be giving any <b>...</b>" +World,No Place is Safe +World,Gaddafi #39;s son in brawl with French police +Sci/Tech,Space station crew to search for AIDS vaccine +Sports,"Steelers Notebook: Game on -- same time, same place" +World,Hurricane Jeanne Slams Into Florida's East Coast (Reuters) +World,"Total deal shows appetite for Russian oil, but limits foreign role (AFP)" +Sci/Tech,"Pointlessly, Imperfectly Portable" +Sci/Tech,"Quicken, Money Duel to a Draw" +Sci/Tech,AskJeeves's Butler Trying To Do It Better +World,Hurricane Jeanne pounds Florida +World,Shanghai set for Formula One race +World,Kerry as the Boss: Always More Questions +World,A Big Increase of New Voters in Swing States +World,Hurricane Jeanne Bears Down on Florida +Business,Study Finds Accelerating Decline in Corporate Taxes +Business,"185,700 FPL customers have lost power; outage could last 3 weeks" +Sports,Bowe Knocks Out Rhode in Second Round (AP) +Business,Corgentech treatment fails trial +Sci/Tech,A good mouse makes a world of difference +Sci/Tech,Astronaut may be returning home soon +Sci/Tech,"Pointlessly, Imperfectly Portable" +Sports,"DiMarco #39;s thoughts on hurricane, then Singh" +Sports,Ferrari first and last in qualifying +Sports,Morocco stave off whitewash +Sports,Windies Clinch The Champions Trophy Thriller +Sports,Matthew Zemek / CollegeFootballNews.com Posted: 10 minutes ago +Sports,Stewart geared up for Dover +Sports,NL Wrap: Grand Slam Helps Giants Close on Dodgers +Sports,Crew Streaks Past D.C. +Sports,Irish Need No Luck +Sports,Mayfield Chasing Win +Sports,DiMarco has sneer down pat +Sports,Pedro knows his daddy +Sports,IVY LEAGUE ROUNDUP First Half to Brown; Game to Harvard +Sports,Edwards saving Wolverines #39; season +Business,"Stock markets pressured by rising oil prices, broker downgrades" +Business,Update 3: SEC Says GE Violated Law Over Welch Perks +Sports,Schumacher starts first Shanghai Grand Prix in unfamiliar position +Sports,"Williams wins, faces Russian in Beijing final" +Sports,"No. 19 Minnesota 43, Northwestern 17" +Sports,Late injuries sideline defensive backs +World,Meeting with Manmohan major breakthrough +World,More activity seen at N. Korea missile bases-paper +World,Malaysian woman reclaims quot;Scorpion Queen quot; title with new world <b>...</b> +World,Thousands of Taiwan People Protest US Arms Deal +World,SA eyes UN Security Council seat +Business,United asks court to impose pay cut +World,Activity seen at North Korea missile bases +World,US soldier gets 25 years for Iraqi #39;s murder +World,"US, Iraq Prepare Offensive to Pave Way for Election" +Sports,Storm Moves Steelers-Dolphins to Evening (AP) +Business,The Airbus-Boeing script is predictable: everybody loses except <b>...</b> +Business,Perot Systems: Peter Altabef new CEO +Business,"Total deal shows appetite for Russian oil, but limits foreign role" +Sci/Tech,Newest Apple is bite-sized +Sports,Ben Curtis on Vijay Singh #39;s heels +Sports,"Arsenal, Chelsea, Man. United and Liverpool all win" +Sports,Mariners #39; Suzuki Pulls Within Seven Hits of Major-League Record +Sports,Jeanne forces longer wait for first win +Sports,Audibled audible stokes Boilers +World,Conway: Fallujah victory must have Iraqi face +World,Manmohan wraps up US tour +Sports,Red Sox Take Yankees +Sports,Johnson knocks out Roy Jones in ninth +World,"Woman Lives With 6,000 Scorpions, Claims New Record" +Sports,"The short of it, teams are equal" +Sports,UM offense finally clicks +World,Malaysian woman claims new record after 36 days with scorpions +World,UK Muslims starting hostage talks +World,"Jeanne Makes Landfall Near Stuart, Fla." +World,al-Qaida Aims to Disrupt Afghan Elections +World,"Jeanne Makes Landfall Near Stuart, Fla." +Business,Current stories in Editorial: +Business,Bike owners can replace Kryptonite locks free of charge +Sci/Tech,Web Retailers Facing Pre-Holiday Changes +Sports,Hopeful Rangers make up ground +Sports,NCAA Top 25 Game Summary - Northwestern at Minnesota +Sports,Newman sticks foot in mouth +Sports,ON THE AIR +World,Iran delivers missile to its armed forces after successful test +Sci/Tech,Danger of Image-Borne Viruses Looms +World,Lonely hearts grandpa finds new home as au pair +Sci/Tech,Technology Briefs +Sports,"After a lifetime of waiting, QB embraces 1st chance" +World,Two Palestinians wounded; Israel prevents from Palestinian <b>...</b> +World,IAEA team leaves after week-long inspection in South Korea (AFP) +Business,RNKVoIP Launches Lifetime Phone Service Plans for One-Time Fee +World,Australia PM launches new skills program as centrepiece of election campaign (AFP) +Business,Interstate #39;s new CEO hopes to turn it around +Business,Business Books: Coke guru critiques growth via innovation +Business,Department stores are not extinct: Fletcher +Sports,Champions Trophy win may herald new era for WI: Lara +Sports,Super Man Is Dead: Johnson KOs Jones in 9! +Sports,What we learned +Sports,NL Wrap: Grand Slam Helps Giants Close on Dodgers (Reuters) +Sports,No. 22 Arizona St. Beats Oregon St. 27-14 (AP) +Business,Crude oil prices near US\$49 per barrel in New York +Business,"Australia #39;s S amp;P/ASX 200 Declines, Paced by Coles, Woolworths" +Sports,Barrichello Makes Early Running +Sports,USA takes 2-0 lead in Davis Cup semifinals +Sports,Browne and Bradshaw complete mission improbable for West Indies +World,Large Explosions Rock Fallujah +World,Sudan Says Coup Plot Included Plan to Kill 38 Officials +World,US willing to help to Sudan mission +Business,Wal-Mart Exec Tom Coughlin to Retire +Business,"ECONOMIC VIEW Whoever Wins, More Taxes May Be the Only Way Out" +Business,Coke CEO vows to rebuild management ranks +Sports,"In retrospect, Storm had all the right moves" +World,Latham shrugs off poll result +Business,Villagers hold Nigeria oil platforms +World,Signs N.Korea Preparing a Missile Test a Worry-U.S. (Reuters) +World,"N. Korea, Japan Hold Talks on Abductees (AP)" +World,Australia's Gov't Targets Security in Election Bid (Reuters) +Business,Samsung to make \$24B chip investment by 2010 +World,Australia's Gov't Targets Security in Election Bid +Business,"Jeanne could leave millions without power, some for weeks" +Business,Robert Bruss: Six key questions to ask to become a superb realty <b>...</b> +Business,Quick action urged on LAX #39;s security fixes +Sci/Tech,Can #39;t See the Forest For the Towers +Sci/Tech,New Canon camera packs a punch +Sports,Bryans secure US berth in final +World,Iraqi engineers would get safe haven as Tehran bids for atomic <b>...</b> +World,IAEA concludes second investigation in S. Korea +Business,"The confidence factor, from one with plenty of it" +Business,There's nowhere for the cost of tuition to go -- except up +Business,'Prevention' bill could trigger a flood of faxes +Business,An incomplete account of Ted Turner's fall from grace +Business,Fund's performance carries a high cost +Business,Election will also decide Greenspan's successor +Business,Flexible work schedules pay off +Sci/Tech,Lasker Prizes to Honor 5 for Research in Medicine +Sci/Tech,The Genesis Project +Sci/Tech,Free to Clone +Sci/Tech,Can Biotech Crops Be Good Neighbors? +Business,Major index funds score better than average +Business,"Stocks Drop on \$49 Oil, Slowing Economy" +Business,Don #39;t Dawdle Over Report +Business,Beyond the bag +Sports,"Blown out again, Dolphins shift game to primetime" +Sports,"Roundup: Arsenal wins, extends unbeaten streak to 47" +Sports,Irish attack looks strong in the air +Sports,Rivalry is exhausting +Sports,Storm #39;s playoff victory 1st in franchise history +Sports,Feliz #39;s slam propels Giants +Sports,Lara hopes that win will kickstart a new era +Sports,Defense can learn from poor 1st half +World,Afghans want real election +Sci/Tech,Morphinefree Mutant Poppies: Novel plants make pharmaceutical <b>...</b> +Sci/Tech,Scientists find new signs of life at North and South poles +Sports,Much has changed since Bucs and Raiders last met +Sports,Parcells still big as life in Texas +World,The Tragedy of Sudan +World,4 arrested by antiterrorist police in London +World,Australia #39;s Gov #39;t Targets Security in Election Bid +World,5 troops killed fighting in Iraq +Sci/Tech,Sea defences 'raise floods risk' +Sports,Barrichello crowned in Shanghai +Sports,Keegan backs Arsenal for Champions League glory +Sports,Storm rallies around Jackson in first playoff win +Sports,Brad-shock for England +World,"N. Korea, Japan Hold Talks on Abductees" +Sci/Tech,Galaxy mergers excite scientists +Sports,Red Sox getting warmer +Sports,Huskies get Irish mugging +Sports,Victory conjures up spirit of 2002 team +World,"Haitian death toll rises to 1,500" +World,Senior Taliban commander arrested in southern Afghanistan +World,Taj Mahal to celebrate 350th birthday +World,Frenchman Shot Dead in Saudi Arabia +Business,US Supreme Court to review cable Internet case +World,"As Russia seethes, 2 Chechen rebels are marked men" +World,US soldiers flock to laser eye clinic +World,"In remote India, guarding land of ancestors tops lure of oil" +World,"As Africans seek their own peace, troops are lacking" +World,Sudan regime reports a coup bid +World,"Haiti death toll from Jeanne rises to 1,500" +World,Tension grows over Iran's nuclear aims +World,Taliban Commander Killed in Afghan Raid +World,U.S. Strikes Al-Zarqawi Network; 16 Dead +Business,Check 21 law may require habit changes +Sci/Tech,Faulty oxygen supply threatens space crew +Sports,AL: Angels stay in hunt with win over A #39;s +Sports,Angels doing devil of a job +World,Howard opens election campaign +World,Turkey prepares for marathon reform +Sports,Barrichello wins China Grand Prix +Sports,Roundup: Singh takes lead into final round +Sports,Hurricane Jeanne forces rescheduling +Sports,Marty runs to tie Ute record +Sci/Tech,Ask Jeeves bets on smart search +World,"Bangladesh Floods Maroon at Least 65,000 (AP)" +World,Tennis: GB slump in doubles +Business,Equity index funds a good bet +Business,Know the score on your credit +Sci/Tech,Groups Fight US Plan to Kill Prairie Dogs +Sports, #39;D #39; wins Bowden Bowl +Sports,"No retirement yet for Agassi, says wife Graf" +World,US pounds insurgents +World,Sharon to Step Up War on Militants +Sports,Milloy move showed Patriots who was boss +Sports,Recovery mode +Sports,Will he Magically reappear? +Sports,Sun shaded by Mystics +Sports,"Williams, Kuznetsova in final" +Sports,Backup keeps popping up +Sports,Irish coach unpacks his bags +Sports,Homecoming weekend in the NFL +World,Muslims travel to Iraq seeking British hostage #39;s release +World,Waiting for relief amid the ruins +World,Task Force Soldier Sentenced to 25 Years Confinement for Murder +World,Sudanese government accuses opposition of attempted coup +World,Rocket attack kills Iraqi +World,Guess who wins if violence stops Iraq vote? +Business,The Cafeteria Crusader +Sci/Tech,Enter your e-mail: +World,Envoys in Iraq on mission to save British hostage +Sports,"Storm, Mystics take 1-0 leads" +World,Hamas Official Killed in Syria Car Bomb (Reuters) +World,Austria take 2-1 lead as Britain slump in doubles (AFP) +World,Hurricane Jeanne Pounds Florida Where Frances Hit +World,Syria blast kills Hamas militant +World,Jeanne Hits Fla. Coast With 120-Mph Winds +World,"Upper Midwest Tempts Bush, Worries Kerry" +Sports,Cricket: Vaughan is wind-swept +World,India #39;s Newest Tenor +World,Japan asks North Korea for fuller accounts of missing Japanese +World,Darfur Refugees Living In Prisons Without Walls: UNHCR +Sci/Tech,Red Hat vs Sun Battle of Words Heats Up +Sports,"Rewind: Giants vs. Dodgers, Game #2" +Sports,Nowhere to run Michigan #39;s defense stifles Iowa #39;s running game <b>...</b> +World,Rebels suspect Sudan dragging feet +Business,Head of household title must be earned +Business,Rate Plunge May Soften Fed Tightening (Reuters) +World,Fallujah: US attacks kill 15 +World,Rebels suspect Sudan dragging feet +World,PM asks tribesmen to crush terrorists Curbs on South Waziristan <b>...</b> +Business,"Finance: Mutual Funds, Cheap and Easy" +Business,Thoroughbreds Ride High +Sci/Tech,Canon #39;s New EOS-1Ds Mark II Takes Pro Digital to the Next Level +World,4 Held In UK For Trying To Buy N-Material After Papers <b>...</b> +World,UK #39;s Brown to Provide \$180 Mln for Debt Relief (Update1) +World,Rocket Blast in Central Baghdad Kills One Person +World,Ankara gets a boost to its EU aspirations +Business,Record sale for Keeneland +World,US soldier sentenced for murdering Iraqi: +World,UK Police arrest four trying to buy radioactive material +World,Rocket hits central Baghdad +World,Iran has no immediate uranium enrichment plans +Sports,Crew remain on top of things +Business,EU Court to Revisit WorldCom's Deals (Reuters) +Business,Future Bright for Islamic Finance (Reuters) +Business,Rate Plunge May Soften Fed Tightening +Business,EU Court to Revisit WorldCom's Deals +Business,Future Bright for Islamic Finance +Business,Thoroughbreds Ride High +Business,World economy 'in good health' +World,The Fight of His Life +Business,US Airways wants court to cut pay +Business,Long summer for airlines +Sports,Ferrari toast Barrichello victory +Sports,"Sorry, Rix: Sexton Should Be Starter" +Sports,X-rays turn out negative +Sci/Tech,Next-Generation TV Streams Over Phone Lines +World,Lonely Italian Pensioner Gets Adopted (Reuters) +World,Darfur Governor Says Rebels Attempted Coup (AP) +World,Signs N.Korea Preparing Missile Test a Worry-U.S. +World,"Nigerian Rebels to Widen Conflict, Target Agip" +Sci/Tech,Montserrat volcano: Has it gone quiet? +Business,How Pumped Up is Baseball? +World,Car Bomb Kills Top Hamas Leader in Syria +World,U.S. Hostage Mourned in Ga. Hometown +World,Loved Ones Mourn American Slain in Iraq +World,Top-Ranked USC Holds Back Stanford 31-28 +World,Car Bomb Kills Top Hamas Leader in Syria +Business,The way it is today isn #39;t how it was +Sports,Henman battles back after slow start +Sports,"New WI heroes - Sunday 26, September-2004" +Sports,US Ryder Cup players need new incentive +Sports,Teenager Nadal Sends Spain Into Davis Cup Final +Sports,Cubs feel pain as the Giants gain +Sports,Notables +Sports,"On double, Angels gain" +Sports,"Foulke, Wakefield are happy to pitch in" +Sports,Sheffield has been top-shelf +Sports,Reaction speaks volumes +Sports,There's little logic to Martinez decision +Sports,NFL update: Week 3 +Sports,Crew remain on top of things +Sports,Wildcats bowl over Dartmouth -- again +Sports,Pitt escapes 1-AA Furman +Sports,Iowa can't match Michigan +Sports,Johnson's 4 TDs boost Utah +Sports,Harvard: Never give up +Sports,Arizona State stays unbeaten +Sports,UMass hasn't cleaned up act +Sports,Trojans dodge upset +Sports,Longhorns leg it out +Sports,Brady on the ball for NU +Sports,Old demons rise up again +Sports,Hagans guides Virginia +Sports,Controversy brews +Sports,Vols' Ainge takes his shots +Sports,Tigers torment Miss. St. +Sports,Unhappy ending for BC vs. Wake Forest +Sports,Louisville off to 3-0 start +Sports,Villanova snaps Penn's winning streak +Sports,Marshall law applies in win +Sports,Singh eyes big prize +Sports,St. Mary's takes control +Sports,BC High tops Xaverian +Sports,Xaverian masters Brockton +Sports,Zardas finds his footing +Sports,Shanghai Race: Barrichello stars +Sci/Tech,Savvy Web Surfers Catch New Wave of Browsers +Sports,Roma coach Voeller resigns +Sports,=== Texas Rangers Team Report - September 26 === +World,6-Nation North Korean Nuclear Talks in Doubt +World,Report: Pakistan makes India offer on glacier +Business,Kiwi high flier faces fraud charges in US +World,Syria confirms killing of Hamas militant in car explosion +World,Jewish settlers preparing to evacuate Gaza Strip +World,Frenchman Working for Thales Is Shot Dead in Saudi (Update1) +World,Japan Expresses #39;serious Concern #39; About N Korean Missiles In <b>...</b> +World,Blair tells Labour Party he won #39;t quit over Iraq +World,Karzai Flies North on Rare Trip Inside Afghanistan +World,House intelligence bill would add police powers (Chicago Tribune) +World,Afghans Say Kill Senior Taliban Commander +World,Live - Paralympics +World,Soldiers' War Blogs Detail Life in Iraq +World,Blair Shrugs Off Resignation Questions +Sports,New York Yankees Team Report - September 26 +World,"Hamas leader killed in Syria, official says" +World,India-Pakistan talks gain for peace: Musharraf +World,"Bus swept into China river, 3 dead, 41 missing" +Business,Profit From That Traffic Ticket +Sci/Tech,PSP to support MP3 +World,"Israel Continues Strikes in Gaza, Hamas Militant Killed in <b>...</b>" +Sports,UPDATE 1-Henman hits back to level with Austria +World,Iraq Likely to Overshadow British Labor Party Conference +World,Top Taliban commander killed in Afghanistan +Sci/Tech,BMW Unveils World's Fastest Hydrogen-Powered Car (Reuters) +Sci/Tech,Savvy Web Surfers Catch New Wave of Browsers (Reuters) +Sci/Tech,Groups Fight U.S. Plan to Kill Prairie Dogs (Reuters) +World,Darfur Governor Links Khartoum Plot with Rebels (Reuters) +World,China's Panchen Lama hails Party +Business,Coles Myer plans to enhance loyalty scheme +Sports,Williams Claims First Title in 6 Months (AP) +Sports,Schumi: #39;Not my weekend #39; +Sports,Australia leads 4-1 in Davis Cup relegation tie +World,Newspaper tip-off leads to terror arrests +World,Sagan dies at 69 +Business,Google Confirms Chinese Censorship Claims +World,Into the danger zone +Sports,US ends its final drought +Sports,Windies discover a sting in the tail +Sports,Los Angeles Dodgers Team Report - September 26 +Sports,Forest say farewell to legend Clough +World,British Party Meeting to Focus on Iraq War +Sports,"One goal enough for Arsenal, Chelsea" +Sports,Forest snatch late winner as fans pay tribute to Clough +Sports,Rick Weaver +World,N. Korea said likely improving technology +World,Haitians go to church after Jeanne passes +World,UK aid planes head out to Haiti +Sports,"Hewitt, at Age 23, Gets Australian Record Davis Cup Tennis Win" +Sports,ND #39;s victory adds up +World,Attackers Detonate Car Bombs in Baghdad +Sci/Tech,Organic Farming Studied As Demand Rises (AP) +World,Bomb Alert Prompts Greek Plane to Land in London (Reuters) +World,Bomb Alert Prompts Greek Plane to Land in London +World,U.S. Air Attacks in Falluja Kill 15 in 24 Hours +World,Swiss 'reject' citizenship reform +World,Italy criticises Germany's UN bid +Sci/Tech,Postcards from the Grander Canyon +World,Attackers Detonate Car Bombs in Baghdad +World,Pope Denounces 'Imbalance' of Wealth +World,Swiss Voters Reject Citizenship Proposal +World,Williams Claims First Title in 6 Months +Sci/Tech,Men and Women More Different Than Thought +Business,Jeanne leaves at least 1.1 million without power +Sci/Tech,Acid Rain Pollution Up 4 Percent in 2003 +World,Britons #39; mission to free Bigley +World,Four held under terror laws +World,Russians hunt down potential #39;black widows #39; +World,Israeli PM on offensive +Business,Winemaker Mondavi Plans an About-Face +Business,"Index funds can be great tool for small investors, but choose <b>...</b>" +Sports,"Laxman, Dravid main threat, says Hayden" +World,Bomb Alert Prompts Greek Plane to Land in London +Sports,Barrichello wins Chinese Grand Prix +Sports,Green Bay vs. Indianapolis +World,Hamas threatens to target Israelis abroad +World,Plane diverted after security alert +World,Saudi #39;terrorists #39; kill Frenchman +World,British police arrest four in terror bomb plot +World,"Iran To Deal With Europe, Not US, Over Nuke Program" +World,Spending spree will drive up rates: Latham +World, #39;Scorpion Queen #39; reclaims her crown +Business,Coles eyes financial planning services +Business,Credit still a mystery to most +Sci/Tech,Calling for Ballot Reform - One Hunger Striker and a Chimpanzee +Sports,Serena comes back from brink to win China Open +Sports,TRESCOTHICK: WE ARE A TEAM OF FIGHTERS +Sports,Philadelphia vs. Detroit +Business,Restructured Air Canada leaves CCAA +Sci/Tech,CFO praises NASA financial system +Sports,"Serena, Kuznetsova Reach WTA Beijing Final, Zvonareva Cries Out" +Sports,Heras wins Spanish Vuelta again +World,IRAN CLAIMS SUCCESSFUL TEST OF STRATEGIC MISSILE +World,Australia #39;s Howard Pledges to Keep Troops in Iraq +World,Russia -- Between Terror And Corruption +Business,Mercedes pins hopes on Sports Tourers +Sports,Record-tying Vuelta win for Heras +World,Bomb Threat Sparks Stansted Emergency +World,Pinochet #39;s immunity lifted +Sports,Barrichello #39;s Chinese banquet +Sports,Roma begin search for Voller #39;s replacement +Sports,Steelers-Dolphins hit prime time +Sports,Raiders Score Card +World,Israel behind attack on Hamas member - reports +World,Attacks On Foreigners In Saudi Arabia Since 1995 +Business,"Presidential Debate, Consumer Data Eyed (Reuters)" +World,Hit bears #39;hallmark #39; of Israelis +Sci/Tech,Lufthansa cancels flights after computer failure +World,Musharraf Hails Talks with Indian PM +Sci/Tech,NASA: Hurricane Damages Shuttle Building (AP) +World,A Look at Bush-Kerry Debates (AP) +World,Suspected Israeli Agents Kill Militant in Syria +World,Turk Parliament Approves EU-Backed Reforms +World,Darfur Governor Links Khartoum Plot with Rebels +World,India nun attacks trigger arrests +World,Gunfight Erupts on Busy Baghdad Street +World,"A Slowed Hurricane Jeanne Slams Into Florida, on Way to Tampa" +World,The New Faces of Reality TV +World,"Jeanne Drenches Fla., Batters Buildings" +World,Turkey Parliament OKs EU-Oriented Reforms +World,Bomb Threat Forces Flight Diversion +World,Sheen Stumps for Real-Life Politician +World,Turkey Passes Penal Code Reforms +Business,GE #39;s settles on Welch perks +Sports,Heras Wins Second Straight Spanish Vuelta (AP) +Sports,48 Hours: Calypso back in the rhythm +Sports,Shibui Has Record Run at Berlin Marathon (AP) +World,"Dozens killed in Iraq violence as Egypt, Britain seek to free <b>...</b>" +Sports,Sweden's Stenson Holds Firm to Win Heritage Title +World,Plane evacuated after bomb scare +World,N. Korea-Japan Talks Make No Progress +World,Howard #39;s \$6bn to wedge Labor +Business,Coles Myer chief keeping coy on alliance +Sci/Tech,Germany #39;s Lufthansa to boost flights to Asia +World,Bomb alert diverts Greek plane to Stansted +World,Coalition presses the fear button +Business,Rates Mean End of Low Interest Costs +Business,"Emerging Debt on Lookout for Results, IMF" +Business,Investors Watching Consumers #39; Jitters +Sports,Serena Williams wins China Open +Sports,"D. Mientkiewicz, 1B" +Sports,Michigan defense dominant +World,Greek plane diverted to London after bomb alert +World,Labour delegates force Iraq vote +World,Al Qaida Man Killed in Gun Battle +World,Iraqi Official Arrested for Possible Ties to Terrorists +World,Britain Proposes Debt Relief to Nations +World,Bitter Malpractice Fight Going to Voters +Business,Rates Mean End of Low Interest Costs +Business,The new Silicon Valley: A dog-eat-dog world +Business,Fund manager eyes Japanese financial stocks +Sci/Tech,Sony Makes MP3 U-Turn +World,Turkey Approves Penal Code in Step Towards EU Talks (Update1) +World,RAF Jets with Orders to Shoot +World,"Frenchman shot, killed in Saudi Arabia" +World,Pakistan kills militant wanted for Musharraf plot +Sci/Tech,"What will you give up, just to get some work?" +Business,Blue Chips End Lower After Oil Hits \$49 +Sports,UPDATE 2-Real slump to another defeat at classy Bilbao +Sports,Bourdais takes close victory from teammate Junquiera in Las Vegas <b>...</b> +World,Free hostage calls Bahrain +World,Al-Qaida suspect killed in Pakistan raid +World,Stansted Is Designated Emergency Landing Ground +Sports,"Spain, US will meet for Davis Cup title" +Sci/Tech,2 Ecologists Near End of West Coast Hike +Sci/Tech,Correction: Mouse Product Review +Sci/Tech,2 Ecologists Near End of West Coast Hike (AP) +World,Pakistan Kills Militant Wanted for Musharraf Plot (Reuters) +World,Top senator calls Iraq 'quagmire' for US (AFP) +World,Suspected Israeli Agents Kill Militant in Syria +World,Real-Life 'Lassie' Alerts Humans to Smoke +World,Al-Qaida Suspect Killed in Pakistan Raid +Business,"Congress Sends Bush Tax Cut Bill, Victory" +Sports,Will O's Switch to NL if D.C. Gets Expos? (AP) +Sci/Tech,2 Ecologists Near End of West Coast Hike +Sci/Tech,PeopleSoft urges upgrades +Sports,"Todt on the race, Rubens #39; victory, strategy and the #39;China project <b>...</b>" +Sports,Cahill #39;s late goal gives Everton win over Portsmouth +Sports,JOHNSONS HARD RIGHT FELLS JONES AND ENDS AN ERA +Sports,"Shock 76, Liberty 66" +Sports,Stenson Wins Heritage by Four Strokes (AP) +Sports,Titans' Schulters Leaves Game With Injury (AP) +World,Al-Qaeda figure #39;killed in gunfight #39; +Sports,2 Utah State Basketball Players Suspended (AP) +Business,Jeanne could be year #39;s costliest +Sci/Tech,Nibbling at the pie +World,Hamas vows to hit Israeli targets abroad +Business,US dollar under pressure despite Fed hinting at further rate hikes +Business,Investors expecting clarity this week +Business,State #39;s top marching bands spend millions +Sports,Spaniard fends off compatriot Perez +World,Bomb Alert Prompts Greek Plane to Land in London +World,Senior Taliban commander arrested in southern Afghanistan +World,South Americans Make Offer to EU on Trade (AP) +World,Debates Give Kerry Last Chance to Make Case (Reuters) +World,Iraq Dogs Blair as Party Conference Starts +Sports,Titans Kinney leaves with left calf injury +Sports,Week in review: Can the Trojans bring it early? +World,Nigerian rebels target Agip +World,Pearl Kidnapping Suspect Dies in Pakistan +World,Mets Put Another Dent in Cubs' Hopes +World,Hamas Operative Killed in Syrian Capital +Sports,Mets Put Another Dent in Cubs' Hopes (AP) +Sports,Braves Eliminate Defending Champ Marlins (AP) +World,British hostage reportedly still alive in Iraq +Sports,Titans' McNair Injured in Loss to Jaguars (AP) +Sports,Niners' Lloyd Inactive for Seahawks Game (AP) +Sports,Umpire Leaves Mariners-Rangers Game (AP) +Sports,Roddick Extends U.S. Domination Over Belarus +Sports,O #39;s Thrive on Suspense +Sports,Comfortable win escapes Cubs +Business,Jeanne Damage Estimated at \$4-\$8 Billion +Business,Banker recalls concerns about barge deal +Sports,Brown hit hard in return +Sports,NFL Game Summary - Jacksonville At Tennessee +Sports,Umpire leaves Mariners-Rangers game +Sports,European Tour stats attack +Sports,Woodbridge blasts tennis #39;cancer #39; +Sports,NFL Game Summary - Baltimore At Cincinnati +Business,Jeanne Damage Estimated at #36;4- #36;8 Billion (Reuters) +Business,Rates Mean End of Low Interest Costs (Reuters) +Business,Fannie CEO May Not Withstand Challenge +Sci/Tech,JPEG exploit toolkit spotted online +Sports,Stenson shoots 66 to win by four +Sports,Windies have become a proud unit +Sports,Badgers #39; defense posts best month since #39;51 +Sports,NFL: Ravens/Bengals +Sci/Tech,Code targets Microsoft JPEG flaw +World,Musharraf terms talks with Manmohan #39;gain for peace #39; +World,Bomb Threat Sparks Air Alert +Business,"Presidential Debate, Consumer Data Eyed" +Sports,Singh Unseats Woods +World,Armed Militiamen Worry Sudanese Refugees (AP) +Business,US Airways says reaches new contract with trainers +Sci/Tech,PeopleSoft #39;s Conway maintains defiant tone +Sports,Jaguars #39; late TD beats Titans 15-12 +Sports,NFL: Eagles/Lions +Sports,Kansas City Chiefs +Sports,Notes: Rotation questions for Torre +World,Aid workers braced for more Darfur refugees +Business,Putin Says State Firms Can Buy Yukos Assets +Business,EU prepares to battle Microsoft +Business,Business in Brief +Business,"Despite healthy global economy, ministers still face tricky issues" +Business,Global finance chiefs won #39;t let oil dent optimism +Sports,Tigers drop fifth straight +World,Blair #39;s Silence Is #39;Kiss of Death #39; for Hostage +World,Update 1: UK Proposes Debt Relief for Poor Nations +Sci/Tech,BAA caught in Net 'dirty tricks' campaign +Business,Fannie CEO May Not Withstand Challenge (Reuters) +Business,Gasoline Prices Rise with Storm (Reuters) +Sci/Tech,News Brief: Computer Failure Grounds Lufthansa Flights +Sports,Formula One: Barrichello wins in China +Sports,Soaring Eagles crush Lions +Sports,"NFL: New Orleans 28, St. Louis 25 (OT)" +World,Turkey Approves Revision of Penal Code +World,Plane forced to land #39;on full emergency #39; +World,Japan #39;concerned #39; on Korea missiles +Business,Falling Bond Yields: Not To Worry +Sports,"Davis Cup Tennis: For US and Spain, a little psychic compensation" +Sports,Newman dominates Dover; Gordon takes lead +Sports,Cricket: West Indies #39; winning revival +World,Hamas Leader Killed in Syria Car Bombing +World,Resistant Israeli Settlers May Get Prison +World,Iraq dogs Blair as party conference starts +World,More time to quiz terror suspects +World,Resistant Israeli Settlers May Get Prison (AP) +World,N.B. hospital workers plan to take strike to premier's riding on first day (Canadian Press) +World,Russia Terrorism Plan Meets Mixed Reviews (AP) +World,Pro-Democracy Protest in Iran Gains Momentum +World,UN refugee head makes Darfur plea +World,Red Sox Top Yanks in Flareup-Filled Game +World,Israel Claims Killing of Hamas Operative +Sports,Carney #39;s 5 field goals give Saints OT Win +Sports,"NFL: Atlanta 6, Arizona 3" +Sports,Roundup: Limo and Shibui win in Berlin +World,Hamas plots revenge after leader assassinated +World,Police given extra time to hold #39;dirty bomb #39; suspects +Sports,AC Milan Beats Lazio 2-1 (AP) +Sports,Acker-Macosko Shoots 11-Under 60 at Longs (AP) +Sports,NFL Wrap: McNabb Sparkles as Eagles Rout Lions +Sports,U.S.C. Stays Atop A.P. Poll; Okla. Earns No. 2 +Sports,Ravens Plow Bengals +Sci/Tech,Critics Cite Red Light Monitoring Risks (AP) +Sci/Tech,Could a 'GBrowser' Spawn an 'MBrowser'? (Ziff Davis) +World,Egyptians Irked by Prisoner Swap Deal +Business,UPDATE: Origin #39;s Bid For NZ Contact Isn #39;t Fair - Adviser +Sci/Tech,Rover Missions Renewed as Mars Emerges from Behind Sun +Sports,Formula One Race Features China #39;s New Taste for Luxury +Sports,Johnson keeps IBF light heavyweight crown +Sports,Vaughan must forget dispiriting reverse and look forward +Sports,"Real beaten again, Becks says no crisis" +World,NKorea accuses Japan of revising defense policy towards militarism +Business,Origin #39;s NZ\$3.2 Billion Offer for Contact Too Low (Update2) +Business,Google accused of pandering to Chinese censors +Sports,Arrivederci Roma for Voeller after 26 days +Sports,Shibui breaks Berlin Marathon record; Limo wins men #39;s race +Sports,Newman wins +World,23 killed in Iraq violence +World,Labour slips to third place in UK poll +Sports,"Sparks 71, Monarchs 57" +Sports,Manning tosses five TDs in first half +World,Democrats signing up more new voters: report (AFP) +Sports,Jaguars Surprise Again +Sports,Texans Boot Chiefs +Sports,Red Sox Belt Yankees +Business,NZ stocks: Down-time listings hold some interest +Sci/Tech,Four Geneva communities had the choice of voting online (Keystone) +Sports,Golf: Stenson ends three-year wait for title +Sports,San Diego Chargers +Sports,SINGH WINS AGAIN +Sports,"McNabb Helps Eagles Beat Lions, Reach 3-0: NFL Week 3 (Update1)" +Sports,Shevchenko Puts Milan Back on Track +World,N.Korea calls missile launch reports quot;speculation quot; +Sports,Injury crisis engulfs Rangers +Sci/Tech,Swiss referendum tests virtual democracy +Sci/Tech,A Touchy Debate Over Voting +Sci/Tech,YAHOO! and OMD Reveal Study Depicting Life Without the Internet +Sports,Voeller dumps troubled AS Roma +Sports,Heroics of Ryder Cup inspire Stenson to victory +Sports,Milan beats Lazio; Inter held to draw by Parma +Sports,"Seahawks 34, 49ers 0" +World,Dozens killed in Iraq violence +World,Schroeder #39;s party halts slump +Sci/Tech,Spy Imagery Agency Watching Inside U.S. (AP) +Sci/Tech,Navy to Shut Down Sub Radio Transmitters (AP) +World,Israel Claims Killing of Hamas Operative (AP) +World,Armed militia raises concern for refugees returning to Darfur (Canadian Press) +World,Opium paraphernalia jumps from Asian taboo to hot collectible (AFP) +World,Candidates Gear Up for Crucial Debates (AP) +World,Edwards Discusses War on Terror at Rally (AP) +Business,Telstra in \$750m buyback +Business,PeopleSoft teams up with IBM +Business,Philippine economy faces more inflation +Business,"As for the competing IRAs, the Roth wins hands down" +Sci/Tech,Monitor duty is welcomed +Sci/Tech,Microsoft to share Office code +Sci/Tech,VeriSign creates kid credentials +Sports,Golf: Singh fires final round 69 to win third straight event +Sports,"NFL: Denver 23, San Diego 13" +Sports,NFL Game Summary - New Orleans at St. Louis +World,19 killed in Iraq violence +World,Blair vows agenda for future +World,"Saudi Police, Militants Clash in Capital Riyadh" +World,Musharraf #39;s battle for approval +World,Schroeder #39;s Party Avoids Major Losses +World,Crazy John #39;s gone reckless: Latham +Sports,Goalless draw leaves Real trailing +World,"Saudi Police, Militants Clash in Capital Riyadh" +World,Gene clue to malaria drug failure +Business,"Tokyo Stocks Open Lower on Oil, Economy (Reuters)" +Business,"Tokyo Stocks Open Lower on Oil, Economy" +World,"Lazard Is Near a Public Offer, Executives Say" +World,Around the World and Into the Psyche +World,Latest Hurricane Kills Six in Florida +World,Turnover Helps Colts Derail Packers 45-31 +Business,"Foreign Tax Havens Costly to U.S., Study Says" +Business,"For Cingular, Becoming No. 1 Also Poses Risks" +Sports,Turnover Helps Colts Derail Packers 45-31 (AP) +World,Judge slams Ecclestone's F1 power +Sports,Seahawks Shut Down Winless 49ers 34-0 (AP) +Sports,Saints Hold Off Rams 28-25 in Overtime (AP) +Sports,Dodgers Slay Giants in Crunch Pennant Game +Sports,"U.S. Are Davis Cup Final Underdogs, Says Roddick" +Business,Telstra announces \$750m share buy back +World,"I'm no hypocrite, says Blunkett" +Sports,Shibui breaks Berlin marathon record +Sports,Hamm #39;s case to keep gold goes to arbitrators +Sports,Cubs Fall Again to Mets +Sports,Mystics on the Verge +Sports,Manning Outduels Favre +Sci/Tech,"Cisco, Fujitsu Team on High-End Routers" +Sci/Tech,Panel Studies Effects of Nuclear Tests (AP) +Sports,Singh hangs on for another win +Sports,Ferrari Dominates in Shanghai +Sports,Stenson grit wins the day +Business,Oil prices steady as US readies draw on strategic reserves +Business,Telstra sets price range for \$750m buyback +World,Riot witness to clarify testimony +Business,Telstra Corp. to Pay Up to A\$4.65 a Share in Buyback (Update2) +Sports,Cole takes control as Arsenal play it cool +Sports,Fijian Golfer Singh Wins 8th PGA Tour Event of Season +Sports,Fitting return for Stenson the forgotten +Sports,Rusedski defeat seals fate +Sports,Roberto Heras factbox +Sports,Spoiled Again: Cubs Humbled by Mets +World,Tornado fighters escort jet to Stansted after bomb scare +World,Blair #39;s silence #39;is kiss of death #39; +Sports,Renault F1 Team launches Bijoux Racing +Business,INTERVIEW: Telstra Rev Growth Similar To 2H04 -2- +Business,Tokyo stocks open slightly lower +Sci/Tech,eBay will keep Half.com subsidiary open indefinitely +Sports,"Sunday, September 26, 2004 Calling On Plummer" +Sports,MBNA America 400 results +Sports,Titans' McNair Bruises Sternum in Loss to Jags (Reuters) +World,Top Pakistani Al-Qaeda suspect killed +World,Brown tells activists to return to party values +Sports,NFL Wrap: McNabb Sparkles as Eagles Rout Lions +Sports,NL Wrap: Dodgers Slay Giants in Crunch Pennant Game +Sports,Steroid Row Mostly Forgotten as Bonds Wows Fans +Sports,Titans' McNair Bruises Sternum in Loss to Jags +Sports,Spoiled Again: Cubs Humbled by Mets +Business,Tokyo Stocks Extend Losses +Business,Tokyo Stocks Extend Losses +Business,World economy #39;is at its best for five years #39; +Business,Chen defends Taiwan #39;s controversial arms package +Sports,Voller: My resignation best way of helping Roma +Sports,Messina Stays 3rd in Italy; Barcelona Leads in Spain (Update2) +Sports,Barcelona #39;s Eto #39;o dazzles on Mallorca return +Sports,Eagles #39; quot;big quot; plays difference in win +Sports,Jags get offense clicking in second half +Sports,"(Sept. 26, 2004) -- Quick takes on some of Week 3 #39;s more <b>...</b>" +World,Record loss for Schrder in biggest state +Business,Oil Heads Toward \$49.40 Record +Sci/Tech,"Audio spam, new harassment to Internet users" +Sports,"Guillen banned for postseason too, if Angels make it" +Sports,Eagles Are Where the Lions Want to Be +Sports,Ichiro gets one more hit as M #39;s play spoiler against Rangers +Sports,Dover II: Tony Stewart race report +World,Bigleys brother pleads with Blair +World,Leading al Qaeda suspect killed in gun battle +World,Iran #39;s Asefi: No plan to quit NPT +World,Britain doing everything for hostage release: Blair: +Sci/Tech,St. Helens Activity May Signal Explosion (AP) +World,Plane Diverted to London on Bomb Threat (AP) +World,"Government spending will push up Australian interest rates, critics warn (AFP)" +World,Strong Charges Are Exchanged Before Debate +World,Another Hurricane Roars Across Mid-Florida +World,Kevin Costner Weds at His Aspen Ranch +World,Spy Imagery Agency Watching Inside U.S. +Business,Multiplex Offers A\$1.3 Billion for Ronin Property (Update1) +Sports,Singh breaks Woods #39; single-year money record with third straight <b>...</b> +Sports,Singh Dominating At Lumber Classic +Sports,Philadelphia visits surprising Lions in game featuring two <b>...</b> +Sports,Dodgers Extend Lead Over Giants +Sports,Singh sets money record with eighth win +Sports,Dolphins RB Gordon Injures Shoulder (AP) +Sports,Brown Suffers Rocky Return in Feisty Finale +World,Students heckle Iranian president +Sports,Positive Identity Emerges for Giants' Offense +Sports,"Old School, Part 2" +Sports,Dodging Harm +Sports,U.S. Gets Spain in Final +Sports,Terps Take Break +Sports,Newman Wins at Dover +Sci/Tech,Big Wi-Fi Project for Philadelphia +Sci/Tech,"If Hockey Is Out, Best Thing on Ice May Be a Computer Game" +Sci/Tech,"What's in the Box? Radio Tags Know That, and More" +Sci/Tech,Maker of Palm Software to Unveil Operating System for Smart Phones +Sci/Tech,"Music Sites Ask, 'Why Buy If You Can Rent?'" +Business,INTERVIEW: Australia #39;s Cochlear To Ramp Up Output +Sports,Angels suspend Guillen for rest of season +Sports,Kim lands maiden victory +World,Serb leader apologises in Bosnia +Business,INTERVIEW: Australia #39;s Cochlear To Ramp Up Output -2- +Sci/Tech,Music Notes +Sports,Singh breaks Woods #39; money record +Sports,Serena Williams picks China Open title +Sci/Tech,Report: HP to Stop Using Intel Itanium Chip +Business,Oil Heads Toward #36;49.40 Record (Reuters) +Sci/Tech,UK launches 10m recycling effort +Business,"Nikkei Weighed Down by Oil, Economy" +Sci/Tech,Report: HP to Stop Using Intel Itanium Chip (Reuters) +Business,Lebanese delegation to UN states its case ahead of Annan report on <b>...</b> +Business,"Index funds, once considered mediocre, come of age" +Sci/Tech,NASA Struggles for Shuttles #39; Return +Sci/Tech,Report: HP to Stop Using Intel Itanium Chip +Sports,Kim rallies at Longs Drugs Challenge beating Webb by one shot +Sports,INTER FIGHT BACK FOR A POINT +Sports,"NFL News, Notes, and One Liners" +World,Darfur Governor Says Rebels Attempted Coup +World,Syria Defends Its Role in Lebanon +World,Small Syrian force withdraws from Lebanon +Business,Telstra #39;s \$750 million Share Buy-Back +World,Philippines Readies Emergency Iraq Plans (AP) +World,South Korea calls for resumption of nuclear talks (AFP) +Business,Multiplex moves on Ronin +Sports,"Angels Rip A's 6-2, Chip Away at AL West (AP)" +Sports,AL Wrap: Schilling Shines as Red Sox Romp Past Yankees (Reuters) +Sports,"NFL Wrap: McNabb Sparkles for Eagles, Manning Delights Colts" +Sports,Umpire Leaves Game +Business,IBM #39;s PC business up for sale +World,Israel may limit worshippers at Jerusalem +Business,Poll impact dents Telstra +Business,US Airways files motion for pay cut +Business,Asian stocks trade lower amid growing worries over higher oil <b>...</b> +Sci/Tech,NASA: Hurricane Damages Shuttle Building +Sci/Tech,The Choice on the Environment +Sports,Five out of six for awesome Singh +Sports,Webb comes up one short +Sports,Henman slams Cup schedule +World,Koizumi keeps Japan guessing on cabinet reshuffle +World,"UN refugee chief says Sudan, rebels must cooperate" +World,Police given four more days to question men arrested on suspicion <b>...</b> +World,Historians say Taj Mahals 350th anniversary up to a decade too <b>...</b> +World,N. Korea talks end; no progress reported +World,Bomb Threat Plane Given All-Clear +Business,Dollar Sticks to Range Vs Yen (Reuters) +Business,Fannie Mae Takes New Approach in Crisis +Business,Broadman Takes Tougher Stance +Business,Hecht's Adopts Smarter Look +Business,"Lazard Is Near a Public Offer, Executives Say" +Business,Overseas partners sought to revamp Northeast China +Sci/Tech,Internet Vote A Success +Sports,Barcelona beat Real Mallorca +World,Powell: Worsening insurgency makes election difficult in Iraq +World,Officials fear Temple Mount could collapse +Business,Feds Indict CA Ex-CEO Kumar +Business,World markets - 27 September 2004 +Sci/Tech,Wal-Mart #39;s Way +Sports,CB #39;s forced fumble halts Packers #39; attack +World,"Air raids, attack kill 25 in Iraq towns: Women, children included" +World,Security forces kill Amjad Farooqi +Sports,"Collins, Raiders Crush Buccanneers 30-20 (AP)" +Business,Fannie Mae Said Near Deal on Capital +Business,Chen defends arms package +Sci/Tech,Jupiter drifted towards sun in its youth +Sports,Tampa Bay Buccaneers +Sports,NFL Game Summary - Pittsburgh At Miami +World,Bomb alert plane given all-clear +World,Taj Mahal Celebrates 350th Anniversary +World,China leaders warn of corruption +World,Bomb threat jet given all-clear +World,Labour to vote on Iraq withdrawal +World,Strong Charges Set New Tone Before Debate +World,"As a Life Ebbs, the Ultimate Family Quarrel" +World,"Collins, Raiders Crush Buccanneers 30-20" +Sci/Tech,Linux growing on SMB desktops: Yankee Group +Sci/Tech,Folded ice discovered beneath Antarctica +Sports,Colts outscore Packers in home opener on strength of Manning #39;s arm +World,Al Qaeda leader reportedly killed in Pakistan +World, #39;Most people don #39;t know what to do - to give in or leave it #39; +Business,US Airways Outlines Time Frame for Possible Liquidation +Business,Terrorists Have Oil Industry in Cross Hairs +Business,Agencies Postpone Issuing New Rules Until After Election +Business,Six Sigma: A Hollywood Studio Learns the G.E. Way +Sci/Tech,Briefly: IronPort spam shield gets steelier +Business,Australia #39;s Telstra announces details of A\$750 million share <b>...</b> +Sci/Tech,X Prize Launch Set For Wednesday At Mojave; Canadians On Hold +Sports,Colts Take Down Packers in NFL Shootout +Sports,"Alas, there #39;s no #39;Team #39; in #39;Jose #39;" +Sports,"In the Rain, Pittsburgh Makes a Mess of Miami" +World,Blair: Labor will not buckle +World,Musharraf terms talks with Singh gain for peace +Business,ETF INVESTING +Business,Residents could get power update Tuesday +Sports,Favre-Manning matchup lived up to billing +Sports,Angels suspend Guillen without pay for rest of season +Sports,Seahawks Slant +Sci/Tech,Does the Patent System Need an Overhaul? +World,No pacemen in top grade of new Indian cricket contract system (AFP) +World,Opera returns to Milan's La Scala +World,Truckers of Iraq's Pony Express Are Risking It All for a Paycheck +Business,1.6 million FPL customers lose electricity +Business,China #39;s GDP to grow 9 percent: state commission +Sci/Tech,"Itanium unsuitable for workstations, Intel says" +Sports,Second KO leaves Jones #39; future fuzzy +Sports,Agassi could return for Davis Cup final +Sports,"Eagles 30, Lions 13" +Sports,SCORELESS IN SEATTLE +Sports,Umpire Leaves Mariners-Rangers Game (AP) +Sports,Steelers Slog to Win +Sports,Singh Makes History +Business,Mexican firm 'eyes \$4bn RMC bid' +Business,Finneran set for new post amid probe +Sci/Tech,Swiss e-vote gets thumbs up +Sci/Tech,North Beaches +Sports, #39;Chucky #39; gets horrific reception +Business,VNU to sell World Directories Group +Business,Mexican firm #39;eyes \$4bn RMC bid #39; +Business,Fannie Mae #39;s fall from grace +Business,"Australian Oil Producers Gain, Led by Woodside; Origin Falls" +Business,Storm zaps recently restored electricity +Sci/Tech,Red Hat big wig attacks Sun +Sports,Singh Wins in Pennsylvania to Break Woods #39;s PGA Earnings Record +Sports,Chinese sweet and sour for Ferrari team +Sports,"Dodgers ax Giants, boost West lead" +Sports,Hurtin #39; for certain Grossman injured late in Bears #39; loss to <b>...</b> +Sports,Angels inch within a game of Athletics +World,Thai Suspected Bird Flu Case Fans Human Link Fear +World,Thai suspected bird flu case fans human link fear +World,Israel Defense Official Threatens Syria (AP) +World,"Haitians Pray for 1,500 Killed by Jeanne (AP)" +World,Japanese Cabinet Resigns Before Reshuffle (AP) +World,"Japan PM Reshuffles Cabinet, Keeps Some Ministers" +World,Pakistan al-Qaeda suspect killed +World,US air strikes 'target Sadr City' +World,Golf: Record earnings for Singh +World,Man tried for UK student's murder +World,Karzai visits rival's stronghold +World,Oil prices threaten fresh record +World,"Bush, Kerry Rev Up for Campaign Face-Off" +Business,NZ stocks: Contact shares dump 13c in reasonable trade +Business,VT Group says has no plans to buy BAE shipbuilding +Sci/Tech,Virgin selling music via Net +Sci/Tech,India #39;s unmanned moon mission going smoothly: official +Sports,Marlon King #39;s stunner does it for Forest +Sports,Serena topples US Open champ in China +Sports,NOTEBOOK: Bye week very timely for banged-up Lions +World,"Haitians pray for dead, give thanks for their lives" +Sci/Tech,Virgin launches new digital music service +World,Israel assassinates Hamas militant in Damascus +Sports,McNair Injures Sternum Against Jaguars (AP) +Business,Dollar Stuck Vs Yen as 'Tankan' Awaited +Business,Man Utd unveils dip in profits +Business,Meet too-familiar story with familiar response +Sci/Tech,Virgin Records enters the music download market Monday +Sci/Tech,Opening Pages +Sci/Tech,Red Hat exec takes Sun to task on open source +Sci/Tech,"Microsoft Takes Stands Against Spam, Sanctions" +Sports,Rubens flies in Shanghai +World,Japanese Cabinet Resigns Before Reshuffle +World,Peacekeepers rushed to Haiti to halt looting +World,Around the world +World,Threats trail man organizing Gaza withdrawal +Business,"Australia #39;s S amp;P/ASX 200 Falls; Origin Declines, Woodside Climbs" +Business,SUSAN TOMPOR: Credit card issuers raise big penalties +Business,Deutsche property trust merger approved +Sci/Tech,Hotmail to wean users from free export tool +Sci/Tech,"Corporate cybersecurity: Awareness, but no action" +Sports,Rubens on hunt for rent-a-bed +World,European press review +Sci/Tech,Ape Learning Center Welcoming 'Students' (AP) +Business,UPDATE 1-Ingram Micro to buy Tech Pacific for \$493 mln +Business,Ingram Micro Buys Tech Pacific to Expand in Asia Pacific +Business,Ministers to Tackle Global Finance Issues +Sci/Tech,HP to stop using Intel Itanium chip: WSJ +Sci/Tech,Folic acid reduces birth defects +Sports,Vijay Singh breaks earnings record +Sports,Vijay wins third straight event +Sports,Spain through to Davis Cup final +Sports,"Two-minute drill: Players of the game, by the numbers" +Sports,WHAT THE PAPERS SAY +Sports,Shaun Alexander drags LB Julian Peterson +Sports,Airshow in the dome +Sports,A rough day could have been even worse for Lions +Sports,Fans come down hard on Gruden +World,Top al-Qaeda Operative Killed in Pakistan +World,9/11 fireman praises passengers +World,"Ex-US captive killed, say Afghans" +World,Qaeda suspect shot dead in Pakistan +World,Turkey passes penal code aimed at clearing way for EU +World,Militants Fire Rocket at Israeli Town +Business,"Australia #39;s S amp;P/ASX 200 Falls, Led by Origin; Woodside Climbs" +Business,Latest scandal puts spotlight back on boards +Business,No allocation strategy is perfect for everyone +Business,Money Tip Act quick when luggage is lost +Business,Naval shipbuilders consider merger - reports +Business,Ingram buys Tech Pacific +Business,AT amp;T #39;s text-only device debuts +Sports,Knockout proves it #39;s time for Roy Jones Jr. to retire +Sports,"Eagles teach, Lions learn" +Sports,Seahawks keep 49ers off board +World,Blair admits feeling heat over hostage in Iraq +World,Taj Mahal birthday party begins +World,Iraqi Guard commander arrested by US military +World,Threats trail man organizing Gaza withdrawal +World,A top Taliban commander reportedly killed in raid +Business,Brown seeks to set Labour agenda +Business,Scam involving cashier's checks is gaining steam +Business,A notebook with muscles to flex +Business,"Next to digital IDs, passwords look lame" +Business,Clouds on horizon for low-cost airlines +Business,"Q amp;A David Gergen, political analyst, on leadership" +Business,Manchester United profits fall +Business,Oil price heads towards record +Business,"Update 2: Tokyo Stocks End Lower, Dollar Flat" +Sports,Newman gains little with win at Dover +World,Kawaguchi out as foreign minister as Koizumi reshuffles cabinet +Sports,Lelie #39;s alternate route provides road map to win for Broncos +World,"Ken is alive, says brother" +Sci/Tech,Future of Illinois Farm May Lie in Swampy Past +Sports,Singh #39;s record breaking season continues +Sports,"Colts 45, Packers 31" +World,"Brit captive still alive, says brother" +World,Man who tried to kill Musharraf shot dead +World,Israel behind death of Hamas leader +Sports,Forest turn Clough #39;s wake into pageant +Sports,WENGER: THEY ARE OUT TO GET US +World,Labor Party faces vexing challenges +Sci/Tech,Adobe Plans New Format for Digital Photos (AP) +Sci/Tech,"AT T Introduces E-mail, IM Device (Ziff Davis)" +Sci/Tech,"HP Deals to Aid RFID Push Into Retail, Manufacturing (Ziff Davis)" +World,"Car Bomb in Mosul, Mortar Attack in Baghdad (Reuters)" +World,Mbeki: Ivory Coast Parties Agree New Peace Push +World,Next President Will Pick Scores of Judges (AP) +Business,Oil prices near record high +Business,Time for US to spank Fannie +Business,CA accused plead not guilty +Business,Microsoft prefers settlement option +Sci/Tech,Commerce One Announces Layoffs +Sports,"Eagles 30, Lions 13" +Sports,UPDATE 2-Koubek keeps Austria in World Group +Sports,"Texans 24, Chiefs 21" +Sports,BROWN BATTERED IN BOMBERS' LOSS (New York Post) +World,Kite festival begins as prelude to 350th anniversary of Taj +Sports,Theme park +Sports,Nixon: swing votes +Sports,Lackey sparks Angels past A's +Sports,Giant win added to Browns' miseries +Sports,Southern discomfort +Sports,"Manning, Colts air out Packers" +Sports,"Walter McCarty, on the bench" +Sports,BC's goal: Get back on track +Sports,Getting it together +Sports,A rebirth in Chelsea +Sports,UNITED #39;S PROFITS FALL +Sports,"Steelers 13, Dolphins 3" +Sports,"Manchester United Says TV Revenue Will Plunge, Hurting Profit" +World,Key reformer to privatise post office after Japan reshuffle +World,Greek Airliner Clear After Bomb Scare +World,UK Economic Boom May Bolster Blair as Election Deadline Nears +World,Thai woman confirmed with bird flu as fears over human-to-human <b>...</b> +World,"Death toll in Haiti floods hits 1,650" +Business,Cemex snaps up RMC for 2.3bn +Business,Cautious investors keep market in red +Business,Kopper expected on stand today in Enron trial +Sci/Tech,Virgin launches online music service +Sci/Tech,TSMC warns of inventory build up +Sci/Tech,India #39;s unmanned moon mission going smoothly: official +Sports,Bucs #39; season continues its spiral in Black Hole +World,PM #39;s #39;drunken sailor #39; campaign +World,Schroeder avoids big new losses +Sci/Tech,Work on designing Chandrayan over: Nair : +Sports,Chinese GP new star of F1 circuit +Sports,Shevchenko #39;s double breathes life into 10-man Milan +Sci/Tech,EU to clear Oracle's PeopleSoft bid (TheDeal.com) +World,Manmohan celebrates birthday in flight +World,Darfur rebels accused of killing two cops +World,Document on CPC governance capability issued +Business,Nikkei Extends Losing Streak +Business,Australia #39;s Ronin Confirms Approach From Another Party +Sci/Tech,Virgin seeks slice of net music +Sci/Tech,HFC bank in mass e-mail blunder +World,Farooqi key link between Pakistan and al Qaeda (Reuters) +World,Australian man killed British tourist for drug money (AFP) +World,"Britain, Israel Hold Out Prospect of Mideast Talks" +World,"Karzai Opposes Afghan Poll Delay, Despite Concerns" +World,"Japan PM Reshuffles Cabinet, Keeps Some Ministers" +World,Virgin boss in space tourism bid +Sci/Tech,Virgin boss in space tourism bid +World,Boost for Somali peace talks +World,Pakistan to tour India +World,Mexican firm bids 2.3bn for RMC +World,The Forgotten tops US box office +World,Hemingway Bullfight Tale From 1924 Turns Up +Business,Oil price pushes toward \$50 a barrel +Business,Credit cards may cause trouble for issuers +Business,China to bid \$7B for Noranda +Business,"Russia to Curb Inflation, Manage Industry, PM Says (Update1)" +Sci/Tech,HP #39;jilts Intel Itanium #39; +Sci/Tech,Colleges turn to eBay to sell unwanted goods +Sci/Tech,Virgin offers music downloads +Sci/Tech,Five questions +Sports,"Coleman, Holmes play role reversal" +World,Local government vote raises SPD #39;s hopes +World,Critics debunk China #39;s Communist Party #39;s plan to build up its <b>...</b> +World,Blair #39;s party urges a shift in focus from Iraq to domestic issues +Business,"Australian Stocks Advance, Paced by Woodside Petroleum, BHP" +Business,China #39;s Minmetals in talks to buy Canada #39;s Noranda +Sports,BOXING: JONES TAKES MEMPHIS BEATING +Business,Dollar Inches to 6-Wk High +Business,Nikkei Extends Losing Streak +Business,UK watchdog targets Belgian firm +Business,SEC focusing on drug makers +Sci/Tech,Microsoft says upgrade for full IE security +Sci/Tech,Long Trip for Psychedelic Drugs +Sci/Tech,Nice Ride: The Hydrogen Gremlin +Sci/Tech,Changing at the Push of a Button +Sci/Tech,Fable Feels Like Unfinished Tale +Sci/Tech,"Rural Kids Print, Bind and Read" +Sci/Tech,U.S. Makes Spy Images Inside U.S. +Sci/Tech,Taking Aim at 'Arms Race of Spin' +Sci/Tech,Google Bows to Chinese Censorship +Business,Index funds adjust fees to lure customers +Sci/Tech,First class to the moon +Sports,No woofing and no white flags +Sports,Grading the Giants +World,New wave of violence in Gaza Strip +Sci/Tech,Virgin Announces Plans for Space Service +Sports,"Ravens 23, Bengals 9" +Business,Cemex to buy RMC Group in \$5.8bn deal +Business,Microsoft braces for EU appeal +Business,"Apax, Cinven Buy VNU Directories Unit for EU2.1 Bln (Update3)" +Business,"Update 3: Tokyo Stocks Edge Lower, Dollar Higher" +Business,AT amp;T launches new e-mail service +Sci/Tech,Branson #39;s Virgin Group Plans to Offer Space Flights in 2007 +Sci/Tech,HP deep sixes Itanium workstations +Sci/Tech,High speed data network just for research +Sci/Tech,"Prove open source cred, release Java, Red Hat tells Sun" +Sports,Manchester United Football Club boss excited over Rooney +Sports,"SEAHAWKS 34, 49ERS 0 Game grades" +World,US Forces Bomb Baghdad #39;s Sadr City +World,Brother of UK hostage urges Blair to plead for hostage release +World,Three Palestinians shot dead in Gaza Strip +World,Thai Suspected Bird Flu Case Fans Human Link Fear +World,"Saudi Troops, Gunmen Clash in Riyadh" +Business,Cemex to buy British RMC Group +Business,Oil prices jump to record high +Business,Ingram Micro agrees to buy Tech Pacific for \$493 mn +Business,Microsoft will offer slim Windows if EU insists +Business,Adobe proposes universal digicam #39;raw #39; image format +Sci/Tech,Virgin to Launch Commercial Space Flights +Sci/Tech,"Music Sites Ask, #39;Why Buy If You Can Rent? #39;" +Sci/Tech,HP to Stop Using Intel Itanium Chip +Sci/Tech,VeriSign hopes to make passwords obsolete +Sci/Tech,Microsoft Takes On Backup Market +Sports,Singh captures 84 Lumber Classic +Sports,Lions don #39;t measure up Eagles too much for Detroit +Sports,UPDATE 1-Indian court to hear cricket telecast case Tuesday +World,Labour Party Conference 2004 +Sci/Tech,Dust Might +Sci/Tech,Survey: CEOs Fail To Grasp Importance of Security +Business,Wall Street Set to Slip on Oil +World,Twelve Killed in Attack on U.S. Mission in Jeddah +Business,Dubai airport building collapses +Business,Oil on record run +Business,Vodafone sets out cost-cutting plans +Business,New owner for Golden Pages business +Business,Russian financial markets must be developed - Fradkov +Business,Management Shakeup May Lie Ahead for Fannie Mae +Sci/Tech,Startup exploits new way of networking +World,India kicks off 350th birthday of Taj Mahal +Business,Fannie Mae said near capital deal +World,Security alert issued after top Pakistani al-Qaida suspect killed +World,Germany #39;s big parties losers in polls but Schroeder takes heart +Sci/Tech,Sun And Microsoft Aim For Single Sign-On +World,ETA Sets Off 7 Bombs Across Spain; at Least 5 Hurt +World,Thousands Uprooted by Clashes in East Congo -U.N. (Reuters) +Sci/Tech,Lexmark Spruces Up Color Lasers (Ziff Davis) +Sci/Tech,Reverse Migration: From Linux to Windows (Ziff Davis) +World,Hamas: Arab State May Have Helped in Syria Killing (Reuters) +World,Building Collapses at Dubai Airport (AP) +World,Colombia Police Aim to Disrupt Drug Trade (AP) +World,Egyptian firm imposes blackout on Iraq hostages (AFP) +Business,Circuit City 3Q Same-Store Sales Decline +Sci/Tech,DigitalNet Wins Fingerprint ID Contract +Sci/Tech,Helping New Space Industry Lift Off +World,Three Iraqi National Guards Killed in New Attacks +World,Five Dead in Dubai Airport Building Site Collapse +World,Carter fears Florida vote trouble +World,Dubai wall collapse kills four +World,Israel launches sweeps in Jenin +World,'Name vCJD-risk countries' call +World,Ape Learning Center Welcoming 'Students' +Sci/Tech,Is there money in being 'green'? +Business,Microsoft braces for EU anti-trust appeal hearing +Sports,Angels Close Within One Game of A's (AP) +Sports,Playing Pitch and Catch in the NFL (AP) +Sci/Tech,Virgin shows passion for online music service +Sports,"Don #39;t count out Roy, but Bowe must go" +Sports,Eagles get busy on third downs +World,Building collapse at Dubai Airport; 50 feared dead +World,Pakistan on alert after al-Qaida suspect dies in raid +World,Iraq to dominate Labour conference +World,Japan leader appoints new party chiefs ahead of cabinet reshuffle +Sports,Sportsview: Jimmie Crutchfield Remembered (AP) +Sports,ESPN in Talks to Set Up European Sports Channel +Business,Stocks Seen Lower as Oil Pushes Higher +World,Supreme Court Denies Klan Appeal to Anti-Mask Law (Reuters) +Business,Update 4: Tokyo Stocks Hit Five-And-A-Half Week Low +Sci/Tech,Pre-Retirement Interview With Intel CEO Barrett +World,At least eight dead in Dubai airport construction site collapse +Business,Microsoft ready to comply with EU orders +Business,"Vodafone Expects Cost Cuts, Savings to Boost Earnings (Update2)" +Business,Before the Bell - Nastech soars 23 pct +Business,A class apart: cameras +Business,Pharmaceuticals weigh on Singapore #39;s August factory output +Business,Market closes weaker +Sci/Tech,"Veritas, Microsoft Give Backup a Speed Boost" +Sports,Valencia and Barca Set the Pace +Sports,"Peaceful Coexistence, Until Next Time" +Sports,Gruden deal now pays off against Bucs +Sports,Giants: Warner-to-Toomer combo hits stride +World,Workers killed in Dubai airport building collapse +World,RAF ESCORT JET IN BOMB SCARE +Business,Microsoft Still Wants EU Settlement (Reuters) +Business,Walgreen Quarterly Profit Up 18.1 Percent (Reuters) +Business,"Stocks Seen Lower, Weighed Down by Oil" +Business,Before the Bell - Nastech Soars 23 Pct. +Business,Microsoft Still Wants EU Settlement +Business,Bass Family Still Fiddling With Fieldstone +Business,"Crude Sets Record, Nigeria Concerns Mount" +Business,New Bangalore road to beat jams +Sci/Tech,British billionaire unveils plan for commercial space flight +Sci/Tech,Virgin launches digital music service +Sports,"Bears #39; loss could be gross, man" +World,"In Pakistan, dead men tell no tales" +World,Powell: US forces to enter Iraqi #39;no-go zones #39; +Business,Ingram buys Aussie distie for \$493m +Business,AT amp;T Wireless Sells Dedicated Messaging Device +Business,Australian developer expands its reach +Sci/Tech,Virgin launches Digital music service +Sci/Tech,Philips looking to build 300-mm joint venture fab +Sports,Singh eclipses Tiger with record pile +Sports,Tensions still high between Red Sox and Yankees +Sports,"Collins, Raiders beat Bucs" +World,No hitch in inauguration of Taj Mahotsav: Govt +World,Schroeder lifted by election win +Business,Before the Bell - Cogent jumps 5.6 pct +Business,Bush wants to tap oil reserve +Business,Cemex cements deal to buy British rival +Business,JPMorgan Fleming Eyes Stake in Highbridge +Business,Oil price hits record on Nigeria worries +Business,Time Warner Reaches Agreement to Allow Comcast to Reduce Stake +Business,"Walgreen Boosts Profit, Plans More Stores" +Sci/Tech,Virgin to Become the Worlds First Commercial Space Tourism <b>...</b> +Sci/Tech,HP Drops Itanium 2 Workstations +Sci/Tech,Russia gets budget version of Windows +Sci/Tech,Firefox gets around security problems +Sci/Tech,"When these guys go phishing, you #39;re the big one" +Sci/Tech,Get heart smart +Sports,"Baseball Roundup: The Wild, Wild West" +World,Paris considers overseas French citizens #39; security as first <b>...</b> +World,Major Israeli force moves into Palestinian town +Sports,"NBA Wrap: Suns Scorch Trail Blazers, Kings Beat Celtics" +Sci/Tech,Microsoft Adds New Hotmail Fee +Business,UPDATE 4-Brent crude sets record as supply worries persist +Business,TCL Communication aims higher after lacklustre debut +Business,United paid Agents 5m +Business,"TW, Comcast in Pact on Cable Unit Stake" +Sci/Tech,Microsoft Ready to Comply if Appeal Lost (AP) +Sci/Tech,Branson wants to have Virgin in Space by 2007 +Sci/Tech,Intel cans Grantsdale WLAN plan +Sci/Tech,Space flight tickets to be sold +Sports,Chinese win important for Ferrari +Sports,"Can #39;t do much other than wait, Braves say" +Sci/Tech,CNet gets makeover to broaden its appeal (USATODAY.com) +World,Dubai airport building collapses +World,Taj Mahal anniversary +World,SC declines holding of Taj fest near Taj Mahal +Sci/Tech,Virgin to Launch Commercial Space Flights (AP) +Sci/Tech,Jeanne Damages NASA Shuttle Building (AP) +Sci/Tech,U.S. Spy Agency Turns Eye on America (AP) +Sci/Tech,AT T Wireless Sells Dedicated Messaging Device +Business,"T-W, Comcast in Pact on Cable Unit Stake" +Sci/Tech,Microsoft Ready to Comply if Appeal Lost +Business,"Walgreen Boosts Profit, Plans More Stores" +Sci/Tech,Soldiers' War Blogs Detail Life in Iraq +Business,Fannie Mae in Deal to Up Capital +Business,JPMorgan Fleming Eyes Stake in Highbridge +Sci/Tech,Adobe Plans New Format for Digital Photos +Business,"Mars, Snickers Cut Down to Size" +Sci/Tech,"Stem cells as heart ""pacemakers""" +Sci/Tech,Billionaire Branson Unveils Space Tourism Plans +Sci/Tech,Hurricane Jeanne Damages NASA Shuttle Building +Sci/Tech,NASA's 16-Foot Transonic Tunnel Leaves Powerful Legacy +Sci/Tech,Opening the Lid on Genesis +Sci/Tech,Scientists Find Storehouse for Memory +Sci/Tech,Alternative Medicine Slips Into the Mainstream +Sci/Tech,Seniors Take Up Tai Chi and Yoga Across the U.S. +Sci/Tech,Bitter Malpractice Fight Going to Voters +Sci/Tech,Volcanic Unrest in Mount St. Helens +Sci/Tech,Russia gets budget version of Windows +Business,Vodafone eyes annual savings of 2.5bn +Business,Air Canada to Buy Bombardier Jets +Business,TCL Communication makes satisfactory debut in HKEX +Sci/Tech,UK #39;s Branson to Launch Space Tourism in 2007 +Sci/Tech,Space station oxygen supply safe for now +World,Dubai: 8 airport workers killed in accident +Sci/Tech,"Cisco unveils switches, software for SMBs" +Sci/Tech,Microsoft steps up efforts to nab Unix migrations +Sci/Tech,China's first 300mm chip plant starts production +Sci/Tech,Microsoft is ready to remove media player for EU +Sci/Tech,Microsoft Adds New Hotmail Fee +Sci/Tech,HP Drops Itanium 2 Workstations +Sci/Tech,'Wikis' Offer Knowledge-Sharing on the Web +Sci/Tech,Adobe Plans New Format Standard for Digital Photos +Sci/Tech,Microsoft Ready to Comply if EU Appeal Lost +Sci/Tech,Spy Imagery Agency Watching Americans +Sci/Tech,No price cut as Virgin unveils US music download service +Sports,Sweet emotion +Sports,Bucs discount revenge factor +Sports,Nascar: Newman cruises at Dover +Sports,Packers Lose Shootout with Colts +Sci/Tech,HP drops Itanium workstations +World,German leaders avoid big losses in electoral test +World,Second Thai woman has bird flu +World,Lubbers suggests Darfur autonomy +World,Referendum on Swiss Citizenship Takes Place Sunday +World,Israeli Troops Enter West Bank Hospital +Sci/Tech,"Virgin Music Download Service Aims to Bite Apple, MSN, Yahoo" +Sci/Tech,The Broadband Market Rises in the UK (Reuters) +World,"Greek School Bus Crash Kills Seven, Injures 24 (Reuters)" +World,Japanese Leader Reshuffles Cabinet (AP) +World,Carter foresees unfair vote in Florida (AFP) +World,Seven die in Greek bus crash +World,US 'buys town for terror drills' +World,Global box office rise forecast +World,Campaigns Aim to Lower Debate Expectations +World,Stocks to Open Lower on Rising Oil Prices +World,Building Collapses at Dubai Airport +World,108-Year-Old Man Starts Smoking Again +World,Hurricane Jeanne Continues to Ravage Fla. +World,Powell Says Situation in Iraq 'Getting Worse' +Business,Why are oil prices so high? +Business,Bombardier Says Air Canada May Buy up to 90 Aircraft (Update1) +Business,Before the Bell - Fannie Mae down 2 pct +Business,AT amp; Wireless unveils messaging-only handheld +Business,Adobe Systems to introduce new format for digital photos +Business,House Arrest Ends for Ex-Parmalat Chief +Sports,A hit in Motown +Sports,"USC Thrives in Adversity, Tops Stanford (AP)" +World,Dubai terminal construction collapse +Business,Fannie Mae in Deal to Hike Capital (Reuters) +Business,Cemex Buys 18.8 Percent Stake in RMC (Reuters) +Business,"Citigroup's Thomson, Krawcheck Swap Posts (Reuters)" +Business,Cemex Buys 18.8 Percent Stake in RMC +Business,"Citigroup's Thomson, Krawcheck Swap Posts" +Business,"T-W, Comcast in Pact on Cable Unit Stake" +Business,The Dollar Hits a 6-Week High vs. the Yen +Business,Man Utd warns of lower TV revenues +Business,AT amp;T Wireless Sells Dedicated Messaging Device +Sci/Tech,Mozilla Now Strong Challenger to Internet Explorer +Sci/Tech,"VoIP, Inc. To Pursue Cable Companies for Virtual Service Provider <b>...</b>" +Sci/Tech,Stealth dino +Sports,ROY JONES JUNIOR.. A LEGEND THAT TIME CAUGHT UP WITH.. +Sports,NFL Wrap: McNabb Sparkles for Eagles +Sports,Under the Gunners #39; spell +Business,"Time Warner, Comcast enter cable pact" +Business,Counting the cost of Hurricane Ivan +Business,Stocks Open Lower as Oil Nears \$50/barrel +Business,"Big, Beefy Billionaires" +Sci/Tech,The next big thing for government +Sci/Tech,Intel: no WiFi in quot;grantsdale quot; chipset +Sci/Tech,Huge Asteroid to Fly Past Earth Wednesday +World,Eight killed as Dubai airport wall collapses +World,India to celebrate Taj Mahal #39;s 350th anniversary +World,Thailand confirms second case of bird flu +Sci/Tech,Google Conforms to Chinese Censorship +Business,All I Wanted Was a Pepsi +Sci/Tech,AT Wireless unveils messaging-only handheld +Business,Fannie Mae to Correct Accounting and Boost Capital (Update2) +Business,Nortel names chief marketing officer +Business,Stocks in Retreat As Oil Nears \$50 Mark +Business,Multiplex secures Ronin bid +Business,"Citigroup #39;s Krawcheck Named Finance, Strategy Chief (Update1)" +Business,UPDATE 1-Tommy Hilfiger shares fall 24 pct on US probe +Sci/Tech,Branson unveils deal for first commercial space flights +Sci/Tech,IBM plans a big push into logistics +Sports,Roosters setback +World,7 students killed in Greek crash +World,Workers die in collapse at airport +World,Koizumi moves to sell off Japan Post +World,Iranian diplomat held hostage in Iraq freed: embassy +World,New case of bird flu puts Thais on alert +World,Four Palestinian shot dead; Israelis mount search operation in <b>...</b> +Business,"UPDATE 8-US oil near \$50, supply fears shift to Nigeria" +Business,Citigroup #39;s Krawcheck to Get No. 2 Post +Business,"Fannie Mae to increase capital WASHINGTON, Sept 27 (Reuters)" +Business,US probe weighs on Tommy Hilfiger +Business,AT amp;T Wireless ships mobile IM gadget +Business,Cochlear Implants Recalled For Malfunction Risk +Business,Sony gets top cast in MGM \$US3bn show +Sci/Tech,Virgin to offer space flights +Sci/Tech,E-Commerce Attacks on the Rise +Sci/Tech,Cheap thrills +Sports,World No. 1 Singh beats Tiger Woods earnings record +Sports,YOUTH IS KEY TO DAVIS CUP FUTURE - BATES +Sports,Ullrich out of world championships time trial +World,Palestinians bury slain Hamas member in Syria amid cries for <b>...</b> +World,Brown speaks of sympathy for Bigley +Business,World Oil Prices Hover Near Record Highs In Monday Trading +Business,Tommy Hilfiger gets Grand Jury subpoena +Sci/Tech,"Net Attacks Down, Bot Networks Up" +Sci/Tech,Perens hits out at Sun over OpenOffice +Sports,Christina Kim gets first win on LPGA Tour +Sci/Tech,Virgin Group to launch US online music service +Sci/Tech,IE updates no longer free for older Windows users +Sci/Tech,FDIC warns consumers on e-mail scams +Sports,Gill Defends Payments to Agents +Sports,Indian coverage to go ahead +World,Convoy raid kills Pakistan troops +Business,"Oil Near \$50, Supply Eye Nigeria Turmoil" +Business,New Home Sales Jump 9.4 Pct in August +Business,U.S. Stocks Down as Oil Edges Higher +Business,Citigroup's Krawcheck to Get No. 2 Post +Business,Dollar Hits 6-Wk High Vs Yen: Oil Eyed +Business,Air Canada to Buy 30 Bombardier Jets +World,U.S. Jets Pound Militant Positions in Iraq +World,Wall Collapses at Dubai Airport +World,U.S. Jets Pound Militant Positions in Iraq +World,Israel Accuses Syria of 'Directing Terrorism' +Business,Citigroup #39;s Krawcheck gets No. 2 post +World,"Greek School Bus Crash Kills 7, Injures At Least 24" +Business,"Comcast, Time Warner announce financial deal" +Sci/Tech,Microsoft withdraws Outlook support for hotmail +Sci/Tech,Philips and Cirrus cut forecasts as chip gloom deepens +Sci/Tech,T-Online Takes Over German Music Portal (Reuters) +Sci/Tech,"iBeam adds laser pointer, flashlight to iPod (MacCentral)" +World,Paralympics Scrap Closing Celebrations After Crash +Sci/Tech,Microsoft Ready to Remove Media Player (PC World) +Sci/Tech,Calif. Classic Car Lovers Dismayed by New Law (Reuters) +Sci/Tech,Sri Lanka Seeks Peace - This Time with Elephants (Reuters) +Sci/Tech,NTL 'sorry' over abusive message +Business,Tommy Hilfiger Down 24 Pct on U.S. Probe (Reuters) +Business,FDA KOs Allergan Psoriasis Treatment +Business,"Avici Sees Revenue Shortfall, Shares Drop" +Sci/Tech,Picture of North Sea fish decline +Business,New Home Sales Climb 9.4 Percent in August +Business,Mexico stocks dragged by Cemex acquisition news +Sports,US junior rider wins silver at cycling worlds +Sports,Entertainment part of Paralympic Games closing ceremony canceled +Sports,Lions can #39;t play with big boys yet +Sports,"Jaguars finally get win over Titans, knock out McNair" +Sci/Tech,AT T Wireless unveils messaging-only handheld +World,Slain Hamas member buried in Syria +World,UN peacekeepers rush to storm-ravaged Gonaives to stop looting +Sci/Tech,IBM sheds light on next Notes/Domino +Sci/Tech,PalmSource unveils Cobalt 6.1 OS +Sci/Tech,Oracle brings SMB suite to North America +Sci/Tech,Tech companies building bridges with China +Sci/Tech,Microsoft to charge for Hotmail-Outlook link +Sci/Tech,Microsoft Ready to Remove Media Player +Sci/Tech,Toshiba Readies 60GB Gigabeat +Sci/Tech,Holidays That are Out of This World +Sports,Ricketson needs a downgrade +World,Pakistan dealt crushing blow to Al Qaeda +World,9/11 fireman tells of plane alert ordeal +World,One French was killed by bullets in Jeddah +Sci/Tech,Do Search Engine Spiders Pick Up Urls in a Javascript Menu? +Sports,Kidd to Make Season Debut Versus Raptors +Sci/Tech,Freescale Wins 200 Mln Euro Siemens Supply Deal (Reuters) +Sci/Tech,Turner in Deal with Akimbo for Video-On-Demand (Reuters) +Sci/Tech,Freescale Wins 200 Mln Euro Siemens Supply Deal +World,"Move Over Sniffer Dogs, Here Come Africa's Rats (Reuters)" +World,Tories accuse Labour of dirty tricks in cyberspace (AFP) +World,Carter Predicts Florida Poll Will Again Be Flawed (Reuters) +World,U.S. Officials Differ on Iraqi Elections (AP) +World,Paralympics Scrap Closing Celebrations After Crash +World,Kidnapped Iranian Diplomat Released in Iraq - TV +World,India Celebrates 350th Birthday of Taj Mahal +Sci/Tech,Sweden to save 'sinking' town +World,War threatens Uganda Aids success +World,Picture of North Sea fish decline +Business,Multiplex makes Ronin bid official +Business,Update 1: Yukos Unit Evaluated for Sale to Pay Bill +Business,Walgreen posts higher quarterly profit +Business,Manchester United Reports Big Drop in Annual Profits +Business,Nortel Networks Names Clent Richardson Chief Marketing Officer +Business,Oil Prices Soar on Supply Shortage Fears +Business,Ingram to acquire TechPac +Business,Microsoft braces for EU anti-trust appeal +Sports,Sports Court Hears Hamm Gold Medal Appeal (AP) +Sci/Tech,Groundwork Laid for Spaceline +Sci/Tech,Last-minute delay for X Prize rival +Sports,Singh has Tiger running scared +Sports,What we learned +Sports,Tennis: Tim slams Cup rules after defeat +World,Emblem of radical Palestinian organisation Hamas +World,SC declines consent for Taj Mahotsav +World,Turkey reforms penal code with eye on EU +World,Three British Muslims join Zarqawi terrorist group in Iraq +Business,Treasuries Up as Oil Nears Record Highs (Reuters) +Business,Intervoice's Customers Come Calling +Business,California Calls the Shots +Business,Time Warner signs deal to allow Comcast reduce stake in cable unit +Business,Adobe proposes new format for images +Business,Hilfiger shares plunge on news of probe +Sci/Tech,Branson Plans Commercial Space Flights +Sports,Rooney #39;s ready for Europe - Fergie +Sports,New IPC Athletes #39; Committee members announced +Sports,PSU REPORT CARD +World,Pakistan claims crushing blow to Al-Qaeda +World,RPA condemns killing of Tabara +Business,"IDC raises 2004 PC growth view, but trims 2005" +Business,Update 1: VNU Sells Directories Unit for \$2.6B +Business,UPDATE 1-Mexico #39;s Cemex shares tumble on RMC deal +Business,UPDATE 3-Nastech in obesity treatment pact with Merck +Business,Microsoft Prepared to Strip Its Player +Business,Adobe offers standard for raw photo formats +Sci/Tech,Virgin Enters Digital-Music Fray +Sci/Tech,1 Terabyte Optical Storage Disks +Sci/Tech,HP drops Itanium workstation line +Sports,Campbell eyes European test +Sports,UPDATE 1-Sweden #39;s Stenson holds firm to win Heritage title +Sports,Ground boost for Liverpool +World,Fatal crash casts pall over Paralympics +World,Israelis Kill Seven in West Bank and Gaza Violence +Sci/Tech,Branson to launch space tourism +Sci/Tech,Optical technique promises terabyte disks +Sci/Tech,Heart-health lessons from Clintons case +World,Paralympics scrap closing celebrations after crash +Sports,Voeller quits as boss of Roma +Sports, #39;Wayne Rooney era begins at Manchester United #39; +Sports,Liverpool #39;s stadium plan approved +Sci/Tech,"IDC Raises '04 PC Outlook, Trims Forecast (Reuters)" +Sci/Tech,"IBM, HP Chasing Tag Technology (washingtonpost.com)" +Sci/Tech,New EarthLink Mac software fights phishing scams (MacCentral) +Sci/Tech,Long-Necked Sea Monster Snuck Up on Victims (Reuters) +Business,Citigroup #39;s Krawcheck to Get No. 2 Post +Sci/Tech,Branson reaches for the stars +Sci/Tech,Freescale Wins 200 Mln Euro Siemens Supply Deal +Sci/Tech,Hotmail Hopes To Block Spam with New Fee +Sports,Silva could miss group stage of Champions League due to bad back +Sports,Entertainment part of Paralympics closing ceremony canceled <b>...</b> +Sports,Davies appointed Preston manager +World,Palestinians bury slain Hamas member +World,World Squabbles Over UN Security Council Seats +Sci/Tech,"IBM, HP Chasing Tag Technology" +World,Sterling loses ground against euro (AFP) +World,"Musharraf ""very happy"" about killing of top Al-Qaeda militant (AFP)" +Sci/Tech,"IDC Raises '04 PC Outlook, Trims Forecast" +World,Daschle Faces Tough Test in Tight South Dakota Race (Reuters) +World,Court: Ohio Should Have Held Election (AP) +World,Arab State May Have Helped in Syria Killing -Hamas +World,"Syria, at UN, Says Israel Behind U.S. War on Iraq" +Sci/Tech,"IDC Raises 2004 PC Outlook, Trims 2005 Forecast" +World,Fassie CD to boost Mandela fund +Sci/Tech,Hints About Water Loss in the Martian Atmosphere +World,The Tragedy of Sudan +Sci/Tech,Adobe offers standard for raw photo formats +Sci/Tech,Saluting the data encryption legacy +Sci/Tech,Russia gets budget version of Windows +Sports,Lions get a reality check +World,"Happy 350th, Taj Mahal" +World,Accident at building site at Dubai airport kills at least eight +World,Country on high birdflu alert following new case +Sci/Tech,Cisco switch products target small business +Sports,Hamm Admits He Will Be Shocked if He Loses Gold +Sci/Tech,IronPort updates e-mail security appliances +Business,Merck gets rights to obesity drug +Business,"YUKOS should be sold for \$15bn, official says" +Business,JP Morgan Chase buys stake in hedge fund +Business,Vodafone to hand back more cash +Sports,Czech rider Hurikova wins first gold medal at cycling worlds +Sports,Atlanta Braves Team Report - September 27 +World,Govt Confident UN Seat Won #39;t Spark Diplomatic Row +Business,Oil Near \$50 on Supply Fears in Nigeria +Business,"Harrah's, Caesars to Sell Four Casinos" +Business,Oil Prices Drive Concerns for Airlines +World,Oil firms in talks to end Nigerian jobs protest +Business,Will Hedge Funds Take a Dive? +Sports,Vijay Sings Yet Another Victory Tune +Sports,Hamm Defends Gold Medal in Court +Business,IDC raises estimate for PC sales +Business,Walgreen: Prescription for Success +Business,Comcast in deal to cut Time Warner stake +Sci/Tech,Commercial Joyrides into Space +Sci/Tech,Virgin Group to launch US online music service +Sci/Tech,A eureka moment at the CRTC +Sports,Canas wins on opening day of Shanghai Open +Sports,Hamm Admits He Will Be Shocked if He Loses Gold +Sports,Penn State #39;s Robinson doubtful for game +World,Sources: Palestinian militant killed in Israeli airstrike +World,"Iranian Diplomat Freed in Iraq, Hopes Raised for Others" +World,Israeli air strike kills two militants in Nablus +Business,Incentives Likely to Boost U.S. Car Sales (Reuters) +Business,Walgreen: Prescription for Success +Business,Microsoft Gives In -- Almost +Business,Ingram Micro Expands Asia Pacific Presence +Business,Yukos Unit Evaluated for Sale to Pay Bill +Sci/Tech,Richard Branson Plans Space Tourism Company +Sci/Tech,HP To Stop Selling Itanium-Based Workstations +Sci/Tech,Security firms merge to form Cybertrust +Sci/Tech,Intel cans Grantsdale WLAN plan +Sports,Dodgers Leave the Bay with NLW Lead +World,"Poor roads, looters keep Haiti victims from aid" +Sports,"After six-month grind, three races left to be decided in season #39;s <b>...</b>" +Sports,February check on 2012 bid +World,France to Punish Police for Bungled Drug Exercise +Sci/Tech,"Pointlessly, Imperfectly Portable (washingtonpost.com)" +Sci/Tech,Airbus' Magic In-flight Cell Phone Technology May Be Make-Believe (Ziff Davis) +Sci/Tech,IBM Ordered to Pay Some of Compuware Costs (AP) +Sci/Tech,Huge Asteroid to Fly Past Earth Wednesday (SPACE.com) +Sci/Tech,"No Major Engine Changes for SpaceShipOne, Builder Says (SPACE.com)" +Sci/Tech,Tokyo showcases gaming goodies +Sci/Tech,2004 Hurricane Season May Be Costliest on Record +Sci/Tech,Solar Car Racing Competition Heats Up +Sci/Tech,Why Does Earth's Magnetic Field Flip? +Sci/Tech,Asteroid Close Encounter Coming Wednesday +Sci/Tech,"Plants Perform ""Green Clean"" of Toxic Sites" +World,Iraqi Judge Drops Case Against Leading Exile Figure +Business,Air Canada announces deal to buy at least 30 Bombardier regional <b>...</b> +Sci/Tech,Virgin to offer commercial space flights; expands into online <b>...</b> +Sci/Tech,HP Spurns Intel +Sci/Tech,Cisco Goes For the Small-Business Market +Sci/Tech,Simpsons swallowed whole by DVD of the future +Sci/Tech,IBM puts faith in smart tags +Sci/Tech,Gone in 30 seconds: your money +Sci/Tech,HP to spend \$210m enhancing its radio sensors +Sci/Tech,Perens Hits Out at Sun over OpenOffice +Sports,Singh takes aim at greatest modern-day season +Sports,Palestinian gunmen kidnap CNN producer +Sports,Johansson ousts Lopez in Bangkok +Sports,Koukalova among opening-round winners in China +Sports,"Weingartner, Washington fall in Seoul" +Sports,Bucs #39; RB Garner out for rest of year +World,Pakistani Militant Farooqi had Links With Top Al-Qaeda Leaders +World,Birthday surprise has Indian leader smiling +Business,Mass. AG Praises EU On Microsoft +Business,"Harrah #39;s, Caesars to sell four casinos" +Business,"Congress plans hearings on Fannie Mae accounting, lawmaker says" +Business,Defective Hearing Implants Recalled +Business,Contact stake a bargain at \$1.6b +Sci/Tech,Adobe proposes new file standard for digital cameras +Sports,Mashburn out for the entire 2004-05 NBA season +Sports,Angels ponder life without Guillen +Sci/Tech,CDs to Dominate for Years Over Net Downloads-Study (Reuters) +Sci/Tech,Slovak Telecom to gain control of Eurotel (FT.com) +Sci/Tech,CDs to Dominate for Years Over Net Downloads-Study +Business,IMF Cuts World '05 Growth Forecast-Source (Reuters) +Sci/Tech,Fast Forward Live +Business,Tommy Hilfiger Down 26 Pct on U.S. Probe (Reuters) +Sci/Tech,"Soon \$200,000 Will Get You a Trip to Space" +Sports,Mashburn reportedly to miss next season +Sports,Clijsters set to return +Business,Conan O'Brien to Replace Jay Leno in 2009 +Sci/Tech,Sun offers help in academic networking +Sci/Tech,Briefly: Avici extends AT T contract +Sci/Tech,IDC raises estimate for PC sales +Sci/Tech,E-mail firm baits hackers with security challenge +Sci/Tech,Can Skype remain more than free phone hype? +Sci/Tech,AOL wants developers to get the message +Sci/Tech,Who Will Be The First Virgin Bride on Virgin Galactic #39;s First <b>...</b> +Sci/Tech,Avici extends AT T contract +Sports,"Singh Wins 84 Classic, Breaks Woods #39; Record" +Sports,Mississippi State #39;s Conner out with knee injury +World,"Thailand confirms woman has bird flu, second case in latest <b>...</b>" +Sci/Tech,Ivory keys in mainframe apps to Web services +Sci/Tech,Rebirth for the x86 +Sci/Tech,IDC Forum: Is IT creativity dead? +Sci/Tech,New Palm System Targets Smart Phones (AP) +Sci/Tech,Virgin Group to launch US online music service (AFP) +World,Russia Introduces Terror Resolution (AP) +World,Palestinian Gunmen Kidnap CNN Producer (AP) +World,Trial Ordered in Fla. E-Ballot Lawsuit (AP) +World,Campaigns Leave Red State Arizona Behind (AP) +World,Congress Probing U.N. Oil-For Food Program (AP) +World,"China, Singapore Say World Must Help Calm Taiwan Row" +World,"N. Korea Sees 'Snowballing' War Danger, Slams U.S." +World,ElBaradei Confirmed Seeking Third Term at IAEA +World,The Fight of His Life +World,Pakistanis Arrest More Militant Suspects +World,Palestinian Gunmen Kidnap CNN Producer +Business,NY Crude Oil Rises to Record \$49.74 on Nigerian Supply Threat +Business,IBM ordered to pay some of Compuware costs +Business,AT amp;T Wireless Goes With Ogo +Sports,Hurricane Keeps Singh From Ireland Trip (AP) +Sci/Tech,Allen licenses commercial space flight technology +Sci/Tech,Virgin digital goes live +Sci/Tech,"HP Deals to Aid RFID Push Into Retail, Manufacturing" +Sci/Tech,Shortages May Force Space Station Evacuation +Sports,CORRECTED-CNN producer seized in Gaza +Sports,Hornet #39;s goal: Comeback attempt in 2005-06 +Sports,Jamal Mashburn Out for Entire NBA Season (AP) +World,Workers #39; safety queried in Dubai +World,Talks with Musharraf very good: PM +Sports,Johansson Advances at Thailand Open (AP) +Sci/Tech,Can Skype live up to the Net phone hype? +Sports,"MLB, Angelos Talk" +Business,IMF Cuts World '05 Growth Forecast-Source +Business,JPMorgan to Buy Stake in Highbridge Fund +Business,Comcast Says in Talks to Buy Adelphia +Business,Cemex buying UK #39;s RMC Group +Business,"Time Warner, Comcast in Talks on Adelphia Deal" +Business,Airline Stocks Sink on Gloomy Outlook +Sci/Tech,Federal court orders trial in Florida e-ballot lawsuit +Sci/Tech,HP Bolsters RFID Offerings With Partners +Sports,=== Mashburn to sit out 2004-05 campaign === +Sports,Officials: Snohomish County preferred site for NASCAR track +World,Seven Palestinians killed in Mideast unrest as Israel warns Syria +World,Haitian Hearts braves Jeanne #39;s wrath +World,US ambassador rejects allegation of involvement in Afghan election +World,Origami peace gesture met with violence in Thailand +Business,Microsoft: Ready To Comply With EU Order If Appeal Fails +Business,Federated Hurt by Hurricane Jeanne +Business,Merck Partnering With Nastech On Nasal Spray Obesity Drug +Business,"Colony Capital to buy 4 Harrah #39;s, Caesars casinos" +Sci/Tech,Sender ID working group disbanded +Sports,FSU quarterback Rix to miss at least two weeks +Sports,Cubs seek to stay atop wild-card race +World,Several Killed in Dubai Airport Collapse +Sci/Tech,"Dell, AOL Team Up in Schools Initiative (AP)" +Sci/Tech,Wind and Nuclear Power -- a Generation Gap? (Reuters) +Business,Fannie Mae to Meet Higher Capital Goal +Business,"Stocks Fall on Oil, Chip Downgrade" +Business,"IDC Raises '04 PC Growth View, Trims '05" +Business,"TW, Comcast in Talks on Adelphia Deal" +Business,Iranian MPs vote for Turkish veto +Sci/Tech,Mars Orbiter Sees Rover Tracks Among Thousands of New Images +Business,SEC's Spotlight on Morningstar +Business,Googling Myself to Sleep +Sci/Tech,Oracle looks beyond big-ticket contracts +Sci/Tech,Endangered NHL season to hit ice via video games +Sci/Tech,PalmSource to unveil smart phone OS +Business,Martha is now inmate #55170-054 +Business,IDC: Commercial PC Demand Grows +Business,Air Canada to Buy 30 Bombardier Jets +Sci/Tech,Asteroid Toutatis Makes Closest Pass in 651 Years +Sci/Tech,MSN Ends Hotmail #39;s Free Outlook Access +Sports,Grossman done for the season; Bears turn to the mighty Quinn +Sports,Bovina rolls; Clijsters ready to return in native Belgium +World,Iraq hostages hopes rise after diplomat freed +World,US Envoy Denies Using Influence in Afghan Elections +World,Azzam release to improve Egypt-Israel ties +World,CNN Producer Seized by Armed Men in Gaza +Business,Fannie Mae Will Keep More Cash on Hand +Business,"Time Warner, Comcast in Talks on Adelphia" +Business,"WorldCom, Microsoft cases before EU court" +World,Conan to Take Over 'Tonight' in Five Years +World,"Bush Ridicules Kerry, Calls Him Indecisive" +Sports,Bears QB Grossman to miss rest of season with torn ACL +World,Stocks Slide As Oil Nears \$50 a Barrel +World,Pakistanis Arrest More Militant Suspects +World,"Palestinians kidnap Israeli, a CNN producer, in Gaza City" +World,Russia Introduces Terror Resolution +World,Pakistani president says killing of Al-Qaeda militant is a blow <b>...</b> +World,"Two US Soldiers Killed in Iraq, One by Enemy Fire (Update1)" +Business,Oil hits NY closing record at 49.64 dollars +Business,"Time Warner, Comcast in Talks on Adelphia" +Business,Federated to take 3Q hit from hurricanes +Business,"Next to digital IDs, passwords look lame" +Sci/Tech,Commercial space travel to take flight? +Sci/Tech,New Virgin Digital Music Club offers subscription service +Sci/Tech,HP Cuts Itanium-Based Workstations +Sci/Tech,Asteroid makes close pass +Sci/Tech,Apple posts details on 15-inch PowerBook G4 Display Repair <b>...</b> +Sports,"Canas advances in Shanghai, Ferrero out" +Sports,Cancellation of telecast rights Constitution Bench to hear <b>...</b> +Sports,Bears quarterback Grossman undergoes MRI for knee +Sports,Clijsters sets for comeback +Sports,"Schilling tops Yankees, 11-4" +Business,Oil just shy of \$US50 +Business,"Leggett amp; Platt, Briggs in Supply Pact" +Sci/Tech,Apple extends PowerBook screen repair program +World,CNN worker kidnapped in Gaza City +Business,Ingram Micro buys leading Asia-Pacific IT distributor +Business,UPDATE: US Investigating Tommy Hilfiger On Commissions +Business,Stewart becomes federal inmate No. 55170-054 +Business,Kraft gets South Beach diet #39;s seal of approval +Sci/Tech,Virgin Group to enter online music market. +Sci/Tech,"AT amp;T unveis the Ogo, a dedicate messaging device" +Sci/Tech,Cisco helps SMBs build app-ready networks +Sports,Gannon has broken vertebrae in his neck +Sports,Browns lose LB Ben Taylor for season +Sports,"Roma, Madrid battle problems" +World,CNN Producer Seized by Armed Men in Gaza +World,Paralympics ceremony dropped after deaths +Business,Fed Downplays Fears of High Consumer Debt (Reuters) +Business,Where Are They Now? +Business,Hilfiger's Tax Flap +Business,Tata Motors lists on NYSE +Sci/Tech,Cisco offerings target small firms +Sci/Tech,Anti-Spam Effort Killed Amid Patent Row +Sports,"Canas struggles, Ferrero out" +Sports,"ESPN, Zee Offer Ad Revenue To BCCI" +World,Birthday bumps for Taj Mahal: Spike in pollution on Day 1 +World,Iranian Diplomat Freed By Iraqi Captors +Business,Tata Motors #39; Kadle Says NYSE Listing Will Help Raise Capital +Sci/Tech,Adobe tries to unify digital camera market with new file standard +Sci/Tech,Anti-Spam Effort Killed Amid Patent Row (AP) +Sci/Tech,Swiss Cast Votes Online in Referendum (AP) +Sci/Tech,"Xcel Energy to Sell Broadband Unit, Take Charge (Reuters)" +Sci/Tech,Microsoft Reinvents Itself as EU Holds Firm (NewsFactor) +Sci/Tech,EC Set To Rule on PeopleSoft Acquisition (NewsFactor) +Sci/Tech,Unfortunate Canadian Whale Speared by Cruise Ship (Reuters) +Sci/Tech,NASA Genesis Space Sample Shipped to Calif. Lab (Reuters) +Sci/Tech,A Computer In Every Classroom +Sci/Tech,"Is SunnComm a sham or the next, big DRM success?" +World,Aid Workers Struggle to Feed Flooded Haitian Town (Reuters) +World,Bush Mocks Kerry for 'Changing Positions' on Iraq (Reuters) +World,Nader Dispute Lands at Supreme Court (AP) +World,Lebanon al-Qaeda suspect dies +Sci/Tech,Briefly: HD-DVD group forms promotion unit +Sci/Tech,Nanotechnology aims to cure smelly feet +Sci/Tech,HD-DVD group forms promotion unit +Sci/Tech,Apple to replace 'spotty' PowerBook screens +Sports,Raiders' Gannon Has Broken Neck Vertebra (AP) +Sci/Tech,PalmSource to unveil smart-phone software +Sports,Favre Injures His Non-Throwing Shoulder (AP) +Sports,Americans to take on Spaniards in Davis Cup finale in December +Sports,Ooijer Ruled Out Until November +Sports,Eagles FB Jon Ritchie Out for Season (AP) +World,Accident at Dubai Airport Kills 8 +World,US Jets Pound Militant Positions in Iraq +Sports,Clijsters to Return in Gaz De France (AP) +Sports,Gannon Sidelined with Fractured Vertebrae +Sports,Ex-Detroit Draft Pick Killed for Mobile Phone +Sci/Tech,Sun unveils mock Wal-Mart distribution center +Sci/Tech,Intel drops plans for Wi-Fi access point in Grantsdale +Sci/Tech,New Palm Operating System Targets Smart Phones +Business,"Stocks Fall on Oil, Dow Ends Below 10,000" +Business,HP Spurns Intel +Business,Lexar's for Pros; Investors Get Hose +Business,"Stocks Fall on Oil, Dow Ends Below 10,000" +Sci/Tech,Virgin Boss Plans Private Space Flights +Sci/Tech,Swiss cast votes online in referendum +Sports,Sexton Gets The Start For UNC +Sports,McCown benched; Cardinals offense continues to struggle +World,Talks with Musharraf quot;very good quot;: PM +World,Jordan: Italian hostages #39;alive #39; +World,Jordan #39;s king leaves for France and Italy +Business,"Update 3: Comcast, Time Warner Consider Joint Bid" +Business,"Devon sets 2 for 1 stock split, to buyback shares" +Business,UPDATE 4-Nastech in obesity treatment pact with Merck +Business,IDC says commercial demand boosts PC outlook +Business,"Harrah #39;s, Caesars to Sell Four Casinos" +Business,Update 4: Walgreen Earnings Rise 18 Percent in 4Q +Sci/Tech,Branson teams up with SpaceShipOne +Sci/Tech,Virgin Music launches music store +Sci/Tech,HP Dumps 64-bit Interests +Sci/Tech,IronPort updates e-mail security appliance +Sci/Tech,Intel drops plans to make Grantsdale chip a Wi-Fi access point +Sci/Tech,Lexar launches new media card readers +Sports,Charlton climb to seventh with 1-0 win over Blackburn +Sports,Syracuse football player stabbed during fight +Sports,Snohomish County gets nod for NASCAR track +Sports,Eagles lose Ritchie for the season +Sports,Bengals LB Webster out for season +Business,Former aide implicates Fastow in Merrill barge deal +Sports,King knows McCown is in tight spot +Sports,MORE INJURY WOE FOR EAGLES +Business,Update 2: Top Citigroup Executives Swap Jobs +World,ISRAEL KILLS HAMAS LEADER IN SYRIA +World,Gunmen kill former Philippine rebel leader +Business,Unrest forces oil prices higher +Business,Update 1: Airline Stocks Sink on Gloomy Outlook +Sci/Tech,Cisco Extends Catalyst to SMBs +Sports,Sports: Gannon out at least six weeks +Sci/Tech,'Miraculous' Christ Washes Up in Texas Rio Grande (Reuters) +Sports,Angels' Eckstein Strengthened by Family (AP) +Sports,Rich Gannon out at least six weeks +Sports,McNair Hospitalized With Bruised Sternum (AP) +Sports,Mashburn to Sit Out 2004-05 Campaign (Reuters) +Sports,Attanasio Apparently Close to Brewers Buy (AP) +Sports,Florida State's Sexton to Start at QB Against North Carolina +World,Nigerian Oil Delta Rebels Say 'War' to Start Oct 1 +World,Spector indicted for murder +World,Bill Overhauling Intelligence Faces Uncertain Fate in Senate +Business,NYMEX Oil Rises on Nigerian Rebel Threat (Reuters) +Business,"Stocks Fall on Oil, Dow Ends Below 10,000 (Reuters)" +World,U.S. Jets Pound Militant Positions in Iraq +Business,U.S. Oil Hits \$50 on Nigeria Supply Fears +Business,"Stocks Fall on Oil, Dow Ends Below 10,000" +World,"Stocks Slip on Oil, Dow Falls Below 10,000" +World,DA Won't Prosecute Bishop Accused of Rape +Sci/Tech,Cingular Wireless plans to sell interactive unit +Sci/Tech,Toshiba presses Play on 60GB audio player +Sci/Tech,Q A: Grid Alliance president on winning enterprise converts +Sci/Tech,IDC Forum: Is IT creativity dead? +Sci/Tech,"IDC raises '04 PC growth view, trims '05 projection" +Sci/Tech,IronPort updates e-mail security appliance +Sci/Tech,Intel drops plans to make Grantsdale chip a Wi-Fi access point +Sci/Tech,Northwestern Medical cites performance boost from Concord software +Sci/Tech,Microsoft is ready to remove media player for EU +Sci/Tech,Qwest adds VoIP to 10 markets +Business,Oil prices charge toward \$50 a barrel; gasoline prices surge +Business,"IATA says air traffic recovery continues, so do losses" +Sci/Tech,Elephant Dung Helps Track Smuggled Ivory - Study +Sci/Tech,Toshiba presses play on 60GB audio player +Sports,49 min: El Karkouri scores the winner (Getty Images) +Sports,WisPolitics: Brewers Reportedly Sold; Admirals Might be Close +Sports,Gannon has broken vertebra in his neck +Sci/Tech,"Microsoft to Offer Cheaper, Limited Windows in Russia" +Sci/Tech,"For 110,000, Branson offers his passengers a voyage into space" +Sci/Tech,"Microsoft to Offer Cheaper, Limited Windows in Russia" +Sports,UPDATE 1-Charlton climb to seventh with 1-0 win +Sports,Gardenhire has winning touch +Sci/Tech,U.S. Senate to Weigh Bill Targeting Web Song Swaps (Reuters) +Sci/Tech,"IDC Raises '04 PC Growth View, Trims '05 (Reuters)" +World,US Trsy quot;glad to see quot; UK idea on poor country debt +Sci/Tech,"Microsoft to Offer Cheaper, Limited Windows in Russia (PC World)" +Sci/Tech,U.S. Senate to Weigh Bill Targeting Web Song Swaps +Business,"Gasoline Price Up, Diesel Hits Record (Reuters)" +Business,"Gasoline Price Up, Diesel Hits Record" +Business,Tommy Hilfiger Shares Tumble on Probe +Business,"Iraq Clears Debt, Opens Way for Aid" +Sci/Tech,"Reseller CDW upgrades abilities, ambitions" +Sci/Tech,Homeland Security Still Falling Short With IT Work +Sci/Tech,IBM Carves New RFID Unit +Sports,Rovers get another headache +Sports,Ruano Pascual upsets Kostanic +Sports,LIONS MUST DO WITHOUT JONES +World,Palestinian gunmen abduct CNN producer +World,Unrest in Saudi Arabia spotlights terrorism battle +World,UN calls bird flu #39;world crisis #39; +Sci/Tech,"For schools, Apple offers special iMac G5, eMac" +Sci/Tech,IBM delivers Masala +Sci/Tech,Is Organized Crime Controlling Your PC? +Business,Oil price hits \$US50 a barrel +Business,Airline Industry Seen Losing Up to \$4 Bln in 2004 +Business,"Palmsource reboots Cobalt, but no phones #39;til 2005" +Sci/Tech,"IronPort Adds Virus Preemption, Courts Dell" +Sci/Tech,Intel drops plans for Wi-Fi access point in Grantsdale +Sports,McNair remains hospitalized with bruised sternum +Sports,Real v Roma: Clash of the down and outs +World,Pearl murder suspect Farooqi shot dead +Sci/Tech,Yahoo Rolls Out Tests of Redesigned Start Pages (Reuters) +Sci/Tech,Virgin to Launch Commercial Space Flights (AP) +World,Haiti Doctors Operate Without Electricity (AP) +World,"Egypt FM to visit Israel, push for full Gaza pullout (AFP)" +World,US asks Laos to probe alleged massacre of Hmong children (AFP) +World,High court asked to hear case forcing unfaithful husband to continue support (Canadian Press) +World,AdWatch: Kerry Ad Asks About Iraq Solution (AP) +World,Iraqis wary as school year starts +World,Al Qaeda's Uzbek bodyguards +World,Basque group warns of new attacks +Business,Tommy Hilfiger Shares Tumble on Probe +Business,Milton says small Bombardier airliners put Air Canada in shape to <b>...</b> +Business,"Harrah #39;s, Caesars to sell four casinos to satisfy regulators" +Sci/Tech,Virgin launches subscription-based music service +Sci/Tech,Adobe Sets the Agenda +Sci/Tech,Microsoft Charges For Hotmail-Outlook Connection +Sci/Tech,Big push for radio tags that tell you what #39;s in the box +Sports,Hughes Pleased Despite Defeat +Sports,Problem-hit Real and Roma in face-off +World,Korea Opposes Enlarging UN Security Council: Foreign Minister Ban +Sci/Tech,SAS launches automated forecasting tool +Sci/Tech,IDC sees mixed future in worldwide PC market +Business,"Cash-rich, commodity-starved mainland goes shopping overseas" +Sci/Tech,AT amp;T Wireless Unveils Ogo Messenger Device +Sci/Tech,Cisco shakes up switch management +Sci/Tech,Ironport Release New Version Of C-Series Appliance +Sports,El Karkouri goal secures lucky win for Charlton +Sports,Bates wise to spare Britain #39;s young hopefuls in Austria +Sports,Focal point: Bill Parcells vs. Joe Gibbs +Sports,All eyes turn to Old Trafford as Rooney returns +Sports,Source: Brewers accept offer from buyer +World,US pounds militant positions in Iraq +World,Unions firm on deadline for Iraq troop withdrawal +World,Interview: Minister says Sudan open to idea of autonomy in Darfur +World,Israel Threatens Syria With Pre-Emptive Strike +World,Indonesia says it wants permanent Security Council seat +World,Diamonds stolen at Paris show +Business,"Iraq Clears Debt, Opens Way for Aid (Reuters)" +Business,Citigroup Elevates Krawcheck to CFO Post +Business,Cingular Wireless plans to sell interactive unit +Sci/Tech,Cisco Enhances SMB Offerings +Sci/Tech,S #39;pore tuning in to track inventory +Business,"Cingular Sells Interactive Unit, Keeps Key Customers" +Sci/Tech,Virgin tunes in to online music +Sci/Tech,IBM Invests \$250M in RFID +Sci/Tech,Hurricane hits NASA spaceport +Business,World Oil Prices Hit \$50 Barrel +Sci/Tech,"Fudo is mad, Farrell is bad" +World,No problem is found after bomb alert on jet +Sci/Tech,New Study Challenges Online Buying Methods (AdWeek.com) +Sci/Tech,Intel Corp. Makes Marketing Push for Centrino Chip (Reuters) +Sci/Tech,Hotlines: Blue Man Group Returns in #36;120 Mil. Centrino Campaign (AdWeek.com) +Sci/Tech,Sun-Red Hat Relationship Frays Further (Ziff Davis) +Sci/Tech,San Francisco Plan Aims to Slash Greenhouse Gases (Reuters) +Sci/Tech,Intel Corp. Makes Marketing Push for Centrino Chip +World,Envoy: Iraq Elections to Happen on Time (AP) +World,Campaigns Focus on Iraq in Ads (AP) +World,Unease at UN Over Russian Terror Blacklist Plan +Sci/Tech,Toutatis: Almost Too Close for Comfort +World,"As First Debate Nears, Rivals Seek to Bring Iraq Into Focus" +World,DA Won't Prosecute Bishop Accused of Rape +Sci/Tech,Microsoft flexes more open-source muscle +Sci/Tech,Dell and AOL expand PC program for needy students +Business,"Air travel increases, but profits down" +Business,TechBrief: Vodafone seeks new frontiers +Business,Stripped-Down Windows Ready For Europe +Sci/Tech,Virgin #39;s next destination: space +Sci/Tech,HP dropping workstations with Intel chip +Sci/Tech,IBM bets on sensor unit +Sci/Tech,Cisco Continues SMB Push +Sci/Tech,When Clusters Collide +Sci/Tech,AOL Formalizes Cellular Phone IM Program +Sci/Tech,Security trio merge to create one-stop giant +Sci/Tech,Branson fires up space flight plan +Sci/Tech,HP discontinues Itanium workstation sales +Sports,Bengals Struggling to Stop Opposing Backs (AP) +Sports,"George Johnson on Sports: NFL, Baseball, WNBA" +Sports,"US are Davis Cup final underdogs, says Roddick" +Sports,Shadow of Perry still looms over British game +Sports,Top-seeded Ferrero pulls out in Shanghai +Sports,Davis Cleared to Play +Sports,GANNON SUFFERS BREAK +Sports,Heavy Rain Washes Out Mets-Braves Game (AP) +World,5 are killed as wall in Dubai falls +World,GAZA STRIKE KILLS MILITANT +World,A thawing thought +World,"Surviving Haitians pray for 1,500 killed by Jeanne; more" +World,Jordan prime suspect over Hamas hit list +Sports,Missouri Linebacker Suspended for Game (AP) +Sci/Tech,"""The Sims 2"" hits one million sales" +Sports,Heavy Rain Washes Out Mets-Braves Game +Sports,Hornets' Mashburn Out for the Season +Sports,No Decision on Hamm +Sports,Source: Brewers Accept Purchase Offer +Sci/Tech,News: U.N. warns of nuclear cyber terror risks +Business,Study: Compact Disc Rocks On +Business,Nymex crude oil prices soar to 50 dollars per barrel +Business,Cemex to acquire UK rival +Business,Citigroup stuns Wall Street with shake-up +Business,"services will make cash flow, says Vodafone" +Business,Lazard seeks float for \$3bn +Sci/Tech,"Virgin to Offer Space Flights (Even, Sort of, at Discount)" +Sci/Tech,Virgin launches US music downloads +Sci/Tech,Security Companies Plan Merger +Sci/Tech,Geek notes +Sports,Crisis summit for clubs in turmoil +Sports,Wisconsin running back Davis cleared to play +Sports,Let the Rooney Era begin at Man U +Sci/Tech,Virgin launches new digital music service +Sci/Tech,Paleontologists Put Ancient Long-Necked Monster in Its Place +World,"US hails al-Qaida death, but wants more" +World,Israel warns Syria over terrorism +Sci/Tech,"Health Highlights: Sept. 27, 2004" +Sci/Tech,"HP sinks utility project, lays off some workers" +Business,Oil flirts with 50 a barrel before retreating +Business,Cemex to buy RMC for US\$4.15bil +Business,Rio Tinto: Demand good despite high oil prices +Sports,Wales put faith in height for autumn Tests +Sci/Tech,"Adobe, Kodak team on photo printing" +Sci/Tech,'The Sims 2' hits one million sales +Sci/Tech,Russia next in line for cheap Windows +Sports,Hamm faces Yang for gold in high court of sports +Sports,"YOUR news source for Monday, September 27, 2004" +Sports,Bears lose Grossman for season +Sports,One more NBA setback -- the last? -- for unfulfilled Mashburn +World,Israelis kill 7 Palestinians; CNN crewman abducted +World,\$20M LOUVRE DIAMOND THEFT +World,France advises its citizens against travelling to Saudi Arabia +World,'Warlords' Threaten Afghan Polls - Rights Group +Business,Fannie Mae to Keep More Cash on Hand +World,Senate Debate Signals Split on Bills to Create Spy Post +World,"Florida Residents Line Up for Food, Water" +World,Ford Launches Its All-New 2005 Mustang +Business,IATA Says Airline Fuel Bill Up USD\$10 Billion +Sci/Tech,New Palm System Targets Smart Phones (AP) +Sports,"Sports briefs for December 6, 2004" +Sci/Tech,Branson promises to send tourists into space by 2007 +Sci/Tech,Virgin Enters Online Music Business +Sci/Tech,HP to stop using Intel Itanium chips +Sci/Tech,"Jeanne Costs Money, Time at Florida Spaceport" +Sci/Tech,Start-up banks on Java hardware boost +Sci/Tech,Mars Orbiter Camera #39;s Eagle Eye in the Sky +Sci/Tech,Yahoo Gives Web Site a Facelift (AP) +Sports,Players #39; union files grievance against Guillen suspension +Sci/Tech,Intel Shelves Plan to Turn Desktop Into Wi-Fi Hub (Reuters) +World,Pakistan deals big blow to militants +World,Analysis / Danny Rubinstein - A new departure in the conflict +World,12 Killed in Fresh Iraq Violence +Sci/Tech,Linux Could Become A Big Force In The Weather-Forecasting Field (Investor's Business Daily) +Sci/Tech,"IBM, HP, Sun Micro Sensing Opportunity In RFID Sensor Field (Investor's Business Daily)" +Sci/Tech,Small Earthquakes Rattle Mount St. Helens (AP) +Sci/Tech,Students' Bus Powered by Vegetable Oil (AP) +Sci/Tech,UK's Branson to Launch Space Tourism in 2007 (Reuters) +Sci/Tech,Intel Shelves Plan to Turn Desktop Into Wi-Fi Hub +Business,Long-Short Funds Have Uneven Record (Investor's Business Daily) +Business,Yen Pressured by Rising Oil Prices +Sci/Tech,Briefly: Credit union beefs up database security +Sci/Tech,Senate weighing work-visa changes +Sci/Tech,Start-up banks on Java hardware boost +Sci/Tech,Credit union beefs up database security +Business,James Hardie CEO and CFO stand aside +Business,"UPDATE 1-Devon to sell oil properties, buyback shares" +Sci/Tech,Intel Shelves Plan to Turn Desktop Into Wi-Fi Hub +Sports,Hamm fights to keep Olympic gold medal +Sports,"Charlton Defeats Blackburn 1-0, Moves to Seventh in Premiership" +Sports,Show must go on without Grossman +World,Thai woman #39;s bird flu raises fears virus is passed between humans +Sci/Tech,Compuware readies tools for Microsoft apps development +Sci/Tech,CA ex-CEO Kumar loses perks after indictment +World,Tokyo Stocks Fall After Oil Spike (Reuters) +World,"Bush, Kerry Pause to Trade Barbs on Iraq (AP)" +World,US bishop sex abuse case dropped +World,Straw justifies Mugabe handshake +Business,"Asbestos scandal forces Hardie CEO, CFO to step down" +Business,Update 4: Tokyo Stocks Open Lower on Oil Surge +Business,Vodafone chief outlines 2.5bn plan to cut costs +Sports,Stingy Falcons Defense Key to 3-0 Start (AP) +Sports,Last hurrah for Expos +Sports,Chargers Name Rivers No. 2 Quarterback (AP) +Sports,Expos Announcement Might Come Thursday (AP) +Sports,Wisconsin Back Davis Cleared to Play (AP) +Sports,The Expos Will Probably Move South to Washington +Sports,The Yankees' Rotation Leaves Heads Spinning +Sports,"MLB, O's Talk Deal" +Sports,Key Backups Praised +Sports,Gannon Out 6 Weeks +Business,Mexican firm buys RMC for 2.3bn +Business,Tax inquiry hits Hilfiger shares +Business,Fastow Helped Craft Merrill Barge Deal-Former Aide +Business,VNU sells Yellow Pages +Business,FSA rejects call to rescue savers +Business,CA revokes some of Kumar #39;s benefits +Sci/Tech,British tycoon plans for commercial space flights +Sci/Tech,AOL wants developers to get the message +Sports,Manning outguns Favre +World,Pakistani forces kill leading al-Qaida militant in shootout +World,Simon Tisdall +Business,Fannie Mae to Keep More Cash on Hand (Reuters) +Business,CORRECTED: Oil Strikes New Record on Supply Fears +Business,Tokyo Stocks Fall After Oil Spike +Business,"Fannie Mae to boost reserves, rework transactions to fix <b>...</b>" +Business,David Jones flags 5 profit growth in FY05 +Sports,Players #39; union files grievance to overturn Guillen #39;s suspension +World,8m gem robbery near Louvre +Business,James Hardie #39;s Macdonald Stands Aside for Regulator #39;s Inquiry +Business,Man United defends agents #39; fees +Sports,Hearing to be held Friday in Oakland +World,France seeking to put pullout on agenda +Sports,Lehmann: I don #39;t know how to take being axed +Sports,Austrians back on top +Sci/Tech,SpaceShipOne to Try for #36;10 Million Ansari X-Prize (Reuters) +Sci/Tech,Ecuador's Galapagos Park Rangers End Strike (Reuters) +World,7 Palestinians Killed; CNN Producer Held (AP) +World,Reporters Put Under Scrutiny in C.I.A. Leak +World,Fannie Mae Agrees to Sweeping Changes +Sports,UPDATE 1-Ecclestone sets Silverstone deadline +World,"Going to Bush Rally, Finding Strings Attached" +World,Audit Finds Large FBI Translation Backlog +Business,FBI Said to Lag on Translations of Terror Tapes +Sports,BoSox Clinch Second Straight Playoff Berth (AP) +Sports,Sun Beat Mystics 80-70 to Even Series (AP) +Sports,Spanish bonus for Auckland +Sports,Angels Taking High Road in Pennant Race +Sports,Cowboys lead Washington 7-0 after first quarter +Sports,McCown Still Starting QB for Cardinals (AP) +World,11 named to Japanese Cabinet +World,"Iranian, Egyptian hostages freed; 12 killed in Iraq" +Sports,"Have Trophy, Will Travel" +Business,Crude Breaks \$50 on Nigerian Supply Fears +Business,James Hardie shares rally +Sports,Cabrera homers and Beckett shuts down Expos bats in 4-1 Marlins <b>...</b> +Sports,Braves eye sweep for skipper +Sports,"Blue Jays 4, Orioles 1" +Business,Microsoft Crafts Backup Plan +Business,Japan-Europe flight fares to rise 5 as oil prices continue to <b>...</b> +Business,"Virginia, Fairfax Commit Funds To Help Lure New IBM Jobs" +Business,"Mirant to Cut Emissions, Pay Civil Fine" +Business,WASHINGTON IN BRIEF +Business,Jeremy Warner #39;s Outlook: The pensions blot on Chancellor #39;s <b>...</b> +Business,Audit Finds Large FBI Translation Backlog +Sci/Tech,Virgin Group licenses MS co-founder #39;s spaceship concept +Sci/Tech,Enter your e-mail: +Sci/Tech,Enter your e-mail: +Sports,Rainout for Rivalry That Has Gone Dry +Sports,Career-threatening injury ejects Mashburn +Sports,Pirates end Phillies #39; postseason hopes +Sports,"Gibbs, Parcells renew #39;80s rivalry" +Sports,A #39;s stagger home up by one +World,Taking on Sadr City in a Pickup Truck +World,"PM Koizumi creates cabinet post, taps former FSA head" +World,Afghan warlords #39;threaten poll #39; +Sci/Tech,"Virginia, Fairfax Commit Funds To Help Lure New IBM Jobs (washingtonpost.com)" +Sci/Tech,Microsoft's Backup Plan +Sci/Tech,Virginia Commits Funds To Lure New IBM Jobs +Sci/Tech,"For Metro, a Case of Too-Free Speech" +Business,Fannie Mae Agrees to Accounting Changes +Sci/Tech,Bay Bridge Paving Flaw a Puzzler +Business,"Union, D.C. Hotels Recess Negotiations" +Business,The Scam After the Storm? +Business,"Mirant to Cut Emissions, Pay Civil Fine" +Business,"Higher Costs, Less Care" +Business,Major Changes Set for Backer of Mortgages +Sci/Tech,President Bush #39;s Money For Space Cometh +Business,Japan's Leader Shuffles Cabinet to Push Economic Reforms +Business,Time Warner And Comcast Discuss Bid for Adelphia +Business,Rises Seen in Florida Insurance Premiums +World,"Toll of dead and missing from Philippine storms tops 1,400 (AFP)" +Sports,AL Capsules +Sports,BASEBALL ROUNDUP Wigginton #39;s Homer Helps the Pirates Win +Sports,American League Game Summary - Toronto at Baltimore +Sports,Red Sox lock up playoff spot +Sports,"D. Miller, C" +World,ANALYSIS:Koizumi puts post reformers in key LDP executive posts +World,N. Korea evades missile test claim +Business,Yen Weighed Down as Oil Prices Hit Highs +Business,IATA: Airlines to lose \$3B-\$4B in 2004 +Business,Equitable takes 75m hit as it makes progress on compensation +Business,Picking Sides in the Battle for Adelphia +Sports,"Indians 6, Royals 1" +Sports,Red Sox Perk Up After Ejections +Business,Higher oil prices byproduct of storms +Business,Fannie Mae Goes Along to Get Along +Sports,Sports: Angels 5 Rangers 3 +Sports,Rustu Prepared for United +Sports,Blue Jays End O's Streak +Sports,O's Oust Head Scout +Sports,Battle Continues +Sports,Pirates Eliminate Phillies +Sports,Astros Stay Close +Business,"Oil prices breach US\$50, setting new mark in Asian trading" +Business,Manchester United profits slip to 28m +Sports,Astros ace willing to start on short rest this weekend +Sports,NFL backups quick to step up +Sports,"Cubs 12, Reds 5" +Sci/Tech,Napster founder gets musical with Snocap +Sports,"MLB: Boston 7, Tampa Bay 3" +World,CNN Producer Seized by Armed Men in Gaza +World,"N. Korea Sees #39;Snowballing #39; War Danger, Slams US" +Business,IBM forms new government consulting group +Business,David Jones Posts 2nd-Half Profit on Clothing Sales (Update1) +Sci/Tech,New Technology Could Yield Terabyte Optical Disks +Sports,AL Wrap: Red Sox Down Devil Rays to Clinch Playoff Spot +Sports,West Indies read the conditions well +Sports,No decision after gymnastics hearing +Sports,American League Game Summary - Cleveland At Kansas City +World,comment: Fallouts from Farooqis killing +World,"Bird flu virus unlikely to be eradicated soon, warn global bodies" +Business,Time Warner and Comcast Discuss Bid for Adelphia +Business,"Conan O'Brien to Succeed Jay Leno in 2009, NBC Announces" +Business,Equitable Life makes #39;steady and sustained #39; progress +World, #39;Farooqi #39;s killing a blow to Al Qaeda #39;: Osama is alive - Musharraf +Business,Equitable makes #39;steady progress #39; +Sci/Tech,Genetic map to help curb ivory poaching +World,Key Al Qaeda suspect killed in shootout in Pakistan +World,Uncensored News For Real People +World,U.S. to Keep 10 Guantanamo Detainees (AP) +World,India probes mad cow blood samples report (Reuters) +World,Kennedy: Bush Makes U.S. More Vulnerable (AP) +Sci/Tech,Users See Slow Progress on Microsoft-Sun Alliance +World,"Iranian Diplomat Freed in Iraq, Hopes Raised for Other" +World,Afghan warlords 'threaten poll' +World,Drug ruled out in cancer battle +Sci/Tech,Security is just a mouse click away +World,Fla. Residents Wait on Half-Mile Food Line +World,Taking on Sadr City in a Nissan Pickup +World,Koizumi Replaces Key Ministers +Sci/Tech,Intuit digs deeper into small businesses +Business,"Higher Oil Prices Send Dow Below 10,000" +Business,Cash America expands to California +Sci/Tech,Technology Secretary For Virginia Steps Down +Sports,Cubs Extend Lead in NL Wild-Card Race (AP) +Sports,Cook: Angels make right decision +Sports,"New group plans to protest, push NASCAR toward diversity" +Sports,Oswalt Wins 19th As Astros Beat Cardinals (AP) +Sci/Tech,AMD Adds Power Management to Opteron +Sci/Tech,Cisco inks another big VoIP deal +Sports,NL Wrap: Cubs Pound Reds to Retain Wild Card Lead +Sci/Tech,Switches Drive Down Prices For 10-Gbps Ethernet +Sports,Angels Taking High Road in Pennant Race +Sports,Big Lead for Washington as Angelos Blocks Home +Business,Yen Weighed Down as Oil Prices Hit Highs (Reuters) +Business,Senior James Hardie executives stand down in Australia +World,Karachi police guard against killing backlash +Business,Ingram Micro moves in on Asia Pacific market +Business,Airline loss projections revised +Sci/Tech,Slippery eel that #39;s feeding on economy +Sports,AL Roundup: Red Sox clinch spot +Sports,Figgins does it all at the end +World,What kind of friendship? +Sci/Tech,Just Migrate to Linux +Business,Oil breaks \$US50 barrier +World,Gun battle in Indonesia's Aceh kills six alleged rebels: military (AFP) +Sci/Tech,Trend Micro Hopes To Spread Mobile Antivirus +Business,Chinese steel mills still buying +Business,DC hotel workers #39; union halts talks; will review terms +Business,Tata Motors listed on NYSE +Sci/Tech,Tracking Tusks #39; Poachers +Sci/Tech,Hotmail becomes even less a free +Sports,Time runs out on Redskins +Sports,Expos likely to come to District +Sports,St. Louis Cardinals News +Sports,Offense turns to Pittman +Sports,Cavaliers lose Canty for the season +Sports,Cards Second Baseman Tony Womack Injured (AP) +Sports,Glenn Touchdown Gives Dallas Victory Over Washington +Sci/Tech,Tiger still burns the brightest +Sports,Rivalry Lives Up to Hype +Business,Banks' Role Eyed in Parmalat Scandal -WSJ (Reuters) +Business,Oil Charges to \$50.35 on Supply Threats +Business,Banks' Role Eyed in Parmalat Scandal -WSJ +Business,Crude oil breaches \$50 a barrel +Business,"Former Executive Testifies, Offering Insider's Look at Enron's Deal Making" +Sci/Tech,Microsoft Weighs Resuming Negotiations With Europe +Sci/Tech,U.S. Senate to Weigh Bill Targeting Web Song Swaps +Sci/Tech,Yahoo Gives Web Site a Facelift +Business,Ready mixed fortunes +Business,Microsoft is ready to remove media player for EU +Business,Hardie chief stands aside +Sci/Tech,Branson Announces He #39;s Taking Virgin Craft to Outer Space +Sci/Tech,Adobe creates new digital photo format +Sci/Tech,Toshiba Readies 60GB Gigabeat +Sports,Tiger: Not Out of the Woods Yet +Sports,"This story ran on nwitimes.com on Tuesday, September 28, 2004 12 <b>...</b>" +Sports,60-Story Building Is Proposed Near Nassau Coliseum +Sports,Womack hit by pitch on left hand +World,Armed men seize CNN employee in Gaza +World,SC Puts Spoke In Taj Mahals 350th Celebrations +Sci/Tech,Lycos Yanks Anti-Spammer Screen Saver +Business,Purchase may weigh down Cemex +Business,\$10 jump in airfares falls apart +Sci/Tech,Adobe adds new Elements +Sports,Cowboys corral Redskins +Sports,Claussen roughed up by Cubs +Sports,Rangers drop a heartbreaker +Sports,Collins to replace Gannon against Texans +Sports,Astros place playoff tickets on sale today +Sports,Storm sweeps past Lynx +World,Israel threatens pre-emptive strikes on militants in Syria +Business,Nikkei Poised to Fall for 8th Day +Business,Airlines want end to airport control +Business,China targets more overseas acquisitions +Business,"RISE SALLIE, RISE" +Business,"Union, DC Hotels Recess Negotiations" +World,Gun battle in Indonesia #39;s Aceh kills six alleged rebels: military +Sci/Tech,"Cisco, Fujitsu Target Japanese Market" +Business,Mexicans cement 2.3bn RMC bid +Sci/Tech,Sci/Tech ; Battle to control Internet songs heats up +Sci/Tech,IBM to announce launch of new radio tag business unit +Sports,"A #39;s top M #39;s, maintain lead over Angels" +Sports,"Protective goal posts come into play at Clemson, W. Virginia" +Business,Airline warns judge that liquidation is ahead without union pay <b>...</b> +Business,BHP Wins Extra \$3.2 Bln of Chinese Iron Ore Sales (Update3) +Business,Citigroup #39;s Curious Exec Exchange +Business,Nikkei Poised to Fall for 8th Day +Business,Mass. builders behind rest of country +Sci/Tech,Passenger service to space in two years? +Sports,Quarterback is a question mark +Sports,Sports: Dodgers 8 Rockies 7 +Sports,American League Game Summary - Seattle at Oakland +Sports,Seattle Sweeps Series +Sports,Astros tee off on Williams +Sports,Harrington takes offense +World,Around the world +World,US pressures Indonesian over mine pollution arrests +Business,"US Airways, unions seek compromise" +Business,"Toyota targets hopes, dreams in new marketing" +Sci/Tech,"Got \$190,000? Plan a holiday in space" +Sci/Tech,Virgin enters online music selling business +Sci/Tech,AT amp;T launches text-only wireless +Sports,Hearing to decide if gymnast Hamm will keep gold medal +Sports,Grievance filed over suspension +World,"US Hails Capture, Killing of Al-Qaeda Suspects By Pak Forces" +Business,Nikkei Falls to 6-Week Low (Reuters) +Business,Yen Feels Heat as Oil Prices Hit Record +Business,Nikkei Falls to 6-Week Low +Business,13th recipient of artificial heart dies +Sci/Tech,Billionaire #39;s latest venture said to be out of this world +Sports,AROUND THE HORN: Bonds tested: #39;It will clear my name #39; +Sports,Young unties it for Knotts; Tigers win +Business,"Meet Palm, the phone operator" +Sci/Tech,Solving a Riddle Written in Silver +Sci/Tech,"Nighttime, and Fevers Are Rising" +Sci/Tech,Moist Nose Shows Promise in Tracking Down Cancers +Sci/Tech,"This Pill Will Make You Feel Better, but We're Not Sure Why" +Sci/Tech,Paleontologists Put Ancient Long-Necked Monster in Its Place +World,Southern Rebel Chief Garang Rejects Links to Darfur +World,Football: Liverpool v Olympiakos +World,Lubbers set for new Darfur talks +World,Singer being moved to French jail +World,Pro-hunt demo at Labour gathering +World,Audit Finds Large FBI Translation Backlog +Business,Industry reacts to Tech Pacific buy +Business,"US Airways, two unions meet on proposed \$38 million cost cuts" +Business,Joint bid for Adelphia? +Business,"Fannie Mae makes deal, but more probes due" +Business,Harrah #39;s will sell E. Chicago riverboat +Business,Barge deal helped Enron stay afloat +Business,Biotech industry eager for Finneran #39;s arrival +Sports,Athletics Edge Mariners 6-5 (AP) +Sci/Tech,PREPARE FOR LIFTOFF +Sci/Tech,Seattle team traces origin of ivory via elephant DNA map +Sci/Tech,Warner secretary of technology to quit +Sports,How the runs scored +Sports,Sox clinch playoff berth +Sports,Notebook: Gannon to miss 8 weeks as injury wave continues +Sports,AL notebook: Union hopes to get Guillen ruling reversed +Sports,Expos #39; move to DC appears imminent +Sports,BCCI questions Zee #39;s petition +World,Airport wall collapse kills eight workers +World,Japanese prime minister reshuffles cabinet +World,Blair prepares crucial party speech +Sports,NL Wrap: Cubs Pound Reds to Retain Wild Card Lead (Reuters) +Business,German retail giant in shake-up +Business,Challenge over Enron extradition +Business,Pensions grounded? +Business,A highflier laid low +Business,"For Mass. biotech, a boost in stature" +Business,States face Medicare drug price handicap +Business,13th recipient of artificial heart dies +Business,US probes French bank's role in monitoring program +Business,Rates rise on T-bills +Business,Antispam effort dealt setback +Business,Testa Hurwitz names managing partner +Business,"Dow closes under 10,000 on oil fears" +Business,Gucci earnings surge as YSL cuts losses +Business,Patient dies as mechanical heart fails +Business,Bio council hopes prez is good cell +Sci/Tech,Officials: Might Be Time to Lift Ban on Hospital Cell Calls +Sports,Plunkings strike a sour note +Sports,"** For the latest news, please refresh this page regularly **" +Sports,"Yankees, Twins ready to start head games" +Sci/Tech,One terabyte optical disk developed +Sci/Tech,Apple offers fix for PowerBook white spots +World,CNN #39;S MAN KIDNAPPED +World,US envoy criticizes #39;forces of the past #39; +Business,Airlines take a hit on fuel +Business,Microsoft #39;s Softer Tune with the EC +Business,Artificial heart recipient dies after 147 days +Business,Someone must stop this deal +Business,"P amp;O to axe up to 1,200 jobs" +Sci/Tech,St. Helens climbers ordered to lie low +Sci/Tech,Secure Flight Takes Flight: Its About Time +Sci/Tech,Microsoft charges for Hotmail Outlook access +Sci/Tech,Warner offers sales pitch for state +Sci/Tech,I keep seeing spots on my Apple +Sports,Same old song +Sports,Neck injury sidelines Raiders QB +Sports,Kazmir #39;s a kid with plenty of moxie +Sports,Beltre #39;s slam helps Dodgers open three-game lead +Sports,SI.com +Sports,A #39;s maintain one-game lead with ninth-inning win +Sports,Gill: Bring back old format +World,NK Says Fuel Rods Have Been Turned into Weapons +World,Carson man charged with Iraqi #39;s murder +Sci/Tech,Virgin #39;s Branson to offer commercial space flights +Sci/Tech,Volcano puzzles scientists +Sci/Tech,Secure Flight Program Moves To Test Phase +World,Jordan's King: Iraq Elections Impossible (AP) +Sports,Ichiro draws media crowd +World,American Forces Bomb Site in Fallujah (AP) +World,Israelis and Palestinians seek release of kidnapped journalist +World,Palestinian killed by Israeli fire in West Bank +World,Lubbers set for new Darfur talks +World,Flood of New Voters Signing Up (AP) +World,Saudi Militants Switch from Suicide to Hit-And-Run +World,Blair Delivers Crucial Party Speech Under Iraq Cloud +World,Jackson's father 'fine' after op +World,Israeli strikes kill 7 Palestinians +World,To have and have not published +World,"Warloads will hijack Afghan vote, group says" +World,Pakistan arrests 4 after raid that killed Al Qaeda fugitive +World,Japan's leader shakes up Cabinet +Business,"P amp;O to axe routes, 1,200 jobs" +Business,EU Court Overturns Bar on Merger +Sports,Testaverde keeps answering age-old questions +Sports,Football sites are set +Sports,Defense removing push to seal Bryant case evidence +World,Huge Diamond Heist at the Louvre Museum in Paris +Sports,Woods Eyes Fourth Title After Singh's Withdrawal +Sports,Sharapova Cruises Past Gagliardi in Korea Open +Sports,Berth announcement +Sports,"Win or lose, Red Sox are decisively a draw" +Sports,"Angels, A's keep the pace" +Sports,Plunkings strike a sour note +Sports,AL notables +Sports,Bonds takes a steroid test +Sports,The out pattern persists +Sports,Sun stay alive with a win over Mystics +Sports,Taurasi named WNBA's top rookie +Sports,BU to induct four into Hall +Sports,"BC, Maine: Chosen two" +Sports,Not looking down at UMass +Sports,Staying on top of things +Sci/Tech,Mobile graphics look to impress +Sci/Tech,Claranet signs latest ISP deal +Business,EU Court Overturns Bar on Merger (Reuters) +Business,"Finance chiefs see brighter world economy, but storm clouds loom (AFP)" +Business,"KarstadtQuelle to sell 77 department stores, waive 2004, 2005 dividends (AFP)" +Business,Oil Charges to \$50.47 Record +Business,EU Court Overturns Bar on Merger +Sci/Tech,The Human Element: Record and Promote Your Own Music +Business,Toyota Hopes to Continue #39;Moving Forward #39; +Business,New boss rules Nortel marketing +Sci/Tech,Olympus Introduces D-590 Zoom Camera and 1GB XD Picture Card +Sports,Williamson on playoff bubble +Sports,"Tick, tock: Clock #39;s running on Coughlin #39;s methods" +Sports,The Nation in Brief +World,Two more US soldiers charged with murder +Business,Crude oil pushes past \$50 a barrel +Business,"P amp;O Cuts Ferry Routes, Scraps 1,200 Jobs" +Business,Accounting inquiry raises questions +Sci/Tech,Video disks ditch binary storage +Sci/Tech,"NASA: Jeanne Caused Little Damage, but Shuttle Work More Behind" +Sports,"Sox go wild, clinch date with playoffs: Rout of Devil Rays kicks <b>...</b>" +Sports,Halos did right thing by taking hard line +World,Pakistan officials tout victory +World,WHERE THEY STAND ON The Mideast +Business,World oil prices hit new highs +Business,EU ruling on WorldCom this week +Sci/Tech,DNA Map to Help Combat Ivory Poaching +Sci/Tech,DVDs #39;could hold 100 times more #39; +Sci/Tech,IBM in Major RFID Expansion +Sports,Major League Baseball News +World,Falluja takes more US hits +Business,Virgin Mobile sees earnings improvement +Sports,"Fun for one, fun for all" +Sci/Tech,Virgin Enters Online Music Business (TechWeb) +Sci/Tech,DVDs could hold '100 times more' +World,Palestinians Hunt for Kidnapped CNN Producer (Reuters) +World,Israeli Soldiers Kill Palestinian in West Bank Raid (Reuters) +World,Moscow Police Hold Chechens for U.S. Reporter Murder (Reuters) +World,U.S. Jets Pound Militant Positions in Iraq (AP) +World,Straw shook hand of Zimbabwe's Mugabe 'by mistake' (AFP) +World,Boyfriend of slain backpacker relates last conversation (AFP) +World,Congresswoman demands probe of alleged coercion by US Army recruiters (AFP) +World,Palestinians Hunt for Kidnapped CNN Producer +World,Israeli Soldiers Kill Palestinian in West Bank Raid +Business,Oil prices breach \$50 US a barrel +Business,Stormy Economic Waters for Ferry Firm +Business,"P amp;O to Cut 1,200 Jobs to Stem Losses at Ferry Unit (Update2)" +Business,Cements Citi power as CFO +Sci/Tech,Branson #39;s space dream +Sci/Tech,Virgin group to launch US online music service +Sports,Baseball: Boston clinches fourth playoff berth since 1998 +Sports,Jackson leads Storm #39;s advance +Sports,Ichiro keeps swinging closer to MLB hit record +Sports,D-Backs support Unit #39;s Cy Young cause +World,Two UK troops killed in Iraq ambush +World,N Korea warns on nuclear rods +Sports,ENGLAND STARS SET FOR REAL STRUGGLE +Sports,SI.com +Sports,"AUTO RACING: IRL, Champ raise a lot of questions" +World,Two British troops killed in Iraq +World,Israeli troops kill Jenin curfew breaker +Business,UPDATE: BHP Flags Iron Ore Increase After China Deal +Business,"P amp;O to axe up to 1,200 jobs" +Business,PalmSource unveils smartphone operating system +Sci/Tech,St. Helens #39; activity grows +Sports,Garcia Remon receives Perez #39;s vote of confidence +Sports,Parcells wins veteran clash +Sports,Turkish delight for Rooney +World,Israeli Soldiers Kill Palestinian in West Bank Raid +Business,Dreamworks Files for IPO with SEC +World,Booming Ireland sees population swell to 130-year high (Chicago Tribune) +Business,August home sales rise +Business,"Time Warner, Comcast eye joint bid for Adelphia" +Business,Crude prices set N.Y. record +Business,Airline says it may liquidate +Business,Airlines expected to lose \$4 billion +Business,EC #39;supports special interests of rivals #39; - Microsoft +Sci/Tech,Tick for special offers/news from GQ.COM and partners +Sci/Tech,St. Helens Quakes Could Lead To #39;Hazardous Event #39; +Sci/Tech,GAO Says Offshoring Could Stymie Tech Job Growth +Sci/Tech,Security leaders get bigger +Sports,We are ready for United - Rustu +World,Jordanian King Says Iraqi Elections Impossible Now +Sci/Tech,Gene test to track illegal ivory +Sci/Tech,Dolly scientists' human clone bid +World,Bankers fight Enron extradition +World,O'Brien to Take Over for Leno in 5 Years +World,Crude Oil Prices Breaches \$50 Per Barrel +World,Palestinian Police Search for CNN Producer +World,Flood of New Voters Signing Up +Business,Citigroup Job Changes May Be Dress Rehearsal for Top Post in <b>...</b> +Sci/Tech,AT amp;T Release Ogo +Sci/Tech,Windows XP: to Russia with Love +Sports,A #39;s rally in ninth to stay on top +Sports,Sharapova wins easily in first round of Korea Open +Sports,Harrington fires back in response to Siragusa #39;s comments +World,Thailand Confirms 10th Bird Flu Death +World,Arafat orders release of kidnapped CNN producer +World,"Ten killed in US air strike, bombing in Iraq" +Sports,Beltre Helps Lift Dodgers Past Rockies (AP) +Sports,Nero Acquires Tanzer Business (AP) +Sports,Hearing held on Hamm medal +Business,Oil Fears to Weigh on Stocks; Dell Eyed +Business,Euro Disney Stock Suspended +Sci/Tech,ActBlue Lets Anyone Be PAC Man +Sci/Tech,Law Sends Sharers to Slammer +Sci/Tech,All Aboard: Space-Tour Bandwagon +Sci/Tech,Engineering God in a Petri Dish +Sci/Tech,Origins Traces Our Original Din +Sci/Tech,Survey Says: Cell Phones Left Out +Sci/Tech,New Induce Act Alarms Foes +Sci/Tech,Phone Lines Deliver Next-Gen TV +Business,Fannie Mae gets a shake-up +Business,"LA Firm agrees to buy Harrah #39;s, Caesars properties" +Sci/Tech,British tycoon wants to fly you to space +Sci/Tech,"NASA says Jeanne caused little damage, but shuttle work more <b>...</b>" +Sci/Tech,Dolly creator applies for human cloning licence +Sports,One-Game Lead: Cubs Clobber Reds +Sports,A #39;S NOTEBOOK Mulder will start Friday as planned +World,N. Korean Official Dismisses Claims of Possible Missile Test +World,Iraqi elections impossible: Jordan king +World,France to Punish Police for Bungled Bomb Exercise (Reuters) +Business,Crude oil sets new mark by topping +Business,High fuel prices to cost airline industry up to \$4 bn this year +Sci/Tech,Gene test to track illegal ivory +Sci/Tech,Microsoft ends free Hotmail access from Outlook +Sci/Tech,Cisco expands Catalyst switching range +Sci/Tech,Dolly scientist in clone bid +Sci/Tech,AT T Wireless Sells Dedicated Messaging Device (Reuters) +World,Bird flu transmitted between humans in Thailand +World,Two British soldiers killed in Iraq +World,Shell could quit Niger Delta +Sci/Tech,'Return of the King' extended DVD may miss some holiday shoppers (USATODAY.com) +Sci/Tech,New Power Mac G5 Uniprocessor firmware update posted (MacCentral) +Sci/Tech,E-mail turns to P2P technology +Sci/Tech,Sony Chases Rivals in Image Chip Race +Business,Oil Fears to Weigh on Stocks; Dell Eyed (Reuters) +Sci/Tech,Contractors Form Standards Group +Sci/Tech,Declared Suitor Sells Its Stake In MCI +Sci/Tech,Personal Tech: The Sims 2 +Sci/Tech,2 Cable Giants Set To Bid for Adelphia +Sci/Tech,Technology Secretary For Virginia Steps Down +Sci/Tech,Senate Bill Proposes Anti-Terror Database +Business,Stocks Seen Up as Value Hunters Step In +Business,Pepsi Bottling Profit Rises +Business,Oil Charges Over \$50 on Nigeria Threat +Sci/Tech,Shields Up! +Business,Microsoft hopeful of settlement in EU case +Business,"P amp;O set to cut 1,200 jobs" +Business,STOCKS TO WATCH +Business,GAMING DEAL: Colony gets casinos for \$1.2 billion +Business,Enron-linked UK bankers in court +Sports,Rooney eyes Champions League dream +Sports,Hendry dismisses talk of grudge-carrying umps +World,King Abdullah pessimistic on Iraqi elections +World,Hamas vows to keep up armed struggle +Business,Stocks to Watch on Sept. 28 (Reuters) +Business,Starbucks price hike seen Oct. 6 +Business,Commercial PC demand boosts market forecast +Sci/Tech,"Celeron 335D, the disguised Willamette" +Sports,"Redskins Lose To Dallas, Again" +Sports,Arsenal eye six-point start in Europe +Sports,"Ponson, O #39;s Unable to Catch Up" +Sports,Pawar keeps options open on eve of BCCI polls +World,Americans Forces Strike Fallujah +World,Pyongyang already #39;weaponized #39; spent nuclear fuel: N. Korean envoy +World,Arafat offers to help seek UK hostage #39;s release: Irish politician +World,Indian court sours Taj Mahal festivities +Sci/Tech,Wish you were atmosp-here +Sports,"Baseball: Oakland beats Mariners, Suzuki nears hit mark" +Sports,CAMPBELL SET FOR NORWAY TRIP +Sports,Halladay wants to go full out +World,Thai hospitals on alert for more bird flu cases +World,"In Paris for talks, King Abdullah pessimistic on Iraqi elections" +Sci/Tech,Microsoft To Sell Win XP Starter Edition In Russia +Sci/Tech,<cite>Reg</cite> Readers hail NTL abusive message +Sci/Tech,Learn how to Integrate Cisco and UNIX Network Architectures +Business,Chain Store Sales Mixed in Latest Week (Reuters) +Business,Before the Bell: Atherogenics Up 82 Pct. +Sci/Tech,Lawmakers Want Paper Records of E-Ballots +Sci/Tech,Anti-Spam Effort Killed Amid Patent Row +Business,Dreamworks Files for IPO with SEC +Sci/Tech,"RFID confab draws big names in retail, high tech" +Sci/Tech,USB--short for 'ultimate security breakdown'? +Sci/Tech,"Now boarding! NY, London, space?" +Sci/Tech,FlexWiki: Microsoft #39;s Third Open Software Project +Sports,Olympics: Inspectors Announce Program for 2012 Bid Visits +Sci/Tech,"Microsoft, Amazon.com file phishing, spamming lawsuits" +Sci/Tech,IDC Forum: Why IT matters +Sci/Tech,Toshiba has big plans for a small drive +Business,Oil hits high on Nigeria threat +Business,Airline industry seen losing up to \$US4b in 2004 +Business,Ex-exec: Fastow knew of sham +Sports,Zidane set to face Roma +Sports,Punch Drunk +Sports,Campbell Ready For Sustained Action +Sports,Gill wants Champions League change +Sports,Hectic parleys on for crucial BCCI elections +World,Egyptian holding company says it has heard four Egyptian hostages <b>...</b> +Sci/Tech,Foundation Awards Annual 'Genius Grants' (AP) +Sci/Tech,Russia Delays Launch of Space Station Crew (AP) +Sci/Tech,List of 2004 MacArthur Foundation Fellows (AP) +World,Thousands Gather as Afghan Campaigning Picks Up (Reuters) +World,Palestinian PM Urges Tactical Rethink in Conflict (Reuters) +World,Blair to Urge Party Unity Under Iraq Cloud (Reuters) +World,No Sign of Nuke Work at Suspect Iran Site-Diplomats (Reuters) +World,Nigerian Insurgents Declare Armed Struggle (AP) +World,Thousands Gather as Afghan Campaigning Picks Up +World,U.S. Forces Bomb Iraqi Rebels; Jordan Has Poll Doubts +World,No Sign of Nuke Work at Suspect Iran Site-Diplomats +World,Disabled man dies in Israeli raid +World,Indian author Mulk Raj Anand dies +Sci/Tech,SMART-1 Celebrates its First Year in Space +World,U.S. Forces Capture Head of Suspected Iraq Militant Cell +Business,Crude Oil Prices Top \$50 Per Barrel +Business,"Citigroup, Goldman Market \$5.8 Bln Cemex Loan, Mexico #39;s Biggest" +Business,"LA Firm agrees to buy Harrah #39;s, Caesars properties" +Business,Oil price surge #39;threatens global growth #39; +Sports,Red Sox Clinch 2nd Straight Playoff Berth (AP) +Sports,A's Maintain One-Game Lead Over Angels (AP) +Sports,Reds eager to avoid another crash in Vans +Sports,American Football: Anderson #39;s TD toss helps Cowboys shade Redskins +Sports,Hamm Argues to Keep Gymnastics Gold (AP) +World,No clue on CNN producer #39;s fate +World,Pakistan gets its man ... sort of +World,Egyptian company says one Egyptian hostage in Iraq is free +Sports,Baseball Today (AP) +Sports,Soccer: U.S. Captain Reyna Injured (AP) +Sports,Seville to Host U.S.-Spain Davis Cup Final (AP) +Business,Nabi Says Vaccine Helped Smokers Quit +Business,Oil Prices Break \$50 Milestone +Business,Branson Announces Start of New Airline +Sci/Tech,Space flight #39;extremely difficult #39; +Sci/Tech,"Microsoft, Amazon.com file phishing, spamming lawsuits" +World,Two Orascom hostages released +Business,World airlines #39; loss estimate: \$4 billion +Business,Microsoft says media player market more #39;vibrant #39; than EC believes <b>...</b> +Business,Pepsi Bottling 3rd-Qtr Profit Rises 4.4 on Juices (Update2) +Business,P amp;O cuts to hit 1200 staff and ferry fleet +Business,Court overturns EU decision to block WorldCom-Sprint merger +Business,Virgin to launch Nigerian airline +Sci/Tech,Boffins boost DVD capacity tenfold +Sci/Tech,Cisco dumbs down switch management +Sci/Tech,Amendment 37 puts energy bills at risk +Sci/Tech,Rover Report Card: Prospect of Mars Life More Likely +Sci/Tech,Britain #39;s first pet professor +Sci/Tech,New Palm system targets smart phones +Sci/Tech,Hotmail fees for Outlook access +World,Haiti in #39;Total Desperation #39; After Storm +Business,Stocks Seen Higher; Oil Steady at \$50 Bbl +Business,Yen Weighed Down by Rising Cost of Oil +Business,"Treasury Yields Near Lows, Oil Hugs Highs" +Business,"Bayer, Lanxess Spin-Off Ratio Is Set" +Business,Before the Bell- Calpine Drops 6 Percent +Business,Saudi Arabia to hike oil production capacity +Business,The ore will be produced by the Area C mine which opened last <b>...</b> +Business,Fannie Mae May Buy Fewer Mortgages to Meet Capital Requirement +Business,A Million in Florida Still Powerless After Jeanne +Business,Toyota hopes to continue #39;Moving Forward #39; +Business,New Palm operating system targets smart phones +Sci/Tech,Virgin launches into online music +Sci/Tech,Genetic map pinpoints elephant poachers +Sci/Tech,Adobe pushing for DNG photo standard +Sci/Tech,"Cisco targets SMBs with new switches, software" +Sports,Davis Cup semifinals men #39;s tennis update - September 26 +World,Pakistan holds al-Qaeda suspects +World,Spain #39;s Roman Catholic Church slams plans for gay marriage +World,Blair to shift focus from Iraq +World,Lebanese prisoner accused of being al-Qaida member died in prison <b>...</b> +Sci/Tech,Japan Schools Tracking Students by Radio (AP) +Sci/Tech,Half of Internet Viagra Could Be Fake - Study (Reuters) +Sci/Tech,First Look: Intuit's QuickBooks for Newbies (PC World) +Sci/Tech,Germany: A Brighter Sun In The East (BusinessWeek Online) +Sci/Tech,'Greenhouse' Gas Rising Over Antarctica (AP) +Sci/Tech,Urchin Industry a Skeleton of Former Self (AP) +Sci/Tech,Mars Orbiter Photographs Rover From Space (AP) +Sci/Tech,Rumbling at Mount St. Helens Triggers Alert (Reuters) +Sci/Tech,"Jeanne Costs Money, Time at Florida Spaceport (Reuters)" +Sci/Tech,Kenya Wants Most-Protected Status for Lions (Reuters) +Sci/Tech,Branson Launches Virgin #39;Digital Megastore #39; +Sci/Tech,Hotmail fees for Outlook access +World,Insurgents Surface in Streets of Samarra (AP) +World,"WHO probes ""probable"" human-to-human bird flu amid fears of mutation (AFP)" +Business,Pepsi Bottling Group beats by a penny +Sports,"On brink of \$10 million year, ho-hum Singh talk, toast of golf" +World,Bush sharpens jabs against Kerry ahead of debates (AFP) +World,Football: Man U Rooney dilemma +Sci/Tech,Drugstores May Start Charging for Consultations +Sci/Tech,Study Links Suburban Sprawl to Various Ailments +Sci/Tech,Group Targets Medical Industry's Influence +Business,Saudi boosts oil output to rein in prices +Business,Drug: Test results excite Alpharetta maker +Sci/Tech,Malfunctioning oxygen generator may force space station to be <b>...</b> +Sports,Soccer: US Captain Reyna Injured +Sports,Sharapova Wins in 1st Round of Korea Open (AP) +World,Arafat offers support to Bigley +World,Another Chapter in the Extermination Policy +Sci/Tech,Cisco notches new Net phone deal +Sci/Tech,Dell introduces new compact desktop PC +Sci/Tech,"Bank of America to deploy 180,000 IP phones" +Sci/Tech,Microsoft's Anti-Spam Effort Killed Amid Patent Row +Sci/Tech,Japanese Schools Tracking Students by Radio +Business,"Lowe's Sees Profit Rising in 2005, 2006 (Reuters)" +Business,"Lowe's Sees Profit Rising in 2005, 2006" +Business,Snap-On Sees Profit Below Estimates +Business,Starbucks to boost coffee prices in US +Business,Atherogenics stock leaps on heart trial data +Business,BHP Billiton wins 3.2 billion dollar iron ore deal with Chinese <b>...</b> +Sci/Tech,Opponents of proposed coal-fired power plant line up to sound off +Sci/Tech,Renewable energy may be offered by Empire +Sports,Wenger happy to avoid penguins +Sports,SI.com +World,First probable case of bird flu transmission between humans +World,Blair: #39;Doing everything #39; +Business,Oil Charges Over \$50 on Nigeria Threat +Business,Microsoft to comply with EC orders on Windows +Business,"Pepsi Bottling Profit Up, Hikes Outlook" +Sci/Tech,Technical Problems Delay Russian Space Launch Again +Sports,Red Sox clinch playoff berth with win over Devil Rays +World,Two Soldiers Attached To 1st Cav Charged With Murder +Sci/Tech,FlexWiki: Microsoft's Third Open Software Project (Ziff Davis) +Business,Consumer Confidence Falls in September (Reuters) +Business,GULP! Higher Coffee Prices Brewing (Reuters) +Business,"Stocks Open Higher, Shrug Off Oil Spike (Reuters)" +Business,Nabi Says Vaccine Helped Smokers Quit (Reuters) +Business,GULP! Higher Coffee Prices Brewing +Sci/Tech,Silicon Still Rocks the House +Business,Chevron denies Kazakh tax claim +Business,Saudi Arabia to Boost Oil Production as Price Hits \$50 +Business,A major player at Enron testifies +Sports,NFL: Parcells bests Gibbs +Sports,Soccer: United keeps agents rich +World,CNN employee abducted as violence waxes in Gaza +World,Diamonds robbed from Louvre +Business,Pepsi Bottling Profit Rises +Business,Nation/world briefs +Sports,Rogers learns lesson +Business,Consumer Confidence Dips in September +Business,Mexican mixer sets sights on RMC concrete +Business,Door open for Hardie boss +Business,Starbucks Confirms Price Increase +Business,Colonial to buy Union Bank +Business,"Motorola to Cut 1,000 Jobs, Take Charge" +Business,Hollinger Adds 2 Independent Directors +Business,California Pizza Boosts 3Q Outlook +Sci/Tech,Virgin Digital Online Music Store Is Open For Business! +Sci/Tech,Silicon Still Rocks the House +Sci/Tech,AT amp;T Wireless sells dedicated messaging device +Sci/Tech,Cybertrust Launches in Latest Merger in Security Market +Sports,Anaheim Angels Team Report - September 28 +Sports,Lee on his last chance for Test +Sports,Okocha set to return vs Baggies +Sports,CORRECTED-Lyle in race for Ryder Cup captaincy +World,Spanish Catholics attack plans for same-sex marriage +World,Riots in Lebanon after al Qaeda suspect dies in custody +Business,Jobs Picture Weighs on Consumer Confidence +Business,Price hike set +Business,"Centene buys Medicaid plan, stock rises 10 pct" +Business,Colonial BancGroup to Buy Union Bank +Sci/Tech,Study: Compact Disc Rocks On +Sports,"Hamm, Yang Testify Before Sports Court" +Sports,Bolton skipper Okocha fit for West Brom +World,"Americans forces bomb Fallujah, battle insurgents in Baghdad" +Sci/Tech,"CDs to dominate for years over net downloads, study shows" +Business,Saudis to Raise Oil Production in Bid to Bring Down Record Prices +Business,Consumer Confidence Falls Again +Business,Stocks Climb Despite Rising Oil Prices +Business,P and O cuts back Channel ferries in switch from shipping to ports +Business,"S amp;P cuts debt ratings for SBC, BellSouth, Cingular" +Business,Consumer Confidence Dips in September (AP) +Business,Nabi Says Vaccine Helped Smokers Quit +Business,Any Fannie Mae Restatement Up to SEC--COO +Business,"Oil Knocks Yen, Dents Dollar" +Business,Treasury Yields Dip on Data +Business,Consumer Confidence Slips Again +Business,Stocks Open Higher as Investors Shrug Off Oil Spike +Business,"Motorola to cut 1,000 jobs" +Business,Cable Titans Team for Adelphia +Business,Boeing 7E7 Faces Trouble from Talk of Airbus Rival +Sports,Amaker gains another recruit +World,US planes hit Zarqawi insurgents in Falluja +World,Pakistan Arrests Over a Dozen Suspected Militants +Sci/Tech,Turner to Provide Content for Net TV Co. (AP) +Sci/Tech,Hackers Attack Web Site of Qaeda-Linked Iraq Group (Reuters) +Sci/Tech,Alpine ships car stereo iPod interface (MacCentral) +Sci/Tech,"Motorola to Cut 1,000 Jobs (Reuters)" +Sci/Tech,Hackers Target Microsoft JPEG Hole (PC World) +Sci/Tech,Scientist Vies for Human Cloning License (AP) +Sci/Tech,Asteroid Toutatis Makes Closest Pass in 651 Years (Reuters) +Business,Gambro Halted After Dialysis Sale Report +World,Kenya Pushes for Ban on Hunting Lions (AP) +World,Nfld woman buys #36;17M lotto ticket after telling husband he got the wrong one (Canadian Press) +World,Bush's lead gets smaller in poll (USATODAY.com) +World,AdWatch: New Bush Ad (AP) +World,Court Takes on Question of Seizing Land (AP) +World,CNN Producer to Be Released in Gaza Soon-Officials +Sci/Tech,Alvarion to Expand Wireless Broadband in China +World,Argentine Teen Kills Four in School Shooting +Business,Tata signs Ferrari Formula One deal +World,Cricket: England name squad +World,Crude Oil Prices Top \$50 Per Barrel +World,New \$50 Bill Begins Circulating +World,Consumer Confidence Dips in September +World,Crude Oil Prices Top \$50 Per Barrel +World,U.S. Says More Iraqi Police Are Needed as Attacks Continue +World,Iraqi Judge Dismisses Chalabi Case +World,Briton Jailed for Arms Dealings +World,S. Africans Venture to Black Township +World,North Korea Resists Talks on Nuclear Arms +World,Peru Ex-President Rejects Extradition Call +World,Former Drug Lord Gunned Down in Brazil +Business,News Corp Buys Stake in Sky Italia +Business,Update 5: KarstadtQuell to Sell Nearly Half Stores +Business,Canadian spammer hunted by Amazon and Microsoft +Sci/Tech,PalmSource Takes the Wraps Off Palm OS Cobalt 6.1 +Sci/Tech,Hackers Target Microsoft JPEG Hole +Sci/Tech,PalmSource unveils #39;smart phone #39; operating system +Sci/Tech,No Wi-Fi for Grantsdale +Sports,Weiner Tops Philippoussis at Shanghai Open (AP) +Sports,Madrid #39;s Olympic bid wins Real support for 2012 Summer Games +Sports,UPDATE 1-Rangnick appointed Schalke coach +Sports,"Kewell, Viduka in Australian squad for Oceania soccer final" +Sports,China on way to top Athens Paralympics gold table +Sports,No timetable for Expos move +Sports,Former NFL Player Bob Mitinger Dies at 64 (AP) +World,Blair comes out fighting +World,Enemies unite in plea for CNN man #39;s release +World,Jordan #39;s Abdullah: Iraq not ready for Jan. election +World,Bigley forced to watch beheading +World,Blair pledges to #39;end digital divide #39; if re-elected +World,Action Against Hunger expands operations in wake of devastation in <b>...</b> +Sci/Tech,Software AG charts cautious course in China +Sci/Tech,Hackers use porn to target Microsoft JPEG hole +Sci/Tech,Toshiba Has Big Plans for Small Drives +Sci/Tech,Hackers Target Microsoft JPEG Hole +Business,New \$50 Bill Begins Circulating +Sci/Tech,New Design for My Yahoo Adds Screen Real Estate +Sci/Tech,MoreGoogle : Enhances your Google Experience +Business,Goldcorp and Wheaton River gold producers strike friendly merger <b>...</b> +Sci/Tech,Sony Vaio Pocket VGF-AP1L digital music player +Business,"Hardie board protecting chief exective, say unions" +Sci/Tech,Branson #39;s #39;Enterprise #39; Brings Final Frontier Within Reach +Sci/Tech,Elephant DNA sheds light on ivory origin +Sci/Tech,Microsoft ends free Outlook access for Hotmail +Sports,Athens Paralympics ends with China on top +World,India #39;s diplomatic gains in UN +Sci/Tech,Dell Debuts Compact PC (PC World) +Business,Bubble in crude? +Business,Consumer Confidence Falls Again in Sept. +Business,Microsoft #39;s European Catch-22 +Business,"Amazon, Microsoft team for spam suits" +Business,UPDATE 1-Steelworkers challenge Cooper Tire parts unit sale +Business,"Comcast, Time Warner eye Adelphia" +Sci/Tech,Rising Sun for Ingram Micro (The Motley Fool) +Sci/Tech,DNA testing to pinpoint origin of illegal ivory +Sci/Tech,Trojan horse exploits image flaw +Sci/Tech,Palm Produces Smartphone OS +Sci/Tech,Budget Version of Windows Headed for Russia +Sci/Tech,Toshiba trumps iPod with 60GB rival +Sci/Tech,Security firms merge to form Cybertrust +Sports,Blackburn set to sign French World Cup winner Youri Djorkaeff +Sports,Thurig wins world time trial title +World,Protesters twice disrupt Blair #39;s speech at Labor #39;s conference +World,Jordan #39;s King Worries About Iraq Elections +World,Palestinian killed on intifada anniversary +World,Shell Output Unchanged After Staff Evacuation +World,Taiwan foreign minister criticises Singapore +Business,"Motorola to cut 1,000 jobs" +Sports,Baseball Announcement Could Come Thursday +World,Pakistani forces arrest several Al Qaeda suspects +Sports,Kidd to Make Season Debut Versus Raptors (Reuters) +World,Northern Afghan warlord gathers thousands for presidential rally (AFP) +World,Striking N.B. hospital workers protest at meeting of Atlantic premiers (Canadian Press) +World,Supreme Court Takes Up Okla. Voting Case (AP) +Sci/Tech,MMO2 defends cautious 3G approach +Sci/Tech,"Defense, IT Companies Form Standards Group" +Business,"Motorola to cut 1,000 jobs" +Business,Snap-On plunges on Q3 warning +Business,Harrah #39;s/Caesars Expects Payoff +Sci/Tech,British Scientists Invent One Terabyte Optical Disk +Sci/Tech,VoIP tools firm ready to battle quot;SPIT quot; +Sci/Tech,America Online Courts Mobile Developers +Sports,Knight slams NCAA in Washington +Sci/Tech,From Spam to SPIT +World,Blair Makes Partial Iraq Apology to Win Back Party +World,Afghan Election Bandwagon Creaks Into Motion +Sports,174 NHL Players in Europe During Lockout (AP) +Sci/Tech,"Motorola to Cut 1,000 Jobs, Take Charge" +Business,Consumer Confidence Falls Again in Sept. +Business,All 50 States Post Personal Income Growth +World,Blair Offers His Party a Qualified Apology for Iraq War +Business,Fannie Mae Restatement Up to SEC - COO +Business,Titan Appoints Ethics-Compliance Officer +Business,"Update 1: Zoellick, Mandelson in Airbus-Boeing Talks" +Business,Telecom Italia Shares Suspended +Business,Saudi Arabia To Boost Output as Oil Tops \$50 +Business,Industry veterans bet on open-source model +Business,ConocoPhillips Favorites in Lukoil Auction +Sci/Tech,Silicon Still Rocks the House (washingtonpost.com) +Sci/Tech,Cisco Extends Catalyst Switching Products for SMBs +Sci/Tech,Turner to provide content for Net TV co. +Sci/Tech,Munich Set to Approve Linux Despite Patent Worries (Reuters) +Sports,Real Madrid host AS Roma in a game of survival +Sports,US will battle host Spaniards in Seville +Sports,Top Seed Federer Struggles Through in Thai Opener +Sports,Angels try to keep pace with A #39;s +Sports,Dodgers hope to trim magic number to 2 +World,Abducted CNN Producer Released in Gaza +World,More Arrested in Pakistan Following Killing of Al-Qaida Leader +World,Who Governs the West Bank? +Sci/Tech,Munich Set to Approve Linux Despite Patent Worries +Business,"Delta to Cut Execs, Workers Pay by 10 Pct" +Business,Mirant subsidiary settles CFTC pricing manipulation claims +Business,Court Rules Against Europe's Antitrust Chief in MCI Case +Sci/Tech,Briefly: Ex-HP exec joins StreamServe board +Sci/Tech,Ex-HP exec joins StreamServe board +Sci/Tech,Industry veterans bet on open-source model +Business,Fuel price flying off the handle +Business,"Amazon, Microsoft team for spam suits" +Business,Lowe #39;s Builds High Expectations +Business,"S amp;P Lowers Ratings on BellSouth, SBC" +Business,ConocoPhillips hands-down favorite in Lukoil auction +Sci/Tech,Dawn of the Terabyte DVD +Sci/Tech,FCC TO VOTE ON DIGITAL TV PLAN +Sports,Arsenal midfielder Gilberto out with back injury +Sports,Djorkaeff in Blackburn Talks +World,Italian Hostages Released in Iraq +World,Blair gives partial Iraq apology +World,Jordan king: Iraq unsafe for poll +Sci/Tech,Trojan horse exploits image flaw +Business,"Morgan Stanley Is Fined \$100,000 by NASD" +Sci/Tech,"Motorola to cut 1,000 jobs worldwide" +Sci/Tech,Panasonic Readies Speedy SD Cards +Sci/Tech,News: Terrorists grow fat on email scams +Sci/Tech,Security firm hires writer of worms (SiliconValley.com) +Sci/Tech,Nokia delivers 3G network expansion to MTC in Bahrain (AFP) +Sci/Tech,Start-up strives for open-source compatibility (SiliconValley.com) +World,Greek plane lands in Ireland in second bomb alert in three days (AFP) +World,Tiny Crawford Newspaper Endorses Kerry (AP) +Business,Delta Announces Details of Wage Cuts +Business,Centene will buy FirstGuard for \$93M +Business,A bowling alley for Christmas? +Business,Delta Air to Cut Pay 10 Percent for Most Workers (Update1) +Sci/Tech,An optical disk that could store the whole Simpson saga! +Sci/Tech,"Defense, IT Companies Form Standards Group" +Sci/Tech,CDs to Dominate for Years Over Net Downloads-Study +Sci/Tech,"New OSes, applications from PalmSource" +Sports,Gilberto out at least one month +Sports,Expos #39;set for DC switch #39; +Sports,Colorado Rockies Team Report - September 28 +Sports,NBA Ratifies Referees Five-Year Contract (AP) +Sports,FIFA to Discipline for Doping Sanctions (AP) +World,Italian Hostages in Iraq Released +World,"Mush says situation with India encouraging #39;, Manmohan sincere :" +Sports,Turin Unveils Mascots as Countdown Begins +Business,Index Funds Can Be a Great Tool (AP) +Business,Nigeria Threat Pushes Oil Over \$50 Bbl +Business,All 50 States Post Personal Income Growth +Business,"Stocks Rise, Led by Oil, Metal Companies" +Business,Delta to Cut Employee Pay 10 Percent +Business,"Stocks Rise, Led by Oil, Metal Companies" +Business,"Confidence Index Drops, So Do Treasuries" +Business,"Delta cuts executive, staff pay by 10" +Business,AtheroGenics Shares Jump on Early Data +Business,Local Bank Buys Florida Banks +Business,UPDATE 1-Nextel to sell half of its 18 percent stake in NII +Business,Wachovia faces possible SEC action +Sci/Tech,Genetic Analysis Could Reveal Origin Of Ivory +Sci/Tech,"Amazon, Microsoft Sue Spammers, Phishers" +Sci/Tech,CDs #39;will dominate music market #39; +Sci/Tech,PalmSource #39;s BlackBerry effort bears fruit +Sci/Tech,Dolly creator seeks human cloning +Sports,Officials open training camp Sunday +Sports,Snow and ice: Olympic mascot for Turin Olympics +Sports,San Francisco #39;s #39;Candlestick #39; Now #39;Monster Park #39; +Sports,Canadians Fret as Americans Forget About Lockout +World,Arafat steps in to help hostage as Brown calls Blair to order +Business,Stocks show early strength +Business,Consumer confidence declines for second straight month in <b>...</b> +Sci/Tech,The CD is king +Sci/Tech,New Network Consortium Cites Power Of Shared Systems +Sci/Tech,Russia is Fourth Country for Windows XP Starter Edition +Sci/Tech,AOL Targets Mobile IM +Sci/Tech,Freescale Unveils Dual Core Processor Architecture +Sports,Beckham and Owen fit the bill for Real +Sports,Mascots for Turin Winter Olympics unveiled +Sports,Snow and ice: Olympic mascot for Turin Olympics +Sports,Ralf Rangnick hired as Schalke coach +Business,"Motorola trimming 1,000 jobs" +World,Israeli Troops Kill Unarmed Palestinian +Business,Delta to Cut Executive Pay by 10 Percent +Business,Crude futures rise above \$43 a barrel as markets look to OPEC <b>...</b> +Business,Nutraceutical Is Still Very Healthy +Business,The Power of Pensions +Sports,Organizers Call Off Blue-Gray Classic (AP) +Sci/Tech,Study: CDs Still Overshadow Digital-Music Downloads +Sci/Tech,Dolly #39;s Creator Applies for Human Cloning License +Sports,French forward Youri Djorkaeff joins Blackburn +Sports,Turin Unveils Mascots as Countdown Begins +World,Assassination Of Hamas Leader In Syria Sparks Calls For Revenge +Sci/Tech,Virgin Mobile update hits shares (FT.com) +Sci/Tech,Cheetahs Flourish on Spanish Plain (Reuters) +Sci/Tech,Memo to Carly - HP customers need help! +Sports,Rooney Needs to Make Up Ground +World,Britain's combative Blair refuses to apologise for Iraq conflict (AFP) +Sci/Tech,INTERVIEW: Sony Chases Rivals in Image Chip Race +World,"Sudan's government, rebels call on world to provide 300 million dollars in aid (AFP)" +World,"Kerry, Bush Votes Could Affect State Races (AP)" +World,Greek Plane Diverted to Ireland After Bomb Threat +World,Indian probe of 'mad cow blood' +World,Consumer Confidence Dips on Job Worries +World,Americans Forces Strike Fallujah +Sci/Tech,"Upgrades, staffing costs squeeze British IT budgets" +Sci/Tech,"With RFID, corporate might makes right" +Sci/Tech,"Dell, Topspin tout InfiniBand clusters" +Business,Oil Is Steady After Reaching Record \$50.47 on Supply Concern +Business,"UPDATE 1-Delta to cut employee pay 10 pct, CEO declines pay" +Business,"Motorola Makes Cuts, Focuses On Wireless" +Business,Why are oil prices so high? +Business,"Centene expands into Missouri, Kansas markets" +Business,SEC focusing on drug makers +Sci/Tech,Amazon and Microsoft Join in Lawsuit Against Spammers +Sci/Tech,-Posted by dan.farber 10:50 am (PDT) +Sci/Tech,Freescale unveils dual-core PowerPC architecture +Sci/Tech,"AT amp;T Offers IM, Email and Text Messaging On The Go" +Sports,Mascots for Turin Winter Olympics Unveiled (AP) +Sports,Founding father Gerry Snyder feels city government let Expos down +Sports,Porto experience is no advantage says Chelsea #39;s Mourinho +Sports,"NBA, NBRA Approve Collective Bargaining Agreement (Reuters)" +World,Top al-Qaida man dies of heart attack +Sci/Tech,McAfee updates target 'phishing' +Sports,"NBA, NBRA Approve Collective Bargaining Agreement" +Sci/Tech,PalmSource's BlackBerry effort bears fruit +Sci/Tech,Tech industry struggles with age-old conundrum +Sports,NBA Ratifies Referees Five-Year Contract +Business,Oil surges to \$50.47 a barrel +Sci/Tech,Branson reaches for the stars +Sci/Tech,Intel Launches Next-Gen Chip +Sports,Tennis: Spain and the US will square up in Seville for Davis Cup <b>...</b> +Sports,Browns #39; Suggs cleared to play +World,"Two Italian, two Iraqi hostages released in Iraq" +World,Protesters interrupt Blair speech +Business,"Unease in Gulf, Nigeria makes oil, financial markets jittery" +Business,Mexico-Based Cemex To Buy RMC +Business,American Financial to Buy Office Space +Business,Colonial BancGroup buys Union Bank +Sci/Tech,Hackers Exploit Microsoft's JPEG Flaw (AP) +Sci/Tech,Rocket Plane to Attempt Space Flight (AP) +Sci/Tech,Half Of Online Viagra Bogus +Sports,"San Francisco at San Diego, 10:05 PM" +World,Italian hostages in Iraq released +World,Olympics: Powerful moments stir emotions at Paralympic Games +World,Bishops chide Spain over same-sex marriage +Sci/Tech,"Briefly: Dell, Topspin tout InfiniBand clusters" +Sci/Tech,"Upgrades, HR costs squeeze British tech budgets" +Business,"Motorola Plans To Cut 1,000 Jobs" +Sci/Tech,"RIM releases new BlackBerry in U.S., European markets" +Sci/Tech,Internet fails to shine for 'silver surfers' +World,"Italian, Egyptian Hostages Freed in Iraq" +Business,Euro Disney Strikes Restructuring Deal +Business,Gunfight At The Artery Wall +Sci/Tech,Virgin Group Enters US Online-Music Market +Sci/Tech,"Former BEA Execs, VC Heavyweights Launch Open-Source Startup" +Sci/Tech, #39;Dolly #39; scientist seeks human clone licence +Sci/Tech,PalmSource Smartens Up OS for Mobile Phones +Sci/Tech,RFID Deadlines Intensify Need To Manage Product Information +Sci/Tech,Toshiba Trumps iPod with 60 GB Rival +Sports,"Sports briefs for September 28, 2004" +Sports,Rooney Up and Running +Sports,The emergence of the past captains began when the PGA of America +Sports,China: Paralympic powerhouse +Sports,"Cougars may be 1-3, but they aren #39;t hurting from lack of exposure" +World,Kidnapped CNN producer released in Gaza +World,"Blair defends war, urges Labour Party to close ranks and fight for <b>...</b>" +World,Nigerian Militia Threatens Armed Struggle +World,Lebanese police release detained sisters of dead Al-Qaida detainee +Business,"Motorola Cuts 1,000 Jobs" +Business,UPDATE 1-Snow says no risk of sharp US slowdown +Sci/Tech,Windows JPEG Exploit Ventures into the Wild +Sci/Tech,HP Shutters UDC +Sports,Rooney scores twice in ManU debut +Sports,Expos to DC announcement could come later this week +Sports,Icy couple to be the faces of 2006 Winter Games +World,Palestinian gunmen free CNN producer kidnapped in Gaza strip +World,Sudan Asks UN to Verify Darfur Refugee Returns +Business,Report: PC Sales Growing as Economy Rebounds (NewsFactor) +Business,All I Want for Christmas Is a #36;10 Million Zeppelin (Reuters) +Business,Lockheed's MEADS Wins \$3 Bln Contract +Business,Cendant Nears Deal to Buy Orbitz Travel Site +Business,"Delta CEO forgoes salary, details pay cuts; Pilots OK retirement <b>...</b>" +Business,"Amazon.com, Microsoft sue spammers, #39;phishers #39;" +Business,"UPDATE 1-Centene shares rise on acquisition, forecast" +Business,Branson #39;s Virgin Group creating #39;21st-century airline #39; in Nigeria +Sci/Tech,Vendor Consortium Works On Common Architecture For Defense Dept +Sci/Tech,Half of Internet Viagra Could Be Fake - Study +Sports,Titans #39; McNair released from hospital +World,Security Measures Failed to Spot Protesters +Sci/Tech,Older People Turn to Internet to Find Love (AP) +Sci/Tech,"Amazon.com, Microsoft Sue Phishers (NewsFactor)" +Sci/Tech,Study: CDs Still Overshadow Digital-Music Downloads (NewsFactor) +Sci/Tech,AOL Targets Mobile IM (NewsFactor) +Sci/Tech,Budget Version of Windows Headed for Russia (NewsFactor) +Sci/Tech,Palm Produces Smartphone OS (NewsFactor) +Sci/Tech,The CRM Money Pit - Part 5 (NewsFactor) +World,"Italy's 'Two Simonas' Freed, Jubilation at Home (Reuters)" +World,"Bombs hit US, British targets in Turkish cities (AFP)" +World,"Niger Delta rebel leader to meet president, says will not destroy oil sites (AFP)" +World,North Korea should stop boasting and return to negotiating table: US (AFP) +World,Bush Increases Lead Over Kerry in Latest Pew Poll (Reuters) +World,Senate Candidate Chides Staffer for E-Mail (AP) +World,Prosecutor Accuses Former Liberia Leader (AP) +World,"Italy's 'Two Simonas' Freed, Jubilation at Home" +World,Argentine Teen Kills Three in School Shooting +World,Greek Plane Diverted to Ireland After Bomb Threat +World,2 Abducted Italian Women Freed in Iraq After 3 Weeks +World,Athletics Struggle Down the Stretch +World,Mexican State Recruits Cats to Fight Rats +World,Crude Oil Prices Approach \$50 a Barrel +Business,"Medtronic Must Pay Inventor \$109 Million, Jury Says (Update3)" +Business,Motorola Picks A Smart Fight +Business,SEC says it charges former NextCard execs of fraud +Sports,Athletics Struggle Down the Stretch (AP) +Sports,"McNair Out of Hospital, Resting at Home (AP)" +Sci/Tech,Security researchers say JPEG virus imminent +Sci/Tech,Space station launch delayed again +Sci/Tech,Oracle Puts Pressure On Microsoft +Sports,Yao Thinks Chinese Players Need More Work (AP) +Sports,Woods in 2000 Is Standard of Greatness (AP) +World,Blair Battles Own Political Party on UK Iraq Policy +Sports,"Sportsview: Eagles Have Attitude, Talent (AP)" +Sports,"Schiavone, Farina Elia Win in Belgium (AP)" +Sports,"Singh, Woods Have Ties to 84 Lumber (AP)" +Sci/Tech,Briefly: .Mac customers suffer e-mail glitches +Sci/Tech,IBM launches business research group +Sci/Tech,SWsoft teams with Acronis to boost virtual servers +Sci/Tech,Security researchers say JPEG virus imminent +Sci/Tech,Verbatim to make discs with HP labeling feature +Sci/Tech,Artisoft to buy IP telephony vendor Vertical +Sci/Tech,Gov't panel: No cybersecurity mandates needed +Business,"RPT-Ballard shares jump on US delivery, sector survey" +Sci/Tech,Oracle Brings Scaled-Down Enterprise Suite to America +Sports,Coach Mourinho to face former squad with Chelsea +Sports,Prospect of no NHL season causing carnage in Canada +World,Protesters disrupt rallying call +Sci/Tech,Google Adwords Traffic Estimator Explained +Business,Consumer confidence declines again in September +Business,Industry watchers view ConocoPhillips as favourite in Lukoil <b>...</b> +Sci/Tech,Microsoft Cools Hotmail Features +Sci/Tech,AT amp;T and IXI launch OGO +Sci/Tech,Dolly doc to try cloning humans +Sci/Tech,Yahoo pages to get touch-up +Sports,IPC President Upbeat About Athens Paralympics +Sports,"Coming soon: Awesome 4some, starring Vijay Singh" +Sports,Beijing 2008 Gets New Sponsors +World,"Blair apologises for Iraq intelligence, not war" +World,Last two Egyptians #39;set free #39; +Business,Motorists Could Face \$2/gal Gasoline Soon +Business,Oil Sets New Record Over \$50 +Business,Trump Casinos: Decide on Debt Deal Soon +Business,"Amazon, Microsoft team against online fraud" +Business,"Lowe #39;s Sees Profit Rising in 2005, 2006" +Sci/Tech,Attackers Target Microsoft Jpeg Flaw +Sci/Tech,Yahoo Takes RSS Mainstream +Sports,Silva out for a month +World,Another two Egyptian hostages freed in Iraq +Business,WebSideStory Rises in Delayed IPO +Sci/Tech,Russian Space Launch Delayed Again +Sci/Tech,Munich Set to Approve Linux Despite Patent Worries +Sports,Rooney scores three in Man U #39;s 6-2 victory over Fenerbahce +Sports,Candlestick Park Gets New Name +Sports,Critics don #39;t faze Mourinho +Sports,"PREVIEW-Bayern need improvement against Ajax, says Makaay" +Sci/Tech,Microsoft to charge for WebDAV Hotmail access +Sci/Tech,Munich set to approve Linux +Sports,"Italians Schiavone, Farina Elia post first-round wins in Belgium" +Sports,Cavs sign Scott Williams +World,"In Party Speech, Blair Admits Political Cost of Iraq Mistakes" +World,Second Bomb Threat Plane Lands Safely +Business,Oil prices set new records above \$50 +Business,Delta CEO declines own salary for remainder of year +Business,Calpine Prices Senior Secured Notes +Sci/Tech,Munich set to approve Linux despite patent worries +Sci/Tech,EPCglobal: Users to get RFID progress update +Sports,Out of the rough +Sports,Ragged Federer moves up +Sports,Monaco 2-0 Deportivo La Corua: FT Report +Sports,Bayern routs Ajax behind Makaay hat-trick; Juve beats Maccabi Tel <b>...</b> +Sports,"Funding, interest up" +Sports,Leafs veteran Alex Mogilny undergoes another hip surgery +Sports,Goodbye Candlestick +World,The twin challenges in Palestine and other Arab countries +World,Nigeria separatist to meet president +Business,US consumer confidence falls in September +Sports,Knee injury ends Grossman #39;s season +World,Italy celebrates as women go free +Business,"Motorola to shed 1,000 jobs" +Business,Trump offered \$US400m for casino stake +Business,"Google may gain on ad sales, IPO firms #39; analysts say" +Sci/Tech,Creator of Dolly the Sheep Aims To Clone Human Embryos +Sports,UPDATE 2-Bayern thrash Ajax as Makaay nets hat-trick +Sports,Mogilny has arthroscopic surgery on hip +Sports,Titans Lose To Jacksonville +Business,United Rentals Sees 3Q Goodwill Charge +Business,DaimlerChrysler and Bombardier settle dispute over Adtranz sale +Business,Stocks Set to Open Higher +Business,Cendant near \$1.2B deal to buy Orbitz +Business,Adtranz price slashed 30 as Bombardier settles with <b>...</b> +Sci/Tech,Schwarzenegger OKs Ban on Paperless Voting (AP) +Sci/Tech,US House Passes Bill Targeting Net Song Swappers (Reuters) +Sci/Tech,"For schools, Apple offers special iMac G5, eMac (MacCentral)" +Business,"Stocks Up on Caterpillar, Oil Companies" +Business,Caterpillar Sees 25-30 Pct. Revenue Rise +Sci/Tech,SpaceShipOne Going for X Prize Wednesday +Sci/Tech,Exploring the Final Frontier +Sci/Tech,Storm Stress Hitting Many Floridians +Sci/Tech,New defense consortium aims for greater systems interoperability +Sci/Tech,EPCglobal: Users to get RFID progress update +Sci/Tech,Munich set to approve Linux despite patent worries +Sci/Tech,Government panel says cybersecurity mandates not needed +Sci/Tech,"Bank of America to deploy 180,000 IP phones" +Sci/Tech,Compuware readies tools for Microsoft apps development +Sci/Tech,Dell introduces new compact desktop PC +Sci/Tech,I2 sets up software development operation in Beijing +Sci/Tech,Network emulator eases WAN pain +Sci/Tech,Microsoft open sources Web authoring application +Sci/Tech,Turner to Provide Content for Net TV Company +Business,US consumer confidence slips for second straight month: job <b>...</b> +Business,Delta Air cutting some wages 10 +Business,"Motorola cutting 1,000 jobs" +Business,Update 1: Jury Orders Medtronic to Pay \$110 Million +Business,"Microsoft, Amazon Team Against Phishers" +Business,JoS. A. Bank 3Q Profit Rises 19 Percent +Sci/Tech,13 Things We Can Expect From Ric +Sci/Tech,"JPEG Exploit Hits Usenet, Worm Close Behind" +Sci/Tech,Yahoo Working On New Design +Sci/Tech,"Health Highlights: Sept. 28, 2004" +Sci/Tech,EPCglobal One Year Later +Sports,Soccer: Rooney guns down Turks with hattrick on Man United debut +Sports,"ARON ON COWBOYS: Dallas plays better, but still scraping out wins" +Sports,Sparta Prague 1-2 Lyon: FT Report +Sports,Just in time the Cubs put it all together in win over Reds +Sports,"Coming soon Awesome foursome, starring Vijay Singh" +Sports,Lyon find their Sylvain lining +World,Nigeria #39;s oil rebels fuel fears of global shortage +World,Palestinian PM Urges Tactical Rethink in Conflict +World,Iraq: Italian Hostages Released +Business,Clear Channel Selects Fox to Supply Radio News +Sci/Tech,News: House votes to make video cameras in movie theaters a federal crime +Sci/Tech,"Infocus: Defeating Honeypots : Network issues, Part 1" +World,Report: French Hostages in Iraq to Be Freed Soon (Reuters) +World,Italy Rejoices As Hostages Released (AP) +World,U.S. Official Sees No N.Korea Talks Before U.S. Vote (Reuters) +World,"Drivers, those who heat with oil, to feel the most pain from crude oil hike (Canadian Press)" +World,"Wavering Voters Anti-Iraq, Wary of Kerry (AP)" +Business,Tough Quarter for Circuit City +World,Observers Foresee Snags in U.S. Election (AP) +World,Lawmakers Optimistic on Spy Agency Overhaul (Reuters) +World,Report: French Hostages in Iraq to Be Freed Soon +Business,AmerisourceBergen to Boost Flu Vaccine +World,U.S. Official Sees No N.Korea Talks Before U.S. Vote +World,Falluja faces 'decisive action' +World,'American Taliban' Seeks Commuted Sentence +World,Peru Coca Growers Briefly Hold Tourists +Sci/Tech,Briefly: Alvarion expands wireless broadband in China +Business,Caterpillar Boosts 2004 Sales View +Business,"Motorola sends 1,000 drones packing" +Business,Investment Firm Sells All MCI Shares +Business,"Microsoft, Amazon file phishing, spamming lawsuits" +Business,SEC Accuses Former NextCard Executives +Business,Oil soars above US\$50 to a new high +Sports,Vermeil's Friends Back Troubled Coach (AP) +Sports,Raptors Coach Doesn't See Carter As Issue (AP) +Sci/Tech,Branson reaches for the stars in latest venture +Sci/Tech, #39;JpegOfDeath #39; Using Windows Weakness To Spread Trojan +Sci/Tech,Half Of Online Viagra Bogus +Sci/Tech,PalmSource Targets Smartphones +Sci/Tech,Oracle looks beyond big-ticket contracts +Sci/Tech,When the Sun lost its heat +Sci/Tech,Users Hamper Information Security +Sports,Chicago Bears Sign QB Chad Hutchinson (AP) +Sports,American Express Cship: Woods eyes fourth title after Vijays <b>...</b> +Sports,Time now for boring Arsenal +Sports,New Raptors coach doesn #39;t think Carter will be a distraction +Sports,Hope lingers at Olympic Stadium as Expos set for possible last <b>...</b> +Sports,Twins-Yankees Game Postponed by Rain (AP) +World,Misgivings from Jordan on Iraq vote +World,Two Arrested in Death of US Journalist +World,"US forces launch airstrikes in Fallujah, Sadr city" +Sports,3-1 Notre Dame Unfazed by Being Unranked (AP) +Sports,Dottie Pepper to Join Golf Channel Next Year (AP) +Sports,San Francisco's Candlestick Renamed Monster Park +Sci/Tech,Cell phone talker arrest refuels etiquette debate +Business,"High oil prices may slow US economy, won't cause recession: experts (AFP)" +Business,Cendant Near Deal to Buy Orbitz +Business,Delta to Cut Wages 10 Percent +Business,Cendant in talks to buy Orbitz for \$1 billion +Sci/Tech,Virginia Gets New Tech Chief +Sci/Tech,When staff can be more dangerous than hackers +Sci/Tech,The Moog Synthesizer Makes a Comeback +Business,Report: Cendant near deal to buy Orbitz +Business,Caterpillar boosts 2004 revenue forecast +Sci/Tech,SourceLabs Gets Venture Funding +Sci/Tech,"Sun Expands RFID Testing, Tools" +Sports,"Hamm, attorneys argue to keep gold" +World,7 hostages released by Iraqi captors but violence continues +World,Blair unveils a 10-point policy plan as he sets out vision for <b>...</b> +World,Disbelief as Chechens held for Russian editor #39;s murder +World,VIEW: Islam and Turkeys EU membership Ijaz Hussain +Business,Offshore company offering US\$400M to bail out Trump Hotels amp; <b>...</b> +Business,Hicks Muse pays \$194 million for ConAgra unit +Sci/Tech,Viagra bought online #39;often fake #39; +Sports,"BoSox #39;s Astacio, Yanks #39; Halsey suspended" +World,North Korea should stop boasting and return to negotiating table <b>...</b> +World,NIGERIA: Militia group vows to attack oil workers if firms stay in <b>...</b> +Sci/Tech,High flyers aiming for the stars +World,Joy in Italy as hostages freed +World,Nader Supporters Lose Supreme Court Appeal (AP) +World,Supreme Court to Review Taking Property for Development (Reuters) +World,Tourist Hostages Freed from Inca Temple in Peru +World,Unrest hampers Haitian flood aid +World,X-Prize craft set for space shot +World,Crude Oil Prices Surpass \$50 Per Barrel +World,Kidnappers Release Seven Hostages in Iraq +Business,UPDATE 1-Trump casinos aim to set restructuring course soon +Sports,Mets Beat Braves 2-1 to Open Twinbill (AP) +Sci/Tech,Warning over fake Viagra +Sci/Tech,Microsoft Makes Its Third Contribution To Open-Source Site +Sports,"FIFA to Take Action Against France, Italy, Netherlands for not <b>...</b>" +World,Four dead in Argentine high school rampage +Sports,Twins-Yankees Game Postponed by Rain +Sports,McNair Our of Hospital +Sports,Edelin Ruled Ineligible +Sports,"Astacio, Halsey Suspended" +Sports,O's-Blue Jays Postponed +Sci/Tech,"Red Hat hates money, which makes it better than Sun" +Business,Google Shares Hit New High +Business,Clashes as Iran Islamic fund fails +Sci/Tech,Briefly: Tech firms rally against copyright bill +Sci/Tech,Cell phone talker's arrest stirs etiquette debate +Sci/Tech,Simpsons swallowed whole by DVD of the future +Sci/Tech,"Mercury Interactive unveils a tool to let users, not just IT, test applications" +Sci/Tech,Branson #39;s tilting trains hit by technical snag +Sci/Tech,"MS Fights SourceForge, Loses, and Gives Gift" +Sports,"His house damaged by Hurricane Jeanne, Singh pulls out of AmEx" +Sports,Offensive Linemen Looking for Redemption +Sports,Players have fun in new 4-on-4 league +Sports,qualifiers to deplete MLS +World,Embattled Blair pushes for third term +World,Argentine teen shoots dead four classmates +Sci/Tech,First Look: LCD Adds a Dimension to the Desktop +Business,Telecom Italia buys mobile stake +Business,"Google shares hit new high, analysts bullish" +Sports,Mourinho: No love lost when we play old team Porto +Sports,Gibbs bothered by questionable Monday night calls +Sports,Ratliff signs extension with Portland +Sci/Tech,Google Shares Hit New High (Reuters) +Sci/Tech,First Look: LCD Adds a Dimension to the Desktop (PC World) +Sci/Tech,"Sun Expands RFID Testing, Tools (Ziff Davis)" +Sci/Tech,UC Berkeley slows speed of light to improve networking +World,"New avian flu cases confirmed in Thailand, human transmission <b>...</b>" +World,Plane diverted to Ireland +World,Jordan #39;s king: Iraq elections impossible +Sci/Tech,New Toshiba notebooks highlight long-running trend +Sci/Tech,Web Gaming Changes Social Interactions +World,"Former Foes Russia, Turkey Eye Era of Warmer Ties" +Sci/Tech,Survey: Net File-Sharing Doesn't Hurt Most Artists +Business,UPDATE 1-Coeur throws in towel on Wheaton bid +Business,UPDATE 1-Hicks Muse pays \$194 mln for ConAgra #39;s Swift stake +Business,Neiman Marcus unveils 2004 Christmas Book +Sci/Tech,Cloning hope for neurone disease +Sci/Tech,IXI MOBILE JOINS FORCES WITH AT amp;T WIRELESS TO LAUNCH OGOT +Sports,PARALYMPICS SOMBRE CLOSING CEREMONY +Sports,Fans to vote on Candlestick Park renaming +World,Argentina: Teenage shooter slays three +Sci/Tech,Ex-CIA Chief Gates Warns on Cyberterror +Sci/Tech,Dolly Creator Applies for Cloning License (AP) +Sci/Tech,Winemaker Tests Marriage of Wine and Song (AP) +Sci/Tech,California Quake Area a Seismic Hot Spot (AP) +Sci/Tech,BayStar begins selling SCO stock +Sci/Tech,Slowing the speed of light to improve networking +Business,Cendant nears coup for US online travel group +Business,"EU nominee defends business record, promising to be impartial" +Sports,Blair rallies support for 2012 +World,Seven foreign hostages released +Sports,Celtic receive double boost with Sutton in and Stam out +Sci/Tech,Former BEA executives launch open source company +Sci/Tech,Small Wineries Find Ally +Sci/Tech,Freescale announces dual-core PowerPC processor +Sci/Tech,U.S. House approves tougher law against file trading +World,ETA Sets Off Bombs Across Spain; No Serious Injuries +Sci/Tech,Breeding Captive Elephants Is Difficult (AP) +World,Kidnappers Release Seven Hostages in Iraq (AP) +World,"Cuba, Russia Agree to Condemn Terrorism (AP)" +World,Sudan Warns of Tribal War in Darfur (AP) +World,Australian men jailed for firebombing Asian restaurants (AFP) +World,Militant Youths Shut Three Oil Flowstations +World,Edwards Appeals to Women on Terror Issue (AP) +World,Traditional treatments 'do work' +World,Rocco DiSpirito Is Out at Union Pacific +World,Mets Beat Braves 2-1 to Open Twinbill +World,White House Opposes Sections of 9/11 Bill +Business,"Delta To Cut Wages, CEO Forgoes Pay" +Business,Jury in Klesch Litigation Returns Verdict in Favor of Liberty <b>...</b> +Sports,Yankees' El Duque Has Tired Shoulder (AP) +Sci/Tech,New Toshiba Notebooks Use Intel Desktop Chips +Sci/Tech,The Worst Things About Tokyo +Sports,Giants #39; Hermanson suspended +Sports,Hearing Set in Bonds Baseball Lawsuit (AP) +Sports,Fan Sues for Barry Bonds' 700th Home Run Ball +Business,Yen Near 6-Week Low Vs Dollar +World,Development: Donor Neglect Deadly - Oxfam +Business,UPDATE 2-Solectron net loss narrows on strong revenue +Sci/Tech,Microsoft unveils simplified version of WindowsXP in Asia +Sports,Notes: Rain washes out game +World,Italian women arrive home from Iraq after hostage ordeal +Business,"City sees overhaul as precursor to sale, leaving group focused on <b>...</b>" +Business,Former NatWest bankers fear #39;unfair trial #39; if extradited to US +Sci/Tech,Older People Turn to Internet to Find Love (AP) +Sci/Tech,Hackers Target Microsoft's JPEG Flaw (AP) +Sci/Tech,Patent Concerns Unlikely To Nix Munich Linux Plan +Sci/Tech,Future DVDs could hold 1TB of data +Sci/Tech,"EVD aims expansion, partnership amid challenges" +Sci/Tech,PalmSource Introduces Latest Version Of Palm OS +Sci/Tech,PSP Pricing Announced +Sci/Tech,Toshiba Unveils New Flat-Panel SED TV (AP) +World,Argentinian pupil shoots four dead in classroom +Sci/Tech,Cendant Near Deal to Buy Orbitz -Source (Reuters) +Sci/Tech,Schwarzenegger Signs California Anti-Spyware Bill (Reuters) +World,North Korea #39;s nuclear weapons program +Sci/Tech,BAE Systems to Acquire Alphatech for #36;88M (AP) +Sci/Tech,IBM Releases DB2 Information Integrator (Ziff Davis) +Sci/Tech,Two Apes Arrive at Education Center (AP) +Sci/Tech,Vertical solutions take hold in CRM (InfoWorld) +Sci/Tech,First commercial passenger flights into space? +Business,Extradition of ex-NatWest bankers sets #39;frightening #39; precedent +Business,Euro Disney debt plan agreement +Business,McDonald #39;s CEO gets new chemotherapy +Sci/Tech,CD #39;s future is upbeat in download decade +Sci/Tech,Intel introduces new mobile chip +Sports,Greece tackles road safety after crash +Sports,"Marlins 5, Expos 2" +Sports,Auburn wants repeat of last year #39;s play vs. Vols +Sports,"Tigers 6, White Sox 4" +World,2 Aid Workers Are Freed After 3 Weeks in Captivity +World,Second bomb threat on Greek plane +Sci/Tech,Schwarzenegger Signs California Anti-Spyware Bill +World,Hurdles Remain for U.S. Voters Living Overseas +Business,Delta CEO declines pay +Business,Neiman Marcus book features pricey gifts +Sci/Tech,"AT amp;T Unveils Ogo, Text-Only Wireless Device" +Sci/Tech,"HP sinks utility project, lays off some workers" +Sports,Rooney scores hat trick in debut for Manchester United +Business,Cendant Is Close to Acquiring Orbitz for \$1.1 Billion +Business,A Bad August Worsens Airline Financial Woes +Sci/Tech,School Cellphone Bans Topple (You Can't Suspend Everyone) +Sci/Tech,"For the Splendidly Dressed Man, Web Sites to Match" +Sci/Tech,Microsoft to sell Windows XP sta +Sci/Tech,-Posted by dan.farber 7:24 pm (PDT) +Sports,Kornheiser +Sports,Spain vs US in Seville for Davis Cup title +Sports,"Plans in place to close up shop in Montreal, open up in Washington" +Sci/Tech,"Toshiba, M'shita LCD Venture to Make Big TV Panels (Reuters)" +World,WHO calms fears over human-to-human bird flu +World,CNN journalist has been released +World,Family Crisis in Divided Sudan +Sci/Tech,IBM Claims Computer Speed Title (washingtonpost.com) +Sci/Tech,No Escape From E-Mail +Sci/Tech,IBM Claims Computer Speed Title +Sci/Tech,"Celera, Genentech Sign Cancer Drug Deal" +Business,Yen Near 6-Week Low Vs Dollar (Reuters) +Business,Tokyo Stocks Turn Lower on Oil Worries (Reuters) +Business,Hoenig: High Oil Will Not Derail Economy (Reuters) +Sci/Tech,"Toshiba, M'shita LCD Venture to Make Big TV Panels" +Business,Cendant Near Deal to Buy Orbitz -Source +Business,Oil Continues Climb +Business,"Impact May Be Small As Fannie, Freddie Regroup" +Business,Australia #39;s foreign exchange market booms +Business,SEC Inspections Yield More Referrals +Sports,Baseball Eluded Va. Despite Tax Giveaway Proposal +Business,Ahlers to retire as head of Marshall Field #39;s +Sci/Tech,Virgin Galactic launches space tourism +World,Italian hostages released +World,Britain #39;s Blair refuses to apologize for Iraq +Sci/Tech,St. Helens Blast Said Possible Within Days (AP) +World,Israeli Army Kills Gunman in Gaza Raid-Medics (Reuters) +World,"Blair Defends War, Urges Labour to Unite (AP)" +World,U.S. Returns Stolen Mexican Altarpiece (AP) +World,"Dole, Gore Participate in Panel Discussion (AP)" +World,Veterans for Kerry Barred From Bush Rally (AP) +World,A Family Crisis in Divided Sudan +Sci/Tech,Ferrari Outsources F1 Engine Design Work (AP) +World,Tourist Hostages Freed from Inca Temple in Peru +Sci/Tech,IBM Claims Computer Speed Title +Sci/Tech,HP learns the uselessness of utility +Sports,Hurricane Jeanne stops hot Singh +Sports,Federer gains second round at Thailand Open +Sports,Braves ace listed day-to-day with bruised ankle +World,LABOUR IN BRIGHTON: TONY #39;S TOP TEN +World,The Curse of Nigerian Oil +Business,Analysts can #39;t peg Google +Sports,Arsenal delight at rise of Reyes +Sports,Roundup: Shock defeated in bid to defend title +World,Blair battles to unify party ahead of election +Sci/Tech,IBM supercomputer sets world speed record +Business,Yen Off Lows Vs Dollar as Oil Pauses +Business,Hoenig: High Oil Will Not Derail Economy +Business,"Google Shares, Once Devalued, Just May Be Winners After All" +Business,Stocks Rise as Investors Shrug Off Oil Prices +Business,"Crude oil prices stay higher amid Nigerian fighting, lower <b>...</b>" +Sports,"Red Sox 10, Devil Rays 8, 11 innings" +World,Tony Blair fails to inspire his men +Business,2 Airlines #39; New Cuts Target Executives +Business,IN BRIEF +Sci/Tech,Microsoft releases simpler version of Windows XP in Asia +Sci/Tech,Net-centric consortium gets off the ground +Sci/Tech,SourceLabs Receives Venture Funding +Sports,"Gibbs, Parcells rekindle NFC East rivalry on Monday" +Sports,American Football: Candlestick Park renamed #39;Monster Park #39; +Sports,Another #39;Chase #39; looms for those outside postseason cut +World,Typhoon hits southern Japan +Sci/Tech,IBM Says Blue Gene Breaks Speed Record (AP) +Sci/Tech,Two Apes Arrive at Education Center (AP) +World,Lanxess Moving Texas Factory to China (AP) +World,Activists Sue Over Calif. Forest Plan (AP) +World,Israeli Army Kills Gunman in Gaza Raid-Medics +Sci/Tech,Telecom Italia Poised for TIM Buyout (Reuters) +World,'American Taliban' Seeks Commuted Sentence +World,Two Apes Arrive at Education Center +Business,Daily News +Business,Consumers who play float will sink +Sports,Official: MLB to Move Expos to Washington (AP) +Sports,Roon at the top - hat-trick hero Wayne makes dazzling United debut +Sports,Notes: He bunts with the best of #39;em +Sports,Redskins Coach Bemoans Questionable Calls (AP) +World,NK Denounces South Korean Foreign Minister #39;s UN Speech +World,Pitcairn women back their men over sex trial +World,Shell-Shocked Palestinians Want Peace with Israel +World,Minister offers apology for touchy remark +Sports,Montreal Expos to Relocate to Washington -Reports +Sports,Braves' Wright Suffers Bruised Ankle +Sports,Troubled Mets Turn to Minaya +Sports,Hernndez's Shoulder Worries Yanks +Sci/Tech,Shopping Search Tactics +Business,"Oil Clings to #36;50, Fuel Stocks to Fall (Reuters)" +Business,"Oil Clings to \$50, Fuel Stocks to Fall" +Sci/Tech,Panel: Keep sage grouse off endangered list +Sports,WENGER FEARS FOR GILBERTO +Sports,El Duque adds to gloomy NY forecast +World,Diverted Greek plane leaves Ireland for New York after bomb alert +World,Pitcairn Sex Abuse Trial Judge #39;Biased #39; +World,Other Iraq developments +Sports,Group C: Makaay hits hat-trick to crush Ajax +Sports,Federer struggles through +Sports,Liberty Players Cringe and Watch the Game Tape +World,China clings to diplomatic mechanism +Business,"Oil Clings to \$50, Fuel Stocks to Fall" +Sports,"Reds 8, Cubs 3" +Sports,Wednesday #39;s preview +World,Iraqi kidnappers release 7 +World,Haiti #39;s hard existence made worse by Jeanne +Business,Fannie Mae Crisis Raises Concerns on Leadership +Business,STOCKS TO WATCH +Business,Economy Can Withstand High Oil -Fed +Business,Court asked to oust Black +Business,Court Backs Higher Valuation of HealthSouth Investors #39; Loss +Business,Consumer confidence lowest in Midwest +Business,Colorized \$50 bill makes debut as \$10 bill readied +Business,Amazon Targets Phishers in Lawsuits +Sports,NFL concedes mistakes by officials +Sports,Ichiro: Two more hits +Sports,MLB will call shots for club in offseason +Sports,Bills offense in line for trouble +Sci/Tech,Lloyds TSB signs 500m network deal with IBM +World, #39;MOMENT OF JOY #39; AS THUGS LET 2 WOMEN HOSTAGES GO FREE TO ROME +Business,Solectron posts \$45 mln Q4 loss +World,Pitcairn women blast sex trials +World,NZ deports Israeli 'spies' +Business,Economy Can Withstand High Oil -Fed +World,Six Flags Unveils Fastest Roller Coaster +Business,US Air to Cut Executive Payroll 20 Pct +World,Israeli Army Kills 2 Palestinians -Medics +World,"Nepal to Respond to Rebels on Talks, Strike Holds" +Business,May announces executive changes +Business,Neiman Marcus Christmas Book holds perfect gifts for <b>...</b> +Business,11th Circuit orders resentencing for HealthSouth exec +Business,Bankers fight extradition +Business,Starbucks to raise its prices beginning Oct. 6 +Business,"Update 1: Solectron Narrows Loss, Sales Up 23 Pct." +Sports,"Cowboys persevere, but questions linger" +Sports,AL Wrap: Guerrero Shines as Angels Heap Pressure on A #39;s +World,Hero British soldiers die in Basra +World,"UN pledges help for Darfur refugees, Sudan wants \$300 mln" +Sci/Tech,Elephant Dung Helps Track Smuggled Ivory - Study (Reuters) +Business,Yen Cuts Losses But Oil Threat Persists +Business,Nikkei Poised to Mark 9-Day Losing Streak +Sci/Tech,Techincal problem delays launch of Soyuz spacecraft +Sports,Real fight back to beat Roma +Sports,Ichiro goes 2-for-5 in Mariners victory +Sports,Cardinals are left hanging +Sci/Tech,Picturing the next Net exploit +Sci/Tech,Condominiums for Businesses Fill a Niche in California +Sci/Tech,Parade of Hurricanes Erode Fla. Beaches (AP) +Sci/Tech,California Counties May Ban Biotech Crops (AP) +World,Britain's press split over Blair speech (AFP) +World,Kerry Association Hurting Some Democrats (AP) +World,Lawmaker Upset by World Bank Aid to Iraq (AP) +World,U.N. Envoy Says Rights Violations Continue in Myanmar +World,Thai PM Summons Emergency Bird Flu Meeting +World,Giants Defeat Padres 7-5 +Business,Nikkei Poised to Mark 9-Day Losing Streak +Sports,Giants Defeat Padres 7-5 (AP) +Sports,Dodgers Edge Rockies 5-4 (AP) +Sci/Tech,Munich ignores Linux patent problems +Sci/Tech,Google agrees to Chinese censorship +Sports,Giants get push with win Durham has five hits; SF even with Cubs +Sports,Expos stagger to end +Sports,Ball Notes +Sports,It #39;s not just bats rising to occasion +Sports,Sox are better late: Win in 11th after Lowe flops early +World,"Blair defends Iraq war, urges party to heal rifts" +World,"Typhoon Meari Moves Over Kyushu, Flights Canceled (Update2)" +Sports,D-Backs Edge Brewers 9-8 in 11 Innings (AP) +Business,"P amp;O To Cut Up To 1,200 Jobs" +Business,Capital Radio and GWR to merge +Business,Delta trying to keep flying +Business,Cendant closes in on deal for Orbitz +Business,Mitsubishi Shareholders Approve Move +Business,INTERVIEW: Newbridge Wants To Expand Australia #39;s ALH -2- +Business,ConocoPhillips Set to Win \$1.9 Bln Sale of Russian Lukoil Stake +Sci/Tech,IBM #39;s Blue Gene to topple Japanese supercomputer +Sci/Tech,Microsoft open sources more code +Sports,Philippoussis #39; form suffers blow +Sports,San Diego Padres News +Sports,"No consensus candidate found, Pawar in fray" +Business,HP Signs Outsourcing Deal with Nokia +Sci/Tech,File-Spoofing Anti-Piracy Firm Expands in Europe (Reuters) +Sci/Tech,Microsoft launches appeal against EU anti-trust ruling (AFP) +Sci/Tech,Small Islands Caution on Climate Change (AP) +World,"Blair Hopeful of Iran, N. Korean Compliance" +Business,Northwest wins Washington airport slots +World,Italy celebrates hostages' return +World,Dalai Lama Aides Make Secretive Visit to China +World,Record hurricane losses predicted +World,Gangs on Prowl in Storm-Wracked Haiti +Business,Cendant nears deal to acquire Orbitz +Business,Experts see record year for US insured losses +Sci/Tech,Allen-Rutan partner aims high +Sci/Tech,Hackers target Microsoft #39;s JPEG flaw +Sci/Tech,"Cisco, VoIP Star?" +Sports,FOOTBALL: UNITED #39;S ROO MESSIAH +Sports,Monster Park elicits shiver +Sports,Hernndez #39;s Shoulder Worries Yanks +World,UK must build skills to avoid losing jobs to India: Blair +World,Argentina teenage shooter slays 4 classmates +World,"Rebel strike grips Nepal for second day, government considers <b>...</b>" +Sports,Sabres' Roy Happy to Be Back on Ice (AP) +Sports,Tennessee Offense Gets Push Behind Line (AP) +Business,Nikkei Falls for Ninth Day +Sci/Tech,Quake Hits California 11 Years Late +Business,Deep-rooted debate stirs up Christmas tree growers +Sci/Tech,New Hughes Research Center to Shift Focus +Business,Fannie Mae might have to restate earnings +Sci/Tech,The final frontier +Sci/Tech,Intel #39;s Andy Grove to retire next year +Sports,Buzzards overhead +Sports,Angels climb into tie for first +Sports,Bosox won #39;t give in +Sports,AL notebook: Sore shoulder sidelines NY #39;s Hernandez +Sports,Laimbeer #39;s team knows all about physical play +World,LABOUR AT BRIGHTON: SORRY I JUST CAN #39;T SAY SORRY FOR IRAQ +World,Italian women freed +Business,Saudis to boost output as oil prices hit new highs +Business,Stocks rebound as investors shed fears +Business,"Delta CEO, many workers get pay cut" +Business,"Motorola to cut 1,000 more positions" +Business,FTSE 100 opens higher +Sports,AMERICAN LEAGUE: Angels tie A #39;s; Ichiro: 254 +Sports,WINSLOW RULED OUT FOR SEASON +Sports,BCCI elections delayed +Sports,"Knock, knock: Ichrio nearing hit record after win" +Sci/Tech,Broadband hits new high in the UK +Business,Magna Will Close Decoma #39;s Coating Factory in Ontario (Update1) +Business,KarstadtQuelle employees meet to discuss restructuring plans (AFP) +Business,Lukoil sell-off gets under way +Business,Resurgent sedan muscling past SUV +Business,Pact to speed Navy Yard plans +Business,Getting back in the game +Business,Delta chief orders 10 pay cuts +Business,Half of Mass. hospitals lost money +Business,"When it comes to windows, todays developers are open-minded" +Business,Patent fight may slow radio tags +Business,Recording in theaters felony under House bill +Business,BRA plan pushes condos in Fenway +Business,American Airlines to recall 600 flight attendants +Business,FDA warns on drugs from Canada +Business,New \$50 bill is colorized; the \$10 is next +Business,Black loosens grip on Hollinger +Sports,Cleveland vs. Kansas City +World,Blair admits he erred in days before Iraq war +Sci/Tech,"Tech.gov: Don't Call Me, I'll Call You" +Business,Fannie Mae #39;s woes may cost home buyers +Business,"Rail and air sink ferries as 1,200 jobs are cut" +Business,Getting back in the game +Business,Dissidents tell Disney to #39;walk the walk #39; or else +Business,China announces huge investments in Canada +Sci/Tech,"Don #39;t Call Me, I #39;ll Call You" +Sci/Tech,Toutatis to whiz past Earth +Sci/Tech,Munich expected to make move to Linux official +World,Nigerian Oil Delta Rebel in 11th Hour Peace Talks +Sports,Angels tie A #39;s in West +Sports,"Belief is the key, insists Wenger" +Sports,Baseball fever: Catch it at your own risk +World,US downplays N. Korea announcement +World,Nigerian Oil Delta Rebel in 11th Hour Peace Talks +World,Kidnapped CNN producer freed +World,Iraqi resistance could be broader than US claims +World,Blair Doubts Iraq Will Cost Him Next Election +World,About 45 N.Koreans Enter Canada Embassy in China -Media +Business,"Yen Reverses Off Lows, Keeps Eye on Oil" +World,Bardot fans snap up memorabilia +World,Kidnappers in Iraq release 7 hostages +World,Many at odds with Bush foreign policy +World,Kidnapped CNN producer freed +Sci/Tech,CDs 'will dominate music market' +World,US downplays N. Korea announcement +Business,Update 1: China Vows to Keep Economy on Track +Sports,"Hancock, homers hurt Chicago" +World,Bomb-alert plane resumes US flight +World,7 Bounty descendants to be tried in attacks +Business,AmerisourceBergen to Boost Flu Vaccine +Business,UPDATE 1-Circuit City posts weak sales; shares fall +Business,Radio Head: Station Merger Plans Unveiled +Sci/Tech,California is First to Enact Cell Phone Number Privacy Law +Sports,Left to ponder the loss amid the condos +World,Pitcairn sex trials delayed +World,World ; Three die as Maoists enforce 48 hr shutdown +World,Eight captives freed in Iraq +World,Palestinian PM Calls For CNN Producer #39;s Release +Business,Likely retail #39;third force #39; to chew over +Business,Barrel of oil hits \$50 +Business,"New supercomputer called BlueGene breaks speed record, IBM says" +Business,Nextel Communications Purchases 5.6 Million Nextel Partners Shares +Sci/Tech,Via gives a PCI Express boost to AMD-based computers +Sports,Tiger in 2000: A benchmark of more than majors +Sports,Bonds #39; 700th homer ball brings lawsuit from fan +Sports,Helpful hits lift Indians +Sci/Tech,PCI Express will please serious power junkies +Sci/Tech,"Tech.gov: Don't Call Me, I'll Call You (PC World)" +World,Italy release raises British hopes +Business,Oil Prices Ease From 21-Year High But Remain Volatile +Business,Motorla to cut jobs worldwide +Business,Nextel buys shares from Motorola +Sci/Tech,S3 readying GammaChrome graphics chips +Sports,Wonderkid Wayne walking on water +Sports,At least Brown #39;s spirits seem good +Business,Update 23: Crude Prices Stay Above \$50 Per Barrel +Business,"Amazon, Microsoft file lawsuits against spammers" +Business,P amp;O Cuts Some English Channel Ferry Routes +Business,Hoenig: Outlook #39;generally sound #39; +Business,Stocks open higher on overnight gains in US shares +Sci/Tech,Beware! Deadly asteroid set to hit earth +Sci/Tech,DNA Analysis Could Combat Ivory Poaching +Sports,Four more hits! Four more hits! +Sports,Millar #39;s homer in 11th lifts Sox +World,Diverted Greek plane leaves Ireland for New York after bomb alert +World,Seoul dismisses North #39;s nuke claims as propaganda +Business,"Shares Dip, Debt Up Amid Security Fears" +Business,Stocks Open Lower +Sci/Tech,Particle lab celebrates 50 years +World,Ransom Concern Clouds Return of Italian Hostages (Reuters) +World,Suspected Taliban Kill Five Afghan Troops (Reuters) +World,Russian Government to Discuss Ratifying Kyoto (Reuters) +World,Bush lead in polls raises Kerry's debate stakes (AFP) +World,"US-Led Forces Focus on South, East for Afghan Election" +World,Britain's Blair Looks to Poll After Iraq Apology +World,Israel Kills 3 Palestinians in Major Gaza Raid +World,Mauritania thwarts 'coup plot' +World,N Koreans storm Beijing mission +World,US bill aims to jail film pirates +World,Growing Pessimism on Situation in Iraq +World,Lindh Asks Bush to Reduce Sentence +Sci/Tech,"Freescale To Launch Smaller, Faster G4 Processor" +Sports,Fined and suspended +Sports,Will sinking Lowe resurface in playoffs? +Sports,Giants get share of wild card +Sports,NL notables +Sports,AL notables +Sports,Sales is hoping to close the deal +Sports,Mitchell downplays Carter's request +Sports,Top-heavy matchups +Sports,Today's schedule +Sports,South Korea has a sole golden goal +Business,Banknorth chief offers defense of sale plan +Business,Oil Holds Near \$50 +Business,Radio Companies to Merge +Business,EC wrong on Worldcom / Sprint deal +Business,Field #39;s new owners put leadership team in place +Business,Whitehall to pay \$15.1 mil. to settle federal probe +Business,"Britain #39;s GWR, Capital Radio to Merge" +Sci/Tech,BEA veterans launch new approach to open source services +Sci/Tech,"Bank of America to deploy 180,000 IP phones" +Sci/Tech,Intel intros new Pentium 4 for desktop replacements +Sci/Tech,Warning over Internet Sales of Fake Viagra +Sci/Tech,Freescale shows off dual core Power PC chip +Sci/Tech,Is There Life After BEA? +Sci/Tech,Spam: From nuisance to corporate killer +Sci/Tech,Freescale Discloses High-Performance Dual Core Processor <b>...</b> +Sports,Gibbs adjusting to new NFL +Sports,Novak Sweeps Through in Shanghai +World,Aborted Six-Nation Talks +World,"Australian Labor to Raise Pensions, Fund Grandparents (Update3)" +World,Three Palestinians killed in Gaza +World,Arrests in embassy bombing: report +Business,Stocks Seen Flat as Oil Prices Climb +Business,Coping with e-trash pileup +Sci/Tech,First sign of malicious code exploiting Windows Jpeg security flaw +Sports,Raul heralded for return to form +World,Mosul car bomb wounds six US soldiers; Freed Italian hostage says <b>...</b> +World,Muslim Efforts To Release British Hostage Yield Results +World,Jakarta Police Close to Identifying Embassy Bomber (Reuters) +World,Israel Kills 3 Palestinians in Major Gaza Raid +World,China says Taiwan war-mongering +Business,Could up stake to as much as 20 +Sports,Merciless Bayern hammering kills Ajax hopes: 4-0 +World,"Typhoon Meari hits south Japan, triggers landslides" +Sports,Baseball Today (AP) +Sports,Jiri Novak Cruises at Shanghai Open (AP) +World,Mosul Car Bomb Wounds Six U.S. Soldiers +World,"Israel Pushes Into Gaza Strip, Killing 3" +World,Thousands in Florida Remain in Shelters +Sci/Tech,Dawn of the Dead-Flesh Eaters +Sci/Tech,Google News: Beta Not Make Money +Sci/Tech,Only Star Wars Nuts Need Apply +Sci/Tech,The Future of Radio? +Sci/Tech,Dolly Creators Seek Clone License +Sci/Tech,File Traders Could Do Hard Time +Sci/Tech,Malicious Code Hides in JPEGs +Business,Conoco Wins LUKOIL Stake Auction (Reuters) +Business,2 Airlines' New Cuts Target Executives +Business,"Yen Rises from Lows, Oil Still a Threat" +Business,Oil prices back above \$50 despite Saudi pledge +Business,Delta flies toward clouds of Chapter 11 +Business,Capital and GWR tie the knot +Business,Google shares reach \$126.86 +Business,Ryanair launches routes from Italy +Sci/Tech,Day dawns for X Prize space shot +Sci/Tech,JPEG of Death Turns Erotic +Sports, #39;Don #39;t Let Rooney Mask ManYoo Problems... #39; +Sports,Singh withdraws from World Golf Championships-American Express <b>...</b> +Sports,Life will never be the same again for Monster Cable +Sports,"Dodgers win wild one; San Francisco, Chicago and Houston in <b>...</b>" +World,N Koreans storm Beijing mission +World,Indonesian police say Jakarta embassy bomber identified by DNA +World,Taliban Attack Afghan Government Office +World,Putin promises 2bn dollars to subsidize medicines under Russian <b>...</b> +World,China seeks to strengthen cooperation links with Zimbabwe +World,Hungarian Referendums Fails +Business,Oil prices ease on hopes of Nigeria breakthrough +Business,Conoco Wins \$2 Billion LUKOIL Stake +Business,Motorola realigns mission +Business,Cendant offers \$1bn for Orbitz +Business,IBM says its superfast supercomputer is No. 1 +Sci/Tech,PalmSource unveils Cobalt OS +Sci/Tech,AMD 2500 Socket A CPUs Compared +Sports,United boss praises Rooney debut +Sports,Error margin remains small for Cowboys +Sports,"McNair out of hospital, questionable for Sunday" +World,Ransom Payments Seen Fueling Iraq's Hostage Crisis (Reuters) +World,Bigley looks set to be freed in Iraq (AFP) +World,Forty-four North Koreans storm Canadian embassy in Beijing (AFP) +World,Ransom Payments Seen Fueling Iraq's Hostage Crisis +World,Passenger attacks pilots with axe +World,Tourists freed in Peru coca siege +Business,Microsoft and Amazon join forces against scammers +Business,Stocks Cautious Amid High Oil Prices +Business,"Conoco, Lukoil form alliance" +Business,Q amp;A: Why UK radio groups want to merge +Sci/Tech,Microsoft blames spammers for Hotmail charges +Sci/Tech,Buying Viagra over the Internet could give you a heart attack! +Sports,Aussies ready for Sachin +Sports,"Spears, Stosur Advance in Korea Open (AP)" +World,"Fuel Rods Turned into Weapons, North Claims" +Business,Relief for Euro Disney; Challenges Loom (Reuters) +Business,Mortgage Applications Rise Last Week -MBA (Reuters) +Business,Relief for Euro Disney; Challenges Loom +Business,Conoco Wins \$2 Billion LUKOIL Stake +Business,"Stocks Seen Steady Ahead of Oil, GDP Data" +Business,Disney's Iger Says Pixar Deal Unlikely +Business,Oil prices ease on Nigerian talks +Business,Computer Associates to Cut Workforce -WSJ +Business,Mortgage lending at 12-month low +Business,Deutsche Post Sees a Big DHL U.S. Loss +Business,Strike halts Assam tea production +Business,World Bank Urges Poor Countries to Improve Investment Climates +Sci/Tech,"Russia, India get Windows XP Starter Edition" +Sci/Tech,Test of Time +Sports,"Arsenal, Facing Rosenborg in Europe, Loses Gilberto (Update1)" +Sports,Monaco strike early against Depor +Sports,IRURETA HITS OUT AT REFEREE +World,Blair denies he led Britain to war with false justification +Sci/Tech,Video Cameras at Movies Would Be Crime (AP) +Sci/Tech,Web board craigslist makes a name for itself (USATODAY.com) +Business,Fannie Mae undergoes ex-employee testimony +Business,Deutsche Post Sees a Big DHL US Loss +Business,IBM Claims Fastest-Computer Title +Business,UPDATE 1-Euro Disney deal brings relief but challenges loom +Business,House of Fraser losses narrow +Business,Whitehall settles federal investigation for \$13 million +Sci/Tech,Computer Associates to Cut Jobs by 5 Pct. (Reuters) +Sci/Tech,IBM supercomputer may be the world's fastest (SiliconValley.com) +Sci/Tech,Microsoft unveils Windows XPSE in Hindi +Sci/Tech,"Asteroid to Come Closest to Earth Since 12th Century, NASA Says" +Sci/Tech,Are Sun and Microsoft forming an unholy alliance? +Sci/Tech,MMS to replace texts as mobile money spinner +Sports,McNair let out of hospital +Sports,No sign of revival for struggling Deportivo +Sports,Around the AL +World,Italian hostages #39; release gives hope to Bigley family +World,Another 1.6 inches of snow dusts valley +Sci/Tech,Border surveillance plan unveiled +World,Israel Kills 3 Palestinians in Big Gaza Incursion (Reuters) +Business,Saudi extra barrels wrong kind of crude +Business,Computer Associates to Cut Workforce -WSJ +Sci/Tech,Bank of America Begins Deployment of Cisco VoIP Phones +Sci/Tech,Asteroid (4179) Toutatis to Pass Closely By Earth on Wednesday <b>...</b> +Sports,MLB: Montreal Expos to Relocate to Washington +Sports,Kallon #39;s fine form continues +World,Mitsubishi Shareholders Demand Changes (AP) +Sports,"Pitchers Astacio, Halsey each suspended three games" +World,Shirking the blame? +World,Tamil Tiger rebel leaders to travel to Europe +Sci/Tech,Hackers Target Microsoft's JPEG Flaw +Sci/Tech,"Interceptor System Set, But Doubts Remain" +Sci/Tech,NATO Awards Missile Work To Lockheed +Sci/Tech,Defense Department Tests Blimp +Sci/Tech,Video Cameras at Movies Would Be Crime +Sci/Tech,Older People Turn to Internet to Find Love +World,Pitcairn Women Back Their Men Ahead of Sex Trial +Sci/Tech,Intel Tops Government List of Best Commuter Benefits +Sci/Tech,Retooled Varsity Group Set to Return to Nasdaq +Sci/Tech,Corvis Will Change Name To Broadwing +Sci/Tech,Mountain-sized rock passes Earth +World,Italy 'paid \$1m to free hostages' +World,Bahrain dissolves rights watchdog +World,Military talks on Kashmir glacier +Sci/Tech,The Solar System's Deflector Shield is Up +World,Blair Denies Going to War Erroneously +World,Bush Visiting Florida to Survey Damage +World,Clashes Break Out in Heart of Baghdad +Business,"1,500 Imperial Oil jobs leaving Toronto" +Sci/Tech,Ready For \$10M Space Try +Sports,Browns' Winslow Needs Second Operation (AP) +World,North Korean Refugees Seek Asylum in Canadian Embassy +World,* Norway seriously concerned over factional killings +Sci/Tech,IBM reclaims top supercomputer crown for U.S. +Business,Computer Associates to Cut Jobs by 5 Pct. +Business,"Stocks Seen Flat; GDP, Oil Data in Focus" +Business,American Greetings Reverses Year-Ago Loss +Business," But subsidy would remain until early next year, says Nduom" +Business,World Bank Says Improving Climate for Investments Improves Lives <b>...</b> +Business,Euro Disney stock rallies on rough rescue ride with creditors +Business,House of Fraser Seals Barclaycard Deal +Sci/Tech,Freescale announces dual-core PowerPC processor +Sports,City official: Expos will move to DC next year +World,Israeli Gaza incursion +World,Sri Lanka rebels seek Europe help +Sports,I #39;m not the first bowler to get smashed: Kasprowicz +Sports,Chargers are manufacturing their own luck +Sports,Opposition asks govt to provide security to Indian team in B #39;desh: +Business,IBM Claims Its Supercomputer Is World #39;s Fastest +Business, #39;No blandness #39; after radio merger +Business,"ASML, Carl Zeiss settle patent dispute with Japan #39;s Nikon for 145 <b>...</b>" +Business,Update 1: Neimen Marcus Selling Zeppelin for \$10M +Sci/Tech,Microsoft Unveils Windows XP for India (AP) +Sci/Tech,Mountain-sized rock passes Earth +Sci/Tech,Fake viagra sold over the web from Malta-British scientists +Sci/Tech,Microsoft to Release Third Open-Source Project +Sports,Court battle over begins over real owner of Bonds #39; 700th home run <b>...</b> +Sports,Dodgers score five runs in ninth for crucial victory +Sci/Tech,I Steal Your Heritage +Business,U.S. Economic Slowdown Was Less Abrupt (Reuters) +Business,Economy Grows at 3.3 Percent Rate in 2Q (AP) +Business,Fannie Mae +Business,2Q Economic Growth Pegged at 3.3 +Sci/Tech,Computer Associates Announces Restructuring +Business,Pay dispute ends in South Africa +Sci/Tech,X-43A Scramjet Primed for Mach 10 +Sci/Tech,Flight Controller Readies Shuttle for First Flip +Sci/Tech,Cabinet Members Promote Healthier Eating Habits +Sci/Tech,Foundation Awards Annual 'Genius Grants' +Sci/Tech,'Greenhouse' Gas Found Rising Over Antarctica +Sci/Tech,Dolly Creator Applies for Human Cloning License +Business,Economy grows at 3.3 rate in Q2 +Business,Imperial Oil moving HQ to Calgary +Sci/Tech,Microsoft unveils Windows XP for India +Sci/Tech,Large Asteroid Will Make Its Closest Approach to Earth Wednesday +Sci/Tech,PalmSource Introduces Cobalt 6.1 for Smartphones +World,44 Apparent N. Korean Asylum Seekers Enter Canadian Embassy in <b>...</b> +Sci/Tech,IBM Says Blue Gene Breaks Speed Record +Sci/Tech,Microsoft Unveils Windows XP Operating System for India +Sports,Arsenal faces must-win game against Rosenborg to reach knockout <b>...</b> +World,British Hostage in Iraq Begs for Release (AP) +World,John Kerry Explains War Funding Vote (AP) +World,Families of Iraq War Dead Target Bush in Ads (Reuters) +World,"Typhoon Meari Hits South Japan, Triggers Floods" +Sci/Tech,Microsoft Set to Ask Judge to Suspend Penalties +Business,World bank urges poor countries to improve investment climates +Business,Cendant to buy Orbitz for \$1.25B +Business,IBM says supercomputer breaks speed record +Business,US economy grew faster than estimated +Business,Delta to chop pay 10 percent +Business,Tuning in to Digital Radio +Business,Disney president says deal with Pixar unlikely +Business,US Air may slash exec payroll +Sci/Tech,Munich to press on with Linux switch +World,"Typhoon Meari Hits South Japan, Triggers Floods" +World,Garang confirms he is not supporting rebelling;Khartoum denies <b>...</b> +Sci/Tech,Microsoft brings XP starter software to India +Sci/Tech,Will JpegOfDeath Help Slay Microsoft? +Sci/Tech,Report: Russia to OK Kyoto Ratification (AP) +Business,Cendant to Buy Orbitz for #36;1.25 Billion (Reuters) +Business,Economic Growth Reported Above Forecast +Business,"Global Markets: Shares Rise, Bonds Fall" +Business,"Agere to Cut 500 Jobs, Book Charges" +Business,US growth figures revised upwards +Sci/Tech,Private Rocketship Launches Today +Business,ConocoPhillips Buys Stake in Lukoil +Business,Crude prices stay above \$50 for second day +Business,Regulators Question Fannie Mae Accounting +Business,IBM #39;s BlueGene Now World #39;s Fastest Computer +Sci/Tech,New Toshiba notebooks highlight long-running trend +Business,New ETFs on the Block +Sci/Tech,Microsoft brings XP starter software to India +Business,IBM claims supercomputer speed crown +Business,"Computer Associates to Fire 800, Trim Product Line (Update3)" +Business,Capital and GWR agree on terms of 711m merger deal +Business,Germany #39;s Deutsche Post takes 38 per cent stake in Unipost of <b>...</b> +Sci/Tech,India to get Windows XP Starter Edition +Sci/Tech,Yahoo pages to get touch-up +Sci/Tech,New Toshiba notebooks highlight long-running trend +Sci/Tech,Former BEA executives launch open source company +Sci/Tech,Nintendo share price rises as DS impresses markets +Sports,Arsenal #39;s Gilberto out for month with back injury +Sports,DC scores the Expos; Norfolk mayor praises local bid +Sports,"Candlestick looms, maybe, as a real Monster Park" +World,"Typhoon strikes Kyushu, injuring 13; 3 missing" +World,Defectors in Beijing swamp embassy +Sci/Tech,Network Physics adds to management line +Sci/Tech,"Mmo2, Lucent to launch 3G mobile network in summer #39;05" +Sci/Tech,Yahoo #39;s Redesign Embraces RSS +Sci/Tech,Survey Shows Musicians Are All For Selling Music Over The Internet +Sci/Tech,Chinese computer science major sentenced for Internet porn (AFP) +World,Egypt to Host Summit on Iraqi Elections (AP) +World,U.N. Wants African Monitors in Darfur Camps (Reuters) +World,Homicide rate fell to lowest level in more than 30 years last year: StatsCan (Canadian Press) +World,Kerry-Bush rules of engagement leave little room for debate (AFP) +Sci/Tech,Lycos Europe shuts down quot;the love quot;. +World,"Israel Kills 6 Palestinians in Gaza, W.Bank Raids" +World,Nigerian Oil Delta Rebel Awaits 11th Hour Talks +Sci/Tech,Cisco to sell high-end routers with Fujitsu +Sci/Tech,"Microsoft, Amazon Take A Phishing Trip" +World,Hostage Bigley shown in new video +World,WHO bid to cut maternal deaths +World,Golf: Woods reveals Cup ambition +World,"After Dark, the Stuffed Animals Turn Creepy" +World,Neiman Marcus Selling Zeppelin for \$10M +World,British Hostage Pleads to Tony Blair +World,Fox Orders Pilot Starring Barenaked Ladies +World,Neimen Marcus Selling Zeppelin for \$10M +Business,Cendant-Orbitz Link Seen As Online Powerhouse +Sports,Mourinho keeps low profile on return to Porto +Sports,Woods Unsure About Tee Time With Injury (AP) +Sci/Tech,Better Browser Now The Best +Sci/Tech,AT amp;T Launches The Messaging OGO +Sports,"Federer Survives Shaky Outing, Roddick On Tap Today at ATP Bangkok" +Sports,"Tendulkar bats, but hopes look slim" +World,Latham stuck between rock and a higher place +World,DNA tests identify embassy suicide bomber +Business,Economic Growth Reported Above Forecast (Reuters) +Business,Germany Boosts Borrowing to New Record (AP) +Business,Conoco Wins \$2 Bln Russian LUKOIL Stake +Business,Oil Holds at \$50 +Business,"Blue Chips Flat on GDP, Oil Remains Focus" +Business,Conoco forges alliance with Lukoil +Business,Nikon to get 145 million in patent case +Business,"After a skeptical greeting, Google shares climb" +Business,Mortgage lending hits 12-month low +Sci/Tech,"Microsoft, Amazon Take a Phishing Trip" +Sci/Tech,Asteroid to make closest pass in 651 years +Sci/Tech,S3 ramps GammaChrome 3D production +Sports,Popular Games end on sombre note +Sports,Sachin gifted me a bat: Pagnis +Sports,"A #39;s are fit to be tied Hudson lit by M #39;s, Angels pull even" +Sports,Usual favorites picked in CCHA; WMU 7th +World,Celebrations after release of Italian aid workers taken hostage in <b>...</b> +Sci/Tech,Seagate seeks system builder support for 100GB notebook drive +World,ConocoPhilipps wins stake in Russia's Lukoil for nearly #36;2 billion US (Canadian Press) +World,Head of China Oil Co. Hails Project Launch (AP) +Business,IBM says its supercomputer in Rochester breaks speed record +Business,US economy increases 3.3 percent in second quarter +Business,Update 1: Cendant to Buy Orbitz for \$1.25B in Cash +Business,Update 1: American Greetings Returns to Profit in 2Q +Business,New ALH bid tipped +Business,RPT-Global economy revs up to 30-year high growth-IMF +Business,Consumers take fright as rate rises bite +Sci/Tech,Microsoft #39;s Russian Carrot +Sci/Tech,Hear William Shatner #39;s sensational version of Pulp #39;s #39;Common <b>...</b> +Sci/Tech,Network Centric Operations Industry Consortium Created +World,Jackson Joins Kerry Campaign As Adviser (AP) +Sports,Sombre end to glorious month +Sports,Chelsea v FC Porto Live SSP2 KO 19.45pm +Sports,AS Roma names Del Neri as coach to replace Voeller +World,Mayor #39;led Pitcairn #39;s boys #39; in sex +World,Govt braces for bird flu +World,PM notes lack of vision +World,Moscow arrests two in Forbes slaying +World,Kerry says he will use Bush debate to counter Republican distortion (AFP) +World,Stocks Mixed on Latest GDP Reading +World,Official: MLB to Move Expos to Washington +Sci/Tech,SpaceShipOne blasts off +Sports,Montgomery Doping Hearing Set for Early November +Sports,178 NHL Players Now in Europe (AP) +Sports,Woods Doubtful for World Championship Tournament +Sports,Montgomery Doping Hearing Set for Early November +Sports,Olympic Champion Henin Still Suffering from Virus +Business,ConocoPhillips to make \$2 billion equity investment in Lukoil +Business,Developing countries urged to improve investment climate +Sci/Tech,"Prizes, Profit Could Fuel Private Space Race" +Sci/Tech,Buying Viagra over the Internet could give you a heart attack! +Sci/Tech,HP Trials Built-To-Order PCs to Reduce Risk +Sports,National League Game Summary - Colorado at Los Angeles +World,"Time for tea, while a nation decides" +World,"Ross Fitzgerald: Overexposed, overwrought and overboard" +World,Next Round of Six-way Talks Unclear +World,French negotiator claims hostage releases close +World,Arrest warrant issued for suspects in Klebnikov murder +Business,Global economy set for best growth in 30 years: IMF (AFP) +Business,ConocoPhillips takes 7.6 stake in Russia #39;s Lukoil +Business,"India, China have improved invt climate" +Business,Orbitz stock soars on Cendant deal +Business,PF Chang #39;s China Bistro 3Q Revenue Rises +Business,"ASML, Carl Zeiss Pay Nikon \$145M" +Business,"Delta pilots back, executive payroll cut" +Sci/Tech,Private rocketship begins quest for \$10 million X Prize +Business,Stocks Are Higher on Latest Economic Growth Reading +Business,Martha Stewart Is Said to Serve Time in West Virginia +Business,Rocky Mountain Heads Toward Highs +Sci/Tech,CA to cut 5 percent of work force +Sci/Tech,JPEG exploit could beat antivirus software +Business,IMF Predicts Strongest Growth in 3 Decades +Business,Martha Stewart to Do Time in W.Va. Federal Prison +Business,"UPDATE 3-American Greetings posts profit, starts dividend" +Business,CA cutting 5 percent of workforce +World,Italians Rejoice Over Release of Aid Workers in Iraq +Sci/Tech,Janet Jackson still holds TiVo title +Sci/Tech,Red Hat Enterprise Linux 4 to support Indian languages +Sci/Tech,CA cutting 5 percent of workforce +Sci/Tech,Tougher File-Trading Bill Moves Forward +Sci/Tech,Apple Unveils Logic Pro 7 +Sci/Tech,Apple Debuts Logic Express 7 +Sci/Tech,Introducing Two New Jam Packs +Sci/Tech,Mac OS X Tip of the Week: Burning a CD from the Finder +Business,ConocoPhillips buys big Lukoil stake +Sci/Tech,Earth in close encounter with giant asteroid +Sports,Chelsea v Porto +Business,Oil Falls from \$50 as Crude Stocks Swell +Business,"Oil Drops, Bulls Bail, Treasuries Fall" +Business,Agere to Cut Another 500 Jobs +Business,Centene Takes a Dose of Deal-Making +Business,IBM Says Its Supercomputer Is World #39;s Fastest +Business,"IMF: Oil, job outlook cloud US growth" +Business,Martha Stewart Headed for W.Virginia Prison-Source +Business,Higher sales lift PF Chang shares +Sci/Tech,Private Rocket Unofficially Reaches Space +Sports,Mahendra elected India #39;s board chief +World,"Bomb Attacks Target UK, US Interests in Turkey" +Sci/Tech,Microsoft's EU Battle Hits Public Court (AP) +Sci/Tech,Apple wants to expand music download service across Europe (AFP) +Sci/Tech,INTERVIEW: HP Tries Built-To-Order PCs (Reuters) +Sci/Tech,Microsoft launches low-cost Windows in India to woo first-time PC users (AFP) +Sci/Tech,IBM Says Its Supercomputer Is World's Fastest (Reuters) +Sci/Tech,Apple Plans EU Expansion of iTunes Next Month (Reuters) +Sci/Tech,3G chiefs choose AAC for mobile music delivery +World,U.S. Military Beefs Up Security Ahead of Afghan Poll (Reuters) +World,Former Suspect in Swedish PM Murder Mystery Dies (Reuters) +Sci/Tech,Apple Plans EU Expansion of iTunes Next Month +World,Kerry Ties Hurt Some Democratic Senators (AP) +Sci/Tech,INTERVIEW: HP Tries Built-To-Order PCs +Business,Eurofighter set to boost BAE in 2005 +World,Stocks Higher on Latest GDP Reading +World,Official: MLB to Move Expos to Washington +World,British Hostage Pleads to Tony Blair +Business,IMF: World economy set for strongest growth in 30 years +Business,IBM reclaims supercomputer crown for US +Business,ConocoPhilips gets stake in Russia #39;s giant +Business," #39;Soft patch #39; not so soft, as US economic growth revised higher" +Business,CA cutting 5 of workforce +Business,Air Canada to Buy 45 Embraer Jets +Business,Black amp; Decker Gets OK to Buy Tools Unit +Sci/Tech,SpaceShipOne: A giant leap for high-tech vets? +Sci/Tech,"Amazon, Microsoft Sue Spammers" +Sci/Tech,"Asteroid Comes Closest to Earth Since 12th Century, NASA Says" +Sci/Tech,Consortium Forms to Set Network Centric Communications Standards +Sports,3 Indian Female Weightlifters Banned for Life After Positive <b>...</b> +Sports,Group F: Wenger: #39;Reyes is our Rooney #39; +Sports,Roddick betters Parmar +World,44 N.Koreans Break Into Canada #39;s Beijing Embassy +Sci/Tech,Intel No. 1 for helping workers with commutes (USATODAY.com) +Sci/Tech,"China exports 73.4 mln cellphones in first seven months, doubling earnings (AFP)" +Business,Jarvis slumps as debt deadline nears +Sci/Tech,Support Linux Standard Base (Ziff Davis) +Sci/Tech,Top Count Is Withdrawn in Tyco Retrial (AP) +Sci/Tech,Federal Scientists Search for Lost H-Bomb (AP) +Business,FDA Eases Rules on Drug Manufacturing (Reuters) +Business,Merger Creates World #39;s Third-Largest Firm +Business,Economic Growth Better Than Thought +Business,Blue Chips Slip as Oil Stocks Weigh +Business,Computer Associates to Cut 800 Jobs +Business,Martha Stewart Going to W.Va. Jail-Source +Business,Orbitz: Travelzoo's Line in the Sand +Sci/Tech,Private Spacecraft Roars to Space and Back +Sci/Tech,Penguin Tags Are a Drag -- Can Rubber Improve Them? +Sci/Tech,Birding Column: Sweet Song of the Winter Sparrows +Sci/Tech,Nokia extends outsourcing deal with HP +Business,IBM #39;s Blue Gene Wins Fastest Supercomputer Honors +Sci/Tech,Tense Moments During Trailblazing Private Space Flight +Sci/Tech,IronPort Appliance Uses E-Mail Analysis To Fight Viruses +Sci/Tech,Reform to Rules for Putnam +Sports,Mets to revamp front office again +Sci/Tech,Circuit City picks up AT T Net phone plan +Sci/Tech,Apple software to help garage bands jam +Sci/Tech,HD-DVD Standard Earns Approval +Business,HSBC Group Chairman to Retire +Business,Telecom Italia Poised for TIM Buyout +Sci/Tech,Biometric gear to be deployed in hospitals and GPs' surgeries +Business,"Magna subsidiary Decoma to close Toronto-area plant, post US\$36M <b>...</b>" +Sci/Tech,News: Warspammer pleads guilty under anti-spam law +Sci/Tech,"News: Ha, ha you're infected" +Sci/Tech,.Mac Increases Email amp; iDisk Storage +Sci/Tech,MP3 Creator Warns Tech Impasse Dooming Downloads (Reuters) +World,France Cautious About Purported Iraq Hostage Talks (Reuters) +World,Britain's Labour Party struggles to shift conference focus from Iraq (AFP) +World,Lawyer for teen killed by police says door still open for criminal charges (Canadian Press) +Sci/Tech,MP3 Creator Warns Tech Impasse Dooming Downloads +World,Rockets Kill 2 Israeli Boys; Raids Kill 6 Palestinians +Business,Tussle at the Top +World,44 N.Koreans Break Into Canada's Beijing Embassy +World,EU chiefs to discuss asylum camps +World,World growth highest since 1973 +World,Stewart to Serve Time in West Virginia +World,Stocks Are Mixed on Latest GDP Reading +World,Two Sentenced to Death for USS Cole Attack +Sci/Tech,Large Asteroid Safely Zooms By Earth +World,Rocket Attack Kills Israeli Child +Business,Foodland shares placed on trading halt +Sci/Tech,Briefly: Circuit City picks up AT T Net phone plan +Business,Crude Oil Price Hits \$50 Mark +Business,World Bank says RP suffers from poor image among foreign investors +Business,Economic Growth Better Than Thought +Business,New charges for HealthSouth ex-CEO +Business,Jamdat shares up 45 percent in first day of trade +Sci/Tech,India Added To Windows XP Starter Edition Roster +Sci/Tech,Security Watch Letter: Inside the JPEG Virus +Sci/Tech,Apple software to help garage bands jam +Sci/Tech,HD-DVD Standard Earns Approval +Sci/Tech,Philadelphia Goes Wireless +Sports,Soccer: Rooney is dazzling in his United debut +Sports,FACTBOX-Luigi Del Neri factbox +Sports,Chiefs suddenly struggling in red zone +World,Norwegian pilots land plane after axe attack by passenger +World,Israel stays silent as #39;spy #39; pair leave NZ +World,Palestinian Rocket Kills 2 in Israeli Town +Sports,Rodman to Play in Mexico on NBA Comeback Trail +Business,Oil Falls Below \$49 on Nigeria Cease-Fire +Business,Conoco Invests in Russia Oil Major LUKOIL +Business,Martha Stewart Going to W.Va. Prison +Business,IBM Claims Fastest Computer +Business,First Google ratings show search engine revved up +Sci/Tech,Microsoft Releases Low-Cost Windows XP for India +Sci/Tech,Porn JPEG Virus will Hijack your PC #39;s +Sci/Tech,Toutatis Safely Passes the Earth +Sci/Tech,Microsoft open-sources Web authoring application +Sports,Giants #39; rookie faces biggest game of career +World,Rock credentials fail to cool protest anger +World,Sudan #39;s southern rebel leader warns govt against delay in final <b>...</b> +World,Greek airliner resumes flight +World,"Three small bombs explode in Turkey, no injuries" +Sports,CL Preview: Bayern - Ajax +Sci/Tech,Saudi Edict Bans Mobile Phone Cameras (AP) +Sci/Tech,SpaceShipOne Completes First of Two X Prize Flights (Update1) +Sci/Tech,Cut-down Windows XP released in India +Sci/Tech,Intel unveils latest mobile chip +Sports,Tennis: Roddick Reaches Second Round of Thailand Open +Sports,Rider Sainct killed in Egypt crash +Sports,North Texas star running back Patrick Cobbs out for season +World,Italy debates the cost of freeing hostages +Sci/Tech,Tense Moments During Trailblazing Private Space Flight (SPACE.com) +Sci/Tech,Expedition Turns Up Life on Pseudo-Mars (SPACE.com) +Sci/Tech,Electronic Back-Seat Driver System to Be Tested +Business,ConocoPhillips wins LUKoil stake in historic auction +Business,HUD Secretary Comments on Fannie Mae +Business,Martha Stewart to serve time in West Virginia +Business,Alcan spinoff Novelis will have \$2.8 billion US in debt +Sci/Tech,SpaceShipOne completes first flight in X Prize pursuit +Sports,New York Mets call news conference for Thursday; expected to hire <b>...</b> +Sports,Soccer: Del Neri appointed Roma coach +Sports,Rogers wins time trial at road cycling worlds +World,Nigeria Militia Leader Says Deal Reached +World,UN Wants African Monitors in Darfur Camps +Business,IBM claims supercomputer speed record +Business,Kmart finalizes sale of 50 stores to Sears +World,U.N. Wants African Monitors in Darfur Camps +Sci/Tech,Craft reaches edge of space +Sci/Tech,Low-Cost Versions of Windows XP Unveiled +World,Kenya prison conditions slammed +World,'Men fled' from bridge death spot +Business,Oil Below \$50 on Nigerian Cease-Fire +Business,Computer Associates to Cut 800 Jobs +Business,IBM reclaims world supercomputing title +Business,Sears closes on Kmart stores +Sci/Tech,SpaceShipOne Rolls During Flight To Space +Sci/Tech,Earth #39;s #39;hum #39; springs from stormy seas +Sci/Tech,Apple introduces two new Garageband Jam Packs +Sports,Golf: Shoulder injury casts doubts over Woods +Sports,Safin sights Houston with Thai win +Sports,Rogers wins world TT title +World,Hope in journalists #39; release +Sports,Gilberto out with back injury +World,Chechen pair held over journalist #39;s murder +Business,Conoco Phillips buys 7.6 in Lukoil for \$2 bn +Business,Travelzoo Shares Rally After Offering Rumor Fades +Sci/Tech,"Private Space Ship Lands Safely, Nears Prize" +Sci/Tech,"Microsoft, Amazon Take Phishers to Court" +Sports,"Rodman could have a place here, after all" +Business,Delta Cuts to Run +Business,Sears buys two local Kmart stores +Business,US Economy: Growth Slowed Less Than Expected in 2nd Quarter +Sci/Tech,Private rocketship goes to space and back +Sci/Tech,Microsoft Reveals More Intellectual Property +Sports,Special to ESPN.com +Sports,Campbell starts for Gunners in Norway +World,Darfur is All About Talk And No Action +Business,Kmart wraps sale of 50 stores to Sears (AFP) +Business,Update 2: IMF Predicts Strongest Growth in 3 Decades +Sports,"The more the Red Sox and Cubs talk about it, the worse it gets" +Business,Workers at four hotels in San Francisco go on strike +Business,Japan expected to remain quiet on yuan +Sci/Tech,"Space Flight Bumpy, But Successful" +Sports,Lynch set for return to Tampa +Sci/Tech,Low-Cost Versions of Windows XP Unveiled (AP) +Sci/Tech,"VoIP, Inc. Seeking To Partner with Cable Firms (NewsFactor)" +Sci/Tech,Munich To Make Linux Migration Official (NewsFactor) +Sci/Tech,Salesforce.com expands call center support (InfoWorld) +Sci/Tech,Strong Quake Rattles Tiny California Town (Reuters) +Sci/Tech,Branson Dumps Cyberspace on Road to Outer Space (Reuters) +World,Bush and Kerry Gear Up for First Debate (Reuters) +World,Rival Uses Bin Laden Ad to Attack Murray (AP) +Sci/Tech,SpaceShipOne Successfully Soars Into Space Again +World,"Powell to Visit Brazil, Talk With Leaders" +Sci/Tech,Parade of Hurricanes Erode Florida Beaches +Business,Cendant Makes Its Move on Diller +Sci/Tech,Briefly: Microsoft boosts reporting tools +Sports,Patriots Say They're Focused on Bills (AP) +Sports,"Air Force, Navy to Play in Iraq War Shadow (AP)" +Sci/Tech,Microsoft boosts reporting tools +Sci/Tech,Trend Micro Gives Away Mobile Antivirus App +Sci/Tech,SpaceShipOne completes first flight in \$10M prize pursuit +Sports,Clijsters Makes Winning Return to Tour (AP) +Sports,Culpepper highlights NFC Players of the Week +Sports,Dalmiya gets Pawar run out on last ball +Sports,Del Neri replaces Voeller +Sports,CSKA beat PSG 2-0 in Moscow +World,Nigeria rebel leader cites deal +Sports,Clijsters Wins on Comeback +Sci/Tech,"Linksys, Verizon team on Net telephony" +Sci/Tech,Microsoft focuses on camera connections +Sci/Tech,Digital photo album bypasses PCs +Sci/Tech,Salesforce.com expands call center support +Sci/Tech,Lycos Pulls Antispam Screensaver +Sci/Tech,Saudi Arabia Bans Mobile Phone Cameras +Sci/Tech,Video Cameras at Movies May Be Criminalized +Business,Oil Ends Below \$50 on Nigerian Ceasefire +Business,ConocoPhillips Buys \$2 Billion Stake in Lukoil +Sci/Tech,Google News Biased? Can Algorithms Take Sides? +Business,Wal-Mart to take biggest hit from S amp;P index shift +Sci/Tech,"Amazon, Microsoft Suit Caps Busy Two Weeks" +Sci/Tech,Study: As much as 50 of Viagra sold online is fake +Sci/Tech,"Q9 Networks Inc. to open Brampton, Ont., data centre after \$13M <b>...</b>" +Sports,Nothing like Tito at the Garden +Sports,"Forget the streak, Patriots say they #39;re focused on Buffalo" +Sports,Paralympians warmly welcomed home +Sci/Tech,IBM reclaims top supercomputer crown for U.S. (InfoWorld) +Business,"Belo to Cut 250 Jobs, Completes Circulation Probe" +Business,Martha Stewart assigned to West Virginia prison +Business,UPDATE 1-Wal-Mart sets \$10 billion share repurchase plan +Business,HP Gets Extended Nokia IT Pact +Sci/Tech,IBM spices up corporate search +World,US has no objection to NKorea delaying nuclear talks until after <b>...</b> +World,Argentina School Shooting Victims Buried +Sci/Tech,"Ubuntu, a promising new Linux distribution" +Business,ConocoPhillips Buys Lukoil Stake for \$1.99 Billion (Update12) +Business,Martha Stewart to Serve Time in West Virginia +Business,Rochester Business Journal +Sci/Tech,JPEG Attack Watch Continues +Sci/Tech,Winter storms source of Earth #39;s hum: geologists +Sci/Tech,Consortium Works on Network Interoperability +Sports,Dope-tainted lifters banned for life by IOA +Sports,Montreal Expos Fans Set to Bid Adieu to Team +Sports,"Western Illinois football players charged in burglary, suspended" +World,Group Enters Canadian Embassy in Beijing (AP) +World,RCMP officer was a rookie when abused woman was shot by her husband (Canadian Press) +World,House Votes to End Handgun Ban in D.C. (AP) +Sci/Tech,IBM spices up corporate search +Sci/Tech,IBM claims fastest supercomputer title--for now +Business,Study: #39;Phishing #39; scams net \$500 million +Sports,"Lee Hits Grand Slam, White Sox Beat Tigers (AP)" +Sci/Tech,"One Flight Down, One To Go for SpaceShipOne" +Sports,Bills' Losman May Practice in Two Weeks (AP) +Sports,Clijsters comes back from long layoff to make winning return +Sports,Dakar legend Sainct killed in Egypt. +World,"Sudan bows to pressure, allows AU to monitor police in Darfur <b>...</b>" +Sports,WIU Football Players Charged in Burglary (AP) +Sci/Tech,Study: 'Phishing' scams net \$500 million +Business,Treasuries Fall as Investors Take Profits (Reuters) +Business,Oil Ends Below \$50 on Nigerian Cease-Fire +Business,Treasuries Fall as Investors Take Profits +Business,U.S. Stocks End Higher +Business,Dallas Morning News to Lose Jobs +Business,Oil Ends Below \$50 on Nigerian Ceasefire +Business,McCormick Keeps It Spicy +Business,IMF Optimistic on World Economic Growth +Business,Hotel franchisor acquires Orbitz +Business,Economy stronger in second quarter than previous estimate +Business,American Greetings reinstates dividend +Sci/Tech,"Apple intros Logic Pro 7, Logic Express 7, Jam Packs" +Sports,Baseball returns to Washington; Expos relocated to DC +Sports,Aussie Michael Rogers wins time trial at road cycling worlds +Sports,Culpepper Named NFC Offensive Player Of The Week +World,Kidnappers treat quot;well with a lot of respect quot; during captivity +Business,Analyst boosts retailer #39;s rating to #39;buy #39; +Business,"IBM Settles Pension Suit, to Take Charge" +Sci/Tech,Researchers Using DNA to Help Stop Elephant Poaching +Sci/Tech,Salesforce.com Unveils Site Aimed At Providing On-Demand Call <b>...</b> +Sports,Woods seeks Ryder Cup changes +Sports,"Massu cruises; Verdasco, Nadal fall in Palermo" +Sci/Tech,Correction: FDA-Drug-Imports Story (AP) +Sci/Tech,"IBM Settles Pension Suit, to Take Charge (Reuters)" +Sci/Tech,Dolly's Creator Applies for Human Cloning License (Reuters) +Business,AIG Says Unit Faces U.S. Criminal Probe +Business,Yen Rises Smartly as Oil Prices Fall +Business,G-7 likely won #39;t press China on yuan +Sports,Bonds #39; 700th homerun ball tentatively kept from auction block +Sci/Tech,"Users: Data validity, security issues can arise during BI rollouts" +Sci/Tech,Salesforce.com expands call center support +Sci/Tech,Compuware boosts application development wares +Sci/Tech,Cendant buying Orbitz.com in \$1.25B deal +Sci/Tech,Update: CA cutting 5 of workforce +Sci/Tech,Agere to cut 500 jobs amid slowing sales +Sci/Tech,Freescale announces dual-core PowerPC processor +Sci/Tech,IBM reclaims supercomputer crown for U.S. +Sci/Tech,".Mac bumps up storage capacity, improves mail" +Sci/Tech,"Speakers debate RFID benefits, challenges" +Business,Higher oil prices prompt downward revision to #39;05 outlook +Business,Blue Gene/L teraflops into supercomputing #39;s top spot +Business,Cendant To Buy Orbitz For \$1.25 Billion +Business,Update 3: Ex-CEO Scrushy Faces New Perjury Charge +Business,IMF calls on China to drop yuan currency peg +Business,IBM Agrees to Settle Part of Illinois Pension Lawsuit (Update1) +Sci/Tech,Microsoft To Unveil Low-priced XP Starter +Sci/Tech,IBM Unmasks Masala for Speedy Search +Sports,Inter crush Anderlecht 3-1 to lead group by three points +World,Norway: Pilots attacked with an ax +Sci/Tech,Computer Assoc. Cuts 800 Jobs Worldwide (AP) +Sci/Tech,"Analysts, Apple on Logic, GarageBand (MacCentral)" +World,Lethargic Gunners fail to tie up loose Strands (AFP) +World,Russian Foreign Minister Meets With Castro (AP) +World,Bittersweet day in Montreal as Expos officially play final home game (Canadian Press) +World,RNC Creates Web Sites to Criticize Kerry (AP) +World,"Congress Delays Votes on OT, Drug Issues (AP)" +World,Blair Says Britain Would Respond to Hostage Takers +World,Wounded Pilots Land Norway Plane After Axe Attack +Sci/Tech,"Former Sun, BEA execs forge grid venture" +Business,Cendant Buying Orbitz for \$27.50 a Share +Business,IBM Agrees to Settle Part of Federal Pension Lawsuit (Update2) +Business,Union workers walk at 4 hotels +Business,Colombian leader seeks more international support +Sci/Tech,BlueGene: IBM claims crown +Sci/Tech,Toxic Algae Bloom Seen Off Washington State Coast +Sports,Baseball is back in DC +Sports,"Inter crushes Anderlecht, leads group by three points" +Sports,"White Sox 11, Tigers 2" +World,Victims of Argentine school shooting mourned +World,Suspected Spies Heading To Israel +Business,Outlook on future flagging +Business,Cendant to buy Orbitz for \$1.25 billion +Business,Synnex Beats 2Q Estimates; Net Income Up 50 Percent +Business,Good news: #39;Phishing #39; scams net only \$500 million +Business,"Oil prices fall on rising US inventories, easing Nigeria fears" +Business,"DHL Sees Loss As FedEx, UPS Dominate" +Sci/Tech,SalesLogix and Salesforce.com Expand Their Customer Service <b>...</b> +Sports,AC Milan #39;s denies brave Celtic +Sports,CLIJSTERS ADVANCES IN HASSELT +World,Pitcairn men linked with #39;a culture of sex abuse #39; are named +World,FACTBOX-Profiles of key figures in new Irish cabinet +Sci/Tech,IBM Partial Settlement in Pension Suit (AP) +Sci/Tech,Toxic Algae Bloom Grows Off Wash. Coast (AP) +Sci/Tech,Electronic Back-Seat Driver System to Be Tested (Reuters) +Sci/Tech,SSH Proxies and Timeouts +Business,U.S. Treasury Debt Prices Fall (Reuters) +Business,"'Soft patch' not so soft, as US economic growth is revised higher (AFP)" +Business,U.S. Treasury Debt Prices Fall +Business,IBM Settles Pension Claims +Business,AIG Says Unit Faces U.S. Criminal Probe +Business,Techs rally on Internet deal +Business,Synnex 3Q Profit Rises 50 Percent +Business,"US Air, Delta target executives for new cuts" +Sci/Tech,IBM regains speed lead +Sci/Tech,Dell Aims To Drive Down Cost Of High-Performance Computing +Sports,India cracks down on dopers +World,Palestinian Rocket Kills Two Children +Sci/Tech,"Speakers debate RFID benefits, challenges" +Sci/Tech,IBM gives a kick to CICS +World,Dad ID's Kidnapped Daughter in Colombia (AP) +World,Four injured in rocket attack on German base in Afghanistan (AFP) +World,"Dr. Phil Interviews President, First Lady (AP)" +Sci/Tech,Edge Dynamics launches new breed of enterprise app +World,Booming China raises workers' hopes - and discontent +World,Football: Rosenborg hold Arsenal +World,Blair pledges over Bigley captors +World,Baseball Returns to Washington as Expos Move From Montreal +World,Kerry Sees Debate as Chance to Shed 'Flip-Flop' Label +World,Staph Strain Infects More Healthy People +World,White House: Guard Never Disciplined Bush +World,Saudi Edict Bans Mobile Phone Cameras +World,Bush Seeks Aid for Fla. Hurricane Victims +World,"Stocks Edge Up on GDP Reading, Oil Prices" +World,CBS Works Past Troubles for Premiere Week +World,Two Sentenced to Death for USS Cole Attack +Business,IMF Says Russia Must Save Energy Windfall +Business,LUKoil-Conoco Deal Opens Way to Iraq +Business,Clearing Out Fannie #39;s #39;Phantoms #39; +Business,IBM Settles Pension Claims +Business,"Stocks End Up, Boosted by Techs, Oil" +Business,Chip-Maker Posts Profitable Quarter +Sci/Tech,Private spaceship leaves Earth #39;s atmosphere +Sports,DC #39;s Ballgame +Sports,Wayne Rooney enters Man U folklore with hat trick in debut +Sports,AC Milan defeats Celtic 3-1 on late goals in Champions League +Sports,Ichiro leads an assault on baseball #39;s records +Sports,Name of Washington Team to Be Decided (AP) +Sports,Champions League Soccer: Chelsea Defeats Porto +Sports,"Cox Wins 2,000 Games as Braves Beat Mets" +Business,Circuit City Posts Weak Sales; Shares Off +Business,Talbots Cuts Earnings View on Slow Sales (AP) +Business,Computer Associates to Cut 800 Jobs +Business,Micron Technology Posts Profit +Business, #39;); //-- gt; Eye On Stocks +Business," #39;Soft patch #39; not so soft, as US economic growth is revised higher" +Sci/Tech,Private space plane rockets towards \$17m prize +Sci/Tech,Web founder says cooperation needed to create the Semantic Web #39; #39; +Sports,Name of Washington team to be decided +Sports,Chelsea beats defending champion Porto +Sports,Chelsea overpower champions Porto +World,Nigerian talks may aid oil price +World,China blasts Taiwan PM #39;s threat of missile strike +Business,AIG Target of Justice Department Probe +Business,Martha heading to West Virginia jail +Business,Iger: Pixar deal nearing end at Disney +Sci/Tech,US rocket team halfway to winning \$10-million prize +Sci/Tech,Amazon and Microsoft team up to fight spammers +Sci/Tech,Gartner: Piracy driving Linux PC shipments +Sci/Tech,Micron Technology Posts Profit +Sci/Tech,House Toughens Penalties on P2Ps +Sci/Tech,Agere Adjusts for Soft Demand +Sports,Mourinho #39;s Chelsea Beats Porto in Champions League (Update1) +Sports,Fitness test for wounded Tiger +Sports,French driver killed in motorcycle rally racing in Egypt #39;s desert +Sports,Dodgers #39; Bradley Ejected for Throwing Bottle +World,Italy denies paying ransom for hostages +World,Latham #39;very proud #39; of wife +Business,Oil prices retreat as US supplies rise +Business,Cendant buys Ortiz for \$1.25B +Business,US publisher cuts jobs after scandal +Sci/Tech,Bumpy ride for a private rocket ship +Sci/Tech,Scientists rumble Earth #39;s hum +Sci/Tech,RFID gets a reality check +Sci/Tech,"News Bits: New Pentium 4 M, New Sharp 64-bit Notebook, OQO Relase <b>...</b>" +Sports,Roundup: Roma appoints Del Neri as coach +Sports,India slaps life ban on three weightlifters caught for doping +World,Italians shrug off claims that \$1m was handed over to free women <b>...</b> +World,"Rocket kills 2 Israelis, prompting clash in Gaza" +World,Britain #39;s Blair Faces Poll Amidst Iraq Hostage Crisis +World,New Zealand deports suspected spies +World,Israel considering #39;all options #39; to curb Iran +World,System of pet passports to apply fully from Friday +Sci/Tech,Private rocket reaches space for second time +World,"Rockets Kill 2 Israeli Children, 9 Palestinians Die" +World,Austrian Bishop Quits After Sex Scandal -- Newspaper +World,Sex abuse trials open on Pitcairn +Business,"US stocks: Stocks up, boosted by techs and cheaper oil" +Business,AIG target of Justice probe +Business,Profit warnings take shine off GWR/Capital merger +Sci/Tech,Mountain-sized Asteroid Zips Past Earth Wednesday +Sci/Tech,MS launches XP lite for Indian market +Sci/Tech,Apple to expand European iTunes next month +Sci/Tech,"What #39;s in the Box? Radio Tags Know That, and More" +Sports,Australian Rogers shines in Milan +Sports,Blind Japanese runner wins Paralympic marathon +World,Violence racks Palestinian territories +World,Typhoon Meari Passing Through Japan #39;s Northern Tohoku Area +World,Canada considers fate of suspected NKorean refugees in China <b>...</b> +Sci/Tech,European iTMS Expansion Coming In October +Sports,Clijsters makes winning return +Business,"IBM settles pension suit, take charge" +Business,"Unocal, Royal Dutch withdraw from project" +Sports,WENGER LET DOWN BY GUNNERS DRAW +Sports,"Life ban for Chanu, Pratima Kumari" +Sports,Milan cause Celtic late heartbreak +Sports,O #39;Neal calls Kobe #39;s comments #39;ridiculous #39; +World,Tories mock PM for broadband pledge +World,Teen kills 3 classmates. +Sports,Patriots Place Watson on Injured Reserve (AP) +Sports,Orioles Beat Blue Jays to Start Twinbill (AP) +Sports,Yanks Come From Behind to Win Opener +Business,IBM Settles Pension Claims +Sports,"San Francisco at San Diego, 10:05 PM" +World,Suspect in Palme killing dies of head injuries +World,Israeli PM hosts cabinet session +World,Zimbabwe #39;s first woman VP calls for unity +World,"Russia, India to join hands in IT" +Sci/Tech,Google Responds to Google News China Controversy +Sci/Tech,TV Humor With a Digital Punch Line +Sci/Tech,Outsourcing Finds Vietnam +Sci/Tech,Headphones That Make the World Go Away +Business,IBM Agrees to Settle Part of Federal Pension Lawsuit (Update3) +Business,Micron Sales Rise 34 Pct +Business,Disney #39;s Iger Says Pixar Deal Unlikely +Business,CA to Lay Off 800 Workers +Sci/Tech,Toxic algae bloom grows off Wash. coast +Sci/Tech,"Mac Bumps Mail, iDisk Storage to 250MB" +Sci/Tech,Hubble photographs reach back to universe as toddler +Sports,Diamondbacks sign LHP Jeff Fassero +Sports,Trial date set for lawsuit that touched off Univ. of Colo. <b>...</b> +Sports,Diamondbacks add left-hander +World,N. Korea may be called before UN +World,Soaring Fuel Costs to Spur Airline Mergers -Qantas +Sci/Tech,Open-Source Startup SourceLabs Gets Venture Funding (NewsFactor) +Sci/Tech,Cendant Buys Orbitz for \$1.25 Billion +Business,Microsoft boosts BI +World,Malaysian PM outlines vision for East Asian integration +Sci/Tech,Universe a bit safer than we thought +Sci/Tech,Linksys goes dual-band on Wi-Fi +Sci/Tech,Gateway expands PC configuration options +Sci/Tech,Gartner: Piracy driving Linux PC shipments +Sci/Tech,Instant messaging worm exploits JPEG flaw +Sci/Tech,First Look: Cobra's Imperfect Portable Automobile GPS +Business,IMF finds fault with Chancellor over deficit +Business,Computer Associates To Cut 5 of Workforce +Sci/Tech,SpaceShipOne lands +Sci/Tech,IBM builds the fastest supercomputer +Sci/Tech,HD-DVD Promotion Group Formed +Sports,Wenger disappointed with over-cautiousness +Sports,"Cox records 2,000th win" +Sports,Patriots lose rookie Watson for season +World,Chained captive renews plea to Blair +World,Quickly Asia +Sci/Tech,Gateway expands PC configuration options (InfoWorld) +Sci/Tech,Gartner: Piracy driving Linux PC shipments (InfoWorld) +Sci/Tech,Linksys goes dual-band on Wi-Fi (InfoWorld) +Sci/Tech,Microsoft boosts BI (InfoWorld) +Sci/Tech,Group Warns of Mount St. Helens Eruption (AP) +World,U.S. Says Syria Agreed to Seal Border with Iraq (Reuters) +World,UNCTAD Urges Complete Africa Debt Write-Off (Reuters) +World,Tokyo Stocks Bounce Up at Opening (Reuters) +World,Interior Ordered to Keep Indians Informed (AP) +World,Feds Says Iraq Election in Jan. Feasible (AP) +Business,Wal-Mart announces \$10 billion share repurchase +Business,"Update 1: Unocal, Royal Dutch Leave China Project" +Sports,Tossed Golf Ball Delays Marlins-Expos Game (AP) +Sports,Green Struggles to Mold Winner in Arizona (AP) +Sports,Celtics Expect Gary Payton to Report (AP) +Business,Tokyo Stocks Bounce Up at Opening +Business,"Congress to Hear Fannie Mae CEO, CFO" +Business,51job Inc listed on NASDAQ +Business,Phishing Cost Consumers \$500 Million +Sci/Tech,IBM creates fastest super model in the world +Sci/Tech,Big asteroid Toutatis passes (relatively) close to Earth +Sci/Tech,Silicon Image unveils low-cost storage appliance +Sci/Tech,Tougher File-Trading Bill Moves Forward +Sports,Chelsea defeat champs Porto 3-1 +Sports,DC #39;s baseball win official +Sports,Bradley suspended for remainder of season +Sports,Cox modest about milestone +World,Japan battered by Typhoon Meari +Business,Stock Fund Inflow Shrinks To #36;1.09 Bil (Investor's Business Daily) +Sci/Tech,Private space ship lands safely +Sci/Tech,Critics unimpressed with Kevin Spacey +Sci/Tech,Storage On A Chip +Sci/Tech,"Come 2005, Microsoft will bring Windows XP for beginners" +Sports,Del Neri takes over at AS Roma +Sports,Indian weightlifting federation banned temporarily +Sports,Arsenal not positive enough - Wenger +Sports,Inter cruises to easy win over Andrelecht in Champions League +Sports,CSKA Moscow overcome PSG +Sports,Record home run hit lands in court +Sports,Few surprises -- or answers -- so far +World,Screaming axeman attacks two pilots +World,24 dead or missing in typhoon +World,Spies #39;brokered \$1m hostage ransom deal #39; +Sci/Tech,REVIEW: IPod Speaker Sets Get a Hearing (AP) +Sci/Tech,Schwarzenegger Vetoes E-Mail Monitoring Disclosure (Reuters) +Sci/Tech,Pilot Completes 1st Stage of Space Flight (AP) +Sci/Tech,Federal Scientists Search for Lost H-Bomb (AP) +Sci/Tech,Researchers Find Allergy-Free Soybean (AP) +World,Russian Government to Discuss Approving Kyoto Pact (Reuters) +World,British Hostage in Iraq Pleads for Help (AP) +Sci/Tech,Schwarzenegger Vetoes E-Mail Monitoring Disclosure +World,Kerry Says Bush Broke Promise on Oil (AP) +World,Sudan Asks U.N. to Verify Darfur Refugee Returns (Reuters) +World,Creditors Agree to Defer Iraq Debt Payments - IMF +World,Latin America Hard-Pressed on Poverty Goals - IADB +World,Voters to Judge Bush and Kerry on Foreign Policy in First Debate +Sci/Tech,02 announces European 3G network launch +World,Group Warns of Mount St. Helens Eruption +Sci/Tech,Briefly: HP may expand Puerto Rican research +Sci/Tech,HP may expand Puerto Rican research +Sci/Tech,Desktop Linux a vehicle for pirating Windows +Sci/Tech,RFID gets a reality check +Sci/Tech,Salesforce.com launches on-demand support +Sci/Tech,"HP using Hitachi drives in servers, storage" +Business,Stocks open higher on advances in US shares +Business,Nasdaq Chief Sees Changes Ahead +Sci/Tech,A stinker? Critics pan Spacey #39;s Old Vic debut +Sports,Match Reaction From Milan +Sports,No Davis for Carolina in Week 4 +Sports,Packers Going Through Some Trying Times (AP) +Sports,Baseball's Return to D.C. Long Time Coming (AP) +Business,Wal-Mart Vice Chairman Coughlin to Retire (Reuters) +Sci/Tech,Good news: 'Phishing' scams net <i>only</i> \$500 million +Sports,Glavine Fears Mets' Shakeup Reveals Instability +Sports,Knicks' Houston Proceeding With Caution +Sci/Tech,Police turn forensic skills on handhelds +Sports,Tiger Woods' Back an Issue at Amex +Sports,Expecting More +Sports,Minors Director Fired +Business,"Tokyo Stocks Bounce Back, Led by Techs" +Business,"Yen Back Under Pressure; Oil, Tankan Eyed" +Business,Conoco buys stake in Russian oil firm +Business,Clicks and mortar not a firm foundation +Business,From pesto to porridge for Martha Stewart +Business,Greece #39;s funding under threat +Business,"Update 1: Jamdat Mobile, 51job IPOs Soar in Debuts" +Business,IBM ordered to pay court costs to Compuware +Business,"Update 2: Tokyo Stocks Slip, Dollar Up" +Sci/Tech,Apple Plans EU Expansion of iTunes Next Month +Sci/Tech,Blu-ray rivals set up promotional group +Sports,Kevin McCarra at Stamford Bridge +Sports,Woods beset by ifs and maybes +Sports,Zimbabwe officials halt racism hearing +Sports,Monkey Off Their Back +Business,ConocoPhillips pays \$2bn for Lukoil stake +Business,Delphi gets SEC subpoena +Business,Devices Up on Medicare Decision +Sci/Tech,Private Spacecraft Makes Successful Trip to Space +Sports,Dakar winner Sainct killed in Rally of the Pharaohs +World,Democracy takes a back seat +Business,Prices ease as US stocks rise +Business,Fannie Mae mess is one for the books +Business,Wall Street treads water as traders await fresh direction +Sci/Tech,Salesforce.com Touts Customer-Service Apps +Sci/Tech,HUM.. WHY THE EARTH #39;S SINGING +Sci/Tech,AT amp;T reaches out to data-driven profits +Sci/Tech,Samsung working on tiny drive +Sports,Mourinho gives Porto the blues +Sports,Reports: Expos move imminent +Sports,"REDS 2, CUBS 1, 12TH INNING Elusive Last Out in 9th Haunts Cubs <b>...</b>" +Sports,San Jose hopeful after baseball moves Expos to DC +World,Iran stresses need to promote ties with Russia +Business,"Tokyo Stocks Rise, Technology Firms Lead" +Business,SEC subpeonas Delphi over EDS payments +Sports,FOOTBALL: GIGGS: DON #39;T BURN HIM OUT +Sports,Move produces mixed emotions +World,Blair vows to respond #39;immediately #39; if contacted by Iraq hostage <b>...</b> +Sports,Blown save in ninth leads to loss on homer in 12th +World,Western Leaders Criticize Putin +Business,Choose and cut farms thrive as fake trees gain market share +Sci/Tech,Red Hat acquires AOL's Netscape server software +Sci/Tech,Samsung working on tiny drive +Business,"Telecom Italia to Buy Rest of Mobile Unit, People Say (Update2)" +Sci/Tech,Congress Debates 411 Wireless Directory Legislation +Sci/Tech,Gateway PC Delivers New Motherboard Standard +Business,Wolfensohn's Chance at 3rd Term Unclear +Business,San Francisco Hotel Workers Strike +Business,Lenovo said to buy IBMs PC business +Business,U.S. Revises 2nd-Quarter Growth to 3.3 Rate +Business,Restatement Decision Deferred +Business,No-Bid Defense Contracts Common +Sci/Tech,Judge Strikes Down Section of Patriot Act Allowing Secret Subpoenas of Internet Data +Business,"Pentagon Spends Without Bids, a Study Finds" +Business,I.M.F. Asks China to Free Its Currency From Dollar +Business,Imf Warns House Buyers to #39;Exercise Caution #39; +Business,Fresh ALH bid pushes market to new record +Sci/Tech,Gateway PC Delivers New Motherboard Standard +Sports,A 3-Decade Campaign Is Over: Baseball Is Back in Washington +Sci/Tech,Gateway PC Delivers New Motherboard Standard (PC World) +World,Sexual abuse trials underway on Pitcairn +World,UN calls for more AU monitors in Darfur Camps +World,Qantas #39; Jetstar Asia lifts off for a long haul future +Sci/Tech,IBM OKs Partial Pension Suit Settlement (AP) +Sci/Tech,IBM Settles Some Pension Suit Issues +Sci/Tech,"Akamai Strives for a Safer, Speedier Net" +Business,Oil Ends Below #36;50 on Nigerian Cease-Fire (Reuters) +Business,IMF Says China Able to Slow Economy (AP) +Sci/Tech,Russia 'to ratify climate treaty' +Business,IBM reaches settlement in pension suit +Business,"Mutual-fund industry buffeted by regulators, media, markets: IFIC <b>...</b>" +Sci/Tech,Rocket plane lands safely after bid for X Prize +Sports,Jeff Gordon has momentum +World,Italian Officials Dispute Reports of Ransom +World,Sudanese Villagers Attacked in Darfur +Sports,SportsNetwork Game Preview +Sports,Expos not quite out of limbo +World,"IMF Approves Aid for Iraq, Pushes for Debt Relief (Reuters)" +World,U.S. Denies Cubans Visas for Conference (AP) +World,Alaska Judge Orders Ballots Reprinted (AP) +World,UK hopes for Iraq hostage contact +World,Putin: Don #39;t meddle in Ukraine +World,Faulty gene link to obesity risk +World,A 3-Decade Campaign Is Over: Baseball Is Back in Washington +World,Division Is Almost in Yanks' Hands +World,Alaska Judge Orders Ballots Reprinted +World,Alaska Judge Orders Ballots Reprinted +World,Italian Officials Dispute Reports of Ransom +World,Jordan Acts to Curb a Rising Chorus of Critics +World,Attackers Kill Three Afghan Soldiers +World,Dad ID's Kidnapped Daughter in Colombia +Business,San Francisco Workers Strike +Business,US Revises 2nd-Quarter Growth to 3.3 Rate +Sports,D-Rays Dim Boston's Bid for AL East Title (AP) +Sports,George Solomon +Sports,Angels center fielder agravates knee +Sports,U.S. Women Defeat Iceland 3-0 (AP) +Sports,"Marshall Holds Off Miami, Ohio 33-25 (AP)" +Sports,O'Neal Takes Shot +Business,Conoco and Lukoil: Everyone Wins +Business,Martha Stewart headed to West Virginia prison +Business,Report: Black may leave Hollinger +Sci/Tech,PRIVATE ROCKETSHIP TO SPACE AND BACK +Sci/Tech,Google #39;s Chinese Wall +Business,Greenback strengthened slightly after energy price spike pressures <b>...</b> +Business,Woolworths tops rival pubs offer +Sports,"Sun burn Mystics, advance to conference finals" +Sports,"St. Louis at Houston, 8:05 PM" +World,Forty apparent asylum seekers make bid for freedom in PRC +World,REGION: UNSC shouldnt take up Iran nuclear issue +World,NZ will keep pushing for apology over Mossad #39;agents #39; +Sports,Inter Conquer Brussels +Sports,SportsNetwork Game Preview +World,14 dead after typhoon hits Japan +World,Looters Impede Aid to Haiti; UN Sending More Troops +Sci/Tech,Salesforce.com expands call center support +Sci/Tech,BYTE OF THE APPLE +Sports,Rogers wins unique double gold +Sports,Tony Stewart: Championship charge culminated at Talladega +Business,Oil Prices Slip as Supply Threats Ease +Business,"Yen Trims Losses as Tankan, G7 Eyed" +Business,"Free Net phone upstart sues Vonage, Fry #39;s" +Business,Stocks End Up on Economic Growth Reading and Higher Oil Prices +Business,Economy Grew at 3.3 Percent Rate in 2nd Quarter +Sports,Moya helps Spain draw first blood +Sports,Miss Peru Wins World Beauty Title +Sports,Solanki enjoys Bulawayo surface +Sci/Tech,Tim's Cook-For-Yourself Diet Plan: Save money and lose weight +World,The Division Is Almost in the Yankees' Hands +World,White House: Guard Never Disciplined Bush +Business,IMF Approves \$436 Million Loan for Iraq +Business,Stewart to serve sentence in West Virginia +Sci/Tech,Reaching for the Sky +Sci/Tech,IBM claims BlueGene/L now world #39;s most powerful supercomputer +Sports,Dolphins Receiver Chambers Questionable (AP) +Sports,Real Madrid celebrates comeback +Sports,Pakistan captain eyes history +Sports,Specially marked balls used for Ichiro as he closes in on record +Sports,"MLB: Houston 6, St. Louis 4" +World, #39;It was just enough. For now #39; +Sports,COLUMN: Major League Baseball Strikes Out in Montreal +Sci/Tech,"Free Net phone upstart sues Vonage, Fry's" +Sports,Players' Tempers Burn in the Land of Playoff Fever +Sci/Tech,Reducing Information Overkill +Sci/Tech,Google Shares Just May Be Winners After All +Sci/Tech,"Schools Relax Cellphone Bans, Nodding to Trend" +Sci/Tech,Wisconsin State Journal +Sci/Tech,"Ontario spammer sued by Microsoft, Amazon.com" +Sci/Tech,Tech Briefs +Sports,"Reds 4, Cubs 3, 12 innings" +World,Iraq captors wanted US\$5 million ransom +World,Former world leaders urge Western pressure on Putin over state of <b>...</b> +Business,"Motorola to cut 1,000 jobs, take \$50 million charge" +Business,KING/5 owner Belo plans to cut jobs +Sci/Tech,Search Upstart Launches New Site (AP) +Sci/Tech,\$10 million is just one flight away +World,ITALY REJOICES: Captives return from captivity +World,Forteen Dead as Storm Batters Japan +World,Millions Join to Fight Bird Flu in Thailand +Sci/Tech,California Governor Vetoes Privacy Bills +Business,Lehman in Talks to Buy UK Hedge Fund -WSJ +Business,New Company Starts Up a Challenge to Google +Business,Martha Stewart #39;s new abode +Sci/Tech,Courtesy KHOU-TV +Sci/Tech,Closing the gaps in open source +Sci/Tech,Battle brews over California emissions rule +Sports,Mystics bow meekly out of playoffs +Sports,"Cubs crumble, lose in 12th" +Sports,Red-hot Astros edge Cardinals +World,Blair faces vote amidst hostage crisis +World,FG Holds Talks with Niger Delta Militants +Sports,Mariners Defeat Athletics 4-2 (AP) +Sports,Sisler Known Again Thanks to Ichiro (AP) +Sports,Astros Continue Charge +Sports,Padres Edge Giants +Business,Japan's production growing again +Business,ConocoPhillips wins Lukoil bid +Business,Martha #39;s new estate +Business,"Conoco Wins Lukoil Bid, a Window on Iraq" +Business,Cendant plans to buy travel website +Business,Judge leaves Black as Hollinger chief +Business,STOCKS TO WATCH +Business,Software maker cuts 800 jobs +Sports,UPI NewsTrack Sports +Sports,Twins swept away; Yankees #39; dominance deceptive yet telling +Sports,"This story ran on nwitimes.com on Thursday, September 30, 2004 12 <b>...</b>" +Business,Japan industrial output rise marginally in August +Sci/Tech,Agere Adjusts For Soft Demand +Business,A Fannie smacking +World,Two Yemenis get death for Cole blast +World,New Zealand releases Israeli spies +Sports,"Passing offense is adjusting, humming" +Business,IMF Lowers Korea #39;s 2004 Economic Growth Forecast +Business,Delphi: SEC probing EDS transactions +Business,Japan #39;s production growing again +Business,CA to cut 5 percent of work force +Sci/Tech,White-knuckle flight +World,Save lives +Business,Martha Stewart sent to W. Virginia prison +Business,Westfield tops Multiplex bid for Chelsfield +Business,Tanager clients: Wachovia to watch over you +Sci/Tech,IBM Settles Some Pension Suit Issues (washingtonpost.com) +Sci/Tech,Mom Collects Big Game Organs for Science (AP) +World,Pitcairn Mayor 'Led Rape' on Island -Prosecutor (Reuters) +World,Nigerian Oil Delta Peace Talks to Resume After Truce (Reuters) +World,Religious Groups Compete to Court Voters (AP) +World,Bush to Tour Damage Again Before Debate (AP) +World,"Bush, Kerry Set for Crucial First Debate (Reuters)" +World,Pitcairn Mayor 'Led Rape' on Island -Prosecutor +World,China Urges Canada to Hand Over NKoreans in Embassy +Sports,Rockies Clobber Dodgers 4-1 (AP) +Sports,Closing ceremony curtailed in respect to victims +Sports,Indians clean up with sweep +Sports,"NL Wrap: Padres Edge Giants, Astros Soar to Wild-Card Lead (Reuters)" +Sports,"AL Wrap: Mariners Overcome Athletics, Angels Move Clear" +Sports,"NL Wrap: Padres Edge Giants, Astros Soar to Wild-Card Lead" +Business,Nikkei Snaps Nine-Day Fall +Sci/Tech,New Company Starts Up a Challenge to Google +Sci/Tech,Private Craft Rockets Past Edge of Space +Business,Belo #39;s cutbacks will hit the heart of Texas: Providence Journal <b>...</b> +Business,Big Blue reaches partial settlement on pension issues +Business,Wachovia adds to wealth-management unit +Sci/Tech,Private rocket grabs a 2d slice of space +Sci/Tech,Critics lukewarm on Spacey play +Sci/Tech,Web founder attacks royality obession +Sci/Tech,New Features Coming to SQL Server 2005 in Beta 3 +Sports,Top 10 depressing things about Expos #39; finale +Sports,Rogers wins time trial at road cycling worlds +Sports,Ban others as well by the same yardstick: Chanu +Sports,"NL Wrap: Padres Edge Giants, Astros Soar to Wild-Card Lead" +World,Axe-wielding passenger in psychiatric ward +Business,CheapTickets moving to Chicago +Business,Stewart gets W. Virginia prison camp +Business,Arroyo: Economic Growth Prospects Are Firm +Business,Kmart sale shows two-pronged strategy +Business,Boston Scientific stent sales set record +Sci/Tech,IBM says its Blue Gene computer is fastest +Sci/Tech,Chinese pornster sent down for a year +Sci/Tech,Biz Intel Expanded in Microsoft #39;s SQL Server +Sports,Chelsea boss Mourinho rises above Porto gob yob +Sports,Mariners beat Athletics 4-2 to knock Oakland out of first place +Sports,Kent and Bagwell power Houston to 6-4 victory over St. Louis +World,China wants refugees handed over +World,Passenger Attacks Pilots mid-air in Norway +World,S.Lankan president says govt can no longer ignore Tamil rebel <b>...</b> +World,Iraqi forces #39;seize Haifa Street terrorist #39; +Sci/Tech,Bloggers become weapon in US presidential election (AFP) +Business,AUSTRALIA: Metcash proposes takeover offer for Foodland +Business,Kimberly-Clark Outlines Cost Savings +World,U.S. Targets Zarqawi Network in Dawn Strike in Iraq (Reuters) +World,"UK Will Listen, Not Negotiate, with Iraq Kidnappers (Reuters)" +World,Israeli Soldier Shot Dead in Gaza Clash -Army (Reuters) +Business,"Update 4: Tokyo Stocks Close Higher, Dollar Up" +Business,Search upstart launches new site +Sports,Giants lose in extra innings to Padres +World,USS Cole bombing planners to die +World,Bigley pleads for Blair #39;s help +World,Court dismisses bid to halt Pitcairn trials +World,U.S. Targets Zarqawi Network in Dawn Strike in Iraq +World,"UK Will Listen, Not Negotiate, with Iraq Kidnappers" +Business,"Oil Rises on Nigeria, Norway Disruptions; OPEC May Curb Output" +World,GOP Accused of Padding Intelligence Bill +World,Bush Document Details Military Departure +World,Foreign Policy at Forefront of Debate +World,Iraq War Divides Australian Candidates +Sci/Tech,Out of this world +Sci/Tech,I Love iPod +Sci/Tech,"Tech, electronics firms fear copyright bill" +Sports,Sun finish off Mystics +Sports,Bradley will sit 5 games +World,44 believed North Koreans clamber over fence into Canadian Embassy <b>...</b> +Sci/Tech,Global Warming Is Expected to Raise Hurricane Intensity +Business,Pratt Union Won #39;t Strike +Sci/Tech,Time on a Chip: The Incredible Shrinking Atomic Clock +Sci/Tech,Forget Star Chemistry. How About the Film's? +Business,Asian Shares Higher on Oil Dip +Business,Yen Rises But Upside Limited +Business,Boston Scientific stent sales set record +Business,"For an old venture capitalist, it was a good day" +Business,Economy outpaces estimates +Business,Martha Stewart to serve time at West Virginia prison +Business,AG Reilly seeks 6.2 car insurance cut +Business,IBM will settle part of pension lawsuit +Business,Oil prices fall as US supplies build +Business,AIG faces criminal probe over loans +Business,"US Airways follows Delta's lead, slashes managers' pay" +Business,Software firm to cut 800 jobs +Business,Mills Corp. to fine-tune hotel plans +Business,ConocoPhillips buys \$2b stake in Lukoil +World,Falluja raid #39;on Zarqawi house #39; +World,24 Feared Killed As Typhoon Meari Batters Japan +Business,UK house prices up 17.8pc on yr in Sept +Business,IBM will settle part of pension lawsuit +Business,Natural gas supply fears raise prices +Business,Biomira stock jumps as lung cancer vaccine gets US fast-track <b>...</b> +Business,Calgary crows over Imperial +Business,Global economy to slide in 2005: IMF +Business,"With Oil Near \$50 a Barrel, Gas Prices Start to Inch Up" +Sci/Tech,SpaceShipOne survives a scare +Sci/Tech,Founder of Web envisions a new era +Sci/Tech,"One flight down, one to go" +Sports,Schilling gets call for Game 1 +Sports,Shoulder injury casts doubts over Tiger +Sports,Ichiro a step closer +World,Mayor among accused in Pitcairn rape trial +World,Latham calls on PM to admit to WMD mistake +Sci/Tech,IBM in \$320m pension settlement +Business,Asian Shares Higher on Oil Dip (Reuters) +Business,Japan industrial output rise marginally in August (AFP) +Sci/Tech,US volcano rumbles back to life +Business,Crude oil inventory increases +Business,Business Glance +Business,House prices rise again +Sci/Tech,Private rocket #39;s wild ride lands it closer to big prize +Sci/Tech,Graphic Content: Is It Time to Take the PCI Express? +Sports,What #39;s in a nickname? +Sports,"Chelsea 3, FC Porto 1" +Sports,Glaus #39; HR lifts Angels back into first place +Sports,Navy football shipshape again +Sports,"Braves give Cox his 2,000th victory" +World,Gunmen Kill Kashmiri Separatist Alliance Leader +Business,IMF Raises Outlook on Russia Economy +Business,House prices show modest rise +Business,Insurgency grows against unbridled global textile trade due in <b>...</b> +Business,"UPDATE 1-British Energy, Polygon end legal dispute" +Sci/Tech,"One down, one to go" +Sports,Angels move 1 game ahead in AL West +Sports,Fiedler given opportunity to spark winless Dolphins +World,Britain wants contact with kidnappers +World,Refugees scale fence at embassy +World,Axe-wielding man attacks pilots +World,Blair faces Labour wrath over Iraq +World,China 'may intervene more' in HK +World,Gurkhas win UK citizenship rights +World,Poison porn pics show up online +World,Zeta Jones 'stalker' denies guilt +World,2 sentenced to death in Cole blast +Business,Yen Holds Gains as Oil Remains Below \$50 +World,Powell calls for Palestinian intifadah to end +World,6 suspected of aiding terrorism indicted +Business,Microsoft Asks Judge to Suspend Penalties +World,Iran aide cites worse relations +World,Rwandans hope Darfur presence will halt violence +World,Suicide bombings defended +World,U.S. Forces Strike Targets in Iraq +World,U.S. Effort Aims to Improve Opinions About Iraq Conflict +Business,Microsoft launches appeal against EU ruling +Sci/Tech,Looming peril of poison porn pics +Sports,Mohr injures knee on final play +Sci/Tech,Britain's Cable and Wireless to exit Japan (AFP) +Sci/Tech,Sweden to Return Remains of Aborigines (AP) +Sci/Tech,Russia Sets New Date for Launch to Space Station (Reuters) +Sci/Tech,BT mulls u-turn on broadband cost +Sci/Tech,MMO2 lifts revenue target for UK +Business,Yen Holds Gains as Oil Remains Below #36;50 (Reuters) +Business,BT mulls u-turn on broadband cost +Business,Microsoft asks judge to suspend penalties +Business,"Tough Negotiations Ahead for EU, Mercosur" +Sci/Tech,2-Way Internet Phone Scheduled for This Month +Sports,Duff starts as Chelsea maintain momentum +World,"Car Bomb West of Baghdad Kills One, Wounds 60" +World,Israeli Tanks Surge Into Gaza Refugee Camp -Witnesses (Reuters) +Business,IBM Wins \$1 Billion Contract from Lloyds +World,TUI to cut eight percent of its British workforce (AFP) +World,China Asks Canada to Hand Over Intruders (AP) +World,"Australia's Westfield, Multiplex in battle over Chelsfield (AFP)" +World,"Israeli Soldier, Woman Jogger Killed in Gaza Ambushes" +World,"Car Bomb in Iraq Kills Two, Wounds 60" +Business,Grows UK customer base while seeing more churn +Sports,Steelers' Polamalu Repects Carson Palmer (AP) +Sports,Bryant say O'Neal paid women hush money to keep silent (AFP) +World,French Soldier Surrenders After Threat (AP) +Sports,Woods goes for three straight _ if he gets to the first tee +Sports,Vols Impressed With Freshman Quarterback (AP) +Sports,Tiger's Back an Issue at American Express (AP) +Sports,Bad case of shakes +Sports,Rockies' rally slows LA's drive +Sports,NL notables +Sports,"McNair sits, but hope stands" +Sports,Watson placed on IR +Sports,"Sales, Sun surge ahead" +Sports,Waltham grad takes Bentley by storm +Sports,Callaghan back on Tufts soccer field +Sports,Tonight on TV +Sports,They really do drive for show +Sports,Stars won't leave home for it +Sports,Numbers point to NY +Sports,Transactions +Sports,The post-race analysis: Chinese Grand Prix +Business,Justice Dept. Opens Fannie Criminal Probe (Reuters) +Business,Wall Street to Edge Up as Oil Price Slips (Reuters) +Business,Justice Dept. Opens Fannie Criminal Probe +Business,Wall Street to Edge Up as Oil Price Slips +Business,Conoco Launches Tender to Up LUKOIL Stake +Business,Giant insurer under investigation +Business,Bandwidth Glut Lives On +Business,ConocoPhillips Annoucnes Tender to Buy 2.4 of Lukoil Shares +Business,Update 14: Martha Stewart Assigned to W.Va. Prison +Business,"Philippines to weather high oil prices, volatile peso, but not <b>...</b>" +Business,"Update 3: Tokyo Stocks Close Higher, Dollar Up" +Business,Giant insurer under investigation +Business,UPDATE: Australia #39;s Westfield Bids For UK #39;s Chelsfield +Sci/Tech,"In a national park, the call of the wild: Is it cellular?" +Sci/Tech,DVD Forum finalises HD DVD-RW disc spec +Sci/Tech,Microsoft Adds More Intelligence To SQL Server +Sports,Soccer: Chelsea United the key for Mourinho +Sports,Wenger frustrated with Arsenal +Sports,Zimbabwe hearing on alleged racism scrapped +Sports,Basketball: Bryant says O #39;Neal paid women hush money to keep <b>...</b> +Sports,Perfect Barca anxious to keep feet on the ground +World,"New strike in Fallujah kills four, car bomb outside Baghdad kills <b>...</b>" +World,Baghdad hit by several bomb blasts +World,Group says holding 10 new hostages in Iraq +Business,It #39;s Too Late to Sway Microsoft in EU +Business,MMO2 lifts revenue target for UK +Business,House Price Rises Slowing Down - Survey +Business,Asian Shares End Mostly Lower On Worries Over Oil Prices +Sci/Tech,Low-cost #39;Hindi Windows #39; to hit Indian desktops next year +Sci/Tech,Alternative fuel buses arrive in Smokies +Sci/Tech,Chinese students jailed for running porn sites +Sci/Tech,Lethal algae discovered off coast +Sports,Stiff Back Worries Woods on Eve of American Express Championship +Sports,Wednesday #39;s Baseball Roundup +World,Doing All For Release Of Hostage: Blair +World,China Asks Canada to Hand Over Intruders +World,Asylum Bid Koreans Handed over to Chinese Police +World,GPs get new anti-depressant rules +World,Two killed in Naples 'turf war' +Business,House price growth continues to slow down +Business,"Stocks higher on latest GDP reading, lower oil prices" +Business,"EU, Mercosur Divided at Trade Talks" +Sports,"CL: Werder Bremen beat Valencia, Inter outclass Anderlecht" +World,UN urges quick start for Darfur force +World,China hints at Hong Kong involvement +Sci/Tech,Microsoft Battle With EU Moved to Court (AP) +Sci/Tech,Women May Run Faster Than Men in 2156 Games -Study (Reuters) +Sci/Tech,Apple to open 'borderless' Euro music store +Sci/Tech,Computers 'do not boost learning' +World,"Russian Government Approves Kyoto, Sends to Parliament (Reuters)" +World,"Gov't will listen to hostage-takers, but not negotiate: Straw (AFP)" +World,Ukraine Leader Rejects Election Reform Demands +World,Witness says he did not see accused at Stuttle murder scene (AFP) +World,"Russian Government Approves Kyoto, Sends to Parliament" +World,Bomb Blasts in Baghdad Kill at Least 16 -Police +World,Taiwan Military Warns of China Missile Threat +World,At Least 3 Killed in Car Bombing Near Baghdad +World,Footage Shows 10 New Hostages in Iraq +World,Religious Forum in Indonesia Aims to Blunt Radicals +Business,Positions staked out in Microsoft antitrust hearing +Business,IBM Agrees to Settle Part of Giant Pension Case +Business,Arroyo cheers on Philippine economy outlook +Sports,Indians Pitcher Kyle Denney Shot (AP) +Sports,Gunners misfire in Norway +Sports,RANIERI: MISSED CHANCES COST US +Sports,PATRIOTS IN RECORD BID +World,China urges Canada to hand over North Korean asylum seekers +World,Thailand to Change Farming Ways to End Bird Flu +World,Taiwan #39;s Formula Three +World,Russia Moves On Global Warming +Business,"Oil Prices Waver, Eye on Nigeria Supply" +Business,Lehman in Talks to Buy UK Hedge Fund-WSJ +Sci/Tech,Bush Team Prepares Net Assault +Sci/Tech,Diebold Rep Now Runs Elections +Sci/Tech,Music Videos Tap Video Games +Sci/Tech,Stem Cell Debate Hits Senate +Sci/Tech,We Know You Like Michael Bolton +Sci/Tech,SpaceShipOne Rolls Toward Victory +Sci/Tech,MP3 Creator Warns on Format Wars +Business,House prices continue to slow +Business,Lehman in Talks to Buy UK Hedge Fund -WSJ +Sci/Tech,Hello Ogo : IM a-go-go +Sci/Tech,Apple to open #39;borderless #39; Euro music store +Sci/Tech,"Linksys inks Verizon VoIP deal, intros products" +Sci/Tech,"Former Sun, BEA execs forge grid venture (InfoWorld)" +Business,Russias LUKoil and ConocoPhillips plan joint work in Iraq +Business,IBM claims most powerful supercomputer crown +Business,Kmarts to be converted into some kind of Sears +Business,Pickets plan to walk 2 weeks +Business,Lehman in Talks to Buy UK Hedge Fund-WSJ +Business,Disney and Pixar break off engagement +Business,Former software officer indicted +Sci/Tech,Skoll urges valley to create local endowment (SiliconValley.com) +Sci/Tech,"In a national park, the call of the wild: Is it cellular? (USATODAY.com)" +Sci/Tech,IT firm Softbank aims to enter Japan's mobile sector as 3G grows (AFP) +Sci/Tech,"Microsoft compromises, prepares to offer player-free OS (USATODAY.com)" +Sci/Tech,"337,500 FEET: Space ship takes victory roll" +Sci/Tech,Price at Issue With PlayStation Portable +Sports,"Van Nistelrooy, Ferguson, Daum, Giggs lead the praise for hat <b>...</b>" +Sports,Ponting ruled out of second Test as well +Sports,RedHawks fumble chance for fast start toward title +World,"Nigerian oil flows, for now" +World,Blair ready to respond but not negotiate +Business,PepsiCo Profit Rises on Tax Benefits (Reuters) +Sci/Tech,Offshoring Forces Tech-Job Seekers To Shift Strategy +Sci/Tech,Key Part of Patriot Act Ruled Unconstitutional +Sci/Tech,"A Caution on Kids, Technology" +Business,PepsiCo Profit Rises on Tax Benefits +Business,Justice Dept. Opens Fannie Criminal Probe +Business,Lehman in Talks to Buy UK Hedge Fund +Business,Yen Gains Reprieve as Oil Backs Off Highs +Business,UK travel firms to shed 800 jobs +Business,Stocks to Watch Thursday +Business,Fresh Del Monte Cuts 2004 Profit Forecast +Business,General Mills Cereals Going Whole Grain +Business,Microsoft Asks EU Court to Suspend Antitrust Ruling (Update1) +Business,Sears to double store sites here +Business,brewing giant InBev takes control of Lion Group #39;s beer activities <b>...</b> +Business,H amp;M turnover climbs 16 +Sci/Tech,Planning to dump IE? Think again +Sci/Tech,Killer hamster ices owner +Sci/Tech,NASA boss reaches for stars during San Diego appearance +Sports,"Bomb Blasts in Baghdad Kill at Least 35, Wound 120" +Sports,Astros pass Cubs in wild-card race +Sports,"As Burdens Mount, There Is Little Joy in Yankeeland" +World,China asks Canada to hand over asylum seekers +World,Car bombings shake Baghdad +World,Pilots land safely despite ax attack +World,Thai PM declares one-month deadline for ending bird flu +World,Turning over a new leaf in New York +World,Arab network says ten new hostages seized in Iraq +World,Gurkha Soldiers Win Right to British Citizenship +World,Pitcairn Mayor 'Led Rape' on Island - Prosecutor +World,Vietnam official's son detained +World,Russian Cabinet Approves Kyoto Protocol +World,Tribute Concert Held for Ray Charles +World,Dozens Killed as Violence Escalates in Iraq +Business,Universal McCann Ups Ad Spending Forecast +Business,Boots shares dip on lacklustre outlook +Business,Imperial Oil moving HQ to Calgary from Toronto +Sci/Tech,Alternative fuel buses arrive in Smokies +Sci/Tech,Massive Asteroid to Pass Earth +Sci/Tech,HP and Hitachi offer 300GB disk drives +Sci/Tech,Man dies after pet hamster bites him +Sports,Rooney just one of Ferguson #39;s reasons to be cheerful +Sports,Baghdad blasts kills at least 16 +World,Bomb Blasts in Baghdad Kill at Least 16 -Police +World,Pitcairn Mayor #39;Led Rape #39; on Island - Prosecutor +World,Syria Agrees to Tighten Iraq Border +World,UN Special Rapporteur on violence against women visits Sudan +World,Attack on US convoy kills 37 in Baghdad +World, #39;Ten hostages #39; captured in Iraq +Sci/Tech,House Bill HR 10 permits sending certain suspects abroad for torture? +Sci/Tech,Microsoft starts EU legal defence +Sci/Tech,Britain becomes top data swapper +Sci/Tech,Chip Sales Rise; Inventories Seen Down +Business,Chip Sales Rise; Inventories Seen Down (Reuters) +Business,French unemployment rises in August (AFP) +Business,"H M Posts Improved 3Q Profits, Sales (AP)" +Business,PepsiCo Says Profit Rises on Tax Benefits +Sci/Tech,Microsoft Asks Judge to Suspend Penalties +Sci/Tech,Government IT +Sci/Tech,Satan's little helper drinks Diet Coke +Sci/Tech,A glimpse of SpaceShipOne's historic flight +Sci/Tech,Global lessons in e-voting +Sci/Tech,Will historic flight launch space tourism? +Sci/Tech,Microsoft asks EU court to suspend remedies +Sci/Tech,Update: Linksys goes dual-band on Wi-Fi +Business,Russian Oil Giant Hopes ConocoPhillips Deal Will Help Iraq Project +Business,Stewart to serve time in West Virginia +Business,More cold cash for gas heating +Business,Boots feels the pinch from price cuts +Business,Whole-grain Lucky Charms? They #39;re for real +Sci/Tech,"HP, Hitachi Offer 300-Gbyte Storage Platform" +Sci/Tech,Open Source gets veteran support +Sports,Bon voyage: Expos take their leave +Sports,Australia #39;s Ponting Will Miss First Two Tests of India Series +Sports,Cubs #39; wild-card hopes take a hit +Sports,Botham: Zimbabwe tour should be scrapped +World,HIPC has not lived up to expectation - UNCTAD +World,Car Rams Entrance of Japanese Parliament +World,"Save me, Mr. Blair" +World,"Ten Palestinians, 3 Israelis Killed in Gaza Violence (Reuters)" +World,Chinese Premier Pledges Reunification with Taiwan (Reuters) +World,Gurkha Soldiers Win Right to British Citizenship (Reuters) +World,Israel Plans Large-Scale Gaza Operation (AP) +World,BCCI says Sony to telecast Australia test series (Reuters) +Sci/Tech,Microsoft: Suspend Windows Penalties +World,Al Qaeda Suspect Breaks Legs Fleeing in Pakistan +World,'Tomato treatment' slows cancer +Sci/Tech,"Coming Soon: ""Good"" Jupiters" +Business,Tax benefit lifts Pepsi profit 35 percent +Business,"H amp;M posts improved 3Q profits, sales" +Business,Stock market indicators turn positive as world oil prices retreat +Business,Slight Rise in Prices +Business,Nigeria concerns support oil prices +Sci/Tech,KU grad #39;s team nears \$10 million rocket prize +Sci/Tech,Integration champion enters open-source lists +Sports,Henin-Hardenne Pulls Out of Tournament (AP) +Sports,Indians Pitcher Shot +Sports,NL Wrap: Astros Take Lead in Wild Card Race +World,Wounded Pilots Land Norway Plane After Axe Attack +World,"Typhoon Meari leaves 16 dead, 12 missing" +World,EU welcomes Russian approval of Kyoto treaty +World,EDITORIAL: Military talks on Siachen +Business,"Consumption Flat, Durable Spending Sinks (Reuters)" +Business,Merck Withdraws Arthritis Drug Vioxx (Reuters) +Business,Jobless Claims Rise on Hurricanes (Reuters) +Business,"Consumption Flat, Durable Spending Sinks" +Sports,Chargers on top +Business,Jobless Claims Rise on Hurricanes +Business,Ahold Settles with Dutch Prosecutors +Business,Network Must Take Shape +Business,Iraq to get \$436m emergency loan +Business,Tax Benefits Lift PepsiCo Profit +Business,Stock Futures Drop After Merck News +Business,Iraq to get \$436m emergency loan +Business,"PepsiCo Profit Up, Cuts Jobs, Shares Rise" +Business,"Tokyo, Hong Kong show gains" +Sports,Cudicini on Wenger #39;s hit list +Sci/Tech,NASA Salutes SpaceShipOne Team +Sci/Tech,"Cheap flash drives, cheapest 1GB CF" +Sports,DEL NERI KEEN TO LIFT CASSANO +Sports,Expos Lose to Marlins 9-1 in Team #39;s Final Home Game in Montreal +World,Film shows 10 new Iraq hostages +World,Blair faces wrath of Labour Party faithful over Iraq +World,"Car Bombs in Iraq Kill at Least 42, Wound 140" +World,Gurkha Soldiers Win Right to British Citizenship +Sports,"Bills, Patriots have old, new scores to settle" +Sports,MCLEISH WILL STAMP OUT SLIP-UPS - HUGHES +Sports,EUROPEAN TOUR GOLF LATEST BETTING ODDS UPDATE +Sci/Tech,Wealth in America +Business,Merck withraws arthritis drug Vioxx +Business,Tax Benefits Lift PepsiCo Profit +Business,"Forstmann to Buy IMG, Talent Agency for Kate Moss, James Brown" +Sci/Tech,MS #39;s XPSE Due Here Next Year +Sci/Tech,How to reach space - on a pair of junkyard shocks +Sci/Tech,Sony begins sampling Blu-ray components +Sci/Tech,"Digital music #39;niche #39; market for foreseeable future, won #39;t replace <b>...</b>" +Sci/Tech,"Nortel Will Cut 3,250 Jobs, 250 Fewer Than Expected (Update1)" +Sports,Expos off to Washington +World,Israel Plans Large-Scale Gaza Operation +World,Blair faces anger of Labour Party delegates over Iraq +Sci/Tech,British mobile phone firm mmO2 hikes revenue forecast (AFP) +Sci/Tech,Is Piracy Pushing Linux Sales? (PC World) +Business,"Merck Vioxx recall: analyst, investor reaction" +Business,Hennes amp; Mauritz Net Rises 18 on European Expansion (Update4) +Sci/Tech,Private rocket ship has wild ride in quest for \$10 million prize +Sci/Tech,Apple to launch Western Europe iTunes in October +Sci/Tech,HD-DVDs Closer to Mass Production +Sports,AS Roma needs success against Inter after disastrous start to <b>...</b> +Sports,MLB: Angels Take One Game Lead in American West Division +Sports,"For Yanks, sweeping beauty" +World,Syria to tighten security on Iraq border +World,UN Report On African Economies Calls for Boost to Manufacturing <b>...</b> +Sci/Tech,Mars Express Sees Chaos in the Canyon +Sci/Tech,Calculating the Precise Distance to Doomsday +Sci/Tech,CFHT Unveils Stunning Image of the Cosmos +Sci/Tech,Mars Drill Will Seek Knowledge and Resources +Sci/Tech,Study Suggests Spaceflight May Decrease Human Immunity +Sci/Tech,New Implant Device Appears to Block Strokes +Sci/Tech,FDA to Study Adult Antidepressant Effects +Sci/Tech,Researchers Find Allergy-Free Soybean +Sci/Tech,Scientists Predict Eruption at Mount St. Helens +Sci/Tech,Will the US election matter to the IT sector? +World,Car Bombs in Iraq Kill at Least 44 and Wound 200 +World,Key debate ahead in US election +World,BA flight in emergency landing +World,Cricket: Zim race probe halted +World,Charges over Sudan 'coup plot' +Sci/Tech,First space tug deal 'on cards' +World,Dozens Killed in Multiple Bombings in Baghdad +World,Merck Announces Withdrawal of Vioxx Painkiller +World,Israel Plans Large-Scale Gaza Operation +Sci/Tech,Is Piracy Pushing Linux Sales? +Sci/Tech,SanDisk Flashes New Memory Cards +Sci/Tech,IM Worm Crawls Through JPEG Hole +Sports,Indians Pitcher Shot on Team Bus +Sci/Tech,Inventor of the World Wide Web Promotes Future Cooperation +Business,"US Jobless Claims Up, Consumption Flat (Reuters)" +Business,"US Jobless Claims Up, Consumption Flat" +Business,Oil Nears \$50 as Nigeria Worries Persist +Business,"Nortel Cuts Fewer Jobs, Exits Real Estate" +Business,August Consumer Spending Flat +Business,Merck to Withdraw Vioxx Because of Heart Risks (Update1) +Business,PepsiCo Net Rises 35; Frito-Lay Job Cuts Planned (Update1) +Sci/Tech,SpaceShipOne ready for more +Sci/Tech,IBM develops world #39;s fastest supercomputer: reports +Sci/Tech,What #39;s missing in Microsoft IE? +Sports,Is Vieri #39;s Inter career over? +Sports,US hosts Croatia in next year #39;s Davis Cup 1st round +Sports,Twice as Nice: Rogers Wins World Championship Time Trial +Business,Arthritis Drug Vioxx Being Pulled +Business,"Nortel Cuts Fewer Jobs, Exits Real Estate" +Business,"US Jobless Claims Up, Consumption Flat" +Business,Consumer Spending Remains Flat in August +Business,US: PepsiCo Q3 figures on the rise +Business,Justice Department joins probe of AIG services to PNC +Sci/Tech,SanDisk Flashes New Memory Cards +World,BA plane forced to land at Amsterdam airport +World,"Russia Backs Kyoto, Treaty May Enter Force Next Year (Update1)" +World,Car bombs kill 34 children in Baghdad +World,34 children among 37 killed in Baghdad bombing; new hostages <b>...</b> +Business,"PepsiCo Profit Up, Cuts Jobs; Shares Rise" +Business,"Jobless claims jump by 18,000" +Sci/Tech,Spacecraft reaches its goal on white-knuckle first leg +Sci/Tech,IBM prototype overtakes Earth Simulator as world #39;s most powerful <b>...</b> +Sports,Staying alive +Sports,There is no crying in baseball +World,Deadliest attacks in Iraq insurgency +World,EDITORIALSMore defectors are on the way +World,Beshir accuses US of supporting Darfur rebels +Business,Dow gets Merck #39;d +Business,Nortel Details Previously Announced Cuts +Business,Fresh Del Monte Cuts 2004 Profit Forecast +Business,British house price rises slightly for second month in September +Sci/Tech,Sony Plans European Ad Blitz to Stifle iTunes +Sci/Tech,500 million dollars lost in Internet 'phishing' scams in US (AFP) +Sci/Tech,"Macs help Sky Captain save the day, win converts (MacCentral)" +Sci/Tech,Microsoft Asks Judge to Suspend Penalties (Reuters) +Sci/Tech,Edward C. Baig: Personal Tech - New iMac even more exquisite than last one (USATODAY.com) +Sci/Tech,Toxic Algae Bloom Seen Off Washington State Coast (Reuters) +Sci/Tech,Recommendations to Combat Obesity in Kids (AP) +Sci/Tech,From soup to nuts with Microsoft #8217;s collaboration chief +World,Iraqi PM: Elections to Go Ahead as Planned (Reuters) +Business,Natfoods #39;worth more #39; +World,24 Dead in Gaza Strip Fighting (AP) +Sci/Tech,Sony Plans European Ad Blitz to Stifle iTunes +World,Russian Move Clears Way to Bring Kyoto Into Force +Business,Telstra may split its services +World,Car Bombs Kill 34 Children in Baghdad +Sci/Tech,AT T Lowers Price on Internet Calling Service (Reuters) +Sci/Tech,Munich migrates to Linux despite EU debate (InfoWorld) +Sci/Tech,Ex-Astronaut Casts Doubt on Space Tourism (AP) +Sci/Tech,Private Rocket Ship Lands in California After Flight (Reuters) +Business,Analysts: IBM selling PC business makes sense +Business,Metcash in \$846m raid on Foodland +World,Spanish government to allow homosexual couples to adopt (AFP) +World,"Quebec can't speak for Canada on world stage, says Robillard (Canadian Press)" +World,"Despite Reforms, Florida Vote May Face Challenge (Reuters)" +World,Bush's Reserve Resignation Cited 'Inadequate Time' (Reuters) +World,The next president could tip high court (USATODAY.com) +World,"21 Palestinians, 3 Israelis Die in Gaza Fighting" +Sci/Tech,AT T Lowers Price on Internet Calling Service +Sci/Tech,Digitizing the Bill of Rights +Sci/Tech,Nortel Details Previously Announced Cuts +World,US presses Belgrade on war crimes +Sci/Tech,IPod Speaker Sets Get a Hearing +World,Huge turnout for Indian Maoists +Sci/Tech,Concern over US volcano rumbles +World,"Merck Pulls Vioxx Painkiller From Market, and Stock Plunges" +World,Baghdad Bombings Kill 35 Children +Business,IMF Forecasts Growth in Sub-Saharan Economies +Business,IBM settles with workers in landmark pension case +Business,US consumers tighten purse strings in August +Business,PepsiCo earnings rise; job cuts planned +Business,Nortel trims layoff plan +Business,Cereal Giant Shifts To Whole Grain +Business,Date given for UK Enron case +Business,Bruandwo raises stakes +Business,Intermet files for Chapter 11 +Business,India posts 7.4 gain in growth +Sports,Roddick Reaches Thailand Open Quarters (AP) +Sci/Tech,One small step for space travel +Sci/Tech,IBM claims fastest supercomputer on the planet +Sci/Tech,India next in line for cut-down XP +Sci/Tech,Enter your e-mail: +Sci/Tech,Congress joins file-sharing battle +Sci/Tech,Salesforce.com adds customer support product +Sci/Tech,Clever cars can read road signs +Sci/Tech,Smile Pretty for the Cell Phone +Sci/Tech,"Linksys Teams With Verizon, Best Buy, Intel" +Sports,Rogers rejoices after gold rush +Sports,Big surprise by Indian board +Sports,"Major League Baseball Returns to Washington, DC" +Sports,Domenech pleads with Zidane and Thuram to return - both say no +Sports,Owen prepared to play the waiting game at Real +Sports,Indians Pitcher Shot +World,Suicide bombers strike twice in Baghdad +World,New tape of Briton +World,Rape trials open on storied isle +World,N.Korean Defectors with Weapons in the S.Korean Embassy in China +World,"Typhoon leaves 18 dead, 7 missing" +World,Baghdad bombings kill 35 children; new hostages seized +World,BA plane in emergency Amsterdam landing +Sci/Tech,Nortel trims layoff plan +Sci/Tech,Gateway to offer customized PCs again +Sci/Tech,Munich migrates to Linux despite EU debate +Business,Carmax Reports Record Third-Quarter Sales (Reuters) +Sci/Tech,Red Hat picks up pieces of Netscape +Business,IBM Makes Partial Settlement in Age-Bias Case +Business,"Nortel Cuts Fewer Jobs, Exits Real Estate" +Business,Merck takes down the Dow +Business,Russia Delays Review of Yukos Subsidiary Licenses +Business,ALH investors should wait for a Bruandwo extension +Business,Boozy Lunches Off the Menu at Brewer #39;s New HQ +Sports,Jags could take two-game lead with win +Sports,Minnesota Twins Team Report - September 30 +World,Scores of kids die in Baghdad car blasts +World,Germany Extends Afghan Mission +Business,IMF head calls on China to move toward currency flexibility (AFP) +Business,Swedish fashion retailer H and M profits rise in third quarter (AFP) +Business,Arthritis Drug Vioxx Being Pulled +Business,Oil Nears \$50 on Nigeria Supply Worries +Business,Synnex's World Isn't Flat +Business,IBM agrees on partial pension settlement +Business,Government opens Fannie Mae inquiry +Business,"US Midwest Economy Stronger,Jobs Struggle" +Business,"Nortel cutting 950 jobs in Canada, mostly in Ottawa, among total <b>...</b>" +Business,"Blue Chips Fall on Merck Recall, Crude Up" +Business,Industry group says inventory is being managed better +Sci/Tech,European supermarket chain extends RFID push +Sci/Tech,To HD-DVD or not to HD-DVD? +Sci/Tech,UPS Steps Up RFID Efforts +Sports,Arsenal duo in France squad +Sports,Crisis looming at Ajax +Sports,Novak cruises into next round +World,Militants seize 10 hostages in Iraq: al-Jazeera +Sci/Tech,India Expects Jump in High-Tech Imports (AP) +Sci/Tech,"Calif. OKs Anti-Spyware, Swapping Laws (AP)" +Business,Kimberly-Clark Sets Cost-Cut Plan +Sci/Tech,Toshiba Unveils Clearer Flat-Panel TV (AP) +Sci/Tech,C W in talks to sell Japanese operations (FT.com) +Sci/Tech,Red Hat picks up pieces of Netscape (InfoWorld) +Sci/Tech,Sun upgrades J2SE platform (InfoWorld) +Sci/Tech,Russian Cabinet Approves Kyoto Protocol (AP) +Sci/Tech,Acne-Like Rash Shows Cancer Drug Is Working (Reuters) +Business,Kimberly-Clark Sets Cost-Cut Plan (Reuters) +World,U.N. Wants African Monitors in Darfur Camps (Reuters) +Business,Update 4: US Weighs Raising Nations #39; Debt Relief +Business,"Fannie Mae Probe Under Consideration by Justice, Person Says" +Business,Crude Oil Inventories Following Hurricane Ivan; Gas and Diesel <b>...</b> +Business,Merck to Withdraw Vioxx Because of Heart Risks (Update4) +Business,"Nortel to cut fewer jobs, trim real estate space" +Business,Aon CEO Ryan retiring +Sci/Tech, #39;It flew like a dream #39; +Sci/Tech,"Browser Wars, Part II?" +Sci/Tech,Sharp Puts Its PC in the Living Room +Sci/Tech,AT amp;T Wireless Goes to Market with Ogo +Sci/Tech,Red Hat acquiring LDAP server from AOL #39;s Netscape unit +Sports,Mourinho Begs UEFA to Spare Porto +Sports,Law: Rooney Can Take My Crown +Sports,Inter win without Vieri +Sports,UPDATE 1-Domenech calls Zebina to France squad +Sports,San Francisco Giants Team Report - September 30 +Sports,Mora lighting a fire with Falcons +Business,Merck Pulls Arthritis Drug from Market +Business,IBM settles pension case +Business,Chicago business expands at faster clip +Business,Update 1: PepsiCo to Close Four Frito-Lay Plants +Business,Personal income rises +Sci/Tech,Digitizing the Bill of Rights (washingtonpost.com) +Sci/Tech,Controversy Delays Net Song-Swap Bill in Senate (Reuters) +Sci/Tech,The world welcomes the fastest computer ever to be made +Sci/Tech,Budget Windows Goes to India +Sci/Tech,IBM says its supercomputer is world #39;s fastest +Sports,Reports: British GP dropped from provisional list for 2005 +Sports,"Spat at, criticised, but Jose Mourinho has th last laugh" +Sports,Rooney wins Law praise +World,Nigerian rebels declare truce +World,Despairing for Darfur +Business,The first loan from the IMF for Iraq +Business,Midwest business activity grows +Business,Initial jobless claims rose in the latest week +Business,General Mills cereals to go whole grain +Sci/Tech,What would you want to see in Microsoft #39;s IE? +Sci/Tech,Electronic Back-Seat Driver System to Be Tested +World, #39;Sweet #39; memories could lure hostage back +Sci/Tech,Controversy Delays Net Song-Swap Bill in Senate +Business,Merck Pulls Arthritis Drug from Market +Business,"PepsiCo Profit Up, Cuts Jobs, Shares Rise" +Business,Justice Dept Opens Fannie Probe - Source +Sci/Tech,Science pinpoints Earth's 'hum' +Business,Kyoto 'won't hit' Russian economy +Business,Bankers wait for extradition news +Sports,"Heikki, champion of champions!" +Business,India rejects foreign economists +Sci/Tech,Briefly: Google tests Froogle in U.K. +Sci/Tech,New Java looks to shake up desktop +Sci/Tech,European supermarket chain extends RFID push +Sci/Tech,Net firms: Don't tax Internet calling +Sci/Tech,"Oracle, AMD and Sun to woo Asian developers" +Sci/Tech,Sharp Puts Its PC in the Living Room +Sci/Tech,REVIEW: IPod Speaker System Get a Hearing +Sci/Tech,Search Upstart Launches New Web Site +Business,IBM to take \$320M charge for pension settlement +Business,Update 1: Intermet Files for Chapter 11 Bankruptcy +Sci/Tech,Astronaut takes a tumble in space +Sci/Tech,Microsoft #39;s Starter Edition of XP will roll out to India and <b>...</b> +Sci/Tech,Earth #39;s a real hum-dinger - literally +Sci/Tech,Red Hat taps Netscape to broaden its landscape +Sci/Tech,Report: Phishing fraud could reach \$500M +Sports,"Canas, Novak advance; Nieminen loses" +Sports,UAE #39;s TEN Sports to Produce Australia-India Cricket Test Series TV <b>...</b> +Sports,Race inquiry hits trouble +Sports,Sports marketing firm IMG bought +World,Japanese storm #39;s fatal landslides +Sci/Tech,How Much Page Does Yahoo Search Index? +Sci/Tech,Vivisimo Launches New Clutsy Search Engine +Sci/Tech,Columnists: Open Source Versus Closed Source Security +Sci/Tech,iMac G5: #147;even more exquisite than last one #148; +Sci/Tech,NTT DoCoMo unveils Japan's first prototype micro fuel cell for 3G handsets (AFP) +Sci/Tech,Microsoft questions future participation at CeBIT trade fair (AFP) +World,Sudan's Beshir accuses US of backing Darfur rebels 'to the hilt' (AFP) +World,DaimlerChrysler appoints board member to head China operations (Canadian Press) +World,Edwards: Religion Shouldn't Divide Voters (AP) +World,Arthritis drug removed for safety +World,Stocks Decline on Merck's Vioxx Woes +World,24 Dead in Gaza Strip Fighting +World,Stocks Shift Lower on Merck's Vioxx Woes +Sci/Tech,Microsoft FAT patent falls flat +Business,August Chip Sales Growth Slows on High Inventory +Business,"UPDATE 1-Intermet files for Chapter 11, cites steel costs" +Sci/Tech,Science pinpoints Earth #39;s #39;hum #39; +Sci/Tech,Apple To Expand European iTunes Presence +Sci/Tech,Red Hat Takes Netscape Enterprise +Sports,Woods to battle on +Sports,Zimbabwe Cricket Hearing Over Racism Charges Collapses +Sports,Castroneves: Mixing up schedule a great move +Sports,Federer Leads Top Four Seeds Into Quarter-Finals +World,"Violence spikes in southern Afghanistan, 19 killed" +Sports,Henin-Hardenne Confirms Filderstadt Withdrawal +Sports,Captain Langer to Play in World Match Play +Sci/Tech,IBM to pay \$320M to partially settle pension case +Sci/Tech,Sun upgrades J2SE platform +World,Barghouti candidacy means out of Fatah +Business,"US Stocks Off After Merck Recall,Oil Rise" +Business,General Mills Shakes Up Cereal +World,A UN food fight +Business,Microsoft Appeals EU Ruling +Sci/Tech,Red Hat to pay \$20 million for Netscape assets +Sci/Tech,Microsoft Readies Business-Intelligence Charge +Sports,UPDATE 1-Battling Woods in touch with Mount Juliet lead +Sports,Peterson will give Sooners running start +World,"Porn net includes doctors, police" +Business,Conoco buys stake in Russian oil giant +Business,"Consumer Spending Flat, Jobless Claims Up" +Business,Tiger Woods #39; Agents Sold +Sci/Tech,"Microsoft hypes BI, adds reporting tools for end users" +Sports,Silverstone dropped from 2005 +Sports,CLEVELAND PITCHER SHOT IN CALF ON TOUR BUS +World,What alZarqawi knows +World, #39;Pitcairn women treated as sex things #39; +Business,"Oil at \$50 Again, Nigeria Worries Persist" +Business,SEC Charges Brokerage Raymond James +Business,Polish airline may float in 2005 +Business,Pfizer Reiterates Celebrex Safety +Business,IBM Settles Pension Suit +Business,SIA: Chip sales in-line with historic trends +Business,SEC Charges Brokerage Raymond James +Business,Picturesque site of prison is Martha #39;s kind of place +Business,Co. Recalls Air Conditioners/heat Pumps +Business,EC anti-competitive ruling challenged by Microsoft today +Business,Nortel lowers layoff projections +Business,MS EC appeal kicks off +Business,New EU industry chief warns against protectionism +Business,Personalized stamps canceled +Sci/Tech,Microsoft starts pilot in Russia +Sci/Tech,"AT amp;T, Vonage Cut Prices on Internet Calling" +Sci/Tech,SANDISK Introduces High Performance Flash Memory Cards +Sci/Tech,Spacey #39;sanguine #39; after mauling +Sci/Tech,WiMax could be next big leap in technology +Sports,Valencia scorer Vicente out with ankle sprain +World,35 children die in suicide attacks +World,Dozens Of Children Slain As Soldiers Hand Out Candy +Sci/Tech,"SanDisk pushes faster, bigger flash cards" +World,"Ten Palestinians, Three Israelis Killed in Gaza" +Sports,Greek hero Charisteas the man for the big occasion +Business,PepsiCo Up Whopping 35 Percent +Business,Fire risk prompts air conditioner recall +Sci/Tech,AT amp;T Lowers Price of Residential VoIP Service +World,PM expected to approve further operations in Gaza +Business,US Blue Chips Fall After Merck Recall +Business,"PepsiCo Profit Up, Cuts Jobs, Shares Rise" +Business,General Mills Cereals All Going Whole Grain +World,Injured Woods Two Shots Back at Amex +World,Baghdad Bombings Kill 35 Children +Business,US Midwest Economy Stronger +Sci/Tech,IBM develops world #39;s fastest supercomputer +Sci/Tech,SanDisk ups capacity on flash memory cards +Sports,Clijsters looking forward to new test in quarters +Business,"Nortel Will Cut 3,250 Jobs, 250 Fewer Than Expected (Update6)" +Business,General Mills Cereals All Going Whole Grain +Business,Survey: Mortgage Rates Inch Up for Week +Business,Forstmann Little to buy Talent Agency IMG +Sci/Tech,"AT T, Vonage Cut Prices on Internet Calling (Reuters)" +Sci/Tech,Red Hat Spending \$23 Million For Ex-Netscape Security Solutions <b>...</b> +Sports,Behind the scenes in the final days of the Montreal Expos +Sports,Jones won #39;t be enough for Arkansas +Sci/Tech,Extinction Looms Over Larger Species (AP) +Sci/Tech,Mount St. Helens on Higher Eruption Alert (Reuters) +World,The myth of the first 100 days and Susilo #39;s real challenges +World,"Nine killed, 10 injured in blast in northern India" +Sci/Tech,U.S. to Issue Warnings of Gulf Red Tides (AP) +Sci/Tech,What's wrong with the CBC +Sci/Tech,Breaking RSS Semantics +Business,Italian government's public offer of ENEL shares to run October 18-22 (AFP) +Business,Merck Pulls Arthritis Drug from Market +Business,SEC Charges Raymond James with Fraud +Sci/Tech,"AT T, Vonage Cut Prices on Internet Calling" +Sci/Tech,Russian move on climate welcomed +Sci/Tech,Privacy questions arise as RFID hits stores +Sci/Tech,Briefly: Cisco CEO's salary shoots up from \$1 +Sci/Tech,Microsoft wins Smart Tags case +Sci/Tech,Personalized stamps canceled +Sci/Tech,Tracking RFID--it's everywhere +Sci/Tech,Cisco's CEO gets a raise +Sci/Tech,Lucent partners with Riverstone +Sci/Tech,The technologist who has Michael Powell's ear +Sci/Tech,AT T slashes Net telephony rates +Sci/Tech,SanDisk ups capacity on flash memory cards +Sci/Tech,Users say Microsoft's Money is broke +Sci/Tech,Fuel cell's got the power for 3G handsets +Business,Mortgage rates push higher +Sports,Football 101: Option football +World,Car Bomb Kills 1 US Soldier near Abu Ghraib +Sci/Tech,Recording Industry Sues 762 for Net Music Swaps (Reuters) +Sci/Tech,Equity groups eye NTL arm (FT.com) +Sci/Tech,Linksys Delivers Wi-Fi Gear (NewsFactor) +World,Freed Italian Hostage Feared Death (AP) +World,"UN rights chief says Sudan ""failing"" people of Darfur (AFP)" +World,Aboriginals receive ancestors' remains from Sweden in formal ceremony (AFP) +World,"Congress Abandons Highway, Welfare Bills (AP)" +World,Ashcroft 'to defend' Patriot Act +World,A Long Deadly Day in Gaza as Israeli Forces Push Into Camp +Sports,Spain #39;s new king delivers a dream result +World,Stocks Decline on Merck's Vioxx Woes +Business,UPDATE 5-Lehman in talks to buy UK hedge fund-source +Sports,Watson Plays Last Tourney Before Surgery (AP) +Sports,Del Piero ruled out for two weeks +Sports,Tennis: Leading seeds overcome difficulties to advance in Thailand <b>...</b> +Sports,New Jersey Now Tries to Lure the Mets from NYC +Sports,British GP dropped from provisional list +Sports,Browns Place Winslow on Injured List +Sci/Tech,JPEG virus found circulating via IM program +Sci/Tech,Sun to drive Mustang as future release of Java +Sci/Tech,Lycos Europe Folds Anti-Spam Plan +Business,Merck Pulls Arthritis Drug Off Market +Business,Fannie Mae Target of Criminal Probe +Business,Update 11: Microsoft Says It Wanted to Share Code +Business,Oil at \$50 again as Nigeria worries persist +Business,Martha #39;s quot;Cupcake quot; Assignment +Business,Fresh Del Monte #39;s Bad Blip +Sci/Tech,SpaceShipOne crew confident +Sci/Tech,What Makes a Supercomputer Super? +Sci/Tech,Red Hat Picks Up Pieces of Netscape +Sci/Tech,Study: Big Predators Don #39;t Last Long +Sci/Tech,Building A Database Of Dot-Com Failures +Sci/Tech,PayPal Doubles Buyer Protection on eBay +Sci/Tech,Linksys goes dual-band on Wi-Fi +Sci/Tech,762 song swappers sued +Sports,UPDATE 3-Battling Woods in touch with Mount Juliet lead +Sports,Cricket-Zimbabwe race probe collapses +Sports,Nerve-racking weekend ahead for Cup drivers +Sports,Go-Go Boots May Have Helped Pitcher Who Got Shot +Sports,Pats target NFL record this week versus the Bills +Sports,Pele: Brazilians should strike +World,Thursday #39;s developments in Iraq: +World,Freed Italian hostage says she and second woman feared death <b>...</b> +World,Rebel Leader Says Sudan Is Hiding Fighters +World,"EU study upbeat on Turkish hopes, warns may take time" +Business,"Blue Chips End Down, Merck Recall Weighs" +Business,Oil Ends Up as Nigeria Worries Persist +Business,"Nortel Cuts Fewer Jobs, Exits Real Estate" +Business,Pepsi Drinking in Diverse Revenues +Sci/Tech,Linksys goes dual-band on Wi-Fi (MacCentral) +Sci/Tech,Red Hat Picks Up Pieces of Netscape (PC World) +Sci/Tech,Sun to drive Mustang as future release of Java (InfoWorld) +Sci/Tech,"Asian Elephants Threatened by Poachers, Western Zoos (Reuters)" +World,Nova Scotia backbencher to introduce bill to elect Senate replacements (Canadian Press) +World,U.N.: Palestinian Economy Grew 4.5 Pct (AP) +World,"28 Palestinians, 3 Israelis Die in Gaza Fighting" +World,"US, China Support N.Korea Talks After Cancellation" +World,Terrorism and Security: a Daily Update +Sci/Tech,"AT T, Vonage Cut Prices on Internet Calling" +World,Merck's Vioxx Woes Weigh on Stocks +Business,IBM to pay \$320M to partially settle pension case +Business,Microsoft Guards Its Protocols in European Court +Business,CME shares at new peak as earnings estimates rise +Sports,Tigers Romp Devil Rays 8-0 in Game 1 (AP) +Sports,Colts One of 10 Road Favorites This Week (AP) +Sports,"Fox, Traded by Lakers to Celtics, Retires (AP)" +Sports,Agent: Smith's Appeal to Be Heard Wed. (AP) +Sports,Nailon back with Hornets for camp +Sports,"QBs could decide things for Tigers, Vols" +Sci/Tech,European judge probes Microsoft antitrust case +World,Italy #39;s quot;two Simonas quot; feared being killed +World,Lack of Security Keeps Food From Haitians +Sci/Tech,Feds fund secure ID project +Sci/Tech,Image virus spreads via chat +Sci/Tech,Intel Rides a Faster Bus +World,Nigerian rebels in talks +Business,DaimlerChrysler Invests \$210 million in Mexican plant +Business,Forstmann Little amp; Co. to buy IMG +Business,Lawmakers Ask SEC to Probe Military Fund Sales +Sci/Tech,"Netflix, TiVo to Develop Joint Product (Reuters)" +Sci/Tech,Private craft rockets past edge of space +Sci/Tech,VoIP Market Leaders Declare a Price War +Sci/Tech,"Digimarc, government team on ID authentication" +Sci/Tech,Koala #39;s put on pill to stem population +Sports,Cleveland Pitcher Denney Shot on Team Bus +Sports,Del Piero injury blow +World,Weeping Woman Tells Court of Pitcairn Island #39;Rapes #39; +Business,Other Comments (Forbes.com) +Business,Stocks Knocked Lower by Merck Drug Recall +Business,Oil Ends Up as Nigeria Worries Persist +Business,Toyota Doubles Prius Hybrid Cars for U.S. +Sci/Tech,"Oil Prices Hit Tech Budgets, But Some Suffer Less" +Business,Wal-Mart of the Gods +Business,Gold lifts TSX; Dow sinks with Merck +Business,Nortel Lowers Job-Cut Estimates +Business,Wachovia names Carroll capital management chief +Business,Automaker Invests US\$210 in Mexican Plant +Business,PepsiCo Net Rises 35; Frito-Lay to Cut 780 Jobs (Update5) +Business,Family Spending Part of Its Dollar +Sci/Tech,AT amp;T lowers price of VoIP phone service +Sci/Tech,Birth control for koalas +Sci/Tech,Feds fund secure ID project +Sci/Tech,Sun's Schwartz guns for patent glories +Sports,Hornets bring back Nailon for training camp +World,"Blair to Have Heart Procedure, Will Serve 3rd Term" +Business,Company Recalls Vioxx Arthritis Drug +Business,Update 2: Crude Slips on Nigeria Worries +Business,Research in Motion revenues soar on BlackBerry popularity +Business,Chip Stocks Rise on Industry Report +Business,US Cereal Maker Says All its Brands Will be Whole Grain +Business,Postal Service asks Stamps.com to stop taking PhotoStamp orders +World,Court Doctors Examine Pinochet for Trial +World,Argentina Leader Calls IMF Head 'Plantation Owner' +Sci/Tech,"AT amp;T, Vonage slash Net telephony rates" +Sci/Tech,Microsoft #39;s FAT Patent Rejected for Now +Sports,A wounded Tiger stays in the game +Sports,Talladega Superspeedway plays major roll in NASCAR history +World,Court Doctors Examine Pinochet for Trial +World,UK PM to undergo heart treatment +Business,Justice Dept Opens Fannie Probe - Source +Business,GM to Pay to Settle Pollution Violations +World,"26 Palestinians Die, 131 Wounded in Gaza" +World,Court Doctors Examine Pinochet for Trial +Business,Research in Motion 2Q Profit Soars +Business,Automaker Invests \$210M in Mexico Plant +Sci/Tech,Fifth Windows XP #39;Lite #39; Country is India +Sci/Tech,Red Hat To Acquire Netscape Security Assets +Sci/Tech,AT amp;T Lowers Price on Internet Calling Service +Sci/Tech,Controversy Delays Net Song-Swap Bill in Senate +Sci/Tech,"Microsoft patent is rejected, but company vows to fight back" +Sci/Tech,"PS3 to use Blu-ray, PS2 gets new slimline look" +Sci/Tech,No awards for new director Spacey +Sports,Roman empires to collide +Sports,Golf: Hamilton relishes joining golf #39;s elite +Sports,Shearer Hits three As Magpies Romp Home +Sports,"Zee looks on as BCCI, Govt fight it out at apex court" +Sports,Shearer just the trick for Toon +Sports,"Hawkins blows save, Cubs fall behind in wild-card race" +Sports,It #39;s nothing but trouble #39; +World,34 children killed in attack +World,Sudanese president accuses US of arming Darfur rebels +World,Footage Shows 10 New Hostages in Iraq +World,China blasts US arms sales to Taiwan +Business,General Mills to make all cereals whole grain +Sci/Tech,"Web Sites Spoof Bush, Kerry With Parodies (AP)" +Sci/Tech,Induce Act remains locked up in Committee +Sci/Tech,Sandisk launches 8 GByte and high-speed CompactFlash cards +Sci/Tech,"Netflix, TiVo to Develop Joint Product (Reuters)" +Sci/Tech,Nobel Scientists' 'Natural Selection' Takes Decades (Reuters) +Sci/Tech,Going Private: The Promise and Danger of Space Travel (SPACE.com) +Sci/Tech,"As X Prize Slips Away, Canadian Still Vows to Launch (SPACE.com)" +Business,Dow Knocked Lower by Merck's Drug Recall +Business,General Mills Cereals Going Whole Grain +Business,Limit sweet deals for Fannie Mae +Business,The Community Around Martha Stewart #39;s Prison +World,UN envoy says war crimes likely in Darfur +Sci/Tech,Study: Consumers take cyberattacks lightly +Sci/Tech,"AT T, Vonage slash Net telephony rates" +Sci/Tech,'Wardriving' conviction is first under Can-Spam +Sci/Tech,"TiVo, Netflix sign development deal" +Sci/Tech,New FEMA intranet helps support hurricane victims +Sci/Tech,Linksys goes dual-band on Wi-Fi +Sci/Tech,EU judge to Microsoft: Justify penalty suspension +Sci/Tech,Brief: FedEx taps Opsware to automate global data center operations +Sci/Tech,EU judge to Microsoft: Justify penalty suspension +Sci/Tech,IBM to pay \$320M to partially settle pension case +Sci/Tech,Postal Service asks Stamps.com to stop taking PhotoStamp orders +Sci/Tech,Munich migrates to Linux despite EU debate +Sci/Tech,Call center services on the horizon +Sci/Tech,Red Hat acquiring LDAP server from AOL's Netscape unit +Sci/Tech,"Microsoft loses FAT patent, wins Smart Tag case" +Business,FDA urging Vioxx users to consider other options +Business,"IBM settles pension claims, other liability capped" +Business,RIM profits soar to \$70.6M (US) in Q2 +Business,"University, Samoa to share AIDS drug earns" +Business,"Pepsico profit up, cuts jobs, shares rise" +Business,Wachovia Names Capital Management Head +Business,Forstmann announces deal for IMG +Sci/Tech,Want to travel on a private space jet? Pack nerves of steel. +Sci/Tech,Revoking Microsoft #39;s FAT Patent Would Stir Innovation +Sci/Tech,AT amp;T to Offer Service at Circuit City +Sci/Tech,Climate change plus human pressure caused large mammal extinctions <b>...</b> +Sci/Tech,"Apple readies European iTunes expansion, Switzerland store" +Sci/Tech,Users resist RFID hype +Sports,Ecclestone slams Silverstone +Sports,"Williams has surgery on left knee, out for season" +World,"China will target 800 missiles at us, says Taiwan" +World,Schrder Mulls Cancelling Afghan Trip +World,Court Doctors Examine Pinochet for Trial (Reuters) +World,Rangers need penalties to see off Maritimo (AFP) +World,China wants Canada to hand over North Koreans who stormed embassy (Canadian Press) +World,Nervous Democrats link Kerry's debate fortunes with their own (AFP) +World,Secular drive challenges Spain's Catholic identity +World,Zambia refugees face food cuts +World,Football: Rangers win on penalties +Sci/Tech,"Netflix, TiVo to Develop Internet Movie Product" +World,Bush and Kerry Prepare to Meet in Their First Debate in Miami +World,String of Baghdad Bombs Kills 35 Children +World,Stocks End Mostly Lower on Vioxx Troubles +World,House Defeats Gay Marriage Ban Amendment +Business,Merck Pulls Vioxx +Business,Aids and a Samoan tree +Business,Financials Mostly Flat Despite Probes +Sports,Cubs Lose Another Heartbreaker to Reds (AP) +Sci/Tech,Open source - The Salvation Army of software? +Sci/Tech,"AT amp;T, Vonage cut prices on Internet calling" +Sci/Tech,"RFID #39;s Impact On Supply Chains Grows, Execs Say" +Sports,Tiger plays through agony of back injury to show inner drive +Sports,SportsNetwork Game Preview +Sports,"No baloney, Rooney #39;s the real deal" +Sports,Blackhawks #39; Ruutu needs surgery +Sports,Rodman Thinks Nuggets Could Use Him (AP) +World,Rebel Leader Meets with Nigerian Government to Stop Violence in <b>...</b> +World,2 Indonesians held in Iraq +World,Latham #39;s ace: free health care for the over-75s +World,"Rocket explodes at scrapyard, killing 10" +Sports,Trip to Ireland Memorable for Some Golfers (AP) +Sports,"Washington, DC Plans \$410 Million Bonds for Stadium" +Sports,Dunn Sets Strikeout Record +Sci/Tech,"Nortel plans to lay off 3,250 employees" +Sci/Tech,Technology aims for cooler datacenters +Business,Justice Dept Opens Fannie Mae Probe +Business,SEC Charges Raymond James with Fraud +Business,Agency Sues Lucent Over Pension Policy +Business,China's thirst for oil gets into top gear +Business,Progress on Eurostar strike talks +Business,Argentina Leader Calls IMF Head #39;Plantation Owner #39; +Business,Oil prices head higher despite Nigeria peace talks +Business,Mexico Expects to Double Auto Output in 10 Years (Update1) +Business,No progress in Sun-Times labor talks +Business,Wachovia exec McMullen retires +Sci/Tech,DoCoMo unveils prototype micro fuel cell for 3G handsets +Sports,British Grand Prix to be Dropped from Formula One Next Year +Sports,Soccer: Big Names Through to UEFA Cup Group Stage +Sports,Avery Johnson returning to Mavs +Sports,Favorites dominate in advancing in UEFA Cup +Sports,Arsenal #39;s dilemma proves costly +Sci/Tech,AT amp;T Cuts Internet Phone Service Prices +Sci/Tech,Senate Panel Delays Induce Act Vote Again +Sci/Tech,DVD Forum approves HD-DVD RW standard +Sci/Tech,Vic koalas to go on the pill +World,Passengers safe after plane bomb scare +Sci/Tech,Buyer's Remorse? (Forbes.com) +World,French Foreign Ministry official rushed to Amman amid hope for hostage release (AFP) +World,Gaza Hospital Is Overwhelmed With Wounded (AP) +World,Campbell sets Oct. 28 byelection date for vacant Surrey riding (Canadian Press) +World,Anti-Gay Marriage Amendment Fails in House (Reuters) +Sci/Tech,Judge to Weigh Removing Media Player from Windows +World,Chances of New U.S.-EU Aircraft Pact Dwindling -EU +World,Tensions erupt in Haitian capital +World,Russia jails killers of African +Business,HSBC Group Chairman to Retire +Sci/Tech,Research In Motion 2Q Profit Soars +World,Blair to Have Medical Procedure on Heart +Business,Judge to Weigh Removing Media Player from Windows +Sci/Tech,Red Hat to Buy Netscape Server Programs +Sci/Tech,762 More sued by the RIAA +Sci/Tech,Salesforce.com Tackles Outsourcing On Demand +Sci/Tech,Apple Announces Expansion of Euro iTunes +World,Writethru: Blair to go hospital for heart procedure +World,Dozens of children among 44 killed by Baghdad bombings +World,Pinochet Undergoes Psychiatric Tests +World,Australian Police Charge 191 in Child Pornography Crackdown +Sports,South Carolina's 'Pops' Goes Late Night (AP) +Sports,Soccer: Big Names Through to UEFA Cup Group Stage +Sports,"Athletics Hold Ichiro in Check, Move Back Into First" +Sports,Cubs Lose Another Heartbreaker to Reds +Sports,Ailing Woods Lurks in Ireland +Sci/Tech,Microsoft set to release MSN Messenger 7.0 beta +Sci/Tech,Dell to sell new ServGate appliances +Business,Justice Dept Opens Fannie Mae Probe (Reuters) +Business,Nigerian Oil Delta Talks to Resume Friday +Sports,"Baseball: After 34 years, baseball returns to Washington" +World,Thailand on warpath against bird flu +Sci/Tech,iMac G5: Most Elegant Desktop Ever +Business,Navistar Up 2.7 Percent in Pre-Trade (Reuters) +Business,US Requests More Debt Relief for Poor Nations +Business,IMG sold for 400m +Sci/Tech,StorageTek #39;s Storability Buy Marks Second Industry Acquisition <b>...</b> +Sci/Tech,Microsoft #39;s FAT Patent Rejected +Sci/Tech,Sun pushes OpenOffice standard +Sci/Tech,Phishers hook US consumers +Sci/Tech,Fuel cell #39;s got the power for 3G handsets +Sports,"Chelsea and CSKA win, ousted coach Ranieri loses" +Sports,Lazio Complete Formality +Sports,Scouting Report On South Carolina +World,"Car Bombings Kill 50, Leave 145 Hurt In Iraq" +World,Over 150 people arrested in child pornography crackdown +Business,Chances Dwindling for US-EU Aircraft Pact +Sci/Tech,AT amp;T cuts Internet phone service prices +Sci/Tech,StorageTek Scoops Up Storability for ILM Portfolio +Sci/Tech,Gartner: Four Out Of Five Linux PCs End Up Running +Sports,Shearer and Kluivert help themselves +Sports,Stewart #39;s vision betrayed by Government apathy +Sports,Ex-Steeler dies in fiery wreck after police chase +Business,Drug withdrawal gives Merck palpitations +Business,Research In Motion beats estimates +Business,Sports management giant IMG sold to investment company +Business,SIA: Supply Chain Saved Chip Sales +Business,Mars consolidates advertising with Omnicom +Sci/Tech,Computer sets world speed record +Sci/Tech,Theater: An unfortunate debut for Spacey +Sports,FOOTBALL: WAYNE WILL NAB RECORD SAYS DENIS +World,35 children killed in Baghdad blasts +World,UN Seeks to Speed Arrival of Peacekeepers in Haiti +World,Scientists Protest Kennewick Man Bill (AP) +World,U.S. Launches Assault on Rebel-Held Iraqi Town +World,UN Rights Officials Talks of War Crimes in Darfur +Sci/Tech,Navy Probes New Iraq Photos +World,US launches Samarra offensive +World,Labour Party retains Hartlepool +Business,Questions About Drug Safety System Emerge After Arthritis Drug <b>...</b> +Sci/Tech,Scientists wrapping up salvage job on Genesis spacecraft that <b>...</b> +Sports,Three share lead at Southern Farm Bureau Classic +Sports,Royals pitcher to see back specialist +Sports,Magical day for Meehan +World,Routine operation but more evidence of heart trouble +World,Rebels Turned Away From Haitian City +World,400 illegal immigrants land on Italian island +Sports,Ichiro Moves Within One Hit of Record as A's Win +Sci/Tech,Who's Recycling Techno Trash? +Sports,Schwarzenegger Vetoes Sports Diet Supplement Bill +Sci/Tech,The Cuban Biotech Revolution +Sci/Tech,Cell-Tower Emission Risks Probed +Sports,Pitcher Shot in Leg +Sci/Tech,Study: Musicians Dig the Net +World,Several Explosions Reported in Spain +Sci/Tech,U.N. Web Site Viewers Strongly Prefer English (Reuters) +Sci/Tech,"Netflix, TiVo Team Up on Broadband Movie Delivery (PC World)" +Sci/Tech,Sun upgrades J2SE platform (InfoWorld) +Sci/Tech,Blogs May Be a Wealth Hazard +Sci/Tech,Scientists Wrap Up Genesis Salvage Work (AP) +Sci/Tech,"Pilot, Designer of Rocket Plane Confident (AP)" +Sci/Tech,"Feds Ply Waters Off Ga., Seek Lost H-Bomb (AP)" +Business,Tokyo Stocks Jump After BOJ Tankan +Business,Yen Rises on Corporate Sentiment Poll +Sci/Tech,"Netflix, TiVo to Develop Internet Movie Product" +Business,Oil Markets to Overshadow China G7 Debut +Sci/Tech,Sun pushes OpenOffice standard +Sci/Tech,Spyware on My Machine? So What? +Business,Poor hurt by aid conditions +Business,Microsoft fights EU Windows curbs +Business,McCormack #39;s sports empire sold for 390m +Sports,Chelsea outplays champs +Sports,Woods breaks through pain +Sports,Shearer leads way as big guns book group stage places +Sports,"Millwall, Ferencvaros fans clash" +World,UN force in Congo gets a boost +Sci/Tech,"TiVo, Netflix sign movies-on-demand deal" +Sci/Tech,Dell green-lights photo printers +Sci/Tech,Sun upgrades J2SE platform +Sci/Tech,"Netflix, TiVo Team Up on Broadband Movie Delivery" +Sci/Tech,Dell to Sell More Security-Proofed Business Hardware +World,400 Darfur refugees dying every day +Sci/Tech,"Netflix, TiVo team up on broadband movies to the home (MacCentral)" +World,"Iraq Bombings Kill 35 Youths, Hurt Scores (AP)" +World,Britain's Blair Faces Heart Op But Vows to Lead On +World,Blair to Have 'Routine' Heart Treatment +World,Courtney Love Sued by LA Travel Agency +World,Ichiro Nears Hit Record in Mariners' Loss +World,"China signs US #36;2.1B worth of contracts for 23 Airbus jets, German goods (Canadian Press)" +Sports,Chiefs' Hall Sits Out With Painful Lip (AP) +Sports,Minaya Named Power Source for the Mets +Sports,Ichiro a Hit Away From the Single-Season Record +Sports,Collins Firmly Strides Into a Starting Role Without Any Misstep +Sports,India Cricket Bd:Sony TV To Televise Matches Vs Australia +Sports,Rattay expects to play Sunday for 49ers +Sports,Collins Firmly Strides Into a Starting Role Without Any Misstep +Sports,Chiefs #39; Hall Sits Out With Painful Lip +World,"Truce between rebels, Nigerian government, appears to be holding" +Business,Yen Rises on Corporate Sentiment Poll +Business,Arthritis Drug Is Withdrawn by Its Maker +Business,"A Vast Arms Buildup, Yet Not Enough for Wars" +Sports,"Senden, Frazar and Day share lead after first round at SFB Classic" +Sports,Senden soars into Mississippi lead +Sci/Tech,"Netflix, TiVo Make Deal Official (AP)" +Sci/Tech,Open Source Needs an Arbitration Board (Ziff Davis) +Sci/Tech,Sweden Returns Smuggled Australian Aborigine Bones (Reuters) +World,China wants answers on oil-for-food +World,China signs contract for Airbus jets +World,"U.S., Iraqi Forces Take Key Samarra Buildings (Reuters)" +World,Rebel Chief: Sudan Hides Gov't Fighters (AP) +World,Pro-Aristide March Turns Violent in Haiti (AP) +World,France Seeks Larger U.N. Force in Congo (AP) +World,150 Arrested for Child Porn in Australia (AP) +World,"Cheney, Edwards to Meet in Ohio Debate (AP)" +World,"U.S., Iraqi Forces Take Key Samarra Buildings" +World,"2 Car Bombings in Iraq Kill 41, Many Children" +World,Asia ; New Violence Hits S.Thailand After #39;Peace Bombing #39; +World,Courtney Love Sued by LA Travel Agency +World,"Iraq Bombings Kill 35 Youths, Hurt Scores" +Business,Microsoft to Argue EU Antitrust Order Damages Its Trademarks +Business,Japan firms sentiment at 13-year high +Sports,Yankees Clinch 7th Straight AL East Title (AP) +Sports,Orioles Cruise Past Blue Jays 9-3 (AP) +Sci/Tech,STK Grabs Storage Management Vendor +Sports,Souness Relieved As Magpies Soar +World,PITCAIRN WITNESS: CULTURE OF SILENCE +World,Japan says yuan policy up to China ahead of G7 +Sports,Victory No. 100 Gives Yankees Another A.L. East Title +Sports,Upbeat Wilkens Likes New Pieces to Knicks' Puzzle +Sports,Thrown for a Loss +Sports,Tejada Powers Orioles +Business,Bies: Oil Has Shaped Fed Growth Outlook +Business,Tokyo Stocks Jump After BOJ Tankan +Business,Debt Relief Deal for Poor Nations Seems to Be Near +Business,U.S. and Europe Fail to Resolve Dispute on Aircraft Subsidies +Business,"Volkswagen, Malaysian Carmaker in Talks" +Business,Study debunks treatment for clogged arteries +Sci/Tech,prize-winning space launch +Sci/Tech,Australia #39;s Frisky Koalas to Get Hormone Implants +Sci/Tech,RIAA sues another 762 +Sports,Team buses to have police protection after incident +World,Thirty killed in Gaza battle +World,150 arrested for child porn in Australia +World,Yen Rises on Corporate Sentiment Poll +Business,Vioxx #39;s Removal May Not Affect Care Much +Sci/Tech,Johnson Will Retire Nov. 1 As CACI #39;s No. 2 Executive +Sports,"White Sox 9, Royals 2" +Sports,"For Giants, Rookie Is Quick Study at Safety" +Sci/Tech,E.U. Regulators Say Microsoft Had Agreed to Sanctions (washingtonpost.com) +Sci/Tech,Australia's Frisky Koalas to Get Hormone Implants (Reuters) +Business,Fed Governor Assessment of Economy Upbeat (Reuters) +Business,Fed Governor Assessment of Economy Upbeat +Business,Market Batters Merck +Business,"US Airways, Pilots Union Near Cost-Cutting Accord" +Sci/Tech,Johnson Will Retire As CACI's No. 2 Executive +Business,Consumer Spending Was Flat in August +Business,Arthritis Drug Vioxx Is Taken Off Market +Business,Pfizer Lawyers Grill Dissenting Executive +Business,"From Spam To Lacrosse, A Day for The Books" +Business,IMF Predicts Faster Growth In Global Economy This Year +Business,Update 2: NY Firm Buying Sports and Talent Agency +Business,Nikkei sharply up on strong tankan +Business,Soggy summer hits Boots #39; sales growth +Sci/Tech,Koalas Put on #39;The Pill #39; to Control Population +Sci/Tech,Senate postpones vote on file-swapping bill +Sci/Tech,DoCoMo plans fuel cell recharger +Sci/Tech,Windows piracy must not harm Linux +Sports,Mourinho #39;s Chelsea beats his former club FC Porto 3-1 in Champions <b>...</b> +Sports,Souness Salutes #39;World-Class #39; Kluivert +Sports,"Trinidad returns as requested, will face Mayorga" +Sports,American League Game Summary - Minnesota At New York +Sports,Pat Burrell goes 4-for-4 as Philadelphia beats the Marlins 7-4 +World,Police arrested in child-porn raids +World,News of 10 new kidnaps increases gloom in Iraq +World,Blair to stay for third term +Sports,"AL Wrap: Rangers Overcome Angels, A's Draw Level (Reuters)" +Sports,Undefeated Navy Sinks Air Force 24-21 (AP) +Sci/Tech,Microsoft Vows Fight on Patent Rejection (AP) +Sci/Tech,Web Founder Promotes Future Cooperation (AP) +World,U.S. Launches Assault on Rebel-Held Iraqi Town (Reuters) +World,Congressional probe sought over jailing of US vigilantes in Afghanistan (AFP) +World,"Aborigines left out of Australian election, says senator (AFP)" +Business,Dow Knocked Lower by Merck #39;s Drug Recall +Business,Anschutz Purchases Journal Newspapers +Business,Consumer Spending Was Flat in August +Sci/Tech,How difficult is it to discard Internet Explorer? +Sports,Bernie #39;s blast clinches AL East +Sports,American League Game Summary - Anaheim at Texas +World,"Japan death toll from Meari rises to 19, 8 missing" +World,"Direct links can be a first step in building trust, say scholars" +Business,Arthritis drug Vioxx pulled from market +Business,Lower prices driving Boots sales +Business,Yen Eases Slightly After 'Tankan' Rally +Sci/Tech,Red Hat To Get Netscape Security Assets for \$25 Million +Business,Tokyo Stocks Jump by Midday +Sports,"- UMPIRES: Home,Andy Fletcher; First, Tim Welke; Second, Gary <b>...</b>" +World,"Bush Sees a Safer America, While Kerry Sees a 'Colossal Error'" +World,Yankees Clinch 7th Straight AL East Title +Business,Boots sales get a drenching +Sports,"Connecticut 29, Pittsburgh 17" +Sports,"AL Wrap: Rangers Overcome Angels, A #39;s Draw Level" +World,"Australia could step up childsex crackdown, PM warns after <b>...</b>" +Sports,BCCI vows to produce live telecast of Australia series +Business,Microsoft seeks to suspend EU antitrust ruling +Sports,We #39;ll telecast Australia Tests +Sports,TV coverage confirmed +Sports,Sports: Denney says says go-go boots helped prevent serious injury +Sci/Tech,Search Engine Forums Spotlight +Sports,"NBA-Suns Scorch Trail Blazers, Kings Beat Celtics" +Sci/Tech,"Area Codes, Now Divorced From Their Areas" +Sci/Tech,Microsoft Asks Appeals Court in Europe to Delay Punishment +Sci/Tech,Judge Strikes Down Section of Patriot Act +Sci/Tech,I.B.M. Employees Get \$320 Million in Pension Suit +Sci/Tech,"Sun Micro, UT Austin, Team Up on Supercomputer (Reuters)" +Sci/Tech,"Sun Micro, UT Austin, Team Up on Supercomputer" +World,House Defeats Gay Marriage Ban Amendment (AP) +World,"Bush Sees a Safer America, While Kerry Sees a 'Colossal Error'" +World,House Ethics Panel Says DeLay Tried to Trade Favor for a Vote +Sports,Brown just looking for respect +Sci/Tech,Open-source process server set for release +Sci/Tech,DoCoMo unveils phone fuel cell +Sports,British Grand Prix Threatened +Sports,Double Dutch for Magpies as Shearer bags a hat-trick +Sports,Sports: Brewers 7 Cardinals 6 +World,Russian Cabinet Backs Pact on Climate Change +World,Car Bombs Rock Baghdad +Sports,"Another Comeback Victory, Another Division Title for Yankees" +Sports,Olympians Put On Show +Sports,Williams Lifts Yankees +Business,* #39;Super aspirin #39; is taken off market over heart fears +Business,"Wall Street: Dow index down for day, quarter after Merck news" +Business,IBM Pays Out in Cash-Balance Case +Business,"TiVo, Netflix team to deliver Internet video-on-demand" +Business,NZ Watchdog:Changes To Prime #39;s Bid For Powerco Difficult +Business,Boeing-Airbus talks fall apart +Sci/Tech,Frisky koalas to get hormone implants +Sci/Tech,Open-source process server set for release +Sports,Williams hits two-run homer as the Yankees beat Minnesota 6-4 to <b>...</b> +Sports,Praise running rampant for Oklahoma freshman +Sports,Georgia #39;s Ware raring to run +World,Nigeria welcomes talks on oil thefts +Business,IBM to Expand Data Centers Across World (Reuters) +Business,IBM to Expand Data Centers Across World +Sci/Tech,VoIP Price War Declared +Sci/Tech,SanDisk announces wrath of Memory Card products +Sports,"UConn, Pitt go their different ways" +Sports,Former Steeler killed in crash +Business,"Toyota to double US supply of Priuses to 100,000" +Business,Opinion: Local councils may be stuck with junk after Powerco <b>...</b> +Sports,"COL FB: Connecticut 29, Pittsburgh 17" +World,Russia to ratify Kyoto treaty +World,Indonesia confirms two women hostages taken in Iraq +World,"Powell, China Foreign Minister Affirm North Korea Talks Effort" +Business,"Oil Prices Waver, Eye on Nigeria Supply" +Sports,AMERICAN LEAGUE +Sports,Boxing Comebacks a Mixed Bag; 82 of Media Say Trinidad-Mayorga <b>...</b> +World,Tony Blair To Undergo Surgery +World,Typhoon kills 2 in Japan +World,Bird flu claims its 30th human victim in Asia +Business,Bayer Unit Plea-Bargains in Price Fixing +Sports,Pitt Notebook: Harris chooses FG over touchdown try before half +World,Russia backs Kyoto treaty +Sci/Tech,Johnson retires from CACI +Sports,Wenger looking for that spirit of Christmas past +Sci/Tech,"China, U.S. Seek to Protect Cancer-Fighting Tree (Reuters)" +World,Blair to undergo operation to fix irregular heartbeat (AFP) +World,Caribbean States Hit by Hurricanes Ask Aid (AP) +World,Gurkhas say more should get British citizenship (Reuters) +World,Indonesia Confirms Two Women Taken Hostage in Iraq +World,Microsoft defence enters day two +Business,Nation/world briefs +Business,State lets Bay Bridge retrofit bid expire +Sports,Giants Tie Astros for Wild Card With Win (AP) +Sci/Tech,SpaceShipOne #39;s Heady Flight Path +Sci/Tech,Red Hat snaps up Netscape security +Sci/Tech,IN BRIEF +Sci/Tech,CACI US Operations President to Retire +Sci/Tech,Desktop Linux a vehicle for pirating Windows +Sports,Ichiro one hit away; Mariners fall +Sports,Yankees Clinch 7th Straight AL East Title +World,"Sharon, cabinet agree to major offensive in Gaza" +World,Takenaka Says Tankan Confirms Japan #39;s Steady Economic Recovery +Sports,White Sox Drop Slumping Royals 9-2 (AP) +Sports,"College Player, 39, Does 'Late Show' (AP)" +Sports,"Clearly, there #39;s still a lot to be said about BCS" +Sports,Giants Topple Padres +Sci/Tech,Music Industry Files More Piracy Lawsuits +World,Russian cabinet approves Kyoto Protocol +Sports,Henry fears blame if Gunners fail +Sports,UNDATE 1-Indian officials in B #39;desh to assess cricket threat +Business,Oil slides from record highs +Sports,Rockies beat Los Angeles 4-1 to slow Dodgers #39; drive for playoff <b>...</b> +Sports,Giants take share of Wild Card lead +Sci/Tech,"Microsoft, EU Battle Over Antitrust Order (AP)" +Business,Japan Stocks Up After Strong Tankan +Business,"Update 13: Microsoft, EU Battle Over Antitrust Order" +Business,Supply worries lift oil near \$50 US +Business,US brokerage charged with fraud +Business,US spending flat in August +Business,Big airlines feel pinch from system they created +Business,"Research in Motion profit, sales soar in second quarter" +Sports,"Dodgers 4, Rockies 2, 11 innings" +Sports,Texas Tech hoping comeback unnecessary against No. 2 Sooners +Sports,A breakthrough could be in the works +World,Focus on Aust as Russia adopts Kyoto protocol +Business,Nikkei Higher After Strong 'Tankan' +Business,Finance ministers meeting in US +Business,GM cereals to go 100 whole grain +Business,Calif. to Let San Francisco Bridge Bid to Expire +Sci/Tech,Companies slash fees for Net phone plans +Sci/Tech,Sun releases Java 5 aka 1.5.0 +Sci/Tech,"Microsoft patent is preliminarily rejected, but company vows to <b>...</b>" +Sports,Zee to challenge cricket board +Sports,Morris adds to the anxiety +World,Russia moves to ratify Kyoto climate accord +World,Bomb scare diverts BA flight +Business,Maker takes Vioxx off market +Business,Northern Rock upbeat on profits +Business,James Hardie negotiations underway +Business,General Mills plans nutritional makeover +Sci/Tech,Records Of Dot.Com Roadkill To Be Saved For Posterity +Sci/Tech,New Induce Act Alarms Foes +Sci/Tech,First 3G prototype micro fuel cell unveiled +Sci/Tech,\$12.5m grant offers teachers a science primer +Sports,Former F1 champ slams axing of British GP +Sports,Suzuki #39;s chase deserves more attention +World,"I was molested on Pitcairn, woman claims" +World,Now College Grads Can #39;t Find A Job +Sports,Raiders seeking to attack Oklahoma sooner +Business,Yen Flat After 'Tankan' Rally +Sports,"One down, one to go" +Sci/Tech,Study: Musicians Dig the Net +Business,Answers for those who take Vioxx +Business,Multiplex May Miss Contracts Should Westfield Buy Chelsfield +Business,"PepsiCo Profit Up, Cuts Jobs; Shares Rise" +Sci/Tech,Lycos pulls antispam screensaver from site +Sci/Tech,SpaceShipOne team set to fly again Monday +Sports,Silverstone lost at game of hardball +Sports,Yankees win AL East title +World,"25 dead, scores killed in latest Gaza flare-up" +World,Debate Down Under +World,Blair allows citizenship rights to Gurkhas : +Sci/Tech,"Cisco, Fujitsu to sell Internet gear" +Sci/Tech,"With Russia's Nod, Treaty on Emissions Clears Last Hurdle" +Sci/Tech,Inspector General Says E.P.A. Rule Aids Polluters +Business,Merck stock plummets on news of Vioxx recall +Business,Alarcon backs suit against DWP rate hike +Business,"EU, US talks over government subsidies in nose dive" +Sci/Tech,Hub schools make grade with \$12.5M science grant +Sci/Tech,"Sun Releases New Version of Java for Servers, Desktops" +Sci/Tech,Lucent partners with Riverstone +Sports,Cech - #39;fun #39; training sessions (Getty Images) +Sports,TOO MUCH TOO SOON FOR TITO +Sports,Yankees lock up AL East with 100th win +Sports,Buehrle tosses 4-hitter at KC +Sports,IT Analysts Pick Key Contests +World,PLANE BOMB ALERT NO3 +Sci/Tech,Koalas to get contraceptives in Australia +Sci/Tech,Ruling rejected a 1996 Microsoft patent +Sci/Tech,New Standard Java Spec Emerges +Sports,Final lap for Silverstone +Sports,GIGGS FORESEES VINTAGE UNITED +Sports,Izenberg: Trinidad refuses to take shortcuts in comeback +Sports,Indians pitcher shot in leg +World,Arbour reports Darfur horrors +World,BE PATIENT +World,Doctors work to save Haiti storm survivors +World,Endangered species at risk from market forces +Business,Jarvis Says It Needs Fresh Financing to Keep Trading (Update4) +Business,Doctors urge patients not to panic after recall of Vioxx +Business,"Microsoft had agreed to sanctions, EU official says" +Business,Ronin says target statement due soon +Business,Raymond James sued by SEC +Business,FRITO-LAY dumps jobs +Sci/Tech,Open Office XML May Satisfy ISO +Sports,BCCI likens cricket to beauty pageants +Sports,What they #39;re saying about Ichiro +Sports,Notebook: Parcells has dodged his players #39; punches +World,Most Israelis Oppose Strike on Iran for Now -Poll +Business,Auto supplier Intermet files for bankruptcy aid +Sci/Tech,The Decline and Fall of Canada? +Sci/Tech,Hi-tech thieves target businesses +Sci/Tech,Microsoft defence enters day two +Business,"Oil Above #36;49 on Nigeria, G7 Worries (Reuters)" +Business,Asia Shares Higher on BOJ Survey; Gold Up (Reuters) +Business,"Oil prices rebound on OPEC, Nigeria jitters" +Business,"Oil Above \$49 on Nigeria, G7 Worries" +Business,The profits of patience +Business,"Study backs Hanscom, Natick site" +Business,Surging gas costs hamper spending +Business,Nigeria fears push up oil +Business,Raymond James sued by SEC +Business,"Forstmann Little to buy sports, talent agency IMG" +Business,General Mills to undergo a whole-grain makeover +Business,Microsoft seeks to suspend EU order +Business,Rival stent tops Taxus in study +Business,Westfield lands \$1.48b. knock out blow to Multiplex +Business,"FINANCIAL HEADLINES: Kmart considering Atlanta, reports say" +Business,"Nortel details its job cuts, including 1,400 in US" +Business,Airbus plans new jet to fend off Boeing +Sci/Tech,Red Hat acquires security software +Sci/Tech,Mount Hood still rumbles at times +Sci/Tech,Microsoft vows fight over FAT patent +Sci/Tech,Porn pics further poisoned with virus +Sports,Prasar Bharati claims its bid higher than Sony +Sports,Colorado (3-0) At Missouri (2-1) +World,Former Lebanese Cabinet minister wounded in Beirut car bombing +World,Bomber #39;Asked Wife #39;s Permission to Die A Martyr #39; +Sports,Yanks clinch East on Bernies blast +Sports,Runner for the ages +Business,Samsung to expand in chips +World,"Britain's Blair Faces Heart Op, Vows to Lead On" +World,Liberia refugees return home +World,More Australia child porn arrests +World,Ex-minister hurt in Beirut blast +World,Afghan refugees register to vote +World,Bombs kill 35 children in Iraq +World,Russian Cabinet OK's Kyoto pact +World,Lootings delay aid in Haiti +World,Sovereignty over waters returned to Iraq +World,Pakistan arrests Libyan suspected of Qaeda ties +World,Envoys say war crimes probable in Darfur +Sci/Tech,Asian vultures need vet drug ban +World,Blair to Undergo 'Routine' Heart Procedure +World,House Defeats Gay Marriage Ban Amendment +World,U.S. and Iraqi Forces Attack Insurgents +World,Blair to Undergo 'Routine' Heart Procedure +World,From the Debate +Business,IBM reaches pension accord +Business,LONDON MARKETS +Business,"Nortel Net #39;s job cuts include 1,400 in US" +Business,Schools sue over special-ed funding +Sci/Tech,Red Hat buys technology from Netscape +Sci/Tech,Mount St. Helens a volcanic #39;ring of fire #39; +Sci/Tech,Koalas to get contraceptives +Sports,WOODS #39; BRAVEST ROUND +Sports,Ten Sports and Sony to assist BCCI in live coverage : +Sports,Sports Briefs column +Sports,Pound suggests Hamilton skirted justice +Sports,Rooneys Champions League hat-trick: reaction from Nistelrooy <b>...</b> +Sports,Cricket racism probe drama +Sports,Peace Rules retired; Jockey Club Gold Cup field dwindles +World,"Blair Enters Hospital for Heart, Seeks One More Term (Update1)" +World,From Baghdad A Wall Street Journal Reporter #39;s E-Mail to Friends +Sports,Handing out A -- for advantage +Sports,Success breeds success +Sports,"Giants win, tie Astros in wild race" +Sports,NL notables +Sports,Down to the wire in West +Sports,Yankees' 100th clinches division +Sports,AL notables +Sports,But seriously folks +Sports,"Former Steelers, Maine player Strzelczyk dies after highway chase, crash" +Sports,"Patriots are leaders in high-tech field, too" +Sports,NFL games on TV +Sports,Weaver suddenly in a tight spot +Sports,Revolution need final kick for playoff push +Sports,Celtics tickets on sale +Sports,Injuries prevent Fox from continuing career +Sports,A little game between friends +Sports,Colorado back in game +Sports,Key New England games +Sports,Third Oxfam Formula 1 Auction offers 24 items of Renault F1 Team memorabilia +Business,Northern Rock upbeat as loans surge +Business,School districts sue state over special-ed funding +Sci/Tech,Red Hat buys Netscape bits +Sports,Souness praises fab four +Sci/Tech,Red Hat to acquire Netscape network security software +Sci/Tech,Sun Microsystems teams up on supercomputer +Sci/Tech,Searching for Substance: Web Browser Olympic Scorecard +Sci/Tech,"After the crash, luck for NASA" +Sports,Yankees back for more +Sports,CHIEFS OUT TO AVOID 0-4 START +World,Gus Dur asked to help free two Indonesian women kidnapped in Iraq +World,More than 500 Australians in child porn inquiry +World,"Nigerian Leader Scolds Delta Officials, Militants" +Sci/Tech,Microsoft Tells Judge of Harm in Changing Windows +Sci/Tech,SpaceShipOne goes for next flight +Business,Merck plummets as drug pulled +Business,Microsoft Tells Judge of Harm in Changing Windows +Sci/Tech,IBM claim to own #39;fastest supercomputer #39; +Sci/Tech,Gartner Linux piracy claim is pants +Sci/Tech,University to set up archive of bust dot com company business <b>...</b> +Sci/Tech,Asteroid Toutatis +Sports,Ecclestone rebuke as Silverstone dropped +Sports,Classy Kluivert +Sports,Ailing Fox closes curtain on career +World,"Nigerian Leader Scolds Delta Officials, Militants" +World,US Sticks to Kyoto Rejection +World,Waziristan mine kills 3 children +World,Dozens Killed in U.S. Offensive in Iraq +World,Blast at Shiite Mosque in Pakistan Kills at Least 10 +World,Bombing in Lebanon Wounds Cabinet Minister +Business,Navistar Up 2.7 Percent in Pre-Trade +Sports,Transactions +Sports,Runner for the ages +Sci/Tech,All's Fair in Space War +Sci/Tech,Solution for Slashdot Effect? +Sci/Tech,Mobile-Phone Ban May Be Near End +Sci/Tech,"Getting Closer, Yet Farther Away" +Sci/Tech,Diebold Loses Key Copyright Case +Sci/Tech,Secrets of the CO2 Eaters +Sci/Tech,Point. Shoot. Kiss It Good-Bye +Sci/Tech,"ID Rule Exists, But Can't Be Seen" +Sci/Tech,Arnold Vetoes Privacy Bill +Sci/Tech,RIAA Fires New Round of Volleys +Sci/Tech,Can't We All Just Get Along? +Business,Merck stock plummets on drug news +Sports,"Bad start, injuries can #39;t stop Liberty #39;s drive" +Sports,Evening Attire is wearing well +World,Blair faces surgery for heart flutter +World,Bird flu case played down +World,Indonesian police announce identity of embassy attacker +World,Deaths in blast at Pakistan mosque +World,"More than 900,000 volunteers begin war on bird flu in Thailand" +Sci/Tech,Improved power management planned for Opteron +Business,Toyota plans more Prius sales in US +Sci/Tech,A tiny critter #39;s day in the sun +Sports,Is Wayne Rooney #39;s ripped shirt cool or not? +Sports,"Kevin, Jason on roster?" +Sports,Minaya: free to be real boss? +World,Russia #39;s Kyoto Decision Resonates in Australia #39;s Election Campaign +Sci/Tech,UK aims to be major space player +Business,Studies confirm findings Clinic from 3 years ago +Business,UCB up after deal to sell unit to Cytec for \$1.86 bln +Sci/Tech,SpaceShipOne goes for next flight +Sci/Tech,Secrets of the CO 2 Eaters +Sports,"He #39;s glad to stand, cheer for old #39;SC" +World,The valiant fight of the Bigley family +World,Blast kills at least 10 at Shiite mosque in eastern Pakistan +Sci/Tech,Mobiles get magnifier software +World,Nigeria Army Says Routine Patrols Operate in Delta +Sci/Tech,Samsung to make \$24B chip investment by 2010 +World,Blair Heart Op Sparks Succession Debate +World,Suicide Bomber Kills at Least 18 in Pakistani Mosque +World,Israeli Shelling Kills 3 in Gaza Camp -Witnesses +World,"Bush, Kerry Differ on Approach to North Korea" +Business,Arthritis drug pulled by maker +Business,Cytec pays \$1.85bn for UCB unit +Business,"Aon searching for new CEO, as Ryan steps down" +Business,HMOs get an annual checkup +Business,Fannie Mae Earnings at Issue +Sci/Tech,Red Hat buys Netscape Enterprise Suite technologies +Sci/Tech,USPTO trims FAT from Microsoft patents +Sci/Tech,Java Mustang following Tiger +Sci/Tech,Opposition delays anti iPod bill +Sports,Weep for the British Grand Prix +Sports,FOOTBALL: AL: IT #39;S TIME TOON WENT ALL THE WAY +Sports,Prasar Bharti to challenge BCCI decision in Supreme Court +World,Russian move clears way to bring Kyoto into force +World,"Bush, Kerry Differ on Approach to North Korea" +World,"Ex-Cabinet minister wounded, driver killed in Beirut car bombing" +World,Suicide Bomber Kills at Least 18 in Pakistani Mosque +Business,"Dollar Vulnerable, Gold Lifted" +Business,Dollar Edges Off Lows Before G7 +Business,Manufacturing growth slows down +Business,Merck pulls Vioxx +Business,Oil near \$50 on Nigeria unease +Business,Cytec to Buy UCB Chemicals Business for EU1.5 Billion (Update2) +Business,Citigroup CEO rules out takeovers +Business,"Nortel to lay off 3,250 staff worldwide" +Business,Qualcomm opens CDMA development centre in Hyderabad +Sci/Tech,"Sun Micro, UT Austin, Team Up on Supercomputer" +Sci/Tech,Microsoft FAT Patent Claim quot;Bogus quot; +Sci/Tech,Space isn #39;t all astronauts +Sci/Tech,Microsoft extends SQL Server intelligence +Sports,Shearer Eying Silverware +Sports,Real Madrid coach: We #39;re on right track +Sports,Paphitis slams Ferencvaros +World,"Round One: Bush, Kerry trade tough words on Iraq" +World,Iraq Developments +World,Sudan agrees to more peacekeepers +World,Iraqi PM Says Elections Still on Despite Violence +World,Hong Kong #39;s former Gurkhas angry over British nationality move +Sci/Tech,Dawn of War proves addictive +World,Report: Blair Recovering Well After Heart Operation +World,Jakarta embassy bomber named +World,Calais blockade disrupts ferries +World,New Menopause Hormone Therapy Guide Issued +World,Stocks to Open Up As Oil Prices Pull Back +World,Blast at Pakistan Shiite Mosque Kills 14 +World,"Few Factual Errors, but Truth at Times Got Stretched" +Business,PepsiCo #39;s profits increase 35 percent +Sports,Federer and Roddick Ease Into Thailand Semi-Finals +Business,Stocks to Watch Friday +Business,Stocks Seen Up; Oil Holds Below \$50 +Business,Microsoft Fears Changing Windows +Business,China Pledges to Move Steadily on Forex +Business,Pfizer can capitalize on drug withdrawal +Business,Kmart might move its headquarters +Sci/Tech,New Security Vulnerability in Corrupt Online Images +Sports,Bundesliga prepares for striker showdown +World,Blast in Pak mosque kills 15 +World,UN calls for sending international police to Darfur +Business,Update 1: IMF reflects on global economic growth +Business,UK manufacturing disappoints in Sept +Business,Chip sales hit 10.1bn +Sports,ENGLAND RUGBY UNION COACH CLIVE WOODWARD LEAVES RFU HEADQUARTERS <b>...</b> +World,Gaza Strip: Six Palestinians killed as Israel continues major <b>...</b> +Sci/Tech,Ghost of US vs MS laments Redmond's 'special antitrust immunity' +Sci/Tech,Barcelona clubbers get chipped +Business,Merck Rises 1.52 Percent Before Bell +Business,Stocks Seen Higher; Oil Prices Slipping +Business,"Dollar Vulnerable, Stocks Rise Overseas" +Business,Cocoa delays hitting Ivory Coast +Business,"Before the Bell- Merck rises 1.52 pct, 61,000 shares traded" +Sci/Tech,Red Hat buys Netscape Enterprise Solutions from AOL +Sci/Tech,Koala population becoming unbearable +Sci/Tech,DVDRW Alliance increases rewrite speed to 8x +Sci/Tech,Microsoft ups the ante for BI +Sports,Silverstone cut from provisional 2005 F1 Grand Prix calendar +Sports,Tendulkar taking baby steps +Sports,2011: It #39;s South Africa v New Zealand v Japan +Sports,"UPDATE 1-Spain, US handed easy Davis Cup outings" +Sports,"Bundesliga matches, Oct 2-3" +Sports,UPDATE 1-Cricket-India call up Tendulkar for Australia tests +Sports,"Citywide event attracts more than 1,000 entries" +Sports,Rosenborg hold Gunners in Norway +Sports,"Spain, US Top Davis Cup Seeds for 2005" +Sports,The club expects too much from the team: Ajax coach Koeman +Sci/Tech,Siemens launches new unit to focus on end-to-end systems +Sci/Tech,"Hitachi, NEC launch networking equipment joint venture" +Sci/Tech,Intel plans faster bus for Pentium 4 Extreme Edition +Sci/Tech,Update: Microsoft asks EU court to suspend remedies +World,Suicide bomber kills at least 18 in Pakistan +Business,Court ruling due in F1 dispute +Business,Arthritis drug pulled for heart risk +Business,Update 12: EU Accuses Microsoft of Paternal View +Business,Cytec buys Surface Specialities business from UCB +Business,Qualcomm opens R amp;D centre in Hyderabad +Business,BBC Tech staff become Siemens workers +Sci/Tech,Open source industry challenges Gartner on Linux report +Sci/Tech,Sun shines on standard Java 5.0 +Sports,CHECA TAKES TOP SPOT +Sports,Sharapova advances to Korea Open semifinals +Sports,Tendulkar to play in first Test +Sports,Former NFL player killed in crash +World,US forces launch major offensive on Samarra +Sci/Tech,U.S. Offers Internet Downloads of #36;50 Bill (AP) +Sci/Tech,"From Spam To Lacrosse, A Day for The Books (washingtonpost.com)" +Sci/Tech,"FCC nears Cingular, AT amp;T decision (TheDeal.com)" +Sci/Tech,PeopleSoft Fires CEO Craig Conway (AP) +Sci/Tech,PeopleSoft Ousts CEO Amid Oracle Battle (Reuters) +Sci/Tech,Launch of New Space Station Crew Set (AP) +Business,Stocks Seen Weak at Open; Oil Higher +Business,Stocks to Watch Friday (Reuters) +Business,PeopleSoft Ousts CEO Amid Oracle Battle +Sports,Strike pair see Toon through +Sports,Federer and Roddick through +Sports,Sachin In Squad For First Two Tests +Business,Boeing Delivers 67 Planes in 3rd Quarter +Sci/Tech,DDR RAM Round-up +Sci/Tech,Lycos puts spam site on hold +Sci/Tech,PeopleSoft Removes Craig Conway as CEO +Sci/Tech,"From Spam To Lacrosse, A Day for The Books" +Sci/Tech,"Web Sites Spoof Bush, Kerry With Parodies" +Sci/Tech,U.S. Offers Internet Downloads of \$50 Bill +Sci/Tech,IBM to Expand Data Centers Across World +Sci/Tech,"Netflix, TiVo Make Deal Official" +Sci/Tech,"AT T, Vonage Cut Prices on Internet Calling" +Business,PeopleSoft Ousts CEO Amid Oracle Battle +Business,Atlantic City Casino Hotel Workers Strike +Business,UCB Sells Surface Specialties to Cytec +Business,Siemens wins 2.7-bln-euro services contract from BBC +Sci/Tech,SpaceShipOne halfway to X-Prize +Sci/Tech,Red Hat to get Enterprise +Sci/Tech,"Microsoft loses FAT patent, wins Smart Tag case" +Sci/Tech,Net giants adopt anti-spam system +Sci/Tech,ISS to get new crew +Sports,Checa on pole for inaugural Qatar GP +Sports,It #39;s on to LA for the Giants +World,Israeli troops mass at Gaza border after cabinet approves military <b>...</b> +World,"Pakistani Shiite Mosque Bombing Kills 19, Injures 50 (Update1)" +World,Children slaughtered +Sci/Tech,PeopleSoft dismisses CEO Conway +Sci/Tech,Microsoft Tests MSN Messenger 7.0 +Sci/Tech,PeopleSoft dumps CEO who led fight against Oracle takeover (AFP) +Sci/Tech,Dog Extinctions Show Why Bigger Isn't Better (Reuters) +World,Zawahri Tape Urges Resistance to 'Crusaders' (Reuters) +World,British Guantanamo Detainee Alleges Abuse from Jail (Reuters) +World,Wenger tells Rooney to live like a monk (AFP) +World,Mexico Welcomes Dalai Lama (AP) +Business,EADS Co-Chief Exec Hertrich to Step Down +World,Candidates Omit Israel-Palestinian from Debate (Reuters) +World,Ethics Panel Admonishes House Leader DeLay (Reuters) +World,"U.S. Forces Storm Iraqi Town, Say 94 Rebels Killed" +World,Zawahri Tape Urges Resistance to 'Crusaders' +World,Suicide Bomber Kills at Least 21 in Pakistani Mosque +World,'New al-Qaeda tape' is released +World,Jail order for Indian politician +World,"Don't let baby die, pleads father" +Sci/Tech,New Windows Patch Proves Tricky +World,Dozens Believed Killed in U.S. Assault on Iraqi City +Business,TCS in IT deal for Ferrari F1 car +World,Bin Laden Deputy Purportedly Seeks Strikes +World,"Bush, Kerry Clash Over Iraq in Debate" +World,Blast at Pakistan Shiite Mosque Kills 16 +World,"U.S., Iraqi Troops Storm Rebel Haven" +World,Blast Kills 16 Pakistanis in Shiite Mosque +Business,Drug #39;s withdrawal puts heat on FDA Agency too reliant on drug <b>...</b> +Business,PeopleSoft fires CEO Conway +Business,"Siemens, BBC announce \$3.35 billion deal" +Sports,Dodgers Take Three-Game Lead in NL West (AP) +Sports,"A's, Angels Set for Winner-Take-All Series (AP)" +Sci/Tech,Microsoft Tests MSN Messenger 7.0 +Sci/Tech,Diebold Rejected in Copyright Takedown Attempt +Sports,Ace performance by Thailand #39;s Thongchai at Mount Juliet +Sports,Tennis: Roddick joins Federer in Bangkok semi-finals +Sports,Argos give U of T bad grade on sacking +Sports,Seven straight crowns for Yanks +Sports,Ailing Tiger Two Back at American Express (AP) +Sports,Winless Cardinals Winning Turnover Game (AP) +Business,There #39;s A New Grid In Town +World,Korean nuclear talks likely stalled until #39;05 +World,UN Rights Officials Tell Security Council International Police Are <b>...</b> +Sports,Sharapova Advances to Korea Open Semis (AP) +Sports,Watson Hopes Surgery Will Right Golf Game (AP) +Sci/Tech,PeopleSoft fires CEO Conway +Sci/Tech,Linksys Launches Dual-Band Wi-Fi Gear +Business,Stocks Seen Up as Oil Dips; PeopleSoft Up +Business,Before-the-Bell: Redback Falls 24.5 Pct. +Business,"Amid Battle With Oracle, PeopleSoft Fires Its Chief" +Sci/Tech,Moreover and NewsGator Team for RSS Search +Sci/Tech,Feedsters RSS Feed Job Search Engine +World,100 Killed In US Operation To Re-take Samarra +Sports,Sharapova overpowers Stosur +Business,PeopleSoft Fires CEO Conway +Business,China to Move Toward Flexible Currency +Business,Early market signs mostly positive for start of fourth financial <b>...</b> +Business,Qualcomm Sees Spike in its Future +Business,NWA #39;s Anderson moves to UnitedHealth +Business,"Verizon, SBC nix access line sales" +Business,"UK Sept. Manufacturing Index Falls, Costs Increase (Update2)" +Business,Lazard cutbacks may precede IPO +Business,Insurers cutting profit estimates +Sci/Tech,SpaceShipOne on course for X Prize +Sci/Tech,Big Blue Reveals Fastest Supercomputer Alive +Sci/Tech,Patent Office rejects Microsoft FAT patent +Sci/Tech,New Windows Patch Proves Tricky +Sci/Tech,Security Flaws Found in RealPlayer +Sports,Wenger plays down players #39; bus fight +Sports,Olympics: Pound critical of Hamilton gold +Sports,Government Mum On World Cup Bid +Sports,Racing: Italian Trulli to race for Toyota in Japan and Brazil +Sports,Kluivert insists the best is yet to come +Sports,Carpenter to miss Division Series +Sports,"Lazio, Newcastle, Stuttgart among UEFA Cup top seeds" +World,"Blair Undergoes Treatment for Irregular Heartbeat, Sets Off <b>...</b>" +World,Suicide Bomber Kills at Least 21 in Pakistani Mosque +World,Next President Could Get to Reshape High Court (Reuters) +World,"Zawahri Urges Muslims to Hit U.S., Allies' Interests" +World,Japan marks bullet train's 40th +Business,"Frank's Lawn, Garden Retailer Closing (AP)" +Business,What Are You Worried About? (Forbes.com) +Business,PeopleSoft Fires CEO Who Battled Oracle +Business,Stocks Open Higher as Oil Prices Ease +World,US Airways and Pilots Union Reach Tentative Deal +World,Stocks Move Higher As Oil Prices Dip +Business,Egg in talks on French unit sale +Business,Banks sound alarm on online fraud +Business,Construction Spending Hits Surged in August +Business,PeopleSoft Fires Craig Conway; Dave Duffield to Regain Top Spot +Business,Consumer sentiment weakens in September +Business,Northwest Says Anderson Resigns to Join UnitedHealth (Update1) +Business,Cytec pays \$1.87b for UCB unit +Business,When Models Explode +Business,Window Dressing for Nudists +Business,Saving by Spending: Do UPromise? +Business,Northwest Airlines #39; CEO Resigns +Sci/Tech,Battle of the Apples takes long road +World,Kerry #39;s Policies and Views on North Korea Questioned +Sci/Tech,"Microsoft loses FAT patent, wins Smart Tag case" +World,Aussie election could impact US coalition +World,Indonesia police identify suicide bomber +Sports,Owen admits to Real doubts +Sports,Sun stands between Liberty and finals +Sports,"Couples Makes Early Move, Fast Start for Els" +Sports,Carpenter to Miss Division Series +Business,Microsoft appeals against EU order to strip down Windows +Business,Manufacturing Activity Up in September +Business,"Nortel details plans to lay off 3,250 employees" +Sci/Tech,Banks sound alarm on online fraud +Sci/Tech,US music targets more 'pirates' +Sports,SILVERSTONE BIG LOSS TO BRITISH DRIVERS - HERBERT +Sports,UEFA Charge Ferencvaros after Ugly Scenes +Sports,Federer on a roll in Bangkok +Sports,Owen wants more action +Sports,Racism inquiry opens in Zimbabwe with little progress +Sports,Dementieva advances to semis in Belgium +World,France Wants Referendum on Turkey #39;s EU Entry +Sports,Wenger plays down bus row +Sports,TRIO EXPRESS INTEREST IN WORLD CUP HOSTING +Sports,"With 1 more, he #39;s history" +World,Indonesia police identify suicide bomber +Sci/Tech,Microsoft Fights to Keep Integral Media Player +Sci/Tech,Iraq Mobile Network Brings Benefits and Bombs +Sports,"Mild Seven Renault F1 Team Preview, Japanese Grand Prix" +Sports,The Week: Renault F1 Team between China and Japan +Sci/Tech,Microsoft to Europe: Don't Be Cruel +Sci/Tech,Science's Budding Stars Shine +Sci/Tech,"Genesis Samples 'Looking Very, Very Good'" +Sci/Tech,Pilot and Designer of Private Rocket Plane Confident +Sci/Tech,Launch of New International Space Station Crew Set +Sci/Tech,A Space Race to Change the World +Sci/Tech,Ex-Astronaut Casts Doubt on Space Tourism +Sci/Tech,Columbus and the Disappearing Moon Trick +Sci/Tech,"After Trio of Explosions, Scientists Say Supernova Is Imminent" +Sci/Tech,Drug-Resistant Infections on the Rise +Sci/Tech,Study Shows Antioxidants Not Useful Vs. Cancer +Sci/Tech,Various Factors Blamed for Childhood Obesity +Sci/Tech,USDA Expands Healthy Lunch Program +Sci/Tech,"TMO Reports - Study: Linux Use Growing, But So is Windows Piracy" +Sci/Tech,Bulletin: PeopleSoft ousts CEO amid Oracle battle +Sci/Tech,"Microsoft, EU give final arguments on remedy suspension" +Sci/Tech,StorageTek buys management company +Sci/Tech,PeopleSoft's CEO Conway gets the boot +Sci/Tech,Recruiter Puts Its Money Where Its Workers Are +Sci/Tech,Level 3 Acquires Sprint's Wholesale Dial Internet Access Business +Sci/Tech,DeLay Push Helps NASA Get Full Funds +Business,Africa must be heard in the councils of the rich +Business,BBC completes 1.9bn IT sell-off to Siemens +Business,Cytec to Buy UCB Chemicals Business for EU1.5 Billion (Update3) +Sci/Tech,Russia Says Space Launch Set for October 14 +Sci/Tech, #39;Highly critical #39; flaws fixed in RealPlayer +Sci/Tech,Hotmail Losing Steam +Sci/Tech,Sun Serves Strongest Java Flavor Ever Released +Sci/Tech,Apple #39;s Consumer Desktop Strikes a New Pose +Sports,India ; Sachin in squad for first two Tests (LEAD) +Sports,Sports World +World,Lebanese Politician Hurt in Apparent Suicide Attempt; Driver <b>...</b> +Business,PeopleSoft Ousts CEO Who Battled Oracle +Business,"Stocks Rise as Oil Slips, Tech Rallies" +Business,"US Air, Pilots Union in Tentative Pact" +Business,Italian Appliance Maker Cuts Outlook +Business,Merck hit by \$36bn backlash +Sci/Tech,IBM Sets a Record for Speed +Sci/Tech,Panasonic adds smart card function to SD memory +Sci/Tech,US cybersecurity chief abruptly resigns +Sci/Tech,Japan #39;s Matsushita developing memory cards with #39;smart #39; chip <b>...</b> +Sci/Tech,Hotmail access via Outlook no longer free +Sports,Owen Real-ly concerned +Sports,Lynx no match for Jackson #39;s perfect Storm +Sports,Ajax cuts European soccer target for season after Munich defeat +World,"Palestinian militants fire two rockets on southern Israel, no <b>...</b>" +World,"Sudan agrees to 3,500 extra AU troops-AU source" +World,Police confirm bomber +Sci/Tech,DARPA Awards Contract For Special Air Vehicles +Sci/Tech,U.S. Cybersecurity Chief Abruptly Resigns (AP) +Sci/Tech,Stocks Climb on Strong Economic Data (AP) +Sci/Tech,"2,500-Year-Old Pomegranate Found in Greece (AP)" +Sci/Tech,Country Music-Suicide Link Tops IgNobel Awards (Reuters) +Sci/Tech,Russian Move Clears Way to Bring Kyoto Into Force (Reuters) +Sci/Tech,British Father Pleads for Life of Ill Baby Girl (Reuters) +Sci/Tech,"NASA Tracks Three Space Bursts, Says Stellar Explosions Imminent (SPACE.com)" +World,EU Accuses Microsoft of Paternal View (AP) +Sci/Tech,Huge and Proud of It +World,Suicide Bomber Kills 25 in Pakistani Mosque (Reuters) +Sci/Tech,Red Hat Buys Technology from Netscape +Sci/Tech,U.S. Cybersecurity Chief Resigns +Sci/Tech,Outlook: Teaching vs. Video Games +Sci/Tech,Kansas start for Virgin attempt +World,'Punk'd' Will Continue 3 More Seasons +World,Stocks Move Higher As Oil Prices Dip +World,Construction Spending Hits All-Time High +Business,PeopleSoft Ousts CEO Who Battled Oracle +Business,"Tivo, Netflix star in double feature" +Sci/Tech,Columbus may not be buried in Caribbean +Sports,Andy Roddick Serves 20 Aces at Thailand (AP) +World,Chirac Backs French Vote on Turkey +World,Avian flu spreads in Thailand as US scientists work +Business,Tucsonans worry about alternatives for Vioxx +Business,Manufacturing grows; construction up; sentiment down +Business,Insurers See Hurricane Costs as High as \$23 Billion +Business,Hewlett-Packard buys Synstar +Business,"RIM beats the Street in Q2, ups the bar" +Sci/Tech,"2,500-Year-Old Pomegranate Found in Greece" +Sci/Tech,"Sun, UT Austin Team for Supercomputer" +Sci/Tech,Fuel Cell Ups Power Tenfold +Sci/Tech,Nhema in bid to resume ivory trade +Sci/Tech,Think Before You Ogo +Sports,CRICKET: Tendulkar in frame for first Test +Sports,The Worm works out with Nuggets +Sports,UEFA Cup: All four Spanish teams come through first round +World,US forces storm Iraqi town +World,Syria condemns assassination attempt against former Lebanese <b>...</b> +World,Heartbeat away from third term +World,"Jo #39;burg Airport is Prettiest, Schiphol Most Fun" +World,The Net could capture up to 500 porn offenders +Business,Does new Peoplesoft CEO signal a buyout? +World,Fighting at Gaza Camp Leaves 20 Dead +Business,Time for action +Business,Northwest Air CEO Quits for UnitedHealth +Business,Level 3 Dialing Up for Dollars +World,Some 150 Foreigners Taken Hostage in Iraq +Sci/Tech,StorageTek Bolsters ILM With Storability Deal +Sci/Tech,Linux: the enemy of my enemy is... my enemy +Business,Merck Raises Vioxx Prescription Estimate +Business,Update 5: US Pressures China on Currency +Business,Cincinnati Financial Raises Storm Losses +Business,Siemens A1.86bn deal with BBC +Business,"Netflix, TiVo Team Up on Broadband Movie Delivery" +Business,RIM Continues Long String of Profitable Quarters +Business,PeopleSoft Ousts CEO Amid Oracle Battle +Sci/Tech,"2,500-Year-Old Pomegranate Found in Greece" +Sci/Tech,StorageTek throws lifeline to Storability +Business,"GM, Ford Raise U.S. Sales Incentives" +Sports,"Trulli to race in Japan, Brazil" +Sports,Gold Cup all Perfect Drift +Business,"Oil Holds Above \$49, Eyes Nigeria Truce" +World,"Death toll in Pakistan mosque explosion reaches 30, dozens injured" +Business,Ex-Boeing Exec Sentenced on Conspiracy +Business,"Tech Stocks Gain on Oil Price, PeopleSoft" +Business,Northwest Air CEO Quits for UnitedHealth +Business,"Construction, Industrial Data Give Mixed Signals" +Business,US industrial output still rising +Sci/Tech,Contraceptives plan aims to cut koala numbers +Sci/Tech,"Linux Use Growing, But So Is Windows Piracy" +Sci/Tech,StorageTek Snaps Up Storability +Sci/Tech,Think Before You Ogo (The Motley Fool) +Sci/Tech,Vitamins Don't Cut Stomach Cancer Risk-Study (Reuters) +World,Moderate Earthquake Rocks Nicaragua (AP) +World,"Third day of talks between Nigerian gov't, oil rebel chief (AFP)" +World,China vows to move toward flexible exchange rate ahead of G7 meeting (AFP) +World,U.S. expert says Canadians should know missile defence won't work (Canadian Press) +World,South Dakota Electoral Race Is Rerun Under a Shadow (Reuters) +World,Stand by your man: Parties defend candidates after Bush-Kerry debate (AFP) +World,UN to Launch #36;30 Mln Drive for Haiti Flood Victims (Reuters) +Sci/Tech,Delhi issues plea on US sanctions +World,Cash musical heading for Broadway +World,Yankees Clinch 7th Straight AL East Title +World,Va. Judge Dismisses Indictment Vs. Sniper +World,Springsteen to Kick Off 'Vote for Change' +Sci/Tech,General Mills to Make All Cereals Whole Grain +Business,Calm in the markets but squalls ahead ? +Business,Update 3: Treasury Bond Prices Fall at Midday +Sci/Tech,"Don #39;t view that image, it may have hidden code" +Sci/Tech,"Sun Micro, UT Austin, Team Up on Supercomputer" +Sci/Tech,Diatom genome reveals key role in biosphere #39;s carbon cycle +Sports,CLASS ACT +Sports,Around Sports +Sports,Analyzing the Conference Finals Matchups +World,Former Lebanese minister escapes death +World,Sudanese blood on UN hands +Sci/Tech,Does new Peoplesoft CEO signal a buyout? +Business,"GM, Ford Raise U.S. Sales Incentives (Reuters)" +Business,"Ford Down, Nissan Up in Sept. U.S. Sales" +Sci/Tech,Web Sites Spoof Bush and Kerry With Parodies +Business,Stocks Ascend as Oil Eases and Techs Gain +Sci/Tech,Cybersecurity Chief Abruptly Resigns +Sci/Tech,India Expects Jump in High-Tech Imports +Sci/Tech,Microsoft Vows Fight on Latest Patent Rejection +Sci/Tech,Cingular Wireless Selling Interactive Unit +Business,Siemens wins major BBC contract +Business,China to Move Toward Flexible Currency +Sci/Tech,"SearchGuy Partners for Paid Search, Updates Toolbar" +Sci/Tech,News: India mulls tough ID rules for cybercafs +Business,Northwest Airlines CEO resigns +Business,Ford reports lower US sales again +Business,Enter your e-mail: +Sci/Tech,Russia schedules Soyuz to launch in two weeks +Sci/Tech,Antarctic Ozone Hole Smaller This Year -Scientists +Sports,Cubs almost Dunn after another loss to Reds +Sports,Vitoria sack a second coach this season +Sports,Gophers rely on golden backfield duo +Sci/Tech,New Windows Patch Proves Tricky (washingtonpost.com) +Sci/Tech,Justice Dept. Won't Appeal Oracle Ruling (AP) +Sci/Tech,"USAF plans space wars, world's space hardware gets nervous" +Sports,Pavano Finishes Meeting With Yankees (AP) +Business,"Ford Down, Nissan Up in September Sales (Reuters)" +Business,Construction Spending Hits All-Time High (AP) +Business,"US Stocks Rise as Oil Eases, Techs Surge" +Business,A Simpler Conversion +Business,Why Do You Invest? +Business,Oracle-PeopleSoft a done deal? +Business,Former Air Force Official Convicted +Business,Toyota: Resistance Is Futile +Business,Belgian unit to boost Cytec revenue +Business,Missouri Energy Provider Buys Ill. Power +Business,Siemens wins major BBC contract +Business,Perhaps Donald Trump really has found the secret to success +Sci/Tech,BEA vows to fight off suitors +Sports,Shear class +Sports, #39;Greedy #39; SA Rugby Bids to Host 2011 World Cup Event +Sports,Colorado Rockies Team Report - October 1 +Sports,"UPDATE 1-Solberg maintains lead, Loeb in third" +Sports,"LSU, Georgia meet in key rematch of SEC Championship Game" +World,Spain poised to sanction same-sex marriages +Sci/Tech,Calif. passes cell phone recycling bill +Sci/Tech,"Metcalfe, Allen back ZigBee start-up" +Business,Lawmakers Eye Pediatric Drug Rule Change +Business,Judge Challenges EU Position on Microsoft +Business,"Ford Down, Nissan Up in September Sales" +Business,Enron's Chief Financial Officer Resigns +Business,Congress seeks to end rule that favors banks +Business,Ford Reports Disappointing U.S. Sales +Business,Fear Collects at Greg Manning +Business,Washington Post Looking at Slate +Business,Pain in store after major drug recall +Business,PeopleSoft #39;s Schizophrenia +Business,S amp;P upgrades Illinois Power to investment-grade +Business,Lazard asks pay cut before IPO-report +Sports,Solberg marches on in Italy +Sports,Williams gives Giants hope +Business,PeopleSoft ousts CEO +Business,Former Boeing Official Druyun Sentenced to Prison (Update1) +Business,Boeing Beware +Business,Developing countries propose WTO study +Sci/Tech,Space race sparks new interest +Sports,Gasol extends Grizzlies contract +World,Blair leaves hospital after heart operation +World,Blast rips through Pakistan mosque killing 22 +World,Kerrys Unilateralism +World,"U.S. Forces Storm Iraqi Town, Say 109 Rebels Killed" +Business,Update 1: Merck a Drag on Drug Sector +Business,China eyes flexible exchange rate +Business,Enron #39;s Chief Financial Officer Resigns +Business,Research in Motion Boosts Guidance +Business,San Francisco Hotels Lock Out Workers After Strike +Sports,Wenger admires desire of duo +Sports,Sharapova steamrolls into Seoul semis +Sports,Gasol inks extension with Grizzlies +Sports,Greene within sight of two big marks +Sports,Mark Kreidler: Best of three? +World,Groton soldier killed in blasts in Iraqi capital +Sci/Tech,Justice Dept. won't appeal Oracle ruling +World,Memphis Signs Gasol to Multi-Year Deal +World,Over 100 Killed in U.S. Assault in Iraq +Sci/Tech,HP buys British services company Synstar +Business,Merck stock takes big hit after recall +Business,Research Is Definitely in Motion +Sci/Tech,Microsoft To Appeal Denial of Its FAT Patent +Sci/Tech,Linux Community Steamed over Windows Piracy Report +Sci/Tech,Industry #39;s First #39;Smart #39; SD Memory Card +Sports,"Federer, Roddick lead charge into Bangkok semis" +World,Brazil Posts \$3.17 Billion Trade Surplus +Sci/Tech,Paul Allen funds wireless chip start-up +Sci/Tech,MSN Messenger 7 Beta Includes Search +Sci/Tech,"News: U.S. cybersecurity chief abruptly resigns, cites frustration" +Business,"PeopleSoft Fires Conway, Names Founder Duffield Chief (Update6)" +Sci/Tech,Lawyers: Microsoft #39;s FAT Patent Defeat #39;Significant #39; +Sci/Tech,DNA Testing May Curb Illegal Ivory Trade +Sci/Tech,MSN Putting Search in IM Beta +Sci/Tech,Microsoft tests MSN Messenger 7.0 +Sports,Vandeweghe #39;s uncommon ways bear results +Sports,Cavaliers sign Lucious Harris +Sports,Cubs collapse in 12th again +Sports,Wenger to discipline Arsenal #39;s brawling duo +Sports,Gold-en ruling on Hamilton +Sports,Super Solberg shows way in Sardinia. +World,US resists Russian embrace of Kyoto +World,Asia Specialists Note N. Korea Split in Bush-Kerry Debate +World,BA plane diverted after hoax +Business,US Air Reaches Giveback Deal with Pilots (Reuters) +Business,A Simpler Conversion (The Motley Fool) +Business,PeopleSoft Ousts CEO Amid Oracle Battle +Sci/Tech,"As ancient meat-eaters grew, they also died out" +Sci/Tech,Partnerships Abound At RFID Conference +Sports,Memphis re-signs Gasol to multi-year deal +World,NATO reinforces its security forces in Afghanistan +Business,The Fall-Out from Vioxx +Business,EU accuses Microsoft of paternalistic view +Business,Manufacturing activity rose in Sept. +Sci/Tech,Weathermen to get Visualization Supercomputer +Sports,Thompson out for a month +Sci/Tech,Mount St. Helens a Volcanic 'Ring of Fire' (AP) +Sci/Tech,Tourists Await Mount St. Helens Eruption (AP) +World,Israeli Army Confronts Homemade Weapons (AP) +World,Egypt needs to invest five billion dollars a year more: PM (AFP) +World,Canada May Not Hand N.Koreans Over to China Soon (Reuters) +World,Hydro-Quebec had the right to cut power at house of delinquent account holder (Canadian Press) +Sci/Tech,Justice Dept. Halts Effort to Block Oracle-PeopleSoft Merger +World,Pinochet faces tax evasion charge +World,"Richard Avedon, Dean of Photographers, Dead at 81" +World,Remains Found in Search for Hacking Body +World,Armored Vehicles Mass at Gaza Border +Sci/Tech,Briefly: Level 3 to buy Sprint's dial-up business +Sci/Tech,PeopleSoft to Conway: You're fired +Business,Enron #39;s chief financial officer resigns +Business,Molson Issues Profit Warning on Slow Sales +Business,Manufacturing Activity Strong in September +Business,Level 3 to buy Sprint #39;s dial-up business +Business,Boeing Ships 67 Commercial Planes in 3Q +Sports,Memphis Signs Gasol to Multi-Year Deal (AP) +Sci/Tech,"Science prize celebrates fish flatulence, hula hoops" +Sports,Youngsters Return Yankees Playoff Tickets (AP) +Sports,State police look for answers behind former NFL player #39;s death +World,Annan: Syria is in breach of UN resolution +Sports,Cavs 4-0 Heading Into Meat of Schedule (AP) +Sports,Putting Woes for Tiger as Problem Shoulder Improves +Sci/Tech,Level 3 to buy Sprint's dial-up business +Sports,Els Surges Into Lead +Business,Yen Rises on Corporate Sentiment Poll +Business,China To Move Toward Flexible Currency +Sci/Tech,"Science prize celebrates fish flatulence, hula hoops" +Sci/Tech,Red Hat to buy Netscape assets for \$20.5mn +Sci/Tech,Energy Department Hacked Nearly 200 Times In Last Year +Sci/Tech,Sun lassoes Longhorn-sized supercomputer win +Sci/Tech,StorageTek buys up remainder of Storability +Sports,Soccer: UEFA charge Ferencvaros over Millwall violence +Sports,"Federer, Roddick, Safin Into ATP Bangkok Semifinals" +Sports,Former Net brings playoff experience +Sports,"Early sparring between Tito, Mayorga" +Sports,State police seek answers in former NFL player #39;s fiery death +Sports,ESPN.com news services +World,Blast Kills at Least 25 at Shiite Mosque +World,Spain Moves Forward With Gay Marriage +Business,Mutual Funds Close Out Poor Third Quarter (AP) +Business,Tesco Joins Ranks of RFID-Enabled Retailers (NewsFactor) +Business,Informer (Forbes.com) +Business,"Oil Back Over \$50, Market Eyes Nigeria" +Business,"Charles River, the Outsourced Expert" +Business,Cheaper Movies Paramount for Viacom +Business,PeopleSoft Pushes Out Conway +Sci/Tech,Mexico's 'Volcano of Fire' Spews Lava (AP) +Sci/Tech,Atlantic Hurricanes Should Slow in Oct-Forecaster (Reuters) +Sci/Tech,Antarctic Ozone Hole Smaller This Year -Scientists (Reuters) +Sci/Tech,Yoran quits DHS +Sci/Tech,SpaceShipOne to proceed with second flight for X Prize +Sports,British Grand Prix off 2005 F1 Schedule +Business,Merck stops \$2.5 bn painkiller +Business,Business sentiment hits 13-year high +Business,China Pledges to Move Steadily on Forex +Business,"WRAPUP 2-US factory, construction data show solid growth" +Business,Ex-Air Force Official Sentenced in Case +Business,Level 3 to buy Sprint #39;s modem pools for \$34 million +Sci/Tech,Sun and The University of Texas Power Up One-of-a-Kind <b>...</b> +Sci/Tech,New MSN Messenger beta leaks onto Web +Sports,Utah shoots for 5-0 start at New Mexico Friday +Sports,Solberg claims early lead in Italy +Sports,Trinidad won #39;t let thoughts wander +Sports,Sanneh: A vital Crew member +Sports,NOVAK AND CANAS SET UP SHOWDOWN +World,Roman Catholic Church furious over Spain #39;s gay marriage plan +Sci/Tech,"Mount St. Helens Eruption Imminent, Experts Say" +Sci/Tech,Photographer Fights African Poaching With Grisly Pictures +World,Sharon Tells Party Rebels He #39;s Not Afraid of Early Elections +World,"Russia, Turkey sign documents on cooperation development" +Sci/Tech,Outsourcing picks up in Malaysia +Sci/Tech,SpaceShipOne to launch again Monday +Sci/Tech,Netflix Connects with TiVo (NewsFactor) +Sci/Tech,Linux Community Steamed over Windows Piracy Report (NewsFactor) +Sci/Tech,Mount St. Helens Releases Plume of Steam (AP) +Sci/Tech,Report: U.S. cybersecurity chief resigns +Sci/Tech,SIA: Chip growth slowed in August +World,Strong African Force Sought in Darfur (AP) +World,House Panel Moves to Limit Floor Access (AP) +World,Israel launches air raid on Gaza +World,Fashion photographer Avedon dies +World,"Richard Avedon, Dean of Photographers, Is Dead at 81" +World,Powell Regrets Iraq Weapons Claim for War +World,U.S. Cybersecurity Chief Abruptly Resigns +World,Remains Found in Search for Hacking Body +Business,UPDATE 1-Fannie Mae whistle-blower won #39;t testify +Sports,Memphis Re-Signs Gasol to Multi-Year Deal (Reuters) +World,Guantanamo Brit #39;tortured #39; +Sports,Els Shoots a 64 to Move Two Clear at Mount Juliet +Sports,Memphis Re-Signs Gasol to Multi-Year Deal +Business,"Saks to Close 11 Stores, 700 Jobs Cut (Reuters)" +Business,"Factory, Construction Data Show Growth" +Business,"Saks to Close 11 Stores, 700 Jobs Cut" +Business,GM's U.S. Sales Surge +Business,Druyun draws stiffer sentence for role in Boeing tanker scandal +Business,Mercedes-Benz Posts Slight Sales Increase +Business,Univ. of Michigan September sentiment falls to 94.2 +Sci/Tech,Three Cosmic Explosions Could Precede Supernovae +Sports,Roberts highlights CFL monthly honorees +World,"Blair has surgery to fix heartbeat, resting at home" +World,Iraq Attack Kills Dozens of Children +Business,Toyota US Sales Surge in September +Business,Alliance Gaming Misses the Jackpot +Business,China calls on World Bank to help small cotton producers hit by <b>...</b> +Sci/Tech,RIAA hunts down more file-trading scum +Sci/Tech,"Hitachi, NEC Form Switch Venture" +Sports,Owen hoping for Depor lift to ensure England place +Sports,Cincinnati Reds Team Report - October 1 +World,"British Guantanamo Detainee Alleges Torture, Murder by US Military <b>...</b>" +Sports,Els pulls ahead in Ireland +Business,G-7 finance ministers meet in Washington; China agrees to work on <b>...</b> +Business,"Saks to close Carmel store, ten others" +World,"Call of the wild next summer for Dolce and Gabbana, Ferre (AFP)" +Sports,Solanski hits tour victory +Sci/Tech,US cybersecurity chief resigns +Sci/Tech,Red Hat wants some of Netscape Enterprise Solutions +Sci/Tech,"Greek archaeologists find 2,500-year-old pomegranates preserved in <b>...</b>" +Sci/Tech,IBM Upgrades Web-Transaction Performance Tool +Sports,South African could take over No. 2 spot +Sports,Racing: Norway #39;s Solberg takes overnight lead in Rally of Italy +World,"Royal Bank clerks asked to display rainbow stickers to support gays, bisexuals (Canadian Press)" +World,Democratic Camp See Winds of Change Boosting Kerry (Reuters) +World,Zawahri Urges Muslims to Hit U.S. Allies' Interests +World,"Heart Op Over, UK's Blair Now Risks Succession War" +Sci/Tech,"NASA Tracks Three Space Bursts, Says Stellar Explosions Imminent" +Sci/Tech,IBM Enhances Transaction Monitoring Tool +Sports,Big Easy comes through on a tough day in Ireland +World,Al-Zawahri calls for resisting #39;crusaders #39; +World,Syria Has No Plan to Pull Troops from Lebanon -- UN +World,Syria 'refusing to leave Lebanon' +Sci/Tech,Data: Columbus Might Be Buried in Spain (AP) +Business,Kansas company sells wholesale dial-up Internet business +Sports,Werder could be next on Bayern warpath +Sports,"Dementieva, Clijsters in Stars Semis (AP)" +Sci/Tech,NJ Spurns Venezuela's Plan for a Bald Eagle Refuge (Reuters) +Business,"Developing countries seek greater voice in IMF, World Bank leadership (AFP)" +Business,PeopleSoft Ousts CEO Amid Oracle Battle +Business,G7 Finance Chiefs Mull Oil +Business,Ex-Air Force Buyer Gets 9-Months Prison +Business,Fannie Mae Whistle-Blower Won't Testify +Business,China Agrees to Work on Exchange Rate +Business,Oil Ends Above \$50 on Nigeria Fears +Business,Fannie Mae Whistle-Blower Won't Testify +Business,Oil Closes Over \$50 as Market Eyes Nigeria +Sci/Tech,"Updated Tungsten, Treo set for release" +Sci/Tech,CA to name CEO in 30 to 45 days +Sci/Tech,Microsoft gives NT4 users support boost +Business,"Peoplesoft Partners Shocked, Thrilled" +Business,Dueling views in EU case +Business,Saks to close LI store +Business,"GM up 20 percent; Ford disappoints again; Toyota, Nissan, Chrysler <b>...</b>" +Sports,Carpenter blow for Cards +Sci/Tech,The Innovation Economy -- This Way To The Future (BusinessWeek Online) +World,French girl shaves head in scarf protest +Sci/Tech,EU Order Against Microsoft Questioned (AP) +Sci/Tech,Sun Thumper server plans leaked to <cite>The Reg</cite> +Business,"Stocks Rise; Nasdaq, S P at 3-Month Highs" +Business,Oil Ends Above \$50 on Nigeria Fears +Business,US OKs Emergency Oil Loan to 4th Refinery +World,Raid in Kashmir leaves six dead +Business,Crude settles above \$50 for first time +Business,New Stanford center probes nanoscale material +Business,Black to Sue Hollinger Committee for C\$1.1 Bln +Sports,Agreement reached on Guillen suspension +World,Al-Qaeda tape urges attacks on US allies +World,"Annan: Lebanon, Syria did not comply with 1559" +Sci/Tech,CA to name CEO in 30 to 45 days +Sci/Tech,"PeopleSoft's Craig Conway had hits, losses" +Sci/Tech,Q A: Red Hat's CEO on his company's latest acquisition +Sci/Tech,Justice Department won't appeal Oracle/PeopleSoft decision +Sci/Tech,CIO Survey: IT spending cools slightly in September +Sci/Tech,Intel plans faster bus for Pentium 4 Extreme Edition +Sci/Tech,"Hitachi, NEC launch networking equipment joint venture" +Sci/Tech,Brief: HP acquires Synstar for \$293M +Sci/Tech,"Sun ships Java upgrade, focuses on ease of use" +Business,PeopleSoft opens way for Oracle bid by firing chief +Business,"Factory, Construction Data Show Growth" +Business,Penn granted \$11.6M +Business,UPDATE 1-GM finance unit GMAC files \$3 billion debt shelf +Business,Kerry Gets Post-Debate Bounce in Election Futures +Sci/Tech,Homeland Security Cybersecurity Chief Abruptly Resigns +Sci/Tech,"Farting Herring, Suicides Garner Ig Nobels" +Sci/Tech,Apple launches iMac G5 Troubleshooting Assistant +Sports, #39;Take it or leave it #39; letter doesn #39;t sit well with Ecclestone +Sports,Klitschko desperate for win +Sports,McNair #39;s condition improved #39;significantly #39; +Sports,Cricket crisis: Reform or face the music +World,Australia named in al-Qaeda tape +World,"Beirut car bombing wounds ex-Cabinet minister, kills driver and <b>...</b>" +World,Head of wildlife trade body warns of dense rules +World,Putin favors veto right for India as permanent UNSC member +Business,PeopleSoft sacks CEO Craig Conway +Business,WTO takes up textiles quota issue +Business,Nucleus Software buys 25.1 in GMAC +Business,"US, EU to stick to textile quota phase-out deadline #39;" +Business,"Saks to Close 11 Stores, 700 Jobs Cut" +Business,Enron CFO Raymond M. Bowen resigns +Sci/Tech,Gates stumps in Silicon Valley +Sci/Tech,Kerry Gets Post-Debate Bounce in Election Futures (Reuters) +Sports,Britain removed from the start line +Sports,Revitalised Els on birdie blitz +Sports,"Gasol gets six more years to play for West, Brown" +Sports,Boxing News -- 24 hours/day - Reload often! +Sports,"Couples makes early move with 67, fast start for Els" +Sports,"I-Team: Jamal Lewis, Prosecutors Working On Plea Deal" +World,"Bin Laden top lieutenant calls for attacks on US, UK" +World,Suicide bomber kills 30 in Pak +World,Sudan accepts expanding mandate of international force +Sci/Tech,Bill Gates: U.S. Need Not Fear Overseas Tech (Reuters) +World,Blair admitted to Hammersmith Hospital for heart operation : +Sci/Tech,Bill Gates: U.S. Need Not Fear Overseas Tech +Business,Oil Ends Above \$50 on Nigeria Fears +Business,"Factory, Construction Data Show Growth" +Business,GM Leads Stronger U.S. Vehicle Sales +Business,Crude oil futures at \$50 a barrel +Business,"Amid Battle With Oracle, PeopleSoft Fires Its Chief" +Business,APM gets smart with ProactiveNet's latest +Business,"What, price lettuce?" +Sci/Tech,Gates stumps in Silicon Valley +Sci/Tech,H-1B visa limit for 2005 already reached +Sci/Tech,New Fronts Form Against Online-Music Trading +Sci/Tech,"Network Appliance, EMC refine security strategies" +Sci/Tech,HP completes acquisition of UK consultant Synstar +Sci/Tech,RIAA files 762 new file-trading lawsuits +Sci/Tech,"Gates pitches computer science, biology studies" +Sci/Tech,Judge ponders effectiveness of MS remedies +Sci/Tech,Newswire: First-half Online Ad Spending Soars (AdWeek.com) +World,"UN Council Approves 5,900 More Troops for Congo (Reuters)" +World,U.N. War Court Transfers First Case to Serbia (Reuters) +World,Kissinger Criticized Subordinates (AP) +World,"RCMP should get better training to deal with domestic abuse, says coroner (Canadian Press)" +World,UN Rights Officials Talks of War Crimes in Darfur (Reuters) +World,"UN Council Approves 5,900 More Troops for Congo" +Business,APP aims to complete restructuring by end January +World,US pushes to take Iraq rebel town +World,Mount St. Helens Releasing Steam After Days of Quakes +World,Els Takes 2-Shot Lead at American Express +World,Stocks Up Sharply on Strong Economic Data +Business,Major Gold Business Takeover +Business,DoJ Won #39;t Appeal Oracle #39;s Takeover Plans +Business,Oil prices close above 50 dollars for the first time +Business,Microsoft Pressures EU Court on Price +Business,XM Shares Fall on Production Snag +Sports,Attendance Down Again for Atlanta Braves (AP) +Sci/Tech,US Cyberchief Resigns After a Year on the Job +Sci/Tech,Microsoft FAT patent shot down +Sports,Owens England place under threat +Sports,US Captain Reyna Left Out of World Cup Squad +Sports,"McNair Improving, But Still Questionable (Reuters)" +World,Suicide bomber leaves 16 dead after striking Pakistani Shia mosque <b>...</b> +Sports,"Angels, Guillen Reach Financial Settlement (AP)" +Sports,Ga. Tech Set for First ACC Game With Miami (AP) +Sports,Volandri Upsets Massu in Palermo (AP) +Sci/Tech,Cray signs two supercomputing customers +Sports,Levi Leads Constellation Classic by One (AP) +Business,Update 2: Oil Prices Rise Above \$43 Before Meeting +Sports,Agreement Reached on Guillen Suspension +Sports,U.S. Captain Reyna Left Out of World Cup Squad +Sports,Accuser Told Bryant 'No' +Sports,"Wilson, Green and Cousin Fined \$20,000 by NFL" +Sports,McNair Improving +Business,"Treasuries Unravel, Economy Resilient" +Business,Former Air Force Official Sentenced in Boeing Case +Business,G7 Countries: Oil Prices Threat to Economy (AP) +Business,WTO starts third major review of implementation of ATC +Business,"Northwest #39;s Anderson resigns as CEO, takes job at UnitedHealth" +Sci/Tech,International Space Station Status Report: SS04-033 +Sci/Tech,Scientists say much of Genesis #39; material survived Utah crash +Sports,F1: Ecclestone drops British GP +Sports,Els duels with Troon nemesis Hamilton +Sports,"Vieira, Lauren in bus bust-up" +Sports,Sports Round-up +Sports,THAILAND OPEN: Titans to clash +Sports,Levi grabs early lead in Maryland +World,"Al-Qaida No. 2 urges attacks on US allies, including Japan" +World,Most Arab Governments are Putting Their Stock in George Bush for a <b>...</b> +World,Iraqi children bear brunt of bombings +World,Howard out to fight child porn +World,Countries to discuss rules on wildlife trade +Business,Vioxx pulled from market +Business,G24 demand for greater IMF clout +Business,Monster Truck Month +Sci/Tech,US Cybersecurity Chief Resigns +Sci/Tech,DOE hacked 199 times last year +Sports,Levi shoots 64 to lead Champions Tour event +Sports,Mamool a fresh horse +Sports,Light Jig tries to earn possible Breeders #39; Cup trip +Business,Druyun gets nine-month prison sentence +World,Angry Putin rejects public Beslan inquiry +Sci/Tech,Sun Jumpstarts Java Platform +Sports,Boxing: Hatton retained his World Boxing Union light-welterweight <b>...</b> +Business,"Vioxx Alternatives: Different, Less Serious, Side Effects" +Sports,National League Game Summary - Atlanta at Chicago +World,Security problems keeping food from hungry Haiti flood victims +World,Golkar politician elected Indonesia #39;s House speaker +Sci/Tech,RIAA Sues Another 762 Over File Sharing +Sci/Tech,German Supreme Court rules in favor of 'generic domain grabbing' +World,G7: Oil Prices a Risk to Economic Growth (Reuters) +World,A Daily Look at U.S. Iraq Military Deaths (AP) +World,"Energised Kerry lashes Bush, fires up campaign after debate (AFP)" +World,Scalia Jokes About Orgies in Mass. Speech (AP) +World,Thai Minister Says His Boss Wants Him to Run U.N. (Reuters) +Sci/Tech,Conway or the highway +Sci/Tech,Briefly: Legal expert joins open-source screening firm +Sci/Tech,Gates: PCs fall short +Business,Oil Ends Above \$50 on Nigeria Fears +Business,World Finance Leaders Favor Debt Relief +Sports,Red Sox Finish Second a Record Seven Times (AP) +Sports,Woman Sues Packers' Davenport (AP) +Sports,Two months of doing nothing +Sports,Nelson looks to quot;sting quot; field in Constellation Energy Classic +Sports,Front Row Joe takes pole at Talladega +Sci/Tech,RIAA Sues Another 762 Over File-Sharing +Business,Saks to close North East Mall location +Business,UPDATE 1-President of Delta #39;s Song carrier retires +Sci/Tech,Creator wins Ig Nobel for karaoke #39;s #39;new way to tolerate #39; +Sci/Tech,New Matsushita memory card doubles as smart card +Sports,Els shows class in game of catch-up +Sports,"Gordon #39;s goal: Get lead, avoid #39;big one #39;" +Business,Microsoft prepares for the worst in Europe case +Business,Former Boeing official sentenced in Air Force contract conspiracy +Business,Spotlight: Aer Lingus chief #39;s survival guide +Business,G7 Wants More Oil Output +Business,Conrad Black plans \$1.1B libel suit over Hollinger board committee <b>...</b> +Sci/Tech,IBM #39;s Supercomputer New Speed Champion +Sci/Tech,Viral movies possible with RealPlayer flaw +Sci/Tech,Camera phone technology brings quick arrest of robbery suspect +Sports,Ferencvaros denies UEFA charges over Millwall violence +Sports,Paradorn powers through to Federer test +Sports,Series to begin in Atlanta on Tuesday or Wednesday +Sports,Kanaan can clinch IRL title in California race +Sports,Urlacher not expected to play Sunday +World,Guantnamo detainee says in letter that he was tortured +Business,"US manufacturing activity picks up, construction surges to record <b>...</b>" +Business,Vioxx Recall Prompts Patients To Look For Alternatives +Sci/Tech,Cybersecurity chief resigns amid frustration +Sports,Handing out A -- for advantage +Sci/Tech,Cybersecurity chief calls it quits after a year +Sci/Tech,Karaoke #39;s Creator Wins Ig Nobel Prize +World,Navy secretary assures torture allegations by Guantanamo detainee <b>...</b> +World,Hostages - convoy under attack +World,Conference on Endangered Species Opens in Bangkok +Sports,"MLB: Atlanta 5, Chicago Cubs 4" +Sports,Giambi expected to make postseason roster; Brown to start Saturday +Business,"Netflix, TiVo Partner To Offer Online Films" +Business,"Ford Down, Nissan Up in September Sales" +Sci/Tech,Two Words from Bill Gates: Computer Science +Sci/Tech,Robbery suspect caught on camera phone in Nashville +Sports,Trinidad returns for another bonanza +Sports,Expos will keep ballpark revenue; council foe questions new <b>...</b> +Sports,Youngsters Find and Return Lost Yankees Playoff Tickets +Sports,Cubs Lose Again at Wrigley +Sports,Report: Bryant Accuser Told N.B.A. Star 'No' +Business,Group of Seven Wants More Oil Output +Business,Oil: Oil ends above \$50 on Nigeria fears +Business,Dollar moves slightly after manufacturing data +Business,Hollinger Inc. note holders OK refinancing +Sci/Tech,"Gates At Berkeley: Thoughts On Research, Overseas Innovation <b>...</b>" +Sports,Els survives rain as Woods braves pain +Sports,MLB Deal Favorable To Orioles #39; Angelos +Sports,Notes: Sturtze plays new role +Sports,A #39;s catch Angels; Ichiro still hit away from tying Sisler +World,British prime minister undergoes successful operation +World,EU Approves Refugee Camp Pilot Schemes +World,G7 Countries: Oil Prices Threat to Economy +Business,PeopleSoft sacks chief executive +Sci/Tech,Home Photo-Stamp Experiment Canceled (AP) +Sci/Tech,Antepo To Release OPN \$.5 On Monday +Sports,Man U manager hints at dropping hat-trick star to the bench +Sports,Reyna to miss qualifiers +Sports,"At 3-0, Mora #39;s Falcons Get Tested Sunday" +Sports,Three are tied at Farm Bureau +Sci/Tech,"Network Appliance, EMC refine security strategies (InfoWorld)" +Sci/Tech,"As Prelude To Internet Calling, SBC Beefs Up Message Options (Investor's Business Daily)" +World,At least 25 die in suicide attack on Pakistani mosque +Sci/Tech,New twists boost Oracle in Silicon Valley battle for PeopleSoft (AFP) +Sci/Tech,Shuttle's Spring 2005 Launch Date Delayed (AP) +Sci/Tech,Right Whales May Not Be Going Extinct (AP) +Sci/Tech,Great White Shark Sets Record at Aquarium (AP) +Sci/Tech,Mount St. Helens a Volcanic 'Ring of Fire' (AP) +Sci/Tech,Mount St. Helens Erupts After 18 Years (AP) +Sci/Tech,Tourists Flock to See Mount St. Helens (AP) +Sci/Tech,Conway could get \$20 million golden parachute +Sci/Tech,Volcano research goes high-tech +Sci/Tech,Intel programming tools reach new 64-bit chips +Sci/Tech,Device has keen sense for mini-motions +Sci/Tech,Viral movies possible with RealPlayer flaw +Business,TiVo and NetFlix: Picture-Perfect Duo? +Sci/Tech,Gates undaunted by Linux +Sci/Tech,Human rights group blasts new US border controls +Sci/Tech,Two Words from Bill Gates: Computer Science +Sci/Tech,Gates undaunted by Linux (InfoWorld) +World,Group of Seven Wants More Oil Output (Reuters) +World,Israeli Army Prepares for Showdown in Gaza (AP) +Sci/Tech,The religious revival in the US +World,Nine-year-old Afghan boy in critical condition after heart valve surgery (Canadian Press) +World,ER Patients Won't Have to Give U.S. Status (AP) +World,UK Hostage's Brother Says Police Raided Dutch Home +World,Turkey's EU bid 'may take decade' +World,Springsteen Kicks Off 'Vote for Change' +Business,New Zealand #39;s Bollard Opposes Using Australian Bank Regulator +Sports,Fiery Act Leaves Michigan Club Cold (AP) +Sports,Packers Lose Flanagan for the Season (AP) +Sports,Stojakovic Still Wants Out of Sacramento (AP) +Sports,Bonds' 700th Homer Ball Can Be Sold (AP) +Sports,Vieira plays down bus fracas with Lauren +Sports,Murray ready for McEnroe +Sports,"Eriksson Backs Rio, Warns Owen" +Sports,The Jets #39; Extra Attention to Tackling Is Paying Off +Sports,Los Angeles Dodgers Team Report - October 1 +World,I #39;m just fine says Blair after surgery +Business,"Oil slips, but still trades above \$49" +Business,Shares unlikely to sustain giddy pace +Sci/Tech,"Microsoft Chairman praises tech boom in China, India" +Sports,Packers lose Flanagan for the season +Sports,"Hornish aims for patience, speed" +Sports,"Frazar, Pate atop leaderboard in Mississippi" +World,Spain Unveils Controversial Gay Marriage Law +World,Musharraf: 100 Al-Qaida Members Killed in Clashes +Business, #39;We Are Telling Patients Not to Panic #39; +Sports,Packers lose Flanagan for season +World,Blair eyes full 3rd term +Sports,Meal tickets go as Silverstone is removed from the menu +Sports,Srichaphan sets up Federer semi +Business,Snow: Oil Prices a Risk to Global Growth +Business,Change of Direction at PeopleSoft +Sports,"A. Melhuse, C" +Sci/Tech,Calif. Law Seen as First Salvo in Spyware Fight (Reuters) +World,Mayor's Lesbian Partner Barred from Race in Brazil +World,Football: Ferencvaros charged +World,"Aided by Iraqis, U.S. Seizes Part of Rebel Town" +World,Bush and Kerry Follow Debate With Sharp Jabs +World,"U.S., Iraq Forces Sweep Through Samarra" +Sports,Ichiro Ties Sisler's Season Hits Record (AP) +Sports,Blue Jays Thump Resting Yankees 7-0 (AP) +Sports,Larkin Homers As Reds Beat Pirates 5-1 (AP) +Sci/Tech,US Struggles to Develop Auto Safety Analysis System +Sports,Expos Defeat Mets 4-2 (AP) +Sports,D-Rays Beat Tigers 4-1 to Avoid Cellar (AP) +World,Fresh violence erupts in Haiti +Sports,"Bryant Ignored Woman's Plea, Papers Show" +Sci/Tech,Location Reigns Supreme With Future PCs +Business,Snow: Oil Prices a Risk to Global Growth +Business,Oil Closes Above \$50 +Business,Pinochet Faces Tax Charges in Chile +Business,Stocks Begin Quarter With Solid Gains +Business,Crude oil exceeds \$US50 a barrel +Business,Stocks: US economic data send stocks higher +Sports,American League Game Summary - New York at Toronto +World,Top Official: U.S. Wants Cuba 'Liberation' (AP) +Business,Oil Closes Above \$50 +Business,Ex-Manager At Fannie to Skip Hearing +Business,Black Plans to Sue Hollinger for Libel +Sports,Dave Bush slices through weak Yankees lineup in 7-0 Blue Jays win +Sci/Tech,"From a Virtual Shadow, Messages of Terror (washingtonpost.com)" +Sci/Tech,"From a Virtual Shadow, Messages of Terror" +Sci/Tech,Microsoft Judge Skeptical +Sci/Tech,Stock Sale Plan Boosts SI International Shares +Business,PeopleSoft boss fired +Business,Microsoft Judge Skeptical +Business,US industrial output still rising +Sports,Its not for the money: Bernie +Sports,Expos move still faces obstacles +Sports,World #39;s top two players reach semifinals +Sports,Fleeing the Ennui of Retirement for the Thrill of the Fight +Business,Boeing just behind 2004 projections +Sports,Ichiro Singles to Break Hits Record +Sports,Wenger plays down reported bust-up on Arsenal team bus +Sports,Eriksson issues warning to Owen +Sports,Houston Astros Hold on Wild Card Lead with 4-2 Win +World,UN launches appeal for \$59 million in emergency aid to Haiti <b>...</b> +Business,Software maker #39;s chief out +World,Chunghwa Telecom union threatens strike amid privatization concerns (AFP) +Business,Ceasefire brings oil price slip +Business,"Saks to close 11 stores, affecting 700 jobs" +Sci/Tech,National Cybersecurity Chief Amit Yoran Resigns +Sports,Note: Suzuki has tonight and two games remaining +Sports,Eriksson warning for Owen +Sports,"SUN 61, LIBERTY 51 Balanced Sun Knocks Liberty Off-Balance" +Sports,Elena Dementieva wins in Gaz de France Stars tennis tournament +World,Nigeria military orders halt to delta patrols +World,Brazil denies getting nuclear technology from Pakistan +Sci/Tech,European Judge Questions Moves Against Microsoft +Sports,Mariners #39; Suzuki Breaks Sisler #39;s Single-Year Hit Mark (Update1) +Business,Inquiry Stymied on Company With Air Force Ties +Sports,Cardinals 4 Brewers 1 +World,Second Day of Violence Breaks Out in Haiti (AP) +World,Kerry Lures Persuadable Voters in Debate (AP) +Business,German manufacturing orders rise in October (AFP) +World,Bosnia nationalists in poll test +World,Eldest Pitcairn rape suspect tried +World,Bush and Kerry Follow Debate With Sharp Jabs +World,Ichiro Breaks Sisler's Season Hits Record +World,Troops Battle to Control Samarra +World,Mayor's Lesbian Partner Barred from Race in Brazil +World,Kissinger Criticized Subordinates +Business,Markets skirt crude oil hikes +Sports,Red Sox Rally to Drop Orioles 8-3 (AP) +Sci/Tech,Week in review: A snapshot of the new virus +Sports,Twins Defeat Indians 4-3 (AP) +Sports,NCAA Game Summary - Utah at New Mexico +World,Riots by Aristide supporters erupt for second day in Haiti +Sports,No. 14 Utah Defeats New Mexico 28-7 (AP) +Sports,Els Takes 2-Shot Lead at American Express (AP) +Sports,North-South Showdowns Bring Out State's Polar Opposites +Sports,New Name Will Wait +Sports,Protection Is Issue +Sports,Ichiro Sets Hits Record +Sports,No Easy Return +Sports,O's Hopes for .500 End +Sports,Hymes Catching On +Sports,Sun Scorches Liberty +Sports,Easy Going for Els +Sports,Hoyas Seek League Win +Sports,Nemecheck Takes Pole +Business,Former Boeing official in prison +Business,Inquiry into Fannie Mae may hike mortgage cost +Business,US-EU talks on Airbus subsidies fail +Business,"PeopleSoft fires CEO, clearing way for bid by Oracle" +Business,Nations ask for study of effect of quota end +Business,"Automakers report Sept. sales strong for all but Ford, Honda" +Sci/Tech,Cybersecurity Czar bails +Sports,Japanese fans celebrate Suzuki #39;s historic hit +Sports,"Sun Leads Liberty in East Finals Sun 61, Liberty 51" +Sports,"Orioles Lose, but Begin to Tally Successes" +World,EU leaders clash over immigration camps +World,India denies pullback plan +Business,BLACK HITS BACK +Business,"Founder, chairman called #39;heart #39; of software company" +Sports,Ichiro Breaks Sisler #39;s Season Hits Record +Sports,"Devil Rays hold off Tigers 4-1, avoid last-place finish for first <b>...</b>" +Sports,Fatigue catching up to El Duque +World,S.Korea on Alert After Purported Al Qaeda Warning (Reuters) +World,Five Blasts Reported in Spain After ETA Threats (Reuters) +Business,Merck shares rebound slightly +Business,Shares pare losses as analysts remain upbeat +Sci/Tech,Computing #39;falls short +Sports,El Duque unsure he can pitch in playoffs +Sports,"Padres 3, Diamondbacks 2" +Sports,NL Wrap: Rueter Sharp as Giants Stay in Division (Reuters) +World,Nigerian rebels sign ceasefire +Sports,NL Wrap: Rueter Sharp as Giants Stay in Division +Sci/Tech,Hurricanes Force NASA to Delay Space Shuttle Flights +Sports,Suzuki singles into history +Sports,ANOTHER VOICE Baseball in Washington +Sports,NL Wrap: Rueter Sharp as Giants Stay in Division +Sci/Tech,PeopleSoft Ousts CEO in Oracle Battle (Reuters) +Sci/Tech,Astronomers scan sky for birth of supernova +Sports,"Baseball in DC, Angelos likely smiling" +Sports,Angels roll Athletics to move atop AL West +Sports,Dodgers must put champagne on ice; Giants still alive for NL West +World,Nigeria Delta rebels agree truce +World,"Judge's Decisions Draw Notice, for Being Conspicuously Late" +Business,PeopleSoft Ousts CEO in Oracle Battle +Business,CEO #39;s firing rocks world of tech Longtime Oracle target PeopleSoft <b>...</b> +Business,US Pressing China Over Currency Value +Sci/Tech,Top US cyber-security official resigns +Sports,Vieira denies Lauren fight +Sports,Eriksson warns Owen over England place +Sports,SI.com +World,New al-Qaida tape likely authentic +World,Blair returns to Downing Street after heart trouble +World,Israelis mass along Gaza +World,Mosque blast kills at least 25 +Business,Pfizer wastes no time touting Celebrex +Business,Oil price closes above \$50 per barrel in New York +Business,US Pressing China Over Currency Value +Sci/Tech,Singing the praises of karaoke #39;s creator +Sports,Mariners #39; Suzuki Breaks Sisler #39;s Single-Year Hit Mark (Update3) +Sports,"Lights out for Maroth, 4-1" +World,Blair to return to work after successful surgery +World,War On Terror Column +World,UN struggles with Haiti violence +Sci/Tech,Denmark Hopes to Claim North Pole (AP) +Sci/Tech,Descent into horror of Silent Hill +World,"U.S. Pursues Samarra Offensive; 5 Dead, 20 Wounded (Reuters)" +World,"Bomb Blasts in Northeast India Kill 10, Wound 35 (Reuters)" +World,Mourning Iraqis Blame U.S. Troops (AP) +World,Two Explosions in India Kill 14 (AP) +World,Australian election enters final week with prize still up for grabs (AFP) +World,Intelligence Bill Has Political Tinge (AP) +World,"Bomb Blasts in Northeast India Kill 10, Wound 35" +World,"Pakistan Ups Security, Shi'ites Mourn Bomb Victims" +World,US firm allowed to sue Diana fund +World,Bigley brother's 'home searched' +World,UN struggles with Haiti violence +World,Two suicides in child porn case +World,PM recovers after heart treatment +World,No. 2 Al Qaeda Leader Urges Attacks +Business,Former military official jailed for lying about Boeing deals +Business,Hotel workers being locked out at ten hotels +Sports,"Giants, Astros Remain Tied for Wild Card (AP)" +Sci/Tech,SpaceShipOne: Monday Launch Is On +Sci/Tech,Apple plans European expansion of iTunes +Sports,"Angels bring A-game, but A #39;s don #39;t" +Sports,Vieira plays down spat +Sports,Major League Baseball News +Sports,Notes: Guillen case settled +Sports,AL Wrap: Angels Thump Athletics to Near Playoffs (Reuters) +Sports,Sharapova Advances to Korea Open Final (AP) +Business,Chief of Partnership to resign +Business,Recall another step in Merck slide +Business,"At peace with Microsoft, Sun chief whips off the gloves over Red Hat" +Business,Biotech hopes Finneran will help on Hill +Business,"US Airways, pilots reach pact on cuts" +Sci/Tech,"Buzz Was Big, but Mount St. Helens Eruption Wasn't" +Sci/Tech,NASA Delays Plans to Fly Shuttle Soon +World,Op can boost size of micro-penis +Business,PeopleSoft Leads Rally in Tech Stocks +Sci/Tech,Space shuttle grounded until May or even later +Sci/Tech,Taking aim at iPod: How competition for the market stacks up +Sci/Tech,Koalas to undergo contraceptive implants: +Sports,Anaheim a win from title +Sports,Sun get jump on Liberty in Game 1 +World,"Bomb Blasts in Northeast India Kill 10, Wound 35" +Business,Stocks Begin Quarter With Solid Gains +Business,Nations demand study of quotas +Business,CPS cites worker burden in continued abuse +Sci/Tech,Cell phone camera photos make arrest a snap for police +Sci/Tech,"Netflix, TiVo Partner To Offer Online Films (TechWeb)" +Sports,Drese and Ichiro forever linked +Sports,Els takes lead at WGC American Express +Sports,SAVE OUR GRAND PRIX: BY ECC! +Sports,The fat lady finally sings +Sports,No Easy Return for Trinidad +Sports,Non-Chase drivers tops at Talladega +World,Brazil denies getting nuclear technology from Pakistan: +Business,Black threatens to raise libel suit to \$1.1-billion +Sci/Tech,"US need not worry about China, India: Gates" +Sci/Tech,NASA postpones space shuttle flight resumption +Sports,MY RIOT HELL +Sports,More Rooney magic? +Sports,Trinidad set to punch back in +World,"Israelis, Palestinians seem to be digging in" +World,Suicides #39;will not deter #39; porn probe +World,100 Qaeda deaths reported +Sports,Rhythm not thrown off by their line dance +Sports,"Angels, Guillen reach financial accord" +Sports,"Giants win, stay alive for berth" +Sports,Notables +Sports,Wakefield's ending is a happy one +Sports,"Colon, Angels rip A's" +Sports,Middle ground for Cancela +Sports,UNH faces tough task at Villanova +Sports,"Eddy, Bentley outpace the Setters" +Sports,Charging Els moves to the top +Sports,Brockton upends St. John's Prep +Sports,Williams takes off for Jets +Sports,Pitts scores twice to power Oliver Ames +Sports,Crocker's fake ensures a real record +Sports,Transactions +Sports,Today's schedule +Sports,Sun rise to occasion with dominating first half +Sports,Baseball: Giants dump Dodgers to deny division crown +Sci/Tech,Shuttle #39;s Spring 2005 Launch Date Delayed +Sci/Tech,"2,500-Year-Old Pomegranate Found In Greece" +World,Afghan Campaign Picks Up as Karzai Heads to Berlin +World,Bosnians Vote for Local Councils and Mayors +World,"Bomb Blasts in Northeast India Kill 20, Wound 50" +World,Cubans say US remittance policy unfair +World,Suicide bomber kills 25 at mosque in Pakistan +World,Intelligence Bill Has Political Tinge +World,Ichiro Breaks Sisler's Season Hits Record +World,India assess Bangladesh security +Business,Boeing contract helper sentenced +Business,UPDATE 2-LUKOIL says Conoco can book 10 pct of its reserves +Sci/Tech,Ancient fruit basket dug up near Athens +Sci/Tech,Space launch gets Transport Canada go-ahead +Sports,Ichiro as exciting as they come +Sports,Charging Els moves to the top +Sports,"Angels skunk A #39;s, are 1 win from West title" +Sports,"Sadly for Yanks, no rest for weary" +Sports,Indians finishing like they started +World,"Turkey, Iraq on agenda for informal Chirac-Schroeder summit" +World,"India, Pakistan to discuss troop pullback from Kashmir glacier" +World,Natwar rubishes NDA #39;s Pak claims +Sports,Other drivers feeling left out +Sci/Tech,Four Commit Suicide in Australia Child Porn Case (Reuters) +World,Blair Back Home After Successful Operation (AP) +World,Report: Militants Demand Cleric's Release (AP) +Business,Oil closes above \$50 for first time +Sports,Schwarz out of the race +Sports,U. runs away with it +World,78-year-old on trial in Pitcairn +Business,Microsoft defence enters day two +World,17 people killed in explosions in India +World,Nigeria reaches cease-fire with rebels +World,Captors of Indonesians want cleric freed +World,Chirac Wants French Referendum on Turkey #39;s EU Bid (Update1) +Business,Hotels lock employees out +World,Dollar slides to a new euro low +Sports,Tribe forced to watch a Koskie Show rerun +Sci/Tech,"Honors for Nude Lit, Fish Farts" +Sci/Tech,SpaceShipOne: Monday Launch Is On +Sci/Tech,Canada Still Has Eyes on X Prize +Sci/Tech,Cybersecurity Chief Takes a Hike +World,"U.S., Iraqis Battle Resistance in Samarra (AP)" +World,Two killed in attempt to bomb campaign office of Afghan president (AFP) +World,Four Suicides Linked to Child Porn Probe (AP) +World,U.S.-Led Forces Tighten Hold on Iraq Rebel Town +World,Israel Kills 7 Militants in Massive Gaza Offensive +World,Israel Presses on With Gaza Offensive +World,"U.S., Iraqis Battle Resistance in Samarra" +Business,SAKS FIFTH AVENUE CLOSING +Sci/Tech, #39;Fable #39; weaves fun fantasy adventure +Sports,"AL notebook: Angels, Guillen reach resolution on grievance" +Sports,Memphis Signs Gasol to Multi-Year Deal (AP) +World,Hostage brother hits out over police raid +Sports,Ichiro's New Hit Record Stokes Japanese Pride (Reuters) +Sports,Canas Advances to Shanghai Open Final (AP) +Sports,Ichiro's New Hit Record Stokes Japanese Pride +Business,Gates opens up +Sci/Tech,"Greek archaeologists find 2,500-year-old pomegranates preserved in <b>...</b>" +Sci/Tech,FilePlanet Daily Download +Sports,WHY DO ARSENAL PLAYERS PICK ON LAUREN? +Sports,"A #39;s are down Angels take opener, lead in the West" +Sports,Nemechek wins Bud Pole at Talladega +World,EDITORIAL: IAEA cannot request access to Dr AQ Khan +World,Headless bodies of policemen found +World,Blair's Exit Strategy Sparks Succession Fever +Business,America #39;s richest man talks tech at UC Berkeley +World,Afghan Campaign Picks Up as Karzai Heads to Berlin +Sci/Tech,Half-Life 2 date is 26th November +Sci/Tech,"At peace with Microsoft, Sun chief whips off the gloves over Red <b>...</b>" +Sports,Congratulations Ichiro! +Sports,Weather Doesn #39;t Impede Els +Sports,TRIPLE SUCCESS FOR SOLBERG +World,EU Report 'Extremely Critical' of Turkey-Verheugen +Business,Update 1: Enron Corp. #39;s CFO Resigns; Succesor Named +Sports,Federer stretched to the limit in win over Paradorn +Sports,Sharapova Storms Into Semifinals +World,Blair op sparks row in his party +World,Blasts kill 20 in northeast India +Sports,AL Wrap: Angels Thump Athletics to Near Playoffs +Sports,NL Wrap: Rueter Sharp as Giants Stay in Race +Sports,Houston Astros Hold on to NL Wild Card Lead +Sci/Tech,What If Supercomputers Ruled The +Sports,Dominant Solberg extends Rally of Italy lead +World,South Korea Tightens Security Following New Al-Qaida Threat +World,Chirac criticises interference in Iraq hostages release <b>...</b> +World,Iraqi Kidnappers Demand Release of Militant Indonesian Cleric +World,Italians Divided After Return of #39;Simonas #39; +World,Blair's Exit Strategy Sparks Succession Fever (Reuters) +World,McGrath and Langer shine in drawn India tour opener (AFP) +World,U.S.-Led Forces Tighten Hold on Rebel Iraqi City +World,Rioting in Pakistani Town as Blast Victims Buried +World,Israel Expands Offensive in Gaza Strip +Sports,"The Angels maul Mark Mulder, and the punchless A #39;s fall one game <b>...</b>" +Business,Wal-Mart Says Sept. Sales Up 2.3 Percent (Reuters) +Business,Enron Finance Chief Quits +Sci/Tech,Hatch #39;s bill for tuition breaks for undocumented immigrants <b>...</b> +Sci/Tech,Reaction furious to EPA report +World,Bigley #39;s kidnappers may trade hostage for cash +Business,Wal-Mart Says Sept. Sales Up 2.3 Percent +Business,What did Fannie Mae #39;s leader know? +Sci/Tech,SpaceShipOne to launch again Monday +Sports,Eriksson Spoilt for Choice +World,Internet Video Shows Militant Beheading Iraqi +World,Bomb Blasts Kill 20 in India's Nagaland +World,Hamas pledges new rocket attacks +World,"U.S., Iraqis Battle Resistance in Samarra" +World,Utah Woman's Body Found in Landfill +World,Iraqis Blame U.S. for Massacre of Children +Sports,MLB: Suzuki Breaks Most Base Hits Record +Sports,Eriksson fears for Owen +Sports,Gibernau wins Qatar MotoGP after Rossi controversy +World,Kyoto protocol comes in from the cold +World,Strong African Union force needed in Darfur +World,"Musharraf elevates ISI Chief, Karachi Commander to top posts" +World,Voting Begins In Bosnian Local Elections +Sports,Federer to Meet Roddick in Thai Final +Business,Wal-Mart's Sept. Sales Up 2.3 Percent +Business,Enron #39;s CFO steps down +Sports,"MOTOGP NEWS Gibernau wins dramatic Qatar GP, Rossi falls." +World,Musharraf elevates ISI chief to top post +World,Taliban Threaten to Attack Karzai Inauguration +Sci/Tech,Quick-thinking driver helps cops save the day +Sci/Tech,CA to name CEO in 30 to 45 days +Sci/Tech,MacCentral Week in Review +Sports,Federer moves to Thailand Open final +Sports,City spurn chances in draw +Sports,Owen #39;s Real benchtime has Eriksson worried +Sports,Motor Cycling: Gibernau wins in Qatar as Rossi crashes out +Sports,Sharapova advances to Korea Open final +World,Bombings kill 28 in north-east +World,"Syria, Lebanon yet to fulfill UN demands: Report" +World,Wildlife conference starts as battle lines drawn +World,U.S.-Led Forces Widen Control in Rebel Iraqi City +World,DeLay's Push Helps Deliver NASA Funds (washingtonpost.com) +World,"N.Korea Says South Has Nuclear Arms, Rejects Talks" +Sci/Tech,Virgin Making Mark Among Mobile Services +Business,Virgin Making Mark Among Mobile Services +World,Rhinemaidens Turn Bungee Jumpers +World,Hits Record Is Ichiro's 'Best Moment' +Sci/Tech,IBM Wins Big Contract from Lloyds (Reuters) +Business,Cost Conundrum Holds Up Diesel Hybrid Cars +Business,Perry Says Sweeping Reforms In Store For CPS +Business,Google Challenge: Keeping Wealthy Workers +Sci/Tech,NASA Delays Shuttle Flight Set for Spring +Sports,Clarke sets early pace with third-round 65 +Sports,Canas tops Novak in Shanghai semis +World,US-Led Forces Widen Control in Rebel Iraqi City +World,New pension law makes life tougher for old-timers +Business,"Oil, Profit Reports to Weigh on Stocks (Reuters)" +Business,Google Challenge: Keeping Wealthy Workers (Reuters) +Business,IMF policymakers open annual meeting under heavy security +Sci/Tech,NASA Forced To Delay Shuttle Launch +Sports,Manchester United v Middlesbrough +Sports,Cleveland Indians Team Report - October 2 +World,Briton Sheds More Light on Guantanamo Hell +World,Druse leader criticizes Lahoud #39;s extended term +Sci/Tech,Study Reveals 'Demographic Catastrophe' in Darfur (Reuters) +World,Three in London court appearance on terrorism charges (AFP) +World,Iran Revises Constitution to Allow Privatisations +Sci/Tech,New NASA Spacecraft Moves One Step Closer to Fall Launch +Sci/Tech,Evidence Shaky for Sun's Major Role in Past Climate Changes +Sci/Tech,Space Shuttle's Spring 2005 Launch Date Delayed +Sci/Tech,Pinhole Camera to Image New Worlds +World,"Bombings, Gun Attacks in India Kill 44" +Sci/Tech,NASA Official Sees Role in Space for Private Companies +Sports,Seattle Mariners Team Report - October 2 +Sports,Roddick vs. Federer in Thailand Open final +Sports,Sharapova advances to Korea Open final +World,Hundreds in Pakistan protest at funeral +World,Twenty dead from India bomb blasts +World,Labor trails in marginals +Business,"Some 200,000 rally against Dutch austerity measures (AFP)" +Business,"Stocks Rise; Nasdaq, S amp;P at 3-Month Highs" +Sci/Tech,OSIA Dismisses Gartner Linux Piracy Claim +World,Three remanded on terror charges +Sci/Tech,Will historic flight launch space tourism? +Sports,Baseball: Economics and the Playoffs +Sports,Suzuki sets record but would rather have playoff spot Anaheim #39;s <b>...</b> +Sports,"Kirk Rueter picthes 7 strong innings, and the Giants trim their <b>...</b>" +Sports,"Bayern, Bremen Lift Euro Hopes Ahead of Clash" +World,"49 killed in serial blasts in Assam, Nagaland" +Sci/Tech,IBM Reclaims Supercomputing Crown from NEC +Sports,CO KNOWS IT WON #39;T BE EASY +Sci/Tech,OS Competition Is Good for IT (Ziff Davis) +Sci/Tech,NEC Blade Server Bundles Linux (Ziff Davis) +World,Bush Hits Kerry on U.S. Needing 'Global Test' (Reuters) +World,Body dug up in Kenya rape probe +World,Football: Arsenal thrash Charlton +World,Officials Far Apart on Iraq Debt Relief +Sci/Tech,Smoking Spurs Snoring +Sci/Tech,Vioxx Users Can Find Safe Alternatives +Sci/Tech,Right Whales May Be Making a Comeback +Sci/Tech,Mount St. Helens -- A Volcanic 'Ring of Fire' +Sci/Tech,Denmark Hopes to Claim the North Pole +Sci/Tech,CA Partners Rattled Again By Upheaval +Sports,No. 3 seed will face Burgsmuller for title +Sports,Schweinsteiger hits Bayern winner +Sports,"***** WNBA Playoff Game Capsules - Friday, October 1st *****" +Sports,Texas Tech Red Raiders +Sports,Steelers LB Bell Remains Out With Injury (AP) +World,Bomb Blasts Kill At Least 26 in Northeastern India +Sci/Tech,U.S. Offers Internet Downloads of \$50 Bill +Sci/Tech,Customized Photo-Stamp Experiment Canceled +Sci/Tech,Orange launches delayed 3G service (FT.com) +Sports,San Francisco Giants Team Report - October 2 +Sports,"Yankees manager Torre suspended for one game, fined" +World,Many Iraqi Children Miss School Over Violence Worry +Business,China Has No Immediate Plan to Join G7 +Business,Uncertainty Translates Into Losses +Sports,Motor Cycling: Angry Rossi hits out at demotion +Business,Merck Pulls Arthritis Drug Off Market +Business,Molson #39;s O #39;Neill Promises to Address Options Concerns (Update3) +Business,Vioxx woes put FDA process under scrutiny +Sci/Tech,Nickelback singer eager to play to the game world +Sports,Men #39;s Tennis: Federer Reaches Thailand Open Finals +Sci/Tech,Why Conway was shown the door (SiliconValley.com) +Sci/Tech,Incoming CEO: Father figure Duffield back at the helm (SiliconValley.com) +Business,"'Don't Let Down Guard,' IMF Chief Warns" +Business,Officials Far Apart on Iraq Debt Relief +Business,Crunch time on poverty +Sci/Tech,".Mac bumps up storage capacity, improves mail" +Sports,Spring change slows Cup cars a bit +World,Report: Cleric swap for hostages +World,Militant Group May Ask for Ransom for British Hostage +Sci/Tech,PalmOne's Treo 650: Hybrid Phones Keep Getting Smarter (washingtonpost.com) +Sports,Angry Shaq on Kobe: #39;He #39;s a joke ... a clown #39; +World,"French president, FM slate freelance efforts to free hostages (AFP)" +World,"Liberals face one-year election anniversary dogged by ""promise breakers"" label (Canadian Press)" +Sci/Tech,New Web site allows salespeople to help solve the puzzle of whom to reach (SiliconValley.com) +World,Activist Holds Anti-Nader Hunger Strike (AP) +World,U.S.-Led Forces Widen Control in Rebel Iraqi City +World,Romania Presidential Challenger Stolojan Quits Race +World,25 Terror Suspects Nabbed in Afghanistan +World,Activist Holds Anti-Nader Hunger Strike +World,Vioxx Woes Put FDA Process Under Scrutiny +World,Jamal Lewis Deal Could Include Jail Time +Sports,Georgia Looks for Payback Against LSU (AP) +Sports,Randy Moss Fined #36;5K for Shoving Match (AP) +World,Attackers Strike U.S. Consulate in Jiddah (AP) +Sports,Japan celebrates Suzuki breaking record +World,12 Palestinians killed in Gaza military operation +World,"Bomb blasts, firing kill 44 in Nagaland, Guwahati" +Sports,Els Fires a 68 to Stay Two Clear at Mount Juliet +Sci/Tech,Inducing Infringement of Copyrights Act +Sci/Tech,Microsoft Expands Lower-Cost Windows XP Program To India +World,Two Hamas militants killed in Gaza airstrike +World,New US air strike targets insurgent training base in Iraq +World,Iraq Militants Claim to Behead Contractor (AP) +World,Israel Kills 9 Militants in Massive Gaza Offensive +World,Charges over Montenegro killing +Sci/Tech,Camera Phone Used To Catch A Thief +Sports,Els maintains lead at American Express Championship +Sports,Notebook: Accuser says she kept telling Bryant quot;no quot; +World,"44 killed, 118 wounded in wave of attacks in India #39;s troubled <b>...</b>" +World,"Bombings, Gun Attacks in India Kill 44" +World,Jamal Lewis Deal Would Include Jail Time +Business,President Of Delta #39;s Song Retires +Sports,"Braves' Thomson, Chipper Jones Hurt (AP)" +World,"Forget Kashmir for now, let #39;s do business" +Business,"'Don't Let Down Guard,' IMF Chief Warns (Reuters)" +Business,Conway or the highway +Sci/Tech,RIAA Files 762 More File-Trading Lawsuits +Sci/Tech,Third Of Americans Think Viruses Won #39;t Strike Them +Sports,Premier League match reports +Sports,"Massu, Volandri, Berdych reach quarter-finals of Palermo tennis <b>...</b>" +Sports,Clijsters suffers wrist injury again +Sports,Ravens tailback likely to serve 2-6 months +World,"Blasts, gun attacks claim 41 in Assam" +World,Shiite Mosque Bombed in Pakistan +Sci/Tech,Wash. Locals Keep Eye on Mount St. Helens (AP) +Sports,"Rampant Arsenal Stretches Lead, Everton Loses" +Sports,"Volandri, Berdych reach Palermo final" +Business,Off 5th in 100 Oaks to close in January +Sci/Tech,Can Do Private Space Companies Set Tone for Future Spaceflight +Sports,Injury forces Clijsters to retire in Belgium +Sports,Eriksson open armed for Rio #39;s return +Sports,"No. 2 Oklahoma 28, Texas Tech 13" +World,Hamas Gunmen Vow More Attacks on Israel +World,Bombs in northeast India kill 35 +World,US Forces Say Target Guerrillas Training in Iraq +World,Bigley #39;s brother says police raided home +World,Pitcairn OAP on rape charge +World,Nigeria launches polio vaccination bid +World,Leaders Launch Drive to Curb Polio in Africa +World,Hamas Gunmen Vow More Attacks on Israel +World,Nigerian President Launches Massive Polio Immunization Campaign +Sci/Tech,Sipphone sues Vonage and Fry #39;s over new hardware +Sci/Tech,Low-cost versions of Windows XP unveiled +Sports,Expos move presents a capital opportunity +Sports,"White, Peterson Propel Oklahoma Over Texas Tech" +World, #39;Iraqis to mediate Bigley #39;s release #39; +World,"Man, 78, on Pitcairn rape charges" +Business,"When the G7 Talks, Is Anyone Listening? (Reuters)" +Business,Snow: Oil clouds global growth +Sci/Tech,SIPphone #39;s Suit Against Vonage Is Short on Merit +Sports,Beasley goal helps PSV extend league lead +World,N. Korea Rules Out One-on-One Talks with S. Korea +World,Turkish PM says Ankara #39;s EU drive to dominate Germany talks +Business,Ex-Air Force Buyer Gets 9-Months Prison +Business,Subsidy battle over Boeing and Airbus heats up +Sports,Golf: Els Leads American Express Golf Championships +Sports,Virginia Tech 19 (6) West Virginia 13 +Sports,Texas Tech hoping comeback unnecessary against No. 2 Sooners +Sports,Williams to start Game 1 of playoffs +World,"Dozens dead, many injured in spate of attacks in northeastern <b>...</b>" +World,"Bosnians hold local elections, expected to confirm strength of nationalists (AFP)" +World,Colourful protests against missile defence system staged across country (Canadian Press) +World,"Brokaw, Jennings Show Support for Rather" +World,U.S. Raises Alert for Mount St. Helens +World,Bush Attacks Kerry on National Security +Business,"US, Allies Far Apart on Debt Relief" +Sci/Tech,Inside the JPEG Virus +Sports,Wenger praises #39;special #39; Henry +Sports,"Injured again, Clijsters bails in Belgium" +Sports,Mountaineers approaching peak +Sports,UPDATE 1-Wasteful Valencia held to 1-1 draw at Real Betis +Sports,"Braves 8, Braves 6" +World,"US Forces Attack Iraqi Insurgents in Fallujah, Samarra" +World,Green Groups Praise Russian Decision to Ratify Kyoto +Sports,List of NHL Players in Europe Up to 185 (AP) +Sports,Kim Clijsters' Wrist Stalls Comeback Bid (AP) +Sports,Benson Leads Texas to 44-14 Win Over Baylor +Sports,Pro Tour Set for 2005 with or Without Tour De France +Sports,Bayern Into Third with 2-1 Win at Werder +Sports,Phillies Reportedly Set to Fire Bowa +Sports,Florida Hangs On Against Arkansas +Sports,Running Into Trouble +Sports,Wasted Opportunities +Sports,Els Eases Ahead +Sports,Lawyers Seeking Deal +Business,Venezuela Official: Economy to Rise in '04 (AP) +Business,"US, France Entrenched in Iraq Debt Battle" +Sci/Tech,Vioxx Withdrawal Causes Concern About FDA (AP) +Business,Turnover tax kicks in +Sports,"Federer, Roddick reach semifinals at Thailand Open" +Sports,"Agali treble helps Nice fight back, beat Monaco" +Sports,Dodgers can clinch division title Friday +Sports,PSV five points clear after easy 3-0 win over Groningen +World,Italy split over hostages #39; views +World,"Europe calls on Israel to maintain self control, AL describes <b>...</b>" +Business,Consumer group sues Merck in Canada +Sports,American Beasley scores in PSV win +Sports,Wild Nice win +World,Ariel Sharon Calls for Expansion of Army #39;s Gaza Raid +World,Arab League to hold emergency meeting +World,Ariel Sharon Calls for Expansion of Army's Gaza Raid (Reuters) +World,Iran Revises Constitution to Allow Privatisations (Reuters) +World,IMF Policy-Makers Fail to Agree on Debt Relief (Reuters) +World,Ariel Sharon Calls for Expansion of Army's Gaza Raid +World,Amy Fisher Addresses Her Past in New Bio +World,Sharon: Operation in Gaza Will Continue +Business,Peoplesoft Removes Craig Conway as CEO +Sports,Bowa Fired As Phillies Manager (AP) +Sci/Tech,Microsoft Extends SQL Server Intelligence +Sci/Tech,Registered Traveler extended indefinitely +Sports,Ichiro Ignites 6-Run Rally with Record-Breaking Hit +Sports,Els fires 64 to surge into lead at WGC-American Express +Sports,Gunners cruise toward magical 50 +Sports,October will be no fall festival for Illini football team +Sports,"Angels stun A #39;s, need one more to clinch" +Sci/Tech,Tools Of The Trade: The Microsoft Windows 2003 Small Business <b>...</b> +Sci/Tech,Fast checks of regular fliers extended +World,New leaflets bid to save hostage +Business,UPDATE 2-IMF policy-makers fail to agree on debt relief +Sci/Tech,"SpaceShipOne: One down, one to go" +Sports,Canas thrash Novak +Sports,Roy Halladay back in form to lead Blue Jays in 4-2 victory over <b>...</b> +Sports,McKeon to return for 2005 season +Sports,NCAA Game Summary - West Virginia at Virginia Tech +Sports,Bowa Fired in Philly +World,"7 Iraqi Civilians Killed in US Air Strike on Falluja, 125 Iraqis <b>...</b>" +World,Pitcairn trial hears a litany of child sex abuse +World,Many Bosnians stay away from elections +World,"Stay in Italy, Simona, both of you" +World,Tensions grip Haitian capital as Aristide loyalists call third day <b>...</b> +Sports,Suzuki gets a place in Hits-tory +Sports,(15) Purdue 41 Notre Dame 16 +Sports,No. 19 Michigan Defeats Indiana 35-14 (AP) +Sports,Brock Berlin Guides Miami (Fla.) Past Georgia Tech +Sports,Bowa Out as Phillies Manager +Sports,Funny Cide Wins Cup +World,New poll puts Kerry ahead as Bush pounds him on foreign policy (AFP) +World,Sharon Calls for Expansion of Israel's Gaza Offensive +World,Israelis secure Gaza buffer zone +World,Prosecutors Set to Wrap Up Peterson Case +Sports,Collapse complete: Cubs out of playoff hunt +Sports,American League Game Summary - Cleveland At Minnesota +World,More than 45 dead in Gaza battles +World,Captors #39;negotiate #39; Bigley release +Business,raiding the #39;cookie jar +Sci/Tech,New Company Launches Google Challenge +Sports,Els stays clear in Ireland +Sports,Brock Berlin Guides Miami (Fla.) Past Georgia Tech +Sports,F1 supremo Ecclestone abandons all hope for British Grand Prix +Sports,"Take it as red, I #39;ll be a dragon against Utd pals" +Sports,Top 25 Capsules +Sports,How ties will be broken at season #39;s end +World,Kenya rape case body exhumed +Business,Resignation will ease the pain of Merck investors +Sports,Fed Express runs down Paradorn +Sports,Three tied for lead at Southern Farm Bureau Classic +Sci/Tech,U.S. Warns of Big Mount St. Helens Blast (AP) +World,Judge OKs Senate Vacancy Measure Wording (AP) +World,"Dodgers Beat Giants 7-3, Win NL West" +Sports,Notes: Brower comes up big +Sports,Sports Round-up +Sports,Oregon St. Beavers +Sports,"Malone is ""retirement bound"" but hasn't ruled out return: agent (AFP)" +Sports,Bowa Fired As Phillies Manager (AP) +Sports,Greene Lifts Georgia to 45-16 Rout of LSU +Sports,Delgado Looks Ready to Fly Blue Jays Nest +Sports,"Brown States His Case, but Yanks Lose Again" +Sports,Purdue Showcases Its Many Strengths While Overpowering Notre Dame +Business,Robert Mondavi lays off 360 Napa Valley workers +Sports,"Dodgers 7, Giants 3" +Sports,Purdue Showcases Its Many Strengths While Overpowering Notre Dame +Sci/Tech,Report: Feds Ordered Salmon Study Rewrite (AP) +Business,A Seismic Shift Under the House of Fannie Mae +Business,When Big Law Firms Trip Over Their Own Clients +Business,Artworks Rushed to Auctions as Houses Expect Heated Sales +Business,Atlantic City Casinos and Patrons Cope on 2nd Day of Strike +Sci/Tech,Why I dumped Internet Explorer +World,Nationalists ahead in Bosnia #39;s local elections +Business,360 local employees pink-slipped by Mondavi +Sci/Tech,"Before Applying, Check Out the Blogs" +Sci/Tech,"Tinker With Your Computer, and Reap the Rewards" +World,Israeli Rockets Kill Two in Gaza Strip Camp (Reuters) +World,Fujimori Accounts Hold Millions of Dollars -- Peru (Reuters) +World,Bush Aides Gave One-Sided View of Iraqi Data -- NYT (Reuters) +World,Nationalists Strong Early in Bosnia Poll Count +World,Abkhazia holds first genuine poll +World,Dodgers Win West as Giants Collapse in 9th +Sci/Tech,Microsoft #39;s internet browser gets caught in its own web +World,Israeli Rockets Kill Two in Gaza Strip Camp +Sports,Williams to Start Game 1 of Playoffs (AP) +Sports,Angels Snatch Title as A's Fall Apart +Sports,Too Good to Be True +Sports,Dodgers Stun Giants +World,Nigerian oil platforms still occupied in jobs row +Sports,Bonds Boggles Minds +Sports,Proceed With Caution +Sports,Purdue's Orton Shines +Sports,Funk leads Southern Farm by one +Sci/Tech,ACLU offers legal aid in interviews by FBI +Sports,Rooney #39;s ready for Wales - Eriksson +Sports,CANAS CRUISES INTO FINAL +Sports,Orton-Stubblefield connection lifts Purdue +Sports,Dodgers miss chance to clinch division title +Sports,"No relief, no playoffs for A #39;s 5-4 loss to Anaheim ends postseason <b>...</b>" +Sports,Sports: Braves 8 Cubs 6 +Sports,Club should have pulled trigger earlier +Sci/Tech,VA Improves Health Benefits for Ex-POWs (AP) +Sci/Tech,Some Scientists Look to Fat for Stem Cells (AP) +Sports,"Astros beat Rockies, secure wild card tie" +Sports,A Giant collapse Crushing loss to LA in ninth inning dims playoff <b>...</b> +Sci/Tech,Discovery Keeps Human Origin Debate Alive (AP) +Sports,Confident Els keen for win +Sports,Orton #39;s Heisman bandwagon is getting rather crowded +Sports,Blue Jays rally as right-hander is strong for five frames +Sports,Phils fire Bowa +Sports,Hokie notebook +World,James Walston: I respond. You negotiate. He gives in to terrorism +Business,Money: Pension Tension +Sports,Halladay returns to form +Sports,"Dogs get revenge, dismantle LSU" +Sports,The View From 217 - Virginia Tech Edition +World,Italian hostage group barters for Bigleys release +World,Child rape trial begins on tiny Pitcairn Island +Sci/Tech,'Halt science decline in schools' +Sports,Cubs fell apart at wrong time +Business,Promise and Peril of Vioxx Cast Harsher Light on New Drugs +Sci/Tech,Enter your e-mail: +Sports,MotoGP: Qatar Grand Prix Quote Machine +Sports,Manager Bowa Is Fired by Phillies +Sports,Angels clinch AL West title with win over Oakland +Sci/Tech,Right Whales Could Be Making a Comeback (AP) +World,Britain to host Mideast peace summit +World,Gaza Gunmen Killed as Sharon Vows to Pursue Raid (Reuters) +World,U.S.-Led Forces Widen Control in Rebel Iraqi City (Reuters) +World,Bosnian local elections confirm strength of nationalists (AFP) +World,U.S. Commander Claims Success in Samarra (AP) +World,Israeli Forces Kill 11 in Gaza Camp Raid +World,"Dodgers Stun Giants 7-3, Capture NL West" +Business,IBM settles pension suits +Sports,"Angels Top A's 5-4, Clinch AL West Title (AP)" +Sci/Tech,First commercial spacecraft set for bid to clinch big prize +Sports,Dodgers take NL West with win over Giants +World,MORE ARRESTS IN CHILD PORN CRACKDOWN +Sports,Dodgers Win West With a Late Grand Slam +Sports,Adu Propels United +World,China to seek end of arms embargo at Sino-EU summit +Business,"US, economic allies disagree on debt relief for poorest countries" +Business,"US factory, construction data show solid growth" +Business,Uruguay bans sales of medicine containing rofecoxib +Business,New challenges for Lukoil chief +Sci/Tech,Rocketing And Rolling +Sports,Els stays atop leader board +Sports,Bayern Turns Up Heat with Win in Bremen +Sports,Bulldogs Win Battle Of The Bone 28-21 Over Fresno State +Sports,Federer destroys the dreams of Asia #39;s hero +Sports,Great day for SoCal baseball +Sports,Minnesota Golden Gophers +Sports,SI.com +World,Sharon rejects Hamas ceasefire offer +World,Blair fine after heart operation : +World,As Darfur Waits +Sports,Clijsters reinjures wrist +Sports,Canas in finals of the Shanghai Open +Sports,Phils dismiss Bowa +Sports,Mussina leads playoff rotation +Sports,Hawaii's Chang Second on NCAA Pass List (AP) +Sports,"If Town Clears Out, It Must Be Squirrel Season" +World,US shrugs off report of ransom +World,Senate chairman arrested in Haiti +World,How the White House Embraced Disputed Arms Intelligence +Business,A Seismic Shift Under the House of Fannie Mae +Sci/Tech,"Tinker With Your Computer, and Reap the Rewards" +Sports,"Federer, Roddick Clash Again at ATP Bangkok" +Sports,Gophers rumble past PSU +Sports,Sharapova Faces Unseeded Domachowska in WTA Seoul Final +Sports,Singer: Underachieving costs Bowa +World,US says Taliban plans foiled +Business,Debt Relief Plan Eludes IMF Group +Business,Top Fannie Mae Execs to Face Congress +Sports,Bayern gets redemption +World,Shiite Muslims continue to riot in protest of bombing at mosque +Business,Head of Delta #39;s Song steps down +Sports,"COL FB: Minnesota 16, Penn State 7" +Sports,"Davis, Pack beat Deacons" +Sports,Expos move is an opportunity to improve baseball schedule +World,IAEA chief arrives in Seoul for talks +World,Gaza Raid to Continue as Long as Necessary-Sharon (Reuters) +World,Many Bosnians Stay Away From Elections (AP) +Sports,NAT roundup: San Francisco watches Los Angeles celebrate after <b>...</b> +Sports,"Northwestern 33, No. 7 Ohio St. 27, OT" +Sports,What we learned +World,Jailed cleric refuses release for hostages +World,Dozens of suspected militants nabbed in pre-dawn raid +Business,Approval process has not found all potential problems +Business,3 things you must know to be successful +Sci/Tech,"Unlike NASA, SpaceShipOne and other private pioneers can afford to <b>...</b>" +Sports,Canas hammers Novak to reach final +Sports,Astros down Rockies to stay even with Giants in NL wild-card race +Sports,"COL FB: Auburn 34, Tennessee 10" +Sports,HE #39;S GOLDEN BROWN +World,Sharon vows to pursue Gaza raid +World,Aristide supporters rally as Haiti violence continues +World,Militants behead Iraqi contractor +Sports,Boxing: Trinidad floors Mayorga to win middleweight fight +Sports,"Rice lets big lead get away, loses 70-63" +Business,"Hurricanes, typhoons to cost insurance industry up to US\$50b" +Sci/Tech,Rolling towards history +Sports,Love amp; Romance with Sue McGarvey +World,UN nuclear watchdog chief ElBaradei arrives in South Korea +World,Golf: Els stays out in front +World,Israeli Forces Kill 12 in Gaza Camp Raid +World,Attacks in India Kill More Than 40 People +Business,N #39;west CEO faces struggle +Sci/Tech,Search upstart launches site with sights set on Google +Sports,Big Easy poised for big win at Ireland +Sports,Castroneves secures top spot for Toyota Indy 400 +Sports,Instant Analysis: Ohio State at N #39;Western +Sports,Hall-of-Fame announcer called baseball in DC +World,IAEA chief arrives in South Korea amid concerns over nuclear <b>...</b> +World,To Provoke and to Heal +World,A Good European? +Sports,"San Jose State, Rice Set Scoring Record (AP)" +Sports,Trinidad Returns to the Ring With a Knockout +Business,Shoppers Raise Their Red Flags +Business, #39;Helpful #39; politicians unneeded by markets +Sci/Tech,Legend of the Fall +World,IAEA Chief in South Korea for Nuclear Talks +Business,New Raytheon contract grants raises +Sci/Tech,Americans #39;misjudge online risks #39; +Sci/Tech,New company starts up a challenge to Google +Sports,Ichiro talks about his #39;greatest moment #39; +Sports,Injuries piling up for thin Yellow Jackets +Sci/Tech,Americans 'misjudge online risks' +Sci/Tech,"BlackBerry, Bluetooth Have Limited Following" +Sci/Tech,Yahoo's Home Page Gets Functional Facelift +Sci/Tech,Space flight takes a big leap +Sports,"ALL AUBURN, ALL NIGHT" +World,Troops deployed after Indian terror attacks +Business,Pass interference +Business,A new chapter for ex-GE chief Jack Welch +Business,Pinching pennies to grow a nest egg +Business,Reebok goes Hollywood to refashion its marketing +Business,Money is the catalyst for good medicine +Business,Don't bank on double-digit returns from funds +Business,Defrauded investors may soon get some payback +Business,Football can parallel investment decisions +Business,Google Search: Best-Laid Plans +Business,Contrasts mark economy under Bush +Business,"Marine City priest leaves foundation \$575,000 bequest" +Business,Junk-bond funds are OK in small amounts +Business,Arranging trust benefits minus the expense +Business,'Electronic check conversion' gaining +Business,"You have mail, always, with a BlackBerry" +Sci/Tech,Want to fly into space? Get in line +Sports,No rust on Golden Bears +Sports,Auburn simply awesome +Sports,Top 25 roundup: Purdue ends long Irish streak +Sports,Drivers at Talladega seek to avoid trouble +Sports,Sharapova triumphs at Korea Open +Sports,Notebook: Bowa fired as Phillies #39; manager +World,India wakes to day of mourning +World,US forces target insurgents moving weapons in Fallujah +World,"Italy pays kidnappers, no questions asked" +Sci/Tech,Microsoft unveils free SQL management tool +Sci/Tech,THE SONG REMAINS THE SAME +World,US SLAMS REBELS +Business,OSC sees no evidence of market timing by insiders +Business,Lehman eyes UK hedge fund +Sports,Plenty of passing room +Sports,Virginia strikes out while District gets another at-bat +World,"US, Iraqi forces seize control of Samarra" +World,Nationalists lead in Bosnia elections +Sci/Tech,Yahoo's Home Page Gets Functional Facelift (washingtonpost.com) +Sci/Tech,"BlackBerry, Bluetooth Miss a Shot to Move Into More Hands (washingtonpost.com)" +World,Blasts Rock Indian Northeast in Escalating Violence (Reuters) +World,Australian PM confident in final election week (AFP) +World,US attacks Falluja 'arms store' +Sci/Tech,Warning over US volcano eruption +World,Afghan warlords hunt for votes +World,Thousands riot after Pakistan funeral +World,Gang violence rises in Central America +World,Losses mourned in an insurgent stronghold +World,Former guerrillas now hope to make mark at ballot box +World,"As fuel use rises, China eyes alternatives" +World,"Iraq's New Police: Scared, but at Least Employed" +Business,Wal-Mart sales at low end of forecast +Sports,Talladega: Waiting for the #39;big one #39; +Sports,Cubs miss out again this year +Sports,TORRE SERVES HIS BAN (New York Post) +Sports,Hawaii's Chang Second on NCAA Pass List (AP) +Sports,Angels end up as the best in West +Sports,Dodgers keep it going +Sports,Straightening Jaguars' line +Sports,Revolution take matters in hand +Sports,Seeing Red +Sports,Gators survive close shave +Sports,Davis return buoys Badgers +Sports,"Holy Cross can't stop Fordham, losing streak" +Sports,Jumbos hold off Bates +Sports,Rutgers ripped by Reyes +Sports,Sexton's first start a success +Sports,Mountaineers picked apart +Sports,Shelton runs for five TDs +Sports,BSC's Palumbowins tennis honor +Sports,Rout ends the drought +Sports,Auburn simply awesome +Sports,"In the end, Yale hearty and hale" +Sports,Dawson drives Crimson +Sports,Boise State streaks on +Sports,Footnotes +Sports,UNH surges with air attack +Sports,Moats sinks Fresno St. +Sports,Michigan's Henne heats up +Sports,Front-runner Eidmann finishes first +Sports,Defense holds for Mansfield +Sports,Xaverian flashes show of strength +Sports,Woburn's win is all Hart +Sci/Tech,Bigger Eruption Predicted at Mount St. Helens +World,Indian Police Probe Northeast Bombings That Killed 49 People +Business,Florida vacation? Fuggeddaboudit! +World,U.S. Spy Plane Crashes Near Base in Pakistan (Reuters) +World,"Bush Raps Kerry, Slips in Newsweek Poll (AP)" +Sci/Tech,Fall offers fine gazing +Sci/Tech,Open Source Champions Shoot Down Microsoft FAT Patent +Sports,Canas seals third title +World,Sharon vows to stop rockets +World,Fight for Aristide continues +World,US forces continue Samarra hunt +World,Optimism from Bigley negotiator +World,Football: Glazer 'eyes Man U bid' +Sports,NL Wrap: Finley Slams Dodgers to West Title +Sports,Sharapova Strolls to Korea Open Title +Sports,Houston Has No Problem Landing Wild Card Tie +Sports,Flagging a poll: Not so fast on Bull dynasty' +Sports,Easy does it as Els retains WGC lead +Sports,Phillies' Bowa is sent packing +Sports,It just isn't Minutemen's time vs. BC +Business,"Bush touts tax relief, Edwards slams Bush record" +Sports,Rio is captaincy material: Ferguson +Sports,Winner Sun thankful to rains for a cool morning +Sports,Baseball Notes +World,New violence hits Gaza +Sci/Tech,Choose your own adventure +Sports,China #39;s Sun Yingjie wins women #39;s world half-marathon +World,Blair undergoes heart operation +Business,IMF failing to agree on debt plan +Business,UK #39;s Brown Says No Agreement Reached on Poor Nations #39; Debt +Business,"Airbus and Boeing Must Avoid WTO Case, France #39;s Sarkozy Says" +Sci/Tech,NASA Hopes to Build #39;Giant Pinhole Camera #39; +Sports,Maybe it #39;s too subtle +Sports, #39;Caution #39; laps +Business,Bank leaders fail to reach pact +Sci/Tech,No space at the station as garbage piles up +Sci/Tech,Dreams take flight in Mojave +Sci/Tech,Two-thirds #39;unlikely #39; to pay for music downloads +Sports,Canas thrashes Burgsmuller to win Shanghai Open +Sports,Quinn displays progress from #39;03 +World,Stern action against northeast terror: Indian official +Business,Tough Beat +Sports,Fun and games during Premier League clashes +Sports,Wasteful Valencia held to draw +Sports,Montreal bids adieu to Expos +Sports,Purdue rumbles past Notre Dame +World,Ransom may save Bigleys life- Report +World,Gunmen Attack Mauritania Security Chief #39;s Home +Business,Beer giants go on spending spree +Business,JAIL GETS MAKEOVER +Sci/Tech,Space Ship Prepares to Blast off for #39;X Prize #39; +Sports,"I wasn #39;t afraid of Joseph, says Kirui" +Sports,It #39;s simple: Six outs too much to ask of A #39;s bullpen +World,25 Terror Suspects Nabbed in Afghanistan +World,Bodies of Two Westerners Found South of Baghdad (Reuters) +World,"Abuses in Afghan Campaign, But UN Sees Fair Vote (Reuters)" +World,"Sharon Vows to Expand Gaza Raid, Toll Hits 50" +Business,Tata Consultancy strikes deal with Ferrari: +World,Bodies of Two Westerners Found South of Baghdad +World,Israel Demands U.N. Probe Gaza Film Incident +Business,Smiths Group to Buy Medex for \$625 Million in Cash (Update3) +World,Tired Pope Beatifies Mel Gibon's 'Muse' +World,"In Sudan, No Clear Difference Between Arab and African" +World,Finance Leaders Can't Resolve Debt Relief +Business,Cendant to pay \$1.25 billion for Orbitz +Sci/Tech,Q amp;A: Red Hat #39;s CEO on his company #39;s latest acquisition +Sports,Kenya #39;s Kirui wins World half-marathon +Sports,Growing up with Little E #39; +Sports,Auburn helps freshman QBs act their age +World,"More bombs in India, 53 now dead" +World,Calm returns to Haitian +World,Head of UN nuclear watchdog arrives in South Korea +World,Tired Pope Beatifies Mel Gibon #39;s #39;Muse #39; +World,Conference seeks to combat illegal sales of wildlife +Sports,Canas Thrashes Burgsmuller to Win Shanghai Open +Business,IPO Outlook Muted +Sports,Clijsters setback +Sports,Volunter running game goes gamey again +Business,A Seismic Shift Under the House of Fannie Mae +Sci/Tech,Sit back and watch the Earth die +Sports,Sven: Rio captaincy material +Sports,Astros control destiny as season winds down +Sports,Notre Dame Notebook +World,18 ETA suspects held in raids +World,At least 14 killed in Thailand blast +World,Blair recovering after heart treatment +World,UN nuclear watchdog chief wants SKorea to come clean (AFP) +World,U.S.-Led Forces Claim Victory in Samarra +World,New Bomb Blast Wounds 15 in India +Business,IMF failing to agree on debt plan +Business,"Lazard Asks Partners to Take Pay Cut, People Say (Update2)" +Sci/Tech,Vivisimo Offers Consumers a New Search Engine Format +Sports,Shutting up the echoes +World,Howard finds his own pot of old gold +World,Dutch rally against benefit cuts +World,Slovenia leader in key poll test +Business,Lazard chief could opt for sale over IPO-report +Sports,"Bulldogs lie in wait for 10 months, then chew up Tigers from <b>...</b>" +Business,Judge Ready to Start Parmalat Hearings +Business,How mutual funds can be like marriage +Sports,Trinidad #39;s successful r +Sports,Racing: Brazil #39;s Kanaan set to clinch Indy-car crown +Sports,Sharapova easily wins Korea Open +Sports,Federer beats Roddick again +World,Gadaffi family vow to help UK hostage +World,Blast at fireworks factory +Business,Glazer 'eyeing Man Utd bid' +World,Dog with bird flu sparks new fears +Sports,UPDATE 1-Leading results in Rally of Italy +World,Brother may #39;buy #39; Bigley +World,14 killed in explosion at fireworks factory +World,Sermon urges unity for island +Business,US Stocks Rise in Week; S amp;P 500 Gains for 7th Week in Eight +Sports,Trinidad rocks Mayorga +World,UN nuclear watchdog chief wants SKorea to come clean +World,Factory explosion kills 14 people in Thailand +World,"Slovenia, Serbia and Abkhazia Hold Elections Sunday" +World,Bodies of Man and Woman Found Near Iraqi Capital +World,Senior journalist killed in northern Bangladesh +Sci/Tech,SanDisk flashes new memory cards +World,Geoffrey Rush #39;s doubts about Sellers +World,IAEA Chief in Seoul for Nuclear Talks +World,Nationalists Strong in Bosnia Poll Count +Sci/Tech,Billy Joel Marries 23-Year-Old Fiancee (AP) +Sci/Tech,-Posted by dan.farber 10:15 am (PDT) +Sci/Tech,US space agency shooting for out-of-this-world ideas +World,Pope to beatify controversial nun +World,"French police arrest 17, find heavy weapons in anti-ETA swoop" +World,Girl and dog in Thailand have bird flu +World,Security tight for Afghan inauguration +World,"Turkey Says EU 'Homework Done,' Green Light Ahead (Reuters)" +World,"Pope Beatifies Emperor, Nun, Three Others (AP)" +World,Report: Kerry Cured of Prostate Cancer (AP) +World,Serbia Prodded to Face War Crimes Issues (AP) +World,"U.S.-Led Forces Tighten Grip, Draw Complaints" +World,"Sharon Vows to Expand Gaza Raid, Toll Tops 50" +World,"Turkey Says EU 'Homework Done,' Green Light Ahead" +World,India Vows to Flush Out Northeast Rebels +World,Nationalists Strong in Bosnia Poll Count +Sports,Martin #39;s legs carry Jets +World,Blast hits Thai fireworks factory +World,2000 troops amass to stop Gaza rockets +Sports,Berdych Wins First ATP Title in Sicily (AP) +World,Billy Joel Marries 23-Year-Old Fiancee +World,New Separatist Violence Strikes India +World,Prosecutors Ready to Wrap Up Peterson Case +Sci/Tech,Wrapping Up the Genesis Crash Site +Business,"Oil, Profit Reports to Weigh on Stocks" +Business,China in G7 talks +Business,Multiplex weighs bid in billions +Business,US OKs Emergency Oil Loan to 4th Refinery +Business,Why put this drug on the market? +Sports,Dementieva hits back to win +Sports,Sven: Beckham stays in charge +Sports,No words can explain outcome +Sports,Angels shine under huge spotlight +World,Navy officers on porn counts +Business,Yahoo #39;s Home Page Gets Functional Facelift +Sci/Tech,Vivisimo Search Engine Clusty Offers More Targeted Search +Sci/Tech,Watch this space +Sports,Hot Gunners shoot clear +Sports,"Fahrenhorst elbow an accident, insists Ballack" +Sports,Solberg maintains late title rally +Sports,Toseland Wins WSB Crown +World,Violence sweeps northeastern India +World,Afghan forces arrest 15 Taliban fighters +World,"ETA Suspects Held in France, Spain" +World,IRA Would Disarm if N.Irish Deal Is Struck - Adams +Business,Arthritis sufferers at a loss +Business,Ex-Air Force buyer sentenced in scam +World,IRA Would Disarm if N.Irish Deal Is Struck - Adams (Reuters) +World,"US Court to Decide Sentencing, Death Penalty Cases (Reuters)" +World,Israel to expand deadly offensive +World,Pope declares controversial figures blessed +World,US Firms Look Ahead To Emissions Cuts Overseas +World,IRA Would Disarm if N.Irish Deal Is Struck - Adams +Sports,"Cal angry, frustrated after Texas takes Rose Bowl spot" +World,Iran to attend Iraq poll meeting +World,"Pope Beatifies Emperor, Nun, Three Others" +World,"In Sadr City, Stalking the Enemy Lair" +Sci/Tech,SpaceShipOne Set for Historic 2nd Flight Monday +World,Fresh Blasts Rock Northeast India +World,"After Long Hiatus, Iraqi Airways Back in Skies" +World,Oil Prices Generate Winners and Losers +World,Fujimori Accounts Hold Millions of Dollars -- Peru +Sci/Tech,Vioxx Withdrawal Raises Concern About FDA +Sci/Tech,Some Scientists are Looking to Fat for Stem Cells +Sports,Els Sweats Out American Express Victory (AP) +Sports,Dementieva Beats Bovina in France (AP) +Sports,Kovalainen surprises at Race of Champions +Business,"IMF, World Bank Warn of Imbalances" +Sports,Bjorn challenges but falls shorts +World,Blast hits Thai fireworks factory +World,Two bodies found in Iraq +Business,Snow: U.S. Backs Sweeping Debt Relief +Sci/Tech,Vivisimo Search Engine Clusty Offers More Targeted Search +Sci/Tech,Cisco Names CRS-1 Users +Sci/Tech,ArtinSoft tackles database migration +Sci/Tech,IBM Says Blue Gene Breaks Speed Record +Sports,Arsenal expose England #39;s soft underbelly +World,Latham behind on security but making up ground +World,14 dead in Thailand fireworks fire +Sci/Tech,Tourists Await Mount St. Helens Eruption (AP) +Business,Electronic Data Reaches Pact With Navy +World,Israeli airstrike kills militant in Jabalya +World,Al-Baradai in S Korea +Business,Ahold Sells Spanish Business to Permira for 685 Million Euros +Sci/Tech,Manhunt game banned +Sports,Valencia Held But Stay on Top +Sports,UEFA threatens Austria-Switzerland over Euro 2008 +World,18 Terror Suspects Nabbed in France Sting +Business,9.3 economic growth for China in 2004 expected +Business,"Kerry, Bush move focus to economy, jobs, taxes" +Sci/Tech,Parents should censor games - expert +Sci/Tech,Enter the ultimate ego trip +World,Embassy bombing girl to go home to Italy +Sports,CANAS TRIUMPHS IN SHANGHAI +Sports,"Kirui, Sun win world half-marathon titles" +Sports,Smith saves United blushes +Business,Kerry sharpens economic rhetoric Buoyed by postdebate polls <b>...</b> +Sports,Eriksson tips Ferdinand as potential captain +World,Blair #39;feeling fine #39; as he goes for heart op +World,Gaddafi asked to help save hostage +World,Jakarta blast: Manny #39;s amazing recovery +Sports,"Cal takes no prisoners, wins 49-7" +Business,Smiths in talks to buy US medical device co Medex for nearly \$1B +Business,Stocks Seen Flat at Open; Oil Edging Up +World,Nigerian rebel leader reaches out to rival in troubled oil region (AFP) +World,Nuclear sanctions jar improving U.S.-India ties (Reuters) +World,Drought Aid Colors S.D. Senate Race (AP) +World,UN transfers war crimes case to Serbian court: Del Ponte (AFP) +World,Iraqis Flee Fighting in Samarra by River Boats +World,"Sharon Vows to Expand Gaza Raid, Toll Hits 55" +Business,"At HSBC, Eldon plans departure" +World,UK Terror Suspects Were Building Dirty Bomb - Time +World,Rebels Launch New Attacks in India's Northeast +World,Brazil Ruling Party Seeks Stronger Hand from Poll +World,Iran's parliament sacks minister +World,U.S. and Iraqi Forces Scour Samarra for Holdouts +World,Els Sweats Out American Express Victory +World,Karzai Accepts Award Ahead of Election +World,Sharon: Israel Will Expand Gaza Offensive +World,Rice Defends Characterization of Saddam +World,Brazil Ruling Party Seeks Stronger Hand from Poll +Sports,Women #39;s Tennis: Dementieva Defeats Bovina at Gaz de France Stars <b>...</b> +Sports,Swiss Chided for Lack of Euro 2008 Stadium (AP) +Sports,Verplank Will Play in World Cup (AP) +Sports,Els Enjoys New Lease of Life with Mount Juliet Win +Sports,Frustrated Woods Leaves Ireland as World No. 3 +Sports,"Redskins Tied, 3-3" +World,Nationalists Leading Bosnian Elections +Business,Fund looks at debt relief plan +Sci/Tech,Vivisimo Launches Clusty to Provide Efficient Search Services to <b>...</b> +Sci/Tech,Solar dust salvaged from fallen capsule +Sports,Soccer: Saviour Smith upstages Rooney +Sports,Racing: Bago nails the Arc +Sports,France #39;s Trezeguet may need shoulder operation +World,"Pope Beatifies Emperor, Nun, Three Others" +World,Iran Rejects Kerry #39;s Nuclear Proposal +World,Iraq Parties Join Forces to Avert Defeat (AP) +World,Bigley: Gaddafi to help +World,"Missile defence, just a hiccup in U.S., takes on political life in Canada (Canadian Press)" +World,"Bush, Kerry on Issue of Minimum Wage (AP)" +World,"Turkey Says EU 'Homework Done,' Green Light Ahead" +Sports,Tennis: Spain grinds US into the clay +World,U.S. and Iraqi Forces Complete Takeover of Samarra +World,Clemens to Miss Start With Virus +Business,Southwest Considers DFW Move +Business,Penalties unlikely to rein in Microsoft +Sports,Clemens to Miss Start With Virus (AP) +Sports,"Trinidad Is Back, and Looking for Hopkins (AP)" +Sports,Season over for Clijsters +Sports,Maria Zambrano top Canadian at half-marathon worlds +Sports,Schwarzer heroics could spark Old Trafford move +Sports,Clijsters Sidelined Until 2005 +Sports,Clemens to Miss Start With Virus +Business,Westfield battles for control property giant +Business,IMF Group Fails to Reach Concensus on Debt Relief Program +Sci/Tech,Coming to a PC Near You +Sports,Funk seizes lead in Mississippi +Sports,BAGO BLASTS BACK FOR ARC GLORY +Sports,Canas wins Shanghai title +World,Europe should understand the mood in Iran: FM spokesman +World,Nigeria: Rebel talks continue +World,Rights groups protest terror detentions +Sci/Tech,"Search Engine News This Week - Clusty, Yahoo, and MSN" +Sci/Tech,Space Station Oxygen Supply Fails +Sports,Tennis: Dementieva clinches first title of season +Sports,Solberg wins first WRC event in Sardinia. +World,Sharon says troops will stay in Gaza until rocket attacks on <b>...</b> +Sci/Tech,Microsoft Entering the Anti-Spyware Market +Business,Kerry rolls out tax-cut plan for middle class +Sci/Tech,NASA delays shuttle #39;s spring 2005 launch date +Sci/Tech,Observing the Moon in Shadow +Sports,Twins win suspended game quickly +Sports,"UPDATE 2-Ferdinand, Rooney and Campbell back for England" +Sports,Northwestern ends 33 years of frustration with victory over <b>...</b> +Business,Qualcomm Buys Spike +Sci/Tech,"Livewire: Craigslist Thrives on Service, Profits (Reuters)" +Sci/Tech,PluggedIn: DVD Lagging TV in Recorders Race (Reuters) +Sports,Petter Solberg Claims Victory at Rally of Italy +Sci/Tech,PluggedIn: DVD Lagging TV in Recorders Race +Business,IPO Outlook Muted (Reuters) +Business,Snow: U.S. Backs Sweeping Debt Relief (Reuters) +Business,"PeopleSoft cans CEO Conway, appoints founder Duffield" +Business,More petrol price rises feared +Sci/Tech,New EU Research Chief Open to Stem Cell Research (Reuters) +World,Sudan ready to sign peace deal with south: Beshir (AFP) +World,"Federal briefing note says Ottawa, not Winnipeg, best place for health agency (Canadian Press)" +World,Bush campaign on defensive amid new questions on prewar Iraq intelligence (AFP) +World,Italy deports island immigrants +World,Afghanistan Death Toll in 2004 Up to 957 +World,'Shark Tale' Hooks Movie-Goers With \$49.1M +World,Sun Edge Liberty to Reach WNBA Finals +World,Militant Attacks in India Claim 57 Lives +Business,Fastow may appear in barge trial +Business,Next hit: double-digit insurance hikes +Sports,Big Upsets Shake Up AP Football Poll (AP) +Sci/Tech,"Livewire: Craigslist Thrives on Service, Profits" +Sci/Tech,Total Lunar Eclipse on October 27 +Sci/Tech,IBMs Blue Gene/L: Current world topper among computers +Sports,Eagles Easily Best Struggling Bears (AP) +Sports,More Glory for Russia #39;s Tennis Queens +Sports,Federer thumps Roddick in Thailand Open final +Sports,Angels Win 1st Division Title in 18 Years (AP) +World,Oz election: Howards expensive battlers +Sports,Late Goal Salvages Tie for Man United (AP) +Sports,Federer Ties Mark for Consecutive Finals (AP) +Sports,Sun Edge Liberty to Reach WNBA Finals +Sports,Devil Rays Top Wins Mark in Beating Tigers +Sports,Els Sweats Out American Express Victory +Sports,Spain's Freire Wins World Cycling Title +Sports,"Tigers Bringing Back Trammell, Staff" +Business,No Time Frame for Yuan Move -China +Business,Update 3: Enron Barge Dealmaker Regrets Deal +Sports,Nomar will consider returning to Cubs +World,Vatican Set to Beatify Gibson #39;s Passionate Muse +Business,Blow to poor states as donors defer debt plan +Business,Lukoil deal flies in the face of Russia #39;s lost opportunities for <b>...</b> +Sci/Tech,SpaceShipOne Bid Seen Opening Space for Business +Sports,"NFL: Philadelphia 19, Chicago 9" +World,Seven Killed in New Blasts +World,"Turkish, German leaders confident of EU green light for Ankara" +World,"France, Spain swoop on ETA suspects, arrest separatist group <b>...</b>" +Sci/Tech,"Mount St. Helens Dates Back 40,000 Years (AP)" +World,Rebel Region Votes in Defiance of Georgia (Reuters) +Sports,Els maintains two-shot lead at WGC-American Express +Sports,Eriksson recalls Red Devils trio +Sports,Blue Jays announcer Cerutti found dead in hotel room +Sports,"Barber, Shockey score TDs to lead Giants past Packers 14-7" +World,Rice Defends Comments on Iraq Nuke Threat (AP) +World,Fox New Channel admits reporter posted fake story about Kerry (AFP) +World,Gaza clash tests withdrawal plan +World,"After squeezing rebels, India's northeast ignites" +World,US volcano eruption 'imminent' +World,"Manning Leads Colts Past Jaguars, 24-17" +Sports,Astros Top Rockies to Claim NL Wild Card (AP) +Sports,Patriots Down Bills for 18th Win in Row (AP) +Sports,Panthers' Smart Injured on Kickoff Return (AP) +Sports,Expos Fans Say Farewell at Shea Stadium (AP) +Sports,Astros Beat Rockies to Win NL Playoff Spot +Sports,Houston Earns N.L. Wild-Card Spot +Business,Finance Leaders Tackle Terror Financing +Business,"IMF projects 3.6, 3.5 growth in 2004 and 2005" +Business,Briefly: Sarkozy focuses on aircraft aid +Business,Mutual Funds Quarterly +Business,A break for investors: lower fees on index offerings +Business,Wall Street Not Troubled by Oil Rise--Yet +Sci/Tech,Private spaceship is set to take a second trip +Sci/Tech,"Microsoft patent is rejected, but company vows to fight back" +Sports,Baseball: Dodgers and Angels have California dreaming +Business,US need not fear India and China: Bill Gates +Business,Westfield battles for control of property giant +Sci/Tech,"Genesis samples #39;looking very, very good #39;" +Sports,Els fends off rejuvenated Bjorn to shoot down Tiger +Sports,Patriots 31 Bills 17 +Sports,Astros Beat Rockies to Win NL Playoff Spot +Sports,West Virginia out of national title race +World,Sharon vows to expand offensive +World,Pak. scribes on visit to J amp;K +Sci/Tech,Mount St. Helens Packs Natural Arsenal (AP) +Sci/Tech,Nobel Prize Winners Set to Be Announced (AP) +Business,Oil Price Spike Had Chilling Effect -Fed (Reuters) +Business,Finance Leaders Tackle Terror Financing (Reuters) +Business,IMF head sees no consensus on demand by poor countries for a greater voice (AFP) +Business,China: Efforts to Cool Economy Working +Business,PeopleSoft Fires CEO +Sports,Klitschko-Williamson: A Well-Educated Battle +Sports,Federer thumps Roddick for Bangkok title +Sports,SportsNetwork Game Preview +World,Clashes in Haitian capital kill at least 14 +World,Iran may halt snap nuclear inspection if parliament approves <b>...</b> +Sci/Tech,Chip sales slow in August +Sports,Wladimir wins comeback bout +World,Iran refuses to surrender nuclear fuel technology +Business,"At IMF, US bows to pressure to forgive debt" +Business,"BlackBerry, Bluetooth Miss a Shot to Move Into More Hands" +Sci/Tech,RIAA sues 762 users over file sharing +World,IAEA head in Seoul to discuss nuclear activities +World,Blast at Thai fireworks factory kills 14 +Business,"Sept. Sales Boost GM, DC, Toyota" +Business,Nigeria centre stage as oil traders eye new highs +Sci/Tech,Programs: 'Evil Genius' Brings Out Your Inner Villain (Reuters) +Sports,I Rushed The Irish +Sports,Sports: Blue Jays announcer found dead in hotel room +Sports,Juve Go Clear +World,Separatist attacks kill 57 in north-east India +World,Tired pope beatifies Mel Gibon #39;s quot;muse quot; +World,Russia reports fair weather +World,Ireland tries to get UK hostage #39;s release +Sci/Tech,Programs: 'Evil Genius' Brings Out Your Inner Villain +Sci/Tech,"Linux, AOL tie up for security solutions" +Sports,"Angels, Dodgers sew up titles" +Sports,Injury adds to Owen #39;s woes +Sports,"Favre suffers concussion, throws TD anyway" +World,Germany supports EU negotiating with Turkey on membership issue +World,Police raid alleged by Bigley brother +Sports,"Favre flattened, Packers humbled vs. Giants" +World,West Bank Family Pleads for Release of Iraq Hostage (Reuters) +World,Look at U.S. Military Deaths in Iraq (AP) +World,Iranian president calls for dialogue between Muslim world and the West (AFP) +World,Thailand Fireworks Plant Blast Kills 14 (AP) +World,West Bank Family Pleads for Release of Iraq Hostage +World,Shia militias clash in Lebanon +World,Rice Defends Comments on Iraq Nuke Threat +World,Samarra Victory Encourages Iraqi Forces +World,Astros Top Rockies to Claim NL Wild Card +World,Nader to Hit Swing States; Kerry Improves +Sports,United lose ground on Chelsea +Sports,Dementieva wins title in Belgium +Sports,Pats Tie Streak - Title Would Be Better (AP) +Sports,Diamondbacks End Worst Year With Win (AP) +Sports,La. Tech Wrecks Fresno State's BCS Dreams (AP) +Sports,Levi Wins Constellation Energy Classic (AP) +Sports,NFL Wrap: Barber Runs Over Packers as Giants Win +Sports,"AL Wrap: Indians, Twins Split Doubleheader to End Season" +Sports,Loss Sends Minnesota to the Bronx +Sports,Sun Sweeps Out Liberty to Reach W.N.B.A. Finals +Sports,Astros Grab Wild Card +Sports,Rookie Rallies Steelers +Sports,Eagles Easily Best Struggling Bears +Sports,What's That? Baseball's Back? +Business,Update 2: Finance Chiefs Cite Debt Relief Progress +Business,Lazard IPO filing imminent? +Business,Investor Profile: Asensio Ponders Long Bet +Business,China Pledges to Push Ahead #39; to Flexible Yuan Rate (Update6) +Sci/Tech,SpaceShipOne just one flight away from X Prize +Sports,Mariners #39; Suzuki Gets Two Hits to End Season With Record 262 +Sports,"Giants 10, Dodgers 0" +World,Aristide Backers Riot for 3rd Day in Haiti; Death Toll Rises to 7 +World,ALP throws away script +Business,Nikkei Opens Higher +Business,Dollar stands firm against rivals in cautious market +Sports,Sports: Funk wins SFC Classic +Sports,Doug Fischer +Sports,Klitschko beats Williamson on points as head butt stops fight +Sports,Federer beats Roddick to win Thailand Open +World, #39;Passion #39; Source Named New Roman Catholic Saint +Business,No relief as IMF and World Bank talks on poor end in failure +Business,NZ PRESS: Telecom Denies AAPT Consumer Unit Is For Sale +Business,O #39;Leary charms Boeing workers +Sports,Funk ends title drought +Sports,NFL Game Summary - NY Jets At Miami +Sci/Tech,Disabled Are Pleased With E-Voting (AP) +Sci/Tech,"Internet health advice can bring on 'cyberchondria', study shows (AFP)" +Sci/Tech,SpaceShipOne a Flight Away From #36;10M Prize (AP) +Sci/Tech,Deformed Fish Found Near Treatment Plants (AP) +World,"Paris exhibit looks at history of bags, from functional to fashionable (AFP)" +World,Rice Defends Iraq Weapons Characterization (washingtonpost.com) +World,Democrat Elected as Powerful Belgrade Mayor +Business,Accountant testifies he lied about Enron barge deal +Business,Dubai IT expo opens +Sports,"Juventus stretches lead; Roma, Inter draw" +Sports,Kirui and Sun are best in half-marathon +Sports,EA Sports 500 results +World,Samarra residents angry over civilian death toll +World,S. Korea Tightens Security After Possible Al-Qaeda Threat Aired +World,Mandelson faces EU job grilling +World,Jets Turn Miami Miscues Into Third Victory +World,Jobs Report Could Set Direction of Market +World,Sharon Pledges to Escalate Broad Israeli Gaza Offensive +Sports,"Bonds, Suzuki Win Batting Titles (AP)" +Sports,Late-Season Heroics Guide Astros Into Playoffs (Reuters) +Sports,Funk Ends 6-Year Drought With Win at SFB (AP) +Sports,Late-Season Heroics Guide Astros Into Playoffs +Sci/Tech,Ballmer calls security a never-ending battle +Sports,Earnhardt Jr. Wins Another Talladega Race +Sports,THECHAT +Business,Nikkei Seen Rising After Wall St Recovers (Reuters) +Business,Battle of Form (and Function) in MP3 Players +Business,Is It Still Called a Venture Fund When You Use Your Own Money? +Business,Battle Between Oracle and PeopleSoft Shifts to Delaware Court +Sci/Tech,The Widening Web of Digital Lit +Sports,Bago shows true colours to lift Arc +Sports,Boro #39;s rookies outshine Rooney +Sports,Solberg world class in losing his title +Sports,Houllier is keen on comeback +Sports,Colts start to find their harmony +World,Why they continue to murder +World,Brazil Ruling Party Forced to Run-Off in Sao Paulo +Business,Ahold Sells Spanish Stores +Business,Pay Go: What it means to US and India +Sports,"MLB: San Francisco 10, Los Angeles 0" +Sports,Favre adds to his legend +World,"Sao Paulo Mayor Suplicy, Lula Ally, Heads for Runoff (Update1)" +Business,"Japan Stocks Higher, Led by Tech Rebounds (Reuters)" +Business,"Despite booming economy, no concrete move on debt relief (AFP)" +Business,Finance Leaders Urge Vigilance on Terror +Business,Ahold Confident #39; of EU2.5 Billion Asset Goal After Spain Sale +Business,Nikkei Opens Higher +Business,Merck info line swamped over Vioxx recall +Business,Economic Powers Fail To Agree On Debt Relief +Business,Airbus prepares rival to Boeing #39;s Dreamliner +Business,Tokyo Stocks Rally at Open; Dollar Rises +Sci/Tech,Pinhole camera to seek out new worlds +Sci/Tech,Four Out Of Five Linux PCs End Up Running Pirated Windows +Sci/Tech,MSN Messenger 7 Beta: First impressions +Sports,Unfinished Business! - Accidental head-butt sends fight to the <b>...</b> +Sports,Cycling: Freire crosses line and then celebrates +Sports,Former Blue Jays Pitcher Cerutti Found Dead +Sports,Fontana: Honda race report +Sports,Freire takes third world crown +World,Journalists team leaves for India +Sci/Tech,Mount St. Helens May Take Weeks to Erupt (AP) +Business,Finance Leaders Urge Vigilance on Terror (Reuters) +Business,Nikkei Up 2 Percent in Late Morning +Business,Drama Before Curtain Call at Theater +Business,Zients Finds Sweet Spot +Business,Realtors Wield Power of Intimidating Views +Business,"Investing Big Money, Lending Their Fame" +Sci/Tech,New Clustering Search Engine to battle Google +Sports,Castroneves captures Indy race pole +Sports,Federer hammers Roddick for 10th title of season +Business,IMF must learn the golden rule +Sci/Tech,Is It Still Called a Venture Fund When You Use Your Own Money? +Sci/Tech,The Broad Reach of Satellite Radio +Sci/Tech,Meeting Site Stands Nearly Alone +World,Sharon Vows to Escalate Gaza Offensive (AP) +World,Afghan Death Toll Mounts As Voting Nears (AP) +World,IAEA Chief Arrives in Seoul for Nuclear Discussion +World,"A Small New York School, Focused on Theater" +World,Sources Say Tiger Woods to Wed This Week +Sci/Tech,Private plane set for Space mission +Sci/Tech,Educational and Funny Research Honored +Sci/Tech,US scientists map genome of greenhouse gas-eating algae +Sports,Canas beats Burgsmuller to capture Shanghai title +Sports,NFL Wrap: Barber Runs Over Packers as Giants Win (Reuters) +Sports,Ostertag Out 4-6 Weeks With Broken Hand (AP) +World,Now Afghanistan needs a mother +Sports,Former Blue Jays Pitcher Cerutti Found Dead (Reuters) +Sports,Hockey Stars Raise Money for Firefighters (AP) +Sports,NFL Wrap: Barber Runs Over Packers as Giants Win +Sports,Former Blue Jays Pitcher Cerutti Found Dead +Sports,"Motor Racing: Less Can Be More, Say Former Champions" +Sports,Patriots Make the Bills Pay and Win Their 18th Game in a Row +Sports,Giants' Barber Sees Daylight at a Good Time +Sports,Giants Just Watch as Astros Clinch N.L. Wild Card +Sports,Defense Thumps Bills +Sports,Giants Shake Favre +Sports,Who's Next for Tito? +Sports,Dolphins Flounder +Sci/Tech,Disabled Americans Are Pleased With E-Voting +Business,Fannie Mae Stock Ratings Warrant Their Own Analysis +Business,Market on record run +Sci/Tech,SpaceShipOne gears up for final leg of Ansari X Prize +Sci/Tech,"Netflix, TiVo Make Deal Official" +Sports,Team of the Week +Sports,"Kirui, Sun win world half-marathon titles" +Sports,Vick #39;s aggressive move sets tone for one-sided division rivalry +World,Alleged Leader of ETA Is Captured in France +World,PM pitches to undecided voters +Business,"Asian Tech Stocks Rally, Dollar Edges Up" +Business,Internet Grants to Schools Halted as the F.C.C. Tightens the Rules +Business,Piper Rudnick to Merge With Big British Firm +World,Chronology of Saudi attacks +Business,Stocks continue record breaking run +Business,SBA Offers Discounted Loans for Disaster Victims +Sci/Tech,SpaceShipOne Team Ready To Grab X Prize +World,THAILAND-BLAST-FIREWORKS +World,Six Shot Dead in New Northeast India Violence (Reuters) +World,Yudhoyono Wins Indonesia Poll- Preliminary Result (Reuters) +World,Joint Operation Hauls in ETA Suspects (AP) +World,Israel Expands Raid with Air Strike Near Gaza City +World,Taiwan Chen Plans National Day Speech on China +Business,The Money Man +World,"As Afghan Vote Nears, Taliban Isn't Only Worry" +World,Out of Hiding in Samarra +Business,"Asian Tech Stocks Rally, Dollar Edges Up (Reuters)" +Business,Japan Shares Up 2 Percent by Midday +Sci/Tech,Finder of first Peking Man skull commemorated in Beijing +Sci/Tech,Trash Begins to Clutter Space Station +Sports,Ernie rids himself of demons +Sports,Federer wins Thailand Open +Sports,Atlanta uses fourth-quarter spurt to drop Panthers +Sports,San Francisco 49ers +World,Rightist Tokyo governor Ishihara says war kept Asia safe from <b>...</b> +World,Singapore #39;s speech ran counter to basic rights +Business,"Lazard #39;s Wasserstein Faces Board Dissent Over IPO, People Say" +Business,Issing sees inflation above target +Business,Northwest #39;s CEO Deplanes +Business,So Much For Hollowing Out +Business,A Gusher Of Cash For Domestic Drilling +Sports,"Els closes with 69, edges Bjorn to win WGC title" +Sports,Astros can clinch last playoff berth Sunday +Sports,Guillermo Canas wins championship at Shanghai Open +World,Turkey At The EU #39;s Door +Sports,Giants See Daylight at Right Time +Sports,"Jets Grab, Pick and Sack to Victory" +Sports,Earnhardt Takes Lead +World,Japan to Ask U.S. to Remove Some Okinawa Bases -Paper +World,Poll gives Kerry post-debate lead +World,"In Russia, Dissent Grows Over Moves to Curb Autonomy" +World,"Haitian Death Toll From Storm Nears 2,000" +World,Results Show Da Silva Leading Brazil Vote +Business,SunGard to Spin Off Data Unit +Sports,Hitting History: Seattle outfielder singles in first two at-bats <b>...</b> +World,Gadaffi Family Vow to Help Free Hostage +World,MANNY MUSU HEADS TO ITALY +World,Khmer Rouge face genocide trial +World,Manny flies to Italy after stunning recovery +World,Pakistani Journalists Arrive in India for Unprecedented Kashmir <b>...</b> +Sci/Tech,New Tungsten Boasts Big Storage +Sci/Tech,Yahoo Local Officially Launches +Business,Michael Peltier: Some insurers waiving mulitple deductibles +Sports,Mariners Notebook: Ichiro pads hit parade +Sports,Henry scores two as Arsenal crushes Charlton 4-0 +Sports,Pats capitalize on others #39; mistakes +Sci/Tech,The Broad Reach of Satellite Radio +World,Taiwan Nervous That China Embargo May End (AP) +World,"Haitian Death Toll From Storm Nears 2,000 (AP)" +World,Kerry Says Republicans Suppressing Voting (AP) +World,Brazil's Ruling Party Faces Sao Paulo Run-Off Vote +World,China holds firm over yuan reform +Business,Crude Oil Prices Ease Slightly +Business,"Citigroup #39;s Yamada, Top Technical Analyst, Sees Dow Falling" +Sports,Rams Defeat Winless 49ers 24-14 (AP) +World,Rock to the rescue of Malaysia +Business,Nikkei Up 2.5 Pct in Afternoon +Business,"UPDATE 1-ECB #39;s Noyer urges fiscal discipline, reforms" +Business,Don #39;t bank on double-digit returns from funds +Business,Accountant testifies he lied about Enron barge deal +Sci/Tech,Sony drops copy-control CDs +Sci/Tech,Sci/Tech ; Viral movies possible with RealPlayer flaw +Sports,Funk ends six-year victory drought +World,Brazil #39;s Workers #39; Party gains in mayoral voting +World,Susilo thanks Indonesians for electing him +World,Cambodian Assembly Ratifies Khmer Rouge Trial Pact +Business,Hurricanes Likely To Cause Insurers #39; Rates To Rise +Business,Telecom denial over AAPT +Sci/Tech,"Sony of Japan abandons copy-control music CDs, adapting to <b>...</b>" +Sci/Tech,US users know more about boobs than viruses +World,Thailand bird flu deaths increase +World,Afghan campaign picks up as Karzai heads for Berlin +World,Khmer Rouge tribunal pact OKd in Cambodia +Business,"Shares Dip Amid Economic, Security Fears" +World,Former General Yudhoyono Wins Indonesia Poll +World,Yudhoyono set to claim victory +World,US launches new raids on Falluja +World,Tuesday's Debate Has New Importance +World,A Brutal Sexual Assault Galvanizes Swazi Women +Sports,Sharapova Wins Hansol Korea Open +World,Elbaradei Expresses Hope for Quick Settlement of S. Korea #39;s <b>...</b> +Business,"PHILIPPINES PRESS: Smart, Mobile One In Talks For Tie-Up" +Sci/Tech,X Prize try today may set history +Sci/Tech,October is computer safety month +Sci/Tech,Whats common to country music +Sports,Who Els but Ernie for title +Sports,FANS WANT TRINIDAD- HOPKINS II +Sports,TESTING TIMES FOR OWEN +World,"Arms, Cars Top Schrders China Trip" +Business,Automakers improve side-impact protection +Business,"Smart, Mobile One in talks for tie-up" +Business,Fannie #39;s funny accounting +Sci/Tech,Astronauts conduct fall cleaning in space +Business,Oil prices boosting BP's fortunes +Business,Priest #39;s gift will help students afford college +Business,Freddie Mac finds stability in this week #39;s mortgage rates +Sci/Tech,The wrong stuff: junk in space station +World,Around the world +World,Khmer Rouge tribunal approved +Sci/Tech,Macromedia readies Captivate for demos and simulations +Sci/Tech,PalmOne unveils Tungsten T5 +Business,SBC has one-stop message service +Business,Sugar business sours as US goes diet crazy +Business,Amgen bone drug shows success +Business,Wiseman Dairies in talks to sell stake +World,Cheers as Mugabe slaps down Moyo +Sci/Tech,Shuttle #39;s spring 2005 launch delayed +Sci/Tech,State cancels two technology contracts +Sports,Trinidad #39;s sights on Hopkins +Sports,McClaren: I hope I haven #39;t helped Wales in World Cup +Sports,Earnhardt cusses up a controversy +Sports,Vick powers Atlanta past Carolina again +Sports,Stung by one that got away +World,13 More Killed In On-going Gaza Violence +World,Car bomb kills 8 in Baghdad +World,Pope puts 5 faithful on path to sainthood +World,"Iraqi, US Forces Patrol Sunni Triangle" +World,Detainees fight British anti-terrorism law +Business,Update 3: Economic Powers Vow Aid for Poor Nations +Business,Some insurers limited Vioxx +Business,Market ends at record +Sci/Tech,Reaching the limits of space inside the space station +Sci/Tech,"Coral copyright plan faces Apple, MS barriers" +Sci/Tech,Sony Corp abandons copy-control music CDs +Sci/Tech,Red Hat Buys Technology from Netscape +World,Two explosion rock Baghdad #39;s city center and Green Zone +World,Turkey Confident of EU Membership +World,"Poverty poses threat, finance leaders told" +World,Pol Pot and his change from man to beast +World,"Karzai skips campaign trail, visits Germany instead" +World,Iran rebuffs Kerry nuclear proposal +Business,Smaller auditors find niche +Business,Lastminute.com Says Annual Profit to Be at Low End of Forecasts +Sci/Tech,Mount Vernon City Library to close books on rural readers +Sci/Tech,Chance to try out new MSN Messenger +World,EU braces for revolution if Turkey joins club +World,Indonesia #39;s Yudhoyono Wins Presidential Election (Update2) +World,Bomb victim makes good recovery +Sci/Tech,Macromedia readies Captivate for demos and simulations (InfoWorld) +Sci/Tech,Nobel Prize Winners to Be Announced (AP) +Business,IMF sees rising oil prices having little impact on global growth (AFP) +Business,German food retailer Spar sells 50-pct stake in Netto discount to ITM (AFP) +Business,"Asian Stocks Surge, Dollar Edges" +Business,Live-in lab +Business,Small drugstores seek advantage in prepackaged pills +Business,What's your TLA IQ? +Business,Fastow might be called as hostile witness in Enron trial +Business,EMC debuts data-management software +Business,Prototype keyboards go against type +Business,7-Eleven enhances prepaid cellphone service +Business,Ahold to sell off its Spanish holdings +Business,State Street fund tops August sales +Business,Buying a stereo with the Dropkick Murphys +Sci/Tech,"AT amp;T, Vonage Cut Prices on Internet Calling" +Sports,Els earns title as Woods is relegated +Sports,"Pantherscontain Vick,butstilllose" +Sci/Tech,Allergy Free Soybean Plant Found in Ill. (AP) +World,Taliban target Cheney visit to Karzai ceremony +World,Vibrator shuts down Australian airport (AFP) +World,"Bush, Kerry Forces Woo the Undecided (AP)" +World,Mideast Dispute Fades U.S. Political Issue (AP) +World,Supreme Court Addresses Prison Sentences (AP) +World,Israel Urged to Limit Military Response (AP) +World,Powerful Bomb Blasts Shake Central Baghdad +World,Taiwan Chen Plans National Day Speech on China +World,UN Nuclear Chief Wins S.Korean Cooperation Pledge +World,Taipei battles ant infestation +World,Vibrating trousers treat angina +World,Axed TV presenter joins Russian Newsweek +World,35 accused of Qaeda-linked plot to bomb targets in Lebanon +World,957 reported dead in '04 as Afghan election looms +World,"Friendships drive Islamic terrorists, CIA veteran says" +World,Cambodia ratifies deal to try Khmer Rouge leaders +World,Blair deputy tells political challengers to steer clear +World,Leader of Haitian Senate arrested +World,Some question choices for honors by pope +World,Victorious Iraqi forces patrol Samarra +World,Nobel Prize Winners to Be Announced +World,Israelis Press Ahead With Gaza Offensive +World,"Two Blasts Rip Through Baghdad, Killing 8" +World,New Attack Kills Six More in India Strife +Business,Oil settles above \$50 US +Business,Siemens wins 2.7-bln-euro services contract from BBC +Business,Dairy firm in talks to sell stake +Business,Mideast #39;s largest IT fair opens in Dubai +Sci/Tech,SpaceShipOne a Flight Away From \$10M Prize +Sci/Tech,Space station strategy +Sci/Tech,palmOne Announces the Tungsten T5 +Sports,Rooney brought down to earth +Sports, #39;We own the South #39; +Sports,North-born trainer lands Arc jackpot +Sports,Juventus stretches Serie A lead with 1-0 win at Udinese +Sports,Owens makes Bears sit up and take notice +Sports,WR Clayton has mixed emotions on rookie year +World,"Baghdad car bomb kills eight, wounds dozens" +World,Virus found in a dog for first time +World,Terror suspects appeal to Law Lords +Sports,Red Sox enter playoffs with seasoned performers +Sports,Garciaparra still interested in Cubs +Sports,Sky high for Angels +Sports,Astros live wild life +Sports,Twins hit road again +Sports,"For Angels, wings and a few prayers" +Sports,Grieve land? Not this time +Sports,Another opponent is left smarting +Sports,Stung by one that got away +Sports,Offenses veer in 4th quarter +Sports,"In crunch, Dolphins perfectly awful" +Sports,Happy returns for Revolution +Sports,Sun shine again on way to Finals +Sports,Better late than never: Auburn climbs into mix +Sci/Tech,"PalmOne #39;s T5, Physician Friendly" +Sports,"ROWNS 17, REDSKINS 13; Redskins 1-for-11 on third downs" +Sci/Tech,Delaware to see Oracle-PeopleSoft (TheDeal.com) +World,Musharraf agrees war on terror makes world less safe +World,"Bird Flu Kills Nine-Year-Old Thai Girl, 31st Victim (Reuters)" +Business,BP production up 11 percent +Business,UPDATE: 20th Century Fox Joins Blu-ray Disc Indus Group +Business,Lastminute.com Says Profit to Be at Low End of Range (Update1) +Business,The looming national benefit crisis +Business,"Kodak wins Sun Java patents case, wants \$1bn" +Business,Siemens buys BBC technology for 150m +Business,Voice over IP coming to NMCI +World,Violence Erupts in Southern Thailand +Sci/Tech,SpaceShipOne set to take X-Prize +World,Israeli Spy Freed in Exchange for 6 Students +World,India clinch home TV deal +World,"Twin Car Bombs Explode in Baghdad, Killing at Least 10" +Business,In The Service: EDS Gets Intranet Project Back On Track +Sci/Tech,PalmOne unveils 256MB Flash drive T5 PDA +Sci/Tech,Tech powers seek antipiracy accord +Sci/Tech,Sony abandons copy-protected CDs +Sports,Ferguson praise for Boro +Sports,Pack goes #39;poof #39; with Favre on sidelines +Sports,Sfa Eye Euro 2008 +World,Eight killed in Baghdad blasts +World,ETA KINGPIN HELD IN RAIDS +World,Poland Leaves Iraq December 2005 +World,Humming sex toy shuts Australian airport +Sports,"Already 3-0, they are hard to contend with" +Sci/Tech,Alleged Apple Flash iPod 'partner' signs with Rio +Sci/Tech,Americans fear lightning more than hackers +Sports,Trinidad #39;s win stops the bleeding +Sports,Win puts Junior in points lead +Sci/Tech,"Fill 'er Up, With Microbes" +World,Schroder reaffirms support for Turkeys bid +World,"Bird flu kills one in Thailand, resurfaces in Indonesia" +World,Bigley possibly handed to new group +Sci/Tech,Genome Model Applied to Software +Sci/Tech,Geeks Take on the Mississippi +Sci/Tech,Change in the Chinese Wind +Sci/Tech,Pinpointing Voters on a Map +Sci/Tech,The Crew of Halo 2 +Sci/Tech,E-Voting Fans: The Disabled +Sci/Tech,California Goes After Spyware +Sci/Tech,Vioxx: How Safe Is FDA Approval? +Sci/Tech,USPO Ditches Home Photo Stamps +World,Hungarian PM celebrates as referendum flops +Business,SBC gizmo saves time by checking time-saving gadgets +Business,"HK Shares End Up At 7-Mo High; Led By China,Property Stks" +Business,Some consumers getting that sinking feeling +Sci/Tech,This support for Kerry came at a bad time +Sci/Tech,Alleged Apple Flash iPod #39;partner #39; signs with Rio +Sports,Owens makes Bears sit up and take notice +Sports,GRADING THE JETS +World,Gaza Strip bloodshed continues +World,"US, Iraq control Samarra" +Sci/Tech,Latest mobiles 'open to attack' +Sci/Tech,SpaceShipOne set to take X-Prize +Sci/Tech,Mini lab offers on the spot tests +Business,Oil Eases on Nigeria Peace Pact (Reuters) +Business,"Optimism Lifts Stocks, But Oil Haunts" +Business,Nintendo Raises Net Profit Estimate +Sci/Tech,'Personal spaceflight revolution' beckons +Business,Sharp Expects Record Operating Profit +Business,Man Utd confirms bid approach +Business,US economy in peril as debts come due in #39;08 +Business,Kodak wants \$1 billion Java damages from Sun +Business,Saga in 1.35bn management buyout +Business,Singapore Shares End Up; Hits 2004 High +Business,Asian Stock Markets Close Higher +Business,Going with the Grain +Sci/Tech,Internet Explorer Vs. Firefox +Sci/Tech,Protecting Children Online When They are Most at Risk - New +Sci/Tech,AT amp;T and Vonage do battle +Sci/Tech,"Wi-Fi, WiMAX dead and gone, fibre pundits say" +Sci/Tech,Vivisimo #39;s Clusty Takes on Google +Sports,Man United gets bid approach +Sports,Fergie Roo-ing Wayne #39;s debut +Sports,Clijsters #39; career #39;could be over #39; +Sports,Christie kicking himself +Sports,No one comes to defense on turnover-plagued day +World,"Two Blasts Rip Through Baghdad, Killing 15" +Sports,Early miscues slow Eagles +Business,No agreement on Iraq debt relief +Business,Lastminute.com hit by quot;challenging quot; summer +Business,Kodak may scoop 580m in court win +Sci/Tech,Campaigns Spending Little on Web Ads (washingtonpost.com) +Sci/Tech,Nintendo Raises Net Profit Estimate (Reuters) +Sci/Tech,Three Cosmic Explosions Could Precede Supernovae (Reuters) +Sci/Tech,Campaigns Spending Little on Web Ads +Sci/Tech,CSSI to Make Its Way in the Sky +Sci/Tech,BioSET Offers New Twist on the Healing Touch +Business,Jaguar Gets Low Crash Test Score +Business,S Korea to scrutinise Citigroup +Sci/Tech,Secrets of smell land Nobel Prize +Business,Worldpay struck by online attack +Business,Stocks Ascend as Oil Eases and Techs Gain +Business,HK stocks end at 7-month high +Business,Merck woes weigh on stocks +Sci/Tech,SpaceShipOne goes for X-Prize glory +Sci/Tech,Former con man joins crime battle +Sports,United face takeover bid +Sports,Funk finds winner #39;s circle again +Business,Consensus eludes in Fund-Bank meet +Business,SBC set to unify all your messages +Business,San Miguel may bid for 40 stake in Del Monte Pacific +Business,Hyundai scores well in value survey +Sports,Thierry will put Zidane in shade +World,Oil price drops but fears remain +Sci/Tech,An 'Incredibles' effort (USATODAY.com) +Sci/Tech,"Sacked, and now they're back (USATODAY.com)" +Sci/Tech,PalmOne Wi-Fi SD Card +World,Poland to pull troops from Iraq by end of 2005: defense minister (AFP) +World,Ex-general declared victor in Indonesian elections (AFP) +Sci/Tech,Shuttle loses March-April window +World,Stocks to Open Higher on Growth Outlook +World,Americans Win Nobel for Medicine +World,Party of Brazil's President Party Stronger +Sci/Tech,Bye-bye blueprint: 3D modeling catches on +Business,Kodak wins \$1bn fight over Sun #39;s Java +Sports,New England Patriots Win 18th Straight (AP) +Sci/Tech,Space stationsa mess until shuttle resumes +Sci/Tech,Shuttle loses March-April window +World,Ex-general Indonesia #39;s new leader +World,Brazilian Ruling Party Makes Gains in Local Elections +Sports,New Order Reflected by Tiger's Slide in Rankings +Sports,Jacques and Fernando ready for Suzuka +Sci/Tech,Best Buy initiates a battle of the brands +Business,PeopleSoft Sees Revenue Above Views (Reuters) +Business,Stocks Seen Higher as Oil Prices Ease +Business,PeopleSoft Sees Revenue Above Views +Business,BP Relies on Russia for Higher Production +Business,But hurricanes and more impact in the third quarter +Business,Lazard partners get deadline for IPO +Business,INTERVIEW: Titan Petchem Sees No Flagging China Demand +Business,Microsoft said to nix PeopleSoft bid +Business,Missouri Mom Sues Vioxx For Maker For Daughter #39;s Death +Business,Kodak wins Java lawsuit +Sports,Fans oppose Glazer bid +Sports,Patriots Make the Bills Pay and Win Their 18th Game in a Row +Business,SunGard to Spin Off Its Information Services Business (Update1) +Sci/Tech,IBM Introducing Fingerprint Reader into Laptop +Sports,Will Owen make Wales match? +Sports,Man United gets bid approach +World,Twin blasts kill 10 in Baghad +World,"Two Car Bombs Rip Through Baghdad, Killing At Least 15 And <b>...</b>" +World,UK hostage #39;in hands of new group #39; +World,Security Divides Leading Australian Parties Ahead of Election +World,Bomb scare forces Singapore plane to UK +Sci/Tech,PeopleSoft Expects Sales Above Estimates (AP) +Sci/Tech,PeopleSoft Sees Revenue Above Estimates (Reuters) +World,S.Korean Conservatives Stage Big Anti-North Rally (Reuters) +World,"Myanmar Still Irritant as Asia, Europe Heads Meet (Reuters)" +World,Millions in Ethiopia Said to Need Food Aid (AP) +World,"India's monsoon below normal, to hit growth (Reuters)" +Sci/Tech,Report: U.S. to Crack Down on Pirated Material +World,"Myanmar Still Irritant as Asia, Europe Heads Meet" +Sci/Tech,SpaceShipOne Readies for \$10 Mln X Prize Flight +Sci/Tech,Disabled Are Pleased With E-Voting +World,U.S. Researchers Share 2004 Nobel Prize +World,Bush to Sign Tax Cut Bill in Iowa +World,"Two Blasts Rip Through Baghdad, Killing 21" +World,New Attack Kills Six More in India Strife +Business,PeopleSoft Expects Sales Above Estimates +Business,Nintendo Raises Its Earnings Estimate +Business,"Blending e-mail, voicemail, faxes part of SBC strategy" +Sports,Storm Defeat Monarchs 66-54 (AP) +Sci/Tech,Ansari X Prize is one small step away +Sci/Tech,New Tungsten T5 Boasts 256MB Flash Memory +World,"Car Bombs in Iraq Kill 21, Wound More Than 100" +World,Poland talks of Iraq withdrawal +Sci/Tech,Kodak wins patent lawsuit against Sun +Sci/Tech,BMC rounds out SmartDBA family with IMS mainframe +Sci/Tech,Microsoft eyes smaller code base for Longhorn +Sci/Tech,Chinese handset makers led chip slowdown +Sci/Tech,Oracle exec upbeat about China's RFID plans +Sci/Tech,Fox Film Trots Towards Blu-ray +Business,Oil Off from Record Highs on Nigeria Pact +Business,European Stocks Are at Five Month Highs +Business,Dollar Jumps as the G7 Fades +Business,Oil Prices +Sci/Tech,PalmOne intros Tungsten T5 PDA +Sci/Tech,Vivisimo launches Clusty.com +Sports,How Malcolm Glazer built his stake in Man Utd +World,Italy deports migrants to Libya +Business,Nintendo Raises Net Profit Estimate +Business,BBC off-loads technology wing +Sci/Tech,Security Beyond Antivirus Programs (washingtonpost.com) +Sports,Bago back for more +World,FM Distances Poland From Iraq-Pullout Comments +Sci/Tech,Ohio Scientists Develop Armor for Humvees (AP) +Sci/Tech,"Neb. Professor Connects Football, Physics (AP)" +Sci/Tech,N.D. Conducts 5-Year Study on Pronghorns (AP) +Sci/Tech,Md. Revives Turtle Program for Students (AP) +Sci/Tech,Outrun 2 stays in neutral +Business,Global Markets: Optimism Lifts Stocks +Business,Wall Street Seen Rising; Oil Prices Ease +Business,"Office Depot Chairman, CEO Nelson Resigns" +Business,Italy gears up for Parmalat trial +Sci/Tech,Limited black rhino hunt approved +Business,eBay #39;s Whitman most powerful woman +Business,Microsoft to Offer New Windows Flavor for Retail Market +Sci/Tech,ZigBee in danger of falling apart +World,"Myanmar Still Irritant as Asia, Europe Heads Meet" +Sci/Tech,Gluecode delivers open source BPM engine +Sci/Tech,Microsoft rolls out embedded Windows XP +Sci/Tech,ThinkPad with fingerprint reader is introduced +Business,"UPDATE1 -RadioShack, Wal-Mart unit form wireless venture" +Business,Tussauds owner buys Saga group +Business,Freddie Mac Streamlines Its Operations +Business,Kodak wins patent lawsuit against Sun +Business,Regulators Target Privating Banking Units +Sci/Tech,CNN Blog +Sci/Tech,Ballmer Says iPod users are Thieves +Sci/Tech,Americans = security idiots +Sports,Raiders Insider +Sports,Bago bounces back with Arc triumph +Sports,Edmilson The Latest Barca Casualty +World,"Iraq: Car-Bomb Carnage in Baghdad, Mosul" +World,Cambodia Ratifies Law Authorizing UN-Backed Tribunal to Try Khmer <b>...</b> +World,Buzzing sex toy turns on airport security +Sci/Tech,Work on Halo 2 game 'finished' +Business,PeopleSoft Sees Revenue Above Views +Business,S Korea to scrutinise Citigroup +Sci/Tech,"SBC to Combine E-Mail, Voicemail, Faxes (AP)" +Sci/Tech,PalmOne to Unveil New Handheld Organizer (AP) +Sci/Tech,Fox Joins Group Promoting New DVD Format (AP) +Sci/Tech,More Internet Ads in Presidential Race (AP) +Sci/Tech,Private Craft Closes In on X Prize +Sci/Tech,PalmOne to unveil new handheld organizer +Sci/Tech,IBM swipes at security with fingerprint-reading Thinkpad +Sci/Tech,Billy Joel Marries 23-Year-Old (AP) +Sports,Sensational Gunners soon to be in firing line +Sci/Tech,Sony Abandons Copy-Control Music CDs (AP) +World,Polish defence minister sparks confusion over Iraq troop pullout +Sci/Tech,Oracle in Court Over PeopleSoft Defense (AP) +Sci/Tech,Mount St. Helens Eruption Contains Danger (AP) +Business,Siebel Sees Revenue Beating Estimates +Business,Bond yields continue to push higher +Business,SEC May Charge That AIG Lied to Investors (Reuters) +Business,SEC May Charge That AIG Lied to Investors +Business,"Office Depot Chairman, CEO Nelson Resigns" +Business,Treasuries Fall for Fifth Day Running +Business,Has Apollo Landed? +Sci/Tech,Splitting Cargo and Crew on Space Missions +Business,IBM beefs up security on ThinkPad T42 +Sci/Tech,SpaceShipOne Prepares for Second Flight +Sci/Tech,Hurricanes Delay NASA #39;s Spring 2005 Space Shuttle Launch +Sci/Tech,Kodak wins Java patent suit +Sci/Tech,"Bye-bye, blueprint: 3D modeling catches on" +World,ETA leaders arrested +Sci/Tech,Revamped Tungsten hangs onto data +Business,"Office Depot: CEO out, former NFL president in" +Business,New Issue-Freddie Mac sells \$8 billion in bills +Business,Fed #39;s Santomero sees low inflation +Business,Kodak wins patent lawsuit against Sun +Sci/Tech,Space shuttle return to flight delayed +Sci/Tech,Microsoft calls iPod users #39;thieves #39; +Sci/Tech,UK P2P file sharers face legal action +Sci/Tech,National Cyber Security Alliance Names October as National Cyber <b>...</b> +World,Sex toy creates Oz airport pandemonium +Sci/Tech,Yahoo Local Out of Beta +Sci/Tech,Allen to Help Open N.M. Computer Exhibit (AP) +Sci/Tech,Translation Device Assists Minn. Police (AP) +Sci/Tech,"Henry Ford, AOL Announce Partnership (AP)" +Sci/Tech,Gadget Helps Women Use Bathroom in Japan (AP) +Sci/Tech,PeopleSoft Raises Estimates for Quarter (AP) +Business,Stocks Seen Flat at Open; Oil Edging Up +World,Gazprom-Rosneft deal hits rough patch (AFP) +Sports,A return to power for Clinton in Washington +World,Three Car Bombs in Iraq Kill at Least 26 +World,S.Lanka All-Party Peace Forum Opens to Boycott +Sci/Tech,Justices Affirm Do-Not-Call Ruling +World,Saudi reformist trial adjourned +World,"Three Car Bombs Explode Across Iraq, Killing at Least 26" +Sci/Tech,Trash Begins to Clutter International Space Station +Sports,Defense picks up slack for Abraham +World,SpaceShipOne Soars to Space for \$10M Prize +Sci/Tech,Professor Connects Football and Physics +Business,"Nintendo sales lag forecast, but profit jumps" +Business,Fed #39;s Santomero says rate rises have a way to go +Business,Krispy Kreme names two directors to lead probe +Business,Baker Hughes Names Deaton As Chairman +Business,IT Aids Florida Utility Workers +Sports,Blue Jays Name John Gibbons Manager (AP) +Sci/Tech,Microsoft vows fight on patent rejection +Sports,Super birthday celebration for Toseland +World,"Four days out, and Howard is worried" +World,Cambodia approves Khmer Rouge trial +Sports,Philippoussis Misery Continues with Tokyo Exit +Sci/Tech,Revamped Tungsten hangs on to data +Sci/Tech,Microsoft Eyes Lighter Versions of Longhorn +Business,"Top Court Upholds Visa, MasterCard Ruling (Reuters)" +Business,Court Rejects Challenge to Do-Not-Call List +Sports,ABC News NBA Today NBA Today +Business,What Will You Do With Your Credit? +Business,Chancellor #39;s plan for poor nations #39; debt +Business,"UPDATE 1-US top court lets stand Visa, MasterCard ruling" +Business,Wal-Mart wireless with RadioShack +Business,Wall Street opens higher +Sci/Tech,SpaceShipOne Goes For Next Flight +Sci/Tech,Ballmer: #39;No way #39; Apple will win digital media war +Sci/Tech,Gates not frightened of the big bad Linux +Business,Top Court Upholds Do-Not-Call Registry +Business,"August Factory Orders Dip, Aircraft Dive" +Sports,Coaches should lose their right to vote +Business,Krispy Kreme's Board Members Lead Probe +Business,Factory Orders Dip as Aircraft Dive +Business,"Schwab cuts trading fees, stock dips" +Business,Fed #39;s Santomero sees sustained expansion +Business,Economists see GDP easing to 4.3 +Business,Dollar gains after G-7 meetingCurrency market awaits US payrolls <b>...</b> +Business,Factory Orders Dip for First Time in 4 Months +Sci/Tech,SpaceShipOne Soars to Space for \$10M Prize +Sci/Tech,Sun faces huge payout in Kodak #39;s Java suit +Sci/Tech,Watching while you work +Sci/Tech,Red Hat #39;s CEO is sold on Netscape buy +Sports,Wilkinson named as England captain +Sports,Philippoussis misery continues with Tokyo exit +World,Revised law on trial of Khmer Rouge leaders approved +World,Right turn +World,"Singapore Airlines 026, a 747 diverted to Manchester airport" +Sports,Kovalainen topples Schumacher +Sports,Gennaro Filice: Say it ain #39;t so Barry. Please. +Business,Guest Column Addressing Global Imbalances is Within the Realm of <b>...</b> +Business,Charles Schwab Lowers Certain Fees +Business,US economic growth seen slowing in 2005 +Business,Microsoft rules out PeopleSoft bid +Business,"UPDATE 2-US top court lets stand Visa, MasterCard ruling" +Sci/Tech,Ex-conman security adviser +Sci/Tech,Photo by Lloyd Francis Jr./Federal Times +Sports,800 million takeover battle for Man Utd +Sports,"Els, Bjorn shake off demons" +Sports,Federer Rips Roddick for 12th Straight Final Win +Sports,It #39;s official: Gibbons stays on in Toronto +Sports,Vogts not desperate to win +World,Bigley #39;s brother hopeful for release +World,Buzzing bin empties airport +World,Centre Right Take Power in Slovenia +World,Dutch nationality for Anne Frank #39;tactless #39; +Sci/Tech,Palm Introduces a Memory-Packed Organizer (AP) +Sci/Tech,Paychex Inc. Founder Golisano Steps Down (AP) +Sci/Tech,Experts Seek Aid for Russia Space Program (AP) +Sports,Wenger faces tough choice over Lehmann +World,"Video Shows Militants Killing Italian-Iraqi, Turk (Reuters)" +World,Family: Kidnapped Iraqi Businessman Killed (AP) +World,Two U.S. Soldiers Killed in Baghdad (AP) +World,Sri Lanka all-party peace forum opens to boycott (Reuters) +Business,"Analyst says new Air Canada a good short-term buy, but be careful" +Business,"Stocks higher after drop in oil prices, reassuring words on <b>...</b>" +Sci/Tech,Molyneux apologises for missing features in Fable +Sports,Morning After: Defensive points +Sports,"Panthers pile up yards, but still lose" +World,Analysts see Spain #39;s ETA blow as harshest in 12 yrs +Sci/Tech,Card fraud shows sharp increase +World,"Video Shows Militants Killing Italian-Iraqi, Turk" +Sci/Tech,Judge Challenges EU Position on Microsoft +Sci/Tech,PeopleSoft v. Oracle: Game Over? +World,Anne Frank status campaign fails +Sports,Dorfmeister leads Austrian charge +World,Afghan refugee vote drive hailed +Sci/Tech,Americans wait as volcano boils +World,"Stocks Higher on Drop in Oil, Fed Comments" +World,SpaceShipOne Soars to Space for \$10M Prize +Sci/Tech,Quiet Life Stressful for Farmers +Sci/Tech,Ohio Scientists Develop Armor for Humvees +Business,Dollar Jumps as the G7 Fades +Sci/Tech,Update 1: Level 3 Buys Sprint #39;s Internet Unit +Sports,Jaguars Still Have Work to Do +Sports,Mathis gets the best of Delhomme again +Sports,"Barcelona #39;s Edmilson has surgery, won #39;t play for six months" +Sports,Joe Hart: Bumbling Packers in complete disarray +World,Spain Vows to Keep Pressure on ETA +Sci/Tech,Briefly: Yahoo launches local-search engine +Sci/Tech,SpaceShipOne repeats its feat +Sci/Tech,Study: Indian diaspora helped outsourcing movement +Sci/Tech,Super-connected users could aid IM worms +Sci/Tech,More Internet Ads Seen in Presidential Race +Sci/Tech,Fox Joins Group Promoting New Blu-Ray DVD Format +Sci/Tech,Sony Abandons Copy-Control on Music CDs +Sci/Tech,Henry Ford and AOL Announce Partnership +Sci/Tech,Paul Allen to Help Open N.M. Computer Exhibit +Sci/Tech,"SBC to Combine E-Mail, Voicemail and Faxes" +Business,EU pursues Oracle-PeopleSoft case +Business,Freddie Mac Restructuring Some Operations +Business,Fed #39;s Santomero Says Rate Rises Have a Way to Go +Business,Britain seeks gold mkt stability in IMF revaluation +Sci/Tech,SpaceShipOne has made Space History +Sci/Tech,Brazil to Limit UN Access to Uranium Plant as Powell Visits +Sci/Tech,Microsoft #39;s jumbo patch +Sports,Magny Cours World Superbike Quote Machine +Sports,Philippoussis suffers loss +Sports,How We Saw Week 4 +World,Anne Frank status campaign fails +Sports,Davis Cup door open for Agassi +Business,Funds: Finding bargains in bond funds +Sci/Tech,Red Hat #39;s AOL buy +Sports,Rival bidders dust off Euro 2008 plans as UEFA warns Alpine hosts +World,Two Hostages Executed in Iraq +Sci/Tech,Asia Needs Network to Fight Illegal Wildlife Trade (Reuters) +Sci/Tech,SpaceShipOne Wins #36;10 Million Ansari X Prize in Historic 2nd Trip to Space (SPACE.com) +Sci/Tech,Unexpected Beat in Heart of Milky Way (SPACE.com) +Business,"Nu Skin Warns on Profit, Shares Drop" +Business,Foolish Collective +Business,Postal Service Cancels PhotoStamps +Business,RightNow completes the suite +Sci/Tech,PeopleSoft: Conway was less than honest +Business,Yukos shares rise on bid denials +Business,"American Express weighs lawsuit vs Visa, MasterCard" +Business,Interfor offers \$396M for Riverside Forest Products in friendly <b>...</b> +Sci/Tech,Microsoft begins to take Google challenge seriously +Sci/Tech,Product Previews +Sci/Tech,SunGard will spin off disaster recovery unit +Sci/Tech,"Redmond pledges support for NT4, at a price" +Business,"Schwab Cuts Trading Fees Again, Stock Off" +Business,Economists predict solid US economy under Bush or Kerry +Business,Office Depot chairman resigns +Business,Supreme Court sidesteps credit card dispute +Business,SunGard to Spin Off Data Recovery Unit +Business,Saab 9-3 tops in crash tests +Sci/Tech,Palm #39;s Tungsten Gains More Memory +Sci/Tech,Most songs on iPods were #39;stolen #39; - Microsoft CEO +Sci/Tech,Microsoft Eyes Lighter Versions of Longhorn +Sci/Tech,Fuel cell mobile phone recharger +Sci/Tech,CA yet to appoint CEO +Sports,Tournament doctor thinks Clijsters #39; injury could threaten career +Sports,Barca #39;s Edmilson becomes next casualty +Sports,Warner leads Giants revival +Sports,Kansas City vs. Baltimore +Sports,Italy coach Lippi defends decision to omit Cassano +World,"Israel Expands Gaza Offensive, UN #39;s Annan Urges Halt" +World,Poland to withdraw troops from Iraq by end-2005 +World,Reports: Iraq Hostage Transferred to New Group +World,Pope #39;s wish list startles +World,Humming sex toy shuts airport +World,UK policeman jailed for spying for Saudi diplomat +Sci/Tech,One flight from \$15m prize +Sports,Tycoon Puts Business Before Sport +Sports,Trinidad climbs off canvas to keep title options open +Sci/Tech,Test reluctance could block virtualisation +Sci/Tech,Sony introduces hard disk Walkman +Business,U.S. Supreme Court Terms Begins +Sci/Tech,ONLINE GUY: Firefox gets raves from readers +Business,General Mills to Sell Stake in Cereals +Business,"Schwab Cuts Trading Fees Again, Stock Off" +Business,Treasuries Dip But Selling Momentum Slows +Business,EU Trade Chief Confident in Boeing Row +Business,Supreme Court Sidesteps Credit Card Dispute +Business,UPDATE 1 - Barnes amp; Noble selling GameStop stake +Business,"PeopleSoft Raises Forecast, Stock Falls" +Business,Kerry or Bush will not impact US growth +Business,SEC mulls civil action against AIG +Business,Feds probe J amp;J Procrit sales +Business,Bulls not taking a holiday on board +Business,Invasion of the Movie Snatchers +Business,Health Care Can Be Cured: Here's How +Sci/Tech,SpaceShipOne Wins \$10 Million X-Prize with Launch +Sci/Tech,PeopleSoft v. Oracle: Game Over? (washingtonpost.com) +Sci/Tech,Nokia Set to Unveil Redesigned TV Phone -- Source (Reuters) +Sci/Tech,Product Previews (InfoWorld) +Sci/Tech,US cyber security chief resigns +Sci/Tech,Nokia Set to Unveil Redesigned TV Phone -- Source +Business,"Schwab Cuts Trading Fees Again, Stock Off (Reuters)" +Sci/Tech,Russia Seeks Aid for Space Program +Sci/Tech,SpaceShipOne Wins \$10M Prize for Trip to Space +Sci/Tech,Amazon expands Web services efforts +Business,PeopleSoft Ousts Conway From CEO Job +Business,"Office Depot CEO, chairman resigns" +Business,Supreme Court Upholds Do Not Call List +Sci/Tech,"Ballmer bashes iPoders as thieves, industry looks for solutions" +Sci/Tech,A Patent Strain on Innovation +Sports,NFL: Patriots are the pick of the perfect +World,Poland sets pullout from Iraq in 2005 +World,France Calls Crisis Talks Over Iraq Hostages Farce +Sci/Tech,"SBC links e-mail, voice messages, fax" +Sci/Tech,Siemens agrees to sell Huawei enterprise gear +Sci/Tech,How Can We Stop IM Worms? +Sci/Tech,More mobile anti-virus appears +Sci/Tech,News: McAfee in BitDefender virus slur spat +Sci/Tech,News: WorldPay struggles under DDoS attack (again) +Sci/Tech,Infocus: Lessons Learned from Virus Infections +Sci/Tech,New Tremors Detected at Mount St. Helens Volcano (Reuters) +Sci/Tech,AMD to provide on-demand power management for the Rack-Dense <b>...</b> +World,Spanish PM Wants to Testify at Train Bombs Probe (Reuters) +World,France Calls Crisis Talks Over Iraq Hostages Farce (Reuters) +World,Oil prices dip back below 50 dollars as tensions ease in Nigeria (AFP) +World,Arkansas Is 2004 Campaign Battleground (AP) +Sci/Tech,Lost in space +World,Supreme Court Won't Hear Do Not Call Case (AP) +World,"Afghan Poll Unstoppable, Says U.S. Ambassador" +World,Spanish PM Wants to Testify at Train Bombs Probe +World,Turkey Rejects Special Conditions for EU Bid +World,"Denmark to Claim North Pole, Hopes to Strike Oil" +World,Russia May Ratify Kyoto Protocol in Oct. -- Minister +World,US cyber security chief resigns +Sci/Tech,Infineon execs get to serve time over price-fixing +World,Sir Elton attacks 'mime' Madonna +World,Mariners Fire Melvin After Two Seasons +World,Inside Karzai's Campaign +Sci/Tech,Tiger tops dog as world #39;s favourite animal +Business,Jarvis warns on refinancing deal +Business,Schwab cutting its trading fees +Business,PeopleSoft 3rd-Qtr Sales Beat Estimate as Prices Rise (Update7) +Business,SunGard to spin off disaster unit +Business,Appeals court takes up law used against energy traders +Business,Why Was Craig Conway Ousted? +Business,Office Depot chief quits +Sports,Earnhardt Slip May Jeopardize Nextel Lead (AP) +Sci/Tech,A glimpse of SpaceShipOne #39;s historic flights +Sci/Tech,Shuttle return to flight delayed +Sports,Melvin will not return +Sports,Manchester United on the transfer list with takeover bid +Sports,Mancini laments defending +World,EU fine-tunes crunch report on Turkey #39;s membership bid +World,Oil prices drop amid easing of tensions in Nigeria +Sci/Tech,"Lycos launches #39;make love, not spam #39; program" +Sports,Mariners Fire Melvin +Business,Treasuries Dip But Selling Momentum Slows (Reuters) +Business,U.S. Stocks Advance as Oil Prices Slip +Business,"Office Depot Chairman, CEO Nelson Resigns" +Business,Freddie Mac Restructuring Mortgage-Securities Operations +Business,"Far and Away, a Worthy Telecom" +Business,Charles Schwab Cuts Online Commissions +Business,Supreme Court upholds Do Not Call registry +Business,RadioShack inks deal to operate Sam #39;s Club wireless kiosks +Business,Interfor Bids C\$368 Million for Riverside Forest (Update4) +Sci/Tech,U.S. Researchers Win 2004 Nobel Prize (AP) +Sci/Tech,"Cisco, Fujitsu to collabrate on high end routers" +Business,SunGard to Spin Off Disaster Recovery Biz +Business,"Paychex founder, CEO steps down" +Business,RadioShack boosts forecast on Sam #39;s Club deal +Business,Lockheed Martin Team in Postal Pact +Business,General Mills to Sell Stake in Cereals +Business,IRS asks about tips at Chili #39;s +Business,Quebec to invest \$1B in wind power +Sci/Tech,Jury Rules in Favor of Kodak in Dispute +Sci/Tech,Ballmer Says Apple Won #39;t Dominate Digital Technology +Sci/Tech,IE Strategy Backfires +Sci/Tech,Libraries Enter Digital Age +Sci/Tech,A flash-based iPod from Apple? Not so fast +Sci/Tech,"Hitachi, NEC router venture Alaxala goes live" +Sports,Packers deal disgruntled CB McKenzie to Saints +Sports,UPDATE 1-New Barca blow as Edmilson out for six months +Sports,Wigley granted licence reprieve +Sports,"Lions prepare for Vick, Falcons" +Sports,Redknapp charged after bad tackle +World,"Pakistan Soldiers Kill Four Militants, Truce Agreed" +Sci/Tech,"U.S. Plans Crackdown on Piracy, Counterfeiting" +Business,FCC Boss Backs Cingular-ATT Wireless Deal +Sci/Tech,"WebMethods names new CEO, chairman" +Sci/Tech,Sybase links back office to mobile devices +Sci/Tech,"SBC links e-mail, voice messages, faxes" +Sci/Tech,IBM laptop features fingerprint scanner +Sci/Tech,"Bush, Kerry Don't Spend Much on Online Ads-Study (Reuters)" +Sci/Tech,IPO for new Saudi mobile company opens October 16 (AFP) +Sci/Tech,"SunGard Divides, Spins Off DR Unit (AP)" +Sci/Tech,Jury Rules in Favor of Kodak in Dispute (AP) +Sci/Tech,"Talk of El Nino Floods, Droughts Worries Farmers (Reuters)" +World,U.S. Aid Official: Worst Still to Come in Darfur (Reuters) +World,OAS Official Asked to Resign Over Scandal (AP) +World,Vice presidential debate takes on new importance (AFP) +World,Sharon accuses Iran of sedition +Business,Oracle trial tactic: Conway lied to analysts +Business,RadioShack to run Sam #39;s Club kiosks +Business,CMS to offer shares to public +Sci/Tech,SpaceShipOne stakes claim to \$10mn prize +Sci/Tech,"Microsoft Angling for Music, Movies Consumers" +Sci/Tech,IBM laptop features fingerprint scanner +Sci/Tech,Brother Introduces 4 New Multifunction Printers Under US\$200 +Sports,Saints Acquire Veteran Cornerback McKenzie (Reuters) +Sports,"As the seasons change, these tips will help you deal with wind" +Sports,Saints acquire veteran cornerback McKenzie +Sports,Owen may not partner Rooney in Wales game +Sports,"Lions prepare for Vick, Falcons" +Sports,Strasbourg sack coach Kombouare +World,Hardest part of democracy: Creating beneficent state +World,Poland floats plan to pull out of Iraq by end-2005 +World,A Sea Change in Slovenia +Sports,Saints Acquire Veteran Cornerback McKenzie +Business,Freddie Mac Shuts Bond Broker Business (Reuters) +Business,Economy Emerging from Soft Spot-Fed Gov +Business,Stocks Rise; Siebel Boosts Tech Shares +Business,Office Depot CEO Resigns +Business,"Schwab Cuts Online Commissions, Fees" +Business,Bombardier Recreational Settles Lawsuit +Business,UPDATE 2-Quebec launches C\$1.9 bln in wind power projects +Business,Dodge Charger image released +Sports,"Rallying from a slow start this season, Houston clinches the NL <b>...</b>" +World,Vibrating sex toy shuts Australian airport +Business,SunGard Data to spin off business +Business,"US Air Realigns Sales, Delta Pushes Pilots" +Business,Update 2: Freddie Mac Announces Changes in Division +Business,"SBC, Cingular establish new IP-based integrated messaging service" +Sci/Tech,Sun loses \$1 billion lawsuit to Kodak +Sci/Tech,Gates in Silicon Valley +Sci/Tech,IBM creates management consulting service +Sports,Houston beats Rockies to grab final playoff spot +World,New Indonesian presdient faces tough tasks +World,Arab Diplomats Seek UN Condemnation of Israeli Offensive +World,Cambodia Approves Tribunal for Khmer Rouge Leaders +Business,Stocks Rise; Siebel Boosts Tech Shares (Reuters) +Business,Freddie Mac Announces Changes in Division +Business,Back to Books for Barnes Noble +Business,PeopleSoft Says Revenue Will Beat Wall Street Forecasts +Business,Breaking Merck #39;s Bones +Business,Fox joins Blu-ray group +Business,Cox brings VoIP service to more cities +Sci/Tech,SpaceShipOne wins \$10MX Prize +Sci/Tech,Jury Rules for Kodak in Java Patent Dispute +Sci/Tech,Top nuclear official briefs Majlis committee +Sci/Tech,Red Hat Buys Netscape Technology +Sports,"Soccer: Owen should be fit for Welsh clash, says Eriksson" +Sports,"Sosa, Baker blast each other on final day" +World,World silent in face of carnage in Gaza +World,Afghan security forces will need international aid for 2-3 years <b>...</b> +World,Singaporean flight resumes journey to New York after bomb alert +Sci/Tech,Rojo Blog Launched +World,France Calls Crisis Talks Over Iraq Hostages Farce +World,Zambian leader sacks his deputy +Sci/Tech,Supreme Court Affirms Do-Not-Call Ruling +World,U.S. Researchers Win 2004 Nobel Prize +Business,US Airways pilots to resume talks on pay cuts -NYT +Business,Daimler #39;s Car Quest +Sci/Tech,Microsoft hopes cash register OS adds up in sales +Sci/Tech,"Navigating PCs with pictures, not words" +Sci/Tech,"Intel, EEOC to mediate employment disputes" +Business,"Siebel, PeopleSoft Trigger Sector Bounce" +Business,Paychex #39;s founder CEO resigns +Sci/Tech,Fox joins Blu-ray group +Sci/Tech,Cosmic explosions could precede supernovae +Sports,Clijsters #39; latest injury could be serious +Sports,Packers Trade McKenzie +Sports,Philippoussis makes another early exit at Japan Open +Sci/Tech,Arm reveals Neon multimedia extension technology +Sci/Tech,IBM Puts Security at Your Fingertips +Business,Top Court Upholds Do-Not-Call Registry +Business,"Office Depot Forces Out Chairman, CEO" +Sci/Tech,Turning the Tables Using CSS +Sci/Tech,SpaceDev Burns Rubber +Sci/Tech,IBM Puts Security at Your Fingertips +Sci/Tech, #36;1B in Federal Aid to Schools Delayed (AP) +Sports,Real Madrid continues this season where it left last +Sci/Tech,IBM Puts Security at Your Fingertips (PC World) +World,Two Indonesian women released in Iraq +Sci/Tech,Red Hat Buys Netscape Technology (NewsFactor) +Sci/Tech,"Siebel Raises Forecast, Stock Up 16 Pct. (Reuters)" +Sci/Tech,Tenn. Seeks Help in Plant Categorization (AP) +Business,Fed Officials See More Rate Hikes +Business,"Siebel Raises Forecast, Stock Up 16 Pct." +Business,SpaceDev Burns Rubber +Business,VERITAS: Discounted and Attractive +Sci/Tech,Macromedia announces training tool +Business,PeopleSoft #39;s ex-CEO accepts to have misled investors +Business,Peoplesoft Revenues To Beat Expectations +Business,US Air pilots undecided over contract +Business,Oil Giant BP Reports Increase in 3Q +Business,Pirating Just Got Easier +Business,Freddie Mac to Restructure Unit +Business,Lockheed Martin Wins Big US Postal Service Contract +Sci/Tech,NCSA Kicks off Cyber Security Awareness Month +Sports,Astros don #39;t like chokers these days +Sports,McKenzie traded +Sports,White Sox reach agreement with Politte +Sports,Sosa responds to Baker criticism +World,Iraqi-Italian #39;killed by captors #39; +World,Turkey #39;s Long Road to EU Accession +World,Indonesian leader appeals for hostages #39; release as captors make <b>...</b> +World,The passion of the beatification +World,Vibrator shuts down Australian airport +World,Iraqi Kidnappers Release 2 Indonesian Women +Sci/Tech,Feds Kick Off Digital TV Consumer Campaign (AP) +World,Russian Expects Vote on Kyoto Treaty (AP) +World,"Death toll in Darfur region of Sudan could reach 300,000, U.S. official says (Canadian Press)" +World,"Charron, Abella sworn in as Supreme Court justices (Canadian Press)" +World,"2 Clean Uniforms, Owners' Fates Unknown" +World,"Stocks Rise on Drop in Oil, Fed Comments" +Sci/Tech,Briefly: Macromedia announces training tool +Sci/Tech,Private spaceship wins \$10M prize +Sci/Tech,File Deletion Flaw In Firefox Fixed +Sci/Tech,Brazil to Limit Uranium Plant Access as Powell Visits (Update1) +Sports,A's Have Winter to Ponder Late Stumble (AP) +Sports,Packers trade Mike McKenzie to Saints +Sports,Vikings #39; Bennett to remain sidelined +Sports,Expos Will Always Remember Blue Monday (AP) +Sports,Vikings' Bennett Has Surgery on Knee (AP) +Sports,Payton Reports to Celtics Training Camp (AP) +Business,Consensus eludes key issues at IMF-WB meet +Business,High Court ruling opens banks to new card issuers +Business,SunGard Spins Off Data-Availability Unit +Business,Incoming EU trade chief confident of position on Airbus subsidies +Sci/Tech,Private Space Ship Snares X-Prize +Sci/Tech,PalmOne intros 256MB Tungsten T5 PDA +Sci/Tech,Sun #39;s Java Infringes on Kodak Patents +Sci/Tech,ThinkPad to read fingertips +Sci/Tech,Xamlon #39;s Quest: Bring Devs to XAML +Sci/Tech,Amazon expands Web services efforts +Sci/Tech,Detecting Virus Outbreaks The Moment They Start +Sci/Tech,Software Enables Wireless Push E-Mail +Sci/Tech,Search Startups Target Clustering +Sports,Felix Trinidad Sets Boxing Back On Course +Sports,Real run out of gas against Deportivo +World,Yudhoyono declared president +World,Mideast slams Israeli onslaught in Gaza +World,Kumaratunga calls LTTE for talks amid boycott by opposition : +Business,SEC May Sue AIG Over Press Releases +Business,After the Bell-National Instruments Falls +Business,The Dollar Rallies Broadly +Business,China: Efforts to Cool Economy Working +Business,Intel looks to mediation to speed discrimination suits +Sci/Tech,Crabtree amp; Evelyn Connects To Amazon Using Web Services +Sports,Manchester United: The richest and possibly most famous football <b>...</b> +Sports,Owen #39;s injury minor - Eriksson +Sports,Memories and memorabilia all that #39;s left as Expos set to leave <b>...</b> +Sports,Philippoussis flops yet again +World,Poland should withdraw troops from Iraq by end of next year <b>...</b> +World,Zhukov: Kyoto Vote in October +World,Women hostages freed in Iraq +World,63 Killed Since Saturday in India Strife +Sports,An American to buy Manchester United? +Sports,Celtics tradition attracts Rivers +Business,Office Depot dumps chairman +Sci/Tech,SpaceShipOne Wins Ten-Million-Dollar X Prize +Sci/Tech,Palm Tungsten T5 Features 256 MB of Memory +Sports,Melvin Fired +Sports,Philippoussis crashes again in Japan +World,Opposition boycotts Sri Lanka #39;s latest bid for peace +Sci/Tech,U.S. Researchers Win 2004 Nobel Prize (AP) +World,Chechnya to Swear in New President (AP) +World,Iran's President Khatami begins Sudan visit (AFP) +World,Few Tough Questions at 'Town Hall' Events (AP) +World,Court Weighs Legal Rights of Mich. Poor (AP) +World,"Defying Army Offensive, Hamas Rockets Hit Israel" +World,"Sudan Says No Darfur Self-Rule, Questions Rebel Talks" +World,Next wave of Al Qaeda leadership +World,Echoes of Russia's Communist past? +World,UN seeks access to Italy migrants +World,US volcano belches more steam +Sci/Tech,Canada's Rain Forest Wolves a Link to Past +Sci/Tech,Hurricane-Hit Florida Beckons Travelers With Deals +World,Steep rise in Haiti storm deaths +World,Rocket Wins \$10M Prize for Trip to Space +World,"Car Bombs Kill 24, Wound Over 100 in Iraq" +Sci/Tech,U.S. Researchers Share 2004 Nobel Prize for Medicine +Sci/Tech,Briefly: Korean software maker joins Asian Linux group +Sci/Tech,Korean software maker joins Asian Linux group +Sci/Tech,Microsoft hears jingle of cash register software +Business,Siebel looks to custom-built apps to boost bottom line +Business,SunGard will spin off disaster recovery unit +Sci/Tech,Ballmer Says Microsoft Will Crush Apple +Sci/Tech,Amazon expands Web services efforts +Sci/Tech,Restoring file-sharing #39;s good name +Sports,Trinidad is back! +Sports,Rams Use Rejuvenated Running Game in Win (AP) +Sports,Healthy Iverson Vows Changes This Season (AP) +Sports,Els Gets Another Shot at Becoming No. 1 (AP) +Sci/Tech,Supreme Court upholds do-not-call registry +Sci/Tech,"Survey: Transportation, logistics firms' privacy policies flawed" +Sci/Tech,Siebel looks to custom-built apps to boost bottom line +Sports,Gibbs Needs Time +Sci/Tech,SunGard will spin off disaster recovery unit +Sci/Tech,Gates undaunted by Linux +Sci/Tech,Microsoft eyes smaller code base for Longhorn +Sci/Tech,Update: Kodak wins patent lawsuit against Sun +Sci/Tech,H-1B visa cap for FY '05 already reached +Sci/Tech,Future Windows component could spur old-school viruses +Sci/Tech,Vendors look to tame DRM standards with Coral +Sci/Tech,PalmOne Introduces a Memory-Packed Organizer +Business,U.S. Treasury Debt Narrowly Mixed +Sci/Tech,Google is Growing An Update on Google +Sci/Tech,MSN Messenger 7 Beta: Sneak Review +Sci/Tech,Columnists: Strike One! +Business,"In IMF talks, US shifts toward debt-forgiveness pact" +Business,Golisano Steps Down As Paychex CEO +Sci/Tech,"With the dawn of space tourism, the jet jockey returns" +Sports,Palace grab first win of season against 10-man Fulham +Business,US Supreme Court upholds anti-competition rulings against Visa <b>...</b> +Business,Gates: Microsoft to Tackle the Spyware Problem +Business,China #39;s central bank has no timetable for more flexible exchange <b>...</b> +Business,Update 2: Charles Schwab Cuts Online Commissions +Sci/Tech,IBM Adds Fingerprint Scanning to ThinkPad Laptops +Sci/Tech,Amazon Web Services Adds Alexa Data +Sci/Tech,More troubles for Diebold +Sci/Tech,Will Fiorina Be Merger Casualty? +Sci/Tech,Cheap Talk +Sports,Soccer: US overture puts Manchester United in play +Sports,Packers peddle McKenzie to Saints +Sports,Major League Baseball Sets Attendance Record +Sports,Clippers excercise option on Wilcox +World,A debate that avoided answering the vital questions on Iraq +World,Car bombskill 26 in Baghdad and Mosul +World,Polish defense minister says Polish troops should leave Iraq at <b>...</b> +World,India death toll rises to 63 +Business,Boeing Probe Could Spur Rival Lawsuits +Business,"Court Rejects Visa, MasterCard Appeals" +Sci/Tech,Frequent Starbursts Sterilize Center of Milky Way +Business,Supreme Court upholds ruling against Visa +Business,Windmill project to push Quebec past Alberta in wind energy <b>...</b> +Sports,Clippers exercise option on Wilcox +World,Poland unexpectedly says troops may quit Iraq in 2005 +World,WHO urges more bird flu vaccine in wake of death +Sci/Tech,Helmet PC aims to score with football fans +Sci/Tech,IBM to expand on-demand data centers +Business,US High Court Ruling A Win For Consumers +Business,PeopleSoft sees quarterly revenue above estimates +Business,US gasoline pump price highest since mid-June +Business,US Supreme Court Refuses To Hear Appeal Of Do Not Call Registry <b>...</b> +Sci/Tech,Private spaceship wins \$10m for breaking the final frontier?twice +Sci/Tech,It #39;s Too Soon for Kodak to Smile and Say #39;Cheese #39; +Sci/Tech,Ballmer: iPods packed with stolen tunes +Sci/Tech,No space in space station +Sci/Tech,NetContinuum Bolsters Web-Services Security +Sci/Tech,Sun Releases 2nd NetBeans 4.0 Beta +Sci/Tech,Judging Your Chances Against Cyber Threats +Sports,United shares soar on takeover speculation +Sports,Eriksson #39;s Owen dilemma +Sports,Palace off the mark and off the bottom +Sports,CLUTCH IN THE CLUTCH +Sports,He hurt me: +World,Bambang declared clear winner +World,Howard may sweep to victory on wave of apathy +Sci/Tech,ShapeShipOne Wins \$10 Million X-Prize +World,Rumsfeld predicts major Iraq ops +World,Families attacked in northeast India; 6 die +World,Political Clashes Leave 14 Dead in Haiti +World,Small School's Script Tries to Transform Studies +Business,US Supreme Court Backs Do Not Call Registry +Business,"Update 4: Office Depot Forces Out Chairman, CEO" +Business,SunGard to spin off its disaster business +Sports,England to go full-strength against Wales +Sports,Eagles soar past 10-man Fulham +Sports,Israelis record tennis upsets +Business,Gas Pump Price Highest Since Mid-June +Business,Dollar gains after G7 meeting offers no surprises +Business,Fed #39;s Santomero Expects Steady Growth +Sci/Tech,-Posted by david.berlind 2:39 pm (PDT) +Sports,"Penalties, turnovers cost Panthers" +Sports,Wilkinson lands #39;dream #39; role +Sci/Tech,Siebel releases flood of BI applications (InfoWorld) +Business,"Stocks Gain on Siebel, Oil Below \$50" +Sci/Tech,Xamlon looks to beat Microsoft to the punch +Sci/Tech,A second act for Siebel Systems? +Business,VIEW: The price of free trade Mustafizur Rahman +Sports,More surgery for Vikings #39; Bennett +Sci/Tech,Siebel releases flood of BI applications +Sci/Tech,Tech 2004: Where the Candidates Stand +Sci/Tech,Future Tech: The Internet Reloaded +Business,Debt Ceiling Could Be Hit This Month +Business,Charterhouse wins battle for Saga +Sci/Tech,"Latest Tungsten T5 Adds Power, Resolution" +Sci/Tech,New Intel Tools Run on Rival Chips +Sports,Bucs lose KR Murphy for season +World,Scare due to vibrating sex toy shuts down airport for an hour +World,Rebel group wants Darfur region under international protection (AFP) +World,Choose comprehensive peace or comprehensive war: Eritrea rebels (AFP) +World,Job Training Outreach Planned for Vets (AP) +World,Rumsfeld doubts Saddam Laden link +World,Cuts unnecessary to delivery baby +World,Poll Results Show Race for President Is Again a Dead Heat +Sci/Tech,Apple issues Mac OS X security update +Business,"Temple-Inland to Cut Jobs, Sees Charge" +Sports,Yankees Ready to Face Santana's Music (AP) +Sci/Tech,SpaceShipOne rockets to 5.6m prize +Sports,Eriksson expects Owen recovery +Sports,Tiger Woods snorkels off Barbados coast as wedding rumours persist +Sports,Clijsters #39; latest injury could be serious +Sports,Pearce sent off early as Palace claim first win +Sports,Southampton coach given time to get UEFA licence +World,Six killed in north-east India as rebel violence continues +Sports,Glitch Still Irks Gibbs +Business,Fifty-dollar oil unlikely to last +Business,Credit card giants lose court bid +Business,"US Airways announces pay, benefit cuts for management" +Business,Raising \$22 million the Diligent way +Sports,Government attacked for not backing Silverstone +Sports,This season #39;s Lakers are Kobe #39;s team to lead +World,POLISH TROOPS TO LEAVE IRAQ NEXT YEAR +Sci/Tech,Space pioneer Gordon Cooper dies +Sci/Tech,Space Specimens Saved From Wrecked Capsule +Sci/Tech,Gigabyte GA-8I915P Duo-A +Business,Wal-Mart to Increase Space by 8 Percent +Business,CEO Exit and DOJ Decision Continue PeopleSoft Uncertainty +Business,"US Airways to Cut Management Pay, Benefit" +Business,"UPDATE 3-Temple-Inland Inc. says to cut 1,500 jobs" +Business,Limit expected to be reached as early as this week +Business,Lockheed Martin announces \$625 million in contracts +Sci/Tech,IBM announces notebook computer with fingerprint reader +Sci/Tech,E-voting vendor is a bully +Sci/Tech,Startup Devises New Way to Squash Worms +Sports,Twins shrug off #39;David vs. Goliath #39; +Sports,Introduction of new owner expected +World,"Car Bombs, Shootings Rock Iraq Cities" +World,Turkish hope on EU talks +Sci/Tech,"Microsoft, Sun Want To Hold Sway Over Wall Street (Investor's Business Daily)" +Sci/Tech,"Gordon Cooper, NASA Mercury Pioneer, Dies (AP)" +World,Arab Nations at UN Demand Israel Stop Gaza Attacks (Reuters) +World,Support grows for Blair to keep British troops in Iraq: poll (AFP) +World,Australian Government Leading in Polls (AP) +World,House OKs Humanitarian Aid for N. Koreans (AP) +World,"Defying Army Offensive, Hamas Rockets Hit Israel" +World,Poll Says Bush Still Has Edge Over Kerry +World,It's October and It's Time for Playoffs! +World,"US Airways to Cut Management Pay, Benefit" +World,Rumsfeld Doesn't Expect Civil War in Iraq +Sci/Tech,HP to Sun: Get the facts straight +Sci/Tech,PeopleSoft calls Conway less than honest +Sci/Tech,Briefly: Apple issues Mac OS X security update +Business,First Court Hearing Set in Parmalat Case +Sports,It's October and It's Time for Playoffs! (AP) +Sci/Tech,SPACESHIPONE FLIGHT GRABS X-PRIZE +Sci/Tech,GPS watches Mount St. Helens +Sci/Tech,Gigabyte warns GEAR can shorten AGP card #39;s life +Sports,Ravens Put 'Prime Time' on Inactive List (AP) +Sports,Rumph likely out for season for 49ers +Sports,"Red Sox counting on Schilling, Pedro against Angels" +World,Election down to the wire: PM +World,Pitcairn Island mass trial sees first guilty pleas in child sex <b>...</b> +World,US welcomes Cambodian approval of Khmer Rounge trial plan +World,"Sudan says no Darfur self-rule, questions rebel talks" +Sci/Tech,AMD sees slightly lower sales for Q3 +Sci/Tech,SurfControl fights phishing scams +Sci/Tech,Out in Japan: High-Def Home Movies +Business,Japan Stocks Edge Down on Profit-Taking +Business,CORRECTED: Siebel Sees Sales Topping Street +Business,"UPDATE 2-Temple-Inland Inc. says to cut 1,500 jobs" +Business,Crude retreats back below \$50 mark +Business,Oil prices threaten recovery +Sci/Tech,a super-secure ThinkPad +Sports,Man Utd hopefuls face a rising challenge +Sports,Woods can #39;t quell marriage rumour +Business,Wal-Mart to Increase Space by 8 Percent +Business,UPDATE 1-US Treasury near debt ceiling limit +Sci/Tech,PalmOne #39;s new Tungsten T5 PDA +Sci/Tech,Kodak wins Java lawsuit against Sun +Sci/Tech,ABS Awesome 6500 +Sports,Deion not ready for prime time +Sports,Redskins blue after loss to Browns +Sci/Tech,AMD Warns of Lower Sales (Reuters) +World,Sudan resolves Darfur issue with logic and positive action <b>...</b> +Sci/Tech,CORRECTED: Siebel Sees Sales Topping Street (Reuters) +Sci/Tech,Rocket Wins #36;10M Prize for Trip to Space (AP) +Sci/Tech,Mount St. Helens Spews More Steam (AP) +Business,Ex-PeopleSoft chief #39;s lie contributed to his downfall +Business,"UPDATE 3-Siebel sees sales beating estimates, shares jump" +Business,Wasserstein fights for Lazard float +Business,eBay boss named most powerful businesswoman in US +Business,Wal-Mart Plans to Open as Many as 295 US Stores Next Year +Sci/Tech,Manned space flight No 2 clinches 5m prize +Sci/Tech,IBM announces ThinkPad with fingerprint reader +Sci/Tech,Mercury Astronaut Gordon Cooper Dies at 77 +Sci/Tech,Next Space Station Crew Ready for Flight +Sports,Kick-off whistle blows as Tampa Bay #39;s leprechaun makes move for <b>...</b> +Sports,Yankees Holding Out Hope That Hernndez Can Help +Sports,Pippen ready to retire from NBA +Business,US Air to Cut Some Management Jobs +Business,Best Buy Pushes Its Insignia Brand +Sci/Tech,HP tells Sun to get its facts straight +Sci/Tech,Cray begins selling new mini-supercomputers +Business,Little hotel venture now takes care of millions +Sports,Packers trade McKenzie to Saints +Business,Parmalat chiefs await their fate +Business,"Temple-Inland cuts 1,500 jobs" +Business,Disaster recovery unit takes aim at IBM +Sci/Tech,"Microsoft, HP, IBM safe from Kodak software patent" +Sci/Tech,Longhorn Component to Spur Old-School Viruses? +World,"On Italian Isle, Migrant Debate Sharpens Focus" +Business,Anheuser-Busch plans to debut souped-up beer in attempt to revive <b>...</b> +World,US forces target Sadr City +Business,Japan Stocks Edge Down on Profit-Taking (Reuters) +Business,Factory Orders Drop Despite Expectations (AP) +Business,"Office Depot, CEO Agree to Part Ways (AP)" +Sci/Tech,Tourism #39;s new frontier +Sports,Bird played first two games with mask +Sports,Chargers hope big win wasn #39;ta fluke +World,Guilty plea in Pitcairn sex trial +Business,Bundesbank sees German economy growing by 1.2 - 1.3 pct in 2005 (AFP) +Sci/Tech,Washington Opens Digital Archives (AP) +Sci/Tech,China's online game industry could grow seven-fold in two years (AFP) +Sci/Tech,Apple Releases Mac OS X Security Patches (Ziff Davis) +Sci/Tech,Air Force Looks at New Microwave Weapon (AP) +Sci/Tech,Wolverine Wanders Nearly 500 Miles (AP) +World,Israel Kills Militant in 6th Day of Mass Gaza Raid (Reuters) +World,"Car Bombs Kill 24, Wound Over 100 in Iraq (AP)" +World,B.C. offers statement of regret for internment of Doukhobor children (Canadian Press) +World,"Bush Blasts Kerry, Signs Tax Bill in Iowa (AP)" +World,Kerry Promotes Expanded Stem Cell Research (AP) +World,Report: Colorado Senate Race Costly (AP) +World,Court Wades Into Prison Sentence Dispute (AP) +World,"U.S., Afghan Forces Attack Taliban Ahead of Vote (Reuters)" +World,Israel Kills Militant in 6th Day of Mass Gaza Raid +World,Ethnic Divide Risks Being Reinforced in Afghan Vote +World,"Japan PM Prefers Bush, Could Cope with Kerry" +World,At Least 26 Dead as 3 Car Bombs Explode in Iraq +World,Broadway Pit Shrinks; Drummer Sent to Room +Business,"Office Depot Ousts Chief, Citing Need for Growth" +Business,"UPDATE 2-AMD warns of lower sales, citing flash memory" +Business,General Mills buying back 16.5M shares +Sports,Chiefs Lead Ravens After First Quarter (AP) +Sports,Former Eagles Coach Nick Skorich Dies (AP) +Sci/Tech,NetContinuum Debuts Web-Services And Web-App Firewall +Sports,Kobe Takes Over As Lakers' Leader (AP) +Sports,Diamondbacks Face Tumultuous Offseason (AP) +Sports,AmEx win small redemption for Els +Sports,"Falcons #39; Dunn is OK, team reports" +Sports,Indians meet with Vizquel over next year +Sports,Expect Pitched Battles To Shape the Playoffs +Sports,Running Game Stalled +Business,Samsung ups chip production spending; \$24bn in new lines +Sports,It's Shaq's Day +Sports,A New Season +Sports,Deal Still in Works +Sports,Understudy Takes Stage +Sports,Two for the Road +Business,Telecom Italia #39;in TIM buyout #39; +Sports,ABC Gets Belmont in 2006 +Sports,Packers Deal McKenzie +Business,"Wal-Mart to Open, Expand Up to 295 Stores (AP)" +Business,Japan Stocks Slip by Midday +Business,Europe Worries Over Russian Gas Giant's Influence +Business,"Sola to Be Acquired by Carl Zeiss, EQT" +Business,Ferrari Outsources F1 Engine Design Work +Business,"PeopleSoft down on testimony, forecast" +Business,Supreme Court declines to hear free speech challenge to do not <b>...</b> +Business,"Schaefer, Ehrlich Spar Over Tax Shelter" +Business,Update 5: Tokyo #39;s Stocks Lower on Profit Taking +Business,"General Electric, Wachovia Poised to Win in US Tax Overhaul" +Sci/Tech,"Astronaut Gordon #39;Gordo #39; Cooper, 1927-2004" +Sports,Manchester United: It may receive takeover offer +Sports,Fernandez Racing Post-Race Notes: Toyota Indy 400 +Sports,Streeter Lecka/Getty Images +Sports,Attanasio excited to own Brewers +World,Guilty plea on island sex abuse +World,Bigley #39;handed to another group #39; +World,Fears for rhino as hunters are allowed to kill again +World,"Limited rhino hunt allowed in SA, Namibia" +Business,Unsafe Products Reaching Retail Shelves +Business,"Visa, MasterCard Lose Supreme Court Appeal" +Business,BAE Says Profit From Saudi Contract to Fall in 2005 (Update3) +Business,"Independence, Mechanics at Odds" +Business,Wrestling for the Controls in Columbia +Business,"Visa, MasterCard Lose Supreme Court Appeal" +Sci/Tech,IBM Adds Fingerprint Sensor to ThinkPads +Sci/Tech, #39;Mercury Seven #39; astronaut Cooper dead at 77 +Sports,Wilkinson to lead +Sports,BASEBALL ROUNDUP Mariners Dismiss Manager +World,HOSTAGE #39;SOLD TO LESS BRUTAL GANG #39; +Sci/Tech,Sharp Takes Aim at PDP Market with Biggest LCD TV (Reuters) +Business,Legal firms agree global merger +Sci/Tech,Oracle Opens Legal Attack on PeopleSoft (AP) +Sci/Tech,Sharp Takes Aim at PDP Market with Biggest LCD TV +World,Blair heads off to Africa on trip aimed at securing legacy (AFP) +World,"Ganguly is suspect against short ball, says Waugh (Reuters)" +World,Newsview: Cheney-Edwards Debate Means More (AP) +Sci/Tech,"Addicted Gamers, Losing Their Way" +Sci/Tech,Web Snags Right Demographic +Sci/Tech,Supreme Court Upholds Do-Not-Call Registry +Sci/Tech,WebMethods Chief Resigns +World,Supreme Court OKs Calif. Gun Show Bans (AP) +Business,Navistar Sees Higher 4th-Quarter Earnings (Reuters) +Sci/Tech,H1-B Visa Cap Met in One Day +World,Megawati 'accepts' Indonesia vote +World,Pitcairn man admits sex charges +World,China's Land Grabs Raise Specter of Unrest +World,London Ex-Policeman Sentenced for Spying +World,Municipal Elections Strengthen Party of Brazilian President +World,'Che's Trail' in Bolivia Traces Guevara's Demise +Sports,"Nets #39; Kidd Is Resigned to a Long, Long Season" +Sports,"Bradley Is Back, and the Dodgers Think Upset" +Business,Foodland gets offer for Australian unit +Sci/Tech,Rocket Ship Wins \$10 Million Prize as Private Venture for Commercial Space Flights +Sci/Tech,Membrane Breakthrough for Fuel Cells +Sci/Tech,PeopleSoft Chief's Remarks Cited as Cause of Dismissal +Sci/Tech,"Almost Here: Cellphones at 37,000 Feet" +Sci/Tech,Schwab to Cut Most Online Trade Commissions by One-Third +Business,Genentech Receives Subpoena About Rituxan Marketing (Update2) +Sci/Tech,Rocket plane wins \$10 mln prize +Sports,Triple Crown TV Breakup +World,Boat people killed in capsize tragedy +Business,IBM puts PC business up for sale +Business,Women facing retirement poverty +Business,Oracle Opens Legal Fight +Business,Tax-Cut Bill Draws White House Doubts +Sci/Tech,"Gordon Cooper, pioneering Mercury program astronaut, dies at 77" +Sci/Tech,Genetic Study of Lice Hints At Clash of Archaic Humans +Sports,"In LA, Kobe passes on slamming Shaq ..." +Sci/Tech,Yahoo Joins Trend to Personalize Searches (AP) +Sci/Tech,AT T Wireless to Offer Music Downloads (AP) +Business,"Tech Warning, Higher Oil Weigh on Asia (Reuters)" +Business,Survey: U.S. to Rein in Holiday Spending (Reuters) +Business,Survey: U.S. to Rein in Holiday Spending +Business,Big Changes Ahead For Siebel Systems +Business,Office Depot removes chief after sales drop +Business,Backing for sale of AT amp;T Wireless +World,OAS chief faces graft allegations +World,"On Italian Isle, Migrant Plight Draws Scrutiny" +World,Anheuser-Busch to Debut Souped-Up Beer +World,Chiefs Lead Ravens in Fourth Quarter +World,Bush Has a 5-Point Lead In Latest Poll +World,David Hare Sees How War Plays on World Stage +World,Bremer Criticizes Lack of Troops in Iraq +Sci/Tech,SpaceShipOne Wins \$10 Mln X Prize With Today #39;s Flight (Update2) +Sports,Tennis: Harel Levy beats Yen-Hsun Lu at Japan Open +Sports, #39;Grinders #39; turn up pressure in postseason +World,Spain applauds arrest of ETA leader by France +Business,"Got digital? By end of #39;06, you may not have a choice" +Business,Staple #39;s Brisk Clip +Business,Wal-Mart unveils 2005 expansion plans +Business,10/5/04 EDITORIAL: Do-not-call list +Sci/Tech,Burt Rutan #39;s Giant Leap +Sports,Man Buying Brewers Introduced +World,Poll no guarantee of victory: PM +World,Japan defense panel delivers report +Business,"Oil Rises on OPEC Cut Talk, Saudi Attack (Reuters)" +Sci/Tech,Former Cisco exec joins Red Hat board +Sci/Tech,Sun lures Siebel to x86 Solaris +Sci/Tech,Adobe tackles document ID +Sci/Tech,Sun: UltraSparc IV doubles server oomph +Sports,"Red Sox and Angels Share Little, and a Lot" +Sports,Chiefs Beat Ravens for First Win of Season +Sci/Tech,Yahoo Introduces Personal Search +Business,Call it an Early Birthday Present +Business,"Japan #39;s Nikkei Falls; Nintendo, Sharp Drop on Earnings Concern" +Sci/Tech,"Mercury Astronaut Gordon Cooper, 77" +World,Arguments for and against Turkey joining the EU +Business,Retailers Bet on Poker's Rising Popularity (AP) +Business,Office Depot #39;s ceo Bruce Nelson resigns +Sci/Tech,Ship invades space again to claim \$10 million +Sci/Tech, #39;Morning Edition #39; Returns: Making Space for Trash +Sci/Tech,Sun unleashes Tiger +Sports,Gavaskar answers India SOS +Sports,"Cardinals #39; Smith, 35, leads oldies but goodies hit parade" +World,Arabs tell Israel #39;stop incursion into Gaza #39; +Sports,"Nets: If a title is in their future, stars don #39;t show it" +Sci/Tech,Microsoft releases Virtual PC 7 (MacCentral) +World,Pitcairn Islander pleads guilty to sex charge (AFP) +World,Reformed Australian opposition leader finds silence is golden (AFP) +World,France can deport Muslim cleric +Sci/Tech,IBM releases low-cost Unix servers +Business,Update 12: Crude Oil Climbs Above \$50 in Asia +Business,Genentech Receives US Subpoena in Rituxan Marketing Probe +Business,Column: Market Focus +Sci/Tech,SpaceShipOne wins X-Prize +Sci/Tech,Yahoo wants users to get personal with Search +Sci/Tech,"Space travel a blast, students learn: Astronaut visits local <b>...</b>" +Sports,Schilling ready to dominate again in playoffs +Sports,Priest Holmes Helps Chiefs to First Victory (Reuters) +Sports,This Date in Baseball for Oct. 5 (AP) +Sports,Priest Holmes Helps Chiefs to First Victory +Business,Oil price climbs back above \$50 +Business,Telecoms sell-off price reduced +Business,FM warns central banks on rate hikes +Business,Bush extends tax break law +Business,Economists expect job creation to pick up +Business,Stock benchmarks in Asia fall +Business,AMD sees slightly lower sales for Q3 +Business,PolyFuel Announces Breakthrough Technology Advance For Automotive <b>...</b> +Business,Fortune names eBay CEO most powerful woman in business +Business,Telecoms sell-off price reduced +Sci/Tech,"SpaceShipOne shows what initiative, daring and great personal <b>...</b>" +Sci/Tech,Yahoo rolls out personalised search test +Sci/Tech,Gates undaunted by Linux +Business,Conway #39;s #39;ethics #39; led to firing +Business,Genentech receives subpoena on Rituxan +Sports,Still a chance for Silverstone +Sports,Mirage takes early action on Shaq-Kobe +Sports,Pippen to retire from NBA +Sports,"No knock on wood Pitching, defense are Sabean #39;s priorities for <b>...</b>" +Sports,TEXANS STAT CENTER +Sports,Dowie relieved by victory +World,24 killed in Iraq car bombings +Business,SEC says AIG public statements misleading +Business,Cheaper Part for Fuel Cells to Be Announced on Tuesday +Sci/Tech,Recent Winners of Nobel Prize in Physics (AP) +Business,Singapore Airlines sells stake in Air New Zealand +Business,Utah firm acquiring KTAR in radio deal +World,Britain's Conservatives Struggling (AP) +World,Chechen president to be sworn in +World,"Chiefs Beat Ravens 27-24, End Winlessness" +World,Nobel Prize Winner for Physics to Be Named +World,"Cheney, Edwards to Meet in Only Debate" +World,Vote for Mom? Candidate Says She's Just the Ticket +Business,Office Depot ousts chairman +Sci/Tech,Private craft launches a new era +Sports,Moss Among Nine Vikings Fined for Bears Altercation (Reuters) +World,22 dead afrter ship carrying illegal immigrants capsizes +World,Pressure on Karzai as Afghan Drug Problem Worsens +Sports,Scottie Pippen Expected to Announce Retirement +Sports,Moss Among Nine Vikings Fined for Bears Altercation +Sci/Tech,Private Rocket Ship Earns \$10 Million in New Space Race +Sci/Tech,Schwab to Cut Most Online Trade Commissions by One-Third +Business,Bonneville adds three radio stations in Phoenix +Business,Business Glance +Sci/Tech,Winning spaceflight: Priceless +Sci/Tech,JUST TOO COOL: Handhelds PDA can store data +Sci/Tech,"Schools, Libraries Internet Aid Delayed" +Sports,Chiefs #39; skid ends with all-around effort in the nick of time +Sports,McCann pulls out of Scotland squad with injury +Sports,"Lions #39; injuries improve, but ..." +Business,"Small changes, big profits" +Business,\$500 tax break is in the works +Business,Sara Lee Affirms Profit Forecast of \$1.61 to \$1.71 a Share +Sci/Tech,Rocket plane lands \$10M +Sci/Tech,Web Services +Sci/Tech,Microsoft to offer software to help users combat spyware/malware +Sports,New baseball season begins +Sports,Palace boss hails hitman Johnson +World,Megawati urges Indonesians to accept poll results +World,Just 3 of 18 candidates for president attend debate +Sci/Tech,Japan's Sharp develops world's largest LCD television (AFP) +Business,PeopleSoft trial draws media crowd +Business,MBNA gets OK for joint card venture +Business,Corporate Tax Bill Faces Opposition +Business,INDUSTRY REPORT: Aviation -- US Airways to cut pay +Business,"Australian Shares End Slightly Higher, Hits Fresh Record" +Business, quot;Do-not-call quot; list survives +Business,CanWest restructures in convergence push +Sci/Tech,"Houston, we have a winner: Allen #39;s group claims X Prize" +Sci/Tech,iPods quot;packed with pirated music quot; +Sci/Tech,Sun #39;s UltraSPARC IV is go +Sci/Tech,Flaw in Firefox fixed +Sci/Tech,Web grows by a million sites a month +Sports,Boston vs. Anaheim +Sports,Chiefs Stop Ravens 27-24 for First Victory +Sports,Crystal Palace win season #39;s first league match +Sports,Notebook: Green Bay trades McKenzie to Saints +Sports,WILKO CHOICE A REAL GAMBLE +Sports,Poor season dooms Melvin +Sports,Glove will lend hand: Payton #39;s arrival changes C #39;s +Sports,Runner appeals for gold +Sports,Notebook: Huskies say SJSU game is must-win +World,Indonesia President Megawati Admits Defeat +World,UN Security Council urges end to violence in Mideast +World,Pitcairn Islander pleads guilty to sex crime charges +World,Vibrator shuts down Mackay airport +World,Blair prepares for African trip +World,24 killed in Iraq car bombings +World,Just 3 of 18 candidates for president attend debate +Business,"Tech Warning, Higher Oil Weigh on Asia" +World,"Cheney, Edwards prepare for debate as race tightens (AFP)" +World,Saudi Arabia's first open trial of reformers closed by judge +World,Suit seeks release of flag-draped coffin photos +World,Paraguayan border town called key site for terrorist funding +World,"Deaths in Darfur could reach 300,000, US official says" +World,"Israel, Palestinians Seek Deal to End Gaza Fighting" +World,"Nearly 750,000 Afghan Refugees Sign Up to Vote" +Business,A thriving survivor +Business,Canadian drug vendor wins deals with 2 states +Business,Factory orders decline +Business,EBay's Whitman topples Fiorina from top spot on Fortune list +Business,Ex-CEO of PeopleSoft says he lied to analysts +Business,Charles Schwab to expand online price cuts to include all customers +Sports,EAGLES TAKE OFF AT LAST +Sports,Test pitch a #39;Kumble crumbler #39; +Business,Diageo raises 1.84bn from share sale +Business,"Stuck in No.2, Office Depot cuts CEO" +Business,Cingular #39;s proposed purchase of AT amp;T Wireless gets support +Sci/Tech,Right stuff for right price +Sci/Tech,Astronaut #39;Gordo #39; Cooper dies +Sports,Forum: Should India bat first or bowl first? +World,Pitcairn mayor admits sex charges +World,UN set to vote on Gaza resolution as Powell calls for end to raids +Business,"Dollar Firm Ahead of Greenspan, Data" +Business,Mondavi Director Quits Under Pressure +Business,Crude prices make a retreat +Sci/Tech,Rocket #39;s success propels chances of space tourism +Sci/Tech,Dawn of man was a lousy day +Sports,Red Sox are armed with confidence +Sports,Australia #39;s quest to conquer #39;final frontier #39; begins tomorrow +Sports,Owen to give Sven selection dilemma +Sports,Carter vows full effort despite unhappiness +World,US warplanes strike Sadr City +World,Howard plans regional spy school +Sports,Healthy Iverson vows changes this season +Sports,Portis leads way with 148 yards rushing +Sci/Tech,"Digital Gear: So Portable, It's Disposable (PC World)" +Sci/Tech,1980 Mount St. Helens Eruption Remembered (AP) +Sci/Tech,China leads world on broadband +World,Loud Explosions Echo Through Iraqi Capital (AP) +Sports,"Packers don #39;t get mad, they just hope to get even" +World,1980 Mount St. Helens Eruption Remembered +Sci/Tech,Briefly: IBM releases low-cost Unix servers +Business,Don #39;t-call list upheld by justices +Business,Giant insurer at odds with SEC +Business,US Chip-Related Stocks Including Intel Decline in Europe +Business,Lazard Set to Discuss \$3 Billion IPO +Business,Mondavi Director Quits Under Pressure +Sci/Tech,Sun: UltraSparc IV doubles server oomph +Sports,Sox face battle of wills +Sports,Mussina has no margin for error against Twins lefty Santana +Sports,England custodian is left fighting for his future +Sports,"NFL: Kansas City 27, Baltimore 24" +Sports,"Angels #39;pen is closing in: Percival, Rodriguez lead a stingy group" +World,Hu Jintao congratulates Indonesia #39;s new president +World,Spain sees French capture of Basques as major victory +Sports,Two sides to Patriots' success story +Sports,Playoff viewers can't count on quality start +Sports,"After 99 losses, Mariners dump Melvin" +Sports,Who is third man in? +Sports,"Clemens will be rested, ready" +Sports,Reasons to believe +Sports,Martinez never tougher to gauge +Sports,He's a grown Manny +Sports,Match play +Sports,Schilling ready to carry load +Sports,Sele left off roster but he stays cheery +Sports,Nicol's worth to be determined +Sports,Wildcats on the rise with Santos +Sports,Today's schedule +Sports,Warrior displays his upside +Sports,R24 and RS24: what you want at Suzuka +Sci/Tech,"Digital Gear: So Portable, It's Disposable" +Business,Ofgem exposes gas supply problems +Sci/Tech,The Kidney Swap: Adventures in Saving Lives +Sci/Tech,What a Story Lice Can Tell +Sci/Tech,Experts Place Ancient Toolmakers on a Fast Track to Northern China +Sci/Tech,One Lesson From Vioxx: Approach New Drugs With Caution +Sports,Charlton shuts out rival Crystal Palace +Sci/Tech,Unraveling Enigma of Smell Wins Nobel for 2 Americans +Business,More options for bank cards +Business,US Airways to Cut Hundreds of Jobs +Business,BHP plans massive share buy-back +Business,Lazard in vital float meeting +Sci/Tech,Yahoo rolls out test of personalized search +Sci/Tech,IIS Rounds the Security Corner +Sports,GLAZER POISED FOR UNITED BID? +Sports,India await on final frontier +Sports,Jonny realises England dream +Sports,Defense method Saints acquire CB McKenzie +Sports,Perfection not enough for Auburn +Business,Conway #39;s head was on PeopleSoft block for weeks +Business,"Oil Rises, Nears Record Above \$50 as US Production Curbed" +Business,Kodak axing 600 UK jobs +Business,Roche shares slip as Genentech faces Rituxan subpoena +Sci/Tech,\$10 million space shot +Sci/Tech,IBM unveils notebook with fingerprint reader: +Sci/Tech,Eco-watch +Sports,Australia #39;s quest to conquer final frontier +World,Australia #39;s Howard sees quot;very close quot; vote +Business, #39;); //-- gt; Eye On Stocks +Sci/Tech,AT T Wireless Opens Up Mobile Phone Music Store (Reuters) +Sci/Tech,E-mail scam plays on US elections +Business,"Kodak to Shed 900 Jobs, Reorganize European Business (Update1)" +Sci/Tech,"Gordon Cooper, pioneering Mercury program astronaut, dies at 77" +Sci/Tech,E-mail scam plays on US elections +Sports,"Notebook: OSullivan impressive in preseason, Europe" +World,Helicopter fleet escorts Karzai to rally +World,EU Sees Russia Backsliding on Democracy (Reuters) +World,Low-Level Cease-Fire Talks Begin in Gaza (AP) +World,Tokyo's Key Stock Index Edges Higher (AP) +World,N.Korea Says U.S. Rights Law Makes Talks Meaningless +World,EU Sees Russia Backsliding on Democracy +World,Jackson bid to remove prosecutor +Business,M amp;S buys Per Una for UK125m +Business,Vandals hit Detroit #39;s Osborn High +Business,Marks and Spencer grabs new clothing outfit +Sports,Possible points loss over comments concerns Earnhardt +Sports,Transactions +Business,Kodak to Restructure in UK and France (Reuters) +Business,Oil Climbs Back Over #36;50 (Reuters) +Business,Kodak to Restructure in UK and France +Sci/Tech,Kerry Campaign Dumps Cash on Web +Sci/Tech,U.S. Elections Under a Microscope +Sci/Tech,Donkey Konga: Novelty With a Beat +Sci/Tech,Dickey Around With Stem Cells +Sci/Tech,House Bill Morphs 9/11 Advice +Sci/Tech,Barred From the Apple Store +Sci/Tech,Say Goodbye to Tyranny of Hits +Sci/Tech,SpaceShipOne Wins the X Prize +Sci/Tech,Rolls Were Nothing to Flip Over +Sci/Tech,Sweet Scent of Nobel Victory +Business,Job cuts due to decline in traditional photography +Business,Oil Prices Nudge Record High +Sports,Never-ending saga +World,Foreign secretary visits Iraq +Business,Italian judge opens Parmalat fraud hearings +Sci/Tech,Annual Competition for Public Space Flight +Sci/Tech,Biometric IBM ThinkPad T42 +Sci/Tech,Space pioneer dies at home in Ventura +Sci/Tech,Kodak wins patent lawsuit against Sun +Sci/Tech,Q amp;A: Microsoft chief executive Steve Ballmer - Part Two +Sci/Tech,Sun Explores Negative Margins to Win Business +Sports,Will this finally be the year? +Sports,Packers deal CB McKenzie; Favre OK +Sports,Pippen will call it quits today +Sci/Tech,Annual Competition for Public Space Flight (AP) +Sci/Tech,"Denmark to Claim North Pole, Hopes to Strike Oil (Reuters)" +Sci/Tech,"Nokia, Intel Join Forces on Symbian Phones" +Sci/Tech,'Deadly ladybird' sighted in UK +Sci/Tech,US volcano spews out more steam +Business,"Kodak to Shed 900 Jobs, Reorganize European Business (Update3)" +Business,"US Stock-Futures Rise; American Express, IBM Climb in Europe" +Business,Asian Stocks: Japan #39;s NTT Gains; Australia #39;s BHP Billiton Rises +Sci/Tech,PalmOne unveils Tungsten T5 +Sports,Chiefs #39; 1st win of season stuns Ravens #39; defense +Sports,UA #39;s Heavner under pressure +Business,Kodak #39;s digital focus costs 600 jobs +Business,Board member explains Conway #39;s firing +Business,Diageo raises \$2.26 bn through sale of General Mills #39; shares +Business,Parmalat judge to open hearings +Business,Yahoo Adding New Search Engine Tools +Business,Rock radio shocker: Loop joins Q-101 owner +Business,Schwab cuts fees for trades +Business,US: AB to launch caffeinated Budweiser +Sci/Tech,SpaceShipOne Wins the X Prize +Sci/Tech,Java Patents: quot;Software and Patents Don #39;t Belong Together quot; +Sci/Tech,Longhorn Component to Spur Old-School Viruses? +Sports,Gavaskar To Help Struggling Indian Batsmen +Sports,Arsenal name new ground +Sports,"All this, and no Jamal Lewis, too?" +Sports,Australian Open floodlit final targets European viewers +World, #39;Talks bid #39; to halt Gaza violence +World,Susilo prepares five-year program: Spokesman +World,"21 killed, 96 hurt in Iraq car bombings" +World,EU hardens accession conditions +World,Poland considers withdrawal from Iraq by end of next year +World,Clashes erupt in northeast India +Business,US Airways to cut jobs and wages +Sci/Tech,SpaceShipOne successful again +Sci/Tech,Sun loses Java case +Sports,India call in legendary opener +Sports,Arsenal scores 3m from Emirates stadium deal +Sports,Ravens beaten at home +Sports,It #39;s easy to paint Green optimistic +World,Megawati Urges Acceptance of Indonesian Election Results +Business,Oil prices climb back over \$50 +World,Karzai Travels To Campaign Rally Outside Kabul +Business,Oil prices bounce back over \$50 mark +Business,M amp;S completes per una purchase +Sci/Tech,Internet Key Battleground in Wildlife Crime Fight (Reuters) +Sci/Tech,Security upgrade at WiFi locations (SiliconValley.com) +Sports,Eagles have lift off +Sports,Mariners fire Melvin after two seasons NOTES +Sci/Tech,"Nokia, Intel Join Forces on Symbian Phones (Reuters)" +World,Cambodia set for quot;Killing Fields quot; trials +Sci/Tech,Jobs back to work as Apple chief executive (SiliconValley.com) +Sci/Tech,Excerpts From the Citation for Nobel Prize (AP) +Sci/Tech,<cite>Reg</cite> writer receives right royal rogering +Business,Stocks Seen Higher Despite Oil Price +Business,"HSBC to Open D.C. Branch, Pursue Embassy Clients" +Sci/Tech,"For Many State Workers, an Unknown Restriction" +Business,Emirates to sponsor Arsenal +Business,Diageo says Cheerio to US stake +Sci/Tech,Medieval surgeons were advanced +Business,"Oil prices rebound above 50 dollars, close in on record highs" +Business,Sweet! Anheuser-Busch #39;s new brew +Business,US: Diageo to sell General Mills shares +Sci/Tech,Sun #39;s McNealy Declares #39;No Love for Red Hat #39; +Sports,NFL: AFC NORTH BETTING ODDS SET FOR MAJOR CHANGE? +Business,Diageo earns 2.26 bln dlrs from sale of General Mills shares +Business,Genentech subpoenaed over Rituxan +Sports,Vince re-enters game +Sports,Gibbons on hot seat +World,Chechnya's New Leader Knows He's a Rebel Target (Reuters) +World,Libya to Host a Mini-Summit on Darfur This Month (Reuters) +World,"Afghan President, Rival Campaign Despite Threats" +World,"Iran Says It Has Missile with 1,250-Mile Range" +World,Karzai braves rally outside Kabul +World,Iran 'increases missile range' +Sci/Tech,NASA Awards Contracts for Rescue of Hubble +Sci/Tech,Anti-Counterfeiting Initiative Launched +Sci/Tech,Google's New Approach Followed the Same Old Path +World,Peru leader shocks with TV tirade +World,German unemployment rises again +World,South Waziristan ceasefire agreed +World,Annual Competition for Public Space Flight +World,Haitian Pro-Aristide Marchers Threaten PM +Sci/Tech,Where's the simplicity in Web services? +Business,Parmalat Investors Flock to Milan Court Hearing Seeking Damages +Business,Ferrari picks TCS for Formula One IT needs +Sports,EMIRATES STADIUM CASH FOR GUNNERS +Sports,Australian Open looks to the night +Sports,Blue Jays name Gibbons manager +Sports,Sportsview: Dodgers' Season Mysterious (AP) +Sci/Tech,Adaptec: Partner or competitor? +Business,Japan's Toppan to Buy DuPont Photomasks +Business,China warns of more power cuts +Business,Tokyo shares drop as USD weakens again +Sci/Tech,Mount St. Helens Spews More Steam and Ash (Reuters) +Business,Judge Indicts 2 Former Parmalat Auditors +Sports,Club confirms preliminary approach +Sports,Preview and pick: Twin attack Yanks #39; image +Sci/Tech,Put on your Red Hat and dance +Sci/Tech,"PalmOne, Microsoft Set E-Mail Software Pact" +Business,Stock Futures Trim Early Gains Over Oil +Business,Retail Sales in U.S. Chain Stores Rise +Sci/Tech,Feds Kick Off Digital TV Consumer Campaign +Business,"Dollar Holds Gains Before Greenspan, Data" +Sci/Tech,AT T Wireless Launching Music Service +Sci/Tech,Washington State Opens Digital Archives +Sci/Tech,Internet Key Battleground in Wildlife Crime Fight +Sci/Tech,Software Disasters Often People Problems (AP) +Sci/Tech,"PalmOne, Microsoft Join on Mobile E-Mail (AP)" +Sci/Tech,Moore and more documentaries (USATODAY.com) +Sci/Tech,"PalmOne, Microsoft Set E-Mail Software Pact (Reuters)" +Sci/Tech,Conway's 'ethics' led to firing (USATODAY.com) +Sci/Tech,Casio combines LCD and fingerprint sensor +World,Car Bomb Near U.S. Convoy in Ramadi Kills 2 Iraqis (Reuters) +World,Car Bomb Near U.S. Convoy in Ramadi Kills 2 Iraqis +World,"Black Pastors Backing Bush Are Rare, but Not Alone" +World,Private Spaceflight Closer to Reality +World,Bremer: U.S. Paid Price for Lack of Troops +World,Palestinians Urge U.N. Vote Against Israel +World,"Cheney, Edwards to Meet in Only Debate" +Business,Genelabs Drug Fails Late-Stage Trial +Sci/Tech,EarthLink offers VoIP service (MacCentral) +Sci/Tech,"Nokia, Intel Join Forces to Develop Symbian Phones (Reuters)" +Sci/Tech,Co. to Test Plant-Produced Anthrax Vaccine (AP) +Business,"ConocoPhillips Sees Lower Oil, Gas Output (Reuters)" +Business,U.S. Chain Store Sales Rise in Oct 2 Week (Reuters) +Business,U.S. Chain Store Sales Rise in Oct 2 Week +Business,Crude Oil Prices Surge to All-Time High +Business,Man Utd fans draw up defence plan +World,S. Korea Told Not to Conduct Nuke Tests (AP) +World,U.S. Official: No Prospect of Bargain on Iran Nukes +World,Two Koreas to Meet Thursday to Discuss Border Link +World,EU Sees Russia Backsliding on Democracy +World,US running mates face off +World,Israel softens UN ambulance claim +World,Chiefs Beat Ravens 27-24 for First Win +World,Powell to Visit Hurricane-Ravaged Grenada +World,President Sarkozy? +World,Hard Lessons In School Security +Sci/Tech,"Nokia, Intel Join Forces to Develop Symbian Phones" +Sci/Tech,Private Spaceflight Much Closer to Reality +Sci/Tech,NASA Mourns Loss of Original Mercury 7 Astronaut Gordon Cooper +Sci/Tech,Unsaturated Fats Cut Gallstone Risk +Business,Crude climbs back above \$50 in Asia +Business,Diageo Sells Cereal Maker Shares +Business,"Top Court Upholds Visa, MasterCard Ruling" +Business,AMD alert on revenue +Business,Genentech Receives Subpoena on Rituxan +Business,SEC Mulls Civil Action Against AIG +Sci/Tech,Yawning and Snoring Could Be Sleep Apnea +Sci/Tech,NASA Infrared Images May Provide Volcano Clues +Sports,Johnson backs Wilkinson to succeed +Sports,Ravens #39; Battle Plans for Chiefs +Sports,"Favre improves, Pederson hurting" +Sports,Tendulkar to miss first Test +World,"Iran says has missile with 2,000 km range" +Sci/Tech,Flash dims AMD's revenue outlook +Sci/Tech,"AT amp;T Tests Linux to Replace Microsoft #39;s Windows on 70,000 PCs" +Sports,Patience could prove a virtue for Australia +World,"UN to Vote on Gaza Onslaught, Israel Escalates" +Sci/Tech,IBM goes after SMBs with Unix servers +Sci/Tech,"Casio Combines LCD, Fingerprint Sensor" +Sci/Tech,Yahoo! Adding New Search Engine Tools +Sci/Tech,Software Disasters are Often People Problems +Sci/Tech,AT T Wireless Launching New Music Download Service +Sci/Tech,PalmOne and Microsoft Join on Mobile E-Mail +Sci/Tech,Feds Kick Off HDTV Consumer Campaign +Sci/Tech,Kanoodle BrightAds Challenges Google AdSense +Business,Oil Rises to Record Near \$51 as Hurricanes Curbed US Output +Business,Advanced Micro Devices to miss 3Q sales forecasts +Business,Microsoft takes aim at malware +Sci/Tech,"Gordon Cooper, Pioneering Mercury Program Astronaut, Dies At 77" +Sci/Tech,Sun loses Java patent case to Kodak +Sci/Tech,Lice may reveal early human interaction +Sci/Tech,Book World's Next Chapter Shows Ominous Plot Twists (Reuters) +Sports,Priest brings Chiefs some salvation +Sports,Salary - Location Company YMCA Fitness Recruitment +Sports,Incentive clause fails Brower +Sci/Tech,"Casio Combines LCD, Fingerprint Sensor (PC World)" +Sci/Tech,Microsoft's POS Move May Make It a Viable Retail Option (Ziff Davis) +World,"General alters stripes, India watches" +Sci/Tech,IBM goes after SMBs with Unix servers (InfoWorld) +Sci/Tech,Anthrax Kills 120 Hippos in Ugandan National Park (Reuters) +Sci/Tech,"Intel, Symbian to define 3G smart phone 'standard'" +Business,U.S. Job Cuts at 8-Month High in Sept. +Business,"Tower Auto Sees Wider Loss, Shares Fall" +Business,Judge Orders Parmalat Auditors to Trial +Business,Crude Oil Prices Surged Above \$50 a Barrel +Sci/Tech,Experts envision taillights that talk +Business,Singapore Airlines to Sell Stake in Firm +Business,Diageo raises 1.84bn from share sale +Business,Flash dims AMD #39;s revenue outlook +Business,Japan #39;s Toppan to Buy DuPont Photomasks +Business,"Say goodbye, then hello to AT amp;T phones" +Business,Rap Mogul Damon Dash Launches Electronics Entity +Business,"Wal-Mart To Open, Expand Stores Next Year" +Sci/Tech,"Gordon Cooper, Original Project Mercury Astronaut, Dies at 77" +Sports,Arsenal sign record sponsorship deal +Sports,Owen vows to silence critics +Sports,Injuries starting to mount for hapless 49ers +World,Bomb threat airliner diverted to Cyprus +World,Howard pressured over interest rates claim +Sci/Tech,Yahoo Offers Personalized Search - My Yahoo Search +Sci/Tech,"Campaign Ads Stay Off-Line, on Air (washingtonpost.com)" +Sci/Tech,BT stamps on rogue net diallers +World,Iraqi Police Discover Five Decapitated Iraqis (Reuters) +World,U.S. Official: No Prospect of Bargain on Iran Nukes (Reuters) +World,UK Conservatives Turn to Iraq in Bid to Hurt Blair (Reuters) +World,EU's highest court says Greece can tax ouzo at lower rate than other liquors (Canadian Press) +World,"Thirst, Fear and Bribes on Desert Escape from Africa (Reuters)" +World,Afghan President Makes Rare Campaign Trip (AP) +World,Cleveland Says Debate Boost to Economy (AP) +Business,Crude Oil Jumps to Record on Concern Over Low US Supplies +Business,PeopleSoft chief fired for remark to analysts +Business,US Job Cuts at 8-Month High in Sept. +Business,Greenspan says better banking rules benefit economy +Business,"In cost cuts, US Air takes ax to top jobs" +Business,Genelabs plunges on failed study +Business,New rival for credit card leaders +Business,Pulte shares fall after Las Vegas warning +Business,AMD shares drop on Q3 warning +Business,Anheuser-Busch To Debut Souped-Up Beer +Business,Japanese company buying DuPont Photomasks +Business,Marks amp; Spencer Buys Per Una Brand +Business,Rituxan developed by Idec in San Diego +Sci/Tech,Private Spaceflight Closer to Reality +Sci/Tech,Sanyo Shows HD-DVD Player +Sci/Tech,News and Trends +Sci/Tech,"Nokia, Intel team on Symbian phones" +Sci/Tech,Amazon Launches New Web Services +Sci/Tech,"I #39;ve had spyware but never a virus, Bill Gates says" +Sci/Tech,Sybase Uncorks Unwired Enterprise +Sports,Wenger #39;to sign in days #39;? +Sports,Laxman wants role in India #39;s comeback +Sports,Liverpool return not Real option for Owen +Sports,Anderson Hoping for Happier Times for Scotland +Sports,Baseball: World Series duels haunted by history +Sports,Pippen won six NBA rings with Jordan +Sports,Nighttime men #39;s final set for Australian Open +Sports,Lisbon date for Newcastle +World,Straw meets Kurdish leaders in Iraq +Business,Services Sector Index Slips in September (Reuters) +Business,U.S. Job Cuts at 8-Month High in Sept. (Reuters) +Business,Greenspan: Banking System in Good Shape (AP) +Business,Britain Suspends Flu Maker's License +Business,Services Sector Index Slips in September +Business,Oil Sets Record on Lengthy Supply Outage +Business,Treasuries Trim Losses After Data +Business,"Services Report, Jobs Data Depress Dollar" +Business,"Stocks Edge Down, Record Crude Weighs" +Business,Britain Suspends License for Flu Vaccine Supplier +Business,Greenspan Calls U.S. Banking System 'Vibrant' +Business,The Fewest Shares You Can Buy +Business,Rich and Happy? No Guarantees +Business,Crude oil price surges to record high over global supply concerns +Business,"I lied, says sacked PeopleSoft chief" +Business,Job cuts jump in September +Business,"Intel, Symbian to define 3G smart phone #39;standard #39;" +Business,Diageo transfers shares to cut E1.1bn deficit +Sci/Tech,Lice tell mankind #39;s story +Sci/Tech,ARM to add multimedia booster to next-gen chips +Sci/Tech,Who #39;s eavesdropping on your cell? +Sci/Tech,Symantec attacks backup with live state recovery +Sports,Irishmen hold sway in Man United future +Sports,Gavaskar appointed consultant to Indian team +World,Israel-bound Lufthansa flight lands in Cyprus after bomb-scare +World,Australia #39;s Howard targets national security +Business,Greenspan: Banks are strong +World,US planes strike in Baghdad slum +Sci/Tech,INTERVIEW: Sony Ericsson Chief Sees Slower Growth (Reuters) +Sci/Tech,Avaya Agrees to Buy Germany's Tenovis (AP) +Sci/Tech,Valiant <em>Reg</em> readers save internet +World,World's biggest book fair rolls out red carpet for Arab authors (AFP) +World,Mexico's Former Ruling Party on the Rise (AP) +World,Rebels kill three soldiers in Kashmir (Reuters) +World,"Nice guy vs. The Ice Guy, Tuesday night in Cleveland (USATODAY.com)" +World,"Republicans, Democrats court key Jewish votes (AFP)" +World,Afghan President Campaigns; 7 Killed by Mine +World,"Israel, Palestinians Seek Deal to End Gaza Fighting" +Sci/Tech,INTERVIEW: Sony Ericsson Chief Sees Slower Growth +World,"Iran Says Its Missiles Can Now Reach 1,250 Miles" +World,"Thirst, Fear and Bribes on Desert Escape from Africa" +Sci/Tech,"Campaign Ads Stay Off-Line, on Air" +World,Somalis vie to be new president +World,Missiles found in anti-Eta raids +World,Date set for India Maoist talks +Sci/Tech,Software Disasters Often People Problems +World,Bremer Says U.S. Was Short on Troops for Occupation of Iraq +World,Stocks Move Lower As Oil Prices Rise +Business,UPDATE 1-Greenspan says better banking rules benefit economy +Business,SIA to offload Air NZ stake +Business,Kodak cutting 900 jobs overseas +Business,Buyback will cost BHP \$1.5b +Business,"Record high oil prices, economic data put pressure on stock <b>...</b>" +Sports,Penalty Drops Earnhardt Out of First Place (AP) +Sci/Tech,Our dark past a head-scratcher +Sci/Tech,Sun SPARCs Latest Chip +Sci/Tech,"Steve Ballmer Q amp;A: Microsoft CEO on security, piracy, licensing <b>...</b>" +Sci/Tech,"Adobe enables security features in Acrobat, Reader, LiveCycle" +Sports,Packers Fans Okay with McKenzie Trade +Sports,Els Looks Ahead with Promise After Major Woes +Sports,Melvin pays for Mariners #39; 63-99 finish +World,Turkey eagerly awaits green light from Brussels on EU talks +World,Italy defends bouncing refugees straight back +World,"Former Iranian president says Iran has missiles with 2,000 km <b>...</b>" +Sports,Fedossova Upsets Shaughnessy at Japan Open (AP) +Sci/Tech,Adaptec: Friend or foe? +Sports,Bulls' Pippen Retires +Sci/Tech,Sun unveils UltraSparc IV +Sci/Tech,"SAP, Infineon unveil RFID management system" +Sci/Tech,Microsoft: Software drives Europe's IT economy +Sci/Tech,Sony's Vaio X: Like TiVo on Steroids +Business,Britain Suspends Flu Maker's License (Reuters) +Business,ConocoPhillips Keeps Production Target +Business,US Job Cuts Steepest in Eight Months +Sci/Tech,7Up tops off space flight with ticket to ride +Sci/Tech,IBM Adds Biometrics to ThinkPads +Sci/Tech,Jury rules for Kodak in Java patent dispute +Sports,Spain to face England in friendly at the Bernabeu +Sports,Hughes gets call-up for Scotland +Sports,Post-Talladega expletive costs Earnhardt +Sports,India strong without Sachin +Sports,Yankees leave Giambi off playoff roster +Sports,Basketball: Gary Payton has change of heart and decides to play <b>...</b> +World,Megawati set to go +World,"Reach of missiles now 2,000 km: Iran" +Business,Big Australian buyback +Sci/Tech,PalmOne grabs Microsoft Exchange license +Sci/Tech,Sun unveils UltraSparc IV +Sports,Chiefs #39; First Win Was Crucial +World,Karzai more confident about victory in voting after his second <b>...</b> +Business,Britain Suspends Flu Vaccine Maker (Reuters) +Business,Bush Expects Upward Revision to Jobs Data (Reuters) +Business,"Adidas sees strong US sales growth, higher dividend (AFP)" +Business,Blue Chips Slip on Oil Concerns +Business,US Airways Union Meets to Discuss Pay Cuts +Sci/Tech,Tata signs IT deal with Ferrari +Business,Florida Rock Is Steady +Business,Oil hits record on heating concerns +Business,SIA ditches Air NZ stake +Business,Digital snaps blamed for jobs axe +Business,Camden Property to Buy Summit Properties +Business,"Tower Auto Sees Wider Loss, Shares Fall" +Business,UPDATE 3-Credit Suisse gains on restructuring hopes +Business,Blue Chips Slip on Oil Concerns +Sci/Tech,Samsung to boost chip production +Sci/Tech,Wireless NewsFactor PalmOne Debuts New Tungsten with 256-MB Flash <b>...</b> +Sci/Tech,AT amp;T Wireless brings music downloads to mobile customers +Sci/Tech,IBM in attack mode with #39;budget #39; Power kit +Sci/Tech,New Apple iMac G5 launched +Sci/Tech,Symantec offers recovery systems +Sports,Soccer: Palace notches first League win +Sports,Way out of the Woods +Sports,Earnhardt Bounced from Top Spot in NASCAR Standings +Sports,Emirates Offer Too Good to Refuse - Hill-Wood +Sports,Report: UConn freshman in critical condition +Sports,Benson shows no fear on -- or off -- the field +World,EU #39;s Prodi Says No Special Conditions for Turkey +World,Italy defends new fast-track flights to deport refugees +World,"Iran adds to international concerns with missile, nuclear moves" +World,EU's Prodi Says No Special Conditions for Turkey +World,US Stops Short of Backing Brazil on UN Council Seat +World,Flu vaccine licence suspended +World,Car bombs in Iraq leave six dead +World,Ten killed in fresh Assam attack +Business,Blue Chips Slip on Record Crude Prices +World,Stocks Are Mixed As Oil Prices Climb +World,"Edwards, Cheney Set to Meet in Only Debate" +World,Flu Vaccine Maker's Shipments Suspended +Business,Danes to seek oil at North Pole +World,Rodeo: Kelly Maben Win in Barrel Racing +Business,AT #038;T Joins the Music Frenzy +Business,US Oil Prices Soar Above Record \$50 +World,Army Spun Tale Around Ill-Fated Mission +Business,No FDA regs for cigs in tax bill +Sci/Tech,Sony's Vaio X: Like TiVo on Steroids (PC World) +Sci/Tech,Intel Pushes Further into Mobile Space +Sci/Tech,IBM touts new Power5 servers +Sci/Tech,ARM gains flashy new media processing instructions +Sci/Tech,PluggedIn: Ultrawideband Heralds Zippier Wireless Connections (Reuters) +Sports,The Dolphins are getting beat -- and embarrassed -- this season +Sports,Owen amp; Becks named on World Player short-list +World,Israel diverts Lufthansa jet to Cyprus +World,Chirac unity call in hostage row +World,Experts urge stronger action against wildlife poachers +Sci/Tech,PluggedIn: Ultrawideband Heralds Zippier Wireless Connections +Business,Auditors Face Trial in Parmalat Fraud (Reuters) +Business,Peoplesoft may mull Oracle bid +Business,Miner shares the wealth +Business,Greenspan Sees Economic #39;Traction #39; +Business,Service Sector Cools As Hiring Increases +Sci/Tech,Flash memory abounds in PalmOne #39;s Tungsten T5 +Sci/Tech,AT amp;T Joins the Music Frenzy +Sci/Tech,EarthLink finds spyware running amok +Sci/Tech,"Adobe, GeoTrust Join to Verify Documents" +Sports,NASCAR had no choice but to penalize Junior +Sports,NBA Rundown: How good is/was Scottie Pippen? +Sci/Tech,Ballmer sees squeeze on Longhorn deadline +Sci/Tech,Briefly: Slashdot dips into politics +Sci/Tech,PalmOne grabs Microsoft Exchange license +Sci/Tech,Sony hones its TV efforts +Sci/Tech,Sony's home server stores 1 terabyte +Business,"PalmOne, Microsoft Join on Mobile E-Mail" +Sports,NL playoffs: Astros vs. Braves +Sports,Reds quartet in World Player shortlist +Sports,Wicked good outcome +Sports,UConn basketball player hospitalized +World,"Iran Says Its Missiles Can Now Reach 1,250 Miles" +World,Skepticism accompanies tribunal vote +Sci/Tech,Symantec releases data recovery tools +Sci/Tech,Ubiquitous network society 'around the corner' +Sci/Tech,First Look: Voq Cell Phone Needs Work +Sci/Tech,First Look: Voq Cell Phone Needs Work (PC World) +Sci/Tech,3 Americans Share Nobel Prize for Physics +World,Embassy Workers Suffer Breathing Ailment (AP) +World,Saddam Trial Hampered by Violence in Iraq (AP) +World,"Iran Says Its Missiles Can Now Reach 1,250 Miles" +World,Israel Says It Attacked Islamic Jihad Leader +World,Spain: Russian Missiles Found in ETA Arms Caches +World,UN raps Sudan over Darfur crisis +World,World accepts Indonesian result +World,3 Americans Share Nobel Prize for Studying Tiny Particles +World,Scottie Pippen Retires After 17 Seasons +World,"Edwards, Cheney Set to Meet in Only Debate" +World,Stocks Are Mixed As Oil Prices Climb +World,White House Silent on Bremer Troop Request +Business,BHP Billiton launches A\$1.5 bn share buyback programme +Business,Kodak #39;s Restructuring Develops +Business,UPS to acquire Menlo Worldwide Forwarding +Business,Wal-Mart to Add 55 Million SF in 2005 +Sci/Tech,IBM ThinkPads Get Biometric Access Tech +Sci/Tech,Cold water poured on Intel #39;s Symbian deal +Sci/Tech,Intel Korea Unveils Newest Pentium 4 +Sci/Tech,E-Rate Inspection +Sports,Who should win: Buck Showalter +Sports,BAR-Honda confirm Sato for 2005 +Sports,Rooney up for world award +Sports,Vikings #39; Smith to begin four-game suspension +Sports,"Pederson has back injury, broken rib" +World,Africa #39;s Needs in Focus as Commission is Set for Meeting +Sports,Sanderson Takes Coaching Job at Iowa Sta (AP) +Sports,"Kuerten, Grosjean Drop Paris Masters (AP)" +Sports,Ryder Cup Reminders Tee-Off Some Players (AP) +Sports,Seven-Time All-Star Scottie Pippen Calls It Quits +Sports,Earnhardt Bounced from Top Spot in NASCAR Standings +Sci/Tech,SpaceShipOne: Flights of fancy +Sci/Tech,Yahoo offers personal search +World,70 die as Iraq violence escalates +Sci/Tech,Via readies 64-bit capability for Isaiah +Business,"U.S. Services Sector Slips, Jobs Mixed" +Business,PeopleSoft Denies Execs Visited Oracle +Business,Veolia Wins \$800 Million U.S. Deal +Business,T-W to Aggressively Woo Cable Subscribers +Business,Lots of Profits in This Forest +Business,Kodak's Restructuring Develops +Business,Greenspan: US Banks in Good Shape +Business,CNF to Sell Forwarding Business to UPS +Business,"Wal-Mart bucks backlash, continues growth plans" +Business,Profits for Canadian retailers seen rising 33 this year <b>...</b> +Sci/Tech,New Toshiba notebooks highlight long-running trend +Sports,"Grosjean, Kuerten pull out of Paris Masters" +Sports,Pippen calls it quits +World,"Israeli Missile Hits Car in Gaza, at Least one Palestinian Killed" +World,Ireland issues passport to Bigley +World,US fires on Sadr City +Business,US job cuts reach 8-month high +Business,UPDATE 1-Bear Stearns to buy Cigna #39;s TimesSquare bond firm +Sci/Tech,Astronaut Gordon Cooper Dies +Sci/Tech,Early man left trail of lice +Sci/Tech,Sun hypes new UltraSPARC and Siebel love +Sci/Tech,"SAP, Infineon Team Up To Accelerate RFID Deployment Cycles" +Sci/Tech,Symantec releases data recovery tools +Sports,Sports: NFL tells Vikings #39; Smith to sit out four +Sports,Pippen retires from NBA +Sports,Ravens have no answer for Priest +Sports,Yankee directs anger at Bonds +World,Bomb warnings show airlines are hostage to hoaxers +World,Bigley gets Irish passport +World,Bomb blasts wound two in Thailand #39;s south a day after paper dove <b>...</b> +Sci/Tech,PeopleSoft Denies Execs Visited Oracle (Reuters) +Sci/Tech,Exhibit Traces Impact of Isaac Newton (AP) +Sci/Tech,Number of Endangered Steller Sea Lions Up (AP) +Sci/Tech,Mercury Astronaut Gordon Cooper Dies at 77 (Reuters) +Sci/Tech,Paneer is easy. +Business,Update 6: Judge Indicts 2 Former Parmalat Auditors +Sci/Tech,Blu-ray Disc Association Launches +Sci/Tech,"Internet Explorer vs. the little guy, Firefox" +Sports,Owen raises England hopes +World,UNconscionable (Investor's Business Daily) +World,"Expanded African force, peace talks key to Darfur strategy" +World,Asia #39;s Human Bird Flu Toll Reaches 31 +World,Wartime security as Karzai campaigns amid spiralling violence (AFP) +World,Ohio Focuses on Job Growth for Elections (AP) +World,Canada Top Court Seen Leaning Toward Gay Marriage +World,Venezuela Welcomes U.S. Overture to Improve Ties +World,Samarra peaceful after US blitz +Sci/Tech,Protests target nuclear shipment +World,Britain Blocks Drug Firm From Supplying Flu Vaccine +World,Stocks Mixed As Oil Nears \$51 Per Barrel +World,Officials Warn of Major Flu Shot Shortages +Business,UPS to buy Menlo arm from CNF +Business,T-Mobile adds security measure to hot spots +Business,"Pay, benefits cuts announced for airline management" +World,US Stops Short of Backing Brazil on UN Council Seat +Sci/Tech,Macromedia giving away Flex +Sci/Tech,Briefly: T-Mobile adds security measure to hot spots +Sports,Judge's Aide: Jamal Lewis to Plead Guilty (AP) +Sports,Caminiti Gets Jail for Failed Drug Test (AP) +Sci/Tech,Ask Kim Komando +Sci/Tech,IBM Draws Power for Mid-Sized Biz +Sci/Tech,"AMD Describes Dual-Core Chips, Performance" +World,Rescue effort for Canadian sub launched off Irish coast +World,Israel/Occupied Territories: Excessive use of force +Sports,Vikings RB Onterrio Smith Suspended +Sports,"D.C. Councilmen, Residents Protest Baseball Plan" +Sports,Olympic Tennis Champ Massu Ousted in First Round +Sci/Tech,T-Mobile adds security measure to hot spots +Sci/Tech,CA pushes on-demand trend +Business,Lazard Meeting Ends Without IPO Decision (Reuters) +Business,U.S. Stocks Flat as Oil Spikes Over \$51 +Business,Texas Roadhouse Shares Up on Market Debut +Business,UPS to Buy Menlo Worldwide for \$150M +Business,Sharp shows off 65-inch LCD HDTV +Business,US services sector expands at slower pace in September +Business,Pulte drops earnings expectations +Sci/Tech,"SAP, Infineon unveil RFID management system" +Sports,"Grosjean, Kuerten will skip next month #39;s Paris Masters" +Sports,Australia begin quest to conquer #39;final frontier #39; +Sports,Sanderson joins Iowa State coaching staff +Sports,Sheffield unknowingly used steroid +World,Megawati accepts election result +World,US: UN Gaza Resolution Not Balanced +Business,Former Enron asst treasurer strikes plea deal +Sci/Tech,Flight 001 To Outer Space Now Boarding +Sci/Tech,IBM #39;s Meyerson: Chip industry needs a #39;Plan B #39; +Sci/Tech,"NetContinuum rolls Web app, Web services security" +Sci/Tech,"Schools, Libraries Internet Aid Delayed (AP)" +Sports,A look around the Big 12 +Sci/Tech,IBM Adds Biometrics to ThinkPads (NewsFactor) +World,Warlord politics heats Afghan vote +World,UK #39;s Blair to Put Africa at Heart of the G-8 Agenda in 2005 +Sci/Tech,Intel Pushes Further into Mobile Space (NewsFactor) +Sci/Tech,IBM Rolls Out Low-End Express Servers (NewsFactor) +Sci/Tech,Conservationists Appeal for Deep Sea Trawling Ban (Reuters) +Sci/Tech,SpaceShipOne Wins #36;10 Million Prize with Flight (Reuters) +Business,U.S. Stocks Flat as Oil Spikes Over #36;51 (Reuters) +Business,Martha Stewart Witness Acquitted on Perjury Charges +Business,"Growth in U.S., European Service Sectors Slows" +Sci/Tech,Microsoft's Ballmer takes things in stride +Sci/Tech,Briefly: Macromedia giving away Flex +Business,CORRECTED - UPS buys CNF #39;s Menlo Worldwide Forwarding +Business,Update 1: Ex-Enron Assistant Treasurer Is Charged +Business,"Drug Stocks Mixed, Outpacing Dow" +Business,"Microsoft, PalmOne ink deal for mobile email services" +Sci/Tech,"Gordon Cooper, Mercury Mission Astronaut, Dies at 77" +Sports,Soccer: Owen on track for crack at critics and Wales +Sports,"Earnhardt penalized for cursing, knocked out of Nextel Cup lead" +Sports,Playoffs present new challenge for Angels +World,Israel Arrests 13 UN Employees - Army +Sci/Tech,Gadgets galore at Japan show +Sci/Tech,IBM's Meyerson: Chip industry needs a 'Plan B' +Business,PeopleSoft #39;s Courtroom Confession +Business,US Measure to Regulate Tobacco in Doubt +Business,Update 1: Camden Property to Buy Summit Properties +Business,UPDATE 2-White House expects upward revision to jobs data +Sci/Tech,"Yahoo Search Gets Personal, Too" +Sci/Tech,Sun Drives Multithreaded Processor Innovation with New UltraSPARC <b>...</b> +Sci/Tech,Computer Associates Temp CEO Outlines Growth Plans +Sci/Tech,AMD spells out dual core features +Sports,Owen says he can still score for England despite rocky Madrid <b>...</b> +Sports,Canadian Charmaine Hooper nominated for FIFA World Player of the <b>...</b> +Sports,NASCAR point dock for swear drops Little E into 2nd in Nextel Cup <b>...</b> +Sports,NBA great Pippen retires after 17 seasons +World,Fire breaks out on Canadian submarine +World,Experience has taught US not to enter dangerous territory <b>...</b> +World,Israel arrests 13 UN employees +World,"Gordon Cooper, NASA Mercury Pioneer, Dies" +World,Amendment Banning La. Gay Marriage Tossed +Business,PeopleSoft's Courtroom Confession +Business,PARMALAT: NEXT HEARING SCHEDULED OCT. 29 +Business,UPDATE 1-Former Enron asst treasurer strikes plea deal +Business,UPDATE 2-CNF sells freight forwarding unit to UPS +Sci/Tech,"Intel, Nokia, Symbian Drive to 3G Future" +Sci/Tech,Yahoo CEO Sees No Need to Join Media Merger Frenzy (Reuters) +Sports,Newcastle meets Sporting Lisbon +Sports,The mother of all sponsorships +Sci/Tech,Gates: Microsoft To Target Malware (NewsFactor) +Business,Can the Pony Ride Again? (Forbes.com) +Sci/Tech,SpaceShipOne Wins Ten-Million-Dollar X Prize +Sci/Tech,Hawk Watch: Where to See Fall's Migrating Raptors +Sci/Tech,Reliving Lewis and Clark: Conflicts With the Sioux +Business,An Opportunity From Chiron's Misfortune? +Business,Shackin' Up With Big Sam +Sci/Tech,Via to throw hat in 64-bit x86 chip ring +Sci/Tech,EarthLink to offer free Net telephony +Business,"Visa, MasterCard Lose High Court Appeal, Amex and Discover may be <b>...</b>" +Business,Viacom enters US Hispanic radio +Sci/Tech,AT amp;T Wireless Launches Online Music Store +Sci/Tech,Sun Launches UltraSPARC IV +Sci/Tech,EarthLink to offer free net telephony +Sci/Tech,PeopleSoft board opens up to Oracle +Sports,"12-0 Auburn, 10-1 Cal big losers in BCS" +Sci/Tech,"iMac G5: #147;Marvel on the Inside, too #148;" +Sci/Tech,Sony Nixes Copy-Protected CDs in Japan (AP) +Sports,Cal #39;s demoted to Holiday Bowl +World,Syrian President Shuffles His Cabinet (AP) +World,"U.S., Iraqi Forces Open New Offensive" +Business,135 arrested in telemarketing probe +Business,Martha ink expert found not guilty +Business,"Oil Surges to Record, Breaching \$51 a Barrel, on Supply Concern" +Sports,Cardinals Drum Dodgers in Playoff Opener (AP) +Sports,Yank Heavy Hitter Sheffield Fan Favorite (AP) +Sci/Tech,Intel Links Up With Symbian +Sci/Tech,Sony abandons copy-control CDs +Sports,McAmmond signs AHL contract +Sports,Opportunistic Defense Helps Jets Improve (AP) +World,Crisis talks in Paris as concerns grow for kidnapped French <b>...</b> +World,Iraq town struggles back to life after US assault +Sports,Cherrad Banned by FIFA for Ref Insult (AP) +Sports,Devils Sign LW Dean McAmmond to AHL Deal (AP) +Sports,U.S. Open to Return to Congressional (AP) +Business,Fed's McTeer: U.S. Economy Back on Track (Reuters) +Business,PalmOne/Microsoft Deal Not Good For Good +Sci/Tech,Sony Nixes Copy-Protected CDs in Japan +Sports,Opportunistic defense helps Jets improve +Sports,Onterrio Smith to begin 4-game suspension +World,Wolfowitz Recalls Nazi Crimes Vs. Poland +Business,Crude oil prices top \$US51 a barrel +Business,Oil Prices Pressure US Stocks +Business,Singapore selldown of Air NZ well anticipated by market +Business,Hundreds Arrested in Telemarketing Scheme +Business,"Kodak to cut jobs in England, France" +Sci/Tech,EarthLink Offers Free VoIP Calls +Sci/Tech,Sony Abandons Copy-Control Music CDs +Sports,Playoff Capsules +Sports,"Pierce, Hantuchova win; Zvonareva driven out of Porsche event" +Sports,Klitschkos to go it alone +Sports,Picking your poison +Sports,Houston vs. Atlanta +World,"Iran Says Its Missiles Can Now Reach 1,250 Miles" +World,"Deadly car bombs explode in Ramadi, Mosul" +World,"Brazil Solid Candidate #39; for UN Council, Powell Says (Update2)" +Business,U.S. Urges Rationing of Flu Shots as Supply Is Slashed +World,Iraqi labour movement makes global debut with tough task ahead (AFP) +Sci/Tech,House GOP Seeks to Quash Draft Rumor (AP) +Sci/Tech,World's Top Game Players Battle for Cash (AP) +Sci/Tech,Microsoft CEO: Merger Strategy Unchanged (Reuters) +Sci/Tech,Infineon Execs Jailed for Price Fixing +Business,Stocks Fall As Oil Surpasses \$51 a Barrel +Business,Hundreds Arrested in Telemarketing Scheme +Business,Online Stock Trading Gets Cheaper +Sci/Tech,Next for Private Spaceflight: Tourist Ships +Sci/Tech,"Gates Chats Up DRM, Web Services" +Sports,Tennis: Seeds tumble as Zvonareva crashes out of Filderstadt +World,Australian FM plays down Poland's announcement on Iraq withdrawal (AFP) +World,Landmine kills Afghan policemen +Sci/Tech,"Fujitsu, Cisco team up to provide IP network products in Japan" +World,Hormone Leptin May Treat Infertility +World,Rock's Recluse Wilson Center Stage Again +World,"Edwards, Cheney to Meet in Only VP Debate" +World,White House on Defensive After Bremer Talk +World,"U.S., Iraqi Force Seizes Suspected Rebels" +Sci/Tech,AT T looks into closing Windows +Sci/Tech,Ballmer takes on the troublemakers +Business,PeopleSoft board opens up to Oracle +Business,AlphaSmart cuts earnings view due to lower demand +Business,Fed chairman makes no comments on monetary policy +Sci/Tech,Kodak Seeks \$1 Billion from Sun in Java Suit +Sci/Tech,AT amp;T Denies Move Away from Windows +Sports,Steelers' Bell Out for at Least Two Weeks (AP) +Sports,Coleman insists start must quot;wake up and smell the coffee quot; +Sports,Tigers exercise option to keep Trammell for 2006 +Sports,Mourning Takes It Easy in First Practice (AP) +World,Arab nations demand end to Israeli raids +World,Irish passport given to Bigley to save his life +World,Blair Seeks to Prick World Conscience on Africa +Sports,Ohio St. Regroups After Northwestern Loss (AP) +Sports,Annika Appeals to All Golfers in New Book (AP) +Sci/Tech,Tech edges ahead at Japan show +Sports,Cardinals Start Strong +Sci/Tech,Siebel to push customer education to make CRM work +Sci/Tech,PeopleSoft board willing to talk to Oracle +Sci/Tech,Bush signs extension to R D tax credit +Sci/Tech,Radisson Hotels unveils online check-in service +Sci/Tech,New Toshiba notebooks highlight long-running trend +Sci/Tech,New systems cut cell phone finger work +Sci/Tech,Flash memory abounds in PalmOne's Tungsten T5 +Sci/Tech,"SAP, Infineon unveil RFID management system" +Sci/Tech,Users: Information life-cycle management standards needed +Sci/Tech,IBM touts new Power5 servers +Sci/Tech,Rackable Systems adds new NAS to line +Sci/Tech,"Tools wrap: Web services, e-commerce, XML touted" +Business,Bonds Slip as McTeer Counters Oil Rally (Reuters) +Business,"Yum Profit Up, Raises View (Reuters)" +Business,Open Text Revises 1Q Lower +Sci/Tech,AT amp;T looks into closing Windows +World,Rome Defends Sending Migrants Straight Back +Business,PeopleSoft Says Its Board May Consider an Oracle Takeover Offer +Business,"Yum Profit Up, Raises View" +Business,Key Martha witness found not guilty +Sci/Tech,Astronaut Gordon Cooper dies +Sci/Tech, quot;Smoking Louse quot; Rewrites Human Evolution +Sci/Tech,CA Outlines Unicenter Efforts +Sports,Beckham gets warm welcome in Manchester +Sports,Zvonareva upset at Filderstadt behind 13 double faults +World,US says Iran #39;s missile is threat +World,"Task for Indonesian leader: Fight terror, but not for US" +World,Afghanistan hits fever pitch as warlords turn #39;democrat #39; +World,Wariness over Turkey #39;s EU bid +World,Cypriot protests after Israeli jets force airliner into flight <b>...</b> +Business,Massachusetts Pension Fund Rehires Putnam (AP) +Business,Wal-Mart CEO Sees Strong Finish to Year (Reuters) +Sci/Tech,AT T looks into closing its Windows +Business,Homebuilder Stocks Among Biggest Losers +Sci/Tech,Smartphone industry gathers for Symbian Expo +Sports,France call up Luyindula +World,"Mortars Hit Baghdad, US Strikes Sadr City" +Business,US share prices skid on record oil price +Business,US CREDIT-Pulte #39;s price hike troubles likely fleeting +Sci/Tech,"Gordon Cooper, astronaut on final Mercury mission" +Sci/Tech,2 rival alliances formed +Sci/Tech,iMac G5: The all-in-one computer redefined +Sports,Roundup: Pippen retires +Sports,Premier League Slammed by Lma over Wigley +Sports,Penalty for on-air curse drops Earnhardt out of first place +Sports,Ricky Williams asks league to clarify his status +World,Conditions on Turkey #39;not new #39; +World,Allawi sounds note of gravity on war +World,Endangered black rhino hunting ban lifted +World,Britain welcomes Indo-Pak talks: Hoon +Sci/Tech,Microsoft Unveils News Version of MSN TV (AP) +Sci/Tech,Rackable Systems adds new NAS to line (InfoWorld) +Business,More circulation woes at Hollinger +Business,SIA sells its stake in Air NZ for \$70m +Business,Wal-Mart CEO Sees Strong Finish to Year +Business,Update 2: Ex-Enron Treasurer to Testify at Trial +Sci/Tech,Coming soon: full-scale DVD format war +Sports,"Pippen retires as one of game #39;s best, not one of its most loved" +Sports,Arsenal get \$300m Emirates boost +Sports,Sports: Ricky Williams may be considering a return to football +World,US Vetoes UN Measure Demanding Israel Leave Gaza +World,Warlord politics heats Afghan vote +World,Latest front for US forces: rural Iraq +World,R. Kelly and Jay-Z Reluctantly Unite +World,House GOP Seeks to Quash Draft Rumor +Sci/Tech,Adobe does document security +World,Wild Weather Hampers Submarine Rescue Mission +Business,Tobacco regulation backers fail to restore it to corporate tax <b>...</b> +Sci/Tech,"IBM Aims Low-Cost Unix Servers At SMBs, Puts Bulls-eye On Sun" +Sports,FIFA Announces World Player of the Year Nominations +Sci/Tech,Search engine for developers is hailed (InfoWorld) +World,US vetoes Security Council resolution on Gaza +World,Bomb scare forces Israeli fighters to intercept aircraft +Sci/Tech,Bulgaria Discovery Sheds Light on Ancient Thracians (Reuters) +Business,Markets extend rally as oil falls from high +Business,Martha ink expert acquitted +Sci/Tech,AT amp;T looks into closing its Windows +Sports,Schumacher aiming for Suzuka victory +World,New Chechen President sworn in +World,Iran: Getting Back on Track +Sci/Tech,Blogger father resigns from Google +Sci/Tech,Panel: Kerry would take new approach to tech issues +Sci/Tech,Google lays out lofty plans for Search Appliance +Sci/Tech,Search engine for developers is hailed +Sci/Tech,Bush signs extension to R D tax credit +Sci/Tech,Adobe does document security +Sci/Tech,AMD further details dual-core Opterons +Business,Soros gives bigger role to sons +Sci/Tech,"Head Lice Provide Clue to Prehistoric Lives, Loves" +Sports,New deal for Wenger as Arsenal hit the jackpot +Sports,NHL veteran opts for stint in minors +Sports,Wilkinson convincing as man to #39;bind side together #39; +Sci/Tech,"News: North Korea has 600 computer hackers, South Korea claims" +Sci/Tech,Do Not Adjust Focus. Those Blobs Are Atoms. +World,Israeli Tank Fire Hurts 3 in Gaza -- Witnesses (Reuters) +World,Britain's Blair to demand answers from Sudan on Darfur (AFP) +World,EU Commission to Bless Turkish Membership Bid (Reuters) +World,National Guard Hands Over More Bush Papers (AP) +World,Bush Asks Another #36;691M in Hurricane Aid (AP) +World,Moore Accused of Offering Gifts for Votes (AP) +World,Georgia Congressman Has Lung Transplant (AP) +World,Depp denies calling US war 'dumb' +World,"On Debate Day, Cheney Keeps a Low Profile and Edwards Campaigns" +World,U.S. Flu Vaccine Supply Cut in Half +Sci/Tech,AMD's dual-core performance boost +Business,Shutters come down for Kodak +Sports,BoSox Win 9-3 to Open Series With Angels (AP) +Sports,Tiger Woods wedding is talk of island +Sports,Fears over fixture clash +Sports,A look around the Big Ten +Sports,Anderson in frame after a change of luck at last +Sports,Oklahoma Defense Likes Challenge of Texas (AP) +Sports,Nuggets Sign White Despite Gun Charge (AP) +World,US vetoes Arab draft demanding Israeli withdrawal from Gaza +Sports,Florida Gators Returning to Big-Play Ways (AP) +Sports,Williams Asks NFL to Clarify His Status +Sports,Lewis Readies Defense +Sports,Red Sox Strike First +Sci/Tech,PalmOne licenses Microsoft Exchange for mobile e-mail +Business,BHP plans up to A\$1.5bil buyback +Business,Update 2: Ex-Enron Exec Pleads Guilty to Conspiracy +Business,Kodak plight a snapshot of UK work +Business,Delphi Deepens Third-Quarter Loss View +Business,Cash is king for Diageo investors +Sci/Tech,AMD #39;s dual-core performance boost +Sci/Tech,EarthLink to offer free net telephony +Sci/Tech,IBM Rolls Out Low-End Express Servers +Sci/Tech,Concern Grows Over RFID Tag Production +Sci/Tech,"SAP, Infineon Team Up To Accelerate RFID Deployment Cycles" +Sports,"Cardinals, Red Sox Use Homers to Win Baseball Playoff Openers" +Sci/Tech,Yahoo Adds Personalization to Search Technology +Business,Housing affordability gap yawns +World,Proposed new UN rules could have allowed Iraq war: Britain (AFP) +Sci/Tech,House OKs Bill Imposing 'Spyware' Fines (AP) +Sci/Tech,GOP Gets House to Nix Draft Bill 402-2 (AP) +Sci/Tech,"Intel Joins Nokia, Symbian To Make Smart Phone Chips (Investor's Business Daily)" +Sci/Tech,"Mount St. Helens Exhales Ash, Steam (AP)" +Business,Jetstar Asia Seeks Destinations in India +World,"Edwards, Cheney Gear Up for Sole VP Debate (AP)" +World,Kerry: Bush Uses 'Scare Tactics' (AP) +Sci/Tech,"NASA Studies Space Railway to Explore Origins of Planets, Stars, and Galaxies" +World,Republicans Accuse Moore of Vote Bribery +Sci/Tech,Hormone Leptin May Treat Infertility in Women +Sci/Tech,Flu Vaccine Supply Cut in Half +Sci/Tech,Library Exhibit Traces Impact of Isaac Newton +Business,UPDATE 3-Delphi sees wider loss partly on materials costs +Sci/Tech,Adobe Does Document Security +Sci/Tech,"Sun #39;s New Multi-threaded Processor, UltraSPARC IV" +Sports,"Pippen: quot;If I had anything to give, Id leave it here... quot;" +Sports,Gardenhire Surprised by Song Fuss (AP) +Sports,Dozens Arriving for Apparent Woods Wedding (AP) +Sports,Schilling and Big Bats Give Red Sox Game 1 +Sci/Tech,Microsoft looks to enlist European partners in SMB push +Sci/Tech,"New security products ""adapting"" to threats" +Business,Tokyo Stocks End Lower +Sci/Tech,Microsoft Unveils New Version of MSN TV +Sci/Tech,House Approves Bill Imposing 'Spyware' Fines +Business,Kodak cuts 600 jobs and shuts two plants as digital toll rises +Business,International telemarketing fraud probe nets 135 +Business,Philip Morris to invest \$200M in Cabarrus plant +Sci/Tech,"SpaceShipOne Makes Second Trip to Space, Wins X Prize" +Sports,LA #39;s comeback strategy won #39;t work in playoffs +Sports,Carter advances to second round at US Mid-Amateur +World,UN atomic experts back in Iran to test bomb claims +Business,U.S. Jobs Weigh on Dollar +Business,UPDATE 3-PeopleSoft could be open to Oracle bid-director +Business,Oil hits \$51 as hurricanes halt supplies +Sci/Tech,Gordon Cooper +Sci/Tech,MSN Search Preview Resurfaces +Sci/Tech,Browsers become business bugbear +Sports,Glazer opens talks with Irish as United fans revolt +Sports,"MLB: Boston 9, Anaheim 3" +Sports,Cassell a no-show; Wolves sign Griffin +Sports,Williams retirement saga continues +World,Iranian missile #39;can reach Israel +Sci/Tech,PeopleSoft Open to Oracle Bid -Director (Reuters) +Sci/Tech,Three Americans Share Nobel Physics Prize (AP) +Sci/Tech,Satellite Mishap Blamed on Human Error (AP) +Sci/Tech,Dye Test Planned on Yellowstone Creek (AP) +Sci/Tech,Court Hits 'Spam' Envelope-Stuffing Scam +Sci/Tech,House Passes Tough Computer Anti-Spyware Bill +Sci/Tech,Microsoft CEO: Merger Strategy Unchanged +Business,Ex-Enron Asst Treasurer Strikes Plea Deal (Reuters) +Business,Stocks Lower as Oil Breaches \$51/Barrel +Business,Japan Stocks Open Down After Gains +Business,Ex-Enron Asst Treasurer Strikes Plea Deal +Business,PeopleSoft Open to Oracle Bid -Director +Business,US Air Unions Object to Plan for Cuts +Business,Delphi Sees Wider Loss on Materials Costs +Business,US: More Than 135 Arrested for Telemarketing Fraud +Sci/Tech,The Spirit of St. Louis in outer space +Sci/Tech,Broadcom Unveils New Multicore Chip +Sci/Tech,EarthLink #39;s Calling +Sci/Tech,IBM Unveils Midmarket Servers +Sports,Arsenal unveil mega 100M Emirates deal +Sports,Larsson and Rooney bid for world player award +Sports,BAR sign Epson for one race +Sports,Sooners #39; Jones to return; starting RB undecided +World,US vetoes anti-Israel UN resolution +Sci/Tech,Transmeta's M8800 Efficeon Processor Powers Down +Sci/Tech,Which Candidate Is More Tech-Friendly? +Business,Scripps senior newspaper VP to retire +Business,Update 4: Tokyo Stocks Open Lower; US Dollar Up +Business,Schwab says he #39;ll stay on as CEO to get firm back on track +Sci/Tech,AMD Offers Performance Details of New Dual-Core Opteron +Sci/Tech,Earthlink Offers Free Online Calling +Sci/Tech,"Nokia, Intel To Team On Symbian Smartphones" +Sports,Larsson secures place on elite list +Sports,England take on Spain in friendly +Sports,Cricket-Lancashire sign up Muralitharan +Sports,Kwame Brown not ready for start of season +World,Fire aboard ex-Navy sub on way to new owner +World,US vetoes Arab resolution +World,US blamed for troop levels +Business,"Supersize me, says Wal-Mart" +Business,Billionaire Soros gives sons bigger role in his empire +Business,Hollinger to Take \$27M Charge for Suits +Business,"Treo, Exchange agree to talk" +Business,AMD hit by weak demand +Business,Fast-food giant reports third quarter gains +Sci/Tech,Sun on wrong end of Java IP victory +Sci/Tech,IBM drops eServer Power5 clock speed to chase Sun +Sports,Clemens Is Still Swinging and Pitching With Intensity +World,Mega tells nation to accept result +World,Alkhanov Sworn in As President of Chechnya +Business,Divide over managing US #39;s wallet +World,UK resists EU curb on Turkey +Sci/Tech,"Save the Trees, Save the Apes, Expert Says (Reuters)" +Business,Dollar Stalls Ahead of Employment Figures (Reuters) +Business,Japan Stocks Flat After Wall Street +Sci/Tech,SAP taps search technology +Sports,Shula says Patriots could go 19-0 +Sci/Tech,Ultra-Tiny Transistors Won't Be Key to New PC Performance Gains +Business,Wallstreet update - stocks Stocks climb again as oil prices slip +Sports,Score Angels #39; lineup moves a failure +Sports,"Titans #39; Calico out two-three weeks, maybe ten" +World,Israeli Town Lies in Rockets #39; Paths +Sci/Tech,GOP Brings Up Draft to Knock It Down (washingtonpost.com) +Sci/Tech,Ultra-Tiny Transistors Won't Be Key to New PC Performance Gains (PC World) +World,"Asian, European leaders gather in Hanoi ahead of summit (AFP)" +World,Israeli Missile Kills Islamic Jihad Chief (AP) +World,Australian PM's anti-immigration rhetoric softens as Asian vote beckons (AFP) +World,Israeli Tank Fire Kills 3 in Gaza Town +Sci/Tech,"MTV, Gamers Hope Video Clicks With Young" +Sci/Tech,MedImmune Tapped for More Flu Vaccine +World,Blair Flies to Sudan to Press for Darfur Peace +Sci/Tech,Phone Group Head Resigns After Uproar +World,Britain's Straw Says Iraq Elections Must Go Ahead +World,"Haiti Flood Death Toll Passes 3,000" +World,"US, Brazil Predict End to Brazil's UN Nuke Dispute" +World,Comic Rodney Dangerfield Dies at Age 82 +World,GOP Gets House to Nix Draft Bill 402-2 +World,Pit Stop on the Cocaine Highway +World,"US, Brazil Predict End to Brazil's UN Nuke Dispute" +World,Motor Racing: Panis Reaches the End of the F1 Road +Sci/Tech,Briefly: SAP taps search technology +Business,Doorstep delivery +Business,Wal-Mart to open scores of stores +Business,Analysis: GOP pushes corporate tax breaks +Business,"Kodak To Cut 600 Jobs in UK, 270 in France" +Sports,Cards Dominate Dodgers in Playoff Opener (AP) +Sci/Tech,AMD: Dual-core tech accelerates Opteron by more than 30 percent +Sports,Glazer puts United in play +Sports,Stephen Dunn/Getty Images +Sports,FOOTBALL: DUBAI BURY +Sports,Rooney on Fifa shortlist +Sports,Sheffield Says He Unknowingly Used Steroids +World,Israel assassinates al-Quds commander +World,Lufthansa passenger plane diverted to Cyprus after bomb threat +World,BILLY #39;S BIGLEY JOKE FURY +World,ULTIMATUM FROM BLAIR +Sports,"Schilling, Ramirez Lead Red Sox to Easy Opening Win" +Sports,Sheffield Says He Unknowingly Used Steroids +Sports,"Clijsters Unsure About Latest Injury, Says Hewitt" +Sports,Red Sox Cast Off Bad Memories by Blasting Off +Sports,Chiefs Humble Ravens +World,Mbeki meets with Ivory Coast rebel leaders +Sports,Wizards Feeling Good +Business,Tobacco Rider Adds Fire To Corporate Tax Bill +Business,"Union, Hotels Still Deadlocked" +Business,"Regulator Wants Riggs Records on Jet, London Apartment" +Business,PBS Selects Crystal City Location for Headquarters +Business,"On Fannie's Board, Many Bonds" +Business,EEOC Files Suit Against English Fluency Policy +Business,Guilty Plea in Enron Fraud Case +Business,Crude oil prices breach 51 dollars in New York +Sports,Cards #39; offense relentless +Sports,"Ronaldo likely to play against Venezuela, says Brazil doctor" +Business,Tobacco Rider Adds Fire to Debate Over Corporate Tax Bill +Business,Update 3: Tokyo Stocks Higher; US Dollar Up +Business,Genentech gets served +World,Britain's Straw Says Iraq Elections Must Go Ahead (Reuters) +World,Annan refuses to resign over Iraq programme +World,Mexico Lawmakers Protest Education Funding (AP) +World,Report: S.Korea Says U.S. to Delay Troops (AP) +World,Lawyers say Australian terror suspect likely to be freed from Guantanamo (AFP) +World,"Candidate: No Pregnant, Single Teachers (AP)" +World,Lawmakers Weigh Foreign-Born As President (AP) +World,Luggage may hold an explosive surprise +World,"Cheney, Edwards Go Toe to Toe in Debate" +World,"France Was Ready to Send Troops to Iraq, Book Says" +Sports,"Schilling less than stellar, but it doesn #39;t matter" +Sports,Williams asks for hearing to clear status +Sports,Wilkinson #39;s battle with nerves +Sports,Harrys keeping Kewell +Business,Wal-Mart to open another 500 stores +Sports,Ricky Williams Wants to Rejoin the Dolphins +Sports,Williams Faces Fight +Sports,"Angelos, MLB at Odds" +Business,Asian Shares Firm in Face of High Oil +Business,"At Meeting, Lazard Board Takes No Vote on Offering" +Business,2 Soros Sons Get More Control of the Business +Sports,Wenger close to new deal +Sports,Notes: Jones in starting lineup +Sports,Ricky Williams Wants to Rejoin the Dolphins +Sports,Miller hints that he #39;ll retire after this season +Sports,Hendry to discipline Sosa +Sci/Tech,A Look at the Toys of Christmas (Near) Future +Sci/Tech,Spinning Out Clear Winner Even Before Debate Begins +World,Israel kills Islamic Jihad leader in Gaza strike +Sci/Tech,Three Americans Win Nobel for Particle Physics Work +Sci/Tech,"It Took a Few Weeks, but Google Has Topped Its Initial Price" +Sci/Tech,"Internet Grants Cut, and F.C.C. Scolded" +Sports,Pitt headed for Tempe to play Utah in Fiesta Bowl +Business,Once immutable and now vulnerable +Sci/Tech,Space tourism industry takes off +Sci/Tech,"Bald Eagles Rebound, Other Birds of Prey in Trouble" +Sci/Tech,Talkback: Is Ripping a Crime? written by Patrick Norton on <b>...</b> +Sci/Tech,Microsoft Unveils News Version of MSN TV +Sports,American League Playoff Game Summary - Minnesota at New York +Sports,Obsession; and Fury +Sports,Boro draw Lazio and Partizan +Sports,Tiger roars #39;I do #39; to model wife +Sports,Gascoigne quits Boston post +World,Brazil condemns Israeli offensive on Gaza Strip +World,Brazil quot;important candidate quot; for expanded Security Council: Powell +Sci/Tech,PeopleSoft Willing to Talk With Oracle (AP) +Business,Asian Shares Firm in Face of High Oil (Reuters) +Business,Soros gives bigger role in his fund to 2 sons +Business,Oil teases \$51 a barrel as hurricanes hit output +Business,Howard University engineering programs get a boost +Business,Fannie Executives to Defend Accounting Practices +Business,San Francisco Hotels Lock Out Employees In Labor Dispute +Sci/Tech,Endangered animals a business in south China +Sports,Yanks put in dicey spot +World,Leader of British Tories is raising issue of trust +World,Freed Hostages to Arrive Home Soon +World,U.S. Stretches Out S. Korea Troop Cut Until 2008 +World,Japan More Confident on CITES Whale Vote +World,Subdued Afghanistan campaign ends +Business,Fannie Mae Execs Appear Before Congress +Business,Make or break for Bush? Employment numbers look shaky for re <b>...</b> +World,'Fresh Start' vs. 'the Right Thing' +Sci/Tech,IBM tightens up WebSphere +Sports,Taking over Man U - Malcolm Glazer +Sports,Spirit of St. Louis: Five home runs +Sports,Ricky wants to play again +World,"Iran extends range of its ballistic missiles, former leader says" +World,Twins Top Yanks 2-0 With Dazzling Defense +World,"US, Iraqi forces start new move against insurgent areas" +Sci/Tech,Mercury Astronaut Gordon Cooper Dies +Sci/Tech,Yahoo introducing new search engine tools +Sci/Tech,Barred From the Apple Store +Sports,"MLB: Minnesota 2, NY Yankees 0" +Sports,Sox Beat: Schilling eager to live up to billing +Business,Fannie Mae to Defend Action to Congress +Business,Board Member of PeopleSoft Open to Merger +Business,Pilots at US Airways Will Vote on Plan to Cut Pay and Benefits +Sports,Pennington #39;s return inspires Jets offense +Business,Fannie Mae Chief Is Expected to Defend Accounting +Business,US firms announce deeper job cuts +Sports,Australia off to patient start in Bangalore +Sports,Team India gets the Sunny touch +Sports,Football: England to face Wales in WC qualifier +Sports,Storm game at a glance +World,US-Iraqi forces launch major operation against insurgent <b>...</b> +Business,Update 4: Ex-Enron Treasurer to Testify at Trial +Business,News Corp. May Strengthen Corporate Governance (Update1) +Sports,"Santana slips, slides out of trouble" +Sports,Cardinals come out slugging +Sports,"MLB likely won #39;t punish Bonds, Giambi, Sheffield" +Sci/Tech,"Steam, Magma Building in Mount St. Helens (Reuters)" +World,Blair Arrives in Sudan to Press for Darfur Peace (Reuters) +Sci/Tech,Opposing Views of Sage Grouse Danger +World,"Meeting Was Not First for Cheney, Edwards (AP)" +World,"Cheney, Edwards Controlled in Aggressive Debate (Reuters)" +World,Tories take tough line on crime +Sci/Tech,IBM tightens up WebSphere +Business,No White Flag Flying at PeopleSoft +Business,Fannie Mae to Defend Action to Congress +Business,Fast-food operator beats target despite rising costs +Business,J-Power makes strong market debut +Sci/Tech,One Secure Notebook +Sports,This Date in Baseball for Oct. 6 (AP) +Sports,Assault in Anaheim: Sox bury Angels +Sports,Walker lands two big ones in opener +Sports,"Santana, Jones Lead Twins Past Yankees" +Sports,"Just Weeks Into Retirement, Williams Wants Back in N.F.L." +Sports,Earnhardt Fined for Checkered Language +Sports,Bird Bounces Monarchs +Business,Staff layoff deal for Alitalia +Sci/Tech,A Look at the Toys of Christmas (Near) Future +Sci/Tech,"Save the Trees, Save the Apes, Expert Says" +Sports,"Heat have 1 practice down, but long way to go" +World,European press review +Business,135 arrested in telemarketing-fraud investigation +Sci/Tech,Greenpeace protests Malaysia #39;s #39;laundering #39; of ramin in RI forests +Sci/Tech,Q amp;A: Microsoft chief executive Steve Ballmer +Sci/Tech,Computer Assc positive about business climate +Sci/Tech,IBM: JBoss more of threat to BEA +Sports,"One down, one to go for Sox in Anaheim: Seven-run 4th helps <b>...</b>" +Sports,Texas looks to overcome Red River losing streak +Sports,Division series notebook: Sheffield admits to steroid use +World,At least three Palestinians dead as US vetoes UN resolution +World,Afghanistan: Hamid Karzai campaigns with nephew in Mazar +World,UK Conservatives Pounce on Trust Issue +World,ITALY HALTS REFUGEE EXPULSION +Business,House defeats FDA proposal +Sports,Woods weds in Barbados: report +Sports,Cards rout LA 8-3 in opener +Sports,There #39;s nothing to suggest this club will repeat history +Sports,Father bets son against Aussies +Sports,Peterson caught in the middle +World,Report May Undercut Bush's Iraq Rationale (AP) +World,Main points from the US vice presidential debate (AFP) +World,"For Cheney and Edwards, Efforts to Improve on the Other Debate" +Business,2 Big Law Firms to Merge +World,Mystery of the Islamic Scholar Who Was Barred by the U.S. +Sci/Tech,Auto technology keeps Power Mac cool +Business,"Enron deals were sham, court told" +Business,UPDATE 1-Sola says agrees to be sold for \$815 mln +Business,Soros winding down after good innings +Business,Almond Growers Combat Dust Clouds +Sci/Tech,"Future, past cross paths" +Business,Flight attendants union mails strike ballots +Business,Wal-Mart picks up expansion pace +Business,"Alitalia, Unions Agree on Job Cuts; Rescue Proceeds (Update1)" +Business,Stocks edge up in morning +Business,Stewart trial expert acquitted +Sports,Wedding rumours abuzz in Barbados +Sports,Red Sox Nation thrives in California +Sports,Braves #39; Wright bounces back +Sports,Jackson swears loyalty to team +World,US vetoes Arab resolution +World,Megawati unlikely to contest poll loss +World,Oz to establish regional spy school +Business,Fannie Mae to Defend Action to Congress (Reuters) +Business,Phone scam probe nets 2 +Business,"Update 5: Tokyo Stocks End Higher, Dollar Up" +Sports,"Cassell a no-show, Mourning a no-go, Pippen retires" +World,Israelis Kill Islamic Jihad Leader +World,"Amnesty China Arrests, Jails Human Rights Defenders" +Sci/Tech,Volcano Appears to Rest After Letting Off Steam +World,Money Now Sole Obstacle to Khmer Rouge Trials -UN (Reuters) +Sci/Tech,Recent Winners of Nobel Prize in Chemistry (AP) +World,Sudan Calls Out U.S. on Genocide Claim (AP) +World,"Bush to Hit at Kerry on Security, Economy (AP)" +Sports,Spain Wins Davis Cup As Moya Tops Roddick (AP) +World,"Cheney, Edwards clash on Iraq in debate (AFP)" +World,Corporate Tax Bill Nears Final Approval (AP) +World,State Dept. Reports Increase in Refugees (AP) +Business,This Fannie needs a serious spanking +Business,Update 2: Reports: Alitalia Signs Deal With Italy +Business,Carphone enjoys #39;buoyant #39; market +Business,"Ex-Enron exec makes deal, will plead guilty to fraud" +Business,Soros gives US\$12B empire to his sons +Business,Mass. fund to rehire Putnam +Business,INDUSTRY REPORT: Sotheby #39;s plans November sale +Sci/Tech,Editorial:The right stuff of imagination +Sci/Tech,Yahoo unveils personalisation tool +Sci/Tech,Ballmer: #39;Bad guys #39; aren #39;t going away +Sci/Tech,"Video to DVD, Sans PC" +Sci/Tech,"New Sony computer boasts 1,000 gigabytes of storage; can record <b>...</b>" +Sports,Slugger admits unwitting steroid use +Sports,LA starter Perez lost it in a hurry +Sports,Local media confirm Woods marriage +Sports,BECKS: OWEN #39;S GOT A REAL PROBLEM +Sports,FOOTBALL: WE JUST COULDN #39;T SAY NO TO 100M +Sports,UNITED: RIVALS LINE UP NEW BID +Sports, quot;Other quot; starters chip in for Storm +Sports,South Africa pushes ahead with its bid for a GP +Sports,Lewis may have to sit after guilty plea +World,Body count grows in besieged Gaza camp +World,11 killed in latest Iraq bombings +World,Bigley granted Irish passport +World,Howard tries to kick-start Tories +Business,China to 'phase out' measures aimed at cooling economy (AFP) +Business,News Corp. May Boost Governance to Ease Vote +Sports,George Washington Upsets No. 12 Maryland (AP) +Business,US Air Pilots to Vote on Pay-Cut Proposal +Business,Crude oil price stays above \$50 +Business,"For younger workers, family matters" +Business,AT amp;T Wireless cranks up music service +Business,Health costs expected to grow 8 +Business,Director: PeopleSoft open to an Oracle deal +Business,Oil sets new record on lengthy US supply outage +Business,Unions clear way for Alitalia turnaround plan +Business,UPS va racheter la division Menlo Worldwide Forwarding de CNF +Sci/Tech,IBM Rolling Out Biggest WebSphere Update in 2 Years +Sci/Tech,73 membres pour la Blu-ray Disc Association +Sports,Golfing superstar Tiger Woods gets married in Barbados +World,US vetoes resolution calling for Israeli halt to Gaza operations +Business,Morning Briefing +Business,The whole lie and nothing but the lie +Business,WSJ: Adelphia May Reject Joint Bid +Business,Mexico set to pass Canada in vehicle sales +World,11 killed by bomb +Sci/Tech,IBM Rolling Out Biggest WebSphere Update in 2 Years (Reuters) +Sci/Tech,Microsoft Ships Virtual Machine For Mac (TechWeb) +Business,Mixed fortunes for fashion chains +Business,Alaska Airlines: September traffic rose +Business,Update 1: Singapore Shares End Higher +Business,Bratz topples Barbie in Battle of the Dolls +Business,AstraZeneca delays Galida filing to 2007 +Business,Microsoft adds MSN TV 2 Internet amp; Media Player +Business,Deal to salvage troubled Alitalia +Business,Fannie Mae #39;s Raines Strongly #39; Disagrees With Regulator Report +Business,Singapore prices close 0.21 percent higher in cautious trading +Business,AstraZeneca Faces Another Setback as Galida Filing Delayed +Sci/Tech,Google Launches Amazon-Style Book Search Business +Sci/Tech,AMD dual-core Opterons gain SSE 3 support +Sci/Tech,Microsoft plans tune-up of Media Center PC +Sci/Tech,"BERLIN, Germany, October 6 (PRNewswire)" +Sci/Tech,Wanted: Simple home security +Sci/Tech,EarthLink gets into VoIP +Sci/Tech,Sun doubles UltraSparc performance +Sci/Tech,Apple testing guru banned from... testing +Sports,India #39;s Kumble claims 400th test scalp +Sports,Tiger ties the knot +Sports,Glazer set for charm mission +Sports,Pakistan confident of winning one-day tri-series +Sports,Dale Jr. slips to 2nd after slip of tongue +World,Sub crew safe after fire off the coast of Ireland +World,US-led forces push to retake rebel zone +World,"Bid for UN seat #39;solid, #39; Powell says" +World,Tony Blair arrives in Sudan for talks +World,Deal near to end Sadr City battle +World,"US, Iraqi Forces Conducting Anti-Insurgency Operations" +World,Iran adds to int #39;l worries with high range missile +World,French PM hits out at hostage bid fiasco +World,Job-Seekers #39; Odyssey Freighted With Risk +Business,Fannie Mae execs set their defense +Business,Austin Reed gets dressing down +Business,StarHub share offer to raise \$271m +Sci/Tech,Your Own Web at Yahoo #39;My Web #39; +Sci/Tech,"Intel, Nokia team up to develop quot;smart quot; phone" +Sci/Tech,Blogger Boss to Leave Google +Sports,Lanka will depend on Asia Cup momentum +Sports,Lazio face tough encounters +Sci/Tech,Pirated copies of Windows XP cannot install Service Pack 2 +Sports,Owen amp; Becks named on World Player short-list +Sports,BAR not ready to beat Ferrari - Sato +World,US Warplanes Bomb Suspected Zarqawi Safe House in Fallujah +World,Straw upbeat over Iraq elections +World,Afghan Election Hopeful Survives Assassination Attempt +Sci/Tech,A Simple Plan +Sci/Tech,Comparing Australian Foreign Policy With Respect To Terrorism +Sports,FIFA publish World Player of the year list +Sports,STANFORD NOTEBOOK Gilbertson gives edge to Stanford +World,Straw Again Rules Out Bigley Kidnap Negotiations +World,Nuclear ship docks in French port +World,Karzai #39;s Running Mate Escapes Afghan Mine Blast +Business,2.7m loss doesn #39;t suit Reed chiefs +Business,Alaska Air sees \$45 mln-\$55 mln in severance costs +Business,"Michigan struggling to fill nursing ranks, study shows" +Sports,Tiger Woods Marries Swedish Ex-Nanny +Sports,California dreamin'? It's a reality +Sports,Caminiti guilty but has served time +Sports,A place is saved for Hernandez +Sports,Santana was an escape artist +Sci/Tech,<cite>Reg</cite> in free (ish) wine giveaway +Sports,Boras holds the line on Varitek and Lowe +Sports,Wright back on right track +Sports,He's in position to succeed +Sci/Tech,School net search throws up porn +Sports,Payton finding his place +Sports,New rule isn't very practical +Sci/Tech,China opens up to Electronic Arts +Sports,Pippen makes one final smooth move +Sci/Tech,'Buoyant' market for Carphone +Sports,Today's schedule +Sports,Big Red ready to see Crimson +Sports,Melrose uses a 1-2 punch to knock out Winchester +Sports,Transactions +Sports,Another win for Heikki Kovalainen! +Sci/Tech,IBM Rolling Out Biggest WebSphere Update in 2 Years +Sci/Tech,Experts Say Control Systems Vulnerable +Sci/Tech,S. Korea Claims North Has 600 Computer Hackers +Sci/Tech,Satellite Mishap Blamed on Human Error +Sci/Tech,World's Top Game Players Battle for Cash +Sci/Tech,DNA pioneer Wilkins dies aged 88 +Sci/Tech,Extinct humans left louse legacy +Sci/Tech,Deep-sea trawling's 'great harm' +Sci/Tech,Mussel beds flourish again +World,Karzai's Running Mate Escapes Afghan Mine Blast +World,No Deal on Ending Baghdad Clashes-Senior Sadr Aide +World,U.S. Stretches Out S. Korea Troop Cut Until 2008 +World,Shipment of Bomb-Grade Plutonium Reaches France +World,UN probing Nepal disappearances +World,Cricket: Kumble hits milestone +World,Somalis make case to be president +World,Pentagon rebuffs troop criticism +World,Strasbourg plot suspects on trial +World,Pakistan reporters reach Srinagar +World,Negotiations seek peace in Fallujah +Business,"Oil, Astra Lead European Stocks Down" +World,"Range of new missiles said to top 1,200 miles" +World,Top UN envoy details lack of progress in Darfur crisis +World,Israel diverts airliner to Cyprus in bomb scare +Business,Mortgage Applications Flat Last Week-MBA +World,Woman dies days after son's death in Iraq +Business,Hurricanes Leave Huge Economic Footprint +Business,Virgin and SN seal Belgian merger +World,Astros Killer Bs Running Out of Chances +World,Congress Speeds Up 9/11 Legislation Vote +World,Sharon Aide Nixes Palestinian State +World,Voluntary Flu Vaccine Rationing Urged +World,U.S. Delays Troops Withdrawl From S. Korea +World,Convoy of Karzai's Running Mate Is Attacked +Sci/Tech,Who's afraid of portable storage media? +World,House GOP Brings Up Draft In Order to Knock It Down +Business,Playoff fever hits some on the job +World,Cheney and Edwards Go Toe to Toe in Debate +World,Syrian Sees a Calming of Tension +Business,Stewart case ink expert found not guilty of lying +Business,Genentech gets a subpoena +World,Japan to Press U.S. on Troops +Sci/Tech,Wanted: Simple home security +World,"Diplomats: IAEA, Brazil Reach Agreement" +World,Powell: Brazil Has No Nuclear Aspirations +Sci/Tech,Microsoft plans tune-up of Media Center PC +Business,EU Wants Windows Cleaned of DRM +Sports,Emirates Airlines signs sponsorship deal with Arsenal +Sports,Earnhardt fined for checkered language +World,US vetoes UN resolution on Gaza offensive +World,US warplanes pound Fallujah +World,Spain seizes 5 more ETA suspects +Business,"Big Lots Revises Quarterly, Year Views" +Business,Carphone Warehouse rings up higher sales +Sports,Agent: Ricky Williams Wants To Return To Fins +World,Canadian Sub Loses Power in Atlantic +Sci/Tech,Update: Avaya to buy German IP telephony vendor +Sci/Tech,Senate Wants Database Dragnet +Sci/Tech,Geek Trip Begins at Headwaters +Sci/Tech,Web Industry Still Flies Blind +Sci/Tech,The Incredible Shrinking Man +Sports,Save money when you hit the links on the Grand Strand +Sci/Tech,Making XP a Welcome Guest on Mac +Sci/Tech,Spyware Bill Gets House Nod +Sci/Tech,3 Yanks Share Nobel for Physics +Business,Greenspan points bank mergers as stability factor +Sci/Tech,Microsoft's Xbox Live Usage Takes Off in Asia (Reuters) +Sci/Tech,"Fujitsu-Siemens pre-tax profit, sales up strongly in first half (AFP)" +World,British Prime Minister in Sudan +Sci/Tech,Software speeds file-sharing service (SiliconValley.com) +Sci/Tech,"PeopleSoft open to deal, official says (USATODAY.com)" +Sci/Tech,NASA Inspector's Shuttle Checks Questioned (AP) +Sci/Tech,Remains of Genghis Khan Palace Unearthed (AP) +Sci/Tech,Japan More Confident on CITES Whale Vote (Reuters) +Sci/Tech,From Citation for Nobel Prize in Chemistry (AP) +Business,"Oil, Astra Lead European Stocks Down (Reuters)" +Sci/Tech,Microsoft's Xbox Live Usage Takes Off in Asia +Business,United to Cut U.S. Flights +Business,Stocks Set to Open Flat; Oil Prices Weigh +Business,"Dollar Up; Focus on Fed, Jobs, Oil" +Business,"Before the Bell: Knight Falls, Too Rises" +Sci/Tech,Programs: New Games Feature Mind Over Matter +Business,"Fannie, Freddie And Free Markets" +Business,Yukos #39;pays most of 2000 taxes #39; +Business,UPDATE 1-Alaska Air sees \$45 mln-\$55 mln in severance costs +Business,"Asian Shares End Mixed; Tokyo Advances, Hong Kong Falls" +Sports,Pakistan #39;s Shoaib Malik restricts Sri Lanka +Sports,Australia Reaches 316-5 vs India; Kumble Gets 400th Test Wicket +Sports,Tennis: Dent Advances in Japan Open +World,No Deal on Ending Baghdad Clashes-Senior Sadr Aide +World,Afghan Vice Presidential Candidate Survives a Bomb Blast +Sports,Heeling power +World,Karzai's Running Mate Escapes Afghan Mine Blast (Reuters) +World,No Deal on Ending Baghdad Clashes-Senior Sadr Aide (Reuters) +World,Britain praises Pakistan campaign against Al-Qaeda (AFP) +Sports,Maryland upset at BB amp;T Classic +World,Republicans Glad to Lose on Bill to Start New Draft (Los Angeles Times) +World,Spain Arrests Five ETA Suspects Primed for Action +World,US agrees to slow S Korea pull-out +World,Militants die in settlement raid +World,Indian Maoists discuss strategy +World,Tiger Woods Weds Swede Model in Barbados +Business,Alitalia rescue plan agreed after all-night talks +Business,"United to Trim Fleet Size, Add International Routes (Update2)" +Business,Idealab Rethinks Web Search with Snap +Business,UPDATE 1-Big Lots sees wider third-quarter loss +Business,British manufacturing output falls for third successive month +Sci/Tech,Hynix Sells Non-Memory Unit +Sci/Tech,US Telecoms giant looks at throwing Windows out +Sports,Tiger Woods marries Swedish fiancee in ritzy Barbados resort +Sports,England vs. Wales = Man Utd vs. Man City +Sports,Kumble joins #39;Club 400 #39; +Sports,Some talk isn #39;t cheap +Sports,Ricky Williams Seeks Return with Dolphins +Sports,Storm ends Monarchs #39; playoff run +World,Blair Urges End of Darfur Slaughter +World,Crushing blow for bank customers +Business,British manufacturing output falls for third successive month (AFP) +Business,Oil Extends Record Run to \$51.48 Peak +Business,"Stocks Seen Flat, Oil Hovers Near \$51" +Business,Monsanto Posts Loss on Herbicide Sales +Business,United Airlines Cutting Domestic Service +Business,"UPDATE 1-United to cut US flights, focus on international" +Business,Fannie Mae Executives Defend Decisions +Sci/Tech,UK Scientist Who Played Role in DNA Discovery Dies +Sci/Tech,"AT amp;T Considers Mac OS X, Linux For 7,000 Desktops" +Sci/Tech,Sony releases home server that stores 1 terrabyte +Sports,"Bell gets unexpected call, scores first NFL touchdown" +Sci/Tech,Experts Say Control Systems Vulnerable (AP) +Sci/Tech,'Troy' Makes Homer Britain's Best-Selling Poet (Reuters) +Sci/Tech,"New DTS surround encoders leverage OS X, Xserve (MacCentral)" +Sci/Tech,Physics Nobel Goes to 'Theory of Everything' Trio (Reuters) +Sci/Tech,Latvian Seeks Seismic Monitoring Stations (AP) +Sci/Tech,Rocket Launchers Allowed in Presidential Debate +Sci/Tech,Americans Denied a True Presidential Debate +Sci/Tech,Infineon execs to get prison terms +Sci/Tech,Ballmer calls for horse-based attack on Star Office +Sci/Tech,A web wise terror network +World,Rough weather hampers rescue efforts for Cdn submarine stranded off Scotland (Canadian Press) +Sci/Tech,Fujitsu and Cisco Form Strategic Alliance +World,Afghan Leader's Running Mate Survives Taliban Attack +World,IAEA Chief Says World Getting Impatient with N.Korea +World,OutKast lead MTV Europe shortlist +World,Report Expected to Say Iraq Posed Little Immediate Threat +Sci/Tech,Scientists Test Steering for Mars Rovers +Sci/Tech,NOAA Satellite Mishap Blamed on Human Error +Sci/Tech,NASA Inspector's Space Shuttle Checks Questioned +World,"Israelis, American Win Nobel for Chemistry" +World,Tiger Woods Weds Swede Model in Barbados +World,"VP Candidates Slug It Out Over Iraq, Jobs" +Sci/Tech,Panel says keep sage grouse off endangered list +World,Putin Arrives in Turkey on Historic Visit +Business,"United Airlines announces service cuts, fleet reduction" +Business,Knight Trading Sees 3Q Operating Loss +Business,Howard Stern to Broadcast on Sirius Radio in 2006 +Sci/Tech,Brave New World? Next Steps Planned for Private Space Travel +Sci/Tech,IBM adds self-healing to WebSphere +Sci/Tech,Via to enter 64-bit processor market +Sports,"Singh critiques Woods #39; swing, says it hasn #39;t changed but his body <b>...</b>" +Sports,Giuly will miss French qualifiers +Sports,Cal faces No. 1 USC with eyes - and its offense - wide open +Sports,Astros Killer B's Running Out of Chances (AP) +Sports,Cubs Pay Penalty for Wrigley Repairs (AP) +Sports,Woods Struggling to Cope with Body Changes - Singh +Sci/Tech,Microsoft to tune up Media Center PC +Sci/Tech,PalmOne Eyes Mobile E-Mail +Business,U.S. to File Case Over Airbus Subsidies +Business,Howard Stern to Broadcast on Sirius Radio in 2006 +Sci/Tech,Google Print Opens Widely To Publishers +Business,More on Qantas +Business,Flu Vaccine Distributor Cuts 2004 Views +Business,Carphone poised to ring up healthy profits +Business,Old favourites set to make a Christmas comeback +Business,Manufacturing output shows sharp decline +Business,Interest Rate Dilemma for Bank Committee +Sci/Tech,Hynix Sells Non-Memory Chip Operation +Sci/Tech,VW names cost-cutting former Chrysler exec to take over mainstay <b>...</b> +Sports,Owen should start +Sports,Baros on shortlist for world accolade +Sports,Everyone has a price even Arsenal +Sports,Racing: Schumacher vows to fight back at Japanese GP +Sports,Kumble breaks 400-wicket barrier +World,Blair outlines Sudan demands +World,Israelis committed to US plan +Business,"Value of building permits cooled in August, after hot June and <b>...</b>" +Business,Yukos #39;s Biggest Production Unit Gets \$951 Million Tax Bill +Business,Tax bill nears approval by House-Senate negotiators +Sports,Good Moose not enough +Business,Howard Stern to Move to Satellite Radio (Reuters) +Business,"Gee, Thanks Dad (Forbes.com)" +Business,Howard Stern to Move to Satellite Radio +Business,Stocks Open Flat as Oil Prices Weigh +Business,Treasuries Lower Before Five-Year Auction +Business,Winter Outlook Mixed for U.S. - NOAA +Business,U.S. to File WTO Case Against Airbus Subsidies +Business,US takes Airbus dispute to WTO +Business,Bank set to keep UK rates on hold +Business,The spirit of satellite radio +Business,United Airlines to reduce US flights +Business,Trade chief of EU takes US to task +Business,Jerusalem Post faked circulation: Hollinger +Business,"PalmOne, Microsoft in deal on mobile e-mail" +Business,Rupert blinks as the ISS giant awakes +Sci/Tech,High stakes for new chief at Mercedes +Sci/Tech,Scientist Who Played Role in DNA Discovery Dies +Sports,Giggs out to break Old Trafford hearts +Sports,Emirates and Arsenal in 100-m deal +Sports,UPDATE 1-Centurion Youhana sets up Pakistan victory +World,More people dead in Gaza fighting +World,Afghan president addresses rally on final day of campaigning +World," #39;Still Committed to Road Map #39;, says Sharon" +Business,Gift cards are hot for Christmas +Sci/Tech,IBM launches Websphere 6 +Sci/Tech,Indie music label rejects lock-down CDs +Sci/Tech,School House Shock +Sci/Tech,EBay Seeks New Trial in \$29M Patent Case +Business,Update 1: Computer Associates to Acquire Netegrity +Business,"United Decreases Domestic, Increases International Focus" +Business,News Corp. reconsiders governance issues +Business,Viacom Says Blockbuster Exchange a Success +Business,Update 1: Report: Tax Bill Presented to Yukos Unit +Business,Investors in StarHub sell shares +Business,St. Paul sees storms paring EPS by 45c +Business,Smucker Sells Brazilian Unit to Closely Held Cargill (Update1) +Sci/Tech,YAHOO! Unveils Personal Search Beta +Sci/Tech,"20 years later, female astronaut recalls a spacewalk #39;first #39;" +Sci/Tech,New WebSphere app server has distinct SOA flavor +Sci/Tech,Blu-ray Disc Association Launches +Sports,Cricket: Kumble reaches 400 test wickets +Sports,"For once, Hughes, Giggs are the enemy at Old Trafford" +Sports,"Top seeds Hewitt, Sharapova safely through in Japan" +Sports,"Fernandes fined 10,000 pounds for high-speed police chase" +Sports,Judge says Braves #39; Furcal can play +Sports,Red Sox blast off against the Angels +Sports,Cardinals show their power with 5 homers against Dodgers +Sports,Baseball Playoffs: Twins double up to beat Yankees in Game 1 +World,Straw in a flap after mid-air incident +Business,2 men killed in mine accident in Nevada near Utah line +Sci/Tech,CA to buy Netegrity for \$430 million +Sci/Tech,Can Japan rule the consumer electronics realm? +Sci/Tech,CA to buy Netegrity for \$430 million +Sports,Final buzzer arrives for Pippen +Business,Oil inventory rise less than forecast +Business,News offers investors more rights +Business,Viacom: Blockbuster Exchange Successful +Business,Monsanto Posts Narrower 4Q Loss +Business,"StarHub sets IPO price at 95 cents, at lower end of range" +Business,PalmOne Hooks into Exchange +Sci/Tech,Maurice Wilkins: +Sci/Tech,Nokia makes inroads into Land Rover +Sci/Tech,Indie music label rejects lock-down CDs +Sci/Tech,"Broadcom, Agere Settle Suit" +Sports,Key battles in England v Wales game +Sports,Long day for Sharapova +Sports,Atapattu seeks improvement +Sci/Tech,School House Shock (washingtonpost.com) +World,Ten killed by Iraq car bomb as Iraqi-US forces forge ahead with <b>...</b> +World,Dubious plan to free French hostages snags Chirac in fiasco +Sci/Tech,PalmOne Eyes Mobile E-Mail (PC World) +Sci/Tech,The Old World Becomes A Little Newer (BusinessWeek Online) +Sci/Tech,Computer Associates to Acquire Netegrity (AP) +Sci/Tech,IBM delivers WebSphere 6.0 (InfoWorld) +Sci/Tech,DNA Pioneer Maurice Wilkins Dies at 88 (AP) +Sci/Tech,Scientist Who Played Role in DNA Discovery Dies (Reuters) +Sci/Tech,America's Space Prize: Reaching Higher Than Sub-Orbit (SPACE.com) +Business,"Oil, Profit Warnings Leave Stocks Flat" +Sci/Tech,Arty cosmetic surgery alternative +Business,"EU Commission: 'Yes, But' to Turkey Talks" +Business,U.S. Filing Complaint on Airbus Subsidies +Business,Renault to produce cars in Iran +Business,United Airlines to Cut 68 Planes and Add to Foreign Flights +Sci/Tech,Nokia makes inroads into Land Rover +Business,"EU, US aerospace aid spat heats up" +Business,Stocks Hover Close to Unchanged Levels +Sci/Tech,DNA Pioneer Maurice Wilkins Dies at 88 +Sci/Tech,"Broadcom, Agere Settle Suit" +Sports,India #39;s greatest +Sports,Red Sox open with a bang +Sports,Big Ten gears defenses to stop run +World,Fake Telephone Calls Trouble European Airlines +Sci/Tech,SAP presents new capabilities for Netweaver +Business,"China to strive for prudent, stable fiscal, monetary policies in <b>...</b>" +Sci/Tech,"Hitachi, Toshiba unveil fuel cells" +Business,Howard Stern to broadcast on Sirius Satellite Radio +Business,PeopleSoft nearly positive towards Oracle bid +Business,Smucker to Take 2Q Charge on Unit Sale +Business,UPDATE 1-RESEARCH ALERT-Analysts cut Open Text ratings +Sci/Tech,Google Challenges Amazon with Book Search +Business,"Goldcorp, Wheaton to merge" +Sci/Tech,Mac OS X Tip of the Week: Make Column View a Permanent Thing +Business,All Options Open for OPEC Meeting - Iran +Sports,Doing the balancing act +Sports,Henry - may now also committ to the Gunners long-term +Sports,BAR look to celebrate century with elusive win +Sports,Cole found guilty by FA +World,Gamblers hope to hit the Nobel Peace Prize jackpot (AFP) +World,"Iran Readies Uranium for Enrichment, UN Watching" +World,Blair: World Will Keep Pressure on Sudan for Peace +World,"Strong Quake, 5.8 on Richter, Jolts Tokyo" +World,Death for Kabila prosecutor +World,EU spells out Balkan entry terms +World,AP: Iran Moves Toward Nuclear Production +World,Stern to Join Sirius Satellite Radio +World,Woods Marries Model in Barbados Ceremony +World,Stocks Decline on Vaccine Shortage News +Business,Getting wine online +Business,Oil Climbs Back Over \$50 Per Barrel +Business,Stern quits Viacom for multimillion radio deal with Sirius +Business,Dow falls as oil prices rise; Nasdaq gains +Sports,Braves' Furcal Allowed to Play in Playoffs (AP) +Sports,Hewitt on Roddick #39;s heels +Sports,Woods struggling to cope with body changes - Singh +Sports,Giants Place Shaun Williams on IR (Reuters) +World,Fiery Latham offers sharp contrast +Sports,Giants Place Shaun Williams on IR +Sports,Woods Marries Model in Barbados Ceremony +Business,Howard Stern to Move to Sirius Radio +Business,"U.S., EU Spar Over Airbus, Boeing Aid" +Business,Knight Trading Group Warns of Loss +Business,New Smartphone Triumvirate +Business,EU hits back over Boeing #39;s quot;massive quot; aid +Business,United to cut domestic flights +Business,Protection key to News US move +Sci/Tech,T-Mobile Secures Wi-Fi HotSpots +Sci/Tech,Clean green cars move one step closer +Sports,"Sharapova, Hewitt advance at Japan Open" +Sports,Angels crash to earth as Red Sox run riot +Sports,"When it comes to the playoffs, the more the merrier is my <b>...</b>" +World,Thai PM resumes musical chairs +Business,Airline turns to more profitable routes amid US fare wars +Business,Stocks Slip As Oil Jumps to Record High +Business,"Monsanto posts Q4 loss, boosts outlook" +Business,EADS Buys Military Electronics Co. Racal +Business,Knight Trading Group Warns of Loss +Sci/Tech,"Hitachi, Toshiba Show Portable Fuel Cells (PC World)" +Business,EU takes US to WTO following move on Airbus aid +Business,"United Airlines: We #39;ll strength hubs, pull back elsewhere" +Business,"Monsanto Posts Loss, Herbicide Sales Drop" +Business,EADS buys Racal Instruments +Business,Congress pulls FDA tobacco oversight +Business,Medarex #39;s Hodgkin #39;s treatment gets orphan status +Sci/Tech,"More Steam, Ash Likely at Mount St. Helens (AP)" +Sci/Tech,Yahoo Unveils Personal Search +Sci/Tech,Presse Economique / Telecommunications +Sci/Tech,Sony to begin selling AV recording server with PC and TV functions +Sports,Fulham Football Club star handed ban +World,Israel #39;s Labour Party raps Sharon aide #39;s remarks on pullout plan +World,"Car bomb explodes in Iraqi town, several killed" +World,"Thai PM fires ministers over bird flu, Muslim unrest" +Business,Fraud trial for Spanish bank boss +World,AP: Iran Moves Toward Nuclear Production (AP) +World,British prime minister to press Sudanese government on Darfur conflict (Canadian Press) +World,DeLay: Eyelid Operation Improved Vision (AP) +World,Afghan Campaign Ends; Karzai's Deputy Escapes Bomb +World,Gaddafi asks for Bigley's release +Sci/Tech,Tiger smuggling 'out of control' +World,Golf: Woods' swing blamed for dip +World,Viewers See Cheney-Edwards Debate As Draw +World,Woods Marries Swedish Model in Barbados +World,Stocks Slip As Oil Jumps to Record High +World,Report: Saddam Not in Pursuit of Weapons +World,Congress Works on 9/11 Panel Legislation +World,Blair Visits Sudan +Sci/Tech,Savvy Shoppers Can Find Cheaper Drugs in U.S. +Sci/Tech,Voluntary Flu Vaccine Rationing Urged +Sci/Tech,Hypertension Hurts Brain Function in Young +Sci/Tech,Conway: 'Genghis Khan' comment was fair +Business,Fed chief praises health of US banks +Sci/Tech,Many Cores On Many Chips +Sci/Tech,WebSphere Gets Makeover from IBM +Sports,Judge Allows Atlanta's Furcal to Play in Playoffs (Reuters) +World,Rough weather hampers bid to rescue disabled Canadian submarine +Sci/Tech,Designer puts 96 cores on single chip +Sci/Tech,New trojan program squashes adware +Sci/Tech,"Hitachi, Toshiba Show Portable Fuel Cells" +Business,Billion-Dollar Sex Joke +Business,Oil Closes Near \$52 on Winter Fuel Fears +Business,Stocks Flat as Oil Hits Another Record +Business,"Monsanto Posts Loss, Herbicide Sales Drop" +Business,Treasury Bond Prices Lower +Sci/Tech,Howard Stern to Join Sirius Satellite Radio +Sci/Tech,Experts Say U.S. Computer Control Systems Vulnerable +Sci/Tech,Second historical flight of a private spaceship successful +Sci/Tech,Linear #39;s Founding CEO to Step Down +Business,Howard Stern Signs \$500 Million Deal with Sirius +Business,"United to cut domestic flights, trim fleet" +Sci/Tech,Microsoft Introduces MSN TV 2 Internet and Media Player +Sci/Tech,EarthLink Offers Free VoIP +Sports,Rich Red Devils Fan May Scupper Glazer +Sports,Southampton #39;s Fernandes avoids jail +Sports,Soccer: Women #39;s event draws protests +World,"US, Iraqi Forces Seal Off Insurgent Stronghold" +World,Gaddafi Joins Appeals for British Hostage #39;s Release +World,Powell visits Grenada amid grumbling +World,Iran arms threat +World,Plutonium arrives despite protest +World,Bomb hoax halts flight +Business,SEC Charges Ex-Peregrine Execs with Fraud +Business,This Ginseng Malted Beverage Is for You +Business,"It's ""Show Me"" Time at Apollo" +Business,What Howard Sterns Sirius Deal +Business,"US House, Senate agree on corporate tax bill" +Business,Raytheon Buys Photon Research Associates +Business,Knight Trading Sees 3Q Operating Loss +Business,"Oil Prices, Inventories Rise" +Business,US files WTO case vs EU for Airbus subsidies +Business,EADS acquires Racal Instruments for \$105 million +Sci/Tech,Google Steals a Page from Amazon #39;s Book Search +Sci/Tech,"Inhale Some Drugs, Feel Better" +Sci/Tech,Linear Technology charts CEO transition +Sci/Tech,Creditors Wrap Up Sale of Hynix Chip Unit to Citigroup +Sci/Tech,Nokia and Land Rover offfer advanced handsfree solution +Sports,"Sharapova, Hewitt struggle but win at Japan Open" +Sports,Yankees facing must-win situation +Sports,Fernandes escapes jail time +Sports,Simms will make first pro start for Bucs +Sports,UPDATE 1-Fulham striker Cole gets extra three-match ban +Sports,Rugby-Two South Africans in IRB best-of-year nominations +World,Palestinian state shelved #39;with US blessing #39; +Sci/Tech,AT amp;T Peeks Out of the Box +Sci/Tech,"MTV, Gamers Hope Video Clicks With Young Voters (washingtonpost.com)" +Sci/Tech,Google Steals a Page from Amazon's Book Search (Reuters) +Sci/Tech,Scientists Create Genetic Map of Cattle (AP) +Sci/Tech,Spirit Rover Disabled by Steering Problem (SPACE.com) +World,Alitalia Signs Agreement With Government (AP) +World,"UN, Blair Issue Warnings Over Violence in Sudan (Reuters)" +Sci/Tech,Google Steals a Page from Amazon's Book Search +World,"House, Senate Agree on Corporate Tax Bill (Reuters)" +World,U.S. Bomb-Grade Plutonium Shipment Arrives in France +World,Sharon plan 'blocked peace talks' +World,Obesity increases cancer threat +World,Stern moves to satellite network +Sci/Tech,Protein death process earns Nobel +Business,EU to look into Oracle bid -- again +Business,Knight Trading forecasts 3Q loss +Business,Update 2: Computer Associates to Acquire Netegrity +Business,UPDATE 3-Fannie Mae executives defend accounting decisions +Business,Tweeter Posts Lower 4Q Sales +Business,US Stocks Rise on Earnings Optimism; Shares of Alcoa Advance +Business,Viacom announces preliminary results of Blockbuster share exchange +Sci/Tech,Nobel laureate and DNA pioneer Maurice Wilkins dies +Sci/Tech,Residents Wary Of Venting Volcano +Sci/Tech,"Tools wrap: Web services, e-commerce, XML touted" +Sports,Privacy #39;s the game for Woods #39; big day +Sports,Bengals ink veteran safety Mitchell +Sports,Cole Ban Adds to Fulham Woes +Sports,Giggs Prompts Neville Wishing Game +Sports,England fall short at IRB awards +World,Iran rejects IAEA demand +World,US and Iraqi forces seal off insurgent stronghold south of Baghdad <b>...</b> +Business,Alitalia to present finalized restructuring plan +Sci/Tech,Investor doesn #39;t see browser in Google #39;s future +Sci/Tech,Maurice Wilkins dies +Sci/Tech,Enter your e-mail: +Sci/Tech,Microsoft targets couch potatoes +Sports,Woods on course to wed +Sports,LIVE! FROM SUNNY ANAHEIM +Sports,Michael Owen fit for England game +World,Gaza pullout a tactic +World,Contested US nuclear cargo arrives in France +Business,Jo-Ann shares fall 10 on warnings +Business,CITGO to spend \$320 million to clean air +Sci/Tech,Sun #39;Panther #39; Chip Doubles Clock Speed +Sci/Tech,Extinct humans left louse legacy +Sci/Tech,Sony raises the bar for personal video recorders +Business,Oil's Rally Takes U.S. Crude Over \$52 +Business,Regulator Says Fannie Mae Flouted Rules +Business,SEC Charges Ex-Peregrine Execs with Fraud +Sci/Tech,T. rex descended from feathered ancestor +Sci/Tech,Sony Launches Vaio with 1 Terabyte Hard Drive +Sci/Tech,CA CEO: IT is too complex +Sports,Green jacket required for Woods wedding? +Business,Regulator Says Fannie Mae Deliberately Flouted Rules +Business,Raytheon acquires San Diego engineering design firm +Sci/Tech,Communities prepare for ashfall +Sports,Australia prosper +Sports,Justin Smith apologizes for DUI arrest +World,Iran makes uranium breakthrough +Sci/Tech,Cheney Slip Sends Surfers to Wrong Site (AP) +Sci/Tech,Net Song-Swappers Face New Anti-Piracy Push (Reuters) +Sci/Tech,"Winter Weather Outlook Mixed, El Nino Looms (Reuters)" +Sci/Tech,Study: Smuggling of Tiger Skins Rife and Growing (Reuters) +Sci/Tech,"Bald Eagles Rebound, Other Birds of Prey in Trouble (Reuters)" +Sci/Tech,"Head Lice Provide Clue to Prehistoric Lives, Loves (Reuters)" +World,Blair: Iraq Report Shows Sanction Problems (AP) +World,Hong Kong Swears in New Legislature (AP) +World,"Edwards Blasts Bush on Iraq, the Economy (AP)" +World,Karzai pledges new government style +World,Tiger Woods Marries Swede Model in Barbados +World,Aide: Gaza Plan Aims to Block Statehood +World,Car Bomb Kills 12 Iraqis Near Baghdad +Sci/Tech,Conway: 'Genghis Khan' comparison was fair +Sci/Tech,Oracle e-mails urge scare tactics +Sci/Tech,Briefly: Microsoft ships Virtual PC 7 +Sci/Tech,Microsoft ships Virtual PC 7 +Sci/Tech,"SGI warns: lower revenue, deeper loss" +Business,EU takes US to WTO over subsidies granted to Boeing +Business,"US, EU move to WTO over subsidies to Airbus and Boeing" +Business,Board Defeats Bid to Unionize Wal-Mart +Sports,Simms Will Make First Pro Start for Bucs (AP) +Sports,Bernie: #39;I am not the guilty one #39; +Sports,End Zone: Bucs Highlights +World,Palestinians won #39;t bring anti-Israel draft to General Assembly +Sports,"FIFA Fines Italy, Netherlands, France (AP)" +Sports,Snyder Just Can't Win +Business,Regulator Says Fannie Mae Execs May Need to Go +Sci/Tech,Is Google Page Rank Still Important? +Business,"US, EU Spar Over Airbus, Boeing Aid" +Business, #39;Howard Stern Show #39; To Air Uncensored On Satellite Radio <b>...</b> +Business,Update 4: Ex-Fannie Mae Accountant Admits Concerns +Sports,Gazza reveals frustration +Business,Computer Associates To Acquire Security Company Netegrity +Business,Russia #39;s Yukos oil giant still faces tax woes +Sports,Cal eager to prove itself -- again +Sports,NBA star excited about fatherhood +World,Karzai #39;s Running Mate Survives Attack +Sci/Tech,House Passes DNA Testing Bill (AP) +Business,Oil Scales \$52 on Winter Fuel Fears +Business,Howard Stern Jumps to Satellite Radio +Business,Stocks Near Flat as Oil Tops \$52 +Business,"Unions-Alitalia OK Deal, Turnaround Plan" +Sci/Tech,"In ""Shark Tale"" and Real Seas, Life Is Hard" +Sci/Tech,"Bee Decline May Spell End of Some Fruits, Vegetables" +Business,Ex-Accountant for Fannie Mae Admits Concerns +Business,"Chiron Sneezes, Investors Catch Cold" +Business,"UPDATE 2-United to cut US flights, focus on international" +Business,Alberta economy leading other provinces as Canada to lead G7 in <b>...</b> +Sci/Tech,IBM announces new #39;self-healing #39; WebSphere +Sports,Sox #39;s hopes pinned on Martinez +Sports,Soccer: Neville confident of keeping tabs on Giggs +Sports,FIFA join fight against player burnout +Sci/Tech,New Aibo is a dancing fool +World,Powell pledges help for Grenada +Sports,Packer QBs: Favre Probable; Pederson Out +Sports,"Davenport Powers Past Molik, Dementieva Falls" +World,Bush Follows Debate With Attack on Kerry +World,U.S. Report Finds No Evidence of Iraq WMD +Business,"Fannie Mae Execs, Regulator Square Off" +Business,Colombia Eyes Banks in Drug Money Hunt +Sci/Tech,8-Year-Old Basic Law May Be Outdated Already +Sci/Tech,RealNetworks signs up Red Flag Linux +Business,Oil soars to new record over \$US52 +Business,Boeing-Airbus dispute revives spectre of previous WTO dogfight +Business,"ALITALIA: YES TO PROVISION AGREEMENT, CTWU DOES NOT SIGN" +Business,Removing Fannie and Freddie government perks +Business,Computer Associates to buy Netegrity +Business,"House, Senate Agree to Cut Taxes, End Export Break (Update1)" +Business,Russia Reportedly Collects Most of Yukos 2000 Tax Bill +Business,EADS buys Racal Instruments for \$105M +Sci/Tech,"Extinct Giant Deer Survived Ice Age, Study Says" +Sci/Tech,Can Skype Cash In On Free? +Sci/Tech,Microsoft debuts Windows CE based MSN TV2 STB +Sci/Tech,Sony drops Copy-Control +Sci/Tech,Microsoft to Muscle Deeper into VOIP? +Sports,Stewart holds out hope for British GP +Sports,Cavaliers #39; LeBron James becomes a father +Sports,Giants to keep Christie despite misses +Sports,"To prevent more dirty words, NASCAR needs to clean up its post <b>...</b>" +Sports,Nothing taken in suspected burglary +World,Straw #39;ready to listen to #39; Bigley captors +World,Afghan elections - hoping for the best +World,Thai leader replaces 2 Cabinet officials +Business,United looks to realign its system +Sci/Tech,IBM Overhauls WebSphere App Server +Sci/Tech,AMD Gives Details on Dual-Core Opteron +Sci/Tech,"Nokia, Land Rover Create Phone System for SUVs" +Sci/Tech,Novell Releases Updated SuSE Linux (Ziff Davis) +Sci/Tech,SAP the Loser in PeopleSoft Maneuvers (NewsFactor) +Sci/Tech,WebSphere Gets Makeover from IBM (NewsFactor) +Sci/Tech,Report: Other Drugs May Raise Heart Risks (AP) +Business,"Fannie Mae Execs, Regulator Square Off (Reuters)" +Business,Colombia Eyes Banks in Drug Money Hunt (Reuters) +Business,Making Cents (Forbes.com) +Business,Stocks End Up as Oil Hits Record Over \$52 +Business,Conway Admits 'Vilifying' Oracle Bid +Business,Lone Star Stays Strong +Sci/Tech,Innovation and Disruption Still Going Hand in Hand +Sci/Tech,HP thinks big about small businesses +Sci/Tech,"In court, Ellison gets 'Genghis Khan' hearing" +Business,"Oil Prices Rise Toward \$52 a Barrel, Set Another Record High" +Business,PeopleSoft Warming To Oracle #39;s Offer? +Business,McDonald #39;s Taps Pop #39;s Destiny #39;s Child for Campaign +Business,News Corp. Poised to Change Constitution +Business,Foreign investment welcome in banking: PM +Sci/Tech,IBM Focuses On A Better WebSphere App Server +Sci/Tech,"John, Paul, George, Ringo...and Steve?" +Sci/Tech,Early T. Rex relative had feathers +Sci/Tech,Music industry ditches hardcore copyright for #39;free love #39; tunes +Sports,Davenport eases into Filderstadt quarters +Sports,Rugby: No All Blacks in IRB player of year list +Sports,"Aussie debutant, India #39;s smiling assassin shine on first day" +Sports,Houston at Atlanta 4:00 pm EDT National League Division Series <b>...</b> +Sports,Cubs pay penalty for making repairs at Wrigley Field without city <b>...</b> +World,Opposition blasts #39;obviously inferior #39; subs +Sci/Tech,Kim Polese returns as head of SpikeSource +Sci/Tech,Trying to Reach Customers in an Era of E-Mail Suspicion +Business,The Yank Caught In Yukos #39; Nightmare +Sports,India #39;s Kumble claims 400th test scalp against Aussies +World,"Iran readies uranium for enrichment, UN watching" +Sci/Tech,Open-source IP Telephony slashes costs +World,British Ship Reaches Stranded Canadian Submarine (Reuters) +Sci/Tech,Pew File-Sharing Survey Gives a Voice to Artists +World,Cheney Echoes Bush's Criticism of Kerry (AP) +World,Guinea-Bissau Soldiers Stage Mutiny Over Pay +World,Woods Marries Swedish Model in Barbados +Sci/Tech,Progress Is Made in Resolving Antitrust Issues +Business,Google launches Amazon-style book search business +Business,Update 1: Knight Trading Expects Operating Loss +Business,Yum Brands: Chinese Takeout +Business,Google steals a page from Amazon #39;s book search +Sci/Tech,Media Centre on the march +Sci/Tech,Antepo further secures Enterprise IM +Sports,Reds' Vander Wal Becomes Free Agent (AP) +Sports,Tiger Woods Gets Married +Sports,Utah Expansion Team Taps Ellinger As Coach (AP) +World,Turkey gets conditional OK for EU talks +World,Iraqi head paints dark picture for assembly +Sports,Rosie Jones Ready to Defend LPGA Title (AP) +Sports,"FIFA Fines Italy, Netherlands, France" +Sports,Cavaliers' LeBron James Becomes a Father +Business,Genentech Quarterly Profit Up (Reuters) +Business,"Exit Blog, Enter Legg" +Sci/Tech,BBC wants help developing open source video codec +Sci/Tech,Beijing Loves the Web Until the Web Talks Back +Business,Yum! Tastes Good +Business,Consumers to See Notices on Check Changes +Sci/Tech,"Search Wars: Google, Snap, Amazon Arm for Battle" +Sci/Tech,"Take 2: Microsoft tries interactive TV, again" +Sci/Tech,"Exit Blog, Enter Legg" +Sports,Dementieva latest upset victim at Filderstadt; Davenport wins +Sports,"Tackle signs six-year extension, team makes other moves" +Business,Yankee Group Weighs In On Conway Firing +Business,Crude closes above \$52 +Business,Senate fate uncertain amid tobacco buyout dispute +Business,Eight former Peregrine Systems execs indicted +Business,Google Tests Book Search +Business,AmerisourceBergen Cites Lowers Outlook +Sci/Tech,IBM updates WebSphere Application Server software +Sci/Tech,Iced Java? +Sports,Scottie Pippen promised not to return +Sports,Barber #39;s reinvention helps lift Giants +Sports,Shining Light: New England inks tackle to extension +World,Brazil #39;s Mantle of Leadership +World,Blair says Iraq report shows sanctions weren #39;t working +Sci/Tech,Researcher Pulls His Name From Paper on Prayer and Fertility +Sci/Tech,Google Offers New Book-Search Feature (AP) +Sci/Tech,Qwest adds to VOIP service (InfoWorld) +Sci/Tech,Predicting an Eruption Involves Guesswork (AP) +Business,Genentech Posts Sharply Higher 3Q Profit +Business,Four former El Paso natural gas traders charged +Business,Foreign investment welcome in banking: PM +Sci/Tech,Novell Unwraps SUSE Linux 9.2 +Sci/Tech,Danger of Mount St. Helens Eruption Passes +Sci/Tech,"AT amp;T Considering Mac OS X, Linux" +Sci/Tech,Lessons from a quake that came 16 years late +Sci/Tech,"Smaller, Cuter Isn #39;t Always Better" +Sports,"Water for Tiger, cash on Shaq" +Sports,Davenport rolls; Dementieva ousted in Filderstadt +Sports,Els climb could be first of several changes in 2005 +Sports,"D #39;Arcy, Heaslip in running for world" +Sports,Clarke on track for debut ton +World,"Hamas Fires Rockets, Gaza Attack Goes On (Reuters)" +World,Three injured Canadian submariners airlifted to Ireland (AFP) +World,UN nuclear chief: patience wearing thin over lack of progress on North Korea (Canadian Press) +World,Catholics Resist Wooing by Kerry and Bush (AP) +World,DNA Crime Bill Passed in House (Reuters) +World,African Force for Darfur Not Yet Ready (AP) +World,Emissions pact goes forward +World,Israel takes U-turn on road map +World,Party tries to put 'Tory' back into victory +Sci/Tech,Broad Study Suggests a Lower Tolerance for Exposure to Benzene +World,U.S. Report Finds No Evidence of Iraq WMD +World,Stocks Turn Higher As Oil Hits Record High +World,Colombia Eyes Banks in Drug Money Hunt +Sci/Tech,Start-up looks to help firms hang out their e-shingles +Sci/Tech,Novell spiffs up its desktop Linux software +Sci/Tech,Will Quicksilver shine for BEA? +Sci/Tech,"Changes May Be Needed in Superfund, Chief Says" +Sports,Patriots streak toward new record +Sports,USF-Pittsburgh Rescheduled for Dec. 4 (AP) +Sci/Tech,Eight former Peregrine Systems execs indicted +Sci/Tech,IBM updates WebSphere Application Server software +Sci/Tech,New Trojan program squashes adware +Sci/Tech,Homeland Security agency faulted for terrorist watch list woes +Sci/Tech,CA to acquire Netegrity for \$430M +Sci/Tech,Ballmer strikes big rivals from Microsoft shopping list +Sci/Tech,Google lays out lofty plans for Search Appliance +Sci/Tech,TXU outsourcer to cut 200 Jobs +Sci/Tech,"Tools wrap: Web services, e-commerce, XML touted" +Sci/Tech,Qwest adds to VOIP service +Business,A Matter of Trust (Forbes.com) +Business,Genentech Posts 50 Percent Rise in Profit +Sci/Tech,The Search Engine Report - Number 95 +Sci/Tech,Interior Official and Federal Biologists Clash on Danger to Bird +Business,U.S. Treasury Debt Prices Take a Hit +Sci/Tech,Clush Offers Option for Meaning-Based Search +Business,Oil Hits \$51 a Barrel in Hurricane #39;s Wake +Business,"After the Bell-Magma sinks, Starbucks off and Hot Topic jumps" +Business,McDonald #39;s taps Destiny #39;s Child +Business,Former El Paso traders to enter guilty plea +Business,Stocks Turn Higher As Oil Hits Record High +Sports,Furcal available for postseason +World,Karzai Campaigns Amid Spiraling Violence +Business,Life after Howard +Business,"DOJ, SEC charge Ex-Peregrine execs over accounting" +Business,Bioscrypt shares soar on hopes for new ID product +Business,"Soros rejigs business, more power to sons" +Sci/Tech,On-Demand Video Game Services Vary (AP) +Sci/Tech,Firm Develops All-Purpose Memory Cards (AP) +Sci/Tech,IBM Upgrades WebSphere Middleware Product +Sci/Tech,"Sony to Release PC with TV Tuners, Huge Hard Drive" +Sci/Tech,Satire Sequel Parodies U.S. Newsmakers (AP) +Sports,England to field full-strength team against Canada in rugby Test <b>...</b> +World,The Turkish Question +World,Iran Improving Missile Range +Business,Robertson Stevens Settles Timing Case (AP) +Business,"Fannie Mae Execs, Regulator Square Off" +Business,Howard Stern moving to satellite +Business,Funds in Brief: San Francisco firm pays \$30 million in settlement +Business,Trade Squabble Between Boeing and Airbus Heads for WTO +Business,Delta taps Ogilvy for ad campaign +Sci/Tech,"Evolution, as told by the louse" +Sci/Tech,Mount St Helens throws up ash +Sci/Tech,Google #39;s challenge is to keep its wealthy workers +Sports,Gazza Ready for Managerial Rollercoaster +Sports,Rugby: Captain Jonny spells out England ambitions +Sports,Brown to start Game 3 for Yankees +Sci/Tech,Sun unveils UltraSparc IV +Sci/Tech,Google Steals a Page from Amazon's Book Search +Sci/Tech,Is XP's Fix Safe? +Sci/Tech,News in Brief +Sci/Tech,Three Minutes With Craig Newmark +Business,US and EU escalate Boeing-Airbus battle +Business,Freedom Of Speech On Satellite Radio +Business,Update 6: Robertson Stevens Settles Timing Case +Business,US stocks advance on oil jump +Sci/Tech,Google gets last laugh +Sports,Tiger Woods marries Swedish fiance in Barbados resort +Sports,British Grand Prix still in jeopardy +Sports,"Malik, Youhana guide Pakistan home" +World,Gaza Enters 7th Day of Bloodshed +Business,US Congress agrees huge tax bill +World,Bush Hits Kerry in Debate Rebound Bid +World,Stocks Turn Higher As Oil Hits Record High +World,Stern to Join Sirius Satellite Radio +Business,Intel puts its weight behind Symbian +World,Astros Lead Braves 7-1 Midway Through 5 +Sci/Tech,SpaceShipOne Wins X Prize By Reaching Space a Second Time +Sci/Tech,Google offers book search service +Sci/Tech,Kodak Java Suit Moves To Penalty Phase +Sci/Tech,Step carefully in the memento minefield +Sci/Tech,Is XP #39;s Fix Safe? +Sci/Tech,"Sony, Matsushita to launch Blu-ray disc camcorders in 2005" +Sci/Tech,Three Minutes With Craig Newmark +Sports,Fifteen problems Robinson has to tackle to make England great <b>...</b> +Sports,Suzuki into Japan Open quarterfinals +Sports,Arsenal still trail in shirt value +Sports,Woods must adapt swing says Singh +Sports,Australia in control after Clarke makes daring debut +Sports,Phelps targets six golds +World,Saddam #39;destroyed #39; WMD after 1991 +Sci/Tech,A River That Follows Two Paths +Sci/Tech,Private venture flies into history +Business,El Paso gas traders have date with judge today +Sci/Tech,Spaceports compete in race for business +Sci/Tech,Google Print: Google #39;s Answer to A9.com? +Sci/Tech,"Save the trees, save the apes, expert says" +Sci/Tech,"John, Paul, George, Ringo...and Steve?" +Sci/Tech,HP unveils inkjet and laser printers (InfoWorld) +Sci/Tech,Alltel Seeks Shop To Help Battle The Big Boys (AdWeek.com) +Sci/Tech,Netline Refreshes Linux Groupware (Ziff Davis) +Sports,IRB Awards nominees named +Sports,BRDC says no to more cash for FOM +Sports,Cardinals activate Bryant +Sci/Tech,Is XP's Fix Safe? (PC World) +World,Turkey defines EC recommendation as historic +World,Iran Says it has Converted Some #39;Yellowcake #39; Uranium +World,UK #39;s Blair Says Weapons Report Shows Iraq Breached UN Rules +World,Aristide supporters threaten continued violence in Haiti +Business,"U.S., EU Spar Over Airbus, Boeing Aid" +Business,"House, Senate Agree on Corporate Tax Bill" +Sci/Tech,Nothing fishy about sweet smell of Nobel success +Sci/Tech,"Carriers, handset makers vie for interface control" +Sci/Tech,Sprint thinks print with Fujifilm partnership +Sci/Tech,HP unveils inkjet and laser printers +Business,"Spat over Airbus, Boeing Escalates to WTO" +Business,CA to buy Netegrity for \$430 million +World,Blair makes quick visit to Sudan +World,Guinea-Bissau #39;s army chief of staff killed in military revolt +Sci/Tech,Murch Using Final Cut Pro HD for #147;Jarhead #148; +World,Taiwan Says U.S. Ties to Suffer if Arms Deal Fails (Reuters) +World,Bush Hits Kerry in Debate Rebound Bid (AP) +World,White House: Patients Save With Medicare (AP) +World,Cheney-Edwards Debate Draws 43.6 Million Viewers (Reuters) +World,House Passes DNA Testing Bill (AP) +World,"With Cold Winter Ahead, Higher Fuel Costs (AP)" +World,UN Challenges Israel on UNRWA Terror Link Claims +World,U.S. Court Dismisses Suit Against Zimbabwe Rulers +World,Report: Other Drugs May Raise Heart Risks +World,Saddam Told Interrogators of Iran Fixation +World,Astros Lead Braves 8-3 After 8 Innings +Business,Corporate tax deal moves ahead - +Business,"Wall Street shrugs off new oil record, swings higher" +Sports,Judge: Bryant Accuser Must Be Identified (AP) +Sports,"Injuries, Inexperience Plaguing Niners (AP)" +Sci/Tech,Forgotten man of DNA dies at 88 +Sci/Tech,IBM Debuts Upgraded WebSphere App Server +Sci/Tech,Dinosaur #39;s fluffy coat of feathers +Sci/Tech,Andreessen: IE faces one-two punch +Sports,Six-Time NBA Champion Calls It Quits After 17 Seasons +Sports,NASCAR hands out 12 more penalties +Sports,USC turns halftime into a science +Sports,Arazi Upsets Schuettler in Lyon Open (AP) +World,Seaman dies after sub blaze +World,Sudan accepts Blair #39;s five-point peace plan +Sports,Woods Marries Swedish Model in Barbados +Sports,Astros Take Game 1 +Sci/Tech,PeopleSoft's future hard to predict +Sports,Jones #39; big day was in the cards +Business,Japan Stocks Expected to Rise +Business,Conference committee accepts sales tax deductibility +Sports,Singh tells Tiger to get back in swing +Sports,Indians #39; Hafner has elbow surgery +World,Suicide bomb kills 16 at guard centre +Sci/Tech,"Honeywell sues Apple, 33 others over LCD patent (MacCentral)" +Sci/Tech,"Venture Firms Warm Up To Open Source, But Questions Remain (Investor's Business Daily)" +Sci/Tech,Report: Other Drugs May Raise Heart Risks (AP) +Business,America and EU declare trade war on airline aid +Business,New Smartphone Triumvirate +Business,Tobacco regulation deleted from corporate tax bill +World,French FM holds talks with Kadhafi to pave way for Chirac visit to Libya (AFP) +World,U.S. Report Finds No Evidence of Iraq WMD (AP) +Sci/Tech,Google goes up against Amazon with book search facility +Sci/Tech,Interview with Chris Schlaeger from Novell/SUSE +Sci/Tech, #39;Dragon #39; Tyrannosaurus found in China +Sports,Red-hot Oswalt gets nod in Game 2 +Sports,RUSSIAN WOE IN FILDERSTADT +Sports,Cardinals activate defensive tackle from suspended list +Sports,Bryant #39;s Accuser Must Be Identified +Sports,Jimmie Johnson cries foul +World,Two die in bid to assassinate Karzai's running mate in Afghan polls (AFP) +World,"Unruly Guinea-Bissau troops return to barracks, two officers <b>...</b>" +World,Asem forum to promote co-operation between continents +Sports,Monday Rewind: What we learned in Week 13 +World,Amnesty urges Aceh inquiry +World,Australia parties hunt green vote +Sci/Tech,Great Observatories May Unravel 400-Year-Old Supernova Mystery +Sci/Tech,"NASA Approves Mission to Seek Nearest Stars, Brightest Galaxies" +Sci/Tech,Drugs Other Than Vioxx May Raise Heart Risks +Business,Airbus hits back after US files complaint over European subsidies +Business,AstraZeneca in drive to slash costs +Sci/Tech,Predicting a Volcanic Eruption Involves Guesswork +Sci/Tech,Scientists Map the Cow Genome +World,Modernization to Speed Check Clearing +Sports,"Clemens Perseveres, Astros Top Braves 9-3 (AP)" +Sci/Tech,Google Print to challenge Amazon +Sports,Patriots: How perfect are they? +Sports,Kumble rules +Sports,Kobe Bryant Accuser's Name to Be Disclosed -Judge (Reuters) +Sports,Clemens Helps Astros Take 1-0 Series Lead Over Braves +Sports,Rommedahl strike gives Charlton late 1-0 win +Sports,"Different Team, Different Weaver" +Sci/Tech,"CA expects loss on restructuring, settlement charges" +Sci/Tech,ClearSpeed races ahead on processor cores +Sci/Tech,On-Demand Internet Video Game Services Vary +Sci/Tech,"New Sony PC Boasts 1,000 GB of Data Storage" +Sci/Tech,Firm Invents All-Purpose Memory Cards +Sci/Tech,Google Launches New Book-Search Feature +Sci/Tech,Dick Cheney Slip Sends Surfers to Wrong Site +Sci/Tech,Internet Satire Sequel Parodies U.S. Newsmakers +Business,China Aviation Oil Says Still in Business +Business,The dollar #39;s decline is not yet cause for alarm +Business,Goldcorp to buy Wheaton River +Business,Bells Still Ring For Red Kettles Of Kindness +Business,PeopleSoft holds out for the money +Business,Delta Hires International Marketing Firm +Sci/Tech,Researchers find new dinosaur with feathers +Sci/Tech,Editorial: Cooper got America going in space +Sci/Tech,Idealab chief stakes out new direction in search +Sci/Tech,Rumours surround Google browser +Sports,Singh plans new regime to stay on top +Sports,Swimming: Olympic star Phelps rocks swimming like quot;Aqua Beatles quot; +Sports,Caborn in new talks to save grand prix +Sports,England to lose Hill until Six Nations +World,Sailor dies after sub rescue +World,News Analysis: But there #39;s still a long way to go +World,CHRONOLOGY-Key events in Afghanistan in recent years +World,US and Brazil Share Uneasy Relationship +Business,"Clorox Swaps \$2.1 Bln, Two Brands to Get Henkel Stake (Correct)" +Sports,"MLB: Houston 9, Atlanta 3" +Sports,Utah expansion team selects under-17 coach Ellinger +World,Canadian crewman dies after airlift from stranded submarine +World,Bank customers #39; valuables thrown out +Sci/Tech,Security concerns put MSN Messenger beta on hold +Sci/Tech,"Cisco CEO calls for education reform, broadband push" +Sci/Tech,Google opens a new chapter +Sci/Tech,IBM Beefs Up WebSphere App Server Platform +Sci/Tech,"Flighty Side of T. Rex, a New Link" +Sci/Tech,NASA inspector indicted +Sci/Tech,Fujitsu Siemens profit rose 60 in first half +Sci/Tech,PalmOne packs the most standard storage into latest Tungsten +Sci/Tech,Andreessen: Microsoft to make IE more competitive +Sports,"Form, fitness and missing Savage bite make it tough for Wales" +Sports,Kewell and Aloisi ruled out of opener +Sports,Improper words? +Sports,Borgetti scores four as Mexico routs St. Vincent 7-0 in qualifying +Business,Boeing battle is Mandelson #39;s first test +Business,Fannie Mae head defends its accounting to House panel +Business,"Update 5: Tokyo Stocks Open Higher, Dollar Up" +Business,Diabetes delay adds to AstraZeneca #39;s ills +World,Row erupts as top Sharon aide says there will be no Palestinian <b>...</b> +World,Dahlan: Gaza offensive won #39;t bring security to Israel +World,"Iran rejects IAEA nuclear demands, says ready for confrontation or <b>...</b>" +World,Blair: Iraq Report Shows Sanction Problems +Sports,Woods #39; lavish 1.5m wedding to model +World,Iran prepares uranium for enrichment +Sci/Tech,Microsoft Fixes Vexing XP SP2 Incompatibility +Sports,Former team-mates predict mixed fortunes for Gascoigne +Sports,Proof that size isnt everything +World,8 more killed as US vetoes UN resolution against Gaza operation +Sci/Tech,"Israelis, American Win Nobel for Chemistry (AP)" +Business,Jailed Ex-Enron Exec: Merrill Deal Bogus (Reuters) +Business,"Japan Stocks Dip Down, Oil Concerns Weigh" +Business,United Looks to Overseas Service for Profit +Sci/Tech,Study finds IT worker confidence slipping +Business,Boutique mutual fund settles timing case for \$30 million +Business,Henkel exchanges its Clorox stake against Clorox consumer <b>...</b> +Business,"Honeywell Sues Apple, Others Over LCD Patent" +Business,Santander chairman to stand trial for tax fraud +Business,"United to cut US flights, focus on international" +Sci/Tech,How the ferocious T rex revealed its fluffy side +Sci/Tech,UK file sharers warned litigation could be the only way +World,Blair presses Sudan over Darfur +World,NO END TO THE AGONY +World,Karzai hopeful unhurt by blast +World,Twelve UN Agencies Warn of Deep Crisis in Gaza +World,Free Bigley calls Gadaffi +Business,"Live, from outer space: Howard Stern" +Business,"Exchanges businesses, cash for 61.4 million shares" +Business,Corporate governance changed to mollify shareholders +Sci/Tech,Maurice Wilkins +Sci/Tech,Bpi to Target Internet File-Sharers +World,Pros and cons of Turkey joining the EU +Sci/Tech,"Conway Admits 'Vilifying' Oracle Bid, CEO (AP)" +World,"At least 33 killed, 70 wounded in Pakistan bombings (AFP)" +World,Sailor dies after airlift from Canadian submarine off coast of Ireland (Canadian Press) +World,Michael Moore Responds to Michigan GOP (AP) +World,Ethics Panel Rebukes DeLay Twice in a Week (AP) +World,Commemorative Ronald Reagan Stamp Planned (AP) +World,Chile to overhaul constitution +World,"Not at His Best, Clemens Wins a Game 1" +World,Ethics Panel Rebukes DeLay Twice in a Week +Sci/Tech,Start-up targets e-commerce on demand +Business,Can Howard Stern take Sirius into orbit? +Business,"Clorox will give up Soft Scrub, Combat in deal with largest <b>...</b>" +Business,Robertson Stevens settles timing case for \$30 million +Business,Tokyo stocks rise on optimism over Japan #39;s economy; US dollar up <b>...</b> +Business,"Murdoch #39;s remarks on buyouts, clients boost BSkyB" +Sports,Raiders RB Wheatley May Miss 2-4 Weeks (AP) +Sports,Vijay #39;s has swing solution for Tiger +Sports,Davenport destroys Molik in Germany +Sports,Hawking is a teen role model +Sports,Colon Chooses Jose Molina As Catcher (AP) +World,French NGO slams Israel over access to Gaza wounded +World,Kadhafi appeals for release of Bigley +Sports,Building Blocks in Place +Sports,Cavs Face First Test +Sports,Weighing Options +Sports,Going With the Flow +Sports,Brown Absorbs Shots +Sports,Salt Lake Taps Ellinger +Sports,Ciresa Itches for Purse +Business,Conferees Agree on Corporate Tax Bill +Business,Secret Rule Requiring ID for Flights at Center of Court Battle +Business,US Airways to Request Court-Ordered Pay Cuts +Business,EADS May Sue Over Pricing Data +Business,Citgo Reaches \$323 Million Emissions Settlement +Business,US Files Grievance Over Airbus With WTO +Business,Australia Unemployment Dips for 2nd Month +Business,Update 4: Tokyo Stocks Lower at Late Morning +Business,"Clorox Swaps \$2.1 Bln, Two Brands to Get Henkel Stake (Update3)" +Sci/Tech,Tribute to pioneer scientist Maurice Wilkins +Sports,Coughlin amp; Parcells: Two of a kind +World,"Blair, in Sudan, Urges a Broad Peace Agreement" +World,"Iranian Missiles Could Target US, Israel, And Europe" +Business,Accountant Says Fannie Mae Pressured Him +Business,Fannie Mae chief defends accounting +Sports,BASEBALL ROUNDUP Frank Thomas Has Ankle Surgery and Prepares for a <b>...</b> +Sci/Tech,Science mourns DNA pioneer Wilkins +Sci/Tech,New Dinosaur Discovered: T. Rex Cousin Had Feathers +Sci/Tech,Novell spiffs up its desktop Linux software +Sci/Tech,Weapons Ban Eased At Airports +Business,Chief Says Fannie Mae Did Nothing Wrong +World,Attacks against civilians in Darfur +World,"Iraq, Sadr Militia Begin Peace Talks" +Business,A Biotech Company's Aggressive Move Backfires +Sci/Tech,Kurzweil's Quest for Eternal Youth Sets Buzz +Business,Just Another Day in the Pit as Oil Tops \$52 +Sci/Tech,Small Firms Vie for Slice Of Security Pie +Sports,Pennington #39;s return energizes Jets +Sci/Tech,"New Cool, Quiet Laptop Hard Drives (PC World)" +World,Annan Urged to Pull U.N. Staff From Iraq (AP) +Sports,MLB Not Likely to Punish Steroid Users (AP) +World,Suicide Car Bomb Kills 37 at Pakistan Religious Rally +World,"Haitian Police, UN Troops Raid Aristide Stronghold" +World,Northeast Indian State Votes Amid Tight Security +World,The Unraveling of a Terror Case Spun From Thinnest Threads +World,Ethics Panel Rebukes DeLay Twice in a Week +World,Twins and Yankees Tied 5-5 After 11 +World,Turkey a Step Closer to Joining E.U. +World,U.S. Set to Aid Brazil Drug Shootdown Plan-Officials +World,Brazil's Vasp Airline to Face Bankruptcy +Sci/Tech,Taking Their Game to the Next Level +Sci/Tech,PeopleSoft's Ex-Chief Says He Misspoke to Analysts +Sci/Tech,Who's There? How Parents Can Be IM Watchdogs +Sci/Tech,Connecting Paper and Online Worlds by Cellphone Camera +Business,CA to buy Netegrity for US\$430 million +Sports,Magic Center DeClercq May Miss 3-4 Weeks (AP) +Sports,Crew Extend Unbeaten Streak to 16 Games (AP) +World,"Karzai Rival Lacks Charisma, but Mujahedeen Back Him" +Sports,Torre Chooses Brown in Game 3 +Business,Clorox Buys Back Henkel's Stake in Deal (Reuters) +Business,Record High Oil Prices Hit Asian Markets +Business,Deal for Cigna Bond Unit +Sports,Twins Lead the Yankees 6-5 in 12th +Sports,Bankruptcy Proceedings Could Free Williams From Contract +World,Two blasts kill 33 in central Pakistan +Business,Wall Street stocks enjoy late-day rally despite high oil price +Sci/Tech,for the Gilt-Edged Gadget Groover +Sports,HICKMAN EYES RECORD WIN +Sports,Twins would be better off with best-of-one +Sports,2004 WNBA Finals Matchups Analysis +Sci/Tech,"IBM to Widen Use of Mainframes in China, Elsewhere (Reuters)" +World,Suicide Car Bomb Kills 39 at Pakistan Religious Rally +Sci/Tech,"IBM to Widen Use of Mainframes in China, Elsewhere" +Business,Concerns About Winter Push Oil to Record +Sports,"Yanks See the Brink, Then Bounce Back" +Sports,Bryant Accuser Cannot Remain Nameless +Business,"Finally, a Boeing-Airbus Showdown" +Business,Veto This Bill +Business,"Netegrity is bought, will fire" +Business,"Corning to take nearly \$3 billion in charges, cites gloomy telecom <b>...</b>" +Sci/Tech,"Maurice Wilkins, DNA Pioneer, Dies at 88" +Sci/Tech,Google feature offers pages of books online +Sci/Tech,Astronaut Gordon Cooper Dies +Sports,Yankees Take Dramatic 12-Inning Victory Over Twins +Sports,"After Games pressure, world short course presents different <b>...</b>" +Sports,Hewitt advances to third round +Sports,Braves and Astros open second day of playoffs Wednesday +Sports,Favre #39;s brother-in-law killed in ATV accident +World,WORLD IN BRIEF +World,Bush Attacks Kerry; Edwards Says Bush 'In Denial' (Reuters) +Sports,Help for Home Team +World,"Cambodian King Delays Return, Wants to Abdicate" +World,Cambodia's king 'has abdicated' +World,Yankees Rally to Win Game 2 Over Twins +World,U.S. 'Almost All Wrong' on Weapons +World,Flower Dealer Gets 17 Months for Smuggling +Business,Fed: Economic Growth on Track +Business,Ex-PeopleSoft CEO testifies +Business,Congress drops tobacco curbs in tax bill +Business,AUTO INDUSTRY REPORT: Ford CEO has new goal +Business,Trade war erupts over aero subsidies +Sci/Tech,TI Declares Qualcomm Court Victory +Sports,Favre feeling better; Pederson could be done +Sports,Wheatley expects to miss 2-to-4 weeks with shoulder injury +Business,Concerns About Winter Push Oil to Record (Reuters) +Business,Fed: Economic Growth on Track (Reuters) +Sci/Tech,Salesforce.com reports subscriber surge +Sci/Tech,Briefly: Salesforce.com reports subscriber surge +Sci/Tech,Skype readies business telephone offering +Business,Indonesia supports OPEC leaving quotas unchanged +Sci/Tech,Blu-ray camcorders next year: report +Sci/Tech,First Thoughts - PalmOne TungstenT5 +World,Hamas fires more rockets at Israel +World,Israeli offensive hits children in Gaza +Sci/Tech,Contextual Ads: Vital to a Search Marketing Campaign? +Business,Samsung plans to invest \$24bn in chips by 2010 +World,Thai policeman suspected of shooting Britons surrenders: police (AFP) +World, #36;71M Judgment Vs. Zimbabwe Party Tossed (AP) +World,Yankees Rally to Win Game 2 Over Twins +Business,"US, EU take Boeing, Airbus dispute to WTO" +Business,"Oil sets fresh record, closing above \$52 a barrel" +Business,Cingular #39;s CEO says #39;poaching #39; to cost it customers +Sports,Varitek's Homer Helps Red Sox Tie Angels (AP) +Sports,Twins Exhaust Nathan With 49 Pitches (AP) +World,US asks Israel to clarify disengagement plan +World,"Cambodian King Delays Return, Wants to Abdicate" +Sports,Yankees Take Dramatic 12-Inning Victory Over Twins +Sports,Judge: Kobe Bryant Accuser's Name to Be Disclosed +Business,"Stern #39;s broadcast, salary go sky-high" +Business,Fed #39;s Poole calls for end to rate hints +Business,False gas data at El Paso Corp. led to charges +Business,Audit finds auditors lacking +Sci/Tech,Novell updates SuSE Linux desktop +Sports,Tiger Woods ties the knot in style +Sports,Nathan left in a few pitches too long +Sports,Arsenal lost 23M in Emirates deal +Sports,Angels and Red Sox tied after six innings +World,"An arms-hungry Saddam feared Iran, says report" +Business,Shock jock defecting to satellite radio Deal gives big boost to <b>...</b> +Business,Savings back in vogue as rates climb +Sci/Tech,Google Launches Google Print +Sports,NASCAR glance +World,Blair faces final judgement on WMD +World,Bomb-grade plutonium driven across France +World,Australia #39;s Labor Party faces uphill battle in election campaign +World,"Asia, Europe seek closer and smoother economic relations" +World,Gadhafi Appeals for Freedom of British Hostage in Iraq +World,UN staff in Iraq; The nuclear imbalance; Policing the world +Business,US Congress agrees huge tax bill +World,Cambodian king abdicates +World,Nine killed in US air raids on Fallujah: hospital +World,Annan Urged to Pull All UN Staff Out of Iraq +Business,Australian PM gets election boost with surprise drop in <b>...</b> +World,Car Bombing Kills 39 at Pakistan Religious Rally +World,Iraq war debate fuelled by report +World,War's Rationales Are Undermined Again +World,FINDINGS +World,British Citizen Indicted on U.S. Terrorism Charges +Sports,Astros appear ready to shake postseason blues +Business,Fed: Economic Growth on Track +Business,LDS Church now a major player among Nebraska landowners +Sci/Tech,Google looks at the books +Sci/Tech,Thailand declines to back shark proposal at CITES meeting +Sci/Tech,U. scientists create #39;Louse Buster #39; +Sports,Sports: Red Sox 8 Angels 3 (Red Sox lead series 2-0) +Sports,Thursday #39;s previews +World,Car bombing kills 39 in Pakistan +World,Sharon aide tells of pullback motive +World,Aid Afghan democrats +World,Suicide car bomber kills 16 +World,Cambodia #39;s King Sihanouk abdicates the throne +Business,News Corp soothes investors over US shift +Business,Fannie Mae CEO Raines defends leadership +Sci/Tech,SuSE 9.2 arrives on time +Sci/Tech,Half Life 2 wait starts stopping to be a wait +World,Israeli tank fires shells at group in northern Gaza +Business,Record Oil Prices Weigh on Asian Shares +Business,US and EU face off over aerospace subsidies +Business,Oil price exceeds record mark +Business,Business Glance +Business,US CEOs see economic growth slowing +Business,VW recruits former Daimler cost-cutter +Business,INDUSTRY REPORT: Apparel -- Wolverine improves +Business,SEC Charges Ex-Peregrine Execs with Fraud +Business,Update 2: Tokyo Stocks End Lower on Profit Taking +Business,Employer insurance rates #39; rise to ease up +Business,MGM plans to keep its casino +World,ElBaradei Urges Iran to Suspend Enrichment Activities +Sci/Tech,Skype readies business telephone offering +Sci/Tech,Corporations too trusting of Indian security +Sci/Tech,FRANCIS CRICK: THE PIONEER OF DNA +Sports,Martinez Ends Losing Steak as Red Sox Beat Angels +Sports,"I #39;m telling ya, couch potato-ing the Division series gets no <b>...</b>" +Sports,CRICKET: KUMBLE JOINS THE 400 CLUB +Sports,England #39;s Owen on the mend +Sports,Cavaliers wary of struggling Tigers +World,Thai PM Takes Over Battle to End Muslim Unrest +Sports,AL playoffs: Rodriguez-led NY finds a way +Sports,Tiger #39;s swing the problem - Vijay +Sports,Dreams hinge on Okla.-Texas outcome +World,Europe cheers EU recommendation of Turkey +World,40 Sunnis Killed In Twin Pak Bomb Blast +World,Politics: Both sides eye climbing world oil prices nervously +World,"Asia, Europe Seek Better Business Ties" +World,Pro-Aristide protesters make threats to foreigners +Sports,Edmonds back in the swing +Sports,Varitek stays one step ahead +Sports,Astros discover killer instinct +Sports,"This season, they've been fish out of water" +Sports,Special attention is paid to teams +Sports,Light decides to stay awhile +Sports,Simms picked to start +Sports,Cassell returns to the fold +Sports,Holliston grad off to a fast start in college +World,US 'deserter' gets trial date +Sports,"On world stage, no one else compares to Els" +World,Nepal troops face 'abuse' charge +Business,More turbulence ahead +Business,Radio's Stern reality +Business,Beleaguered Merck looks to future +World,Ex-head of oil-for-food program accused of accepting bribes +World,"Spending slow on Iraq rebuilding, report says" +Business,Medium seeks wide impact +Business,Conferees back bill to resolve trade row +World,Cambodian king says he's abdicating throne +Business,Crude passes \$52 a barrel +World,Iran says it has produced gas for nuclear enrichment +Business,"United eliminating some US routes, expanding overseas to increase profits" +World,Two bombs kill at least 36 at Sunni gathering in Pakistan +Business,Worcester Centrum to be renamed +World,"Chemistry Nobel to 2 Israelis, American" +World,N.Y. woman doubts getting early release from Peruvian prison +Business,Computer Associates to buy Netegrity +World,UN troops and police in Haiti try to curb pro-Aristide violence +Business,Study: J amp;J neck stent is as effective as surgery +Business,"Rising fuel costs worsen outlook, airline says" +Business,Health insurer to halt payments +Business,"Winter heating costs expected to top \$1,000 on average" +Business,Summit attracts top tech leaders +Business,Aircraft subsidies trigger trans-Atlantic trade fight +Business,Oracle/PeopleSoft: merger signs and portents +Business,Conferees back bill to resolve trade row +Business,Henkel says will not issue bond to finance Dial buy +Sci/Tech,"DNA pioneer, Nobel winner transformed medical field" +Sports,"On world stage, no one else compares to Els" +Sports,England striker Owen believes he can make it in Madrid side +Sports,Virginia opens ACC vs. nemesis Clemson +Sports,"Against OU, Texas hopes to finally hold #39;em" +Sports,Sosa #39;s costly departure +Sports,Ex-teammates sour on Williams +Sports,Bradley caught way off base +World,Pakistan: at least 36 people died in suicide car bomb attack +World,Karzai: Vote without fear +World,What happened? +World,Blair pushes Darfur accord +World,Target practice +Sci/Tech,UK music to 'sue online pirates' +World,EU panel urges talks with Turkey about membership +World,Iraq cleric agrees to ceasefire... sort of +World,Backgrounder: Leading candidates in Afghan election +World,Blair in Ethiopia to outine vision for Africa +World,AP: Iran Converts Uranium Into Gas +Business,Customer views from PeopleSoft Connect +Business,News Corp soothes US move critics +Business,"German Stocks Gain, Led by Henkel, Utilities; Comdirect Slides" +Business,Coors Light in the balance +Business,Corning sees Q3 charges of \$2.9B +Business,Noranda defends China sale +Business,Stocks shake off oil-cost worries to rally +Sci/Tech,Japan Officials Check on Auction of New Banknote (Reuters) +Sci/Tech,"The browser wars are back, according to Netscape #39;s founder" +Sports,Yankees short hops +Sports,FOSTER WANTS SWEETENHAM TO MODERATE APPROACH +Sports,Sven #39;s three-striker plan +Sports,UPDATE 1-Clarke makes 151 on debut to lift Australia +Sports,Dodgers Notebook: Bradley engages in heated confrontation with <b>...</b> +World,Turkish press jubilant over green light for EU accession talks +World,YOUR E-MAIL ALERTS +World,Afghan government says drug smugglers were behind political attack <b>...</b> +World,"ASEF Dedicated to Closer Asia, Europe" +World,Profile: King Norodom Sihanouk +Sci/Tech,Space Tourism Faces Safety Regulations (AP) +Sci/Tech,Early T-Rex Relative Had Feathers -- Study (Reuters) +Sci/Tech,Alert Level Dropped at Mount St. Helens (AP) +Sci/Tech,Virtual gamers reveal themselves +Sci/Tech,Online map shows risk of flooding +Sci/Tech,Talks look for new climate effort +Business,"Sources: EU Probes Oracle, PeopleSoft (Reuters)" +Business,Concerns About Winter Push Oil to Record +Business,"Sources: EU Probes Oracle, PeopleSoft" +Business,IMF: High Oil Price a Threat for Years +Business,CA pays \$430M for Netegrity +Business, #39;Toba outlook for GDP down +Business,Corning Shares Drop in Europe on 3rd-Quarter Charge of \$2.9 Bln +Sports,"Yankees rally in 12th, even series" +Sports,Pac-10 notebook: All eyes on USC-Cal showdown +World,Blasts kill 39 in central Pakistan +World,Burma clouds Asia-Europe talks +World,"Election #39;There to Be Won #39;, Says Howard" +World,Bolivians Vote in Municipal Elections +Sci/Tech,Study of Cell Breakdown Captures Nobel +Sci/Tech,Critical Gene a Suspect in Lethal Epidemic +Sci/Tech,"For Flu Shots, Smaller Supply, More Concern" +Sci/Tech,Genetic Map Created for First Breed of Cattle +Sci/Tech,Music Industry Sues 459 European Net Song-Swappers (Reuters) +Sci/Tech,FCC staff OKs Cingular-AT amp;T Wireless (TheDeal.com) +Sci/Tech,Conway: Ellison's Genghis Khan (TheDeal.com) +Sci/Tech,Genesis Samples Arrive at Space Center (AP) +Sci/Tech,Face-off in gaming olympics +World,AP: Ex-Colombian Rebels Seen As Farmers (AP) +World,Blair in Ethiopia to outline vision for Africa (AFP) +World,"Two Koreas Discuss Road, Rail Links Across Border (Reuters)" +World,Ameircan deaths +World,"Bush, Kerry Health Care Plans Differ (AP)" +World,GOP Must Decide Fate of Hurricanes Bill (AP) +World,Blair: Time for Excuses on Africa Is Over +World,Dozens killed in Pakistan blasts +World,Ivorian exile's gardener killed +World,Peru TV staff quit in Toledo row +World,UK music to 'sue online pirates' +World,Hepburn papers donated to library +World,"For His Royal Playfulness, Goats, Sheep, but Nary a Toy" +World,"Kerry Would 'Weaken' U.S., Bush Says" +World,Grim Picture of Gaza's Mayhem +World,"Israeli, American Chemists Win Nobel" +World,Man Pleads Guilty in Passport Case +Business,All Options Open for OPEC Meeting - Iran +Business,Stern switches to unfiltered +Business,Crude oil prices hit all-time high in after-hours trading +Business,News Corp adopts raft of governance changes to secure move to US +Business,IMF: High Oil Price a Threat for Years +Sci/Tech,Music Industry Sues 459 European Net Song-Swappers +Sports,A-Rod #39;s magical moment +Sports,Everton duo left frustrated +Sports,"Paul Abbandonato, Western Mail" +Sports,Australia all out for 474 +World,Drug Smugglers Blamed in Afghan Attack +World,Car bomb kills dozens at Pakistani rally for outlawed leader +World,Iraq Again In The Forefront as Australian Election Approaches +Sports,Martinez Ends Losing Steak as Red Sox Beat Angels (Reuters) +Sports,Clijsters Doesn't Need Wrist Surgery (AP) +Sports,Today's schedule +Sports,Olympic star Phelps right back at it +Business,"OK, so Ellison is not a sociopath..." +Business,Santander bank says trial order based on illegitimate request <b>...</b> +Business,"Tax bill modified; Harkin, Grassley disagree" +Sci/Tech,Google to Sell Books Online +Sci/Tech,Genesis Samples Arrive at Space Center +Sports,Steamrolling Houston flattens Atlanta +Sports,Miller: Better to fade away than burn out +Sports,"UPDATE 2-McGrath strikes after Clarke, Gilchrist tons" +Sports,Is The Burden too much for Texas to handle? +Sports,"Ernie and Sammy: Opposites, a fact" +World,EU Gives Turkey Green Light +World,Hamas leader calls for fair mediation +Sci/Tech,US seeks to fine spyware makers +Sci/Tech,'No experiments' for SpaceShipOne +Business,Banks boosting mortgage rates +Business,A cost cutter takes over VW brand +Business,"Angola, IMF talk to re-launch aid" +Business,Builders take a breather in August +World,"10 soldiers, driver killed in bomb attack" +Sci/Tech,Internet file-sharers under fire +Sci/Tech,459 Net song-swappers sued +Sports,Grand Prix agreement close +Sports,Els is always a bridesmaid +Sports,Sosa #39;s home runs may have gone to his head +World,UK #39;s Straw Expects Turkey #39;s Talks With EU to Start in January +World,Mbeki on Ivory Coast peace trip +World,CORRECTED - Reuters to make Bangalore biggest employment hub (Reuters) +World,DeLay Is Again Rebuked on Ethics (Los Angeles Times) +Sci/Tech,Prof Pursued by Mob of Bloggers +Sci/Tech,"Robotic Fish Gather Data, Prize" +Sci/Tech,Induce Act Talks Sputter +Sci/Tech,Hot Wheels Hit the Road +Sci/Tech,NASA Hedges Bets on Hubble +Sci/Tech,RFID Driver's Licenses Debated +World,Italy seeks Libya migrant deal +World,France moves US plutonium south +World,Three children missing on moors +World,Findings on Iraq by 2 UN arms inspectors +Business,"Satellite radio #39;s a tough sell: There #39;s stuff to buy, fees to pay" +Business,Fannie Mae Execs Testify on Hill +Sci/Tech,Google planning big things with Books and GMail +Sci/Tech,Record industry targets 28 music up-loaders +Sci/Tech,Remembering Gordon Cooper +Sci/Tech,World #39;s largest LCD TV developed +Sports,Clarke leaves India reeling +Sports,Montoya fears cancelled GP qualifying +World,Israeli forces kill two Palestinian children in Gaza +Sports,Second helping +Sports,"Ahead in the count, they know nothing's guaranteed" +Sports,"Yankees rally in 12th, even series" +Sports,Brown will get the call for Game 3 +Sports,Late show: New York does it again +Sports,No mistaking formula +Sports,Fall guys are up to their old tricks +Sports,"Under constant glare, Francona cool on hot seat" +Sports,Colon a load for opponents +Sports,Schilling keeps eye on ankle +Sports,Bullpen came undone +Business,"Unilever to close UK Birds Eye plant, 600 jobs lost" +Business,Home sales should dip +Sci/Tech,UK record labels to sue song-swap pirates +Sci/Tech, #39;No experiments #39; for SpaceShipOne +Sci/Tech,Monti: Courts must rule on MS anti-trust +Sports,"Beard, Phelps highlight short course swimming field" +Sports,Fergie to get United seat? +World,Europeans welcome qualified yes for Turkey talks to join EU +World,Cambodia #39;s King Says He Is Stepping Down +World,UN Challenges Israel on UNRWA Terror Link Claims +World,US eyes cut in troops in Afghanistan +Sci/Tech,Google enters online bookstore market +Sci/Tech,Record industry target 28 music downloaders +Sci/Tech,Suse 9.2 goes mobile with Bluetooth and power management +Sci/Tech,Agents search Will County office in permit probe +Sci/Tech,"Headed for a fall? Hot tracking technology oversold, analysts say" +Sports,"India make disastrous start, lose 4 wickets" +Sports,Dueling backs get their day +Sports,Can Warriors be Memphis West? 10-man rotation a possibility +Sci/Tech,"Too much auditing, not enough auditors (SiliconValley.com)" +Business,Will Howard Stern deal turn satellite into a star? +Business,Airbus Attacks Washington #39;s WTO Challenge +Business,Cigarette Maker Agrees To Limit Hip-Hop Marketing Theme +Business,Housing prices expected to keep rising in #39;05 +Business,Qualcomm loses suit over chips +Sci/Tech,Google to begin indexing books +Sci/Tech,File-sharers face the music in crackdown +Sci/Tech,Sony Woos The Fox +Sci/Tech,Court case looms over LCD patent +Sci/Tech,Induce Act Talks Sputter +Sci/Tech,Mark Cuban prompts dot-com redux +Sports,MLB: Yankees Even Series with Twins +Sports,Silverstone date can be saved - Sir Jackie +Sports,Loss from the jaws of victory painful +World,US gives blessing #39; to road map freeze +World,The Conflict Over War +World,Car Bombing Kills 40 at Pakistan Religious Rally +Business,Oil Sets New Highs on Winter Fuel Worries +Business,Stocks Seen Flat with Oil Above \$52 +Business,Europe Stocks Hug 5-Month Highs +Business,News Corp. Assures Investors on U.S. Move +Business,"Zale Sees Deeper Loss, Hurricanes Hurt" +Business,Reuters Makes Bangalore Biggest Info Hub +Business,Energy Dept. Predicts Rise In Winter Bills +World,Stocks to Open Lower Before Jobs Report +Business,Oil prices reach new record highs past 52 dollars +Business,UK interest rates remain at 4.75 +World,Israel Holding 25 U.N. Workers +Business,CA set to buy Netegrity for 241m +Sci/Tech,UK Music Industry Sues File Sharers +Sports,Astros pound Braves +Sports,Japan Open smiles on Hewitt and Sharapova +Sports,UK bank mulls rival proposal for Man Utd +Sports,"FOOTBALL: DO THE MATHS, THIS IS A TITMUSS-T WIN GAME FOR US, BOSS" +Sports,Some California beamin' for BC +Sci/Tech,Web blunder boosts Bush bashers +Sci/Tech,Monti Reflects On Evolution Of Antitrust +Sci/Tech,"Urging Fact-Checking, Cheney Got Site Wrong" +Sci/Tech,Va. Licenses Could Go High Tech +Sci/Tech,Electronic Nose +Sci/Tech,IT departments turn to gateways to manage IM +Sports,UConn crushes Crusaders +Business,ATI Technologies 4th-Qtr Profit Doubles as Sales Rise (Update1) +Business,Costco #39;s 4Q Profit Beats Outlook +Sports,NASCAR fouled up punishment +Sports,Arena in the swim +World,"Myanmar, EU draw lines in the sand" +World,"Guinea-Bissau troops in barracks, talks to resume" +Sci/Tech,New Technology Helping Volcanologists (AP) +Business,Wal-Mart Same-Store Sales Up 2.4 Percent (Reuters) +Business,Wal-Mart Same-Store Sales Up 2.4 Percent +Business,"Stocks Seen Lower; Retailers, Oil Weigh" +Business,Oil prices reach new record highs past 52 dollars +Business,Marriott #39;s 3rd-quarter profits surge +Business,Volkswagen hires former Chrysler executive to head namesake brand +Business,Property tax payers get a break for now +Business,Update 1: Freeze Is Upheld on Yukos Subsidiaries +Sci/Tech,IBM Adds Downtime Safety To WebSphere +Sports,Pressley Out of Scotland Squad +World,Russia will continue its nuclear energy cooperation with Iran +World,ASEM enlarged to 39 members +Sci/Tech,Andreessen: Microsoft to make IE more competitive +Sci/Tech,European Commission restarts clock on Oracle-Peoplesoft +Sports,Richardson lifts Suns +Sci/Tech,Here come the judge: Simon's a 'Shrek' extra (USATODAY.com) +World,"ECB, Bank of England Leave Key Rates Alone (AP)" +World,Blair to Address Roots of Africa Problems (AP) +World,Tokyo Stocks End Lower on Profit Taking (AP) +Sci/Tech,Google Offers New Book-Search Feature +Sci/Tech,Satire Sequel Parodies U.S. Newsmakers +Sci/Tech,On-Demand Video Game Services Vary +World,Canada defends submarine fleet +World,Cricket: Aussies watch India tumble +World,EU threatens new Burma sanctions +World,'Come and join us' urges Howard +World,"\$40,000 Library Mural Misspells Names" +World,Austrian Novelist Jelinek Wins Nobel Prize +World,House Left to Wrestle With 9/11 Bill +Business,Airbus attacks Washington #39;s WTO challenge +Business,European Central Bank Leaves Rates Alone +Business,Markham #39;s ATI Tech triples profit +Business,Marriott 3Q profit jumps 45 +Business,Wal-Mart September Sales Up 2.4 Percent +Business,Unilever to axe 600 jobs at frozen food factory +Business,"Home prices still soaring, Realtors say" +Business,SF investment adviser penalized +Sci/Tech,Kodak sues Sun for \$1 billion +Sports,"Astros, Red Sox, Yankees Win In Baseball Playoffs" +Sports,Scotland defender Pressley ruled out of qualifiers +Sports,Seahawks Slant +Sports,Simms Signals Start of Future +World,Turkish press eyes road to EU +World,EU threatens new Burma sanctions +World,UK #39;s Blair Calls for EU Force for Africa Clashes (Update2) +Business,European Central Bank holds rates steady +Business,Unilever to Close UK Plant With Loss of 600 Jobs (Update1) +Business,Housing sales to slow a bit +Business,Reuters looks to make India job hub +Business,Reuters Makes Bangalore Biggest Info Hub (Reuters) +Business,J.C. Penney Same-Store Sales Rise 2 Pct (Reuters) +Business,Jobless Claims Drop Despite Hurricane +Business,Wal-Mart September Sales Up 2.4 Percent +Business,J.C. Penney Same-Store Sales Rise 2 Pct +Business,"Stocks to Watch on Thursday, October 7" +Business,Weekly Jobless Claims Fall Sharply +Business,Aide criticises Putin over Yukos +Business,Eurozone rates kept on hold +Business,UPDATE: Reuters Chooses India As Hub For Global Data Ops +Sci/Tech,Honeywell Sues 34 Companies Over LCD Patent +Sci/Tech,Open-source community cuts Netline #39;s development time +Sports,SEATTLE HOPE TO MAKE HISTORY +Sports,"Bulger hurt, but Rams win" +World,"Asian, European Leaders Gather in Vietnam for Annual Summit" +Sci/Tech,Google feature offers pages of books online (USATODAY.com) +Sci/Tech,Details emerge in Honeywell's suit against Apple (MacCentral) +Sci/Tech,Will Microsoft Makes Its Browser Better? (PC World) +Sci/Tech,Conway acknowledges slamming Oracle (USATODAY.com) +Sports,"Green, Chiefs not half bad" +Sci/Tech,Love DRM or my family starves: why Steve Ballmer doesn't Get It +World,"Tornado kills four, injures hundreds in central Bangladesh (AFP)" +Sci/Tech,T-Mobile brings Wi-Fi to Borders' UK stores +World,Sadr Aide Freed as Iraq Seeks Pre-Election Calm +Sports,A giant win for Redskins +World,Afghans Say Trouble Inevitable But Won't Stop Vote +World,Africa's Woes Make It Haven for Terrorists - Blair +World,'Violence can't stop Afghan poll' +World,Satire Sequel Parodies U.S. Newsmakers +World,Jobless Claims Decline Sharply Last Week +World,Austrian Novelist Jelinek Wins Nobel Prize +Sci/Tech,Epsom Salts Could Reveal History of Water on Mars +Sci/Tech,Space Tourism Faces Governmental Safety Regulations +Sci/Tech,Genesis Mission Samples Arrive at Space Center +Sci/Tech,NASA Software Allows Satellites to Troubleshoot in Space +Business,Airbus battle lands at WTO +Business,ECB and Britain leave rates alone despite inflation fears +Business,Update 1: Texas Instruments May See Wireless Boost +Business,"Stocks to Watch on Thursday, October 7" +Business,"Unisys plans to cut 1,400 workers" +Sci/Tech,Clampdown on music pirates +Sci/Tech,Will Microsoft Makes Its Browser Better? +Sci/Tech,Details emerge in Honeywell #39;s suit against Apple +Sci/Tech,Love DRM or my family starves: why Steve Ballmer doesn #39;t Get It +Sci/Tech,Yahoo Tests Personal Search +Sports,FAMILIAR FOE FOR MARIUCCI +Sports,COLTS LOOK FOR MOMENTUM +Sports,Red Sox Cruise Into 2-0 Lead Over Angels (Reuters) +World,2 US Soldiers Killed in Iraq +World,Myanmar among new Asia-Europe forum members +World,Cambodia #39;s King to Step Down +Sports,"Bledsoe, Bills keep rumbling" +Sci/Tech,Adults and Kids Urged to Skip Flu Shot +Sci/Tech,Whole Foods Creates New Gluten-Free Product Line +Sports,Red Sox Cruise Into 2-0 Lead Over Angels +Sci/Tech,CA offers usage-based pricing for mainframe tools +Sci/Tech,IBM promotes open source in India +Business,Dollar Up on Jobless Data +Business,"Costco Profit Up 24 Percent, Shares Rise" +Business,Wal-Mart September Sales Rise 2.4 Percent +Sci/Tech,Will Microsoft Makes Its Browser Better? +Sci/Tech,New Technology Helping Volcanologists Predict Eruptions +Sci/Tech,NASA Develops Revolutionary Cockpit Display Technology +Business,Retailers Report Modest Gains in September +Sports,Surf's up for Hutchinson +Business,ATI Technologies boosts outlook +Sports,Clemens Helps Astros Take 1-0 Series Lead Over Braves +Sports,"Sandy Lane, take a bow" +Sports,Sharapova reaches Japan semifinals +Sports,Manchester United Football Club confirm bid +Sports,Gailey: Ball still the starter +Sports,Raiders notes: Wheatley says he #39;ll miss 2 to 4 weeks +Sci/Tech,My Yahoo Embraces RSS Feeds +Sci/Tech,Google Books and GMail Plans +Sci/Tech,User-Guided Search Refining in Google +Business,Update 1: Costco 4Q Earnings Up 24 Pct. to \$296.8M +Business,Cognos reassigns N. America chief after indictments +Business,Corning Plans to Take 3Q Charges of \$2.8 Billion to \$2.9 Billion +Sci/Tech,"Edward C. Baig: Personal Tech - Net calling service Skype: Simple, free, not perfect (USATODAY.com)" +Sci/Tech,Nintendo Says 12 DS Games to Debut in Japan (Reuters) +Sci/Tech,Google steals a page from Amazon #39;s book search +Sci/Tech,TSMC says chip sales softening +Sci/Tech,Kodak vs Sun suit moves forward +Sci/Tech,CA delivers industry #39;s first virus protection solution for <b>...</b> +Sports,McGrath has India reeling +Sports,Major ankle op for Thomas +Sci/Tech,Scientists Puzzled by Synchrony of Migratory Birds (Reuters) +Sci/Tech,Nintendo Says 12 DS Games to Debut in Japan +Business,September Storms Left Retailers All Wet +Sci/Tech,Star-Power Surge for Satellite Radio +Sci/Tech,Conspiracy Theories Flourish on the Internet +Business,Retailers Report Modest Gains in September +Business,Investing With Borrowed Dimes +Sci/Tech,Flu Vaccine Failure Spotlights Faulty System +World,Israeli Military Kills Three Palestinians in Gaza +Business,Oil Prices Again Hit Record Highs in US +Business,EU warns of evidence against harmful US aerospace subsidies +Business,ECB keeps rates steady despite surging oil prices +Business,Interest rate is held at 4.75 +Business,"Bombardier Aerospace to cut 2,000 jobs" +Business,Costco profit beats forecast +Business,ATI Technologies 4th-Qtr Profit Doubles as Sales Rise (Update2) +Business,Stronger provisions +Business,"Update 1: Clorox, Henkel in \$2.8 Billion Deal" +Business,Wal-Mart September Sales Up 10.8 Percent +World,Russia Could Finish Kyoto Approval by Year-End +World,Crewman Critical as Canadian Sub Still Adrift +World,Crew face third night on fire sub +World,Pope replaces sex scandal bishop +World,UN warns of 'growing Gaza crisis' +Business,"Stocks Slip on Oil, Soggy Sept. Sales" +Business,EU-US Plane Fight May Turn to Peace Deal +Sci/Tech,Google Print: The Next Big Thing +Sci/Tech,Music piracy: What should be done? +Sci/Tech,VoIP Gains Ground With Bank Of America Deal +Sports,Gilchrist #39;s follow-on fears +Sports,A-Rod becomes a Yankee +Sports,Hawks face curse of byes +Sports,Woodgate suffers further injury setback +Sports,Grover #39;s making name with mane +Sports,"Sosa reportedly fined \$87,400" +World,German Press Review: A Long Way for Ankara +World,Blair Calls for EU Reaction Force for Africa Clashes (Update3) +World,Time for the UN to act on Irans nuclear program +World,The choice: how the contenders shape up +World,"Libya Deported 1,000 Egyptian Migrants from Italy" +World,"UN Peacekeepers, Haitian Police Arrest 75 in Sweep" +Sports,Defense keeps San Diego in charge +Business,Sirius and Stern +Business,A Dazed and Confused America +Business,"Bank of America to cut 4,500 jobs beginning this month" +Business,Global strength repels oil surge +Business,Bank keeps interest rates on hold +Business,Retailers report modest gains in September +Sports,BUTTON PLEADS FOR SILVERSTONE FUTURE +Sports,Nalbandian loses at Japan Open +Sports,"Zenit Eyes Lazio, Newcastle in Draw" +Sports,Hill out for nine months +World,"In Pakistan, 2 bombings kill dozens at Sunni rally" +World,UN to investigate terrorist link +Business,Investors back News revisions +Business,Stocks Fall on Climbing Oil Prices +Business,"Unisys to lay off 1,400 workers worldwide" +Business,"Bombardier to Cut 2,000 Aircraft Jobs on Weak Demand (Update1)" +Sci/Tech,Taiwan Semi sales dip +Sports,Racing: Consortium claims it has agreed terms to keep Silverstone <b>...</b> +Sports,"Hewitt survives at Japan Open, Sharapova advances" +Sports,Stephen Dunn/Getty Images +Sports,Newcastle #39;s profits fall +Business,Clorox Helps German Soap Maker Buy Dial +Sports,Bengals finish strong +Business,ATI Technologies boosts outlook after Q4 profit almost triples to <b>...</b> +Business,Partners said to support Lazard IPO +Sci/Tech,Google Launches Google Print +Sci/Tech,"459 sued for file-sharing in Europe, 28 in the UK" +Sci/Tech,"New Palm Handheld Features More Memory, No Wi-Fi" +Sci/Tech,VoIP Gains Ground With Bank of America Deal +Sports,Woods scuba dives amid wedding reports +Sports,Bank mulls rival proposal for Manchester United +Business,"Bank of America Cutting 4,500 Jobs in Reorganization (Update3)" +Business,EU Confident In Aircraft Subsidy Dispute With US +Business,Eurozone rates on hold again +Business,"Bombardier Aerospace cutting 2,000 jobs in Montreal, Belfast; more <b>...</b>" +Business,Another son of Mondavi quits at the winemaker +Sci/Tech,Novell Packs More Power In New Desktop Release +Sci/Tech,Music Industry Group Launches Piracy Suits (AP) +Sci/Tech,Star-Power Surge for Satellite Radio (washingtonpost.com) +Sci/Tech,"Mount St. Helens Calms Down, Scientists Lower Alert (Reuters)" +Sci/Tech,Digital radio sales 13m 'by 2008' +Sports,Dillon needed 1 to get 2 +World,"More than 53,000 Nigerians killed in three years of ethnic strife (AFP)" +World,"Minority Liberals to oppose Bloc amendment, put government on line (Canadian Press)" +World,"Bush, Kerry have similar postwar strategies (USATODAY.com)" +World,Big Changes Likely in Bush Cabinet if He Wins (Reuters) +World,Afghans Say Trouble Inevitable But Won't Stop Vote +World,Parents Mull Flu Vaccines Amid Shortage +World,U.S. Raises Alert in Baghdad's Green Zone +Business,"Bank of America reveals plans to lay off 4,500" +Business,News deal paves way for move +Business,Clorox Helps German Soap Maker Buy Dial +Business,Nintendo Says 12 DS Games to Debut in Japan +Business,Worley buys US partner +Business,"Honeywell LCD suit targets Apple, others" +Sports,NBC Adding Delay to NASCAR Telecasts (AP) +Sports,Defense was up for challenge +Sports,"Sosa Fined #36;87,400 for Last-Game Bolt (AP)" +Sci/Tech,Music Industry Group Launches Piracy Suits +Sci/Tech,Chinese Prosperity Seen as Threat to Endangered Wildlife +Sports,Woodgate re-injures thigh during scrimmage +Sports,Now is the hour for Vogts +Sports,FIFA Plans Show to Kick Off 2006 World Cup (AP) +World,Australian Voters Face Stark Choice on Iraq +World,Gaza battle rages +Sports,"Report: Cubs Fine Sosa \$87,400" +Sports,"Hewitt Survives at Japan Open, Sharapova Advances" +Sports,Mauresmo Struggles Past Schnyder at Filderstadt +Sports,"Newark, NJ OKs Arena for Devils Hockey Team -- Paper" +Sci/Tech,Security Concerns Shelve MSN Messenger 7 +Business,"Bank of America to Cut 4,500 More Jobs (Reuters)" +Business,Oil Hits \$53 High on Supply Worries +Business,Storms Soak Retailers' September Sales +Business,"Bank of America to Cut 4,500 More Jobs" +Business,Oil Sets New \$53 High Supply Concerns +Business,"Dollar Dips Ahead of Greenspan, Jobs Data" +Business,"Bank of America to Cut 4,500 Jobs" +Business,"Bank of America to Cut 4,500 More Jobs" +Business,Sensitivity wins for News Corp +Business,UPDATE 1-Smith Barney sees Delta bankruptcy soon +Sports,A nice opening act +Sci/Tech,Netscape #39;s Andreessen Predicts New Browser Wars Ahead +Sci/Tech,Viet Nam determined to fight illegal trade in wild animals and <b>...</b> +Sci/Tech,Microsoft Kicks Off SMB Partner Road Show +Sci/Tech,Microsoft Fixes Key SP2 Issue +Sci/Tech,BBC Wants Help With Dirac Codec +Sci/Tech,Bosses #39;too trusting #39; of outsourcer #39;s security +Sports,Glazer - has yet to reveal his hand (Getty Images) +Sports," #39;A dream come true #39;, says Clarke" +World,Pakistan Bombing Prompts Ban on Gatherings +World,Cambodian Monarch Wants Out +Business,Citigroup Takes On Intel +Sports,Pavano hears Yankees' sales pitch; next step Baltimore +Sports,Unbeaten Auburn gets squeezed out of Orange +Sci/Tech,Bill Imposes Prison Time Over 'Spyware' (AP) +Sci/Tech,Spyware Bills Win House Approval (washingtonpost.com) +Sci/Tech,Intel preaches gospel of mobile diversity +Business,Oil Prices Keep Rising +World,Sudan Resumes Peace Talks with Southern Rebels (Reuters) +Sports,Celtics trip on first step in loss to Kings +World,Blair outlines 'immense and powerful' moral case for helping Africa (AFP) +World,Sub tragedy may divert Martin's first major foreign tour as PM (Canadian Press) +World,Sudan Resumes Peace Talks with Southern Rebels +Sci/Tech,Spyware Bills Win House Approval +Sci/Tech,Tributes touch DNA pioneer's family +World,"Nigerian clashes: '50,000 killed'" +World,Austrian Novelist Jelinek Wins Nobel Prize +Sci/Tech,Recording Industry Broadens File-Sharing Wars +Sci/Tech,BBC demos open-source codec +Sports,Astros #39; aces trump Braves #39; depth +Sci/Tech,Trojan pretends to do good +Sports,NBC Adding Delay to NASCAR Telecasts +Sports,"Sosa Fined \$87,400 for Last-Game Bolt" +Sports,Boston Marathon Champ Johnny Kelley Dies +Sci/Tech,'Pure' outsourcing model falls from favor +Business,Drug Stocks Fall as Journal Blasts FDA (Reuters) +Business,"Tyson, Union Ratify Iowa Plant Contract (Reuters)" +Business,EU-US Plane Fight May Find Peaceful Deal +Business,Fannie Mae Investigation +Business,"Do You Take Cash, Credit or Chip?" +Sci/Tech,"Infocus: Defeating Honeypots: Network Issues, Part 2" +Business,European Economies: Orders and Retail Sales Decline (Update2) +Sports,Bank mulls rival proposal for Manchester United +Sports,Hewit advance to the third round of the Japan Open +Sci/Tech,"Most Coral Reefs Under Threat, Some Resilient (Reuters)" +Business,Nintendo unveils lineup for DS handheld +Business,"Initial jobless claims fall 37,000" +Business,"Do You Take Cash, Credit or Chip?" +Business,Wish Upon a Starbucks +Business,Energy lifts TSX; Dow dips +Business,Parmalat to sue Bank of America +Sci/Tech,Nintendo Unveils Lineup for DS Handheld (AP) +Sci/Tech,Google invades Amazon turf +Sci/Tech,UK Music Industry to sue 28 persistent file sharers +Sci/Tech,Bill Imposes Prison Time Over #39;Spyware #39; +Sci/Tech,Siebel Refocuses on Customers +Sci/Tech,Nintendo seeks to dominate portable game market with new console (AFP) +Sci/Tech,Starmap plans push into US and Asia (FT.com) +Sports,Mauresmo wins first match as world No. 1 +Sports,India still in the game: Harbhajan +World,Judge in London gives okay to let premature baby die +Sci/Tech,Ethics in Practice +Business,"U.S. 30-, 15-Year Mortgage Rates Rise (Reuters)" +Business,"U.S. 30-, 15-Year Mortgage Rates Rise" +Business,"Drugs, Oil Drag Stocks Lower" +World,"Asia-Europe Forum Grows, Myanmar Irritates" +Business,"Finally, A Boeing-Airbus Showdown" +Business,"UPDATE 11-Oil sets new \$53 high on winter worries, Nigeria" +Business,Duma wants convincing arguments for Kyoto ratification +Business,"US 30-, 15-year mortgage rates rise in latest week" +Sci/Tech,Group sues illegal file-swappers in Europe +Sci/Tech,Piggyback developers in a bind over IE +Sci/Tech,"Kodak, Sun settle potential \$1B lawsuit" +Sci/Tech,Spyware Legislation To Take Effect Jan. 1 +Sci/Tech,Report: VoIP to Top 12M Homes by 2009 +Sci/Tech,Taiwan #39;s VIA Joins 64-bit Chip Fray +Sports,Group including Mansell says it has deal to save British GP +Sports,Cubs Fine Sosa for Leaving Game +Sports,Dodgers #39; Weaver eager to escape NY state of mind +Sports,Oklahoma still owns Texas in the Red River Shootout +Sports,ST. LOUIS (2-2) At SEATTLE (3-0) +World,"Baby Charlotte can be allowed to die, judge rules" +World,Britain: Weapons Report Proves Hussein Was a Threat +Business,Oil Hits \$53 High on Supply Worries +World,Paisley to meet Blair as efforts continue to secure North deal +Business,Wish Upon a Starbucks +Sci/Tech,Mount St. Helens Volcanic Eruptions: 1980 vs. Now +Sci/Tech,Does Mars Methane Indicate Life Underground? +Sci/Tech,New Dinosaur Discovered: T. Rex Cousin Had Feathers +Sci/Tech,"Chimps Shown Using Not Just a Tool but a ""Tool Kit""" +Sci/Tech,"Extinct Giant Deer Survived Ice Age, Study Says" +Sci/Tech,CA adds utility-like mainframe pricing +Sci/Tech,Netline touts open-source move +Sci/Tech,"In Japan, it's TV gadget heaven" +Sci/Tech,Word mangled by unpatched security hole +World,French security policy bombs +Business,Parmalat files US lawsuit +Sci/Tech,Google Creates Searchable Book Library +Sci/Tech,"Kodak, Sun settle over damages in Java dispute" +Sci/Tech,CA offers usage-based pricing for mainframe tools +Sci/Tech,Security concerns put MSN Messenger beta on hold +Sci/Tech,House OKs bill imposing prison time for #39;spyware #39; +Sports,"Singh, Els among stars at Duhill" +Sports,Astros-Braves Game 2 preview +Sports,"Cubs fine Sosa \$87,400 (one day #39;s pay)" +Sports,Caldwell Confident Despite Injury Woes +Sports,Red River Shootout is Fair Game +World,Judge in London gives okay to let premature baby die +World,Israel Backs 2-State West Asia Solution: US +World,US Arms-Grade Plutonium Starts Road Journey Across France +Sci/Tech,CA adds utility-like mainframe pricing +Sci/Tech,Microsoft stops winking on MSN 7.0 beta +Sports,Defoe - excited about Old Trafford clash +Business,Retailers and Their September Sales (AP) +Business,Pfizer Will Weather the Storm +Business,Shock jock Stern has \$690m to launch his ego into orbit +Business,"US, EU take to skies in battle of the giants" +World,Bombings in Paskistan Deadly blasts occurred outside a gathering <b>...</b> +World,5th Asia-Europe begins in Hanoi +Sci/Tech,Senate Talks Fail on File-Sharing Software (AP) +Sci/Tech,"Google launches new Web site for readers, publishers (AFP)" +Sci/Tech,Rent-A-Car Cos. Expanding to Face Rivals (AP) +World,Sudan Peace Talks Resume for South as Tensions Brew (Reuters) +World,UN Panel to Look Into Genocide in Sudan's Darfur (Reuters) +World,"Toronto doctor changes story under cross-examination, panel hears (Canadian Press)" +World,Bush Defends Iraq Invasion Despite Report (AP) +World,"Bush, Kerry on Issue of Drug Importation (AP)" +World,Bush Defends Iraq War Despite Report Finding No Illicit Arms +World,Rockets Hit Hotel in Baghdad; Shiite Rebel Offers Truce Deal +World,Ethics Rebuke to DeLay Prompts Democratic Calls for Ouster +World,Saddam Hussein Sowed Confusion About Iraq's Arsenal as a Tactic of War +World,Two Rockets Hit Downtown Baghdad Sheraton +World,"Stocks Fall on Poor Retail Sales, Oil" +Sci/Tech,Briefly: CA adds utility-like mainframe pricing +Business,Russia Could Finish Kyoto Approval by Year-End +Business,Economic optimism hikes mortgage rates +Business,Dial #39;s parent sells Clorox interests +Sports,McGahee Still Waiting His Turn With Bills (AP) +Sci/Tech, #39;Rocket man #39; has local ties +Sci/Tech,Uganda Opposes Trade in Ivory +Sports,ESPN.com #39;s Pitching Preview 2004 MLB Playoffs +World,Twin bombs take terrible death toll +Sports,Phelps Eases Back Into Pool at Short Course Meet +Sports,Ferrer Upsets Ferrero in Lyon +Sports,Graeme McDowell Hits 62 to Match Old Course Record +Sci/Tech,SAP plans to move administrative jobs to Prague +Business,Treasuries Lower Despite Auction Results +Business,"Oil, Drug Woes Send Stocks Down" +Business,"US, EU Trade Blows on Aircraft Subsidies" +Business,Fed could pause on rates if economy slows-Bernanke +Business,Henkel to sell Clorox stake +Business,UPDATE 2-US pension agency chief warns of solvency risk +Business,Plus a change in Franco-US relations +Business,KPMG Settles Lernout Hauspie Lawsuit +Business,Sirius Satellite Signs Howard Stern to 5-Year Accord (Update9) +Business,PeopleSoft Softens Opposition to Oracle Merger +Business,US pension agency chief says solvency at risk +Business,Putin aide warns of dangers to economy ECONOMIC POLICY +Business,Four deals taking off in busy IPO day +Business,"Bank of America To Lay Off 4,500" +Business,Further rate rises in balance as factories stall again +Sci/Tech,Music Industry Sues European Internet Pirates +Sci/Tech,Sony Moves Forward with Blu-Ray DVD Standard +Sci/Tech,Stem Cell Molecules Repair Genetic Damage +Sci/Tech,Tech Briefs +Sci/Tech,Component of volcanic gas may have played a significant role in <b>...</b> +Sci/Tech,Spyware Bills Win House Approval +Sci/Tech,"Nokia, Motorola plan handset units in India" +Sports,Phelps Eases Back Into Pool at Short Course Meet +Sports,Press Row: Pundits praise Pedro +Sports,Familiar Faces in French Team +Sports,Owen is closer to England go-ahead +World,Quiet week precedes Afghan elections +World,Sharon pounds Gaza +World,Australia #39;s Howard Stresses Economic Record in Even #39; Election +Business,Quick Draw on Wynn Resorts +Business,KMPG Agrees to Pay \$115 Million to Settle Suit +Sports,Maryland is thrown for a loss +Sports,Schu doesn #39;t rule in France +Business,KPMG Settles Lernout amp; Hauspie Lawsuit +Sci/Tech,Update 1: Music Industry Group Launches Piracy Suits +Sci/Tech,"Volcanoes May Have Sparked Life on Earth, Study Says" +Sci/Tech,Palm OS to favour phones +Sci/Tech,"U.S. Names Cyber Chief, House Eyes More Clout for Job (Reuters)" +Sci/Tech,IBM renews vows to mainframe (InfoWorld) +Sci/Tech,Mount St. Helens' Crater Floor Rising (AP) +Sports,Williams lends hand to Jones +Sci/Tech,Report: Chip-gear industry having a good year +World,Details of New John Kerry Television Ad (AP) +World,Rebuked Lawmaker Withstands Calls to Step Aside (Reuters) +Sci/Tech,"Qwest, DirecTV bring satellite TV to Western states" +World,Bush defends action against Iraq +Sci/Tech,"At Japan show, it's all gadgets great and small" +World,Actor Fox Appears in Kerry Campaign Ad +World,Rockets Hit Downtown Baghdad Sheraton +Sci/Tech,IBM renews vows to mainframe +Business,ATI Reports Record Quarterly Revenues +Business,"US bank mergers good for stability, says Greenspan" +Business,"Unisys to ax 1,400 workers" +World,Sudan peace talks resume for south +World,Removing Palestine +Sci/Tech,Google introduces wireless service +Business,"Oil Hits \$53 on Winter Worries, Nigeria" +Sci/Tech,Flip Open That Cellphone: It's IM on the Move +Business,Biolase hits 20-mo. low on Q3 warning +Business,Greenspan Has Kind Words for a Predecessor +Business,Reuters bets big on Bangalore unit +Sci/Tech,Study: VoIP to proliferate in US households +Sports,Press Row: A-Rod earns his stripes +Sports,"Minnesota seeks win, not revenge vs. Mich." +Business,"Bank of America to cut 4,500 jobs" +Business,Mortgages rates up this week +Business,ATI Technologies 4th-Qtr Profit Doubles as Sales Rise (Update4) +Sci/Tech,"The Web, Take 2.0" +Sci/Tech,Co-Founder of Google #39;s Blogger Leaving Company +Sci/Tech,"HP Shows New Inkjet, Laser Printers" +Sports,Braves look to tie up series +Sports,"Sosa fined \$87,400 for last-game bolt" +Sports,Domenech names experimental midfield for Ireland +World,Latest news briefs from the Jewish Telegraphic Agency +Business,Stocks Close One Percent Lower +Business,"Oil Hits \$53 on Winter Worries, Nigeria" +Business,Marriott's 3Q Earnings Up 45 Percent +Business,"Biolase cuts outlook, shares tumble" +Sports,Ferguson issues Blues warning +Sci/Tech,Nokia Eyed for Pace of Recovery at Phones Unit +Business,NTPC issue sold 4 times on Day 1 +Business,Consumers Tighten Borrowing in August +Business,Newspaper Companies #39; Profit Seen Rising +Sci/Tech,Read book snippets on Google +Sci/Tech,British P2P File Sharers Face Legal Action +Sci/Tech,"Kodak, Sun Settle Java Lawsuit" +Sci/Tech,Google Sends Out an SMS +Sci/Tech,"HP unveils cheaper, faster, smaller mono printers" +Sports,"Sosa fined \$87,400 by Cubs" +World,Italian premier tells EU immigration control top priority +World,"UN, Haitian police round up 75 in dawn sweep to curtail violence" +World,Israel Retracts Allegations about Transporting Rockets by UNRWA #39;s <b>...</b> +Sci/Tech,Music industry sues Net song-swappers +Sci/Tech,For the record 7 October +Sci/Tech,"Opportunity Rover Stumbles Upon Rocky, Maybe Watery, Find" +Sci/Tech,Microsoft delays IM beta release over security concerns +Sports,The Atlanta Journal-Constitution +World,A European Turkey stands to be a guiding light for the Muslim <b>...</b> +World,Suspected Shiite bombs kill 39 Pakistani Sunnis +World,Sadr aide released from US detention in Iraq +World,Israeli Cat out of the Bag +World,Hong Kong bank crushes more than customer #39;s spirits +Sports,"Auburn: Unbeaten, unhappy" +Business,Newspaper Companies #39; Profit Seen Rising +Sci/Tech,"Kodak, Sun Settle Patent Case" +World,Bush defends war despite arms report +World,Doctors told to let baby Charlotte die +Sci/Tech,Co-Founder of Google's Blogger Leaving Company (Reuters) +Sci/Tech,First Look: Polaroid's Snazzy Photo Printer (PC World) +Sci/Tech,REVIEW: GPS Navigation in a Mobile Phone (AP) +Sci/Tech,"Kodak, Sun Microsystems Settle Java Suit (AP)" +Sci/Tech,Death Stars: Sterilizing the Galactic Center (SPACE.com) +World,Rockets Hit Downtown Baghdad Sheraton +Business,"AT T to Cut About 7,000 Jobs (Reuters)" +Business,"Labor Costs, Hurricane Hit Alcoa Profit (Reuters)" +Business,Japanese Cars Tops Fuel Efficiency List (AP) +Business,La-Z-Boy Shares Tumble on Lowered Outlook (AP) +Business,"Stocks Fall on \$53 Oil, Drug Sector Woes" +Business,"Labor Costs, Hurricane Hit Alcoa Profit" +Business,"Oil Prices Hit \$53 a Barrel, Then Stage a Retreat" +Business,"AT T to Cut 7,000 Jobs and Reduce Assets by \$11.4 Billion" +Business,Government to Rest in Enron Fraud Trial +Sci/Tech,Radio Astronomers Remove the Blindfold +Sci/Tech,Walking a Bit More May Help Keep Weight Off +Sci/Tech,Oracle may be readying new PeopleSoft bid +World,Syrian President Makes Peace Overtures (AP) +Business,Martha Stewart Accuses US of Hiding Key Memos +Sports,"Tanguay, Zednik join NHL #39;s influx to Europe" +World,Explosion in Hotel at Israel-Egypt Border +Sci/Tech,"Qwest, DirecTV expand satellite deal" +Sci/Tech,SAP touts NetWeaver enhancements +Sci/Tech,IBM spells out mainframe strategy +Sci/Tech,Attachmate details new Synapta tools +Sci/Tech,CA offers usage-based pricing for mainframe tools +Sci/Tech,Users mixed on Siebel's 'Chapter Two' direction +Sci/Tech,Howard Schmidt to lead U.S. CERT +Sci/Tech,Andreessen: Microsoft to make Internet Explorer more competitive +Sci/Tech,Q A: Cognos CEO calls business intelligence ROI a 'fuzzy' metric +Sci/Tech,Analysis: PeopleSoft's future hard to predict +Sci/Tech,"Brief: CA expects loss on restructuring, settlement charges" +Sci/Tech,First Look: Polaroid's Snazzy Photo Printer +Sci/Tech,Congressional Bill Imposes Prison Time Over 'Spyware' +Sci/Tech,International Music Industry Group Launches Piracy Suits +Sci/Tech,MSNs Search Engine Preview is Back +Sci/Tech,IceRocket Adds Blog Search to New Features +Sci/Tech,Anti-Spyware Bill Passed by House +Sci/Tech,Columnists: Fueling the Fire +Sci/Tech,Microsoft Looks to Expand Windows at Home (AP) +Sci/Tech,Sun: MS truce clears way to open source Solaris +World,"Blast in Egypt-Israel Border Hotel, Bomb Suspected (Reuters)" +World,Iran Wants Syria Cooperation in Face of U.S. Pressure (Reuters) +World,Crippled Sub Under Tow After Fire (Reuters) +World,Peru TV Shows Images of Man Burned Alive (AP) +World,Red Sea hotel blast leaves at least seven wounded: Israeli medics (AFP) +World,Explosion Rattles Kabul Ahead of Elections (AP) +World,Democrats: Republican 'Hammer' should step down (AFP) +World,Support independent journalism +World,US Wants Israel to Explain Comment on Peace Process +World,Ukraine enters third week of crisis with new deadlock (AFP) +World,U.S. Bomb-Grade Plutonium Convoy to Cross France +World,Iran Wants Syria Cooperation in Face of U.S. Pressure +World,Pro-Chavez Lawmakers Push for Venezuela Media Curbs +World,"Blair Cuts Short Ethiopia Trip, Heads Home" +World,Blast at hotel in Red Sea resort +World,Report: Saddam Benefitted From U.N. Deals +World,Ravens' Lewis Pleads Guilty to Drug Charge +World,Insurgents Hit Baghdad Hotel With Rockets +World,Explosion Rips Through Egyptian Hotel +World,Brazil Seeks Airline Debt Payment Plan +Business,"Oil Prices Hit \$53 a Barrel, Then Stage a Retreat" +Business,ECB holds rates steady +Business,Alcoa Third-Quarter Profit Rises +Business,"AMD Posts Profit, Sees Sales Growth" +Business,"AT amp;T to Cut Workforce 20, Take \$11.4 Bln Writedown (Update2)" +Business,"Apple, Dell Hit By LCD Patent Suit" +Sports,Browns' Suggs Impatient to Start (AP) +Sports,"Phillies Eye Baylor, Manuel and Little (AP)" +Sports,Denmark's First Players' Strike Is Over (AP) +Sports,Vikings #39; Moss probable with ankle injury +Sports,Hockey Players Look for Lockout Work (AP) +Sports,Mauresmo Wins First Match at No. 1 (AP) +World,"Blair Cuts Short Ethiopia Trip, Heads Home" +World,"Asian, European Leaders Gather in Vietnam for Annual Summit" +Sports,Lewis Pleads Guilty +Sports,Portis Keeping Silent +Sports,Astros Lead Braves +Business,Treasuries Slip as Payrolls Jitters Weigh +Business,"Stern Goes Satellite, But Will Listeners Follow?" +Business,"Labor Costs, Hurricane Hit Alcoa Profit" +Sci/Tech,PalmOne in partnership with Microsoft +Sci/Tech,CA Opens Utility Pricing for Mainframes +Sports,Aragones in trouble over racist remark +Sports,Clarke and McGrath punish India +World,Blair Cuts Short Ethiopia Visit +World,Italy Transports 360 Migrants to Libya +Business,"UPDATE 3-AMD posts profit, sees sales growth; shares rise" +Business,"Alcoa profits up slightly despite fire, hurricane and strikes" +Business,"AT amp;T to Cut About 7,400 Jobs" +Business,"Bank of America to cut 4,500 jobs" +Business,KPMG agrees to pay \$115 million to settle shareholder suit +Business,Reuters opens Bangalore office +Sci/Tech,Oracle Extends PeopleSoft Offer (Reuters) +Sci/Tech,"AT T Expands Job Cut Plan by 7,400" +Business,Shock Jock Dodges Censors With Move To Satellite Radio +Business,"Bank of America to cut 4,500 additional jobs" +Business,Update 2: Brazil Seeks Airline Debt Payment Plan +World,"Kabul Blast Was Outside U.S. Embassy, No U.S. Casualties (Reuters)" +Sci/Tech,European music-sharers face legal attack +Sci/Tech,"Kodak, Sun Microsystems Settle Java Suit" +Sci/Tech,CORRECTED: Siebel Sees Sales Topping Street +Sci/Tech,Texting Your Google Search +Sports,What #39;s gone wrong with Tiger #39;s swing - by Vijay +Sports,Young star salutes with ton on debut +Sports,Denmark soccer strike ends but parties refuse to disclose deal +World,Explosion at Hotel Near Israel Leaves Many #39; Wounded (Update1) +World,Sunni leader blames Shi #39;ites +World,Bush administration seeks clarification of Israeli officials #39; <b>...</b> +World,Howard has no regrets on Iraq as poll battle goes down to wire +World,"Dems, GOP Claim Lead Going Into 2nd Debate (AP)" +World,Russian Envoy Sees Korea Nuclear Talks in Late Jan (Reuters) +World,Studies Question Ranking of Best Hospitals (AP) +World,"Blasts Hit Egyptian Resorts, 23 Feared Dead" +World,"Kabul Blast Was Outside U.S. Embassy, No U.S. Casualties" +World,UN Panel to Look Into Genocide in Sudan's Darfur +Sci/Tech,"Yes, but can your VoIP service do this?" +Sci/Tech,Brief: AT T lays off 20 of workforce +Sci/Tech,IBM promotes open-source in India +Sci/Tech,Google introduces wireless service +World,"Stocks Drop on Poor Retail Sales, Oil" +World,Bush Defends Iraq Invasion Despite Report +World,Blast Kills 23 on Egypt-Israeli Border +Sci/Tech,"Sun, Kodak settle Java lawsuit" +Sci/Tech,PeopleSoft trial airs dirty laundry +Sci/Tech,Canon Introduces LCOS Projector +Business,UPDATE 1-Brazil ministry requests Vasp license extension +Sports,"Kidd Skipping Night Session, Irking Nets (AP)" +Sci/Tech,Siebel #39;s New CEO Sees CRM Provider More As Partner Than Vendor +Sci/Tech,Microsoft Looks to Expand Windows at Home +Sci/Tech,SAP touts NetWeaver enhancements +Sports,Brady's Targets Depleted by Injury (AP) +World,"Israel strikes refugee camp, killing two teens" +Sports,"Thomas Faces Long, Slow Rehabilitation (AP)" +World,Three Explosions Reported In Egyptian Resort Areas +World,Ties to US and Asia at stake in Aussie polls +World,DBS warned of further supervisory action after safe deposit box <b>...</b> +Sports,Ferrero Upset by Ferrer at Lyon Open (AP) +Sports,Correction: GLF-Woods-Wedding Story (AP) +Business,Money Funds Rose in Latest Week (AP) +Business,"AT T to Cut About 7,400 Jobs" +Business,"AMD Posts Profit, Sees Sales Growth" +Business,US Stocks Lower +Business,KPMG to Pay \$115 Mln to Settle Lernout amp; Hauspie Suit (Update5) +Sci/Tech,Big Music anti-piracy war +Sci/Tech,CRM vendors branch out +Sci/Tech,CA Introduces Usage-Based Pricing For Mainframe Software +Sci/Tech,Mars Rover #39;s Wheels Are Malfunctioning +Sci/Tech,John Doerr Disclaims Rumored GBrowser +World,"Explosion rocks hotel in Taba, Egypt, killing 23" +World,Africa: Blair calls for action +World,Palestinian Teens Killed in Israeli Strike +World,Two Rockets Hit Downtown Baghdad Sheraton +Business,US Stocks Fall in Broadest Decline Since July on Oil Prices +Business,"Stocks Fall on \$53 Oil, Drug Sector Woes" +Sci/Tech,Blu-Ray Backers To Release Camcorders +Sci/Tech,Sun settles Kodak #39;s Java suit for \$92 million +Sci/Tech,MS Word Security Flaw Reported +Sci/Tech,Your Daily Tech News Service... +Sci/Tech,Rover finds more evidence of water +Sci/Tech,AT amp;T asks if Microsoft is the best desktop choice +Sci/Tech,Taymor Shifts Crowns and Moves to Met (AP) +Sports,"Sorry lads, the grass is NOT greener" +Sports,MOTOR RACING: I WON #39;T BE THE BACK-MACHER THIS TIME +Sports,"We wont let go this time, says Gilchrist" +Sports,Mauresmo wins first match at No. 1 +Sports,Packers quarterback Favre dealing with family tragedy once again +Sports,Too Far: Jamal Lewis should have his sentence lengthened +World," #39;Small setback #39; for navy escalates into human tragedy, political <b>...</b>" +World,Insurgents Hit Baghdad Hotel With Rockets +World,Election doubt as UN staff ask to pull out +Sci/Tech,Biologists Call Tropical Forest Protection (AP) +Business,UK's pay gap 'continuing to rise' +Sci/Tech,FCC delves into radio tag challenges +Sci/Tech,Sun settles Kodak's Java suit for \$92 million +Sci/Tech,Flaw found in older Office versions +Business,US Still Wants Aircraft Deal with EU +Business,AT amp;T Cuts More Jobs +Business,"AT amp;T to Cut 7,400 More Jobs, Take \$11.4 Bln Writedown (Update3)" +Business,Biovail Names Douglas Squires As New CEO +Business,GenVec Shares Plunge on Study Halt +Sci/Tech,Record industry sues fans for illegally downloading music from <b>...</b> +Sci/Tech,Sun: \$92M to settle Kodak suit +Sci/Tech,Flaw found in older Office versions +Sci/Tech,Computer Associates Rolls Out On-Demand Pricing +Sports,Pires furious at Henry slur +Sports,FIFA to finance lavish 2006 World Cup party +Sports,Packers place Pederson on IR +Sports,2003 tri-series helped me: Clarke +Sports,Run is back in Pittsburgh _ and Steelers are back in first place +World,Update 1: Regulators Ask Prosecutors to Probe UFJ +World,Man beheaded in Haitian capital +Business,Murdoch will have to play by Australian rules +World,At least 35 die in Egyptian blasts +World,40 die in sectarian bomb attack +Sci/Tech,Oracle raps PeopleSoft customer refund program +Business,India to grow at 8 for 10 years: FM +Sci/Tech,Oracle again extends PeopleSoft offer +Sci/Tech,AT T boosts 2004 job cuts to 20 percent +Sci/Tech,TI-Qualcomm cross-licensing deal upheld again +Business,Rochester Business Journal +Business,"UPDATE 2-US Air seeks court-imposed cuts in wages, benefits" +Business,US Stocks Edge Higher as Oil Tops \$52 +Sci/Tech,House Passes Resolution Honoring X Prize Recipients +Sci/Tech,Who spends the IT industry #39;s R amp;D dollars anyway? +Sci/Tech,"Gordon Cooper, NASA Mercury Pioneer, Dies" +Sports,Edmistone eases into semi-finals +Sports,Mauresmo underlines new status +Sports,Button in Silverstone plea +Sports,"Room for Owen, Rooney and Defoe as Sven looks forward" +Sports,Three share lead in South Carolina +World,Islamist group claims resort blasts +World,Sadr Militia Offers to Surrender Arms +World,UN envoy returns to Iraq for meetings on transition +Sci/Tech,Blog Search Engines +Sci/Tech,News: Shifting cyber threats menace factory floors +Sci/Tech,Sirius goes stellar (Variety) +Sci/Tech,More Protection Urged for Rare Toothfish at CITES (Reuters) +World,About 100 Wounded at Egypt's Taba Hospital-Source (Reuters) +World,France Urges Caution in Oil-For-Food Case (AP) +World,Japanese FM presses case for reducing US military presence (AFP) +World,"Woman mauled by grizzly in southern Alberta, escapes to find help (Canadian Press)" +World,Ex-U.S. Official Cites Syrian Cooperation (AP) +Business,Survey: State leads in use of generics +World,Court Says U.S. Company Must Pay in Iran Murder Case +World,Afghans refugees see hope in their absentee ballots +World,"For marines on raids, an eerie silence" +Sci/Tech,Extra cash for 'super-microscope' +World,Nobel Peace winner to be named +World,Rights 'catastrophe' in Chechnya +World,Kabul explosion on eve of polls +Sci/Tech,Mars Rovers Probing Water History at Two Sites +World,Incubus Singer Arrested at N.Y. Airport +World,"Bush, Cheney Concede Saddam Had No WMDs" +World,Blasts Kill 30 on Egypt-Israeli Border +World,Astros and Braves Tied 2-2 After 8 +World,Blasts Kill 30 on Egypt-Israeli Border +Sci/Tech,Google Introduces Google SMS +Sci/Tech,Judge allows ex-Computer Associates CEO #39;s business travel +Sports,Furcal's 11th-Inning Homer Ties Series for Braves (Reuters) +World,Western hotel in heart of Baghdad hit by rockets +Sports,Johnny Damon Complains of Migraines (AP) +Sports,Rodgers Hoping to Star in Cal Showdownn (AP) +Sports,Network Adds Delay to Nascar Telecasts +Sci/Tech,Nintendo handheld to feature wireless downloading +Sci/Tech,Photo 1 of 8: Global gamers clash for cash +Business,Record crude oil prices rise for 3rd day +Business,Judge weighs airline #39;s request for 23-percent pay cut +Business,Grimsby feels the chill as Birds Eye site shuts +Business,Nintendo handheld to feature wireless downloading +Sci/Tech,"Google launches new site for readers, publishers" +Sci/Tech,Music chiefs turn to law to stop internet downloading +Sci/Tech,Blu-ray Disc Association Launches With More Than 70 Companies +Sci/Tech,NASA Mars Rovers Find More Signs of Water +Sci/Tech,Microsoft Probes Flaw in ASP.NET +Sports,Braves rally to even series +Sports,Twins #39; young guns impress +World,Blasts Kill 30 on Egypt-Israeli Border +World,Ten Palestinians killed in IDF operations in territories +World,Israel kills 3 more including children +Business,"AT amp;T deepening workforce slashing, taking \$11.4-billion asset <b>...</b>" +Business,News Ltd bows to shareholder demands over move to US +Sci/Tech,Google Launches Beta of SMS Search Queries +Sci/Tech,VoIP to Reach 10 of US Homes in 5 Years +Sports,Braves Beat Astros 4-2 to Even National League Playoff Series +Sports,Lonard second in Scotland +World,"Analysis / Culprits unknown, but goals a plenty" +World,Egypt: Sinai blasts linked to Israel #39;s Gaza raid +Business,Retailers Post Modest Gains in September +Business,Cingular opposes Nextel plan +Sci/Tech,Google Rolls Out Test of Short Message Service +Sports,McDowell rides Old Course luck +Sports,"Ever Busy, Phelps Gets Back to Main Thing;" +Sports,"Kewell, Aloisi and Viduka on sidelines" +Sci/Tech,FTC Files First 'Spyware' Case in U.S. (AP) +Sci/Tech,Google Rolls Out Test of Short Message Service (Reuters) +Business,Frontier justice won't stop the spam +Sci/Tech,Windows Media Center survives in shrinkwrap purgatory +World,"Afghans Prepare to Vote, Security Fears Loom (Reuters)" +World,Cuba Hospitalizes Dissident After Wife's Protest (Reuters) +World,Canada Lawmakers Avoid No-Confidence Vote (AP) +World,At least 30 killed in blasts at Egyptian resorts frequented by Israelis (Canadian Press) +World,AP Poll: Kerry Holds Small Lead Over Bush (AP) +Business,Player can't hit the high notes +World,Cuba Hospitalizes Dissident After Wife's Protest +World,Ministers 'sorry' for Iraq error +World,Baghdad 'Safe Zone' Proves Vulnerable in Hotel Attack +World,Times Reporter Is Held in Contempt in Leak Inquiry +World,Thornton Gets Star on Hollywood Walk +World,Blasts Kill 30 on Egypt-Israeli Border +Business,Reuters re-writing journalistic rules +Business,"AT amp;T expands job cut plan by about 7,500" +Business,KPMG Units Agree to Pay to Settle Malpractice Suits +Business,Snow says US tax reforms likely to focus on capital +Business,AT and T to cut workforce by 20 +Sci/Tech,Mars rover plots crater #39;escape #39; while twin keeps climbing hills +Sci/Tech,Windows Media Center survives in shrinkwrap purgatory +Sci/Tech,More protection urged for rare toothfish +Sports,Los Angeles to bid for Summer Olympics +Sports,Sponsored bibs to attract hosts +Sports,Bradley back in lineup following confrontation +Sports,"Lidge Blows Save, Micelli Loses Game (AP)" +World,Dozens killed in bomb blasts at Sinai resorts +World,Geldof flies the flag for the poor +Sci/Tech,Photo 3 of 8: Global gamers clash for cash +Sci/Tech,Photo 8 of 8: Global gamers clash for cash +Sci/Tech,Photo 2 of 8: Global gamers clash for cash +Sci/Tech,Photo 5 of 8: Global gamers clash for cash +Sci/Tech,Photo 6 of 8: Global gamers clash for cash +Sports,Heavy rain hits Suzuka on Friday +Sci/Tech,Photo 7 of 8: Global gamers clash for cash +Sports,Suzuka: not for the faint-hearted +Sci/Tech,Photo 4 of 8: Global gamers clash for cash +Sci/Tech,HP launches standards-based telecommunications push +Business,"With Oil Prices Up, It Could Be a Long Winter" +Business,More Job Cuts Set by AT T; Total to Hit 20 of Staff +Business,Airline Workers See Their Security Quickly Vanish +Business,KPMG Units Agree to Pay to Settle Malpractice Suits +Sports,Phelps wins first medal at Short Course World Championships +Business,"Bank of America to Cut 4,500 More Jobs" +Business,Drug Stocks Down on Safety Concerns +Business,Select Comfort Cuts 3Q Profit Forecast +Sci/Tech,Sun and Kodak Settle Out of Court +Sports,Lidge blows save in longest stint of season +Sports,Park heads three-way tie at Asahi Ryokuken +Sports,Soccer / Extravaganza to kick off 2006 World Cup +World,Tragic new chapter in history of town synonymous with the peace <b>...</b> +Sci/Tech,Mars Rovers Planners Plot Crater 'Escape' (AP) +Sci/Tech,Study: Stem Cells Emit Healing Molecules (AP) +Sci/Tech,"Rare, Large Hornets Breeding in Arkansas (AP)" +Business,Malden Mills workers OK strike +Sci/Tech,AOL Shifts Strategy +Sci/Tech,GenVec Halts Human Testing of Top Drug +Sci/Tech,Stern's Move Is a Signal Event +Sci/Tech,AT T Plans More Cuts In Workforce +World,Australia Govt in Pole Position for Saturday Vote +Business,ECB leaves interest rates unchanged +Business,Parmalat sues bank +Business,Stocks: Energy costs and retail sales worry investors +Business,US Airways: Workers should not count on pension +Business,Asian Stocks Fall as Oil Heads for 4th Weekly Gain; Sony Drops +Business,"Birds Eye jobs among 1,400 to go in cost cuts" +Sci/Tech,"Kodak, Sun Microsystems Settle Java Suit" +Sci/Tech,Mars Rover Find Possible New Evidence of Past Water +Sci/Tech,Microsoft Lets the Digital Media Play +Sci/Tech,Exploring other browser options +Sci/Tech,Border Patrol expands fingerprint searches +Sports,"Phelps wins first medal, Sandeno wins three at Short Course World <b>...</b>" +Sports,"Frazar, six others share lead in Vegas" +Sports,MAURESMO BATTLES BACK IN GERMANY +Sports,"Smoltz, Lidge big factors in Game 2" +Sports,US goes to El Salvador in search of road points +Sports,NFL Star Lewis Expected to Serve Prison Term in Drug Case +Sports,Notes: Bradley incident in the past +Sports,"Kidd skipping night practices, irking Nets" +Business,Reservations Decline at US Airways +World,Israeli FM asks Egypt to help rescue Israeli wounded +World,"Libyan, Italian leaders inaugurate gas pipeline" +Business,Stern's Move Is a Signal +Business,Ex-Enron Official Details Merrill Lynch Deal +Business,Money From Salvadoran Immigrants Aids Farming Cooperative Back Home +Business,Martha Stewart Should Fit Right In +World,3 Bombings at Resort Towns in the Sinai +Business,Boston techies envision TV's on-demand future +World,FDA Accused of Silencing Vioxx Warnings +World,CD in Iraq Said to Have U.S. Schools Info +Business,Stern #39;s Move Is a Signal Event +Business,ECB and Britain leave key interest rates alone +Business,Reuters Plans to Triple Jobs at Site in India +Business,AT amp;T Plans More Cuts In Workforce +Sci/Tech,Sun settles Kodak #39;s Java suit for US\$92 million +Sports,Ellis in seven-way tie for Las Vegas lead +Sports,Kidd Takes Another Shot at Nets +World,"Rocket Explodes Above US Base in Kabul, No Casualties" +Business,Update 8: Oil Remains Near Record Price in Asia +Business,Ultimate planner set to lose control of her life +Sci/Tech,Better browser now the best +Sci/Tech,Word mangled by unpatched security hole +Sci/Tech,"AOL Shifts Strategy to Attract More Advertisers, Users (washingtonpost.com)" +Sports,Rick Say wins silver medal behind Phelps at short course world <b>...</b> +Sports,Breaking down the teams +Sports,NBC Puts a Delay on NASCAR +World,Peacekeepers Battle Gangs in a Ravaged Haiti +Sports,Furcal shows no leniency for Astros +Sports,"Jeter, Yankees Look Dashing Once Again" +Sports,Here #39;s to turnaround: Bottoms up +Business,Boston Scientific goes shopping +World,Efforts Mount to Persuade Sihanouk to Stay On (Reuters) +World,At least 30 killed as suspected car bombs rock Egypt's Red Sea coast (AFP) +World,"After terror and invasion, Afghans vote (AFP)" +Business,"For \$999, a lifetime of Internet phone calls" +World,Cheney: Weapons Report Justifies Iraq War (AP) +World,"Bush, Cheney Concede Iraq Had No WMDs" +World,Blasts Kill 35 Near Egypt-Israeli Border +World,CD in Iraq Said to Have U.S. Schools Info +Business,Cellphone marketing firm secures \$17.5m +Business,Update 1: Tokyo Stocks Lower; Dollar Up Vs. Yet +Sports,Ravens' Lewis Pleads Guilty to Drug Charge (AP) +Sci/Tech,Google introduces wireless service +Sci/Tech,IBM Boosts Mainframe Offerings +Sports,"Phelps Wins First Medal, Sandeno Wins 3 (AP)" +Sports,Woodgate comeback on hold +Sports,Mansell Into British Grand Prix +Sports,Braves Beat Astros 4-2 to Even Series +Sports,Szczerbiak Is Healthy Heading Into Season (AP) +World,Secret delivery of deadly cargo in France +Sports,Thomson Set to Start Game 3 for Braves (AP) +Sports,N.Y. Youth Soccer Group Mandates Headgear (AP) +Sports,"Frazar, Six Others Share Lead in Vegas (AP)" +Sports,Ellis in Seven-Way Tie for Las Vegas Lead +Sports,Furcal Shows No Leniency for Astros +Sports,Yankees Still Pondering the Enigmatic Brown +Sports,The Red Sox Are Passing Baseball's Chemistry Test +Sports,Kidd Takes Another Shot at Nets +Sports,Ready for Guard Duty +Sports,Revisiting Past Goals +Sports,Another Shot for Crawford +Sports,Baseball Crowds Market +Sports,Cavs Finish Off Tigers +Sci/Tech,Europe sues users over file sharing +Sci/Tech,Google tests short message service +Sci/Tech,Cracking May Signal Past Water on Mars +Sci/Tech,US border crossings now linked to FBI database +Sci/Tech,Computer doubles as telephone +Sports,Carroll takes bronze for Australia +World,"Give back our sacred heritage, Mr Blair" +World,Fifth Asia-Europe Meeting opens in Hanoi +Business,Oil price hits \$53 +Business,UPDATE 3-US pension agency chief warns of solvency risk +Business,Martha Stewart Begins Serving Sentence +Business,Shakeout seen for high-tech businesses +Sports,McDowell equals record +Sports,SCHUEY TOPS WET FIRST PRACTICE +Sports,Mauresmo struggles past Schnyder at Filderstadt +World,"Retreat driven by spinelessness, not reason" +Sci/Tech,"IBM brings Unix, faster chip to Power blades" +Sci/Tech,Search Engine Forums Spotlight +World,Australian opposition leader to win campaign but lose election: analysts (AFP) +World,Efforts Mount to Persuade Sihanouk to Stay On +World,Family seeking Sweden death probe +World,Pentagon Sets Steps to Retake Iraq Rebel Sites +World,"Reporter for Times, Silent Over Sources, Is Facing Jail Time" +World,"Melissa Etheridge Has Cancer, Cancels Tour" +World,An Ominous Drone From the Gaza Sky +World,Bush: WMD Report Bolsters War Decision +World,"Kerry: Bush, Cheney in Denial About Iraq" +World,Bush: War in Iraq Was Right Despite No WMDs +Sci/Tech,New Google Service May Strain Old Ties in Bookselling +Sci/Tech,"Still Exploring After Martian Winter, Rovers Send Back More Signs of Water" +Sci/Tech,The Man Who Grasped the Heavens' Gravitas +Business,Pension Guarantor Calls for Changes +Sports,Cards Use 'Small Ball' to Beat Dodgers (AP) +Sports,"No. 10 Virginia 30, Clemson 10" +Sports, #39;We need to stay positive #39; - Harbhajan +Sports,Between club and country +World,Cambodia #39;s Sihanouk Signals Abdication +Sports,Southern Mississippi Edges Houston 35-29 (AP) +Sports,Cardinals Crush Dodgers to Grab 2-0 Series Lead +Sports,"Cards Roll, and It's Getting Late Early for Dodgers" +Sports,Yankees Still Pondering the Enigmatic Brown +Sports,The Red Sox Are Passing Baseball's Chemistry Test +Sports,Backfield Carries Load +Sports,Defense Improving +Sports,Park in Three-Way Tie +Sports,Cards Take 2-0 Lead +Business,Conferees Ban Lease of Boeing Tankers (Reuters) +Business,"As Stewart Enters Prison, Her Company Refurbishes" +Business,Eagle soars above others +Business,"Biovail, Innergex Power, Shermag: Canadian Equity Preview" +Business,Stewart Attorney Asks For Prosecution #39;s Papers +Sci/Tech,Nintendo unveils titles for DS portable gaming system +Sci/Tech,"Yes, but can your VoIP service do this?" +Sci/Tech,"IBM brings Unix, faster chip to Power blades" +Sports,Phelps makes winning return at world championships +Sports,Australia takes charge in opening test against India +World,Canadian sailor dies of submarine fire injuries +World,"Car bombing kills 40 Pakistanis, raises fears of sectarian <b>...</b>" +Business,"Strike, Hurricane Ivan cause flat quarterly earnings at Alcoa" +Sci/Tech,China to Institute Online Ratings Systems (AP) +Sports,Yanks look dashing again to rest of league #39;s chagrin +Business,"Eugene Melnyk stepping down as Biovail CEO, will remain chairman" +Business,Oil Prices and Drug Safety Comments Send Shares Lower +Sci/Tech,British File-Sharers Sued +Sci/Tech,Mars rover finds more proof of water +Sports,Typhoon bears down on Japanese Grand Prix +Sports,"For once, a U.Va. sparring partner that punches back" +Sports,Izenberg: Twins shouldn #39;t be fooled by near miss +Sports,"With commanding lead, Red Sox look to close deal" +Sports,Frazar fires 64 to share Vegas lead +Sports,Clarke and Gilchrist lead Aussie run spree +World,Polls point to Howard victory +Business,Shoppers still frugal lot +Business,Spyware case hits US court +Sports,Phelps Opens Big +World,Egypt Resort Bombs Target Israelis; at Least 15 Dead +World,Bomb blast hits embassy in Paris +Business,Oil Holds Over \$52 as Rally Pauses +Business,Conferees Ban Lease of Boeing Tankers +World,Blast at Indonesian Embassy in Paris Hurts 9 +Sports,Cards Go 2-0 With Small Ball #39; +World,Blast at Paris Indonesian embassy +Sci/Tech,Oracle Director Says Bid May Not Be Final +Business,Crude oil close to record +Business,Oracle could offer more for PeopleSoft +Business,Reuters to make B #39;lore biggest employment hub +Business,SEC probing three exchanges - report +Business,Small businesses find they can live with big-box stores +Sci/Tech,Word flaw could lead to denial of service +Sci/Tech,"CITES tightens ramin controls, may save orang-utan" +Sci/Tech,NASA will cover only a fraction of cost of module lost on shuttle +Sports,Cavs #39; ground game grinds up Tigers +Sports,Park Is Locked In a Three-Way Tie +World,US Releases Senior Aide to Sadr +World,Constitutional Court confirms Yudhoyono #39;s victory +Business,Update 1: Oil Retreats From \$53 Per Barrel in Asia +Business,Retailers fear more soft sales +Sci/Tech,Google Announces New Book Text Search +Sports,Pires slams Aragones +Sports,Takeover Protesters Hold Up Manchester United Reserve Team Game +Sports,#2 Oklahoma (4-0) vs. #5 Texas (4-0) +World,Explosions rock Red Sea resorts in Egypt +World,Bomb rocks Indonesia #39;s Paris embassy +World,"US condemns Pak blast, calls it #39;despicable #39;" +World,"ElBaradei, Environmentalist Favored for Nobel (Reuters)" +World,"ElBaradei, Environmentalist Favored for Nobel" +World,Japan Defense Chief: Talks on U.S. Troops 'Grueling' +World,Burma overshadows Asem +World,Death Toll Varies in Blast at Sinai Resort +World,"For Kerry, Thinking Globally Began at a Young Age" +World,Push Against Polio Launched in Africa +World,An Afghan Woman's Patience Nears Its Reward +World,"Radio Karabagh, the Station With Local Identification" +Business,US House of Representatives passes new corporate tax bill +Business,BANKRUPTCIES ARE SINKING PENSION AGENCY +Business,Attorneys demand that government hand over documents +Business,"RV, trailer maker announces \$20 million Goshen expansion" +Business,B of A blindsides Mass.: Huge job-cut roster includes surprise 140 <b>...</b> +Business,Linx Printing backs Danaher takeover +Business,Jobs report dominates pre-debate spin +Business,Hutchison Telecom prices IPO at bottom of range +Business,"US, Europe clash over subsidy for Boeing amp; Airbus" +Sci/Tech,Now what? +Sci/Tech,Indymedia Server Raided by FBI +Sci/Tech,GARDEN PLOT: Naturalist to lecture +Sci/Tech,New light technology promises longer life and lower costs +Sports,Schumacher wins first practice at rain-soaked Suzuka +Sports,"Jeter, Yankees look to take control of unshaken Twins" +Sports,"Golf: Bohn, Ellis open with 63s at Michelin Championship" +Sports,NEXTEL CUP: Dale Jr. penalty too harsh +World,"It #39;s the Occupation, Stupid" +World,"France to install 1,000 businesses in China" +World,Iraq car bombs wreaking havoc +Business,Reuters data centre to house half of global staff by next year +Business,Bush to Replace Treasury's Snow -NY Times +Sports,Tiger needs focus +Sports,Controversy may be just what NASCAR needs +Sports,Decision Day: 2004 Referendum +Business,Dollar Edges Up from Lows +World,Explosives lost during security drill at French airport +World,Iran sites #39;off limits for UN checks #39; +World,UN Council Ready to Adopt New Anti-Terror Measure (Reuters) +World,Results of AP Poll on Presidential Race (AP) +World,U.S. Base Attacked as Afghans Prepare to Vote +World,ElBaradei: Iran Should Comply with IAEA by Nov. 25 +World,N.Korea Says It Will Resume Talks if U.S. Ends Hostility +World,Second Pitcairn man pleads guilty +World,Cambodia rush to solve succession +World,Pakistan bans religious meetings +World,Blasts at Egypt Resort Kill at Least 19 +World,Kerry Takes Lead Over Bush in AP Poll +World,Cheney Once Pushed to Lift Iran Sanctions +Business,Concern over drug stocks hurts Dow +Business,September sales at Target stores beat retail average +Sports,"Jeter, Yankees Look to Take Control (AP)" +Sports,Red Sox Manager Francona in Familiar Spot (AP) +Sports,Steelers rally for victory +Sci/Tech,"Record high tornadoes for September, August" +Sports,"Patel, Pathan defy Australia" +Sports,Measure of success +Sports,Johnny Kelley +World,Jenkins court martial to begin Nov 3 +Business,Source: Samsung Profit Below Forecast +Business,House OK's \$136b in tax breaks +Business,Cyberkinetics gets public stock listing +Business,Oil Sets New Highs on Winter Fuel Worries +Business,SEC may backtrack on fund regulation +Business,Gov #39;s plan to add 18 inspectors greatly inadequate +Business,Illinois Tool Won #39;t Pursue Linx After Danaher Offers More Money +Business,Melnyk steps aside at Biovail +Sci/Tech,SpaceShipOne rockets in NEW ERA +Sports,Phelps gets started with gold in 200 free +Sports,Veteran guard Black bugs opponents +Sports,Minnesota is back in a familiar place +World,Paris blast terrorist act - Indonesia #39;s Yudhoyono +Sci/Tech,Pesticide Persisting Beyond Scheduled Elimination Date +Sports,"Thankfully, the BCS got it right this time" +Sci/Tech,New Breed of Cat: Clones to Make Debut at Annual Show +Business,Update 2: Corporate Tax Law Overhaul Passage Likely +Business,"Bombardier lays off 2,000 workers" +Business,Marriott earnings up 45 percent on growing demand for rooms +Sci/Tech,Rovers find more signs of liquid water on Mars +Sci/Tech,TSMC Shows Signs of Tech Sector Slowdown +Sci/Tech,Security concerns put MSN Messenger beta on hold +Sci/Tech,CA Introduces Mainframe Usage Based Pricing +Sci/Tech,"Gordo Cooper, American hero and astronaut" +Sports,Old Course humbled +Sports,Sox want to end series before Angels wake up +Sports,How they #39;ve fared: teams split games this year +Sci/Tech,Malicious Trojan Pretends To Be Good (TechWeb) +Sports,Earnhardt sets sights on CNS +Sports,Man U fans in uproar +Sports,J. Lewis pleads guilty in drug case +Sports,NFL games on TV +Sci/Tech,Gluecode Contributes Open-Source BPM Engine (TechWeb) +World,Unknown group claims responsibility for Egypt bombings +World,Embassy blast hurts nine +World,ASEM Summit Starts amid Myanmar Discord +World,Militants fire rockets at Baghdad hotel +World,Haiti: Beheaded corpses found +World,BABY CHARLOTTE: VERDICT: #39;SHE CAN MEET HER END IN THE TLC OF THOSE <b>...</b> +Sci/Tech,IBM Outlines Mainframe Integration Roadmap (TechWeb) +Sci/Tech,Migo Transforms iPod Into Backup Device (TechWeb) +Sports,Closer's role +Sports,LaFrentz is on the rebound +Sports,No longer wrestling with job +Business,Airbus hits back at Boeing over aid +Business,Stern show ruling #39;a long way off #39; +Business,"Bombardier axes 2,000; another 1,200 jobs at risk" +Business,"ATI gains on Nvidia, revenue leaps 50" +Sports,Nixon is eager to hit his stride +Sports,Low payroll comes at a price +Sports,Down to their last prayer +Sports,They'll come out swinging +Sports,Sosa fined for untimely departure +Sports,Lewis pleads guilty; will serve 4 months +Sports,NFL games on TV +Sports,Inglorious days are history for Patriots +Sports,But seriously folks +Sports,Veteran guard Black bugs opponents +Sports,Kidd passes on night practices +Sports,Conley making field hockey mark at Babson +Sports,Bentley hoping to avoid getting tripped up by Post +Sports,"All of a sudden, Cal is loaded for bear" +Sports,Frazar finds fun at top +Sports,Andover now a target +Sports,MacCallum boosts Hingham +Sports,Weekend Highlights +Sports,"This weekend on TV, radio" +Sports,Transactions +Sports,Time for 2-year-olds to be in the spotlight +Sports,Latest bluefish battle well worth the fight +Business,GenVec to suspend TNFerade trials +Sci/Tech,"HP Building Portfolio of Products For Telecom Carriers, Equipment <b>...</b>" +Sci/Tech,Telcove Launches Managed VPN +Sci/Tech,UMC continues to grow faster than TSMC +Sports,Weaver wild as Cards deck LA +Sports,GOLF: MCDOWELL:MY 62 WAS BLASPHEMY +Sports,Potty mouth could cost Earnhardt Jr. more than \$3 million +Sports,SVEN CONSIDERING NEW-LOOK ATTACK +World,Egypt bomb blasts kill 22 +World,Security Tightened in Paris Following Embassy Bombing +World,Explosions rock Red Sea resorts +World,Blasts kill at least 30 at Egypt hotel +World,Militants fire rockets at Baghdad hotel +World,US troops strike site in Fallujah; 11 said dead +World,Beheadings Mark Haiti's Latest Misery +World,"Privacy Act, Order Shielded U.S. Names on List" +World,"Iraq #39;s interim president, Jordan #39;s king visit White House" +Sci/Tech,Wildlife treaty moves to protect Asian hardwood +World,UN to investigate Darfur genocide +World,Fable creator explains online apology +Sports,"Chiefs 34, Raiders 27" +Sci/Tech,Hollywood majors back Toshiba DVD +Business,Modalities for hiking foreign stake in banking sector soon +Business,Standard Chartered Is Chosen as Preferred Bidder for Permata +Business,Holiday shopping outlook dimming +Sci/Tech,Ohio Candidate Seeks Advice of Web Surfers (AP) +Sci/Tech,GeekTech: Picking Your Perfect PCI Express PC (PC World) +Sci/Tech,Sun and Kodak settle out of court +Sci/Tech,Google Tests Short Message Service +Sci/Tech,Flaw in Office has DoS attack potential +Sci/Tech,Sprint PCS introduces Picture Mail developing +Sports,Furcals walkoff homer saves Braves +Sports,Perfect day sees 7 lead Michelin +Sci/Tech,FTC Files Case Against Spyware Suspects (AP) +World,Egyptian Resort Bombs Leave at Least 21 Dead (Correct) +World,Indonesia #39;s president-elect condemns bombing outside Paris embassy +Sci/Tech,Possible Blackbeard Ship Cannon Found (AP) +Sci/Tech,Extra cash for 'super-microscope' +Sci/Tech,Shock treatment for coral restoration +Business,Conway acknowledges slamming Oracle +Sports,Bradley won #39;t be disciplined for slur +Sci/Tech,GeekTech: Picking Your Perfect PCI Express PC +Business,Oracle extends Peoplesoft offer deadline +Business,Standard Chartered wins bid for Permata +Sci/Tech,Sun and Kodak settle out of court +Sports,Midland Group Plans to Start Formula One Team for 2006 Season +Sports,Escobar is no pushover +Sports,"No homers, no problem" +World,Pakistan on high alert after car bomb massacre +World,"Ahead of announcement for Nobel Peace Prize, odds favour fight <b>...</b>" +World,UN to investigate Darfur genocide +Sci/Tech,"DOJ, FCC concur on wireless deal (TheDeal.com)" +Sci/Tech,Situational ethics meets PeopleSoft (TheDeal.com) +World,U.S. Air Strike Kills 11 in Iraq's Falluja (Reuters) +World,Report: Russia May Give Yukos Unit Warning (AP) +World,Cubans Force Dissident Protest From Park (AP) +World,Australia turn the screw against India (Reuters) +World,Kenyan Environmentalist Wins Nobel Peace Prize +World,Kenyan activist wins Nobel prize +Business,House clears huge business tax revamp to end trade war +Business,Government confirms Stanchart wins Bank Permata sale +Business,Marriott International Profit Rises +Sports,"Titans Can Move Ball, but Can't Score (AP)" +Sports,Sportsview: Best Playoff Stuff Off Field (AP) +Sports,Virginia runs to victory over Clemson +Sports,Key college games on TV +World,Excerpts From Citation for Peace Prize +World,BLAIR CALLS FOR INTERNATIONAL SUPPORT OF AFRICA +Business,Crude Oil Falls From Record \$53; Supplies May Meet Winter Needs +Business,Parmalat files lawsuit against Bank of America +Business,Bank of America to cut more jobs +Business,"ATI Q4 sales, income rocket" +Business,Indonesia Govt Confirms Stanchart Wins Bk Permata Sale +Business,Bush #39;s campaign of distortion +Sci/Tech,"Kodak, Sun settle Java dispute" +Sci/Tech,Google goes ga-ga for SMS +Sci/Tech,Microsoft to offer XP Special Edition to huge impoverished group +Sports,Phelps wins first medal after Athens +Sports,"USC, Oklahoma wary of weekend 1-2 punch" +World,Kenyan environmentalist wins Nobel Peace Prize +World,Blast at Indonesian Embassy in Paris +Business,US House passes repeal of tax law at centre of WTO sanctions case +Sci/Tech,SpaceShipOne propels space travel future +Sci/Tech,Web Snap(s) Search and Rebounds +Sports,Pedro aces a big test +Sports,"As usual, Jeter does whatever it takes to get #39;W #39;" +World,Egyptian cooperation insufficient in rescue work: Israeli fire <b>...</b> +World,Schrder #39;s Afghan Visit on Track +World,Afghan security forces on alert ahead of landmark election +World,"Palestinian state off the agenda, says senior Sharon aide" +World,US pressures EU on China arms ban +Sci/Tech,SMS Google to Search +Sci/Tech,Visionaries outline web #39;s future +Sports,Aragones Apology for Racist Remark +Sports,McGrath keeps the pressure on +Business,Indian economy to grow at 7: FM +Business,Opec in no hurry to cut quota +Sci/Tech,List of 10 Endangered Wildlife Refuges (AP) +Sci/Tech,BOFH: A ringside seat at the Boss-baiting pit +Sci/Tech,"AT #38;T culls another 7,400 staff" +Sci/Tech,Visionaries outline web's future +World,Previous Peace Prize Winners From Africa (AP) +World,Rockets rain on Afghanistan ahead of vote (AFP) +World,Kenyan Environmentalist Wins Nobel Peace Prize +World,Drug hope in prostate cancer care +Business,Oracle extends tender offer for PeopleSoft; price unchanged +Business,"AT amp;T to slash about 7,400 jobs" +Business,Linx Printing Tech. recommends Danaher 550p/shr offer +Business,US consumer confidence dips +Sci/Tech,Siemens to Integrate Flarion #39;s FLASH-OFDM +Sci/Tech,SiS readies November AMD PCIE chipset launch +Sports,Hewitt through to semis +Sports,"Players, teams ready to emerge" +World,Pakistanis ban religious meetings +World,Chirac hopes visit strengthens partnership +Business,FDA Official Alleges Pressure to Suppress Vioxx Findings +Business,UPDATE:Stanchart To Buy 51 Stake In Indonesia Bk Permata +Sci/Tech,Presse conomique / Telecoms +Sports,Catching A Good Break +Sports,Footage of Bradley confrontation erased +Sci/Tech,Podcasts: New Twist on Net Audio +Sci/Tech,Gamers Spar for National Honor +Sci/Tech,Minniapple's Mini Radio Stations +Sci/Tech,Makin' Woohoo +Sci/Tech,NASA to Test Automated Mission +Sci/Tech,Drier Times Ahead in the West? +Sci/Tech,We've Created a Monster! +Sci/Tech,Stem Cells to the Rescue +Business,Oracle bid has wiggle room +Sci/Tech,Kodak lawsuit cost Sun USD 92 millions +Sci/Tech,Google adds books to its epic search story +Sci/Tech,Internet bigwigs upbeat +Sci/Tech,Google Used to Identify 1993 Victim (AP) +Sports,Saturday qualifying at Japanese GP postponed due to typhoon +Sports,The game Mack Brown can #39;t win +Sports,Smith just keeps on churning out the yards +Sci/Tech,In employees she trusts (SiliconValley.com) +Sci/Tech,IBM Chief Sees Global Tech Spending Rise (Reuters) +Sci/Tech,U.S. Wildlife Refuges Facing Threats (AP) +Sci/Tech,Second chance scammers and the meaning of 'Va va voom' +Sci/Tech,IBM Chief Sees Global Tech Spending Rise +Business,Stocks Seen Up After GE; Jobs Data Next +Sci/Tech,Legislation Increasing Indecency Fines Dropped +Business,Dollar Under Pressure Ahead of Jobs Data +Business,Stewart Attorney Asks For Prosecution's Papers +Sci/Tech,Fierce T. rex's 'fluffy' history +Business,Caviar producers cut export quota +Sci/Tech,Steroids Harmful for Head Injury Patients +Business,"GE meets 3Q, ups guidance" +Business,Stocks to Open Up Ahead of Payroll Data +Business,OneChicago CEO and Chairman Rainer announces resignation +Sci/Tech,"Sun, Kodak settle patent dispute" +Sci/Tech,Shopping.com: A Bad Long-Term Investment +Sci/Tech,Google searches go mobile in US +Sci/Tech,Fierce T. rex #39;s #39;fluffy #39; history +Sports,Errors stretch Mauresmo +Sports,Lucky seven share lead after 18 holes +Sports,Many loyal Cal fans still afraid to believe +World,Blasts Strike Sinai Resort in Egypt +World,Kenyan in surprise Nobel peace win +World,US Jets Hit Suspected Terrorist Safe House in Fallujah +World,No casualties in Kabul bomb blast +World,Your view: Should baby Charlotte be allowed to die? +Business,Google Used to Identify 1993 Victim +Business,Wal-Mart sees sales up 2.4 +Business,SEC may act against exchanges +Business,Pension agency chief fears insolvency +Business,Drug-industry veteran to be Biovail #39;s new CEO; Melnyk remains <b>...</b> +Sci/Tech,Music industry clamps down on song-swapping +Sci/Tech,First Edinburgh man in space +Sci/Tech,Critical Flaw Discovered In MS Word +Sci/Tech,CA intros usage pricing for mainframes +Sports,NASCAR #39;s caution flag +World,Bomb rocks Indonesia #39;s Paris embassy +World,Issues related to war in Iraq help define election in Australia +World, #39;We #39;ll let Charlotte die in our arms #39; +Business,GE Posts Higher Quarterly Profit (Reuters) +Business,"Before the Bell: GE, Sirius Slip (Reuters)" +Business,Export Support for German Recovery Slips (AP) +Business,GE Posts Higher Quarterly Profit +Business,SEC Steps Up Probe of Krispy Kreme +Business,Dollar Weakens Ahead of Payrolls Release +Business,"Before the Bell: GE, Sirius Slip" +Business,"Johnson Controls Sees Revenue, Earns Up" +Business,Bank of America to cut more jobs +Business,High-risk driver plan hit by senators +Business,"Spammer to pay \$25,000 settlement" +Business,Holiday retail outlook cloudy +Business,Output worries drive up oil prices +Business,"US Airways, unions clash over proposed pay cut" +Business,"JetBlue, Northwest to expand at Logan" +Business,Parmalat sues in US for \$10b to recoup losses +Business,Update 3: Tokyo Stocks End Lower on UFJ Probe +Sports,No quot;Abramovich route quot; to top in F1 - Minardi boss +Sports,Tennis Roundup +World,Nine hurt in Paris bomb blast +Sci/Tech,Japan's mobile operators target elderly (FT.com) +Sci/Tech,US gets new cyber security chief +World,Abu Dhabi TV reports British hostage Kenneth Bigley killed by captors in Iraq (Canadian Press) +World,Kenyan Green Activist Wins Nobel Peace Prize +World,Israel's Sharon Vows to Fight Those Behind Bombings +World,"Bomb Hits Jakarta's Paris Embassy, Motive Unclear" +World,N.Korea Says to Resume Talks if U.S. Ends Hostility +World,Hostage Bigley reported killed +World,F1: Storm disrupts Japan GP +World,Blair back after Africa troop vow +World,Last push for votes in Australia +Sci/Tech,IBM Chief Sees Global Tech Spending Rise +Sci/Tech,Microsoft Looks to Expand Windows at Home +Sci/Tech,'The Sims 2' Draws Users Way In +Sci/Tech,Shy flower causes stink in Sydney +World,Report on Day Care Death Finds Flaws in System +World,"Bush, Kerry Set for 'Town Hall' Debate" +World,Blasts at Egypt Resort Kill at Least 27 +World,Kenyan Environmentalist Wins Peace Prize +World,John Kerry Takes Lead Over Bush in AP Poll +World,Kenyan Wins Nobel Peace Prize +World,Blast at Egyptian Resort Kills at Least 20 +World,Indonesian Embassy Bomb Wounds at Least 9 +Business,UPDATE 1-SEC steps up probe of Krispy Kreme +Business,"Stock market signals positive on GE profit report, job news, oil <b>...</b>" +Sci/Tech,Computer Associates intros usage-based pricing +Sports,Manchester United condemn takeover protest +Sports,Zidane - enjoying new found freedom (Getty Images) +Sports,Chill deepens for Clemsons year +Sports,Twins intimidated by Yanks? No way (USATODAY.com) +World,Israel accuses al-Qaida of masterminding Sinai blasts +Sci/Tech,Access to Tom Ridge or bust +Sci/Tech,Siemens adds Flash-OFDM to broadband wireless family +Sports,NFL Wrap: Manning Tosses Three TDs as Colts Win (Reuters) +Sci/Tech,SANS unveils Top 20 security vulnerabilities +Sci/Tech,"Update: AMD's Q3 led by strong Opteron, Athlon 64 sales" +Business,Job Growth Weaker Than Expected +Business,"Oil Near Highs, Nigeria Threat Eases" +Business,"Before the Bell: CMS, Krispy Kreme Fall" +Business,"Johnson Controls Sees Revenue, Earns Up" +Business,Citigroup Hits Back at Parmalat +Sci/Tech,Nintendo Unveils Lineup for New DS Handheld +Sci/Tech,Microsoft Looks to Expand Windows Brand at Home +Sci/Tech,Kodak and Sun Microsystems Settle Java Suit +Sci/Tech,Chinese Government to Institute Online Ratings Systems +Business,Political Spotlight Is on Jobs Report +Business,General Electric Posts Higher 3rd-Quarter Profit +Business,Crude Oil Retreats From \$53 Threshold +Sports,Kings Beat Celtics for 4th Straight Win (AP) +Business,Krispy Kreme Says S.E.C. Steps Up Its Probe +Business,EU blasts US pullout from air subsidy deal +Business,"AT amp;T to cut about 7,000 jobs" +Business,Krispy Kreme SEC probe widens +Business,Standard Chartered wins bid for Permata +Sci/Tech,Sun and Kodak settle Java case +Sci/Tech,Europe cracks down on downloaders +Sci/Tech,Mars Rovers Probing Water History At Two Sites +Sports,Hewitt into Japan Open semis +Sports,Midland #39; team to race in 2006 - official +Sports,Rossi on provisional front row +Sports,Vogts backs depleted side +World,Cambodia #39;s king abdicates as new political crisis looms +Business,"Payrolls Grow, But Miss Target" +Business,"4,500 to be let go nationwide" +Business,GE 3rd-Quarter Net Rises as Immelt Spurs Sales Growth (Update2) +Sci/Tech,Word open to exploit +Sports,WOODGATE INJURY WOE FOR REAL +Sports,Tamada lays Malay marker +Sports,FA to launch EPO test +World,UK Seeking to Corroborate Reports of Hostage Bigley #39;s Death +World,PM downplays Weisglass remarks on road map freeze +Sci/Tech,"Dell to Recall 990,000 Laptop Power Adapters--CPSC (Reuters)" +Business,September Job Growth Weaker Than Expected +Business,Krispy Kreme Stock Tumbles Amid Probe +Business,Martha Stewart Reports to Prison +Business,Stocks Set to Open Lower After Jobs Data +Business,US jobs growth slows in September +Business,Martha Stewart starts prison term +Sci/Tech,"Dell to Recall 990,000 Laptop Power Adapters--CPSC" +World,Thousands Rush Home After Egypt Bombings (AP) +World,"British, US officials meet on flu vaccine " +Business,"Oil sways amid labor strife, attacks" +Business,UPDATE 2-Citigroup hits back at Parmalat with court move +Business,UPDATE: Singapore ST Engineering 3Q Net 17 To S\$102.1M +Sci/Tech,Take part in the Great NME Downloading Debate +World,Martha Stewart Reports to Prison in W. Va. +Sports,Japanese F1 Grand Prix qualifying postponed by typhoon +Sports,FA to test for EPO +Sports,Frazar among leaders at Michelin tourney +World,"British Hostage Beheaded in Iraq, Insurgents Say" +World,Artist Barney Looks to Brazilian Gods in New Film +Sports,Sharapova Eases Through to Second Consecutive Final +Sci/Tech,"AT T, Covad close in on WiMax" +Sports,Suzuka : Saturday cancelled! +Sci/Tech,"Microsoft, Sun, Intel push IT management via Web services" +Sci/Tech,Dell recalls laptop power supplies +Business,September Job Growth Weaker Than Expected (Reuters) +Business,Martha Stewart Reports to Prison (Reuters) +Business,U.S. Stocks Open Lower After Jobs Data +Business,J J: Cancer Risk in Arthritis Drug +Sci/Tech,Getting Into Google Book Search - Google Print +Sci/Tech,GMail Notifier Enhanced +Business,Martha Stewart Reports to Prison to Begin Sentence +Business,"EU Says US Can #39;t Cancel Pact on Boeing, Airbus Aid (Update2)" +Business,Oracle again extends PeopleSoft offer +Business,UPDATE 2-INSTANT VIEW-Stocks-US September job growth lags +Sci/Tech,Getting Into Google Book Search - Google Print +Sci/Tech,House passes second spyware bill +World,Hostage timetable +World,9 hurt in blast at Indonesian Embassy +Business,"Dell to Recall 990,000 Laptop Power Adapters" +Business,Unemployment rate dropped slightly last month to 7.1 per cent <b>...</b> +Sci/Tech,"Sun, Kodak settle Java lawsuit" +Sci/Tech,UK Music Industry Sues 28 Song-Swappers +Sci/Tech,Rumors of Next Generation of Ipods +Sports,Sven Ponders Three-Pronged Attack +Sports,"MOTOGP NEWS Moody Blues: Rossi, Gibernau and Formula One." +World,Kenyan Nobel Prize winner pledges to continue planting quot;seeds of <b>...</b> +Business,J J: Arthritis Drug Has Blood Cancer Risk (Reuters) +World,Follow-on shy Aussies lead India by 355 runs (AFP) +Business,Wholesale Inventories Up 0.9 Pct in Aug +Business,Oil Holds Near \$53 High +Business,SEC Opens Krispy Kreme Investigation +Business,Yukos escapes oil licence recall +Business,The Fool's Look Ahead +World,"You Can Buy a Seat, but Can You Fit in It?" +Business,Focus! Focus! Focus! +World,Martha Stewart Reports to Prison in W.Va. +World,"Economy, Terror Frame Bush-Kerry Debate" +Sports,Ellis hopes for strong finish to 2004 +World,Germany #39;s Greens applauds Nobel choice +Sci/Tech,"Dell to Recall 990,000 Laptop Power Adapters" +Sci/Tech,Google Books It to the Finish Line +Sci/Tech,Anniversary launch for 'nanosats' +Business,SEC lauches formal probe of Krispy Kreme +Business,UPDATE 1-US rate futures jump on ideas of Fed pause in #39;05 +Sci/Tech,AMERICAN MOSAIC +Sci/Tech,8cm Blu-Ray Discs Planned +Sci/Tech,Honeywell suing 34 electronic companies for alleged patent <b>...</b> +Sports,New F1 team targets 2006 entry +Sports,Aussies on top but India show fight +Sports,Belgian trio hit with bans +World,British hostage killed in Iraq: TV +World,Kenya #39;s Wangari Maathai wins 2004 Nobel Peace Prize: +World,Indonesian embassy blast +World,UN: Africa Condemned to Major Polio Epidemic +Business,"EU, US launch battle at WTO over Boeing, Airbus" +Business,AMD posts profit over loss in Q3 +Business,"Techs, banks weigh on Nikkei" +Business,Thomson to Sell Media Unit to Investcorp for \$350 Mln (Update1) +Business,Citigroup Sues Italy Over Parmalat Bankruptcy Case (Update3) +Business,General Electric earnings up 11 +Business,"AT amp;T to cut 7,400 more jobs, take US\$11.4B writedown" +Sci/Tech,"Dell to recall 990,000 laptop adapters" +Sci/Tech,Space Travel for the Rich +Sci/Tech,House approves anti-spyware bill +Sci/Tech,After .jpeg it #39;s .doc +Sci/Tech,Apple colour-screen #39;PhotoPod #39; said to be in production +Sci/Tech,Adventurers prepay for journey into space +Sci/Tech,Siemens adopts Flarion #39;s Flash-OFDM technology +Sports,Farina aware draw would be disastrous +Sports,Man U condemns fan protest against Glazer +Sports,"Mauresmo, Slew of Russians Into Quarters at Filderstadt" +Sports,They #39;re the 0-2 Guys +Sports,Cricket: Follow-on shy Aussies lead India by 355 runs +World,Taliban attacks US military base in Kabul +Business,US: Termination of EU Aircraft Pact Legal +Business,SEC Makes Krispy Kreme Probe Formal +Business,Alpharma Starts Generic of Pfizer Drug +World,Poll: Voters Like Schwarzenegger As Gov. (AP) +World,Loss of Georgia Seat for Democrats Could Cost Senate (Reuters) +World,At Least 26 Die as Egypt Resort Bombs Hit Israelis +Business,BA's fuel surcharge to increase +World,"U.S. Base Attacked, Truck Bomb Found Before Afghan Vote" +World,Strong Quake Reported in Philippines - U.S. Agency +Business,Shares on the march as oil price cloud lifts +Business,Intel Seen Limiting AMD #39;s Upside +Business,US jobs growth weaker than expected +Business,GE earnings up 11 percent in third quarter +Business,AT amp;T boosts 2004 job cuts to 20 percent +Sci/Tech,Millions of Dell power adapters recalled +Sci/Tech,Ansari X Prize +Sci/Tech,Google SMS launched +Sports,Schwarzer tips tough test in qualifiers +Sports,Jackson finds emotional rescue on court +World,Nobel prize winner has ties to Geneva +World,Election will resonate beyond Australia +World,Myanmar Casts Shadow Over Asia-Europe Summit +World,The Israeli Invasion of North Gaza +World,Musharraf moves to keep army post +Sci/Tech,Dracula's descendant sets <cite>Reg</cite> straight +World,Martha Stewart Reports to Prison in W.Va. +World,Oscar Wilde Collection Goes Up for Auction +Sci/Tech,Google Books It to the Finish Line (washingtonpost.com) +Sci/Tech,Dell Recalls Laptop Power Cords (PC World) +Sci/Tech,BenQ Readies IPod Rival (PC World) +Sci/Tech,Millions of Dell power adapters recalled +World,Strong Quake Reported in Philippines - U.S. Agency (Reuters) +World,Pakistan parliament backs Musharraf in uniform (Reuters) +Sci/Tech,DataPlay Discs Stage a Comeback +World,Huge Afghan poll attack 'foiled' +World,Paisley holds talks key +Business,FSA files criminal complaint against UFJ +Business,Investcorp to buy Thomson Media for \$350M +Business,UPDATE 1-Cenbank credibility helps policy-Fed #39;s Bernanke +Sci/Tech,Dell Recalls Laptop Power Cords +Sci/Tech,"One Mars rover plots crater quot;escape, quot; while twin keeps climbing <b>...</b>" +Sci/Tech,House Passes Second Anti-Spyware Bill +Sports,Canadian Midland Group plans new F1 team +Sports,Murphy sizzles again as Skaife fizzles +World,Bigley: UK can #39;t confirm +World,Canadian PM faces crisis over sub fire +Sports,Phelps Makes Winning Return at World Championships +Sci/Tech,News: Word open to exploit +World,"Israel, Egypt swap prisoners" +Business,"US posts tepid jobs growth in September, potential blow to Bush (AFP)" +Business,GE Profit Rises Despite Hurricane Losses +Business,"Treasuries Surge, Hope for Fed Rate Pause" +Business,Martha Stewart Reports to Jail to Begin Sentence +World,Major Quake Shakes Philippine Capital +Business,"Bank of America plans to cut 4,500 jobs" +Business,Stocks Decline on Weak Jobs Growth News +Business,"Univision, Miller toast \$100M ad deal" +Sci/Tech,Water coursed through Martian hills +World,Gaza children lose in games against real bullets +Business,North Fork to Sell GreenPoint Credit +Sci/Tech,MSN Delays New IM Client Beta +Sports,Howell and Donald bask in Ryder Cup afterglow +Sports,Kidd causing more friction in Nets camp +World,UK Seeking to Corroborate Reports of Bigley #39;s Death (Update2) +World,ANALYSIS-Red Sea bombs fit al Qaeda #39;s aims and methods +World,"Rockets rain, truck bomb found ahead of Afghan vote (AFP)" +Business,Thomson to Sell Media Group for \$350 Mln +Sports,Giants rookie #39;s kick return for TD lost in storm +Business,Is ATI's Success Doomed? +Business,Alpharma Launches Generic Pfizer Drug +Business,British Airways Hikes Ticket Prices on Oil +Business,Thomson to Sell Media Unit to Investcorp for \$350 Mln (Update3) +Sci/Tech,"Kodak, Sun Settle Java Patent Dispute" +Sci/Tech,Dell recalls nearly a million defective adapters +Sci/Tech,The Browser Wars Are Back? +Sci/Tech,CEOs #39;too trusting #39; of outsourcer #39;s security +Sci/Tech,"Hurricanes hinder spam in September, kinda sorta" +Sports,League setup aids Big Ten in BCS +Sci/Tech,Chicago Sun-Times Leaves Waterfront Home (AP) +World,Major 6.4-Magnitude Quake Shakes Manila (AP) +Business,US bank profits may rise despite languid quarter +Business,House approves corporate tax cuts +Business,WRAPUP 2-US September job growth weaker than expected +Business,Alcan Sells Trade Division to Managers +Business,AMD Shares Slip in Wake of Q3 Report +Sci/Tech,Dell recalls laptop power supplies +Sci/Tech,Siemens backs new wireless technology +Sci/Tech,Ban for rare Asian dolphin trade +Sci/Tech,IBM #39;s Dream Deferred +Sci/Tech,Missing Link to Life Found? +Sports,Wayne of Terror Will Threaten Wales - Lampard +Sports,Klinsmann uses Iran match to test young players +Sports,Americans closing in on spot in next round +World,Kenya #39;s Maathai Wins Nobel Peace Prize on Environment (Update3) +World,Good times make Howard favourite +Sci/Tech,"HP, Microsoft Take Tech on the Road (Ziff Davis)" +Sci/Tech,Oracle May Lower Its PeopleSoft Bid (AP) +Sci/Tech,Feds Poison Prairie Dogs to Save Ferrets (AP) +Sci/Tech,"New X Prize Sets Sights on Science, Technology and Social Solutions (SPACE.com)" +Sci/Tech,"Solar Eclipse to Start Thursday, End Wednesday! (SPACE.com)" +Sci/Tech,Ban for rare Asian dolphin trade +Sci/Tech,Draft of cow 'life code' released +Business,"Citigroup, Parmalat Brawl Over Billions" +Business,J J Warns of Blood Cancer Risk in Arthritis Drug +World,"Strong Quake Jolts Manila, No Major Damage Reported" +World,"Bomb Hits Jakarta's Paris Embassy, Motive Unclear" +Business,Left 'no threat' to Indian business +World,Olympics: Show jump gold at risk +Business,"U.S. Added 96,000 Jobs in September, Fewer Than Expected" +Business,Oracle May Lower Its PeopleSoft Bid +Business,Oil Holds Near \$53 High +Business,EADS offers to split US tanker deal with Boeing +World,Stewart Begins Five-Month Prison Sentence +World,Brother Confirms British Hostage Is Dead +World,"Economy, Iraq War Frame Bush-Kerry Debate" +World,Stocks Slide on Lackluster Job Report +World,Video Said to Show British Hostage Killed +Sci/Tech,Can Mike Lawrie make Siebel better? +Sci/Tech,Ellison: PeopleSoft talked merger in 2000 +Business,Dell Adapters a Flaming Hit +Sci/Tech,Expert: Online extortion growing more common +Sci/Tech,Siemens backs new wireless technology +Sci/Tech,Rovers Still Turning Up Water Evidence +Sci/Tech,Google Goes Mobile with SMS +Sci/Tech,X Prize sponsors plan other prizes +Sports,Excitement Mounts Over Germany-Iran Soccer Friendly +Sports,Blackburn keeper considers retirement from international soccer +World,"Talks include trade, security, and diseases control" +World,Pitcairn father #39;fell in love #39; with 13-year-old +Sci/Tech,ASP.Net glitch discovered +Sci/Tech,Microsoft opens IP in licensing push +Sci/Tech,HP to roll out managed SMB services next year +Sci/Tech,Find the Web's Worst Security Flaws +Sci/Tech,Nearly 60 percent office computers have been infected by Internet bug (AFP) +Sci/Tech,Oracle Talked of Lowering PeopleSoft Bid (Reuters) +Sci/Tech,National Geographic Updates World Atlas (AP) +Sci/Tech,Dell warns on fire-risk laptops +World,Taba bombing authors came from Sinai: Israeli army official (AFP) +World,Mayoral Race Write-In Effort Worries Utah (AP) +Sci/Tech,Dell Recalls Power Adaptors +Sci/Tech,'Frog's glue' could mend knees +Business,B amp;G Foods Falls Flat in Public Debut +Sci/Tech,Ex-NASA Worker Pleads Innocent of Fake Inspections +Sci/Tech,Find the Web #39;s Worst Security Flaws +Sci/Tech,Google launches SMS-based information service +Sci/Tech,Computer Associates Launches Usage-Based Pricing +Sports,SI.com #39;s BJ Schecter breaks down a key Big 12 showdown +World,Canadian MPs urge legal action over Barrow subs +World,Egypt Blasts Claimed by 3 Different Groups +World," #39;A wonderful father, husband, brother and son #39;" +Sports,Tennis: U.S. Open Semifinalist Johansson Stunned +World,Swastika on new Philip Roth novel raises storm in Germany (AFP) +World,"54 dead, million flee homes as rains lash northeast India, Bangladesh (AFP)" +Business,"EU, U.S. Trade Blows Over Plane Agreement" +Business,"Stocks Drop as Drug, Chip Sectors Weigh" +Business,Judge dismisses Hollinger case +Business,Google on the March +Business,"GE earnings increase, per-share price falls" +Business,"MS, Intel Shepherd New Web Services Spec" +Sci/Tech,"Thousands of Dell adapters recalled for risk of fire, shock from <b>...</b>" +Sci/Tech,Ex-Nasa inspector accused of lying about Shuttle checks +Sports,Aussies learn lesson +Sports,Sell-out crowd will watch No. 1 USC take on No. 7 Cal +Sports,Ohio State's Sullinger Disciplined (AP) +Business,Oracle Talked of Lowering PeopleSoft Bid +Business,"EU, US Trade Blows Over Plane Agreement" +Business,Politicians fight over jobs report +Business,UPDATE 1-Fed #39;s No 2 says US doesn #39;t need inflation target +Business,GE Net Rises +Sports,DUNHILL LINKS CHAMPS LATEST BETTING ODDS NEWS +Business,Treasuries Up as Weak Jobs Ease Rates +World,"Martha Stewart Reports to Prison, Ducking Cameras" +World,Lackluster Jobs Report Pushes Stocks Down +World,Brother Confirms British Hostage Is Dead +Business,Investors consider economic news +Business,Krispy Kreme #39;s Sticky Situation +Sci/Tech,Dell Recalls 4.4 Million Notebook AC Adapters +Sci/Tech,Rover Finds New Evidence Of Water On Mars +Sci/Tech,First Suit Filed Against Internet #39;Spyware #39; +Sci/Tech,Siemens Signs On With Flarion +Sci/Tech,Rumor site pictures Photo iPod for holidays +Sci/Tech,House passes anti-spyware bill +Sci/Tech,First Suit Filed Against Internet 'Spyware' (Reuters) +Business,Ellison inclined to cut PeopleSoft bid +Business,"Sun, Kodak Move Forward After \$92 Million Settlement" +Business,Judge dismisses \$1.25 billion US lawsuit against Conrad Black +Business,Thomson sells publications group for \$350M +Business,UPDATE 3-Alpharma launches generic of Pfizer #39;s Neurontin +Sci/Tech,Cracked rock points to more martian water +Sci/Tech,"IBM, Unisys work to rejuvenate mainframes" +Sci/Tech,"Dell Drops 15 GB Dell DJ To US\$149, 20 GB for US\$195" +Sci/Tech,Nintendo DS to function as a game server +Sci/Tech,Feds seize Indymedia servers +Sports,Sports: F-One qualifying postponed +Sports,Soderling beats compatriot Johansson to advance to semis +Sci/Tech,Feds go after #39;Spam King #39; +Sci/Tech,Google SMS +Sci/Tech,Nintendo ahead of the game +Sci/Tech,Indymedia servers in the US and UK confiscated by the FBI +World,Security questions over Sinai attacks +World,Crippled Canadian sub set for safe harbour +World,Palestinian Girl Killed in Gaza Violence +World,Afghan Security on Alert Ahead of Election +World,Howard #39;s End? +Sci/Tech,Ex-NASA Worker Charged for Faking Exams (AP) +Sci/Tech,First Suit Filed Against Internet 'Spyware' +World,"Crippled Canadian sub under tow, bound for Scotland (AFP)" +World,"Canada to Woo Asia Beef Markets, Explain New Rules (Reuters)" +World,"Australian PM, Challenger in Dead Heat (AP)" +Business,Racketeering Suit Dismissed Against Conrad Black +World,UN Council Adopts New Anti-Terror Resolution +Sci/Tech,Ex-NASA Worker Charged for Faking Exams +Business,GE's Diversity Yields Strength +Business,What Can Trump Do for You? +Business,AMD: The Little Engine That Might +Sci/Tech,Armchair Astronomers Revel in Comet's Path +Sci/Tech,Next Step to the Quantum Computer +World,Security Forces on Alert Ahead of Afghan Election +Sci/Tech,Web services for your TiVo? +Sci/Tech,Samsung driving forward +Sci/Tech,"IBM, Unisys work to rejuvenate mainframes" +Sci/Tech,"Glitches hit Dell gear, Microsoft software" +Sci/Tech,FTC takes aim at alleged spyware distributor +Sci/Tech,Rumor site pictures Photo iPod for holidays +Business,Pfizer stock sinks on Neurontin +Sci/Tech,Dell Recalls Notebook Power Adapters +Sci/Tech,"IBM, Unisys work to rejuvenate mainframes" +Sci/Tech,Ex-NASA worker in shuttle probe +Sci/Tech,Google on the March +Sports,"Mauresmo, Davenport reach semis" +Sports,Johansson falls in Lyon +Sports,Jefferson pledges to stay hungry +World,Israeli Tourists Targeted in Deadly Egypt Bombings +World,Zimbabwe ruling party elects first woman VP +Sci/Tech,Hollywood Asks Top U.S. Court to Weigh File Trading (Reuters) +Sci/Tech,Microsoft Word Hole Could Allow DoS Attacks (NewsFactor) +Sci/Tech,Google Goes Mobile with SMS (NewsFactor) +Sci/Tech,Novell Delivers Latest SuSE Linux (NewsFactor) +Sci/Tech,IBM Revamps WebSphere (NewsFactor) +Sci/Tech,"Kodak, Sun Settle Java Patent Dispute (NewsFactor)" +World,U.S.: Iraqi Forces Gaining Effectiveness (AP) +Sci/Tech,Why Do Fall Leaves Change Color? +Sci/Tech,"U.S. Presidential Debate Trivia: Gaffes, Zingers, More" +World,Report: SEC to Sanction 3 Stock Exchanges (AP) +Sci/Tech,Taking the Express Train to Venus +Business,Sun Drops the Gloves +Business,Alpharma Sells Generic of Pfizer Drug +Business,"BA, Virgin to up fuel surcharge" +Sports,Gardocki Feels Steelers-Browns Rivalry (AP) +Sci/Tech,"Dell Recalls 990,000 AC Adapters" +Sci/Tech,House Toughens Spyware Penalties +Sci/Tech,Search And Ye Shall Find. . .IBM? +Sports,Georgia Rules Border Rivalry With Tenn. (AP) +Sports,"Mauresmo, Davenport in Porsche Semis (AP)" +Sports,Howell Leads by One at Dunhill Links (AP) +Sports,Phelps Ruled Out of 400 Medley with Sore Back +Sports,"Davenport, Myskina Win in Filderstadt" +Sports,Irish Gold Medal-Winning Horse Fails Dope Test +World,Canada condemns Sinai resort bombings (AFP) +Business,FDA Rejects AstraZeneca's Exanta +Business,Dollar Sinks on Weak Jobs Data +Business,Alpharma Sells Generic of Pfizer Drug +Business,J J Says Arthritis Drug May Hike Blood Cancer Risk +Business,"VW's Audi Recalls 28,000 A6 Cars" +Business,Not Looking Up at Sierra Wireless +Sci/Tech,Dell AC Adapters Recalled on Fire Risk +Sci/Tech,Europe Spanks File Swappers +Sci/Tech,Ex-NASA worker pleads not guilty +Sci/Tech,AOL prepares its own browser +Sports,Bosox try to finish Angels +Sports,Dodgers say Bradley won #39;t be disciplined +World,British hostage in Iraq dead: Report +Sports,Harrington Completes Heavyweight Match Play Field +Business,Krispy Kreme SEC probe widens +Sci/Tech,"SpaceShipOne Burns Rubber, Laughing GasMore Fun Facts" +Sports,US could get equestrian gold due to rival #39;s positive test +Sports,"Test in twilight, Indians in the shadows" +World,Anti-war meeting hears Paul Bigley message +World,WHO Launches Polio Immunization In 23 African Countries +World,US Wants UN Council to Meet at Sudan Peace Talks (Reuters) +World,Chinese Firm to Make Advanced Chips (AP) +Business,Oil Ends Above \$53 on Supply Worries +World,Fla. Judge Delays Voting Machine Lawsuit (AP) +World,AdWatch: Bush Touts Job Creation in TV Ad (AP) +World,Paper birds of peace fly to appease Thailand #39;s Muslims +World,Militants in Iraq Kill British Hostage +World,Kenyan Environmentalist Wins Peace Prize +Sports,Bullpen moves could sway Twins-Yanks +World,UK Hostage Bigley #39;s Killing Confirmed by His Family (Update1) +Business,"96,000 jobs added to payrolls last month" +Business,Pfizer: May Make Own Generic of Neurontin +Business,Investcorp to buy Thomson Media for \$350M +Sci/Tech,Rumor site pictures Photo iPod for holidays +Sci/Tech,SANS Unveils 2004 #39;s Top 20 Internet Vulnerabilities +World,Bush condemns Taba explosions +World,Militants kill Bigley +World,Kenyan Environmentalist Wins Peace Prize +Business,Ellison: Oracle considered lowering PeopleSoft bid +Business,"Chad, US-Malaysian Oil Group Disagree" +Business,Action Performance CFO resigns +Sci/Tech,IBM Adds To Its Blade Servers +Sci/Tech,Google Launches Mobile Messaging Service +Sci/Tech,Nintendo #39;s handheld strategy proceeds on a dual track +Sports,Canada faces must-win game in Honduras in World Cup soccer <b>...</b> +World,Navy launches two formal inquiries +World,Aristide says he part of solution to Haiti #39;s woes +World,Nigerian workers strike +Sci/Tech,Blogs Abuzz with Gossip in Caustic U.S. Campaign (Reuters) +World,"Sinai resort bombings kill 30, Al-Qaeda-linked group claims responsibility (AFP)" +World,Armed Men Attack Afghan Polling Station (AP) +Business,U.S. Job Growth Weaker Than Expected +Business,GE Third-Quarter Profit Rises 1 Percent +Business,Alpharma Launches Generic of Neurontin +Business,Court Throws Out Hollinger Int'l Lawsuit +World,House Approves U.S. Spy Agency Overhall (Reuters) +Sci/Tech,'Global titans': Expansion in China comes first +World,U.K. Flu Vaccine Unlikely to Be Cleared +Sci/Tech,FTC files suit against Internet spyware firm +Sci/Tech,Ellison: Oracle considered lowering PeopleSoft bid +Sci/Tech,"Q A: Oracle's Jacqueline Woods on licensing, multicore servers" +Sci/Tech,Brief: Novell sees delay in shipping Open Enterprise Server +Sci/Tech,Study: IT worker confidence drops +Business,Hollinger International Suit Against Black Dismissed (Update5) +Sci/Tech,ASP.Net glitch discovered +Sci/Tech,"Unisys cuts 1,400 jobs" +Sci/Tech,Dell warns on fire-risk laptops +Sci/Tech,Nintendo Aims To Dominate Portable Gaming +Sci/Tech,"HP, Microsoft Take Tech on the Road" +Sci/Tech,Oracle again extends PeopleSoft offer +World,Motive for attack unclear +World,Weakening Sadr is easier than it seems +Sci/Tech,SANS unveils top 20 security vulnerabilities +Sci/Tech,BEA envisions role of 'application configurator' +Sci/Tech,ICANN to set up shop in Africa +Business,"Sun, Eastman Kodak settle high-stakes dispute over Java" +Sci/Tech,HP Seeks Edge From Channel In Latest SMB Push +Sports,NFL suspends Baltimore running back Jamal Lewis for two games +World,Captors Execute British Hostage +Sci/Tech,Some Dell AC Adaptors Recalled for Risk (AP) +Sci/Tech,Court Asked to Settle File-Sharing Dispute (AP) +Sci/Tech,Protein 'Kiss of Death' Team Win Chemistry Nobel (Reuters) +Sci/Tech,Ivory crackdown agreed in Africa +World,Two U.S. Embassy Workers Hurt in Bombing (AP) +World,OAS head quits amid graft scandal +World,Death plot Briton jailed in US +Sci/Tech,Briefly: Blizzard wins online game suit +Sports,NFL Suspends Lewis Two Games for Drug Case (AP) +Business,Markets end lower +Business,"US employment rises 96,000 in September, weaker than expected" +Business,"Audi Canada recalling 2,432 vehicles over possible throttle <b>...</b>" +Sports,Red Sox Take 2-1 Game 3 Lead Over Angels (AP) +Sci/Tech,Access to Tom Ridge or bust +Sports,Jamal Lewis Suspended for Two Games (Reuters) +Sports,Jamal Lewis suspended for two games +Sports,Seattle #39;s Suzuki declines to accept top Japan government honour +Sports,Yao excited about Chinese homecoming (AFP) +Sports,Carlos Tosca Interviews With Mets (AP) +World,A Rush to the Polls in Afghanistan +World,Strike: First Phase to Last 4 Days +Sports,Lewis' Suspension Issued +Sports,Yankees Look Dashing +Sci/Tech,Some Dell AC Adaptors Recalled for Safety Problems +Business,Defense Bill Would Nullify \$23B Boeing Deal +Business,U.S.: No-Fly List Created With No Rules +Business,Chad being 'cheated of oil dues' +World,Israeli Troops Kill 4 Palestinians in Gaza Raid +Sports,Kerney Big Reason for Falcons' 4-0 Start (AP) +Sports,NHL All-Star Shoots for Place on Greek Bobsled Team +Sports,Spadea Returns from the Brink +Business,Canadian dollar cracks 80 cents US for the first time in a decade +Sci/Tech,AOL prepares its own browser +Sci/Tech,X Prize group plans new series of contests +Sports,Menard takes first Busch pole for Kansas race +World,Terrorists execute British hostage in Iraq +World,Nigerian labor union to stage strike as negotiations collapse +World,NATO moves forward with Iraq training mission; appoints US <b>...</b> +Business,"Alpharma, Pfizer Launch Generic Neurontin (Reuters)" +Business,September Job Growth Weaker Than Expected +World,"Bush, Kerry campaigns move quickly to spin jobs report (AFP)" +Business,Experts Urge Action as U.S. Lines Up for Flu Shots +Business,J J: Arthritis Drug May Hike Cancer Risk +World,Lackluster Jobs Report Pushes Stocks Down +World,French soldier threatens to blow up army explosives depot +Business,"Snow says not campaigning, pays Ohio 7th visit" +Sci/Tech,Space racers set sights on orbital frontier +Sci/Tech,Custom Channel Gets Media Center OS +Sports,Earnhardt Jr. needs strong run at Kansas +World,Press Review: A Willful Lie? +World,UN Security Council Adopts Anti-Terrorism Measure +World,Voters Head to the Polls in Australia Election +World,UN backs anti-terror measures +World,"Topics A, B and C in Run-up to Debate: Jobs, Jobs and Jobs" +Business,Red Hat Boosts Enterprise-Class Linux Services +Sci/Tech,Music Industry To Sue #39;Major File-Sharers #39; +Sci/Tech,Leading Vendors Back Competing Systems-Management Specifications +Sports,Equestrianism: O #39;Connor could lose gold after mount tests positive +Sports,FA to test for EPO after Wenger #39;s drug fears +Sports,Here come the Russians ... +Sports,McDowell tames Old Course in 10-under 62 +Sports,"Keane #39;s job to inspire, not just play" +Sports,Soldering plays Spadea next +Sports,Longhorns aim to end their Sooners skid in classic football <b>...</b> +World,Kenyan is Nobel Peace laureate +World,Austria #39;s Elfriede Jelinek Wins Nobel Prize for Literature +World,Security Council Condemns Acts of Violence Against Civilians +Sci/Tech,Hollywood Asks Top U.S. Court to Weigh File Trading +Sci/Tech,Copyright Bill Dies in Senate as Others Advance +Business,Novell to Open Enterprise to Netware and Linux +Sci/Tech,Freelancer Wins Big in Canadian 'Tasini' Case (Editor and Publisher) +Sci/Tech,AOL making a Standalone Browser +Sci/Tech,Homeland Security Names New Cyber Chief +Sports,"Arsenal players used EPO, says Wenger" +Sports,SODERLING WINS BATTLE OF SWEDES +Sports,Brown #39;s archrival won #39;t cost him job +Sports,Outfielder #39;s season done +Sci/Tech,"Goodbye SNMP? Hello, WS-Management" +Sci/Tech,AT T Puts Cell-Phone Twist on Song Sales (Reuters) +World,Israelis accuse Egyptian officials of being slow to take action +World,Peace Nobel for Kenyan +World,Paris bomb at Indonesia Embassy wounds 10 +World,Bomb blasts rock Red Sea resorts +World,"29 killed, at least 114 wounded in explosion near Egypt-Israeli <b>...</b>" +Sci/Tech,Ellison Has Talked About Revising PeopleSoft Bid (Reuters) +World,Rescuers Hunt for Survivors of Egypt Bombing (Reuters) +World,Voters in Hungary decide referenda +World,Election-Related Lawsuits Pile Up in Fla. (AP) +Business,FDA Rejects AstraZeneca's Exanta +World,NFL Suspends Lewis Two Games for Drug Case +World,Afghan Security on Alert Ahead of Election +Sci/Tech,Photo: National LambdaRail Architecture +Business, #39;); //-- gt; Eye On Stocks +World,"A burst of light, a powerful bang, then ringing mobiles" +Sci/Tech,Judge rejects AMD plea for confidential Intel documents +World,Indonesian president calls for action on terror? (updated PM 1:37) +Sci/Tech,Sun settles Java suit with Kodak +Sci/Tech,Undaunted PeopleSoft rolls out business apps +Sci/Tech,FTC files suit against alleged spyware distributor +Sci/Tech,Honeywell LCD patent suit targets PC industry +Sci/Tech,IBM upgrades blade servers +Sci/Tech,Ellison: Oracle may cut its PeopleSoft bid +Sci/Tech,Sun settles Java suit with Kodak (InfoWorld) +Sci/Tech,Undaunted PeopleSoft rolls out business apps (InfoWorld) +World,Canadian reported killed with rebel group in Chechnya; Ottawa seeks details (Canadian Press) +Business,Market likes leaner AT amp;T +Sports,McGrath and Kasprowicz push India to the brink +Sports,Nemechek wins second straight pole; Earnhardt eighth +Sports,Williams Says He'd Play Only One More Year (AP) +Sports,Pacers' Bender Sits With Sore Knee (AP) +World,Israel tourists flee after Sinai blasts +World,Hewitt adds a qualifier to her qualified Iraq apology +World,Afghans foil #39;catastrophic #39; attack on southern city +Sports,Johan Santana to Start Game 4 for Twins (AP) +Sports,N.F.L. Suspends Lewis Two Games for Drug Case +Sports,Carlos Tosca Interviews With Mets +Sci/Tech,Coming to a college near you: Services science? +World,Gaza Violence Kills Four Palestinians (AP) +Sports,Jimenez continues superb late form +Sci/Tech,Dell Recalls Millions of Potentially Faulty Notebook Adapters +Sports,Leslie wins second MVP award +Sports,Furcal Shrugs Off Distractions in Playoffs (AP) +Sports,Earnhardt Jr. Speaks Out +Business,Update 1: Drug Stocks Slide for Week +Business,Drugs woes and lacklustre jobs data send Wall St lower +Sci/Tech,"Dell Recalls AC Power Adapters Due To Fire, Shock Hazard" +Sports,Eriksson to put caution to one side +Sports,"Mauresmo, Davenport reach semis in Germany" +Sports,Drug accused fights back +World,Green campaigner wins peace prize +World,Car bomb attacks kill 28 in Egypt +World,Afghans Set for Historic Vote Under Militant Threat (Reuters) +World,Bush and Kerry to Face Undecided Voters (AP) +World,Milk Measure Pulled From Relief Bill (AP) +Business,"Stocks Hit by Oil, Bonds Up on Weak Jobs" +World,Afghans Set for Historic Vote Under Militant Threat +World,U.S.: Hostage Tried to Escape Execution +Business,Why cant Johnny compute? +Business,A break with tradition +Business,IT's secret sauce +Business,Crude oil prices end over \$53 per barrel in NY +Business,September job growth weaker than expected +Business,Judge dismisses \$1.25bn case against Black +Sci/Tech,New Nintendo console analysts #39; choice +Sports,Exhausted Phelps feels the strain +Sports,Busch wants win by more than 25 points +Sports,Magical McGrath has India seeking a miracle +Sci/Tech,"Search, Mobile Markets Help Internet Firm Bounce Back (Investor's Business Daily)" +World,Officials seek perpetrators in deadly Egypt blasts +World,Kidnappers behead British hostage +Sci/Tech,Web-Hosting Firm Gives Feds Hard Drives (AP) +World,Bush to Aid 'Moderate' Parties in Iraq Election +World,UK hostage Bigley murdered in Iraq +World,Bid to dismiss US sport drug case +Business,Update 2: Senate Delays Approving Tax Law Overhaul +Sci/Tech,Former NASA inspector pleads innocent to falsifying inspections +Sci/Tech,And the winner is SpaceShipOne +Sports,Struggling pitcher thrust into heart of series +World,UN adopts resolution to intensify global anti-terror campaign +Sci/Tech,Yahoo's Yang Looks Back on 'Amazing Ride' +World,Polls open in Australian general election with contenders in dead heat (Canadian Press) +World,Bush faces critical test in second debate (AFP) +World,Key Provisions of the Intelligence Bills (AP) +World,N.H. Man Denies FTC 'Spyware' Charges (AP) +World,BoSox Eliminate Angels 8-6 in 10 Innings +Sci/Tech,Web services for your TiVo? +Sci/Tech,Partial solar eclipse occurs next week +Sci/Tech,The Future of Private Space Travel +Sports,Schumacher wins first practice at rain-soaked Suzuka +Sports,Torre giving Brown ball next +World,Sailor in critical condition due to smoke inhalation +World,"Violence in northern Gaza kills four Palestinians, including young <b>...</b>" +World,Burma Still a Concern at ASEM +World,"30 killed, 120 hurt in Egypt resort bombings" +Sci/Tech,Partial solar eclipse is a real time-twister +Sports,Montgomerie sends Ryder smoke signal +Sci/Tech,Yahoo's Yang Looks Back on 'Amazing Ride' (PC World) +Sci/Tech,Space Tourism Faces Safety Regulations (AP) +World,"National aerospace policy in the works, says Canada's transport minister (Canadian Press)" +World,Senate Delays Approving Tax Law Overhaul (AP) +World,Britain Shocked by Death of Iraq Hostage +Business,Update 11: Parmalat #39;s Trustee Sues Bank of America +Business,Computer Associates to acquire Netegrity in \$430 million all-cash <b>...</b> +Business,Judge Denies AMD Access to Intel Documents +Business,"Before the Bell: Knight Falls, Too Rises" +Sports,BoSox Eliminate Angels 8-6 in 10 Innings (AP) +Sci/Tech,"Gordon Cooper, 1 of 1st astronauts" +Sci/Tech,Scientists praise Maurice Wilkins +Sci/Tech,Man accused of infecting computers with quot;spyware quot; says he #39;s <b>...</b> +Sci/Tech,Yahoo #39;s Yang Looks Back on #39;Amazing Ride #39; +Sci/Tech,AOL Plans New Web Browser amp; Logos +Sci/Tech,Hynix sells non-memory business +Sci/Tech,Big Blue #39;s Blades Up Server Speed Stakes +Sci/Tech,Sony in CD-copying u-turn +Sports,English FA aims for EPO tests +World,Britain Shocked by Death of Iraq Hostage +World,"Australia #39;s Voters to Choose Between Howard, Latham (Update1)" +Sports,Ortiz's 10th-Inning Homer Earns Red Sox Sweep of Angels +Sci/Tech,Cognos reassigns new exec after indictment +Sports,Leslie Named MVP +Sports,No. 13 Minnesota (5-0) at No. 14 Michigan (4-1) +Sports,Red Sox Advance +World,Afghans vote in first elections under shadow of violence (AFP) +World,Chirac promotes China trade links +Business,"Eluding Press, Stewart Slips Into Prison Before Dawn" +Sports,Ortiz Earns Red Sox Series Sweep of Angels +Business,Senate Tobacco Foes Agree on FDA Bill +Sci/Tech,Google Library meets Bookstore +Sci/Tech,UK Record Industry Targets P2P +Sci/Tech,Yahoo! Seen Outperforming Peers +Sci/Tech,The Top 20 Internet Security Flaws of 2004 +Sci/Tech,Can Mike Lawrie make Siebel better? +Sci/Tech,T. rex #39;s smaller ancestor was covered with down +Sci/Tech,Civil Rights Panel to Wait to Discuss Bush (AP) +Sports,American League Playoff Game Summary - Anaheim at Boston +Sports,"Next stop, Our Lady of Victory Lane" +Sports,Gibbs Admires Well-Grounded Ravens Offense +World,Afghans vote in first elections under shadow of violence +World,Israeli army kills two Palestinians in Khan Yunes +Sci/Tech,Cingular's Quiet Takeover +Sci/Tech,Piracy Bill's Language Protects ClearPlay +World,Suspected Plutonium Convoy Nears France (AP) +World,Presidential Debate Excerpts (AP) +World,House OKs Bill on 9/11 Recommendations (AP) +World,Blair: Iraq Report Shows Sanction Problems (AP) +Business,"Malls, zoos and museums among the most unusual places to learn" +Business,Should you jump to satellite radio with Howard Stern? +Sports,FOOTBALL: ROONEY #39;S ALL SET TO LEAD 3-MAN STRIKEFORCE +Sports,Notes: Dodgers gaining experience +World,"Like a Tree, Unbowed" +World,UN council unites on terror +Sci/Tech,Sony #39;s Vaio X: Like TiVo on Steroids +Business,Wheaton attempts another friendly merger +World,"Typhoon Ma-On Nears Japan, May Strike Tokyo" +Business,Hollinger International's Suit Against Black Is Dismissed +Business,"Popcorn, With a Dash of Magic" +Sci/Tech,Review: GPS in Cell Phones Performs Well (AP) +World,Report Cites Profit by Americans in Sale of Iraqi Oil +World,Bush Defends Iraq War in Second Debate +World,"Mud, Debris Hinder Aid Efforts in Haiti" +World,U.S. Soldier Killed in Iraq Attack +Business,Hollinger International #39;s Suit Against Black Is Dismissed +Sci/Tech,Recall on Dell Notebook Adapters +World,UN Starts African Polio Vaccinations +World,Iraq: At least 10 dead in car bombing attack +Sci/Tech,Gore Touts Promise of Stem-Cell Research (AP) +World,Bomb Blast Injures 9 at Embassy in Paris (AP) +World,Americans Warned to Avoid Part of Sinai (AP) +World,Canadian ports are 'sieves' says Transport Minister Jean Lapierre (Canadian Press) +World,City mourns killed hostage Bigley +World,Blair and Paisley in Crisis Talks +World,"Rivals Clash on Iraq, Economy and Health in Second Debate" +World,Major events in Afghanistan since December 2001 election of Karzai +World,Australians vote: Bush ally Howard tipped to win +World,Thai government drops origami peace bombs +Sci/Tech,"Solar Eclipse to Start Thursday, End Wednesday!" +Sports,Midland F1 team to enter F1 in 2006 +Sports,Tamada gets pole position ahead of the Malaysian GP +Sports,Astros ready for some good home cookin #39; +Sports,"Sun 68, Storm 64" +Sports,"Before Rape Arrest, Bryant Expressed Fear to Police" +Sports,BALCO Defendants Want Steroid Case Dropped +Sports,All Business on This Trip +World,Social critic tenth woman to win Nobel +World,"European, Asian leaders wrap up summit, sidestep Myanmar issue (AFP)" +World,BCCI officials suspended +Sports,Kobe Bryant's Accuser Apologized for 'Mix-Up' (Reuters) +Sports,Yankees Put Twins on Brink of Elimination +Sports,"Before Rape Arrest, Bryant Expressed Fear to Police" +Sports,Works in Progress +Sports,Hokies' Road Test +Sports,Nemechek Nabs Pole +Business,"Topics A, B and C in Run-up to Debate: Jobs, Jobs and Jobs" +Sports,Weather Hits Japanese Grand Prix +Sports,Russians Coming In Formula 1 +Sports,Earnhardt says punishment more severe than the crime +Sports,Playoff Series Quickly Turns Against Twins (AP) +Sports,Veteran Lewis Seizes Slender Lead in Las Vegas +Sports,BALCO Defendants Want Steroid Case Dropped +Business,SEC Makes Investigation Of Krispy Kreme Formal +Business,Questions for the #39;Comforter in Chief #39; +Sci/Tech,China: Most Office Computers Hit By Internet Security Problems +Sports,Band of merry fools gets another chance to rewrite baseball <b>...</b> +Sports,Gunners attack Aragones +Sports,Tracy hopes club can take advantage of opportunities +Sports,Howell Leads Dunhill Links by 1 Shot +World,Britain mourns hostage murdered in Iraq +World,Afghans begin voting under shadow of Taliban threat +World,Australian voters head to polls +World,Child mortality rate drops in Latin America: UNICEF +Sports,"Brown, Jeter Hand Yankees Series Lead Over Twins" +Sports,U.S. Continue to Dominate Without Injured Phelps +World,Son Seeks to Persuade Cambodian King Not to Quit +Sports,Jimenez edges Kingston in Hong Kong +World,Colombia Seeks Help Demobilizing Militias (AP) +World,Bush and Kerry Put on a Lively Show (AP) +World,Bush and Kerry Trade Attacks in Their Second Presidential Debate +World,Report Cites U.S. Profits in Sale of Iraqi Oil Under Hussein +World,Official: British Hostage Tried to Escape +World,Yanks Beat Twins 8-4 to Take Playoff Lead +Sci/Tech,Churches launch climate campaign +Business,Job creation falls short of forecasts +Business,"28,000 lives may be about to change" +Sci/Tech,"Dell Drops 15 GB Dell DJ To US\$149, 20 GB for US\$195" +Sports,Socceroos on Honiara goal spree +Sports,Notebook: Dodgers say Bradley won #39;t be disciplined +World,Afghans vote in presidential poll +World,Chinese paper says Chirac #39;s China tour magnifies partnership +Sci/Tech,Mars rovers find new signs of water +Sci/Tech,NASA worker charged with fake inspections +World,Voting begins in Afghanistan +World,A Look at Presidential Debate Topics (AP) +World,Best Defense: More Offense +Business,Stewart Enters Prison +Business,AT amp;T to take \$1.1 bn charge +Sci/Tech,Business news briefs: 10/9/04 +Sports,Stoddart warns new team +Sports,No. 24 LSU at No. 12 Florida +Sports,Sales provides knockout punch for Sun +Sports,Earnhardt Jr. says punishment harsh +World,World ; Polling for President starts in war-torn Afghanistan +World,"Russia, India vow to fight terror (AFP)" +World,Former Mexican Police Official Arrested (AP) +World,Pakistan's Abbas 'honoured' to enter hockey Hall of Fame (AFP) +World,Voting Begins in Tight Australia Election (AP) +World,Regular Folks Question the Candidates (AP) +Sci/Tech,Microsoft examines yet another flaw +World,The Charleston Gazette: Inspiring +World,Russia stays Yukos execution for three months (AFP) +Sports,A race-day washout? +Sports,Red Sox back in ALCS and on a mission +Sports,Yanks Beat Twins 8-4 to Take Playoff Lead +World,UN council passes anti-terror resolution +World,Pakistan bans meetings after car bomb kills 40 +Sports,Playing a different role (model) +Sports,Live: India v Australia +World,Australian Voters Head to Polls +World,Yanks Beat Twins 8-4 to Take Playoff Lead +Business,INVESTCORP BID WINS THOMSON +Business,Valley amp; state business briefs +Sports,Meanwhile in a typhoon +Sports,Try Another Day +World,Lawmakers Move Toward Deal on Storm Aid (AP) +Business,"96,000 jobs added in US in September" +Business,Ruling means Hollinger can #39;t recover \$1.25 billion from execs +Business,CNBC #39;s Rukeyser to end weekly show +Sci/Tech,Mars Rovers Planners Plot Crater #39;Escape #39; +Sci/Tech,"The Back Page - Fool vs. Fool: Apple is Rotten and Macs Suck, So <b>...</b>" +Sports,Hanson completes 50m quinella +Sports,Aching Damon remains a sparkplug +Sports,Cal #39;s epic at Troy +Sports,Aussies lead by 432 runs +World,Nobel to first African woman +World,Australia goes to the polls +World,UN adopts resolution to intensify global anti-terror campaign +Sci/Tech,Piracy Bill's Language Protects DVD Movie Filters (washingtonpost.com) +Sci/Tech,A Low-Key Migration (washingtonpost.com) +Sci/Tech,Ask Matt +Sci/Tech,Beon Media #39;s GalleryPlayer a no-show +Sports,Twins #39; Santana to start Game 4 on short rest +Sports,Tennis: Davenport reaches semis with win over Jankovic +Sports,Australia crush Solomon Islands +Sports,US expects tough test in El Salvador +Sports,Golf Capsules +World,Kenyan president congratulates Maathai for winning Nobel Peace <b>...</b> +World, #39;Piano Teacher #39; author wins Nobel Prize +World,US warplane fires at insurgents planting a roadside bomb in Sadr <b>...</b> +World,"Kerry and Bush Face Off Over War, Jobs" +Business,Boeing tanker backers hope to save deal +Sci/Tech,Sci/Tech ; Google search via mobiles +Sports,"Even in defeat, Seattle gains confidence" +Sports,"India,Sports ; Cricket: Ind-Aus test match day four: Australia 204 <b>...</b>" +World,Major polio vaccination blitz launched in Africa +Business,Martha checks into big house +Business,Report shows sluggish job growth +Business,Sales tax deduction revived +Sports,Peirsol wins 100 backstroke; Phelps withdraws +Sports,GP qualifying bumped +Sports,Howell grabs Dunhill lead +Sports,Suns #39; sleight of hand puts Storm #39;s Jackson off her game +Sports,NL playoffs: Sticks need wakeup call in Braves vs. Astros series +World,Polls Show Tight Contest in Australia +World,Israeli officials blame al-Qaida for blasts at Sinai tourist sites +World,Cambodian prince to implore King not to step down +Sports,It hurt him to sit out +Sports,A Red Sox sweep for the ages +Sports,No wonder it was over so quickly +Sports,"On short rest, it's all up to Santana" +Sports,Gloves were helping hands +Sports,Call to lefty wasn't right one +Sports,"On the brink, Dodgers left to lean on Lima" +Sports,Gorin is next in line +Sports,"Whalen, Sun off to bright start" +Sports,Beating Oklahoma would be OK with the Longhorns +Sports,First-rate effort lifts Northeastern +Sports,Avenging loss to Cal the No. 1 priority for USC +Sports,Huskies are running with a limp +Sports,Howell leads at Dunhill +Business,Media maven begins five-month sentence +Business,"Sirius Satellite, on Heels of Stern Deal" +Business,"Bank of America to Slash 4,500 Jobs" +Business,CNBC host Rukeyser says he won #39;t return to program +Business,General Electric Posts Higher Profit +Sports,Pressure-packed SEC +Sports,Paterno impressed by Purdue +World,France to reinforce security after explosion in Paris +Sports,Duo holds fate of Man U +Sci/Tech,MySQL To Use Open-Source Microsoft Toolset (TechWeb) +World,EU Concludes Talks with Vietnam on WTO (Reuters) +World,Fate of US Iraq war ally hangs in balance as Australians vote (AFP) +World,Two Chinese Engineers Kidnapped in Pakistan +Business,Job growth sluggish in September +Business,CEO defends Merck on Vioxx +Business,Partner rejects Chiofaro's plan +Business,Convention bookings +Business,SEC deepens Krispy Kreme inquiry +Business,Ellison tells court Oracle may lower bid for PeopleSoft +Business,"Invesco, 2 other Amvescap units settle charges" +Business,Corporate tax bill hits hurdle in Senate +World,Dozens missing after blasts in Egypt +World,Security Council focuson Sudan urged by US +World,"Despite fears of attacks at polls, 'resilient' Afghans ready to vote" +World,23-nation inoculation push in Africa aims to eradicate polio +World,al-Qaida Blamed in Egypt Blasts; 30 Dead +Sports,Bradley won #39;t be disciplined +Sports,Beating Oklahoma would be OK with the Longhorns +World,Nobel winner thanks her ancestors +World,Kidnappers behead British hostage +World,A seer in Austria +World,First UK Secy Says Sorry Over Iraq War +Sci/Tech,"U.N. to Allow Caviar Exports, but Quota Is Cut" +World,International Briefs +World,Two Palestinians Killed in Gaza Gunbattle (AP) +World,Historic opening day for Holyrood +World,Plenty of Flaws Among the Facts +World,Iraq Disk Prompted Warning to Schools +Business,Krispy Kreme inquiry intensifies +Business,Final terms detailed on Invesco accord +Sports,Ravens' Lewis Suspended for Two Games (AP) +Sports,Hometown Boy Backe Gets Start for Astros (AP) +Sports,Paper: Strzelczyk Likely Had Breakdown (AP) +Sports,Frenzied fans pack Dome to see Twins +Sports,Red Sox sweep Angels +Sports,Cejka moves into contention in Las Vegas +Sports,Cards Hope Morris Can Close Out Dodgers (AP) +Sports,Wimbledon Champ Sharapova Wins Japan Open (AP) +Sports,"Levi, Hall Share Champions Tour Lead (AP)" +Sports,Clipper offense takes spotlight +Sports,BC High gets back on track +Sports,Rams subdue Prep +Sports,Jets ride second-half express +Sports,Symonds anticipates potential classic race in Japan +World,Four Palestinians killed in Gaza +Business,GE lights up as its sales explode +World,Howard tipped to win as polls open +World,Egypt frees Israeli in prisoner swap +Business,Boeing 767 deal on path to defeat +Business,Dell recalls 4M laptop adapters for fire risk +Business,"Invesco, 2 other Amvescap units settle charges" +Sci/Tech,Intel collaborates with Nokia and Symbian to help deliver Series <b>...</b> +Sports,NFL: JAMAL #39;S HEADING FOR JAIL +Sports,She told mom: I was raped +World,A pathfinder in Kenya +World,Strong Quake Shakes Philippine Capital +World,Cambodian leader to beg king to stay on throne +World,65 passengers wounded as a plane skids off Bangladesh airport: +World,Two Chinese engineers feared kidnapped in Pakistani tribal region +World,Car bomb kills at least 20 in Pakistan +World,Bush says finding bin Laden is not main aim of war on terror (AFP) +World,Afghan Opposition Boycotting Election +Business,Oil price hits airlines +Sports,Japanese GP escapes #39;Ma-on #39; typhoon +Sports,"No rest for Roger, Astros" +World,Four Palestinians killed in Gaza +World,PM delays Euro trip for dead sailor +Business,Judge turns down AMD request for Intel documents +Sci/Tech,New space travel era +Sports,United States dominates short-course swimming worlds +Sports,AL Playoffs: Ortiz finishes sweep +Sports,Rossi sets record time +Sports,"Dress for success, especially at your sentencing" +World,Chirac #39;s visit sure to boost Sino-French strategic partnership <b>...</b> +World,"Typhoon Ma-On Strikes Japan, May Hit Tokyo" +World,"2 Chinese kidnapped in Pakistan, rescue underway" +Sports,Carroll added to BAA field +Sports,Harrington loses out +Business,No go for Mitsubishi Fuso buses because of faulty seats +Sci/Tech,New fingerprint system in use +Sports,US men win 800; Phelps injured +World,"Indonesia #39;s Yudhoyono hails victory, vows to tackle corruption <b>...</b>" +Business,Some fans pledge to do Martha #39;s time +World,Egypt pursues suspects over deadly Sinai bombings (AFP) +World,Rock singer Etheridge has cancer +Sports,Patriots beat up lowly Browns; Steelers extend win streak to 10 +World,Congress Nears Approval of Multiple Bills +Business,Curtain Call for Junk-Fax Blaster +Business,Filibuster Threatened over Corporate Tax Changes +Sci/Tech,Google Print Beta Launches +Sci/Tech,Just because Intel is making handset processors doesn #39;t mean Nokia <b>...</b> +Sports,Drivers say points penalty too harsh +World,Kenyan Ecologist Maathai wins Nobel Peace Prize +World,Polls open in Afghanistan +Sci/Tech,New PC in Old Mac Clothes +Sci/Tech,Hollywood Files P2P Appeal +Sports,It #39;s USC and Oklahoma +World,U.N. Panel Steps Up Anti-Terror Campaign (AP) +Business,Lawmakers drop massive Boeing tanker agreement +Sports,DONALD TRUMPS STUMBLING HOWELL +Sports,England to attack Wales with 3-man strike-force +Sports,Sweep Dreams Are Made Of This +World,Australia #39;s Howard Poised for Fourth Term After Nation Votes +World,New Indonesia chief marks victory +Sports,Rommedahl ensures local authority +Business,BA raising surcharges as oil prices keep rising +Sci/Tech,Solar eclipse to end before it begins +Sports,Twins Turn To Santana +Sports,Jackson second to Leslie for MVP +Sci/Tech,Ultrawideband Heralds Zippier Wireless Connections +Sci/Tech,Hollywood Asks Top Court to Weigh File Trading +Business,DaimlerChrysler takes 400 million euro charge for Japanese <b>...</b> +Sci/Tech,A quantum computer with atomic memory!: +Sports,Phelps backs out of big race +Sports,O #39;Connor turns down award +Sports,"England to play Defoe, Rooney and Owen?" +Sports,Clean sweep Red Sox dispatch Angels and wait for possible rematch <b>...</b> +Sports,Center stage: #39;A great moment for the Pac-10 #39; +World,Three Palestinians killed in northern Gaza violence +World,Cricket: Sri Lanka claim first win +Sci/Tech,"Nokia, Land Rover Team on In-Vehicle System" +Sci/Tech,Hollywood Asks Top Court to Weigh File Trading (Reuters) +Sci/Tech,Ultrawideband Heralds Zippier Wireless Connections (Reuters) +Sci/Tech,Montana Moves to Resume Bison Hunting (AP) +Sci/Tech,Russia Could Finish Kyoto Approval by Year-End (Reuters) +Sports,Growing pains +Sci/Tech,Psychic powers add gaming twist +Business,S P 500 Companies to Show Growth (Reuters) +World,Two Chinese Engineers Kidnapped in Pakistan (Reuters) +Business,Stocks to Gain from Tax-Related Spending? (Reuters) +World,Scotland's pricey new parliament is formally opened (AFP) +Business,S P 500 Companies to Show Growth +Business,Stocks to Gain from Tax-Related Spending? +World,Afghan Election Body Says Will Not Halt Vote +World,Rescuers Search for Survivors of Egypt Bombing +World,Sadr Militia to Disarm Under Iraq Peace Deal +World,Suu Kyi Proves Tricky Topic for Asia-Europe Summit +World,Militant Killed in Israeli Missile Strike-Witness +Business,Citi sues Italian authorities over Parmalat restructuring +Business,Closing bell sounds +Business,Thomson to Sell Media Unit to Investcorp for \$350 Mln (Update4) +Sci/Tech,Top 20 computer threats unveiled +Sports,FOOTBALL: NEWCASTLE TAKE RAP ON WOODY +World,UNICEF -- Child Mortality Worst in Sierra Leone +Sports,Australia close on victory +World,Death toll from Sinai bombings reaches 33 as Egypt pursues suspects (AFP) +World,India says peace talks 'dependent' on Pakistan reining in Kashmir rebels (AFP) +Sci/Tech,Astronomers Demonstrate a Global Internet Telescope +Business,SEC steps up probe of Krispy Kreme +Sci/Tech,Atomic register offers route to quantum computing +Sports,Friday #39;s Sports In Brief +Sports,Who are you guys and what have you done with Sox? +Sports,U.S. Continues to Dominate Without Injured Phelps +Sci/Tech,Apple Has Loyalty -- But Where Is Its Future? +Sci/Tech,Spyware charges praised +Sports,Novak knocks Hewitt out +Sports,United fans wait for takeover news +World,Howard wins fourth term in Australian election +World,Cairo security beefed up after Sinai blasts +World,Nobel winner has Vermont ties +World,Libya blames Britain for hostage killing +World,Israel To Benefit From Sinai Bombings: Experts +Business,China #39;s IT industry witnessed rapid strides in 2004 : +World,"Afghan Refugees Vote in Pakistan, Iran (AP)" +World,Sadr Fighters to Disarm Under Iraq Peace Deal +World,Israelis Kill Five Palestinians in Gaza Strip +World,"Five Killed, 30 Hurt in Kashmir Car Explosion" +World,Rumsfeld: Iraq Security to Be Boosted Ahead of Poll +Sci/Tech,The Shape of Things to Come +World,Shia rebels agree Baghdad truce +Sci/Tech,Honor System Used for Flu Shots at U.S. Chain Stores +Sci/Tech,Al Gore Touts Promise of Stem-Cell Research +World,Howard Grabs Victory in Australia Election +World,Afghan Leader Says Election 'Fair' +Business,Zayani Motors introduces the New Generation Canter from Mitsubishi <b>...</b> +Sports,Michael Phelps Suffers Back Pain +Sports,O #39;Connor won #39;t accept award +Sports,Cal-USC notes: Sartz #39;s strength is his versatility +Sports,Today #39;s Game Plan +World,From Taba to Fallujah +World,Alstom Wins EU1.36 Bln of Contracts During Chirac Trip to China +World,US Military Says Iraq #39;s Tareq Aziz Still Alive +Business,Wal-Mart Keeps Same-Store Sales Outlook (Reuters) +World,"Tree-man attack as Rooney, Owen and Defoe start against Wales (AFP)" +Business,Sales surge lift GE profit +Business,Loonie breaks 80 cents US +World,Pro-Taliban Clerics Killed in Pakistan's Karachi (Reuters) +Sci/Tech,Telekom to Buy Back T-Online +Sci/Tech,Nasa man #39;faked safety checks #39; +Sci/Tech,More Signs Of Water Discovered On Mars +Sci/Tech,Now you can... Record all TV shows for a whole week +Sci/Tech,"AT amp;T #39;s Gambit: Relying On Automation To Make Up For 12,000 Fewer <b>...</b>" +Sci/Tech,Computer Associates Buys Netegrity +Sports,Donald moves in front at dunhill links championship +Sports,Japanese Grand Prix moves on to Sunday +Sports,Russian-Canadian Businessman to Start New F1 Team in 2006 +Sports,Radio adds a delay for drivers +Sports,Rossi happy despite missing pole +Sports,Cricket-Fired-up Australia close to victory in first Test +World,Britain mourns for Bigley +World,We dont recognize the results +World,Reports of Sadr City truce agreement +World,Chirac Sees Opportunity in China #39;s Economic Surge +World,Pakistani militants abduct two Chinese +World,"Car explosion in Indian Kashmir, five killed" +Business,ECB follows British lead with hold on rates +World,U.S. Congratulates Howard on Re-Election (AP) +World,Iran Would Welcome Kerry Camp Proposal-Official (Reuters) +Sports,National League Playoff Preview from The Sports Network +World,Australian PM Howard Celebrates Fourth Poll Win +World,Sadr Peace Deal Could Bolster Iraq Election Plan +World,Chirac Sees Opportunity in China's Economic Surge +Sports,Michael Phelps Forced To Withdraw From Swimming Championships +Sports,"Mauresmo, Davenport win at Porsche GP" +Sports,Russia #39;s Maria Sharapova defeats Mashona Washington in Japan Open <b>...</b> +World,Beckham seals victory over Wales +World,Cricket: Australia close on victory +World,Russians 'missing' in Egypt blast +World,Australian PM Howard Celebrates Fourth Poll Win +World,"Afghan Vote Is Peaceful, But Challengers Cry Foul" +World,Opposition Alleges Afghan Election Fraud +Business,Court rejects AMD +Sci/Tech,Update 1: Deutsche Telekom to Buy Back Provider +Sports,"Saturday, October 9th - 3:30 pm (et)" +World,Bush Says He'll Better Protect Nation +World,Egypt Detains Suspects in Resort Blasts +World,Opposition Alleges Afghan Election Fraud +World,Generals See Gains From Iraq Offensives +Sci/Tech,Group: Tigers Live on Bangladesh Border (AP) +Sports,Formula One race race spared from typhoon +Sports,Bangladeshi Women Play Soccer Tournament (AP) +Sports,Williams Faces Paternity Suit (AP) +Sports,Dalembert Has More to Worry About Than NBA (AP) +Sports,"Finley, Walker Pay Big for New Teams (AP)" +World,Myanmar splits ASEM summit +Sci/Tech,Did Mars once host life? +World,Cdn navy chief defends submarines from Britain +World,Japan typhoon kills two +Sci/Tech,A Better Browser Gets Better +Sports,SportsNetwork Game Preview +Sports,Spirited Sox wear out Angels +World,"Egypt and Israel Trade Prisoners, in Sign of Rising Cooperation" +Sports,Astros #39; Bagwell busting out of October slump +World,"Ukraine Leader, Attacking Rival, Won't Halt Vote" +Sports,Braves' Thomson Leaves Game 3 (AP) +Business,Jobless numbers don #39;t tell whole story +Sci/Tech,Investment in private spaceflight field lags enthusiasm by public +Sci/Tech,Competitors Pounce on CA #39;s Netegrity Buy +Sci/Tech,IT Worker Confidence Takes a Dip +Sports,England too strong for Wales +Sports,Sun edges Storm in Game One of WNBA Finals +World,Russia says 11 missing in Taba explosion +World,Senate Approves DNA Testing Bill (AP) +World,Marines' Raids Underline Push in Crucial Area +World,Opposition Alleges Afghan Election Fraud +Sports,Japanese GP set to go ahead on Sunday +World,"Rumsfeld, 18 Allies Discuss War on Terror (AP)" +World,"Kerry mocks rough and ready Bush, hours after debate (AFP)" +World,Can Prayers Heal? Critics Say Studies Go Past Science's Reach +Business,Martha #39;s taste of porridge +Sports,Eriksson praises Beckham for killer goal +Sports,Mauresmo survives in second round at Porsche Tennis Grand Prix +Sports,Vogts remains optimistic +World,Nigerian security detains top labour leader as national oil strike looms (Canadian Press) +Sci/Tech,Novell releases SuSE Linux Pro +Sports,Golf: Els rues missed putts at Dunhill Championship +Sports,Becks get Sven #39;s full support +Sports,Reaggravated injury forces Braves #39; Thomson out after four pitches +World,More powerful American tug takes over towing of stricken Canadian <b>...</b> +World,Hope Fades of Finding Survivors in Taba Rubble +Sci/Tech,Computer Associates buys Netegrity at \$430m value +Sci/Tech,"Reuell: Yes, I #39;m up for a free launch" +Sci/Tech,ASP.Net glitch discovered +Sports,England captain Beckham breaks a rib +Sports,Former Twins scout Angelo Giuliani dies at 91 +World,Sadr rebels boost election hopes +World,House Set to OK \$14.5B in Hurricane Aid +Sports,Yellow Jackets Romp +Sci/Tech,Quake Activity Rises at Mount St. Helens (AP) +Sci/Tech,Congress Approves DNA Testing Bill (AP) +World,Philosopher Derrida Dies in Paris at 74 (AP) +Sports,The Rocket Ready to Go on Short Rest (AP) +Sports,Beckham Breaks Rib As England Tops Wales (AP) +Sports,Vogts under pressure after Scotland loss at home to Norway +Sports,Former Twins Scout Angelo Giuliani Dies (AP) +Sports,England Captain Beckham Breaks a Rib (AP) +Sports,Lady Lions Pull Upset +Business,AstraZeneca #39;s Exanta Not Approved +Sports,Sharapova repeats as Japan Open champion +Sports,"Bonds Trainer Says He Was Coerced, Threatened" +Sports,Smith Guides Eagles +Business,US House approves \$422 billion arms bill +Sci/Tech,Shock Jocks Boost Satellite Radio Profile (AP) +Sci/Tech,Commercial space industry blasts off +Sports,Beckham fractures rib +Sports,Happy days are over again +Sports,Ohio St. Buckeyes +World,Howard Makes History With Australia Win (AP) +World,Philosopher Jacques Derrida Dies at 74 +World,Michigan Edges Minnesota in Final Minutes +World,8 Palestinians die in Gaza violence +Business,Airbus Denies Backing Microsoft +Sports,Beckham breaks rib in English victory +Sports,Mauresmo vs. Davenport in Porsche GP final +Sports,Seattle looks to kick up a Storm at home +Sports,Soderling upsets Spadea to reach Lyon Open final +World,Al-Sadr aide says militia will begin handing over weapons Monday +World,Philosopher Jacques Derrida Dies at 74 +World,Freshman Helps Sooners Run Past Longhorns +Business,EU #39;s Monti says he #39;ll win Microsoft case +Sci/Tech,CA #39;s \$430 Million Splurge To Broaden Indian Footprint +Sci/Tech,"Sony PC boasts 1,000 GB of storage" +Sci/Tech,IT Worker Confidence Takes A Dip +Sci/Tech,Cow gene map can improve quality of beef +Sports,"Mauresmo, Davenport Advance to Finals of Porche Grand Prix" +Sports,Anderson #39;s lawyer says he can #39;t get fair trial +Sports,Liechtenstein Embarrass Portugal +World,Pakistan holds over 50 militants after bombings +World,Official: War on Drugs at 'Tipping Point' (AP) +World,House Approves #36;477 Billion Defense Bill (AP) +World,Oklahoma Wins Fifth Straight Over Texas +Sci/Tech,"BEA, IBM Heat Up App Server Space" +World,Cops release union leader +Business,The prison that Martha Stewart will call home +Sports,Sports: (2) Oklahoma 12 (5) Texas 0 +Sports,Wolverines comeback kids again +Sports,Irish hero skips awards after horse fails test +World, #39;Simple man #39; left begging for life until the end +World,Elections ensure Australia will keep troops in Iraq +World,Al-Sadr #39;s militia agrees to start ha +World,"Bush, Kerry hit the campaign trail after hard-fought debate (AFP)" +World,House Backs #36;32 Bln Homeland Security Bill (Reuters) +Sports,Michigan Edges Minnesota in Final Minutes (AP) +World,Mugabe conquers in bitter Zanu-PF power showdown +Sports,Jackson has a tough match +Sports,Ireland holds host France 0-0 in qualifying +World,Every reform has its limits +World,"Four soldiers, civilian die in Kashmir:" +Sports,"Soderling Upsets Spadea, Gains Lyon Final (AP)" +Sports,"Astros Beat Braves 8-5, Take 2-1 Series Lead" +Sports,Thompson to Take Over Spotlight from Injured Phelps +Sports,Hernandez Uncertain About Return +Sports,"In New England, It's Play, Win, Repeat" +World,"Was Bush Wired? Ridiculous, Campaign Says (AP)" +World,Howard Triumphs in Australia +World,Japan Typhoon Kills 2; 5 Remain Missing +World,"4 Killed, 22 Injured in Kashmir Attack" +World,London could mediate over Kashmir: Musharraf +Sports,Red River Shootout Awakens Oklahoma Defense (AP) +World,Bush Attacks Kerry for 'Dour Pessimism' (Reuters) +World,Howard Wins Re-Election As Australia PM +World,"Kerry, Bush Campaign After Feisty Debate" +Business,"US stocks, dollar decline" +Sci/Tech,New AOL Ads Revamp Its Image +Sports,England blanks Wales as European qualifying continues +World,Bedouins held after Egypt blasts +World,Isareli aircraft fire missiles at Gaza +World,Security on high alert as Afghans go to poll +World,A vow and an appeal +World,Australia's Howard Celebrates Fourth Poll Win +Business,WRAPUP 4-US September job growth weaker than expected +Sports,Howell #39;s Long Eagle Has Him In Front At Dunhill +Sports,"Beltran, Backe combine to push Braves to brink as Astros earn 8-5 <b>...</b>" +Sports,Ortiz growing more popular in Boston +Sports,Dream Weaver #39;s worst nightmare +Sports,Bosnia holds rival Serbia to 0-0 draw +World,"Landslides, Flooding Plague South Asia (AP)" +World,Dozens Detained in Egypt Bombing Probe +World,"Was Bush Wired? Ridiculous, Campaign Says" +World,Al-Sadr Loyalists Agree to Hand Over Arms +World,Classmates Sue Over 'Dazed and Confused' +World,Candidates Spar After Contentious Debate +Business,Tanker deal nears OK +Business,Town welcomes curbs on refinery +Sci/Tech,File swappers face new antipiracy push +Sci/Tech,Suborbital legislation suddenly sinks +Sports,World #39;s top swimmers tackle Olympic distances in shorter pools +Sports,drivers #39; role in the big picture +Sports,South Carolina Gamecocks +World,"Jacques Derrida, founder of deconstructionist philosophy, dead at <b>...</b>" +World,"4 killed, 22 injured in Kashmir attack" +Business,EPA Cuts Pollution Levels With Refinery Settlements +Sci/Tech,"Saved, and Enslaved, by the Cell" +Sci/Tech,A Home Theater That Rattles the Windows Without Breaking the Bank +World,Pentagon meddling crippled post-war humanitarian aid for Iraq: US experts (AFP) +Sports,Gallachers 66 is Old gold +Sports,Slovenia stun Italy as Cesar cuts down Lippi +World,Howard wins historic fourth term +World,The family that fought to the end for their man +World,Chinese engineers kidnapped in Wana +World,"Landslides, Flooding Plague South Asia" +Sports,Swiss Club Signs Halpern +Business,Finance: Losing the Right to Sue (Reuters) +World,Naga leaders in Delhi for talks +Sports,Baseball-Backe Pitches Astros to 2-1 Series Lead +Sports,Peterson Powers Oklahoma Over Texas +Sports,Clemens Ready to Make History for Astros +Sci/Tech,Google Searches Go Mobile +Sports,Cardinals keep on cruising despite average starting pitching +World,Bosnian Serb war-crimes suspect surrenders +World,Powerful Typhoon Hits Japanese Coast (AP) +World,Abortion provokes ethics clash for US presidential contenders (AFP) +Business,Martha #39;s new home is jail +Business,Employment rises during September +Business,Wasserstein cancels board meeting to woo Lazard rebels +Sci/Tech,An aviation milestone +Sports,Sooners offense goes back in time +Sports,Sports: (15) Wisconsin 24 (18) Ohio State 13 +Sports,Predictable Scots are punished by Iversen +Sports,Tennessee Knocks Georgia from Unbeaten Ranks +Sports,"No. 9 Purdue 20, Penn St. 13" +World,President of Syria Defends His Nation #39;s Role in Lebanon +World,Oklahoma Moseys Into Texas and Takes the Beast by the Horns +Sci/Tech,Deutsche Telekom to Buy Back Web Unit (AP) +World,21 Killed in Fresh Iraq Violence +Sports,Beckham suffers rib fracture +World,Milosevic: #39;no link to genocide found #39; +World,Australian PM Howard Easily Re-Elected (AP) +World,Polls say Kerry narrowly won US election debate (AFP) +World,Tennis: Moya thrilled at win +World,Karzai's Opponents Claim Fraud in Election +Business,"Deutsche Telekom to reintegrate T-Online in share swap, buyback" +Sci/Tech,Google starts a service to aid online book sales +Sci/Tech,US House Passes Anti-Spyware Bill +Sports,Beckham fires England +World,"House Approves Drought, Hurricane Aid (AP)" +World,Yankees Earn Shot at Red Sox in A.L.C.S. +Business,Lies and the Lying CEO #39;s Who Tell Them +Business,"Slow, slow, quick, quick, slow" +Sports,Yankees Beat Twins to Win Playoff Series (AP) +Sports,Late Collapse Costs Twins Their Season (AP) +Sports,UPDATE 1-Mauresmo and Davenport to meet in Filderstadt final +Sports,Oklahoma #39;s mastery of Texas borders on ridiculous +Sports,Karl Malone Visits Lakers Training Camp (AP) +World,CLERIC KILLED IN PAKISTAN +Sports,Dodgers Take 3-0 Lead Over Cardinals (AP) +Sports,Lehman Uses Long Putter to Lead Michelin (AP) +Sports,"Astros Make the Most of Their Home Field, and Atlanta Is the Victim" +Sports,Trojans Hang On to Spoil Stellar Day for Cal Quarterback +Sports,Yankees Close Out Twins +Sports,"Imoh, Hokies Nip Wake" +Sports,Jeffries Ready to Shine +Sports,Francona Urges Injection +Sports,Commander and Chief +Sports,Kidd Changes Mind +Business,Lies and the Lying C.E.O.'s Who Tell Them +Business,"One Eye on Drug Stocks, the Other on Election Day" +Business,The Health Care Clash Moves to the Next Aisle +Business,Congressional panel votes to kill Boeing Air Force tanker lease +Sci/Tech,Google library meets bookstore +Sports,Gale force is with Luke +Sports,"COL FB: Tennessee 19, Georgia 14" +World,War massacre accused surrenders +Business,Boeing Loses Out on Air Force Tanker Deal +Business,Revolving Door +Sci/Tech,Scientists Create Genetic Map of Cattle +Sci/Tech,CA to acquire Netegrity for \$430m +Sports,"For USC, repeat road is tougher" +World,Rescuers search for Sinai blasts survivors +World,Weapons for cash deal +World,More troops may be sent to Iraq +World,Strong earthquake hits northern Japan +World,Saddam clung to his fantasies +Sports,Socceroo hot-shots +World,Powerful Quake Hits Off Coast of Nicaragua (AP) +World,Presidential Election Disputed in Afghanistan +World,Wis. Peace Activists Shy From Nader +Business,Congress approves military and defense spending +World,Militia to Give Up Arms Under Sadr City Plan +Sci/Tech,Review: GPS in Cell Phones Performs Well (AP) +Sci/Tech,Bill Would Impose Prison Time for Spyware (AP) +Sci/Tech,Mount St. Helens Quake Activity Increases (AP) +Sci/Tech,7-Foot Robot Used in Black Sea Expedition (AP) +Sci/Tech,Mathematicians Offer Help in Terror Fight (AP) +Sports,Lima pitches Dodgers past Cardinals +Sports,"No. 17 Tennessee 19, No. 3 Georgia 14" +World,Jacques Derrida Dies; Deconstructionist Philosopher +World,2 Chinese engineers kidnapped in Pak +World,Typhoon Kills at Least Two in Storm-Weary Japan +World,Politics Puts Hold on Taiwan Arms Purchase +Sports,"Lima shuts down St. Louis, Morris gets no offensive help" +World,Howard records fourth poll win +World,Typhoon hits Japanese coast +Sports,Schumacher grabs Japan pole +Sports,One Man #39;s Opinion - Cal review +Sports,Henne displays true leadership under pressure in winning drive +Sports,Tennessee earns a little respect defeat of Georgia +Sports,Morris Gets No Offensive Help From Cards (AP) +Sports,Texas Tech Gives Nebraska Worst Loss Ever (AP) +World,Prime Minister Howard re-elected in Australia +Sports,Rodriguez Scores Winning Run as Yankees Take Series +Sports,"Thanks to Lima and Green, Dodgers Finally Have Some Life" +Sports,Donald Trumps Field +Sports,United Tops Revolution +Sports,It #39;s Lima Time as Dodgers shutout Cardinals +Sports,Irish duo to reject Glazer #39;s 780m Man U bid +Sports,National League Playoff Game Capsules +Sports,Two New Jersey high school football players accused of raping <b>...</b> +World,UN soldier injured in clash with Aristide loyalists +Business,"Town, others cash in on media moguls imprisonment" +Business,Citigroup sues Italy over Parmalat +Sports,Olympic horses get positive result for banned substances +Sports,USC barely holds off California +Sports,Defensive stand allows UNC to stun Wolfpack +Sports,Harbhajan is confident of repeat Indian comeback +Sci/Tech,'New' giant ape found in DR Congo +Sports,Perfectly Imperfect +Sports,National League Playoff Game Capsules +World,Bush Aides Laugh Off 'Wired Debate' Rumor (AP) +Sports,Unbeaten Auburn gets squeezed out of Orange +World,"Afghan Poll Is Mostly Calm, but Challengers Cry Foul" +World,"So Alike, Rivals Make It Personal" +World,Bush Aides Laugh Off 'Wired Debate' Rumor +World,Taiwan's Leader Urges China to Begin Talks +World,Brazilian Soldier Wounded in Haiti Unrest +Business,Sirius Satellite Radio: quot;Broadway: The American Musical quot; Director <b>...</b> +Business,CHUCK JAFFE +Sci/Tech,lice provide clue to prehistoric lives +Sports,Domenech pleased with France despite dull performance +Sports,"COL FB: NorCarolina 30, NC State 24" +Sci/Tech,X-ray fireworks could signal supernovae +World,Australias conservatives handed historic free rein to impose <b>...</b> +World,2 Chinese engineers kidnapped +World,Brazilian Soldier Wounded in Haiti Unrest +World,Cambodia to ask donors for \$2bn +Sports,No. 24 LSU Knocks Off No. 12 Florida 24-21 (AP) +World,International Briefs +Sports,Randall Rallies Tigers +Sports,Lineup Shifts Pay Off +Business,"Eurozone data to show inflation easing, German growth outlook worsens (AFP)" +Business,Cutting back the paper +Sports,England beat Wales at Old Trafford +Sports,Tennis: Russian starlet Sharapova wows Asia with double title win +Sports,Briton Donald takes lead in Links title chase +Sports,Mauresmo reaches semifinals +Sports,NCAA Game Summary - LSU at Florida +Sports,Jordan: Ford decision was knife through the heart. +Sports,"Houston tops Atlanta, leads 2-1" +Sports,Mauresmo v Davenport in final +Sports,"MLB: Los Angeles 4, St. Louis 0" +World,Nation puts its trust in Howard +World,"Asia-Europe Group Urged to Use Euros, Cut Dollar Dependence" +Business,Boston Scientific goes shopping +Business,Restructuring Gurus See Day of Reckoning +World,Nigeria union leader goes missing +World,Rumsfeld Arrives at Desert Marine Base in Iraq (Reuters) +World,Australia's Howard Celebrates Fourth Poll Win +Business,Survey: Gas prices drop as oil production increases +World,Rumsfeld Arrives at Desert Marine Base in Iraq +Business,Purchasing scandal yields hard lesson for Air Force +Business,Wall Street Covers Its Fannie Mae +Business,Numbers won #39;t include last-minute Halloween sales +Sports,Yankees face Red Sox next as expected +Sports,Vogts: Scotland played so well +Sports,Glazer may dump Man Utd chairman Gardner +Sports,No. 1 Trojans prevail +Sports,Aggies dim lights on Iowa State #39;s party +World,Afghan elections stained by faulty ink +World,Israel: No Vacation From Terror +World,Rumsfeld meets at sea with defense ministers +World,"Japan typhoon leaves five dead, four missing" +World,Cambodia #39;s King Sihanouk insists abdication is final +World,Turkey #39;s continental drift +World,Israelis Kill Hamas Militant in Gaza (AP) +Sports,Rooney rules as Beckham chips opponents +Sports,Trojans eke out win over Bears +Sports,Huskies sink UCF on final-play kick +World,Australian Opposition Sticking by Latham +World,Several Hurt in Israeli Missile Strike +World,Plan to ask Cambodian King to stay on +Sports,Yankees Advance in Major League Baseball Playoffs +Sports,10 Chance of Rain +Sports,ISU vs. A amp;M: By the Quarters +World,Yanks Advance to ALCS After Beating Twins +Business,Crude touches new settlement high +Business,Ford poised to go the extra mile +World,Afghans vote peacefully +Business,"Hot Hand, Cold Hand" +Sci/Tech,Evolution as told by the louse +Sports,On the verge of Cup spot +Business,Rocket program deep in the red +Business,Satellite Radio +Sports,ASTROS TOP BRAVES NOW ROGER GETS STAGE +Sports,Latest failure shows Brown starting to lose talent battle +World,Ken Bigley #39;s widow speaks out +World,Israelis Fire Missile at Gaza Refugee Camp +Business,Destiny bonds closer to reality +Sports,Baseball: Backe carries Astros to victory over Braves +Sports,Goalkeeper Barthez helps France tie Ireland +Sports,Tennessee stuns Georgia +World,Leaders avoid Suu Kyi issue at ASEM +World,"Pathan, Harbhajan hold up Aussie victory push (Reuters)" +Business,Saudi Vows to Guarantee Oil Supplies +World,Afghans Prepare to Count Votes Despite Boycott +World,"Jacques Derrida, Abstruse Theorist, Dies at 74" +World,Large Explosion Kills Eight in Baghdad +World,Ukraine dominates security forum +Business,"Stewart in good spirits #39; at prison camp, staffer says" +Business,Saudis ready to hike oil output +Business,Top 100 Retailers Rankings +Business,Ellison testifies in takeover lawsuit +Sci/Tech,SpaceShipOne #39;s success has the industry trying to seize momentum <b>...</b> +Sports,"Pathan, Harbhajan hold up Aussie victory push" +Sports,Iversen Penalty Sinks Ten Man Scotland +World,"Derrida, father of deconstructionism, dies" +World,Nigeria police said to detain labor exec +Business,Reduction in work force reflects AT amp;T #39;s downfall +Business,Saudi Vows to Guarantee Oil Supplies +Business,"With Escape, the SUV gets greener" +Sci/Tech,Questioning BPI +Sci/Tech,"Hundreds of file-sharing lawsuits filed against Kazaa, Gnutella <b>...</b>" +Sci/Tech,Netegrity Readies for \$430 Million Acquisition +Sports,Schumacher wins Japanese Grand Prix +Sports,Clemens ready to step to fore +Sports,They can #39;t turn down chance to turn corner +Sports,Cal-USC An extraordinary show +World,Gunmen kill pro-Taliban cleric in Pakistan +World,Gunmen in Haiti wound UN peacekeeper +Sports,UF gets lesson in growing up +Sports,October best +Sports,Nothing rivals this bitter feud +Sports,Cleanup crew proving most valuable +Sports,Francona likely to keep winning roster intact +Sports,Enjoying the view from the top +Sports,Santos on a roll as well +Sports,Stage is set for Patriots' 19th +Sports,Williams may have opening +Sports,Nicol needs someone to take charge +Sports,Sun storming into Seattle +Sports,Georgia Tech wrecks Terrapins' home run +Sports,Seminoles survive a scare +Sports,Bunch of TDs from Brady +Sports,Victory makes balanced Crimson beam +Sports,Michigan rallies by Gophers +Sports,Alert Yale defense keeps Green winless +Sports,Trojans are in a golden state +Sports,Footnotes +Sports,Oklahoma State unleashes offense +Sports,Auburn improves to 6-0 +Sports,Purdue's win isn't pretty +Sports,Anderson lifts UMass +Sports,Maine holds on to strike it rich +Sports,Donald surges to Dunhill lead +Sports,Shawsheen masters Minuteman +Sports,Special teams break loose to launch Xaverian +Sports,Powerful Walpole runs past Milton +Business,Can Howard Stern bring subscribers to satellite radio? +Sci/Tech,Computer Users Face New Scourge (washingtonpost.com) +Sci/Tech,MSN Music Falls Just Short of iTunes' High Marks (washingtonpost.com) +Business,Saudi Vows to Guarantee Oil Supplies +World,Iraqi Minister Says Polls Doable Despite Violence +Business,Monthly Bill Fatigue +Business,"Cash 22, Other Caveats" +Business,A Holiday to Buy For +World,South Korea Not Out of the Running for U.N. Post +World,Schumi storms to Japan win +Business,Revive your PC +Business,Food-label rule proves to be a big ingredient for change +Business,Creating a home office with Staples CEO +Business,What's the proper use of a speaker phone? +Business,"Before you retire, make sure you also retire your mortgage" +World,Bedouins held in blasts at Egyptian resorts +World,A brotherhood of survivors +World,Australia's leader wins 4th term +World,"Across border, cleric raises voice of reason " +World,Nobel laureate defends her suggestion that AIDS stems from plot +World,Rumsfeld rallies allies aboard carrier in Gulf +World,Two Car Bombs Kill Eight in Baghdad +Business,Peregrine indictment large in scope +Sports,Ray McNulty: Gators suffer crushing blow +Sports,Defensive stand lets USC stay unbeaten +World,Israeli missile kills Palestinian in Gaza Strip +World,At least four killed in two explosions in Baghdad +Sci/Tech,Bill Allows Atomic Waste to Remain in Tanks +Sci/Tech,E.P.A. Cuts Pollution Levels With Refinery Settlements +Sci/Tech,"Going to the Moon, Sponsored by M #38;M's" +Sci/Tech,Jockeying for Pole Position +World,Business looms large but politics creep into agenda as Chirac visits China (AFP) +Sports,Another Victory Defined by Jets' Staunch Defense +Business,Martha walkin #39; the walk +Sports,WORLD CUP QUALIFYING 2006: US close to clinching berth in <b>...</b> +World,President of Taiwan makes call for peace talks with China +Business,Saudi Vows to Guarantee Oil Supplies +Business,US Forecasters Fret About Oil Hit +Sports,Schumacher Wins Japanese Grand Prix for 13th Victory of Season +World,Russian Envoy Sees Korea Nuclear Talks in Late Jan +Sports,Gardenhire #39;s instincts are unreliable +Sports,Lima #39;s stellar start keeps LA alive +Sports,Shula likes Patriots #39; chances +World,Australian opposition sticking by Latham +Business,"Saudi Arabia, Gulf States Plan to Boost Oil Capacity (Update2)" +Sci/Tech,Space tourism still faces hurdles +Sports,Madrid #39;s Beckham suffers broken rib +Sports,Ireland hold France +Sports,Glazer set to seize Man Utd +Sports,SPORTS ON TV +Sports,Australia launches Indian test campaign with thumping 217-run <b>...</b> +Sports,Nothing doing again for Texas +Sports,Sightseek goes out in smashing style +Sports,Stewart rips NASCAR #39;s penalty +Sports,Standing tall at No. 1 +World,Al-Sadr forces to turn in weapons +World,Kidnappers threaten to kill Chinese engineers +Sports,Not a perfect match +Sports,McBride helps US knock off El Salvador +Sports,Sooners stop at nothing +Sports,What a Crew: Unbeaten streak reaches 17 +Sports,Theme of day: You Go Girl!' +Sports,Learning curves for new Celtics +Sports,Golf course chef has a fine Ryder +World,Suicide Bomber Kills 17 Near Baghdad Police Academy +Business,Drug shills could take chill pills +Business,Police: 6 killed in arson at Philadelphia rowhouse +Sports,Novak wins Japan Open title +World,1 Palestinian killed in new Israeli air strike in Gaza +World,"Typhoon Fades Over Northeastern Japan, Leaves 5 Dead (Update1)" +Sports,"Davis, Badgers on good footing" +Sci/Tech,Livewire: Travel Search Sites Look for Bargains on Web +Sci/Tech,Sony Rolling Out Powerful DVR +Sports,100 races and another points haul at BAR Honda +Sports,Australia beat India +Sports,"Earnhardt Jr. is high profile, for better or worse" +World,Suicide bomber kills 17 in Baghdad +World,"Prince Harry 'cheated' on exam, Eton teacher claims: report (AFP)" +World,Australia's Howard Celebrates Fourth Poll Win +World,Cambodia abdication confirmed +World,At Least 10 Killed in Bombings in Baghdad +World,"Bush, Kerry Return to Trail, Take Different Tacks" +World,Saudi Urges Arab Media to Combat 'Improper Ideas' +World,Schumacher Storms to Sixth Japanese F1 Win +Business,Air Wars I +Sci/Tech,Space Tourism Faces Safety Regulations +Sports,Rossi wins Malaysian Grand Prix +Sports,"Georgia, Tennessee take about-faces" +Sports,The pits? Potty-talk points off! +Business,BRIGHTEST STAR +Sci/Tech,Terrorism and the #39;Net +Sci/Tech,Windows XP SP2 (Service Pack 2 ) +Sports,Judge dropped the ball on this one +Sports,Beckham centre of attention +Sports,Greene has no answers for offense +Sports,Perfection through a single season a tougher standard +World,Large Explosion Kills Eight in Baghdad +World,Ten including 5 Indian troops killed in Kashmir violence +Sports,Yankees-Sox again for ALCS +Sports,Patriots march into today #39;s contest armed with 18 straight wins +Business,"United Airlines to cut fleet, expand international flights" +Business,No Simple Solutions to Pension Problems +World,Somali MPs Vote for President in Peace Bid (Reuters) +World,Bosnian Serb Accused of Genocide Held (AP) +World,Bombs Kill 10 in Baghdad; Rumsfeld Visits (AP) +Sports,Yanks #39; win sets up series with Bosox +Sports,Three pops and Thomson goes out +Sports,STANFORD NOTEBOOK Just go away quietly? Not Stanford #39;s angry <b>...</b> +World,Taiwan leader wants peace talks with China to head off military crisis (AFP) +World,Taiwan calls for arms talks with China +World,House Backs #36;32 Billion Homeland Security Bill (Reuters) +World,Afghan Polls Fair Despite Ink Fiasco -Monitors +World,Cambodia PM Urges Swift Succession if King Retires +Business,Saudi Vows to Guarantee Oil Supplies (Reuters) +World,Web Video Shows Last Appeal of Beheaded UK Hostage (Reuters) +Business,1950s TV Lamps Resurface as Costly Kitsch +World,Afghan Polls Fair Despite Ink Fiasco -Monitors +Sci/Tech,Virtual PC opens window on Mac +Sports,This Year's Giants Looking Like Last Season's +Business,A day in the life of . . . Craig Newmark +Sports,McBride inspires US to victory +Sports,"India vs Australia, First Test, Day 5" +Sports,Quakes keep playoff hopes alive +Business,Kuwait Backs Quota Hike if Prices Stay Up +World,Rumsfeld Says U.S. Faces Test of Wills in Iraq +World,Baghdad Blasts Kill 10; Rumsfeld Visits +World,Taiwan Urges China to Begin Peace Talks +World,"Bush, Kerry Go on the Attack After Debate" +Business,Now #39;s not time to lift rates +Business,"In naming their ventures, many owners get personal" +World,Conservatives Celebrate after Historic Election Win in Australia +World,Iraqi Capital Hit by Deadly Insurgent Attacks +World,Flash Floods in Northeastern India Kill at Least 26 +World,Beijing to Install Condom Machines to Fight AIDS (Reuters) +Business,Kuwait Backs Quota Hike if Prices Stay Up +Sci/Tech,Once a spammer? +Sports,McWilliams 15th in Malaysia +Sports,Australia thrash India by 217 runs in first Test: +Sports,Davenport Takes Filderstadt Title +Sports,Soccer: United States Wins in Central America +Business,"As Oil Price Soars, Markets Chill" +Business,"AT amp;T Cuts 7,400 Jobs, Asset Value by \$11B" +Sports,TACTICS PAY OFF FOR SVEN +Sports,TAKEOVER ROUND UP PART 2 +Sports, #39;Nats Play Rude Guests +World,"One probe to cover fire, death of sub officer" +World,"Somali MPs Vote for President, Counting Starts" +Business,Airbus Wins Orders for 26 Planes to Chinese Airlines (Update2) +Sci/Tech,Mark Cuban raises specter of dot-com redux +World,Howard #39;s fortress remains impregnable +World,17 killed from suicide car bombs in Iraq +World,Report: Bigley tried fleeing after British intelligence helped <b>...</b> +World,Rumsfeld Says US Faces Test of Wills in Iraq +World,Cambodia PM Urges Swift Succession if King Retires (Reuters) +World,Israeli Missile Kills Palestinian in Gaza Strip (Reuters) +World,9-11 Resonates Among Voters Pre-Election (AP) +World,"Scouring Iraq for Enemies, Finding Farmers and Mud" +World,Baghdad Blasts Kill 10; Rumsfeld Visits +World,Tape of Bigley Decapitation Posted on Web +Business,"Retail sales slowed in September, reports say" +Business,GE earnings increase 11 +Sports,Clemens Aims for Astros' First Series Win (AP) +Sports,Teetering off the band wagon +World,Video shows Bigley #39;s last appeal +World,Israeli Airstrike in Gaza Kills Palestinian +World,Iraq polls may see more US troops +Business,Kuwait Backs Quota Hike if Prices Stay Up (Reuters) +World,Iraq's Interim Leader to Visit White House (AP) +Business,Away on Business: Is Travel Safer? +World,Several Hurt in Blast in Pakistan's Lahore - TV +World,Nigeria unions: Strike goes ahead +World,War Criminal Opens EU Doors for Serbia +Sports,"Davenport Wins, Moves Closer to Top Spot (AP)" +Business,3 Gulf states promise to increase oil output to stabilize price +Sports,No Irish magic -- just a big #39;W #39; +World,Thousands attend funeral of murdered cleric +World,Muslims Could Prove Crucial in Election (AP) +World,Suicide Bomber at Pakistan Mosque Kills Three +Sports,"NBA-Suns Scorch Trail Blazers, Kings Beat Celtics" +Business,Howard Stern will bring his show to satellite radio +Sports,A BRAVE NEW ENGLAND +World,Rumsfeld Visits Marines in Iraq +Business,"Round Two: US, EU Subsidy Battle Heats Up" +World,Bomb at Pakistan Shiite Mosque Wounds Four +Sci/Tech,Travel Vets Launch Beta of #39;Google for Travel #39; +Sci/Tech,"Pioneer, Sharp Let Blu-ray Play" +Sports,Stanford drops the ball in loss +Sports,Sweden #39;s Soderling clinches first ATP Tour title +Sports,Schumacher dedicates Japan win to Bridgestone +Sports,France given rough ride +Sports,Making Things Difficult +World,Bomb explodes at Shiite mosque in Pakistan +World,2 UN peacekeepers wounded in Haiti shootouts +Sports,Schumi: All in a day #39;s work +Sports,Webster Tells Scotland: Move On +World,"Derrida, father of deconstruction, dies at 74" +World,Cambodia PM Urges Fast Search for New King +World,Bomb at Pakistan Shiite Mosque Kills Four +Business,"Bank of America to Cut 4,500 Jobs" +Sci/Tech,"Sony, Matsushita to launch Blu-ray Disc camcorders in 2005: report" +Sports,Michael Schumacher wins the Japanese Grand Prix +Sports,"In the end, Trojans #39; defense is up to the test" +World,Bush hails Afghanistan #39;s election +World,Pro-Taliban Clerics Killed in Pakistan #39;s Karachi +World,Nigeria Unions Say Strike to Go Ahead on Monday +World,Tape of Bigley Beheading Posted on Web +Business,Loonie hits 80 cents for first time in decade +Sports,Australia sets world short course record in 400 medley relay +World,Australias Howard wins 4th straight poll victory +World,Cambodia #39;s dancing royal likely new king +World,Mosque bomb kills 3 in Pakistan +Business,Low jobs growth savages US stocks +Sci/Tech,"AMD, Dell, Intel, Microsoft, and Sun Release Web Services for <b>...</b>" +Sports,Sharapova has burning desire to satisfy fans +Sports,Elusive record gives Warne the boot +Sports,Lenton ensures we don #39;t come up short +World,Howard #39;s reform agenda +World,Baghdad under bomb and missile siege +World,Chen launches new wave of detente +World,Syrian President Defends Role in Lebanon (AP) +World,ABC Poll Puts Bush 4 Points Ahead of Kerry (Reuters) +World,Five Die as Suicide Bomber Attacks Pakistan Mosque +World,U.S. Marine Killed in Anbar Province +World,"Soccer: Argentina, Brazil Romp in World Cup Ties" +World,Gangster Cult Shields Venezuelans from Crime +Business,Saudi Vows to Keep Spare Capacity +Sports,"No. 1 USC, No. 2 Oklahoma Down Rivals (AP)" +Sports,Stewart Backs Earnhardt on NASCAR Penalty (AP) +Sports,Michael Schumacher Wins Japan GP (AP) +Sports,Beckham sours super strike +Sports,Fans offside as tycoons target English clubs +Sports,Phillip Island shapes as star #39;s crowning glory +Sports,Gilchrist says Warne did the job +Sports,"Yankees Take Series Over Twins; Dodgers, Astros Win (Update5)" +Sports,Skoko tells of Roos #39; resolve +Sports,Paper: Ex-Steeler Likely Had Breakdown (AP) +Sports,Soderling Beats Malisse to Win Lyon Open (AP) +Sports,Sweden's Soderling Clinches First ATP Tour Title +Business,Kuwait to Back Quota Hike if Price High +World,Edwards Disputes Rice on Iraq Invasion (Reuters) +World,Senate Rejects Some 9/11 Panel Advice (AP) +Business,Immelt: Joy At GE As Q3 Earnings Jump 11 +Sports,Beckham is facing lengthy lay-off +Sports,Stoner #39;s luck turns with second win +Sports,Thin bullpens have managers calling on closers earlier +Business,"Growth may lose steam, say CEOs" +Sci/Tech,Bigley Execution Video Shown on Internet +Sci/Tech,IBM looks to China in mainframe push +Sports,WC Qualifiers: No surprises in South America +World,Blast hits Pakistani mosque +World,UK hostage #39;s last appeal on Web +World,Rebel attacks hit Baghdad as Rumsfeld visits +World,Rooney backs fiercesome threesome (AFP) +World,Karzai Hopes Rivals Will Honor Afghan Vote +World,Cause Sought for Fatal Ark. Tour Bus Crash +World,Candidates on Issues: Medical Malpractice (AP) +World,Flood death toll rises in Assam +Sci/Tech,"E-Voting Research Delayed, Experts Say (AP)" +Business,US House approves US\$422 billion arms bill +Sports,Schumacher Wins Japanese Grand Prix +Sports,Rossi brings Yamaha closer to title with Malaysian Grand Prix <b>...</b> +Sports,Dent proof: Novak victorious in Tokyo +Sports,Portugal blasted after draw with Liechtenstein +Sports,Cricket: Aussie ecstasy Warne #39;s agony +Sports,Italy remains calm after loss to Slovenia +World,Cambodia Scrambles to Name New King +World,Chen Shui-bian #39;s call for talks discredited +Sci/Tech,Emory: Patient's Disorder Isn't Mad Cow (AP) +Sports,NFL Wrap: Manning Tosses Three TDs as Colts Win +Sci/Tech,The Flow of Interstellar Helium in the Solar System +Sci/Tech,Saturn's Perfect Storms +Sci/Tech,Popping Opportunity's Escape Hatch +Sci/Tech,Mathematicians Offer Help in Fight Against Terrorists +Business,Nordstrom and Costco dodge September #39;s retail doldrums +Sci/Tech,IBM looks to China in mainframe push +Sports,Heavyweight rivals are set to slug it out in ALCS +World,Rumsfeld: Troop Reductions Not Likely Until Iraqis Stronger +World,Crippled sub towed toward safety +Sci/Tech,Tape of Bigley #39;s assassination posted on website +World,Egypt Questions Suspects in Red Sea Resort Bombings +World,Nigeria braces for strike as union leader released by secret <b>...</b> +Sci/Tech,Bigley execution shown on internet +Sci/Tech,More Job Cuts Set by AT amp;T; Total to Hit 20 of Staff +Sports,He #39;s back +Sci/Tech,Authorities to use info-sharing portal during debate +World,Gallacher wins Dunhill Links after playoff with McDowell (AFP) +World,New Backup Voting System May Pose Problems (AP) +World,Somali Presidential Poll Goes Into 3rd Round +World,Two Car Bombs Kill at Least 11 as Rumsfeld Visits Iraq +World,Rutto Wins 2nd Straight Chicago Marathon +Business,"Soros may regard 4 growth as keeling over, but for most folks <b>...</b>" +Business,\$50-plus oil drags on economy +Sci/Tech,House passes bill imposing prison time over #39;spyware #39; +Sports,"Beckham to resume light training soon, say Real" +Sports,Bombers not surprised +Sports,to Qwest Field. +World,"Israeli Occupation Forces Wound Children, Raze Lands in Khan <b>...</b>" +World,"Oshiomhole Arrested, Narrates Ordeal" +World,Toll in Assam flash floods rises to 111 +Sports,St. Louis Rams +World,Revenge Fears High After Russia's Mourning (AP) +Sports,Rutto Wins 2nd Straight Chicago Marathon (AP) +Sci/Tech,Adware Frustrates Computer Users +Sports,"R. Clemens, P" +Sports,Australia sets world short course record in 400 medley relay +World,Prime minister begins planning fourth term after election win in <b>...</b> +World,Philosopher of language dies +World,2 Chinese Engineers Abducted In Pakistan +Business,Paper: Home Depot Shares Look Undervalued +Sci/Tech,New Technology Helping Volcanologists +World,Eleven Killed in Baghdad Bombings +Sports,"Colts Deactivate Pollard, Vanderjagt (AP)" +Business,Victory for Black in US court +Sci/Tech,Legislators exploring ways to regulate space tourism +Sports,Gallacher Scores First European Tour Win +Sports,Venezuela pay price for daring to attack +Sports,Davenport wins Porsche GP after injured Mauresmo quits +World,Activist Groups Hail Nobel Pick +World,US Thanks for Bulgarian Troops Expertise +World,"Israel Pushes Gaza Offensive, Faces Vote on Pullout (Reuters)" +Business,Paper: Sirius Pricey Despite Howard Stern (Reuters) +World,Detroit 'African Town' Plan Stirs Debate (AP) +Business,Paper: Sirius Pricey Despite Howard Stern +World,Bush plays on isolationist sentiment in tight White House race with Kerry (AFP) +Business,Opec 'ready with spare capacity' +Business,Leaked figures 'show pension gap' +World,Observers approve Afghan election +World,Corporate Tax Bill Clears Major Hurdle +Business,Opec #39;ready with spare capacity #39; +Business,Paper: Sirius Pricey Despite Howard Stern +Business,Snow Expects Arab Help Against Oil Prices +Sports,Henry Acknowledges Irish Threat +Sports,"Colts deactivate Pollard, Vanderjagt" +Sci/Tech,Movement Seeks Copyright Alternatives (AP) +World,4 killed in Lahore mosque bombing +World,"Iran, Russia Nearing Nuclear Fuel Deal" +World,Taiwan Urges China to Begin Peace Talks +World,Proposed Trinidad Alcoa Plant Expanding +Business,"UAE, Kuwait to hike oil production capacity" +Sci/Tech,US gets new cyber security chief +Sci/Tech,Bill imposes prison time over #39;spyware #39; +Sports,"After a pause, Schumacher wins again in Formula One" +Sports,NFL Game Preview +Sports,Cal throws scare into USC Almost a special victory gt; +World,Flash Floods in Northeastern India Claim More Lives +World,Thousands Attend Funeral of Slain Islamic Cleric in Karachi +Sci/Tech,Innovation Needed Before Techs Can Grow (AP) +Business,Snow Predicts Oil Prices Set to Go Down (Reuters) +World,Russia against referring Iran nuclear dossier to UN Security Council (AFP) +Business,Retailers Aim to Excite Holiday Shoppers (AP) +World,U.N. Peacekeepers Hurt in Haiti Shootouts (AP) +World,Nigerian Strike Over Fuel Rates to Go On (AP) +World,"Israeli Missile Hits Militants in Gaza Camp, 3 Hurt" +World,Ethiopia Ally Wins Somali Presidency - Official +World,Questions About Vote in Afghanistan Fade a Day Later +World,Cause Sought in Fatal Ark. Tour Bus Crash +World,Woods in No Hurry After His Marriage +Business,House Passes Corporate-Tax Bill +Sci/Tech,Nintendo President Iwata Speaks +Sci/Tech,Second Spyware Bill Gets OK in House +Sports,Purdue jumps five spots to fifth +World,Business as usual for NZ - Howard tells Clark +World,Assam flash floods toll mounts to 70 +Sports,Simms suffers shoulder injury +World,Group Frees 10 Turks After Company Quits Iraq -TV +World,Ethiopia Ally Elected Somali President +Business,Yugansk Licenses Safe for 3 Months +Sports,Woods in No Hurry After His Marriage (AP) +Sports,Defense Comes Up Big for No. 5 Purdue (AP) +Sports,Wire Out for Bills; Jets' Strait Sidelined (AP) +Sports,Oblak Delighted With Slovenias Win +World,Kenyan Activist Wins Nobel +World,Taiwan #39;s President calls for peace talks with China +Sports,Scot Gallacher Wins Maiden European Tour Title +Business,Venezuela Boosts Taxes on Orinoco Deals +Business,Report: Forstmann to Quit in 2006 +World,U.N. Peacekeepers Hurt in Haiti Shootouts +Sports,Australia crush India despite late resistance +World,Ex-Army Officer Elected Somalian President +World,"Stricken Canadian submarine arrives in Scotland, five days after <b>...</b>" +World,Four dead in blast at Shiite mosque as sectarian violence spikes <b>...</b> +Sports,Monday Night a Crucial Game for Both Teams (AP) +Sports,Michigan Led by Fab Two: Henne and Hart (AP) +Sports,Beckham May Miss 6 Weeks With Cracked Rib +Business,Retailers Aim to Excite Holiday Shoppers +Sports,Warne gets Gilchrist #39;s backing +Sports,Rutto Wins 2nd Straight Chicago Marathon +World,Bombing claims 4 at Pak mosque +World,OSCE Dismisses Calls For New Afghan Vote +Sports,India lose first Test by 217 runs +World,French firms sign big deals with China but lament the ones that got away (AFP) +Business,Apparel Retailers Tune in to Latin Beat (Reuters) +World,"Pakistan's Musharraf says bin Laden alive, but hide-out unknown (AFP)" +Business,Apparel Retailers Tune in to Latin Beat +World,Israel air strikes hit Gaza camp +World,Bush and Kerry Campaigns Harden Iraq Stances on Talk Shows +World,Venezuela Boosts Taxes on Orinoco Deals +Business,Kuwait crude cooler +Business,Martha Stewart #39;cordial #39; with jailmates: report +Business,High oil prices create #39;headwinds #39; for US economy: treasury <b>...</b> +Business,Earning the People #39;s Trust +Business,Venezuela Boosts Taxes on Orinoco Deals +Sci/Tech,Google SMS is good for the Company and the Users +World,Three Iraq Car Bombs Kill At Least 20 People +Sports,Patriots Get Record Win +Sci/Tech,Study: Few Americans Buy Drugs Online (AP) +Sci/Tech,"Few Americans Buy Medicines Online, Study Finds (Reuters)" +Sports,Notes: Garner not looking ahead +World,Video of execution of British hostage appears on Internet +Sci/Tech,"Aussie, UK Scientists Claim Pest Control Breakthrough (Reuters)" +Business,Venezuela Hikes Taxes on Foreign Companies +Business,State Vioxx users line up to sue over heart ailments +Business,Loonie trades above 80 cents US for the first time in more than a <b>...</b> +Business,October retail sales predicted to show strength +Sports,National League Playoff Game Summary - Atlanta at Houston +Sports,Gilchrist leaps to Warne #39;s defence +Sports,Family Tragedy for Yankees Pitcher +Sports,Gallacher clinches dunhill title +Sports,Barber leads Giants over Cowboys +Sports,"Colts 35, Raiders 14" +World,Flash floods kill 100 in India +Business,Gas Hits 4-Month High of #36;1.99/gallon (Reuters) +World,Mexican Migrants Launch Relay to NYC (AP) +Business,Gas Hits 4-Month High of \$1.99/gallon +World,New Backup Voting System May Pose Problems +Sports,Gallacher scores first European Tour +Sports,Yankees closer expected to play in ALCS +Sports,New Orleans Saints +World,Israel air strikes hit Gaza camp +World,French firms sign big deals with China but lament the ones that <b>...</b> +World,Al-Jazeera TV station says Iraqi kidnappers claim to have released <b>...</b> +Business,Kuwait to Back Quota Hike if Price High +Business,Snow Predicts Oil Prices Set to Go Down +Sci/Tech,"could worsen, study finds" +Sports,Brazil fans invade pitch +World,Iraqi militants say they freed Turkish hostages +World,Libya Arrests 17 Alleged al-Qaida Members (AP) +World,"Bush, Kerry Camps Battle Over War on Terror (Reuters)" +World,Giants Match 2004 Win Total +Business,Update 2: Poles Line Up for Shares in Bank +Sports,Streaking Giants Lasso Cowboys 26-10 (AP) +Sports,Braves force fifth game +Sports,Davenport closes on top spot +Sports,Carroll leads Aussie charge in USA +Sports,Patriots Get NFL-Record 19th Straight Win: NFL Week 5 (Update1) +Sports,Braves Beat Astros 6-5 to Set Up Atlanta Finale +Sports,Atlanta Forces Game 5 +World,Sudan wants non-Western states on expanded UN Security Council (AFP) +World,Death Toll in South Asia Floods Hits 177 (AP) +Sports,"NFL: Tampa Bay 20, New Orleans 17" +Sports,Vikings Sack Texans 34-28 in Overtime (AP) +Business,Key oil producers vow to expand production +Business,Buying back T-Online +World,Crippled Canadian submarine was sea-worthy: skipper (AFP) +World,Libyan police arrest 17 alleged al-Qaida members - all foreigners (Canadian Press) +Sports,Gallacher #39;s wedge shot wraps up #39;dream #39; title +Sports,Novak triumphs in Japan Open +Sports,Win gives tourists bigger edge +Sports,"USC, Oklahoma in driver #39;s seat" +Sports,Pats set NFL record with 19th straight win +Sports,Simms suffers shoulder injury; Griese leads Bucs to win +World,China Offers Rewards for Reporting Porn (AP) +World,Martin treads hostile political ground to pay tribute to lost sailor (Canadian Press) +Sci/Tech,In orbit for profit +Sci/Tech,Cingular #39;s Quiet Takeover +Business,Confidence sags in service sector +Sports,"MLB: Atlanta 6, Houston 5" +Sports,Schumi back to winning at Japanese GP +Sports,Real Want Beckham Back in Training +Sports,Culpepper #39;s fifth TD pass lassos Texans in OT +Sports,No. 2 Oklahoma uses Texas game to show improvement +World,Car-bomb attacks in Baghdad kill 17 +World,France-China deals awaken Europeans +World,Sihanouk wants dancer son to be next king +Sports,NFL Wrap: Patriots Win Record 19th Straight +World,Thick skin helps Republican volunteer campaigner in Spain (AFP) +World,Canada congratulates Afghanistan on elections (AFP) +World,Kerry courts Florida voters as Bush prepares for upcoming debate (AFP) +Business,August Machine Tool Demand Up Sharply +Business,The Vioxx warning +Sports,Schumacher home and dry +World,IRAQ VIOLENCE TO SOAR:RUMSFELD +World,"Pakistan is opposed to UNSC expansion, says Musharraf" +Sports,"Braves Beat Astros 6-5, Set Up Atlanta Finale" +Sports,Wayward Warne delays Australia +Sports,Giants already match win total from last season +World,Rumsfeld Says U.S. Faces Test of Wills in Iraq +Business,"Airbus, Boeing in subsidies battle" +Sci/Tech,Drier Times Ahead in the West? +Sci/Tech,IBM upgrades blade servers +Sports,Fiedler injured in another Miami loss +World,Chaos Reigns in Ukraine Presidential Race (AP) +World,Colo. Senate Candidates Clash Over Terror (AP) +World,Nigeria fuel strike 'to go ahead' +World,Late Field Goal Keeps Jets Perfect +Sports,Undefeated Jets Thwart Bills on Late Kick (AP) +Sci/Tech,Siebel introduces Chapter 2 +Sports,Chargers Pass by Jaguars 34-21 (AP) +Sports,Gallacher clinches dunhill title +Sports,"Red Sox, Yankees Get Wanted Matchup (AP)" +World, #39;Cheated #39; on the home front +World,Suspect in Srebrenica massacre arrested +World,"Turkish hostages freed, firm says" +World,Eton denies Prince Harry was #39;helped #39; +Sports,Australian Stolz Hits Title Jackpot in Las Vegas +Business,Procter Gamble Makes On-Demand Ad (Reuters) +Business,Procter Gamble Makes On-Demand Ad +Business,Proposed Trinidad Alcoa Plant Expanding +Business,Deutsche Telekom to Buy Out T-Online for \$3.6 Billion (Update2) +Sci/Tech,Nintendo says 12 DS games to debut in Japan +Sports,"Red Sox and Yankees, the matchup they wanted" +Sports,WORLD CUP QUALIFIER +Sports,Gallacher beats McDowell in playoff for first European Tour win +World,Maathais Indian connection... +World,Business deals a highlight of Chirac #39;s Beijing trip +Sports,Nebraska Tries to Forget 70-10 Flogging (AP) +World,Guinea-Bissau Standoff Ends as Soldiers Sign Deal +Business,UAE Oil Minister Says OPEC Working to Keep Prices in Check +Business,Fisher amp; Paykel buys US manufacturer +Business,Vector Agrees to Pay NZ\$877 Million for 66 of NGC (Update2) +Business,Deutsche Tele offers 3 bn to buy back T-Online +Business,Thoughts on free speech +Business,"Posco Profit Probably Rose for Ninth Quarter, Helping Expansion" +Business,Advice on paying off debt and playing with oil prices +Sci/Tech,Tech companies push IT management via Web services +Sports,By any means necessary +Sports,Sports: Broncos 20 Panthers 17 +Sports,Cosgrove wants Huskers to put loss behind them +World,Chirac happy France making most of opportunities in China +Sports,Delhomme at head of QB Class of #39;97 +Sports,Gallacher hits big time with perfect timing +World,Braves Beat Astros 6-5 to Force Fifth Game +Business,AMICUS CALLS ON ADAIR TURNER TO RECOMMEND COMPULSORY PENSION <b>...</b> +Business,AGL retreat from NZ energy market +Business,Georgian government to announce tax amnesty +Sci/Tech,2 captors received #39;big bribe #39; to help Bigley flee +Sci/Tech,Freeze! Drop the Song! File-Swappers Targeted +Sports, #39;Must-win #39; nothing new for Astros +Sports,Vick looks sick -- in a bad way -- vs. motivated Lions D +World,"Pakistan #39;s Musharraf says bin Laden alive, but hide-out unknown" +World,Cambodia king urges nation to find successor +Sci/Tech,Copyright Bill Dies in Senate as Others Advance +Sci/Tech,Homeowners can click to check flood risk +Sports,Andre Stolz holds on to win first title at Las Vegas tournament +Sports,"Broncos 20, Panthers 17" +Sports,49ers Nudge Cardinals 31-28 in Overtime (AP) +Sports,Symonds philosophical after tough race in Japan +Sports,Rivera Suffers Losses +World,Car Bombs Kill 11 As Rumsfeld Visits Iraq (AP) +Business,UVSC student officers not backing down +Sci/Tech,"Opportunity rover stumbles upon rocky, maybe watery, find" +Sci/Tech,"New X Prize Sets Sights on Science, Technology and Social <b>...</b>" +Sports,Stolz wins Michelin Championship +Sports,Red Sox out to make history +Sports,Will Leftwich coast on Left Coast? +Sports,Gallacher scores first European Tour win +Sports,Lions hand Falcons first loss +Sports,Brees throws two touchdown passes to lead Chargers past Jaguars 34 <b>...</b> +Sports,NFL Game Preview +World,Populist Labor Party leads Lithuania vote +Business,Oxfam raps rich nations over aid +Sports,Bucs Use All They Have For Win +Business,Dollar Steadies After Fall on Jobs (Reuters) +World,Canadian defense minister travels to Britain over crippled sub affair (AFP) +Sports,"Injury forces Mauresmo to forfeit final, Soderling win in Lyon" +Sports,San Francisco 49ers +Sports,Dodgers Lead Cardinals 1-0 After One +World,Rumsfeld gives US troops timetable in Iraq +World,Asia welcomes bon ami Chirac +Sci/Tech,Americans Win Video Game Gold Medal (AP) +Sci/Tech,Mount St. Helens Shoots Out More Steam (AP) +Sci/Tech,Scientists Find Deadly Component of 1918 Flu Virus (Reuters) +World,Australian PM hints he will not be around for another election (AFP) +World,Australia PM Gets Down to Work on Fourth Term (Reuters) +World,Lighter-Hit Fla. Areas Get More From FEMA +World,Car Bombs Kill 11 As Rumsfeld Visits Iraq +Business,Mind the gap - time is running out +Sports,Niners LB Peterson Tears Achilles' Tendon (Reuters) +Sports,Baseball: Smoltz sizzles as Braves force deciding game +Sports,Stolz hits title jackpot in Las Vegas +Sports,Yankees could be without Rivera early in ALCS +Sports,Rossi takes imperative victory at Sepang +Sports,Golf Capsules +Sports,Yankees Could Be Without Rivera Early in ALCS (Reuters) +Sports,Niners LB Peterson Tears Achilles' Tendon +Sports,The Relentless Patriots Reach a Magic Number +Business,"UPDATE: NZ Vector To Buy NGC Stake For NZ\$877M, Eyes IPO" +Business,High oil prices baffle US economy: treasury chief +Business,State of economy depends on point of view +Sci/Tech,Space trailblazer Max Faget dies +Sports,Playoff Capsules +World,Taiwanese president tries to restart peace talks +World,Kerry Courts Black Voters at Church Stops (AP) +Sports,Carroll leads Aussie swim charge +Sports,Lampard strikes as England cruise past Wales +Sports,Patriots set unofficial record with win +Sports,Yankees Could Be Without Rivera Early In ALCS +Sports,Lions improve to 2-0 on the road +Sports,Quarter-by-quarter updates +World,Egyptian group suspected over Taba bombings +World,"Car bombs strike in Baghdad, killing 11; Rumsfeld warns violence <b>...</b>" +World,Militants still hold Chinese hostages +World,UN peacekeepers wounded in Haiti violence +World,Iraq rebels set to surrender arms +World,Backup Voting System Woes May Loom Anew +Sports,Brady and Pats do enough to win +Business,F amp;P Appliances Buys Dynamic Cooking for \$33 Mln (Correct) +Business,"It #39;s still the economy, stupid" +World,Nuclear Plant in New Jersey Draws Censure +Business,Huge and Proud of It +Sci/Tech,Security: End users are your first line of defense +Sports,Stolz turns it around at Michelin Championship +Sports,Schumacher wins Japanese Grand Prix: +Sports,Five Keys to the Game +Sports,Nelson tops Irwin for playoff win +World,Labor Party leads in early results of Lithuania #39;s elections +Sports,Family Tragedy Sends Rivera Home to Panama +Business,Dollar Steadies After Fall on Jobs +Business,Playing at the Top of Their Games +Business,New Scrutiny of the Flow of Iraqi Oil to American Consumers +Business,A Senator's Outrage Delays Passage of Corporate Tax Bill +Business,Cellphone Industry Hits Snag as It Woos Untapped Market +Business,"For \$600 a Week, Screen-Side Seats to Lawsuit Involving Disney" +Business,Saudis vow to keep spare capacity +Business,Singapore #39;s economy grows by 7.7 percent in third quarter +Sci/Tech,US Files Suit Against Alleged quot;Spyware quot; Distributor +Sci/Tech,X Prize group plans new series of contests +Sports,Nallen rolls to record win +World,Australian PM hints he will not be around for another election +World,"Nigerian authorities release top labour leader, but fuel strike <b>...</b>" +Business,High oil prices baffle US economy +Business,China Force #39;s HK IPO Retail Tranche 29.6 Times Covered +Sci/Tech,NASA engineer Faget dead at 83 +Sci/Tech,Kenneth Bigley #39;s final TV plea +Sci/Tech,Former Bush adviser returns to cybersecurity +Sci/Tech,NASA Spirit Rover Panorama of Columbia Hills +Sports,Gallacher savours maiden victory +Sports,Barrichello wrecks Coulthard #39;s hopes +World,Howard says Iraq troop commitment stays +World,Russia opposes referral of Iran to UN Security Council +World,Harry #39;Cheat #39; Claim Teacher #39;s Tribunal Opens +Business,Dollar Steadies After Fall on Jobs (Reuters) +Business,Asian Shares Track Wall Street Losses (Reuters) +World,"Australia's Westfield, Multiplex join in new offer for Britain's Chelsfield (AFP)" +World,Lighter-Hit Fla. Area Gets #36;21.5 From FEMA (AP) +World,American Deserters Find a Mixed Reception in Canada +World,Venezuela Raises Taxes on Orinoco Deals +Business,Senate moves forward with corporate tax cuts +Business,Millions Must Work Longer to Pay for Pensions Blackhole +Sci/Tech,NASA spacecraft design pioneer Faget dies +Sports,Stolz strikes it rich with first victory in Las Vegas +World,Guinea-Bissau standoff ends as soldiers sign deal +World,Shi #39;ite militia asked to surrender weapons +Business,"Saudi Arabia, Gulf States to boost output" +Business,Venezuela raises tax on foreign oil companies +Sports,Lehman leads at Michelin Championship +Sports,"Hello, Neumann: It #39;s Been Six Years" +Sports,Comeback for ages provides win to savor +Sports,"Jets not stylish, but look pretty enough at 4-0 as Pats loom" +World,Eleven killed in car bombs as Rumsfeld visits troops in Iraq +World,Burger mouthful goes for record +Sports,Ravens Beat Redskins 17-10 on Big Plays (AP) +Sports,Patriots Finally Acknowledge the Streak (AP) +Sports,Heat Loses to Rockets but Shaq Dominates (AP) +Business,Phone line alchemy: Copper into fiber +Sci/Tech,Max Faget: Master Builder +Sports,Sports: Cardinals 6 Dodgers 2 (Cardinals win series 3-1) +Sports,Peterson lost for season with torn Achilles #39; tendon +World,Nigeria general strike to proceed +Business,Ageing Saab aircraft replaced by Dash-8s +World,War crimes suspect surrenders to Serbs +World,Labour Party leads Lithuanian parliament election +World,Bomb at Pakistan Shiite Mosque Kills Four (AP) +World,Retired Gen. Franks Criticizes Kerry (AP) +Business,Nigeria fuel price strike starts +World,Cardinals Top Dodgers 6-2 to Win NL Series +Business,"Britons May Need to Work Longer for Retirement, Minister Says" +Business,Fannie Mae Salaries Rile Hill +Business,Bush vs. Kerry: +Sci/Tech,Porn site reports net Chinese reward +Sports,SCHUMACHER MAKES ANOTHER MARK ON HISTORY +Sports,"Cardinals Win Playoff Series, Braves Force Game 5 (Update2)" +World,Chen calls for cross-strait dialogue +World,"Strike, clashes dog Dhaka" +Sci/Tech,Phone Line Alchemy: Copper Into Fiber +Sci/Tech,Custom Software for Corporations +Sci/Tech,Microsofts Latest Plan for TV +Sci/Tech,F.C.C.'s Chief Turns Into Pitchman for Converting Nation to Digital TV +Sci/Tech,"Inkjets Shrink, and Hewlett Sees Many New Uses" +Sci/Tech,Studio Wars Honed Skills Used to Nab Radio Star +Sci/Tech,Orb Unveils New Service for Digital Media (AP) +World,Golf: Gallacher scales Dunhill +Business,Opec vows to open the taps to cool down runaway oil prices +Business,Fisher Paykel strategic buy +Sci/Tech,What Dell Needs: A Jazzier DJ +Sci/Tech,Yahoo! Aims to Get Personal +Sports,Brady Helps Patriots Win Record 19th Straight (Reuters) +Sports,Warriors Beat Kings in Preseason Opener (AP) +Sports,Pats streak past Miami for record win +World,Strike over rising fuel prices in Nigeria +World,Four killed in bombing at mosque in Pakistan +Sports,Pujols Hits Three-Run Homer for Cardinals +Sports,Brady Helps Patriots Win Record 19th Straight +Sports,"With Precision and Power, Cardinals Stop the Dodgers" +Sports,Cardinals Take Series +Sci/Tech,Microsofts Latest Plan for TV +Sci/Tech,SANS Top 20 unveiled +Sports,Dolphins off to worst start since first season +Sports,Davenport #39;s default title +Sports,Novak clinches AIG title +Sports,Rivera Relatives Die in Accident at Pitcher #39;s Panama Pool +World,China rejects Chen #39;s #39;insincere #39; call for peace +World, quot;Good relations quot; established with new Indian Govt: Zia : +Business,"Kuwaitis, Saudis pledge oil help" +Business,NZ stocks: Corporate news buoys sharemarket +Business,"Palm school signs \$500,000 contract with Coke, continuing trend of <b>...</b>" +Business,JP Morgan in deal with Cazenove +Business,"Westfield, Multiplex target Duelguide" +Sci/Tech,Pioneering NASA Engineer Max Faget Dead at 83 +Sci/Tech,Google Print: The Next Big Thing +Sci/Tech,Gates preps to pitch #39;XP Reloaded +Sports,Cavaliers move up to No. 6 in football polls +Sports,Rams refused to give up +Sports,Ex-NL star Caminiti dead at 41 +Sports,Rivera tends to tragedy: Two relatives die at his Panama estate +World,US sees upsurge in Iraqi violence +World,Canadian Navy say stricken sub was seaworthy +World,Opposition strike hits Dhaka: +Business,Singapore #39;s Growth Slows in Third Quarter +Business,Blair moves from welfare state to opportunity society +Business,"Westfield, Multiplex in joint UK bid" +Business,ETF INVESTING +World,"Nine Russians missing, at least one dead after Egypt blasts: Russian consul (AFP)" +Sports,Stephen Dunn/Getty Images +Sports,Redskins Are Dealt Another Blow +Sports,"Jets: Clearly, Chrebet is happy" +World,Australian PM sets out priorities +Business,Der Spiegel Family Sees a Threat in Growing Corporate Control +World,"In Texas Case Linked to DeLay, Prosecutor Welcomes Spotlight" +Sports,Jets remain unbeaten +Sports,"MLB: St. Louis 6, Los Angeels 2" +Sports,"Braves win in Houston, force Game 5" +Sports,Seattle forces decisive Game 3 +Sports,Stolz became first-time winner on PGA Tour +Sports,Lima gets do-or-die start in Game 3 +Sports,New England #39;s win streak hits 19 +Sports,Hanson up to five gold medals +World,Sinai bombs toll rises to 11 +Sci/Tech,"Multiband Wi-Fi Device Manages Voice, Video and Data (Ziff Davis)" +Sci/Tech,"HP, NetApp Build NAS-to-SAN Links (Ziff Davis)" +Sci/Tech,"HP, IBM Bundles Target SMBs (Ziff Davis)" +Sci/Tech,DNA Crime Bill Headed to Bush for His Signature (Reuters) +Sci/Tech,Digital vs. analog- which is better? +Business,Permanent Job Proves An Elusive Dream +Business,Fannie Salaries Rile Hill +Business,Worried Workers At Rouse Weigh Recruiters' Offers +Business,Chirac hails China trade deals +World,"Christopher Reeve, 'Superman' Star, Dies at 52" +Business,Oil prices ease after promise by OPEC states +Business,Accountant claims retaliation over Fannie Mae +Sports,Owen has a point to prove warns Eriksson +Sports,News Items In Brief +Sports,UF Killer Instinct Missing +Sports,Taking mound on short rest no big deal to Oswalt +Sports,NFL Preview: NFL Preview +Sports,Capsule preview: St. Louis at Seattle +World,Iraq #39;s Sadr militia to begin disarming +World,Explosions transport terror to usually tranquil beach sites +World,Man breaks biscuit-eating record +Business,Stern sleaze in space +Business,Singapore #39;s economy posts more big growths +Sports,Clayton enjoys homecoming +Sports,It doesn #39;t get any better +World,"Terrorism Must Be Fought Without Compromise, #39; Sharon Says" +Sports,"Ken Caminiti, 41, Found Dead in the Bronx" +World,Philippines charges six Al-Qaeda-linked militants for ferry bombing (AFP) +World,Leader of devastated Australian Labor Party to stand again (AFP) +World,Mbeki Ready to Present Ivory Coast Peace Proposals +World,Cricket: Aussies still wary of India +Business,Wal-Mart Says October US Sales Rise Within 2 to 4 Forecast +Sports,Complete collapse +Sports,Trailing by 16 points no problem for Rattay +World,"Rumsfeld has eye on Iraq pullout in #39;05, with strings" +World,Nigeria fuel price strike starts +World,Media cheer downfall of Mugabe #39;s spin doctor +World,Vote Count in Disputed Afghan Poll Delayed +World,Climate fears on sharp CO2 rise +World,Poll: Bush Allies Face Doubts on Terrorism +Business,Sainsbury #39;s profits to fall again +Business,Corporate tax perks await final Senate OK +Business,German government cuts Deutsche Telekom stake +Business,GM to build hybrid bus that will be studied in Shanghai +World,Vote Count in Disputed Afghan Poll Delayed (Reuters) +Sci/Tech,Mac rumour site claims 60GB iPod #39;imminent #39; +Sci/Tech, quot;Mega-drought quot; risk studied +Sports,I won #39;t quit says defiant Coulthard +Sports,"Neumann, 38, gets first LPGA win in six years GOLF" +Sports,Bottom line: Boston believes +Sports,"Issues for Ravens, Redskins are front and behind center" +Sports,Shaquille O #39;Neal scores 17 points in Heat exhibition debut +Sports,Storm force decider +World,4 Shias Killed In Pakistan Mosque Blast +World,Bombs greet Rumsfeld in Iraq +World,President Bush Focusing on Western States (AP) +Sci/Tech,UK ID cards to be issued with first biometric passports +Sci/Tech,Home Office in frame over FBI's London server seizures +Sports,No Laughing Matter +Sports,Neumann Hits Mark +Sports,Caminiti Dies at 41 +World,N.Korea Says U.S. Blocking New Nuclear Talks (Reuters) +World,Aid sought for storm damage +Business,Selling a breakthrough isn't always easy +Business,Piracy rule is definition of misguided +Business,"US gas average hits \$2.02, and it's likely to rise" +Business,A primer on ways to pay bills +World,"Study ties Hussein, guerrilla strategy" +World,Mosque bombed in Pakistan +Business,2nd UPDATE:Singapore Econ Growth Slows; MAS Holds Policy +Business,The 57bn pensions black hole +Business,Westfield Group still a favourite +Sci/Tech,Microsoft #39;s latest offerings to get wired with TV +Sports,Cardinals Win Playoff Series From Dodgers; Braves Force Game 5 +Sports,Astros #39; leads slip away +Sports,"Notebook: For Peppers, it #39;s the long and short of it" +Sports,Shaq makes Heat debut +World,"Australia: Howard government returned, courtesy of Labor" +World,DUP warned over indefinite procrastination +World,Low voter turnout invalidates Hungarian referendum on citizenship +World,Russia woos India for IT partnership +Sci/Tech,Problems Cited at Nuclear Plant in South Jersey +Sports,"As promised, party was quite subdued" +Sports,Seems that it may be time for credit check to be run +Sports,Rivera relatives killed in Panama +Sports,Cardinals show Dodgers door +Sports,Former MVP Caminiti dead +Sports,Outing hurt so good for Dillon +Sports,Coach was in on the pass game +Sports,Mistakes keep surfacing for Dolphins +Sports,Welker put his best foot forward in emergency +Sports,Developing nose for ball +Sports,A pick-me-up at QB +Sports,Seahawks stunned in OT +Sports,"At 4-1, they just might be Giants" +Sports,Pool is much less crowded +Sports,UNH topples Saints +Business,Local Stocks +Sports,Schumacher again finds victory lane +Sports,Yankees braced for circus known as dysfunctional Red Sox +Sports,Lewis helps Ravens grind down Redskins +Sports,Irish duo #39;to sell #39; Man Utd stake at 310p to Glazer +World,6 terrorist members charged for Philippine ferry bombing +World,China Hostages #39; Firm Hopes #39;Extreme Won #39;t Happen #39; +World,Rumsfeld Visits Baghdad as Blasts Kill Up to 18 +World,N.Korea Says U.S. Blocking New Nuclear Talks +World,Talks Continue After China Hostage Deadline Passes +Business,Sainsbury #39;s profits weaker than expected +Business,UPDATE:Data Suggests RBA Hike As Howard Victory Digested +Business,F amp;P gets \$83m US footprint +Sci/Tech,British hostage tried fleeing before death: report +Sci/Tech,Volcano stirrings carry memories of son killed there 24 years ago +Sports,Patriots ride defense to 19th straight victory +Sports,Lucky 13 for Schumacher as he breezes to victory +Sports,"Giants 26, Cowboys 10" +World,When Private Passions Meet Public Journalism +World,Car bombs kill 11 in Baghdad +Sci/Tech,NASA Mars Rovers Find More Signs of Water (Reuters) +World,Ambitious Russian tycoon upsets Lithuanian politics (AFP) +World,Rocket Attack Kills 2 U.S. Troops in Iraq (AP) +World,Two more shot dead as Thailand praying peace for South +World,Cambodia moves closer to electing new monarch as Senate passes key bill (AFP) +World,Cameroon votes for leader +Business,Saudi promise to release more oil +Sports,St. Louis puts end to LA #39;s upset hopes +Sports,England can run away with it +Sports,Rossi king of Sepang ! +Sports,Picking on the rookie +Sports,Waiting and hoping +Sports,Skins #39; house of horrors +World,Crippled Canadian sub reaches Scotland +World,Rumsfeld makes surprise Iraq visit +Business,Senate to vote on corporate tax package +Business,Imus: FCC may still hound Howard +Business,Vector takes \$877m share in NGC +Sci/Tech,Industry fears security setbacks +Sports,Stolz scores first tour win at Vegas +Sports,Starting rotation might get a makeover for next round +Sports,F1: Button has his sights on victory +Sports, #39;Battle not over #39; but Rossi on the brink. +Sports,"Jets 16, Bills 14" +Sports,"Ravens 17, Redskins 10" +Sports,Tragedy touches a life near-perfect +Sports,"Rams 33, Seahawks 27, OT" +Sports,Giants men among #39;Boys +World,Bush Ally Re-Elected; Australia Stays in Coalition +Sci/Tech,US seizes independent media sites +Business,GM Showcases Hydrogen and Hybrid Technologies at China #39;s Challenge <b>...</b> +Business,Fisher amp; Paykel buys US company +Business,Venezuela announces oil tax increase +Business,AstraZeneca to take earnings hit on drug rejection +Sci/Tech,"Move over iPod, for a touch of Zen" +Sports,"England 2, Wales 0" +Sports,Dodgers at a loss without pitching to beat St. Louis +Sports,"Ken Caminiti, 1996 NL MVP, Dies At Age 41" +Sports,UPDATE 1-Australia #39;s Miller dies aged 84 +World,Prisoner swap may aid Mideast peace process +World,Two Men Questioned in Pakistan Bombing (AP) +Business,Dollar Hits 1-Month Low Vs Yen +Business,"Move over iPod, for a touch of Zen" +World,Rumsfeld: Iraq Must Grow Own Govt. System +Business,Sainsbury Profit Falls by as Much as 66; Stock Drops (Update4) +Sports,Schu prefers three day weekend +World,Ambitious Russian tycoon upsets Lithuanian politics +World,"World ; Iran, Russia deal on spent nuclear fuel in final stage" +Sports,Neumann wins first LPGA title in 6 years +Sports,"This is nice, but Cards not yet done" +Sports,Yanks fans desperate for tickets +Sports,"Former MVP Caminiti, 41, dies in Bronx hospital" +Sports,"Keith Miller, Australia #39;s Best All-Round Cricketer, Dies at 84" +World,Oil price strike begins in Nigeria +Sci/Tech,Higher bid for PeopleSoft? (TheDeal.com) +World,"Aid Money Must Flow Quickly, Iraq to Tell Donors (Reuters)" +World,Bobby-Trapped Car Explodes in Mosul (AP) +World,Talks Continue After China Hostage Deadline Passes +Business,"UK #39;s Turner to Show Pension Funds Falling, Watson Wyatt Says" +Business,Australia #39;s Gribbles Has Received Expressions Of Interest +Sci/Tech,Teen Newsbreak - Getting out the vote +Sci/Tech,Security: End users are your first line of defense +Sports,Sven: #39;It #39;s three strikers or Wright-Phillips #39; +Sports,It #39;s a Giant difference +Sports,"Patriots at 19, counting" +Sports,Nobody catches Tomescu-Dita this time +World,Sinai attacks shatter peace for tourists +World,UN troops hurt in Haiti violence +World,Russia and Iran close to nuclear fuel deal +World,Ljubisa Beara Surrendered to the Serbian Authorities +Sports,Kenyans go 1-2 in a wild finish +Business,"Insurer moves 1,100 jobs to India" +Business,Poles jostle for new bank shares +Business,Sainsbury's issues profit warning +World,New Somali leader pledges peace +Sci/Tech,India Emerges as Innovation Hub +Sci/Tech,A MacGyver for the Third World +Sci/Tech,People Are Human-Bacteria Hybrid +Sci/Tech,Oral History on the Go +Sci/Tech,Leisure Suit Larry No Seducer +Sci/Tech,Nations Plan for Net's Future +Sci/Tech,Predicting the Path of an Inferno +Sci/Tech,Can Math Help in Terror War? +Sci/Tech,Experts Knock E-Vote Data Delay +Sci/Tech,Few Americans Buy Meds Online +Business,Cazenove #39;could sell stake to bank #39; +Business,LCD glut drives LG Philips profits down 15 +Business,Westfield joins proposed joint bid for Chelsfield +Business,Singapore #39;s economy grows by 7.7 +Business,Weaker than expected rise in August housing finance in Australia +Sci/Tech,US files first suit against quot;spyware quot; SW +Sci/Tech,Newfound Allies Drive Web Services Spec +Sci/Tech,IBM Reveals Blade With Room For Two SCSI Drives +Sports,No deficit is too large for Nelson +Sports,Cards earn respect the old-fashioned way +Sports,Henry rebuts critics +Sports,Former MVP Caminiti Dies of Heart Attack at 41 +Business,Wall Street hears static on the radio +Sports,Dallas done in by errors; Parcells: We #39;re just stupid +World,"Two car bombs kill 11, including American soldier" +World,US forces enter Latifiya seeking hostage killers +World,Investigators Seek Clues in Ark. Bus Crash +World,Israel Parliament to Start Winter Session +Business,Dubai On The Road With 5-Year Dollar Sukuk FRN +Sci/Tech,The Cost Of Ideas +Sports,Who should replace Beckham? +Sports,No Svet: Tomescu-Dita coasts to marathon win +Sports,Lions hand Falcons first loss +World,Lithuania #39;s Labour wins round one +Sci/Tech,802.11a comes out fighting +Business,Mortgages: Finagling at Fannie +Business,Oil Hovers Around \$53 a Barrel +Sci/Tech,Anti-spyware company in court on bullying charges +Sci/Tech,Dell starts to recall laptop power adapters +Sci/Tech,Mars #39; polygon shapes may be result of water action +Sci/Tech,Top 20 loopholes that make a PC susceptible to hacking revealed +Sports,A hero to generations of Australians +Sports,Former MVP Caminiti Dies of Heart Attack at 41 +Sports,SC stays appointment of Justice Mohan +Sports,Hey 19 -- Pats can #39;t lose Team stumbles but sets NFL win mark +Sports,"Sports: GM, agent, say Rivera will be available Tuesday" +Sports,Adams quits Leicester +Sports,Court reinstates Indian board officials +Sports,NFL: Seattle-St. Louis UNDER 43 +World,Canadian probe into submarine fire begins +World,Mystery accused to join Shaik +Sci/Tech,World gaming triumph for UK team +Sci/Tech,Flight simulators 'treat vertigo' +World,Nigerians Go Ahead With Nationwide Strike (AP) +Business,London Oil Price Tops \$50 for First Time +Business,Weak Jobs Growth Drags Down Dollar +Business,CapitalSource's Especially Warm Reception +Business,House prices cool off in August +World,UN troops hurt in Haiti violence +Sports,Oswalt set on ending Astros hex +World,Militants extend deadline to kill one hostage by four hours +World,Kanye triumphs at Source awards +World,Stocks May Open Lower on Jobs Report +Business,British Insurer to Move Jobs to India +Business,AZ finds itself on the sick list +Sci/Tech,"Dell, Intel, Microsoft launch web services standard" +Sports,What The Papers Say... +Sports,Biaggi sees the light. +Sports,Foxes lose Adams fight +World,Nigerian workers launch four-day general strike over rising fuel costs (AFP) +Sci/Tech,Making disk drives the star of the show +Sci/Tech,Optical networking: The next generation +Business,London Oil Price Tops \$50 for First Time +Business,Fannie Mae has given its critics plenty of ammo to shoot for <b>...</b> +Sports,Braves Beat Astros 6-5 to Force Fifth Game (AP) +Sci/Tech,US gov targets spyware outfit +Sci/Tech,Google used to identify 1993 hit-and-run victim +Sci/Tech,Palmisano: IBM CEO Hails Growing Tech Spending +Sports,49ers #39; attitude gets a major adjustment +World,Cambodia passes Throne Council bill +World,Crocodile attacks two campers in northern Australia +World,Israeli Aircraft Attacks Militant's House (AP) +Business,Stocks Seen Flat as Oil Hits New Highs +Business,"Oil Extends Record Run, Brent Over \$50" +World,"Count Delay in Afghan Poll, Candidates Coming Round" +Business,Risk Assets Tread Water +World,Israeli Missile Hits House of Local Militant -Medics +Business,JP Morgan to buy 50 of Cazenove for 100 mn +Sci/Tech,IBM sharpens BladeCenter offering +Sports,Aussie cricket legend Keith Miller dies +Sports,"To Yao, Shaq looms large" +World,Canada: Brave sailors saved sub +Sports,Barca expand lead with Real #39;s goalless draw +Sports,BCS matchups offer several firsts +Business,C amp;C Profit More Than Doubles on Lower Interest Costs (Update2) +Business,New service brings digital media to you +Sci/Tech,AOL #39;s New Stand-alone Browser +Sports,Redskins Fall To I-95 Rival +World,Iraq Militants Threaten to Behead Turk Hostage -TV (Reuters) +Business,"Westfield, Multiplex join in new offer for Chelsfield (AFP)" +World,Tribute to brave submarine crew +Sports,"Spain wins Davis Cup, extends US drought" +Business,"R amp;SA transfers 1,000 jobs to India" +Business,German state to reduce stake in Deutsche Telekom +Business,Sainsbury profits to drop by two thirds +Business,Aussies and Reubens grab Chelsfield +Business,LG.Philips Posts First Profit Decline in Five Qtrs (Update2) +Sci/Tech,Area engineer was in at the start of the space race +Sci/Tech,Senior management too lax with information security +Sci/Tech,Dell Gets \$700M Deal From Royal Philips +Sports,Former Astro Ken Caminiti dead at 41 of apparent heart attack +Sports,Yankees beat Twins 6-to-5 +Sports,"Put up or shut up, Reds board tells Glazer" +Sports,Pats ice Belichick after 19th straight +Sci/Tech,Microsoft Files More Spam Suits +Sci/Tech,"Royal and Sun Alliance to move 1,100 jobs to India (AFP)" +Business,"Royal and Sun Alliance to move 1,100 jobs to India" +Business,Corporate tax cuts delayed a day in Senate +Business,Sainsbury #39;s profits set to tumble +Business,New service to give remote access to digital media anywhere +Business,Japanese unit hits Daimler #39;s profit +Sci/Tech,Realtors Increasingly Use Internet To Market Their Business +Sports,Australian striker Kewell fit for Solomon Islands game +World,Few Sadr rebels turn in arms +World,"Canada to Hold Inquiry on Submarine Fire, Meet With UK #39;s Hoon" +World,Arrests made in Philippines ferry bombing +World,China Rejects Olive Branch Offered by Taiwan #39;s President +World,2 UN Peacekeepers Shot in Haiti +World,Talks Continue After China Hostage Deadline Passes +World,Manila's Cardinal Sin Rushed to Hospital +World,S Africa arms fraud trial starts +Sci/Tech,Women 'better at holding drink' +Business,Sainsbury Profit Falls by as Much as 66; Stock Drops (Update5) +Sports,Henin to quit tennis for rest of the season +Sports,"Keith Miller passes away, aged 84" +Sports,Bassett takes charge at Leicester City Football Club +World,Rumsfeld visits Iraq as insurgency goes on +World,India flood toll climbs to 162 +Business,SunTrust Expects to Restate (Reuters) +Business,Excerpts From Nobel Economics Citation (AP) +Business,Sainsbury's Warns of First-Half Profit Dip (AP) +Business,Stocks Seen Little Changed; Oil at Record +Business,SunTrust Expects to Restate +World,Bush paints Kerry as dangerous leftist ahead of final debate (AFP) +Sci/Tech,Napster Founder Returns +Business,Old age a 'burden' to employers +Sci/Tech,Novell sets Open Enterprise Server release +Sci/Tech,Pew File-Sharing Survey Gives a Voice to Artists +Sci/Tech,Web site pictures Photo iPod for holidays +Business,Dell expands AC adapter recall +World,Four killed in Pakistan blast +Sci/Tech,Plumtree upgrades portal package +Sci/Tech,"Microsoft still hopes to settle with EC, exec says" +Sci/Tech,Former CA chief Kumar appears Cannes technology show +Sci/Tech,SGI launches Linux-based visual computer line +Sci/Tech,"Oracle-PeopleSoft battle is good for SAP, exec says" +Business,Poles line up for shares +Business,Oil prices raise cost of gasoline +Sports,Three cleared in Rooney agent case +Sports,"Johnson fights off pain, grabs league lead in receptions" +Sports,Supreme Court stays Dalmiya #39;s election +World,Burger king is hard act to swallow +Sci/Tech,"When Beethoven plays, it #39;s time to take note of the BIOS" +Sci/Tech,Plumtree upgrades portal package (InfoWorld) +World,Partisan Arguing and Fine Print Seen as Hindering Medicare Law +Sci/Tech,Briefly: Novell to release Open Enterprise Server +World,Baghdad Rocket Attack Kills Two U.S. Soldiers +World,DirecTV Reorganizes L. America Operations +Business,Sun Alliance to move 1100 jobs to India +Sports,Former MVP Caminiti Dies of Heart Attack at 41 (Reuters) +Sports,Ailing Henin-Hardenne Ends Season (AP) +Business,Diebold Cuts Forecast (Reuters) +Business,Germany Cuts D.Telekom Stake +Sci/Tech,Google Update? Dont Panic! +Sci/Tech,AOL Building a Browser +Business,SunTrust Will Restate First and Second Quarter Earnings +Business,SunTrust Puts Executives on Leave +Business,Sainsbury #39;s Issues New Profits Warning +Business,C amp;C survives smoking ban +Business,Stocks to Open Lower +Business,Poles Line Up to Buy Shares in Bank +Business,IT #39;S NEVER TOO EARLY TO PLAN A PENSION +Sci/Tech,Sony: PSP will ship by year #39;s end +Sports,Virus ends season for former number one +Sports,49ers savor a bittersweet win +Sports,"No room for errors for USC, Oklahoma" +World,As Nationwide Strike Begins Today... +World,Wacky Records Set In Eating Contest +Sci/Tech,New spec uses Web services to manage remote data center <b>...</b> +Sports,Danish keeper Sorensen ruled out of Turkey match +World,Baghdad Rocket Attack Kills Two US Soldiers +Business,US Stocks Open Up as Oil Hits New High +World,Bosnian Serb War-Crimes Suspect Surrenders (AP) +World,Qanuni Says Candidates to Accept Afghan Election +Business,Crude Oil Prices Surge to New Highs +World,Mubarak Calls for U.N. Conference on Terror +World,Turkey to Seek Changes in EU Commission Report +World,Bush camp in new attack on Kerry +Business,London oil prices breach 50 US dollar level for first time +Sports,BCCI administrator Mohan reports to Madras High Court: +Sports,Editor #39;s note: Our scouts roll back the tape on Week 5 in the NFL: +Business,"SunTrust Restates Profit, Postpones Earnings Report (Update4)" +Business,Tories unveil pensions crisis plan +Business,Price wars in toyland: Part 2 +Business,Stocks Open Up After Poor Jobs Report +Sci/Tech,Dell recalls laptop power adapters +Sports,"Keith Miller, last of the cavaliers, dead at 84" +Sports,MLB: Former MVP Caminiti Dies +World,Troops to Iraq may be cut +World,Egypt urges troops for buffer zone +World,"Jiang pushes increased China-France contacts in Shanghai, meets <b>...</b>" +World,Cambodia moves closer to electing new monarch as Senate passes key <b>...</b> +Sci/Tech,Experts Urge Action as U.S. Lines Up for Flu Shots (Reuters) +Business,"May restate Q1, Q2 net income" +Business,Diebold Cuts Forecasts on Legal Costs +Business,High LCD supplies pressured prices and cut into margins +Business,Around Asia #39;s Markets: Watching Southeast Asia take the lead +Business,ECB sees gradual recovery in eurozone area +Sci/Tech,Microsoft renews its push into TV with Windows XP Media Center +Sci/Tech,The IT security vuln league table of fear +Sci/Tech,"Mars rovers getting old, but they keep on rolling" +Sports,Socceroos #39; Kewell edge +Sports,Davenport Could Steal No. 1 Ranking This Week at WTA Moscow +Sports,Fatigue from virus still dogging former No. 1 +Sports,Former NL MVP Ken Caminiti Dead at 41 +Sports,SC stays appointment of Mohan as interim administrator of BCCI : +Sports,Scotland captain Ferguson doubtful for Moldova qualifier +Sci/Tech,DNA Pioneer Defends Stem Cell Research (AP) +Sci/Tech,South Africa to Take Pulse of Its Environment (Reuters) +Sci/Tech,Bangladesh Sees Tiger Numbers Up in Mangrove Swamps (Reuters) +World,EU Lifts Arms Embargo on Libya +World,Hague Prosecutor 'Set Warcrimes Test' for Serbia +World,Cambodian Royal Succession Clears Last Legal Hurdle +World,Call for global action on spam +Business,Stocks Open Up After Poor Jobs Report +Business,Flat screen prices hurt LG.Philips +Business,Asset-manager Gabelli subpoenaed by SEC +Sci/Tech,The Great Write-In Vote Protest That Never Was +Sci/Tech,"New X prize sets sights on science, technology and social <b>...</b>" +Sports,Gallacher lives up to uncle #39;s legacy +Sports,MEN AGAINST BOYOS +Sports,"SC stays appointments of Mohan, Dalmiya" +World,Terror Bombings Hit Egypt +World,Nigeria tackles fuel subsidies +World,Over a dozen detained after suicide bomb attack on Pakistan mosque +World,EU Lifts Sanctions Against Libya +Sports,Shaun #39;s ready +Sports,SportsNetwork Game Preview +Business,DirecTV Consolidates LatAm Satellite Ops (Reuters) +World,Kerry saddened at death of 'Superman' Christopher Reeve (AFP) +Business,DirecTV Consolidates LatAm Satellite Ops +Business,Dollar Up Vs Euro; Yen Lifted; Trade Thin +Business,Yukos Ordered to Pay Portion of Tax Claim +World,Only Weeks Left to End N.Irish Deadlock -McGuinness +Sci/Tech,FTC files suit against alleged spyware distributor +Sci/Tech,"Maxime Faget, Mercury Spacecraft Designer, Dead at 83" +Sci/Tech,Vodafone UK launches SMS-from-PC software +Sci/Tech,IBM upgrades blade servers +Sci/Tech,Siemens adds Flash-OFDM to broadband wireless family +Sports,Rangers #39; Moore out two months +Sports,Australian star Kewell back to face Solomons in Oceania final +Sports,Tributes flow for Keith Miller +Sports,Eriksson seems to have strength in depth in all positions +Sports,"Gibernau, Rossi right behind Tamada" +Sports,Dodgers Season Comes To End +Sci/Tech,Monster Says It Could Enter Japan by Mid-2005 (Reuters) +Sci/Tech,Polycom targets high-quality desktop conferencing (InfoWorld) +Sci/Tech,FTC Sues Alleged Spyware Distributors (PC World) +Sci/Tech,Finnish Watchdog Raps TV Game Operators +World,All Political Roads Lead to Florida's I-4 Corridor (Reuters) +Sci/Tech,Polycom targets high-quality desktop conferencing +Sci/Tech,"Government, Microsoft haggle over documentation" +Business,Parker Hannifin completes Sporlan Valve acquisition +Business,Arbitration court rejects YUKOS statement challenging judge +Business,Update 3: Oil Prices Rise As Nigeria Strike Starts +Business,Poles Line Up for Shares in Bank +Business,Vector lights up at AGL #39;s NGC sale +Business,Computer Sciences Wins \$1.35 Bln Ascension Contract (Update1) +Sci/Tech,US takes first steps to shut down spyware peddler +Sci/Tech,General Wireless #39; Technology Opens up New Ways for PC Users to <b>...</b> +Sci/Tech,Siemens To Develop Pre-802.20 Wireless Broadband Products +Sci/Tech,Nintendo DS to go wireless +Sci/Tech,"Dell, Intel, Microsoft Launch Web Services Standard" +Sci/Tech,Wireless Data In A Flash +Sports,Kewell named in squad +Sports,Comeback part of Braves #39; makeup +Sports,ADAMS QUITS AS FOXES BOSS +World,CORRECTED: Manila Says Abu Sayyaf Bomb Caused Ferry Sinking +World,Planting for Nobel peace +World,Lithuania Poll Won by Russia-Born Millionaire #39;s Party (Update2) +Sci/Tech,FTC Sues Alleged Spyware Distributors +Sports,Singh Drawn Against Langer in World Match Play Opener +Sci/Tech,MPAA Revives P-to-P Lawsuit +Sports,Pressure Grows for CONCACAF World Cup Hopefuls +World,Shi'ite Fighters Hand Over Arms for Cash in Baghdad +Business,"Royal amp; Sun moves 1,100 jobs to India" +Business,NatFoods makes its pitch for SPC +Business,Parker Hannifin Closes Sporlan Buy +Sci/Tech,Hackers use old tricks to sting business +Business,OPEC Producers Vow To Raise Oil Production +Business,9:31 am: Senate reaches agreement to allow votes on corporate tax <b>...</b> +Business,Blair: Don #39;t write people off at 65 +Business,Court orders Yukos to pay part of 2001 tax claim +Sci/Tech,FTC Goes After Spyware Operations +Sports,Equestrian gold medallist denies cheating +Sports,Lions hand Falcons first loss +Sports,Argonauts aim to tame Lions +World,EU Agrees to Lift Sanctions on Libya +World,SuperFerry sinking a terrorist attack +World,"Iraq Militants Behead Turk, Iraqi -Jazeera TV (Reuters)" +World,Romanians Pitch Rumsfeld on Base Location (AP) +World,"Canoe Capsizes in East Congo, Killing 23 (AP)" +World,"Iraq group beheads Turkish contractor, Kurdish translator: website (AFP)" +World,Cheney: New Jersey 'Moving Toward' GOP (AP) +Business,The Perils of Pensions +Business,"Insurance giant to #39;export #39; 1,100 jobs to India" +Business,Vendor hit with costs for recertifying electronic voting machines <b>...</b> +Sci/Tech,MAKING PEPTIDES ON EARLY EARTH +Sports,Yanks #39; Rivera Intends to Be Back for ALCS +World,EU decides to lift arms embargo on Libya +Sci/Tech,FTC swoops on spyware bloke +Sports,Lampard warning for tricky #39; quest +World,Shiite Militia Fighters Start Turning in Weapons in Baghdad +World,Sharon sets date for Gaza pull-out debate +World,Car bomb blast hits US convoy in Mosul +Sci/Tech,7-Eleven Adopting Wireless Technology (AP) +Sci/Tech,Product Previews (InfoWorld) +Sci/Tech,Monarch Butterflies Go Missing in Vt. (AP) +Sci/Tech,Sea Turtle Population Still Declining (AP) +Sci/Tech,Namibia Loses Ivory Export Bid at CITES Meeting (Reuters) +Sci/Tech,Kenya Withdraws Lion Protection Plan at CITES (Reuters) +Business,Yukos suffers further tax setback +Business,Boeing: Pact Battle Not Linked to Vote +Business,Airline crisis imperils pension insurer +Business,National Foods in SPC takeover talks +Business,Abbott to Buy Nutrition Company EAS +Business,Maverick Increases 3Q Earnings Outlook +Sci/Tech,Dell recalls nearly a million laptop AC adapters +Sci/Tech,Vodafone UK Debuts SMS-from-PC Software +Sci/Tech,Top 20 Security Flaws Revealed +Sci/Tech,Novell sets Open Enterprise Server release +Sci/Tech,"Dell Lowers DJ Price, Takes On Apple iPod" +Sci/Tech,IT Heavyweights Drive New Web-Services Spec +Sci/Tech,"As Sun Settles Kodak #39;s Java Patents Suit, What #39;s Microsoft <b>...</b>" +Sci/Tech,AOL Working on Standalone Browser; Fate of Mac Version Unknown +Sports,Aussie rookie hits jackpot +Sports,Mauresmo Withdraws From Kremlin Cup +Sports,Safin survives first-round scare in Moscow +Sports,Manchester United shares rise on report duo may sell +Sports, #39;Tremendous cricketer and a good bloke #39; +Sports,Pats are now bully in rivalry +Sports,"Vick, Falcons thrown to the Lions" +Business,Vector share float looms +Sci/Tech,FTC Sues Alleged Spyware Distributors +Sports,"Scotland, Vogts in hot water" +Sports,Blue-eyed boy +Sci/Tech,Nickelodeon Expands Beyond Its TV Roots (Reuters) +World,Honour guard greets body of Lieut. Saunders +World,Sharon Vows Parliament Vote on Gaza Plan on Oct. 25 +World,PA: It #39;s #39;peculiar #39; Israel didn #39;t inform us of Sinai warnings +Sci/Tech,Oracle May Drop Its PeopleSoft Bid Lower (AP) +World,Grandmother saves man from crocodile +Business,Brazilian Industrial Output Goes Up (AP) +World,Web Site Shows Two Beheadings in Iraq (AP) +World,EU Ends Libya Sanctions Despite Bulgaria Worries (Reuters) +Business,US Stocks Hold Small Gains +Business,DirecTV Consolidates LatAm Satellite Ops +Business,Congress Sends Bush Corporate Tax Bill +Business,Diebold Cuts Forecast +Sci/Tech,CSC inks \$1.35 billion deal +Business,Corporate Tax Measure Passes Senate +Business,Yukos suffers further tax setback +Business,Norway and US share Nobel prize +World,Moscow children to wear dog tags +Business,Senate Approves Corporate Tax Bill +World,When a MetroCard Led Far Out of Town +World,DirecTV Consolidates LatAm Satellite Ops +Sci/Tech,Product Previews +Business,Abbott acquires nutrition firm EAS for 320 million dollars +Business,A Truce in the Toy Wars? +Business,Honda #39;s Perpetual Motion Machines +Business,Tata signs IT deal with Ferrari +Sci/Tech,Sun #39;s Kodak moment: Patent suit settled out of court +Sports,Patriots #39; careful decision to sign RB Dillon has already paid off +Business,Oil boils above \$53 a barrel +Business,Computer Sciences Gets 10-Year Contract +Business,"Australia #39;s Westfield, Multiplex join in new offer for Britain #39;s <b>...</b>" +World,Nigerian Unions Launch Strike But Oil Exports Flow +Business,Traditional schedule for Tempe High +Business,Gift card may not be free to use +World,Pressure Building on U.S. Over WWII Suit (AP) +World,Afghan Poll Crisis Subsides as Karzai Rivals Back Off +Business,Deutsche Bank Checked China Aviation Finances Before Share Sale +World,Mosque on Fire After U.S. Air Strikes in West Iraq +World,EU Ends Libya Sanctions Despite Bulgaria Worries +World,Anxious Turkey Seeks Changes in Key EU Report +Sci/Tech,MySQL to make use of Microsoft code +Sci/Tech,Cisco continues to court small business +Business,WMC Resources Plans 25 Nickel Expansion In Four Years +Business,"SunTrust Restates Profit, Postpones Earnings Report (Update6)" +Business,Universal to tap Jay-Z? +Business,Isonics Shares Soar on New Unit News +Business,Abbott to buy nutrition company +Business,Hybrid industry gaining ground in the US - 11th October 2004 +Business,Oil prices top \$53 +Sci/Tech,Microsoft Gets Comfy in the Living Room +Sci/Tech,Sun Dodges A \$2 Billion Bullet +Sci/Tech,Realtors to try again to put deals online +Sports,Azerbaijan v England SSP1 Kick Off 17.30pm +World,6 Abu men charged with ferry bombing +World,Shaik Trial Due Today +Sports,Ventura Hangs Up Spikes +Sports,Offensive To Watch +Business,Midway Purchase Was Inevitable +Business,Don't Waste Your Vote +Business,"Australia #39;s S amp;P/ASX 200 Advances, Led by Foodland Associated" +Business,\$136 billion corporate tax bill OK #39;d +Sports,Beckham to undergo light training soon: Real Madrid: +World,"Two Iraqis, US soldier killed in suicide car bomb attack on US <b>...</b>" +Business,Target does a lot of good; let bell-ringers move on +Business,OPEC unable to influence market as oil prices scale new heights <b>...</b> +Business,Stocks Up Ahead of 3Q Earnings Reports +Sci/Tech,Web Servers Lead Top 20 Security Problems List +Sci/Tech,IBM Fashions New Blades +Sci/Tech,Enter your e-mail: +Sports,Ridings hits 61* +Sports,Gallacher Wins Dunhill Links +Sports,Former NL MVP Caminiti passes away +Sports,Katie Hoff Finishes Third In Short Course Worlds +World,A Look at Foreigners Taken Hostage in Iraq (AP) +World,Senate Roll Call on Corporate Tax Bill (AP) +Business,US Congress Sends Bush Corporate Tax Bill +Business,Universal said to weigh senior post for rap star +Business,Sainsbury #39;s Warn of First-Half Profit Fall +Business,PeopleSoft board opens up to Oracle +Business,Honda projects double the US sales of 2005 hybrid models +Sci/Tech,Spinal cord injury +Sci/Tech,Tech Giants Back Specification for Web Services +Sci/Tech,AOL #39;s new brand campaign in the US +Sports,"Thatcher: It was just handbags with Becks, not aggro" +Sports,Patriots finish off 19th straight team with 24-10 victory +Sports,Henin-Hardenne done for the year +Sports,Clinton Morrison sidelined with knee injury +Business,DLA and Piper Rudnick Combine to Create a Leading Global Legal <b>...</b> +Sci/Tech,Shifts and shake-ups in open source +Sci/Tech,SGI brings visualization to Linux line +Business,"Goldcorp #39;s McEwen, Seeking Growth, Buys Wheaton to Get Telfer" +Business,DT Wants All of T-Online +Business,"Diebold Cuts Forecast, Cites Voting Machine Woes" +Business,Boeing Willing to Negotiate on Tax Breaks +Sci/Tech,FTC #39;s first spyware case +Sci/Tech,Some Dell AC Adapters Recalled +Sci/Tech,Spacecraft Design Pioneer Faget Dies +Sci/Tech,Microsoft Upgrades Windows XP Media Center +Sci/Tech,Big Blue Beefs Up BladeCenter +Sci/Tech,Verizon Wireless Vs. Cingular Wireless +Sci/Tech,Submarine Fire Survivors Tell of Blaze Horror +Sci/Tech,X Prize for Nanotech? +Sports,"Dolphins may be without Fiedler, Feeley" +Business,Computer Sciences inks \$1.35 billion deal +Business,Update 3: Court Rules Yukos Must Pay \$1.34 Billion +Sci/Tech,Vodafone Launches Desktop Text Messaging Software +Sports,Australia #39;s Andre Stoltz Wins First US PGA Event in Las Vegas +Sports,Why Micky Adams Quit Leicester +World,"Sadr fighters disarm, again" +World,Saudi women will not vote +World,Romanians Pitch Rumsfeld on Base Location +World,Dollar perks up from Friday's jobs slump (AFP) +Sci/Tech,Downloading Justice +Sci/Tech,Computer Users Face New Scourge +Sci/Tech,MSN Music Falls Short Of iTunes' High Marks +Sci/Tech,Gallup Poll Moves Online With Webcast +Sci/Tech,Exec Says Oracle Lowering PeopleSoft Bid +Sci/Tech,Global Crossing Announces Restructuring +Sci/Tech,Lockheed to Run Post Office Networks +Sci/Tech,ThoughtLink's Exercise in Collaboration +Sci/Tech,Comcast's Perks to Montgomery Criticized +Sci/Tech,Americans Win Gold at World Cyber Games +Sci/Tech,Painless but Pricey Backups +Sci/Tech,Mortal Kombat: Deception; Silent Hill 4: The Room; Spinrite 6.0 +World,Nigerian Strike to Continue But Oil Exports Flow +World,UN: Iraqi Nuclear-Related Materials Have Vanished +Business,"Cisco, Fujitsu Ally on Routers to Spur Asia Sales (Update1)" +Business,Oracle May Drop Its PeopleSoft Bid Lower +Business,Lone Star Boom and Bust +World,Senate Approves Bill Worth \$140 Billion in Corporate Tax Breaks +World,Al-Sadr Loyalists Turning in Weapons +World,"Bush, Kerry Court Voters in New Mexico" +World,Candidate Drops Boycott of Afghan Election +World,Hamdi Returned to Saudi Arabia +World,Stocks Open Up After Poor Jobs Report +World,Bush Rhetoric Becoming More Aggressive +World,Ballots Pour Into Afghan Counting Centers +Sci/Tech,Office Depot hears call for VoIP +Business,Venezuelan President Increases Taxes on Foreign Oil Companies +Business,Fines Against Yukos Stand +Business,US Senate passes corporate tax bill +Business,Senate passes corporate tax bill +Business,Sierra Pacific #39;s Enron Ruling Vacated +Sports,Slick Vick struggles +Sports,Williams is day-to-day after ankle injury +World,Arroyo orders arrest of Abu leaders linked in ferry blast +World,Opposition Party Heads for Win in Lithuanian Election +Sci/Tech,Motorola sinks TV dreams +Business,Nevada utilities win a chance to shed \$336 million Enron bill +Business,Procter amp; Gamble #39;s On Demand +Business,EAS changing hands +World,Saudi Women Won #39;t Vote in Elections +Business,The Disparate Consensus on Health Care for All +Business,"In Eastern Europe, Skepticism Over the Euro" +Sci/Tech,FTC Goes After Spyware Operations (NewsFactor) +Sci/Tech,PalmOne in Microsoft E-Mail Pact (NewsFactor) +Sci/Tech,Web Servers Lead Top 20 Security Problems List (NewsFactor) +Sci/Tech,Microsoft Upgrades Windows XP Media Center (NewsFactor) +Sci/Tech,IBM Fashions New Blades (NewsFactor) +World,Israeli MPs Reject Sharon Speech on Gaza Pullout (Reuters) +Sci/Tech,PeopleSoft touts new tools +Business,Moscow court upholds fines against Yukos +Sports,Dolphins May Turn to Third-String QB (AP) +Sports,Kwan to Skip Grand Prix Season Again +Sports,UPDATE 1-Trezeguet ruled out for three months +Sports,Jackson-sparked Storm set for title showdown (AFP) +Sports,Torre Unsure of Rivera's Availability for Tuesday (Reuters) +Sports,"NHL's Hall, Connolly Head to Europe (AP)" +World,Al-Sadr Loyalists Turning in Weapons +World,New compromise on ivory trade reached +Business,The Successor to Greenspan Has a Very Tough Act to Follow +Sports,Torre Unsure of Rivera's Availability for Tuesday +Sports,Simms Doubtful; Griese to Start for Bucs +Business,Euro creation fails to spark growth due to rigid labor market: Almunia (AFP) +Business,Stocks Rise Before Earnings Blitz +Business,Global Crossing Stock Down 25 Percent +Business,Boeing Willing to Negotiate on Tax Breaks +World,Israeli MPs Reject Sharon Speech on Gaza Pullout +Business,Germany Cuts Deutsche Telekom Stake +Business,Here's a Hot Tip... +Business,Procter Gamble's On Demand +Business,Abbott agrees to buy nutrition firm EAS for \$320mn +Business,We Pledge Allegiance to the Mall +Business,Venezuela jacks up oil royalties +Business,US Stocks Ahead as Earnings Awaited +Business,PeopleSoft Announces PeopleSoft Demand Flow Manufacturing and <b>...</b> +Sci/Tech,Almost a million Dell notebook adapters to be recalled +Sci/Tech,Sun shells out US\$92 million to settle Eastman Kodak litigation +Sports,Tennis: Olympic Champ Justine Henin-Hardenne Takes Year Off +Sports,"Truth amp; Rumors: Oct. 11, 2004" +Sports,Tragedy strikes at World Cup qualifier in Togo +Sports,Formula One: Schumacher blows away foes +World,Car bomb attack on US convoy in Mosul: police +World,Chirac tour falls flat for French +World,EU agrees to lift sanctions on Libya +World,"SuperFerry 14 bombing solved, says Arroyo" +World,UN: Iraqi Nuclear-Related Materials Have Vanished (Reuters) +World,Slain Police Officers Buried in Haiti (AP) +World,Commander of sub tells of ordeal; says Saunders was overcome with smoke (Canadian Press) +Business,"Oil Extends Record Run, Brent Over \$50" +World,Israel's Sharon Survives Two No-Confidence Votes +World,"Marchers Attack French, U.N. Troops in Ivory Coast" +Sports,McCain Calls for Tougher Testing Policy +Business,Stocks post gains +Business,Update 1: Defense Begins Case in Enron Barge Trial +Sci/Tech,FTC Files Complaint Against Alleged Spyware Distributor +Sci/Tech,Nintendo DS Readies for Portable Gaming Competition +Sports,Tragedy strikes Rivera #39;s family +Business,World oil prices hit record highs +Business,Oracle may cut its offer for PeopleSoft as much as one-third +Business,House Approves \$477 Billion Defense Bill +Sci/Tech,Microsoft Wires XP to TV with Media Center +Sci/Tech,Sub blaze survivors relive terror +Sci/Tech,NASA worker pleads innocent to faking inspections +Sci/Tech,"Sun, Kodak Look to Future Following Patent Suit Settlement" +Sports,Giants #39; Carter fractures hip +Sports,"Injuries, frustration continue to mount in Miami" +Sports,In the air over there +Sports,Yanks closer due back for ALCS +Sports,Prefontaine boots Argos past Lions +Business,Gadhafi Prize to Chavez +Business,Update 1: Global Crossing Plummets on Restructure +Sci/Tech,"Intel, Microsoft Attempt To Integrate PC and TV" +World,Canas Wins on Opening Day at CA Trophy +Business,OIL PRICES SCALE RECORD HEIGHTS +Business,\$5Bln Telekom Stake for Sale +Business,YUKOS ordered to pay part of tax claim +Sci/Tech,International Conference Focuses on Spam +Sci/Tech,FTC Filing Targets Malicious Spyware +Sports,Tim Carter out for season +Sports,Glazer Getting Serious Despite Fans Opposition +Sports,Yankees-Red Sox Set to Renew Rivalry in ALCS +Sports,Maquoketa #39;s Rosenfels could make first career start for Dolphins +Sports,Lions are suddenly road warriors +World,Chirac Means Business in China +Business,"Saudi vows to create 'pro-business environment', foster investment (AFP)" +Business,Stocks End Higher Before Earnings Blitz +World,Congress Approves Lewis and Clark Park (AP) +Business,Advo Names Harding CEO +Business,Dell Recalls Notebook Adapters +Sports,Hanson chasing number six +Business,"Oil Rises to Record on Reduced Gulf of Mexico Output, Imports" +Business,India set to get more British jobs +Sci/Tech,Ex-NASA Worker Charged for Faking Exams +Sports,Sri Lanka reach final after Zimbabwe match called off +Sports,Atapattu: No complacency vs. Zimbabwe +Sci/Tech,U.S. Funds Chat-Room Surveillance Study (AP) +World,AdWatch: Kerry Attacks Bush's Tax Cuts (AP) +World,Senate Leaders Hope to Act on 9/11 Bill (AP) +Sci/Tech,A new event in programming? +Sci/Tech,Tech services jobs increase +Sci/Tech,Schmidt to take greater role in U.S. cybersecurity +Sci/Tech,Comcast CEO offers olive branch to Bells +Sci/Tech,Former CA chief Kumar appears at Cannes tech conference +Business,Oil Futures End at Record High for Fifth Session +Business,Ascension Health Awards Computer Sciences 10-Year IT Support <b>...</b> +Business,Yukos fined \$1.34bn for failure to pay tax +Business,Cerro Verde Expansion To Up Peru Copper Output By 20 +Sci/Tech,IBM upgrades blade servers +Sci/Tech,Massachusetts settles its first antispam case +Sports,Walker Becoming Favre's Favorite Target (AP) +World,Blair told to double overseas aid +Sci/Tech,Comcast CEO offers olive branch to Bells +Sci/Tech,FTC Acts Against Spyware Distributor +Sci/Tech,Divers find Blackbeard #39;s cannon +Sports,Robin Ventura Announces Retirement (AP) +Sci/Tech,IBM supersizes storage arrays +World,"Nigerian unions launch strike, oil exports flow" +World,Shaik: Nixon gets a mention +Sci/Tech,Authorities shut down U.K.-based news Web sites +Sports,"Welke, Marsh Picked As Crew Chiefs for LCS (AP)" +Sports,'Laughingstock' Portugal Hopes to Rebound (AP) +Sci/Tech,"Global Crossing cuts 600 jobs, announces Q1, Q2 results" +Sci/Tech,Diebold cuts forecast +Sci/Tech,3Com launches set of products for IP telephony +Sci/Tech,"Microsoft still hopes to settle with EC, exec says" +Sports,Yankees-Red Sox Set to Renew Rivalry in ALCS +Sci/Tech,"TELECOM '04 - Verizon, Comcast execs slam regulation" +Sci/Tech,Microsoft Still Hopes to Settle With EU +Sports,Dolphins May Turn to Third-String QB +Sci/Tech,FTC Filing Targets Malicious Spyware +World,Newsview: Flawed Candidates Neck and Neck (AP) +World,"Sadr fighters disarm, again" +World,Attacks in Egypt: homegrown or part of global jihad? +Business,\$50-plus Oil Drags on Economy +Business,Global Crossing Shares Plummet +Business,Parker Hannifin completes purchase of Sporlan Valve Co. +Business,Stocks drift higher as investors await earnings +Sci/Tech,"TELECOM #39;04: Verizon, Comcast execs slam regulation" +Sci/Tech,Tribute to an unsung space hero +Sci/Tech,GeForce 6200 Announced +Sci/Tech,MPAA Revives P-to-P Lawsuit +Sci/Tech,Media Center introduction +Sci/Tech,Novell shortens release date for open enterprise server +Sports,Schilling wants to quiet Yankee Stadium crowd +Sports,Somebodys Going Home 1-4 +Sports,Injuries leave Panthers with no tailbacks +World,An Afghan #39;hanging chad #39; dispute +Business,Dell Recalls 1 Million Laptop Power Adapters +Sci/Tech,IBM Introduces New Blade Servers +Sci/Tech,New ISS crew prepare for lift-off +World,Croc attack to be investigated +Business,After the Bell -- CommScope Slides +Sci/Tech,MySQL to make use of Microsoft code +Sci/Tech,Novell #39;s Open Enterprise Server To Ship Early +Sci/Tech,China Eastern Airbus order worth \$3.4 billion +Sports,"Autopsy performed on Caminiti, results may not be known for 10 <b>...</b>" +World,"Defence minister sees damage to Chicoutimi, meets with British" +Business,"Congress Passes \$145 Bln Tax Cut, Ends Export Subsidy (Update2)" +Business,US Stocks Drop in Week on Economic Reports; Merck Declines +Business,Congress Sends Bush Corporate Tax Bill +Business,Citigroup seeks to block Parmalat plan +Business,Microsoft II: Browser battles +Sports,CHELA DUMPED OUT IN AUSTRIA +Business,Oracle may cut PeopleSoft bid +Business,"Senate OKs \$137 billion in corporate, special interest tax breaks" +Business,Stocks: Stocks rise as investors bet on profit reports +Business,Boeing willing to bend on tax breaks +Business,Sainsbury profit drops two-thirds +Business,Oil strikes another new high +Business,Blair delays pensions move until after poll +Business,Global Crossing struggling to stay afloat +Sci/Tech,Microsoft Renews Push for Living Room PC +Sci/Tech,ABC Notches Another #39;Desperate #39; Win Sunday +Sci/Tech,Comcast CEO Calls for Telecom Truce +Sports,Davenport wins in Germany +Sports,Sri Lanka-Zimbabwe tri-series match called off due to rain +Sports,"With Jamal out, focus turns squarely on Boller" +Sports,"Sport #39;s hottest property, a collapsed trial, and the seedy world <b>...</b>" +World,Carbon dioxide spike renews global warming fears +World,"Violence will worsen ahead of Iraq polls, Rumsfeld warns" +World,Grandmother wrestles crocodile +World,Kidnappers #39; double-headed strategy in Iraq +Sci/Tech,Microsoft Renews Push for Living Room PC +Sports,Ravens find another way to win +Sports,Rosenfels might start against Bills +Sci/Tech,Siebel moves toward self-repairing software +Sci/Tech,"Gizmos, graphics get open source options" +Sci/Tech,Oracle may cut PeopleSoft bid +Sci/Tech,A new direction for Linux for gadgets +Sci/Tech,"MSN fighting Messenger difficulties, virus" +Sci/Tech,VeriSign nears new Net phone deals +Sci/Tech,Hot servers not so cool for data center managers +Sci/Tech,Caymas introduces company and products +Sci/Tech,Storage vendors push decentralization +Sci/Tech,IBM supersizes storage arrays +Business,Alitalia secures 400m euro loan +Sci/Tech,Comcast CEO offers olive branch to Bells +Sci/Tech,Rovers resume search for life on Mars +Sci/Tech,Wireless Networking FCC Gives Nod to Cingular-AT amp;T Wireless Merger +Sports,MR FIXIT: GO FOR LOW SCORE BORE +Sports,Redskins Safety Bowen Out for Season +Sports,Dolphins may have to turn to third-string QB +Sports,Three UNC players suspended for marijuana +World,Sub #39;s crew recall fight with #39;brutal #39; fire +Business,Catz: Oracle Exec Says May Drop PeopleSoft Bid By One-Third +Business,Report to warn of 57bn pensions shortfall +Sports,Kewell calm and collected for long-awaited Socceroos return +Sports,Courage of our favourite Aussie +Sci/Tech,Briefly: Siebel moves toward self-repairing software +World,Bombed Turkish synagogue reopens +Business,"US Stocks Gain; Shares of Citigroup, Bank of America Advance" +Business,Global Crossing Falls as It Seeks New Financing (Update2) +Business,"SunTrust Banks to restate 1Q, 2Q profit" +Business,"US Stocks Gain; Shares of Citigroup, Bank of America Advance" +Sci/Tech,New signs of water on the Red Planet +Sci/Tech,"MS, Intel Shepherd New Web Services Spec" +Sports,SquawkBack Poll: Will the Red Sox or Yankees win? +Sports,Tennis: Argentina #39;s Guillermo Canas Wins in Opening Day Play of CA <b>...</b> +Sports,Playboy who irked the Don +Sports,Baseball: Win for the Yankees +Sports,Kim not retained as Cubs make coaching changes +World,Scientist finds huge jump in gas that causes global warming <b>...</b> +Business,Alitalia secures 400m euro loan +Business,Yukos Ordered To Pay \$1.3 Billion in Tax Debt +Business,CSC Wins \$1.35 billion Contract +Sports,Trio in ALCS spotlight +World,One reported dead after at least three rockets slam into Kabul <b>...</b> +Business,Alitalia Signs Agreement With Dresdner +Business,Phelps Dodge Plans Mine Expansion +Sci/Tech,FTC sues alleged spyware distributors +Sci/Tech,Vodafone Software Enables SMS from Desktop +Sci/Tech,Vendors announce new Web Services Specification +Sports,Henin calls a halt to exhausting year +Sports,Vick struggling in new offensive scheme +Sports,Dettori back on top of the pile +Business,"CommScope Says Costs Rise, Sales to Fall" +Business,Tractor Supply 3rd-Quarter Earnings Drop +World,Nuclear assets 'vanish' in Iraq +World,Millions facing pensions 'misery' +Business,Westfield and Multiplex team up to bid for Chelsfield +Business,CORRECTED: Stocks Rise Before Earnings Blitz +Business,Stocks End Higher Before Earnings Blitz +Sci/Tech,MDM Delivers Directions on-the-Go +Sports,Becks #39; absence is both good and bad news +Sports,Giants #39; Tim Carter done with hip injury +World,MEPs: #39;Homophobic #39; justice chief must quit +World,"Mrs Crocodile Dundee, 60, wrestles with reptile to save camper" +Business,Thin trading keeps renewed optimism in slight check +Business,Screen glut cuts net 15 at LG.Philips +Sci/Tech,Glitch Disrupts EBay's PayPal Service (AP) +Sci/Tech,'Doonesbury' Strip Crashes 'Union Leader' Web Site (Editor and Publisher) +Sci/Tech,Microsoft Renews Push for Living Room PC (Reuters) +Sci/Tech,Caymas introduces company and products (InfoWorld) +Sci/Tech,New Effort to Target Illegal Ivory Sales (AP) +Sci/Tech,Flu Shot Disaster Shows Communications Gap-FDA (Reuters) +Sci/Tech,Russia Plans 500-Day Mock Mars Mission (SPACE.com) +Sci/Tech,Comet Crashing Mission Prepped For Launch (SPACE.com) +World,"Crisis Over, Afghanistan Heads for Vote Count (Reuters)" +World,Outspoken British envoy may lose job for denouncing Uzbek torture (AFP) +World,Some Iraqi Insurgents Turning in Weapons (AP) +World,"Bush, Kerry Campaign in West Before Debate (AP)" +World,Congress OKs #36;136B Corporate Tax-Cut Bill (AP) +Business,Update 2: Tokyo Stocks Lower on Profit-Taking +World,U.S. Raps Cuba on Its Presence Abroad (AP) +Sci/Tech,Oracle sees PeopleSoft profit declining +Business,Founder set to quit Chelsfield +Business,No more peanuts +Business,Australian authorities OK Qantas merger +Business,Glitch disrupts eBay #39;s PayPal service +Business,Oracle sees PeopleSoft profit declining +Business,Sainsbury #39;s forced to issue third profits warning +Business,Murdochs men do media mambo +Business,Government #39;must take bold decisions #39; over pensioners +Business,CommScope Shares Plunge 3Q on Sales View +Sci/Tech,Microsoft plans to announce new media center +Sci/Tech,Apple Fan Sites Buzz with Talk of Photo-Ready iPod +Sci/Tech,Sans list warns of Unix version control risk +Sci/Tech,New Worm Attacks MSN Messenger As Service Falters +Sports,Sri Lanka reach final +Sports,"Despite injuries, McNair and Favre to start Monday" +Sports,"No beating about the bush, Miller was Australian in excelsis" +Sci/Tech,Americans Win Gold at World Cyber Games (AP) +Sci/Tech,France May Allow Jamming of Mobile Phones (AP) +Sci/Tech,Apple Fan Sites Buzz with Talk of Photo-Ready iPod (Reuters) +Sci/Tech,Oracle May Drop PeopleSoft Bid (AP) +Sci/Tech,Apple Fan Sites Buzz with Talk of Photo-Ready iPod +World,Tokyo Stocks Open Lower; Dollar Slips (AP) +Business,Tractor Supply 3rd-Quarter Earnings Drop (Reuters) +Business,Japan Stocks Open Lower +World,Newsview: Flawed Candidates Neck and Neck (AP) +Sci/Tech,Bird nest thefts at record UK low +World,"God Has 4,000 Loudspeakers; the State Holds Its Ears" +Sci/Tech,IBM to refresh storage lineup +Sci/Tech,Wi-Fi not a slam dunk for basketball Maverick +Business,Qantas-Air NZ merger backed +Business,Sainsbury warning #39;could be followed by another #39; +Business,Britons fear poverty +Sci/Tech,Verizon Wireless to Add 16 Cities to Broadband +Sports,Rooney #39;blackmail #39; trio are cleared +Sports,Peirsol breaks own world record in 200 backstroke +Sports,Acquaintances hope drugs aren #39;t cause +Sports,Leicester in shock as Adams quits +World,Crew Reounts #39;Nightmare #39; on the Atlantic +World,NIGERIA: New fuel strike shuts down key cities +World,Chirac calls for closer ties +World,"China, Annan agree on UN reform" +Sci/Tech,TELECOM '04 - Changing telecom industry meets in Vegas +World,"Indians, Independents Dominate Bolivia Election" +Sci/Tech,New Media Center OS Unveiled +Business,Pensions - your views +Sports,Notes: Mendoza added to roster +Sports,Agent of Man Utd #39;s Rooney has blackmail case thrown out +Sports,Peirsol sets 200 back world record +World,Amnesty defied as militants hang on to their arms +World,Corruption case casts shadow on Mbeki #39;heir #39; +World,"Federal employees get special treatment on car usage, say documents (Canadian Press)" +World,Cheney: Kerry's View of Terrorism 'Naive' (AP) +World,Edwards Calls for Crackdown on Meth Labs (AP) +Business,Radical pension reforms to be urged +Business,Software glitch disrupts eBay #39;s PayPal online payment service +Business,Merck seeking new CEO +Sports,Astros Lead Braves 3-0 After Three Innings (AP) +Sports,Rivera Says He Plans to Return for Game 1 (AP) +Sci/Tech,Microsoft to Announce Media Center OS Update +Sports,Beckham - foul #39;was deliberate #39; +Sports,FEATURE-Splendid disregard for convention marked Miller +Sports,John Madden +Sports,A-Rod Right in the Middle of Rivalry (AP) +Sports,Tar Heels Suspend 3 Players Indefinitely (AP) +Sports,Caminiti Dead at 41 of Possible Heart Attack +Sports,Autopsy Performed on Ken Caminiti +Business,Dollar Hovers Near 1-Month Low Vs Yen +Business,Higher Fuel Costs Starting to Hit Consumers +Business,Royal amp; Sun Alliance offshores 1100 jobs to India +Business,Minister hints at pension switch +Business,Stonecipher: Boeing Will Win US Air-Tanker Deal In The End +Sports,Horse tested positive for banned drugs +World,EU ends 11-year sanctions against Libya +World,MEPs reject candidate who called gays sinful +World,UN wants \$97 mln for security after Iraq blast +World,Challenges Likely As Ohio Certifies Vote (AP) +Business,"Australia #39;s Tasmania State Rating Raised to AA, S amp;P Says" +Sci/Tech,Gates to unveil Media Center PCs +Sci/Tech,Ex-NASA Worker Charged for Faking Exams +Sports,"McCulloch deserves his call-up, says Davies" +Sports,Team to talk with at least 3 more about managerial job +Sports,Schottenheimer fumes over perceived cheap shot +World,Blair pledges welfare reforms in third term +Sci/Tech,Mount St. Helens Releases More Steam (AP) +Sci/Tech,Officials Say Sea Turtles Declining (AP) +Sci/Tech,Robot Helps Police Arrest Murder Suspect (AP) +Business,Corporate Tax Measure Approved +World,"Oil Prices Top \$53 a Barrel, Set Record" +World,Rivera Comforts Relatives in Panama +World,Some Iraqi Insurgents Turning in Weapons +World,"Bush, Kerry Court Voters in New Mexico" +Business,DirecTV Reorganizes Latin American Satellite Business (Update4) +Business,Aristocrat gets credit tick +Business,Automakers look to rev up sales with fun new ads +Sci/Tech,"MSN fighting Messenger difficulties, virus" +Sports,"Melvin, Grace Candidates for D-Backs Job" +Sports,Peirsol Breaks Own World Mark in 200 Back +Business,Mitsubishi starts ad campaign in US to improve image +World,Action Urged over Soaring Greenhouse Gas Levels +Business,Oil futures rise toward \$US54 +Business,Advo Names Harding CEO +Business,BACS looks to conquer Europe +Business,"CommScope Says Costs Rise, Sales to Fall" +Sci/Tech,Microsoft #39;s latest plan for TV +Sci/Tech,NASA Space Station Status Report 11 October 2004 +Sports,Kookaburras defend Pakistan pull-out +Sports,Real play down Beckham injury +Sports,Caminiti struggled off the field +Sports,Melvin interviews for Arizona job +Sports,Offense at fault in Skins #39; skid +World, #39;Sudden jump #39; in greenhouse gases +World,US exit poll gives Karzai victory +World,Congressman Want to Tax Federal Gov't (AP) +Business,Nikkei Falls on Higher Oil Price +Business,SEC: Rules on Executive Pay Could Change +World,Security Tight for Anniversary of Bali Bombings +Business,Senate Approves \$143B Corporate Tax Measure +Business,Boeing Expects Air Force Contract +Business,Oil Firms Say Iraqi Purchases Were Legal +Business,SunTrust to Restate Earnings +Business,'Enron of Kansas' Trial Begins +Business,Pension Promise No Guarantee of Security +World,US tackled on al-Qaeda suspects +World,Techno tricks used to ring roulette winnings +Business,Selling Prescription Drugs to the Consumer +World,"After Siege, Russians' Grief Turns to Anger" +World,Novel Look at Gandhi's Affections +World,Blair #39;Should Broker Deal to Boost Aid Spending #39; +Business,Stocks post small gains as investors await earnings +Sports,Michigan #39;s freshman duo gains confidence +World,Woman rescues fellow camper from crocodile #39;s jaws +Sports,Yao Measures Up in U.S. and China (Reuters) +World,"Crisis Over, Afghanistan Heads for Vote Count" +Sports,Polanco Pitches Well +Sports,Donovan Captains Team +Sports,"Good Show, But Not Great" +Sports,Giants May Lose Carter +Sports,Marty Gets Mad +Sci/Tech,Southeast Asia Takes Aim at Illegal Wildlife Trade (Reuters) +Sci/Tech,Foe Catches Van Hollen With Web Guard Down +World,Cranes rain down as peace gesture +Business,Bank Overstated Loan Loss Reserves for First Two Quarters +Sci/Tech,NASA Says Repairs Have Lessened Worries About Shortages +Sci/Tech,SGI launches Linux-based visual computer line +Sci/Tech,New IM Worm On The Loose +Sci/Tech,MDM announces Directions on-the-go +Sci/Tech,CITES forbids commercial trade in rare dolphin +Sports,Rooney agent trial: Three cleared +Sports,Beltran #39;s Second HR Puts Astros Up 4-2 +World,Moqtada Al-Sadr #39;s militia strikes deal with US forces +World,11.10 / 17:48 0 President Roh says N. Korea won #39;t #39;go to <b>...</b> +World,Security Tight for Anniversary of Bali Bombings (Reuters) +Sci/Tech,SGI to Ship Intel Linux Workstation +Sports,Schilling Is Prized Starter for Game 1 +World,Uncomfortable diplomatic moment for Kofi Annan +Business,Nikkei Falls on Higher Oil Price +World,Shiite militants turning in weapons in Iraq +World,Trial puts ANC in the spotlight +Business,NYMEX Crude Near Highs Off #36;54 (Reuters) +Business,"Techs, \$53 Oil Spark Fall in Asian Shares" +Business,NYMEX Crude Near Highs Off \$54 +Sports,Top pick Howard soaking it all in +Sports,Titans Lead Packers 34-13 After Three (AP) +Business,Nobel winner calls for bank autonomy +Sci/Tech,CBS Holds Off ABC For Sunday Win +Sci/Tech,"MSN fighting Messenger difficulties, virus" +Sci/Tech,MDM Announces Multiplatform #39; #39;Directions on-the-go #39; #39; -- A <b>...</b> +Sci/Tech,Southeast Asia Takes Aim at Illegal Wildlife Trade +Sci/Tech,Ex-NASA worker pleads innocent of fake inspections +Sports,No other pairing rivals it +Sports,NBA Game Summary - Washington at Indiana +Sports,"Agent says Caminiti had heart attack, died" +Sports,Cardinals Best When It Matters the Most +World,Nigerian Strike to Continue But Oil Exports Flow +World,Egyptians close off bombed hotel +World,Singapore welcomes Chen #39;s address +Sports,"Miller, #39;invincible #39; who defied Messerschmitts, dies in Melbourne <b>...</b>" +World,Judge to decide on live broadcasts from Shaik trial +World,French retailer Carrefour denies it is withdrawing from Japan (AFP) +Sports,Raiders #39; Curry Injured Against Chiefs +Business,Update 4: Tokyo Stocks Lower at Late Morning +Sports,Aussies Pull Out of Pakistan Field Hockey +Sports,Cal doesn #39;t run it up -- and is run out of BCS +Business,"BIG FIX: Corporate-tax overhaul, biggest in 19 years, expected to <b>...</b>" +Business,Bank shows profit error +Sci/Tech, #39;Housewives #39; Prompts NBC to Cook Up a Copy +Sports,This Date in Baseball for Oct. 12 (AP) +Sports,Gasquet Upset Winner in France (AP) +Sports,Beltran Homers Lead Astros Into NLCS +Sports,"Beltran, Astros Advance" +Business,"A Tax Bill, Full of Breaks, Passes Senate" +Business,Questions on the \$3.8 Billion Drug Ad Business +Sports,Spain #39;s Jimenez wins Golf HK Open +Business,Higher Fuel Costs Starting to Hit Consumers +Sci/Tech,Losing the connection +Sci/Tech,NASA Designer Maxime Faget Dies +Sci/Tech,TELECOM 04: Verizon and Comcast Call for New Rules +Sports,Wish granted +Sports,"Powered by Beltran, Astros Break Through in Playoffs" +Sci/Tech,EMC takes Dantz for SMB connections +World,EU steps up Burma sanctions +World,Israeli military to investigate shooting of Palestinian girl +Sci/Tech,Virgin to Unveil Portable Music Player (AP) +Sci/Tech,EMC takes Dantz for SMB connections (InfoWorld) +Sci/Tech,Space Tourism Seeking Public Investors (AP) +Sci/Tech,"At St. Helens, Little Lava but Plenty of Data" +Sci/Tech,Entertainment Industry Asks Justices to Rule on File Sharing +Sci/Tech,Oracle President Says Bid for PeopleSoft May Be Cut +Sci/Tech,If HAL the Computer Audited Your Expenses +Sci/Tech,Networks in a Duel of Technology +Business,Floridians would get Tax Relief Under Bill Passed by US Senate +Business,The Seed of Apple #39;s Innovation +Sports,The Playoffs/News amp; Notes: Major League Baseball recalls bad taste <b>...</b> +Sports,Wannstedt will wait to name Sunday #39;s starting QB +World,Asteroid did not end dinosaurs - they were dying anyway say scientists (AFP) +Sci/Tech,Week on the Web +World,Pakistan Test Fires Nuclear-Capable Missile +Sports,"Titans trample struggling Favre, Packers at Lambeau" +World,Pakistan Test Fires Nuclear-Capable Missile +Sports,CURT: ANKLE #39;S NOT GONNA SLOW ME DOWN +Sports,Woods basks on Privacy after wedding +Sports,Hanson wins record sixth gold +Sports,Ravens - Redskins Photo Gallery #2 +Sports,Sage may be next on stage for Dolphins +Sci/Tech,ABC encores #39;Desperate Housewives #39; +Sports,Brown Turns Green Bay Blue as Titans Thump Packers +Sports,Division rivals meet for pennant +Sports,NFL Game Summary - Tennessee at Green Bay +Sports,The Dotted Line +Sports,Game balls: Rating Game 5 +Sports,Caminiti reminder of dangers +Sports,Season over for Niners #39; Peterson +World,Al-Sadr Shi #39;ites give up weapons +Business,The average savings expected for each household is \$310. Source <b>...</b> +Business,"UPDATE:Qantas, Air NZ Eye New Alliance After Tribunal OK" +Business,"Quarter of families struggle to pay their bills, study says" +Business,Pension crisis answer #39;unpalatable #39; +Sci/Tech,New resident crew heads to space station this week +Sci/Tech,"CITES allows Swaziland to export, hunt rhinos" +Sports,Butterfield: Sox should win it all +Sports,Seahawks second-guessed on win that got away +World,Relatives remember Bali bombings +Business,Oil Pushing \$54; Edgy Over Winter Supply +Business,Brent crude breaks through \$50-a-barrel for first time +Business,Chrysler Recalls Minivans +World,Seven die in Japan 'suicide pact' +World,Slain Policemen Laid to Rest in Haiti (AP) +World,Australian opposition's Senate leader quits after election rout (AFP) +Sci/Tech,"Now Earning Wings, a New Kind of Astronaut" +Business,Yukos Lawyers Ask for New Judge in Hearing +Business,"NZ stocks: Sharemarket softens, but Air NZ takes off" +Business,No relief seen as Michigan gas prices top \$2 a gallon +Business,Ellison has talked about revising PeopleSoft bid +Business,DCX recalls 1.2M minivans for glitch +Sci/Tech,Technology is seen as revolutionary step in telecommunications +Sports,Six gold to Hanson +Sports,Tennessee Titans beat Green Bay Packers 48-27 +Sports,Yao Ming and Rockets arrive in Shanghai for NBA #39;s first games in <b>...</b> +Sports,Win on Road Gives Vikings Confidence (AP) +World,Army chief #39;emptied his magazine #39; at girl in Gaza +World,Parliament Votes Against Sharon Statement (AP) +Business,"Tech Woes, Oil Weigh on Asian Shares" +World,'Three dead' in Riyadh shootout +Business,UAW and Axle Alliance Co. announce new multiple plant contract +Sci/Tech,Wal-Mart #39;s Linux-based computer not so great +Sci/Tech,SGI brings visualization to Linux line +Sports,"Cardinals, Dodgers shake things up" +Sports,SPCA chapter closed over J. Williams case +World,Pak test fires medium range missile #39;Hataf-V #39; +Business,Finding a seasonal job is hard work this year +Business,Court hits Yukos with \$1.34B fine +Business,Malaysia #39;s AirAsia Ready to Go Public +Sports,"Sox, Yanks get ready to rumble once again: Duel #39;s been in works <b>...</b>" +Sports,Pacers push by Wizards +World,IAEA concerns over Iraq nuclear materials +Sci/Tech,Indian IT major Infosys net profit jumps 49 percent as outsourcing booms (AFP) +Business,Telstra creates new media division +World,"Bush, Kerry Trade Charges Before Debate (AP)" +World,"Bush, Kerry gear up for final debate as polls show race too close to call (AFP)" +Business,Infosys cashes in on outsourcing +World,Parliament Votes Against Sharon Statement +World,Congress Wraps Up Work With Much Rancor +Business,World oil prices hit record highs +Business,Boeing says WTO action not tied to US election +Business,"Business briefs, October 12" +Sci/Tech,PC home entertainment options pushed +Sci/Tech,"Internet-based phone service delivers quality calls, low prices" +Sports,The home of the Brave and the meek +Sports,"Here lie the Packers, may they rest in peace" +Sports,Cardinals Reach Third NLCS in Five Years (AP) +Business,More British jobs to be outsourced to India +Business,Study: Aid for poor #39;inadequate #39; +Business,Slowdown seen in key industry +Business,Abbott acquires nutrition firm EAS in deal valued at \$320 million +Business,"UAW, DaimlerChrysler subsidiary reach multi-plant labor agreement" +Business,US Airways #39; lenders extend financing terms - WSJ +Sci/Tech,US shuts down British media Web sites +Sci/Tech,"Gov #39;t, Microsoft haggle over documentation" +Sports,Her breaststroke #39;s good as gold +Sports,FOOTBALL: FREDDY: WOODY #39;S WOES NOT OUR FAULT +Sports,Baseball drug taker dies +Sports,ROON AGENT MISLED COURT +Sports,"American Peirsol, Australian Hanson excel at world championships" +World,"Beheadings of Turk, Iraqi Kurd shown in Internet video" +World,Pak test fires Hatf V missile +World,High precision equipment for making nukes disappears from Iraq +World,Stage set for prince to be crowned Cambodia #39;s next king +Sports,Davenport warms up to a Tufts 10K victory +Sports,Devastating blow +Sports,Astros climb to new heights +Sports,Cardinals expect he'll get rollin' +Sports,Dodgers blue after disappointing series +Sports,A clashing combination +Sports,Use reverse psychology +Sports,It may come down to closing time +Sports,A few words edgewise +Sports,Rivera's status for opener uncertain +Sports,"Mendoza in, Youkilis out" +Sports,Caminiti's struggles over +Sports,Youngsters keep up with Joneses +Sports,Clutch players need not apply +Sports,DIVISION 1-AA POLL +Sports,Color changes are in order +Sports,Mercyhurst knows drill +Sports,Middlebury poised to continue Division 3 dominance +Sports,Idle UNH still moves up +Sports,Hockey East schedule +Business,Sees its semiconductor unit outperforming market in 05 +Business,Study: About 27 of working families fall below poverty line +Business,CEO defends Merck on Vioxx +Business,Marks amp; Spencer Says First-Half Earnings Fell as Much as 12 +Sci/Tech,MSN Music #39;no iTunes #39; +Sports,Boston will fight for 7 games but still lose to Yanks +Sports,Wilkinson is Foxes #39; fast fix +Sports,Thorburn: Anderson ecstatic for latest RB star +Sports,Contrast suits Broncos #39; backs +World,Philippines seeks 4 in ferry bombing +World,Ruling today on televising Shaik trial +World,Iraq nuclear equipment vanished - UN +World,Cambodias Throne Council bill enforced +Business,Global oil prices zoom to record highs +Sci/Tech,Washington Post: MSN Music Falls Just Short of iTunes +Sports,Simms doubtful; Griese to start +World,Around the world +World,Chirac in Hong Kong as Asian tour winds up (AFP) +World,Web Site Shows Two Beheadings in Iraq (AP) +World,Philippine Catholic leader Sin in stable condition after heart attack (AFP) +Business,No early end to Nigeria strike +Business,Grad students digheels in on unions +Business,Giving credit +Business,Mass. tops life science ranking +Business,Moving music off your PC? New gadgets abound +World,Bali bombing victims remembered +Business,Oil prices approach \$54 amid Nigeria unrest fears +Business,Fidelity closing fund to new investors +Business,US funds study on Net chat-room surveillance +Business,"Glaxo, FDA in talks about flu vaccine" +World,Slain officers buried as gunfire continues in Haiti +World,Romanians seek US as base tenant +World,US releases Saudi held since 2001 +World,Oil Firms Say Iraqi Purchases Were Legal +World,"In Iraq, Courtesy Call Takes Poise and Patience" +World,Hamdi Returns Home to Saudi Arabia +Business,Marks amp; Spencer First-Half Profit Fell as Much as 12 (Update1) +Business,Indian IT major Infosys net profit jumps 49 percent as outsourcing <b>...</b> +Sports,Kookaburras condemned for withdrawal +Sports,Rooney agent misled court +Sports,Injured QBs leave Miami in quandary +Sports,Aloisi sidelined for Sydney leg +World,Pakistan test-fires nuclear-capable missile +World,THE BIG HEAT +World,N-bomb equipment #39;lost in Iraq #39; +World,Breakthrough in Afghan election row +World,Aristide Calls For Dialogue In Haiti +Sci/Tech,Warning of major NHS IT overspend +Sci/Tech,Teen's eBay con prompts warning +Sci/Tech,Infosys cashes in on outsourcing +Business,Royal amp; Sun Alliance to transfer jobs +Business,Earnings optimism nudges stocks higher +Sports,"Brown, Titans run by Packers" +World,China Urges U.S. to Stop Selling Arms to Taiwan (Reuters) +World,Formerly Conjoined Egyptian Twins Doing OK (AP) +World,Victims of Bali Bombings Remembered (AP) +Business,Caesars plans Wembley casino +World,Cameroon leader 'ahead in polls' +World,Ten Turks freed by Iraq militants +World,War said to give momentum to terrorists +Business,Tokyo Stocks Weaker as Yen Weighs +Business,Fidelity closing fund to new investors +Sci/Tech,Siebel enters Motive alliance +Sports,Foxes turn to Wilkinson +World,Sharon gets a setback in parliament +World,Howard Remembers Australia #39;s Bali Dead +World,How Schabir tried to come to my rescue +Sci/Tech,A War and a Mystery: Confronting Avian Flu +Sci/Tech,"At Mount St. Helens, the Big Eruption Is of Data, Not Lava" +Sci/Tech,Friends Matter for Reclusive Creature of African Forest +Sci/Tech,A Lesson in Linguistics From the Mouths of Babes +Sci/Tech,A Stranger in the Mirror: Should Doctors Transplant Faces? +Sci/Tech,Infosys Profit Growth Best in Three Years (Reuters) +Business,SUPER BOWL ADS PRICIER +Business,EBay #39;s PayPal hit by glitches in online payments +Business,Stocks up ahead of earnings reports +Business,Infy Q2 net jumps 49 yoy +Business,Global Oil Prices Soar To Record Highs +Business,"Britain faces pension savings gap, report warns? (updated PM4:26)" +Sci/Tech,"Linksys, AT amp;T Team for Consumer VoIP" +Sports,Who #39;s your daddy? Yanks own Red Sox +Sports,Beckham admits he deliberately got suspended because of injury +Sports,Gone too soon +Sports,Ponting leads tributes to Miller +Sports,Griese will start for Bucs +Sci/Tech,Apple iTunes UK suffers snags +Sports,Sri Lanka cruise to win +World,Victims of Bali Bombings Remembered +World,Pakistan steps up nuclear race +World,EU lifts Libya arms ban but presses Tripoli over medics +World,Philippine Ferry Blast Said Caused by Bomb +World,China Urges US to Stop Selling Arms to Taiwan +Sci/Tech,Nine die in Japan 'suicide pacts' +World,Sources: Body of Briton Bigley Dumped Near Baghdad (Reuters) +World,India's Mirage 2000 crashes during exercise with Singapore (Reuters) +Business,U.S. Oil Over \$54 on Winter Worries +Business,"Caesars, Quintain to Build Wembley Casino" +Business,Infosys Profit Growth Best in Three Years +Business,UK inflation rate fall continues +Business,Undecided Voter? Try This Quiz +Business,Diebold and the Disabled +Business,Oil price breaks through \$54 +Business,"Caesars, Quintain to Build Wembley Casino" +Business,UK inflation rate fall continues +Business,SunTrust to restate its 2004 earnings +Business,M amp;S sales fall for fourth straight quarter +Sports,Woodgate out until Christmas +Sports,Packers humiliated by Titans +Sports,Prefontaine hoofs the Lions +World,Rebels begin weapons handover +World,Indonesia tightens security on Bali island +World,Buttiglione Rejected by EU Parliament +Sports,Transactions +Sports,Reds extend Miley through 2006 +World,Sources: Body of British Hostage Dumped Near Baghdad +World,Milosevic Trial Resumes After Month-Long Break +Sports,Jones wilts in the constant glare of innuendo +World,Megawati Loses Out +World,US and Iraqis raid Sunni centres +Sports,Moya #39;s magic seals Davis Cup for Spain +Business,LONDON CALLING +Business,"Oil, stocks both rise" +Business,Deutsche Telekom stake may be sold for 4.45 billion +Business,Australia #39;s Qantas calls halt to merger appeal process +Sci/Tech,Judge rejects AMD plea for confidential Intel documents +Sci/Tech,Authorities shut down UK-based news websites +Sports,Beckham: I Got Booked Deliberately +World,Pakistan successfully test-fires nuclear capable missile +World,US and Iraqi Forces Raid Ramadi Mosques +World,THREE DIE IN SUICIDE BOMBING +World,Nuclear materials #39;vanish #39; in Iraq +World,Turkish hostages reportedly freed in Iraq +World,Milosevic Trial Resumes After Month-Long Break (Reuters) +World,Shell plans auction of liquefied petroleum gas unit (AFP) +Sci/Tech,Was Bush packing Wi-Fi in TV debate? +World,Oil prices set all-time highs near 54 dollars in Asian trade (AFP) +Business,U.S. Oil Over \$54 on Winter Fuel Worries +Business,Philips Leads European Stocks Lower +Sci/Tech,Philips cautious despite profits +Sci/Tech,Apple fan sites buzz with talk of photo-ready iPod +Sports,Astros short hops +Sports,Vogts #39; job is safe for now - SFA Chief +World,Sharon out to save Gaza pullout plan +Business,Strike shakes crude oil costs +Business,Philips cautious despite profits +Business,"Royal amp; Sun Alliance to axe 1,100 jobs in cost-cutting move to <b>...</b>" +Business,WORK UNTIL YOU #39;RE 70 +Business,Caesars to Build Major Casino in Capital +Business,USA: Abbott Laboratories to acquire EAS +Sci/Tech,MS details Windows XP Media Center 2005 +Sci/Tech,Court pointed to P2P firms +Sci/Tech,Vendor group publishes new Web services management spec +Sci/Tech,IT management to get a boost from web services +Sports,Schilling prepared to go on the attack +Sports,Wilkinson takes over at Leicester +Sports,"WNBA: Storm Defeat Sun, Tie Finals at 1-1" +Sports,Vogts Expects Victory +World,ANNBalinese still watchful and wary +World,EU decision on the final lifting of sanctions imposed on Libya +World,Analysis: IAEA Concerned Over Dismantlement Of Former Iraqi <b>...</b> +Sci/Tech,Jacket Grows From Living Tissue +Sci/Tech,IPod Users Go Into the Closet +Sci/Tech,School Ups Grade by Going Online +Sci/Tech,Indecency Rules Enter Digital Age +Sci/Tech,Backup Voting -- Could Be a Mess +World,Report: Maverick UK Envoy to Tashkent May Lose Job +World,Russia 'unveils Yukos sale plans' +Business,Oil Rises to Record for 6th Day on Shortfall Concern; Use Jumps +Business,Corporate tax bill agreement reached +Sci/Tech,Third Time #39;s A Charm +Sci/Tech,The Vision Thing +Sports,QB guessing game begins +Sports,"Yao Ming, Rockets in Shanghai for NBA #39;s first games in China" +World,Al-Sadr Militants Trade Arms For Cash +World,Translator hired by Titan beheaded by insurgents +World,IAEA ignored Greenpeace warnings on Iraq +World,Annan asks China to play a bigger role +Business,World oil prices reach new highs on supply fears +Business,Quintain plans casino at Wembley +Business,Russian Justice Ministry says it will sell some Yukos assets +Sci/Tech,Cheaper airfares now easier to find +Sports,"You Wanted The Best, You Got The Best" +Sports,Wilkinson takes over at Leicester after Adams departure +Sports,Houston...We Have Liftoff! +Sports,CAL NOTEBOOK Dinged-up defensive line awaits Bruins +Sports,Winning equals sales +Sports,Vogts sure side will beat Moldova +Sports,Wait #39;Till Next Year +World,Bali blast remembered two years later +Sci/Tech,Pioneering NASA Engineer Max Faget Dead at 83 (Reuters) +Business,Fujitsu and Cisco Form Strategic Alliance +Business,Oil price at new record of above \$54 pb; Brent crosses \$51 pb +Business,"Royal amp; Sun Alliance offshores 1,200 UK jobs" +Business,"Britons Must Save More, Pay More Tax for Pensions (Update1)" +Business,Russia announces plans to sell part of Yukos: report +Business,Merck begins search for new CEO +Sci/Tech,Botched maintenance - not worm - blamed for MS IM glitch +Sci/Tech,Vodafone gives away free desktop text software +Sci/Tech,VeriSign offers VoIP signaling +Sports,Vogts expects victory +Sports,"Ready or not, MSU prepares for Big Ten heavyweights" +World,"Iraqi material missing, says UN nuclear agency" +World,Berlusconi blasts EU rejection +World,Profile: Cambodian King Nears End of Long Political Career +Business,Royal moves workforce to India +Business,Temasek posts S\$7.4b net profit in first-ever report card +Business,Oracle wants to buy PeopleSoft cheaper +Sci/Tech,"Mortgage Rates, Dell Recall" +Sci/Tech,Wallace denies wrongdoing in fed anti-spyware case +Sci/Tech,China declares bounty on web p0rn +Sports,Woodgate relieved to avoid surgery for thigh injury +Sports,Green Bay sent packing +Sports,Camoranesi is doubt for crunch tie +Sports,Red Sox vs. Yankees +Sports,GOLF: SCOTT #39;S TO HAVE TEE WITH ERNIE +Sports,PREVIEW-Italy cannot afford another World Cup slip-up +Sports,Yao Ming and Rockets Arrive in Shanghai +Sports,Prefontaine boots Argos past Lions +World,Bali bombing victims remembered +World,Nine Dead In Japanese Group Suicide Pacts +Sports,Final Answers From the B.C.S. Once Again Raise Questions +Sci/Tech,China Seen as Biggest Driver of Ivory Market (Reuters) +Sci/Tech,French cinemas act to jam mobiles +Sci/Tech,Report Faults Military Technology in Iraq War +World,Volkswagen Negotiators Renew Wage Talks (AP) +World,Israeli Army: al-Qaida Behind Egypt Blasts (AP) +World,Tribal team to meet militant for release of kidnapped Chinese (AFP) +Sci/Tech,U.S. Funds Chat-Room Surveillance Study +Sci/Tech,Virgin to Unveil Portable Music Player +Sci/Tech,E-shopping: When Things Don't Click +Sci/Tech,Space Station Concerns Reduced +Sci/Tech,Commercial whaling ban upheld +Sci/Tech,Drilling for Africa's climate history +Sports,"Texas A M, Tenn. to Meet in Cotton Bowl (AP)" +World,Rebels kill 17 Iraqis working for US army +Business,Congress OKs \$136 billion in tax breaks +Business,Deutsche Telekom to reintegrate T-Online +Business,Singapore Gov #39;t Arm Releases Report +Business,Northwest pilots say concessions deal could be close +Business,"GM cutting 13,000 in Europe?" +Business,"Infineon falls on Philips, fibre optics fears" +Business,Biopharmaceutical industry seen as prescription for new jobs in <b>...</b> +Sci/Tech,From spam king to spy master? +Sci/Tech,MS to launch final Windows Media Player 10 today +Sci/Tech,MPAA asks Supreme Court to crush P2Pers +Sci/Tech,Police rewards porn site informers +Sci/Tech,FBI seizes servers from UK offices +Sci/Tech,Spam enforcers urged to work together +Sci/Tech,Microsoft delays on antitrust compliance requirements +Sports,It #39;s time to turn the page +Sports,India formally invited to play in Champions Trophy +Sports,Taylor hints at price of failure for Vogts +Sports,Lions ransacked +Sports,Eskimos snap out of it +Sports,Hughes #39;Surprised #39; by Beckham #39;s Clear Thinking +World,Shiite militiamen surrender weapons +World,Memorial service honours Bali victims +World,Militants in Iraq Free 10 Turkish Hostages +World,Insurgents to hand over weapons +Business,"Merrill Profit Falls, Beats Expectations (Reuters)" +Business,Johnson Johnson Profit Up on Drug Sales (Reuters) +Business,Stocks Seen Lower as Oil Holds Above \$54 +Business,"Merrill Profit Falls, Beats Expectations" +Business,Vegas Comes to Wembley with Casino Plan +Business,Johnson Johnson Profit Up on Drug Sales +Business,Chain Store Sales Rise in Latest Week +Business,Levi Strauss Posts Profit +Business,Funds Seek to Nominate Disney Directors +World,10 Turkish Hostages Freed in Iraq +World,'High Street' Sign Is Among Most Stolen +Business,"Merrill Profit Falls, Beats Expectations" +Business,Vegas comes to Wembley with \$600M casino plan +Business,British Air Travel Not Hurt by Storms +Sports,MALLINDER TAKES CHARGE OF UNDER-21s +World,Active efforts taken to rescue kidnapped engineers +Business,Canada Eyes Investment Opportunities in Russia PM +Sci/Tech,EMC Would Like This Dantz +Sports,"Caminiti, left to fight alone, needed allies" +Business,U.S. Oil Jumps Over \$54 on Winter Worries +Business,"Merrill Profit Falls, Global Markets Down" +Business,Chiron Says Gets Subpoena Over Vaccine Debacle +Business,Gannett Profit Rises Advertising Growth +Business,Pension Funds Want Voice in Disney Board +Business,M T Bank Profit Rises on Fewer Bad Loans +Business,"Boy's eBay con nets 45,000" +Sports,Raiders' Curry Could Be Lost for Season (Reuters) +Business,Price for North Sea crude hits new high on Tuesday +Business,Stock market indicators sharply negative after oil hits record US <b>...</b> +Business,SEC Begins Amkor Technology Inquiry +Business,"Branson: First Space, Now Music To Go" +Business,\$136 billion business tax break package gets OK +Business,Petro-Canada signs on for plan to ship liquefied natural gas from <b>...</b> +Sci/Tech,Spyware Under Attack by Government +Sci/Tech,EMC picks up maker of backup tools +Sci/Tech,Funner Not Funny For MSN Users +Sports,Drummond is enjoying his step up in class +Sports,FIH invites India for Champions Trophy +Sports,Packers Fall To 1-4 After Loss +Sports,Cricket: Australian cricketers to wear black armbands in Miller #39;s <b>...</b> +World,Pakistan Test-Fires Nuke-Capable Missile +World,UN says nuclear gear vanished from Iraq +World,Released Turkish workers arrive at embassy in Baghdad +World,"UN Chopper Crash-Lands in Afghanistan, Crew Stranded (Reuters)" +World,"Japan: Participation, Not Pledges, Key in Iraq Meet (Reuters)" +Business,Treasuries Rise as Oil Spikes to Record (Reuters) +Business,Chain Store Sales Rise in the Oct 9 Week (Reuters) +World,10 Turkish Hostages Freed in Iraq (AP) +Business,Oil Jumps Over \$54 on Winter Fuel Worries +Business,Treasuries Rise as Oil Spikes to Record +World,Embattled Salt Lake Mayor Quits Race (AP) +Business,Chain Store Sales Rise in the Oct 9 Week +Business,M T Bank Profit Climbs on Fewer Bad Loans +World,Sharon rushes to widen coalition +Business,"Oil Prices Reach \$54, a New Record" +World,Triple Murder in Boston Amid a Grim Statistic: Killings on the Rise +World,"Bush, Kerry Talk Tough Before Last Debate" +Business,Chinese party leaders call for monetary stability +Business,2nd UPDATE: HK Govt Land Sale Sets Post- #39;97 Price Record +Sports,Tendulkar set to miss second test against Australia +Sports,Packers Lose Four Straight +World,US forces target seven Iraqi mosques +Business,Philips Q3 earnings soar on one-time gains +Business,Retailers may have to do some tweaking to get consumers back in <b>...</b> +World,Sharon faces two no-confidence motions +World,Seven die in Japan #39;suicide pact #39; +World,Turkish captives released in Iraq +Sci/Tech,Seven Die in 'Internet Suicide' Pact (Reuters) +Sci/Tech,Apple Remote Desktop 2.1 available (MacCentral) +Sci/Tech,IBM beefs up ISV programs (InfoWorld) +Sci/Tech,Microsoft offers Office 2004 Service Pack 1 (MacCentral) +World,A River Pulled in Two Directions +Sci/Tech,XML Weather Data +Business,Oil punches through \$54 US a barrel +Business,LG.Philips: This Side Up +Business,State Street Profit Lower Job Cuts Coming +Business,Temasek reveals earnings for first time +Business,M amp;T Bank Posts Higher 3Q Profit +Business,IBM buys into project management +Business,News Corp unit to invest 600M pounds in printing plants +Business,Virgin Unveils Super-Small MP3 Player; Goes After iPod mini +Business,Business travel group urges #39;failure #39; plan for US airlines +Business,Air NZ Says Australian Regulator Grants Alliance Appeal +Business,USA: Levi Strauss Posts \$46.6m Q3 Profit On Lower Costs +Sci/Tech,"Motorola, Hong Kong-listed Proview end TV manufacturing agreement" +Sci/Tech,Update 5: PeopleSoft Extends Its Customer Program +Sci/Tech,EBay reports #39;intermittent #39; problems with PayPal +Sci/Tech,IT executives optimistic about ways to connect +Sci/Tech,Dell recalling AC adapters for use with notebook computers +Sci/Tech,"BEA To Unwrap New Products, #39;Liquid Computing #39; Vision" +Sci/Tech,Novell to Use Its Patents to Protect Open-Source Programs +Sci/Tech,Siebel moves toward self-repairing software +Sports,Beckham: I got booked deliberately +Sports,Short but sweet for Kewell +Sports,Former England coach takes temporary charge of Foxes +Sports,HSBC World Match Play field confirmed +Sports,Australia pull out of Champions Trophy in Pakistan +Sports,NFL: Tennessee Titans Crush Green Bay 48-27 +Sports,Top-seed Bartoli upset +Sports,Sachin unlikely to play second Test +Sports,Bengals #39; Smith Pleads Not Guilty to DUI +Sports,Deco and Simao fit for World Cup qualifier +Sports,Minardi auction in November +World,Iraqi forces backed by Americans raid Ramadi mosques they say were <b>...</b> +World,Families of Bali Bombing Victims Mark Second Anniversary +World,Global warming clock #39;ticks faster #39; +World,Terror Suspects Killed in Militant Crackdown +Business,State Street Profit Lower Job Cuts Coming (Reuters) +World,Nigeria General Strike May Be Extended - Union (Reuters) +Business,"Sonic, Asbury Cut Estimates, Stocks Fall (Reuters)" +Business,China: Yuan Speculation 'Groundless' (Reuters) +World,China's rich getting richer; wealthiest is electronics retailer: list (AFP) +Business,Merrill Profit Falls on Lower Trading +Business,State Street Profit Lower Job Cuts Coming +Business,"Sonic, Asbury Cut Estimates, Stocks Fall" +Business,Chiron Gets Subpoena Over Vaccine Debacle +World,The Swingers (U.S. News World Report) +World,Nigeria General Strike May Be Extended - Union +Sci/Tech,Samsung Elec to Invest \$24 Bln in Chips by 2010 +World,Breakaway Tamil Tiger Launches Political Party +Business,U.S. Oil Over \$54 on Winter Fuel Worries +Business,Hurricanes Cut Florida Orage Production +Business,Markets upbeat on Australia vote +World,Caesars plans vast London casino +World,Africans let down by governments +World,Somaliland warns Somalia's leader +Business,Net shopping guides lure surfers +World,Scans monitor cholesterol therapy +World,"Call Girls, Updated" +World,Supreme Court to Hear Commandments Case +World,U.S. Steps Up Attacks on Iraq Insurgents +World,"Bush, Kerry Talk Tough on Oil, Terror" +World,Reeve Championed Spinal Cord Research +Business,Parts of YUKOS to be sold +Business,Merrill Profit Falls on Lower Trading +Business,"Work more, save more or die poor" +Business,"UKS INSURANCE MAJOR TO OUTSOURCE 1,100 JOBS TO INDIA" +Business,"Temasek Makes S\$7.4 Bln Profit, Gets Top AAA Rating (Update2)" +Business,Sonic lowers 2004 earnings forecast +Business,Johnson amp; Johnson #39;s Profit Gets Boost From Remicade (Update2) +Business,News International to axe two-thirds of print jobs +Sci/Tech,A more powerful iPod? +Sci/Tech,Funner e-worm no joke +Sci/Tech,BEA #39;s Diamond helps to define web services +Sports,Aussies qualify for Confederations Cup +Sports,England captain Beckham raps critics: I #39;m not thick! +Sports,"No more Bangalores, please" +Sports,Only 17 players fit for Russia #39;s qualifier against Portugal +World,Analysis: Italy commissioner under fire +World,"2 years after Bali, Indonesia is hopeful" +World,Rumsfeld appeals for NATO help in Iraq +World,Great White Sharks Given New Protection +World,Milosevic War Crimes Trial Resumes +World,Video: Shiite Muslim Purportedly Beheaded (AP) +World,U.S. Textile Makers Petition on China (AP) +World,Oregon Rep. Admits to Inexcusable Behavior (AP) +World,Bosnian Serb calls for surrender +Business,Stocks Tumble As Oil Prices Spike +Business,Germany in 3.1bn Telekom sell-off +Business,News International to Move Printing Out of Wapping +Business,"Robust market drove new-house prices up again in August, says <b>...</b>" +Business,Countrywide Fincl loan volume falls +Sports,Drummond Returns to A Different Wentworth World +Sports,Hometown fans to get limited glimpse of hero Yao as NBA debuts in China (AFP) +Business,"Dollar Up, But Respite Seen Temporary" +Sports,Yankees and Red Sox ready to rumble +Sports,Red Sox vs. Yankees: Bitter enemies clash with Series on line (USATODAY.com) +World,Abdication Secures Cambodian Peace -Sihanouk +World,Mubarak says no fresh leads on Sinai bombers (AFP) +World,Tribesmen Press for Hostages' Release (AP) +Business,Chiron Gets Grand Jury Subpoena on Vaccine +Business,Royal amp; Sun Alliance to move 1200 jobs to India +Sci/Tech,"Motorola, Proview End TV Manufacturing Agreement" +Sci/Tech,Virgin launches mp3 player +Sci/Tech,EMC makes run for SMBs with Dantz buy +Sci/Tech,Music Industry Spurned by Court +Sci/Tech,Microsoft #39;s MSN Messenger Service Down Briefly +Sci/Tech,Can IBM quot;Change the Game quot; in Storage? +Sci/Tech,JVC Sides With Blu-ray Disc +Sci/Tech,PayPal Slammed by Payments Glitch +Sci/Tech,Microsoft launches music service +Sci/Tech,IT execs optimistic about ways to connect +Sci/Tech,Good News and Bad News for Commercial Space +Sci/Tech,Pre-certified 802.11n vendors risk red card +Sports,You Da Groom!!! +Sports,There #39;s no stopping Boston-NY buzz +Sports,Ailing Henin-Hardenne done for season +Sports,Russians dominate early-round action in Moscow +Sports,WC Group 5 Preview: Italy-Belarus +Sports,Nationally ranked trio rules Pac-10 +Sports,Peterson #39;s debut shakes up Big 12 +Sports,"Tressel, Ferentz Discuss Upcoming Matchup" +World,Iran offers to guarantee #39;no bomb #39; policy +World,Pakistan tests nuclear capable missile +World, #39;Gays are Sinful #39; Row Hots Up over Euro #39;Justice Boss #39; +World,Canada may sue UK over diesel sub fire +World,Nine Japanese dead in suspected suicide pacts +World,Philippine Catholic leader Sin in stable condition after heart <b>...</b> +World,"Milosevic returns to court, again seeking right to represent <b>...</b>" +World,Arms payoff trial shakes South Africa +Sci/Tech,It #39;s all about the iPod +Sci/Tech,IBM supersizes storage arrays +Sci/Tech,Verizon Wireless to add 16 more EV-DO markets by year-end +Sports,Nuggets hope Russell brings leadership +World,Iran digs heels in on uranium enrichment +World,Tribesmen seek release of Chinese +Business,Oil Falls on Speculation Demand Doesn #39;t Warrant Record Price +Business,Carrefour Lowers Annual Profit Forecast on Price Cuts (Update3) +Business,A Bright Money-Saving Idea +Business,Third Quarter Gannett Earns Up 11 Percent +Business,Iron Mountain Gets Connected +Business,News Corp. to Invest in Printing Plants +Business,"US Airways, Creditors Reach Financing Accord" +Sci/Tech,MSN Messenger targeted by Funner.A virus +Sci/Tech,"IBM Unveils New Sleek, Midrange Storage" +Sci/Tech,EBay Scrambles for Answers to PayPal Outage +Sci/Tech,Microsoft launches MSN Music online store +Sci/Tech,McBride #39;s back and he still wants blood +Sports,Team New Zealand blow rivals away +Sports,Bernie submits draft calendar tomorrow +Sports,"Red Sox Favored Over Yankees in Las Vegas, by Futures Traders" +Sports,Seeded Russians all win at Kremlin Cup +Sports,Astros Take 3-0 Lead Over Braves in Game 5 +Sports,Iowa State ready to face foes from North Division +World,US troops on offensive in Iraq +World,Israel #39;s deadly Gaza offensive enters third week +World,Iran Says Won't Be Made to End Uranium Enrichment (Reuters) +Business,DreamWorks Animation IPO Priced #36;23- #36;25 (Reuters) +World,Turkish militant deported from Germany after legal battle (AFP) +Business,Florida orange production expected to plunge (AFP) +World,Bomb Explodes Near Palestinian Security HQ (AP) +Sci/Tech,Dell Axim X50 and X50v Review +Sports,The Curse of the Rivalry +Sports,Nuggets hoping Russell can provide leadership +Business,Carrefour sees 2004 results short of target as third quarter disappoints (AFP) +World,Chirac Commits France to Iraq Conference (AP) +Business,Oil Vaults Over \$54 on Winter Worries +Business,"State Street Profit Drops, Job Cuts Coming" +Business,Business Council: We Got Survey Wrong +Business,Feds Subpoena Chiron Over Vaccine Debacle +Business,Levi Strauss Posts Profit +World,Congress Wraps Up With Mixed Results (AP) +Business,Canadian Bonds Gain; Rising Oil Prices May Curb Economic Growth +Business,US Airways gets lifeline from lenders +Business,Vulcan falls on asset sale charge news +Business,"Stocks Slip, Investors Wary Before Intel" +Sci/Tech,Dell announces its new line of Pocket PC and upgrade for Axim X30 +Sci/Tech,Spyware lawsuit in the US +Sci/Tech,Saskatchewan town prepares for launch of Canadian rocket +Business,"US Airways, Creditors Reach Financing Accord" +World,Report: Britain Wins U.S. Support for Mideast Talks (Reuters) +World,U.S. Envoy Smoothes Way for Karzai Win in Afghan Poll +World,Iliescu Admits Romania's Role in the Holocaust +Business,Oil Prices Pass \$54 on Supply Concerns +Sci/Tech,EMC adds Dantz to its acquisition collection +Sci/Tech,Fan sites buzz with talk of photo-ready iPod +Business,Karstadt calls for staff pay cuts +Business,"Gannett Profit Up on TV, Paper Ad Growth" +Business,D #39;Works Ani paints IPO plan that could draw up to \$725 mil +Business,High court will not hear AT amp;T appeal +World,Rumsfeld eyes future US bases in Romania +World,9 Bodies Found in Group Suicides in Japan +World,Chinese concern at obesity surge +World,Israelis wound schoolgirl in Gaza +Business,Fannie Mae Discloses Document Request +Business,Stanley Furniture Gets Comfortable +Business,A License to Print Money +Business,The City That Cut the Cord +World,Supreme Court to Hear Cases on Displaying Ten Commandments +Business,Commuter Fix +World,"With a New Spirit, the Red Sox Tackle Their Haunted Past" +World,"Stocks Slide on Oil Prices, Earnings" +World,Athens Olympics Draw Record TV Audiences +World,"Red Sox, Yankees Ready for ALCS Battle" +World,Bush: Kerry's Plans Would Require Tax Hike +World,CDC Flu Plan Protects High-Risk Patients +World,Rivera Says He Plans to Return for Game 1 +World,Does the U.S. Need the Draft? +Sci/Tech,New Lava Dome Growing on Mount St. Helens (AP) +Sci/Tech,Gulf's 'Dead Zone' Less of a Mystery (AP) +Sci/Tech,Study: Arctic Radiation Levels Declining (AP) +World,A question of trust for Mr Paisley +Sci/Tech,One of World's Largest Rubies on Display (AP) +Sci/Tech,Greenhouse Gas Jump Spurs Global Warming Fears (Reuters) +World,Oxfam says 45 million children at risk if aid not provided +Sci/Tech,Master PHP and MySQL web development +Sci/Tech,TechnoDepot restocks for winter offensive +Sci/Tech,Google launches Froogle in the UK +Sci/Tech,Fable falls short of legend +Sci/Tech,Microsoft Launches New Media Center PC +Sci/Tech,Amazon.com in No Rush to Find Next Acquisition +Sci/Tech,"Wi-Fi Successor Called High-Speed Hype, for Now" +Sci/Tech,Supreme Court Refuses to Hear Piracy Case +Sci/Tech,Opening the Living Room Windows +Sci/Tech,South Asia Balks at Kerry's Outsourcing Stance +Sci/Tech,France May Allow Jamming of Mobile Phones +Sci/Tech,China Offers Rewards for Reporting Online Porn +Sci/Tech,Swazi rhino hunts to be permitted +Sci/Tech,Space Tourism Seeking Public Investors +Sports,Carlo Allegri/Getty Images +Sports,Reds decide not to re-sign Larkin +Business,Update 16: Oil Prices Pass \$54 on Supply Concerns +Sports,AP Newsbreak: Larkin won #39;t be coming back to Reds +Sports,Larkin Won #39;t Be Coming Back to Reds +World,EU resumes arms sales to Libya +Sci/Tech,Scientists Work on Global Virus Attack Strategy +Sci/Tech,Simple Kidney Test Predicts Heart Death +Sci/Tech,Scientist Works on Fat Fighting Food Additive +Sci/Tech,Christopher Reeve Put Super Effort Toward Research +Sci/Tech,British Flu Vaccine Problem to Be Used As Example +Sci/Tech,U.S. Schools Urged to Teach Heart Education +Sci/Tech,France and China form Linux alliance +Sci/Tech,Briefly: PeopleSoft extends customer assurance +Sci/Tech,PeopleSoft extends customer assurance +Sci/Tech,IBM buys into project management +Sci/Tech,IBM sweetens the pot for partners +Sci/Tech,"MSN, PayPal battle Net woes" +World,Two US Soldiers Killed in Mosul Attack +Sci/Tech,SanDisk plays up digital audio devices +Sci/Tech,It's all about the iPod +Sports,Staying Alive +Sci/Tech,Windows of opportunity in Microsoft's media push +Sci/Tech,Photo gallery: Microsoft's new Media Center push +Sci/Tech,Media Centers on parade +Sci/Tech,Microsoft opens Windows to the home +Sci/Tech,"Sony, Virgin fire up gadget plans" +Sci/Tech,Virgin takes on iPod +Sci/Tech,Sony DVD burner skirts PCs +Sci/Tech,U.S. Seeks to Stop a Spyware Operation (AP) +Sci/Tech,High Court Won't Hear Music Sharing Case (AP) +Sci/Tech,IBM Counters Hitachi With High-End Server (AP) +Sci/Tech,Opening the Living Room Windows (washingtonpost.com) +Sci/Tech,Fewer People Paying for Music Downloads - NPD (Reuters) +Sci/Tech,"QuarkXPress 6.5 offers PSD Import, more (MacCentral)" +Sci/Tech,"Wi-Fi Successor Called High-Speed Hype, for Now (Reuters)" +Sci/Tech,Oracle unveils planning and budgeting application +Sci/Tech,Microsoft Launches New Media Center PC (Reuters) +Sci/Tech,'Funner' worm slithers through MSN Messenger +Sci/Tech,New iPod ads feature U2 (MacCentral) +Sports,Brazilian striker dies on field during Indian club soccer match +Sci/Tech,IBM buys Canadian project portfolio management vendor +Sci/Tech,Experts wonder: Is telecom dead? +Sci/Tech,IBM beefs up ISV programs +Sci/Tech,SonicWall releases stand-alone content filtering device +Sci/Tech,SCO's McBride warns of open source 'wild west' +Sci/Tech,Optware finds funding for holographic storage +Sci/Tech,"Hitachi, IBM to lay off 400 at hard disk drive venture" +Sci/Tech,Microsoft Updates Media Center OS +Sci/Tech,JVC Sides With Blu-ray Disc +Sci/Tech,Internet 911 Calls Receive Lower Priority +Sci/Tech,Supreme Court Won't Hear Music Sharing Case +Sci/Tech,Virgin Group to Unveil Portable Music Player +Sci/Tech,U.S. Funds Chat-Room Surveillance Study +Sci/Tech,Glitch Disrupts EBay's PayPal +Sci/Tech,France May Allow Jamming of Mobile Phones +Sci/Tech,Connecting with Customers through Search Market Research +Sci/Tech,Froogle Goes Google in the UK +Sci/Tech,Viewpoint Search Tool and Avon Team to Battle Breast Cancer +Sci/Tech,Google SMS - Great for Google and Users Too +Sci/Tech,Pay-Per-Click Search Advertising Comes First +Sci/Tech,News: Webroot: Spyware is Windows-only +Sci/Tech,News: Botched maintenance - not worm - blamed for MS IM glitch +Sci/Tech,Virgin to Unveil Portable Music Player +Sports,We #39;re all witnesses to something special +Business,IBM buys Montreal firm #39;s project management expertise +Business,US industry wants H1B visa cap revisited +Sports,Larkin Won't Be Coming Back to Reds (AP) +Sci/Tech,"Stomp file sharers: MPAA, RIAA" +Sci/Tech,IBM Announces High-Capacity Storage Arrays +Sci/Tech,"Photo iPod in Time for Christmas, Sources Say" +Sports,Batting the prime focus +Sports,St. Louis gets back to NLCS +Sports,=== Reds decide not to re-sign Larkin === +Sports,Athens Olympics Draw Record TV Audiences (AP) +Sports,Duce Staley Makes Big Impact on Steelers (AP) +Sports,Pirates Release Pitcher Nelson Figueroa (AP) +Sports,Manchester United Fans Oppose Takeover (AP) +Sports,Barry Bonds Undergoes Knee Surgery +Sports,Larkin Won't Be Coming Back to Reds +Business,Business Council: Economic Survey Wrong (Reuters) +Business,Reuters Power Outage Disrupts Data Feeds (Reuters) +World,Skull in Poet Petrarch's Tomb Not His (AP) +World,Report: Britain Wins U.S. Support for Mideast Talks +Business,Business Council: Economic Survey Wrong +Business,"Blue-Chip Stocks Recover, Oil Retreats" +World,High Court Considers Immigration Cases (AP) +World,Afghan Poll Crisis Subsides as Karzai Rivals Back Off (Reuters) +World,Explosion near Gaza City convoy +World,Key Indian state to go to polls +Sci/Tech,Dell and Philips Ink \$700 Million Deal +Business,Investing in the Next Hot Technology +Business,"The Phantom Stock Split ""Boost""" +Business,Gannett Reads Well +Business,US stress on cyber crime +Business,Levi Strauss Posts Profit +Business,Sun and Times owners to move to new north London base +Business,"GM plans to slash up to 12,000 jobs in Europe" +Sci/Tech,"Verizon, Comcast execs slam regulation" +Sports,Eriksson plans action over Beckham +Sports,British Grand Prix thrown lifeline +Sports,Astros-Cardinals +World,Blast Near Convoy of Palestinian Security Chief +Sci/Tech,Prince of Persia: Warrior Within In Stores +Sci/Tech,"Sun Microsystems, Microsoft Cozying Up" +Business,Microsoft Renews Play for Digital Home +Business,Raines: Lawmen Told Fannie Mae To Preserve Papers In DOJ Probe +Sci/Tech,"Movie, Music Industries Petition Court Over File-Sharing" +Sci/Tech,Will your phone become your credit card? +Sci/Tech,FTC Hopes to Shut Down Spyware Creator +Sci/Tech,Everypath Announces Participation in IBM PartnerWorld Industry <b>...</b> +Sports,Singh to face Langer at Wentworth +Sports,Larkin Says He Won #39;t Return To The Reds +Sports,The Hangover Effect +Sports,Labonte to run part-time schedule in 2005 and 2006 +World,Bush and Kerry step up credibility battle before last debate (AFP) +Sci/Tech,The Threat From Life on Mars +Business,French Retailer Carrefour Warns on Profit +World,Blast Near Convoy of Palestinian Security Chief +Business,Helen Ravaged +Business,Canadian Stock-Index Quotes Halted Amid Power Failure (Update2) +Sci/Tech,Supreme Court Won #39;t Weigh Net Music Lawsuit Tactics +Sci/Tech,IBM Simplifies Partner Program +Sports,"A look at Notre Dame, Navy" +World,Israeli Army: al-Qaida Behind Egypt Blasts +World,Sudan protests at EU sanctions threat +Sci/Tech,Tool connects #39;Halo #39; with ... Excel +Business,Oil Prices Rise Toward Record \$54 A Barrel +Business,Jury tells Medtronic to pay \$400 million +Business,A Smart and Sleazy Stock Striptease +Business,Iron Mountain to acquire Connected Corp. in \$117 merger of record <b>...</b> +Business,DreamWorks sets \$23-\$25 a share IPO +Business,Oil: Price ends lower after jump over US\$54 +Sci/Tech,"EMC Makes SMB, Channel, Macintosh Play With Dantz Acquisition" +Sci/Tech,Redesign Cripples Paypal Service +Sports,"Two exclusive tournaments, only one that counts" +Sports,Barry Bonds Undergoes Knee Surgery +Sports,Notre Dame #39;s Quinn Expected to Start +World,Car bomb explodes at Palestinian security HQ in Gaza +World,Union threatens to extend Nigeria strike if government toughens <b>...</b> +World,Action over global warming demanded +World,Israel investigates shooting of 13-year-old Palestinian girl +World,Scottish aid worker killed by land mine in Sudan +Sci/Tech,WebMD Pays Landlord #36;23 Mln in Property Settlement (Reuters) +Sci/Tech,Virgin to Launch Digital Music Player (NewsFactor) +Sci/Tech,SGI Launches Linux Workstation (NewsFactor) +Sci/Tech,IBM Buys Systemcorp (NewsFactor) +Sci/Tech,PeopleSoft Rolls Out Two New Manufacturing Modules (NewsFactor) +Business,A Yukos subsidiary gets a low valuation +Business,"Intel Reports 3Q Sales, Earnings Gains" +Business,Update 2: Starbucks CEO to Retire in March 2005 +Business,Patni acquires Cymbal of US in \$68 mn all-cash deal +Business,Ala. Bank AmSouth to Pay \$10M Penalty +Business,Safeco Posts 3Q Hurricane Losses +Business,Air NZ: Aussie regulator granted alliance appeal +Business,Gold Banc falls after scuttling takeover +Business,"Honda, GE Create Joint Company for Jet-Engine Sales (Update2)" +Sci/Tech,Virgin shoulders into iPod #39;s terrain +Sci/Tech,IBM Touts Simpler Storage +Sci/Tech,"PayPal outages, complaints continue" +Sci/Tech,Microsoft Releases New #39;Critical #39; Patches +Sci/Tech,EMC #39;s Dantz Buy Reveals SMB Ambitions +Sci/Tech,Axim X30 Getting Windows Media Player Update +Sci/Tech,Microsoft pushes online music entry +Sci/Tech,Worm Crawls Through MSN Messenger +Sci/Tech,JVC joins Blu-ray disc association +Sci/Tech,"Critical Flaws Found in Windows, Office" +Sci/Tech,Chief British Scientist Says Act Now on CO2 +Sci/Tech,PeopleSoft extends its #39;poison pill #39; customer offer +Sci/Tech,Enter your e-mail: +Sci/Tech,IBM Eases ISV Rein +Sports,Hurst #39;s black mark for Beckham +Sports,Wilkinson reprieve for Keown +Sports,Red Sox fans find refuge in the belly of the beast +Sports,Cardinals #39; bats likely to be difference in NLCS +Sports,Reds decide to part ways with Barry Larkin +Sports,"Receiver to have surgery Thursday, may need ACL repaired" +Sports,NHL set to miss opening night +Sports,Lopez Out Indefinitely With Knee Injury +World,Nuclear materials from Iraq #39;missing #39; +World,"Peace in Sadr city, bombing in Fallujah raise questions" +World,Germany Extradites Militant to Turkey +World,Straw drops 45-minute claim +World,Suspected Militants Killed in Saudi Clash +Sports,"Venus Wins, Russians Dominate Early Action" +Sci/Tech,PayPal Problems Persist for Fifth Day (AP) +Sci/Tech,DHS May Appoint Cybersecurity Chief (AP) +Sci/Tech,Microsoft Increases Entertainment Focus (AP) +Sci/Tech,New Report Confirms Online Sites Are Cutting Into Papers' Classified Ads (Editor and Publisher) +Sci/Tech,Virgin Electronics Unveils Portable Music Player (Reuters) +Sci/Tech,Intel's 3Q Profits Rise 15 Percent (AP) +Sci/Tech,Microsoft Releases New 'Critical' Patches (washingtonpost.com) +Sci/Tech,IBM #8217;s Atlantic tools platform set to sail (InfoWorld) +Sci/Tech,Magma Breaks Surface at Mount St. Helens (AP) +Sci/Tech,Study: Atomic Radiation Down in Arctic (AP) +Sci/Tech,CITES Accepts Protection Plan for 'Jaws' Shark (Reuters) +Sci/Tech,Thais Face Jumbo Dilemma in Conserving Elephants (Reuters) +Sci/Tech,"CITES Allows Swaziland to Export, Hunt Rhinos (Reuters)" +Sci/Tech,Problems with online payment service PayPal persist for fifth day +Sci/Tech,IBM raises bar -- and lowers prices -- in storage +Sci/Tech,US court refuses piracy appeal +Sci/Tech,Dell Axim X50 Series VGA Pocket PCs +Sci/Tech,Funner Worm Spreads to US +Business,Gates lays out all-encompassing digital media plans +Business,Cendant to spin off mortgage unit +World,Blast near convoy of Palestinian security chief +World,Nobel Peace Prize winner says HIV was created for biological <b>...</b> +Sci/Tech,Professional Economists: The Economy is Safer in Kerry's Hands +Sci/Tech,Dell Axim X50 and X50v Pocket PC reviews roundup +Sci/Tech,Chief British Scientist Says Act Now on Carbon Dioxide +Sports,AsianHandicap.com Your Guide To Asian Handicap Betting +World,"Triple attacks in Sinai, Egypt, leaves 33 dead and 130 injured" +Business,Bill Gates charges forward into digital entertainment +Sci/Tech,Dell gets down to CE business +Sports,"Uruguay #39;s struggles continue, Saudi Arabia wins again in World Cup <b>...</b>" +Sports,Reds won #39;t bring back Larkin +World,Sharon to fight back for Gaza pullout plan after being forced into <b>...</b> +World,Germany deports Islamic leader +Business,FRANCE/JAPAN: Carrefour mulls sale of Japanese stores - report +Business,Cendant to Spin Off Mortgage Operations +Sci/Tech,Virgin unveils #39;iPod mini killer #39; and openly chides Apple for not <b>...</b> +Sci/Tech,IBM unpacks new storage gear +Sci/Tech,Microsoft Releases 10 Security Updates +Sci/Tech,Microsoft Officially Launches MSN Music: Mac Users Still Not <b>...</b> +Sports,Hughes #39;surprised #39; but not angry +Sports,Bonds undergoes arthroscopic surgery on left knee +Sports,Guaranteed contracts: the truth +Sci/Tech,Microsoft Renews Push Into Entertainment Products +Sci/Tech,Microsoft Issues Patches for 7 Software Flaws +Sci/Tech,Report Faults Military Technology in Iraq War +Sports,"Red Sox, Yankees Ready for ALCS Battle" +Sports,Indians decline option on long-time shortstop Vizquel +Sports,Titans #39; Calico to have surgery +World,Chinese hostage crisis hits impasse +World,Rosales urges faithful to pray for Sins recovery +Sci/Tech,FTC Sues Spyware Suspects +Sci/Tech,Microsoft Releases New 'Critical' Patches +Sci/Tech,E-Voting Group Sues Md. Elections Board +Sci/Tech,Yahoo Q3 Profit More Than Triples +Sci/Tech,Intel Beats Expectations but Warns on Inventory +Business,"Intel, Yahoo Save Day for U.S. Earnings (Reuters)" +World,Britain Withdraws Iraq Weapons Claims (AP) +World,Newspaper: Egypt Attackers Fled on Foot (AP) +Business,Coles trumps rival Woolworth's bid for pub and gaming group (AFP) +World,Martin office asked about Montreal sponsorship deal involving hockey great (Canadian Press) +Business,Intel Profit Up; Outlook Reassures Market +World,"Economists: Bush, Kerry Job Plans Lacking (AP)" +World,White House Sounds Out Europeans on Iran (AP) +World,FCC Proposes #36;1.2M Indecency Fine for Fox (AP) +Business,"Starbucks CEO to Retire, Shares Fall" +Business,Borders Cuts Forecast; Storms Hit Sales +Business,Medtronic Told to Pay \$400 Mln Damages +Business,"Singapore #39;s Temasek to increase exposure to Asia, reshape <b>...</b>" +Business,"CalPERS, other big institutions, lean hard on Disney" +Business,DreamWorks Animation IPO Could Raise \$725 Mln +Business,FCC Proposes Record \$1.2 Million Fine Against Fox +Sci/Tech,MSN Music launch tomorrow +Sci/Tech,JVC and Fox back Blu-Ray DVD standard +Business,PC demand boosts Intel earnings +World,Thousands more flee Darfur homes +World,Iraq asks nuclear watchdog back +Business,Yahoo's Profit More Than Triples +Business,Intel's Third-Quarter Profit Rises 15 +Business,Oil Prices Surge Briefly Above \$54 a Barrel +Business,A Bargain in Drug Distribution? +World,FCC Proposes \$1.2M Indecency Fine for Fox +World,Bones Found in Purported Mob Graveyard +World,Yankees' Rivera Heads to NYC for Playoffs +World,Sharon Begins Courting Opposition Parties +Sci/Tech,Briefly: Sun draws Nvidia graphics into Solaris +Sci/Tech,Tibco scoops up software company +Sci/Tech,Novell vows patent defense of open source +World,Massu Defeats Kucera at CA Trophy +Sci/Tech,Intel revenue up 5 percent +Business,"Canada #39;s rich getting richer, Canadian Business ranks 100 <b>...</b>" +Sci/Tech,IBM unpacks new storage gear +Sci/Tech,Sun draws Nvidia graphics into Solaris +Sci/Tech,Microsoft warns of 22 new security flaws +Sci/Tech,Wi-Fi group: Jumping the gun on gear is risky +Business,Syed Mokhtar wins bid battle +Sci/Tech,Qualcomm tries Trigenix on for size +Sci/Tech,Dell hears consumer electronics call +Sci/Tech,U2 pitches for Apple +Sci/Tech,Photo 1 of 8: Microsoft's new Media Center push +Sci/Tech,Picture 3 of 8: Microsoft's new Media Center push +Sci/Tech,Picture 4 of 8: Microsoft's new Media Center push +Business,Aon #39;comfortable #39; with past behaviour +Sci/Tech,Picture 5 of 8: Microsoft's new Media Center push +Sci/Tech,Picture 6 of 8: Microsoft's new Media Center push +Sci/Tech,Picture 8 of 8: Microsoft's new Media Center push +Sci/Tech,Microsoft releases fixes for seven 'critical' vulnerabilities +Sci/Tech,PayPal users still stranded as site glitch continues +Sci/Tech,Brief: IBM buys software vendor +Sci/Tech,"Verizon, Comcast execs slam regulation" +Sci/Tech,IBM enhances support for ISVs +Sci/Tech,CES 2005 already a sellout +Sci/Tech,CSX Intermodal using CRM software with handhelds +Sci/Tech,EMC buys backup software vendor +Sci/Tech,Update: Intel Q3 revenue slightly higher than new expectations +Sci/Tech,Yahoo meets earnings forecast; exceeds on revenue +Business,Fonterra bid too low say Aussies +Sci/Tech,"Enterprise security is worst ever, experts say" +Sci/Tech,IBMs Atlantic tools platform set to sail +Sci/Tech,"Supreme Court passes on RIAA, network-sharing cases" +Sci/Tech,IBM brings high-end storage functions to midrange +Sci/Tech,Microsoft pushes out seven critical security fixes +Sci/Tech,"Critical Flaws Found in Windows, Office" +Sci/Tech,Australia to Meet Kyoto Target But Refuses to Sign (Reuters) +Sci/Tech,Yahoo Profit More Than Triples Thanks to Overture +Sci/Tech,Icelandic Tin Bath Could Give Earthquake Warnings (Reuters) +Sci/Tech,PayPal Outage Effects Online Retailing and eBay +Sci/Tech,Google Ad Copy that Clicks +Sci/Tech,Biotech Bug Busters Try to Save Venezuela Art Works (Reuters) +Sci/Tech,News: Homeland Security signals effort to promote cybersecurity chief +Business,DLA set for transatlantic merger +Business,Internet pharmacies face crackdown +Sci/Tech,Yahoo Profit Triples on Google Stake Sale (Reuters) +Sci/Tech,New Mich. Lab Key to Detecting Diseases (AP) +Business,Sola Agrees to Be Sold for \$815 Mln +Sci/Tech,FCC Proposes Record Fine Against Fox +World,U.S. Considering Incentives for Iran (AP) +World,"Bush Taunts Kerry, Tests Debate Lines (AP)" +Sci/Tech,Briefly: Piracy crackdown yields \$2.2 million +Business,Murdoch to take printing out of Wapping in 600m revamp +Sports,"Red Sox, Yankees Begin ALCS Battle (AP)" +Sports,Rice Believes He Could Be Traded Soon (AP) +Sports,Titans' Calico to Have Surgery Thursday (AP) +Sci/Tech,FTC Sues Alleged Spyware Distributor +Sci/Tech,PeopleSoft chairman says bid needed different terms +Sci/Tech,Inputs are dangerous +Sports,"Astros to Pitch Backe, Munro Vs. Cards (AP)" +World,Moussa Arafat survives blast in Gaza +World,Seeds of Peace +Sports,Oklahoma's Perkins to Miss 3-4 Weeks (AP) +Sci/Tech,Novell to defend open source software with patents +Sports,Kidd Makes His Return on Monday Night +Sports,Minors In So. Maryland? +Sports,Brewers Ace Ben Sheets Has Back Surgery +Sports,Blazers Suspend Qyntel Woods Without Pay +Sci/Tech,PayPal problems continue +Sci/Tech,New ISS crew ready for launch +Sports,and the world of hurt +Sci/Tech,SCO plans alternative to Groklaw Web site +Sci/Tech,Carriers see key rulings soon +Business,US Airways gets loan concessions +Business,Schultz: #39;Bittersweet #39; As Starbucks #39; Smith Plans To Retire +Sci/Tech,Supreme Court Says #39;No #39; to RIAA Appeal +Sci/Tech,MSN Messenger Worm is No Fun +Sci/Tech,IBM Expands ISV Programs +Sports,Red Sox hope Martinez tops his #39;daddy #39; +Sports,Fifth-Game Success +Sports,Lippi upbeat after Slovenia setback +World,"As Sadr City calms, sanitation projects loom" +World,MEPs reject new EU justice chief +World,Great white shark is seen as a victim +World,Terror and tourism +World,Gadhafi #39;s son says Libya forsakes Mideast +World,Grief-Stricken Russian Town Ends Mourning (AP) +World,U.S. to Probe Said Vanished Iraq Nukes (AP) +World,Head of New York City Commission Resigns (AP) +Business,"US Airways, Lenders File Cash Pact" +Business,"US Airways, Lenders File Cash Pact" +Business,DreamWorks plans public float +Sports,Ainslie proves a class act +Sports,Odds against Silverstone as Ecclestone gets even +Business,Intel Profit Up; Outlook Reassures Market +Sci/Tech,Virgin Targets Apple #39;s iPod +Sports,Short but sweet glimpse of Kewell for Sydney #39;s fans +World,Old soldier Arafat is just fading away +Business,Microsoft #39;s Media Center packs sticker shocker +Business,HOLLYWOOD GOLD +Business,Philips Posts Best Quarterly Results in Four Years +Business,US Senate OK #39;s bill that allows Florida taxpayers to deduct sales <b>...</b> +Business,\$400 Million Judgment Against Medtronic +Business,Textile Makers Fight for Limits +Business,FRENCH RAIDER MAY PUSH FOR HAVAS SALE +Business,ALH shares surge on Coles bid +Business,"Citrus production down, but stockpiles will pick up slack" +Business,Pension Funds Angle for #39; #39;Proxy Access #39; #39; +Business,"Oracle Isn #39;t Trying to Bury Rival, Executive Testifies" +Sci/Tech,Microsoft Releases A Flurry of Patches +Sci/Tech,New space station crew ready to go +Sci/Tech,Colin McRae Rally 2005 +Sci/Tech,Supreme Court decision sought over file sharing +Sports,"Mussina, Matsui Set Up Game One Victory for Yankees" +Sports,Jackson tried but failed to trade a defiant Kobe--report +Sports,Massu gets first win in Vienna +Sports,Kewell confident over fitness +Sports,Lippi sticks to his guns against Belarus +Sports,US can clinch spot in final round of regional qualifying with win <b>...</b> +Sports,Cards #39; Rolen just happy to be on field +Sports, #39;Livestrong #39; runners back in race after protests +World,Arafat Relative Escapes Gaza Bomb Blast +World,Iraqi Deputy PM pleads for aid +World,US airstrikes leave 11 dead in Iraq +World,Arafat Relative Unhurt in Gaza Car Bombing +World,Beslan braces for revenge +World,Germany Deports Radical Long Sought by Turks +World,Pakistan tests #39;nuclear #39; missile: +World,Babies found in Iraqi mass grave +World,China rejects Taiwan talks appeal +World,"China Crushes Peasant Protest, Turning 3 Friends Into Enemies" +Sports,Davis takes six-shot lead at PGA Tour qualifying tournament +World,How Tax Bill Gave Business More and More +World,Mexican-Americans Struggle for Jobs +World,"Economists: Bush, Kerry Job Plans Lacking" +World,Bones Found in Purported Mob Graveyard +World,Insurgent Alliance Is Fraying in Fallujah +World,Ex-Detainee Leading Pakistani Militants +World,Olympic Champion Massu Finally Wins in Vienna +World,Clinton Lends His Voice to Kerry Campaign (AP) +World,Franks Says U.S. Should Have Hired Iraqis (AP) +World,Cheney: Iraq Could Have Been Arms Source (AP) +World,Edwards Tells Leno Theory on Bush 'Lump' (AP) +Sports,"Jones, Lions can run, finally" +Sports,Brazilian striker dies during Indian club match +Business,THE WESTERN FRONT +Sports,Excerpts talk of #39;psychological war #39; -- and truce +World,Rocco and his brothers +World,Great White Shark Gets Protection +Business,Intel Fuels Asian Stocks; Oil Down (Reuters) +World,Afghanistan Set to Start Counting Votes (Reuters) +World,Columbus' Tomb Opened on Anniversary (AP) +Business,Intel Fuels Asian Stocks; Oil Down +Business,Japan Stocks Firm by Midday After Intel +Business,Retailers Finding a Market Downtown +Business,Airport Security Screeners Overworked +Business,FCC Proposes Fine Against Fox TV +Business,Textile Makers Fight for Limits +Business,"US stocks rebound, close with narrow loss" +Business,Pocketing sales-tax receipts pays off +Business,Inside Politics +Business,"Woolies, Coles to compete for ALH" +Business,FTC Files First Federal Lawsuit Against Spyware +Sci/Tech,Dell Adds VGA Screen To New Axim Pocket PC #39;s +Sci/Tech,All the new Media Center PCs +Sports,Red Sox rally falls short +Sports,Americans can advance to regional finals with victory +Sports,A failure to communicate +World,Iraq welcomes UN nuclear inspectors to return +World,US bid to resolve Iran standoff +World,The latest developments in Iraq +Sci/Tech,Microsoft releases fixes for seven #39;critical #39; vulnerabilities +Sci/Tech,IBM enhances support for ISVs +Sports,NHL fines Thrashers owner 250-thousand +Business,Bush Health Savings Accounts Slow to Gain Acceptance +Business,Yahoo profit more than triples +Business,S.E.C. Inquiry on Circulation at Newspapers Said to Widen +Business,Problems at Lending Unit Put Merrill Lynch on the Spot +Business,Chipmaker Has Profit (and a Glut) +Sci/Tech,U2 pitches for Apple +Sci/Tech,"MSN Messenger hit with outage, virus" +Sports,Jackson tells of wanting to trade Bryant +Sports,Soccer: Yellow card row leaves Beckham facing red card from <b>...</b> +Sports,Olympic champion Massu gets win in Vienna +Sci/Tech,Rojo is Smashing Baby! +Business,"Intel Posts Higher Profit, Sales" +Sports,International finale at RFK? +Sports,"After 19 Seasons, Larkin Leaving Reds" +Sports,Olympic Champion Massu Finally Wins in Vienna +Sports,N.H.L. Owner Is Criticized for Talking of Replacement Players +Sports,Seattle Storm Wins W.N.B.A. Title Over Sun +Sci/Tech,Report Faults Military Technology in Iraq War +Business,Affidavit claims CAO knew of losses +Business,Cisco to Sell Routers with Fujitsu +Sci/Tech,Olympus to Launch Hard Disc Portable Music Player +Sci/Tech,He's Got Games +Sci/Tech,"Yahoo Profit Surges on Sales of Ads, Google Stock" +Sci/Tech,"Airport Security Screeners Overworked, Report Says" +Sports,Haywood Looks to End +Sports,Nicklaus Looks Ahead +Sports,"Rix Out, Not Forgotten" +Sports,Walker Is at Home +Business,DreamWorks announces IPO plan to raise \$725m +Sci/Tech,Microsoft's Media Center packs sticker shocker +Sci/Tech,State of the Search Marketing Industry +Sports,"Mussina, Matsui Lead Yankees Past Red Sox (Reuters)" +Sci/Tech,News: Patriot Act tour carried a hefty price tag +Sci/Tech,F.T.C. Files First Lawsuit Against Spyware Concerns +Sci/Tech,9 Die in Japan Suicides Tied to Web +Sci/Tech,"Oracle Isn't Trying to Bury Rival, Executive Testifies" +Sci/Tech,Philips Posts Best Quarterly Results in Four Years +Sci/Tech,"Yahoo Tripled Profits in Quarter, Thanks to Google Shares" +Business,Russia ready to sell major Yukos field +Business,Murdoch #39;s goodbye to Wapping print +Business,"Algonquin Power, Microcell, Telus: Canadian Equity Preview" +Sci/Tech,Investors Flock to Web Networking Sites (AP) +Sports,Beltran causes Cardinals concern +Sci/Tech,Olympus to Launch Hard Disc Portable Music Player (Reuters) +Sci/Tech,FTC Sues Spyware Suspects (washingtonpost.com) +Sci/Tech,IBM brings high-end storage functions to midrange (InfoWorld) +Sci/Tech,U.S. Shuttles May Resume ISS Flights in May (Reuters) +Sci/Tech,Researchers to Study Yellowstone Cutthroat (AP) +World,"Arafat Relative Attacked, Escapes Unhurt (AP)" +Business,Japan's troubled Daiei considering seeking aid from government body (AFP) +World,China angrily rejects Taiwan's peace overture (AFP) +World,"Bush, Kerry Looking for Edge in Debate (AP)" +World,"Bush, Kerry to square off in last debate (AFP)" +World,Alabama to Vote on Segregation Language (AP) +World,China Spurns Taiwan President's Peace Overture +World,"Bush, Kerry Looking for Edge in Debate" +World,Sectarian Tensions Simmer in Lebanon +World,Japan's Wide Role in Afghanistan +World,"A Focused Senator, But Indecisive Candidate" +Business,Bollor ups Havas stake to 20.2 +Sports,Blatter Blasts Beckham over Booking +World,China spurns Taiwan presidents peace overtures +World,Sinai Bedouins Targeted in Egypt Attacks (AP) +World,Slobodan Milosevic's Trial Resumes (AP) +World,China Spurns Taiwan President's Peace Overture +Business,Reseller Selling Standalone Windows Media Center Software +Business,Intel pumps up third-quarter profit +Business,Gannett Says Its Net Profit Jumped 11 +Business,Grapefruit crop to be smallest since 1938 +Sci/Tech,PayPal users still stranded as site glitch continues +World,Blaze Sub Sister Vessels Suspended from Service +Business,Oil prices decline sharply +Business,FTC asks court to halt a spyware operation +Business,Big loss for Cablevision +Business,Size of Florida citrus crop expected to fall significantly +Business,Banks strengthen market on record breaking day +Business,Aggressive market hits Big Food sales +Business,PetroCan CEO shrugs off risk of Gazprom deal +Sci/Tech,10 security fixes are released by Microsoft +Sci/Tech,IBM unveils new arms in EMC war +Sci/Tech,Technical problems subside at online payment service PayPal +Sci/Tech,Microsoft to begin music download service in Japan +Sci/Tech,JVC signs up to Blu-ray +Sci/Tech,Motorola and Mastercard begin quot;credit card quot; phone trials +Sci/Tech,Firing may aid PeopleSoft in defending #39;poison pill #39; +Sports,Hanson sweeps to sixth victory +Sports,Brit GP on #39;05 calendar - reports +Sports,"Storm wins WNBA title, beating Connecticut 74-60" +Sports,Astros don #39;t bank on recent success vs. Cards +Sports,Final round within reach for Americans +Sports,"Willie, Minaya" +Sports,"McGrady, Yao set for first NBA exhibition game in China" +Sports,Dark arenas greet season +Sports,Jackson book rips Kobe +World,Ex-Guantanamo prisoner leading militant group +World,Iraq wants reconstruction funding accelerate +World,Japanese police: 9 suicides may be part of Web pact +World,Navy docks sub fleet +World,Straw withdraws WMD Claims +World,Italian FM slams EU lawmakers for Buttiglione vote +World,TAIWAN WILL PATIENTLY WAIT FOR GOODWILL RESPONSE FROM BEIJING: MAC +Sports,An opening night shortfall +Sports,"For Rivera, day of tragedy and triumph" +Sports,"A statement, Sox declare" +Sports,Chances of a goodwill gesture are shaky +Sports,Wakefield works out the kinks +Sports,4 K's spell trouble for Damon +Sports,He'll let actions speak +Sports,It isn't a bad alternative +Sports,Patriots on the lookout for a time-share +Sports,US has a goal in its sights +Sports,"Bryant, Jackson at 'psychological war'" +Sports,Storm scuttles Sun +Sports,Facing rocky road? +Sports,Dedham's victory sweet +Sports,Wheaton has a foothold +Sports,Transactions +Sports,It's Blackmon's busy season +Sports,Tonight's key New England game +Sports,Same dates at Norton +World,Religious Meeting in Indonesia Aims to Blunt Radicals +Business,BoE's King warns of bleaker times +Business,Financial lessons +Business,IBM unveils new arms in EMC war +Business,"For \$117m, Iron Mountain adds unit to store bits as well as boxes" +Business,State Street says it will cut 425 jobs +Business,Fla. orange crop to be the smallest in a decade +Business,Insurer acquires 330 Stuart St. for \$28m +Business,Legal setback for music industry +Business,Crackdown urged on copyright piracy +Business,Short-term T-bill rates lower +World,Germany Softens Stance on Sending Troops to Iraq +Sci/Tech,UK viewers taking control of TV +Sci/Tech,Push to win over net 'refuseniks' +Sci/Tech,Mobile phone Lotto plan unveiled +World,Saddam Fit and Well After Hernia Operation +World,Israeli Missile Kills Hamas Militant in Gaza-Medics +Business,Funds seek Disney change +World,FEC May Regulate Web Political Activity (AP) +World,Milosevic Protests as Trial Defense Resumes (Reuters) +World,Jackson anger over Eminem video +World,Mourning period over siege at Russian school concludes +World,Romania says it had role in Holocaust +World,"US, Iraqi troops target resistance in Sunni Triangle" +World,Militant leader was held in Cuba +World,Real estate bargain ends for US envoy +World,Mourning and Anger at School Caught Up in Terrorism +World,Iraqi Deputy Prime Minister Pleads for Aid +Sci/Tech,Targets 'hamper recycling effort' +Sci/Tech,"For first time, US govt cracks down on spyware installers (AFP)" +Sci/Tech,Tokyo Edge: New Choices in Digital Entertainment (PC World) +Business,Oil prices fall sharply after rise +Business,Moscow plans partial Yukos sale +Sci/Tech,Biologists Concerned About Bobwhite Quail (AP) +Sci/Tech,Crocodile Attack Renews Calls for Culls (AP) +World,Iraq Visit Clears Way for Japan Troops to Stay On (Reuters) +World,Arafat says Palestinian state more likely with Netanyahu as PM +World,Father Denounces Hamdi's Imprisonment +World,Man Guilty in Case of Terror Ties +Sports,No quit in resilient Red Sox +Sports,US Is One Win From Final Round +Sci/Tech,Paypal delivers online payment woes +Sports,Kewell fit for Liverpool +World,Nine people dead in suspected suicide pact +World,UK/Iraq: 45-minute claim withdrawn +World,EU panel opposes justice nominee +World,Unions Threaten to Extend Nigeria Strike +Business,YUKOS unit assets may be sold for back tax +Business,Mets Decide the Time Is Right for a Cable Network of Their Own +Business,UK Big Food: #39;Trading has remained tough +Business,Gas line measures approved +Sci/Tech,Microsoft tells users to patch 21 new flaws in Windows +Sports,A success in the pool and out +Sports,Baseball: Ex-Gold Glove winner Larkin cut loose by Cincinnati +Sports,Yao takes coach on trip down memory lane +Sports,Jackson: I wanted Kobe out +Sports,Sport funding major boon to coaches +Sci/Tech,Program predicts cancer risks +Business,Mets to have a new home on cable +Business,Big Food Says Sales Fell on Competitors #39; Price Cuts (Update1) +Business,Philippine Shares End Higher +Sci/Tech,New IBM Systems Mark Storage/Server Convergence +Sci/Tech,Blu-ray Disc Association Launches With More Than 70 Companies +Sci/Tech,Space station concerns reduced +Sci/Tech,Call for More Action to Cut Global Warming +Sci/Tech,Supreme Court asked to intervene in file-swapping dispute +Sci/Tech,Dell launches Axim X50 wireless media PDAs +Sports,"Utah, Pittsburgh to Play in Fiesta Bowl (AP)" +Business,"Yahoo, Intel Lifts Global Tech Shares" +Sci/Tech,Tokyo Edge: New Choices in Digital Entertainment +Sci/Tech,New Lava Has Pushed Through to Surface of Mount St. Helens +World,Bolivians Vote in Municipal Elections (AP) +Sci/Tech,Chief British Scientist Says Act Now on Carbon Dioxide (Reuters) +World,Germany Softens Stance on Sending Troops to Iraq (Reuters) +World,Israeli Missile Kills Hamas Militant in Gaza-Medics (Reuters) +World,EU Challenges Law Protecting Volkswagen (AP) +World,Unions Threaten to Extend Nigeria Strike (AP) +Sci/Tech,Surgeons 'rebuild' patient's face +World,"Israel, Egypt Warm Ties With Prison Swap (AP)" +Business,Germany in the dock over VW law +World,Bid to save Ivorian disarmament +World,'Miracle baby' nurses face probe +World,3 U.S. Soldiers Killed by Bomb in Iraq +Sports,Collier replaces Lamb as England chief executive +Business,Sales tax deduction gets final congressional approval +Sci/Tech,More Holes in The Window +Sci/Tech,IBM #39;s new storage systems take on EMC +Sci/Tech,Apple Fan Sites Buzz with Talk of Photo-Ready iPod +Sports,Brit GP on #39;05 calendar - reports +Sports,Reds elect not to sign Larkin for 20th year +World,Arafat #39;s security chief escapes blast +World,Blair facing Iraq apology calls +Sci/Tech,Mexico Telescope to Shed Light on Cosmic Dark Ages (Reuters) +Sports,Real Madrid held by Villarreal +Business,"Intel income rose 15, tops expectations" +Sci/Tech,Microsoft makes itself at home +Sci/Tech,Microsoft pushes out #39;critical #39; security fixes +Sci/Tech,Froogle arrives in the UK +Sports,Mansell out but Silverstone roars back +Sports,Socceroos ready to fulfil potential: Farina +Sports,MANAGER PROFILE: Micky Adams +Sports,Rice says he could be leaving Raiders +Sports,Williams back in top form +Sports,Larkin leaving big shoes to fill +World,Iraqis plead for more international help at Tokyo donors <b>...</b> +World,US presses NATO to prepare takeover of Afghanistan military <b>...</b> +Business,Microsoft #39;s Announces Plans for Your Digital Living Room and 22 <b>...</b> +Business,McDonald #39;s 3rd-quarter earnings rise +Business,AtheroGenics to Discontinue AGIX-4207 +Business,Host Marriott #39;s Third-Quarter Loss Narrows +Business,News Corp slashes jobs in printing arm move +Business,UPDATE 1-US mortgage applications fall last week-MBA +Business,Children #39;s hospital may sue Disney +Sci/Tech,Flaws spark #39;fix-it #39; frenzy +Sci/Tech,"FastT100 offers cost-effective, reliable storage for consolidation <b>...</b>" +Sci/Tech,Update 1: Technical Problems Subside at PayPal +Sci/Tech,ISS Expedition 10 Crew to Launch Into Space Tonight +Sci/Tech,Virgin Group Aims at iPod Mini +Sci/Tech,Motorola to trial m-commerce-enabled phones +Sci/Tech,Google woos Froogle UK shoppers +Sci/Tech,From spam king to spymaster +Sci/Tech,Intel defeats AMD in court +Sci/Tech,Turn Your PC Into a Mac +Sci/Tech,IBM makes Websphere smarter to improve business continuity +Sci/Tech,Petition asks high court to hear case on file sharing +Sports,Astros vs. Cardinals preview +Sports,"We had no choice but to withdraw from Champions Trophy, says HA" +Sports,India feeling the pressure +Sports,Making his point +Sci/Tech,Site eases voter registration (SiliconValley.com) +Sports,Owner #39;s remarks draw big fine +Sports,Q amp;A: Terry Labonte and friends. +World,"US, Iraq to probe missing N-equipment" +World,Germany Opposes US Plan in Afghanistan +World,Iraq Asks Major Donors To Release Cash +World,Turkish militant formally charged after extradition from Germany +World,Nigeria looks for strike injunction +World,Palestinian schoolgirl dies of wounds +World,"No quick sex, please, we #39;re British" +Sci/Tech,KDDI to offer music downloads for mobile phones (FT.com) +Sci/Tech,Microsoft tells users to patch 21 new flaws in Windows (USATODAY.com) +Sci/Tech,Crew Prepares for Launch to Space Station (AP) +Sci/Tech,Lava Breaks Surface at Mount St. Helens (AP) +Sci/Tech,Harvard Wants to Clone Human Embryos (AP) +Sci/Tech,"Mount St. Helens Heats Up, Little Danger of Eruption (Reuters)" +Sports,Raiders' Curry Injured Against Chiefs (AP) +Sports,"Bomb blast fails to stop NZ Hockey, but Aussies pull out" +Sports,Superstar missing in Madras +Sci/Tech,Microsoft releases seven #39;critical #39; security patches +Sci/Tech,Virgin takes on iPod +Sci/Tech,Motorola turns mobile phone into wallet +Sci/Tech,Feds Take On #39;Spamford #39; Wallace In Spyware Case +Sci/Tech,EU Expands Probe Into Intel Favortism +Sci/Tech,IBM sets date for new tools bundle +Business,Harley-Davidson #39;s 3Q profit up 20 percent +Business,AtheroGenics arthritis drug flops +Business,Qualcomm acquires small UK software company in cash deal +Business,Sempra to supply LNG from Indonesia +Sports,Silverstone deal likely +Sports,CRICKET: Tendulkar likely to play third Test +Sports,Radcliffe hopes to run in Beijing +Sports,West Lafayette place to be for battle of unbeatens +World,"Mass Iraqi grave yields infants, unborn" +World,Blair rejects allegation he quot;misrepresented quot; intelligence on Iraq <b>...</b> +Sci/Tech,Beckham virus spotted on the net +Sci/Tech,Paypal battles to restore service +Sci/Tech,FEC May Regulate Web Political Activity +Sci/Tech,Technical Problems Subside at PayPal +Sci/Tech,Investors Flock to Web Networking Sites +Sci/Tech,MCI President Of Enterprise Sales Resigns +Sci/Tech,7-Eleven Adopting Wireless Technology +Business,Host Marriott Quarterly Loss Narrows (Reuters) +World,U.N. Nuclear Inspectors Ready to Return to Iraq (Reuters) +Business,Harley-Davidson Posts Higher Profit (Reuters) +Business,"Accenture Profit Up, Outlook Below Street (Reuters)" +Business,Chinese Minister Sees Fast Economic Growth (AP) +Sci/Tech,Bushmeat trade thriving in Kenya +Sci/Tech,Carbon 'reaching danger levels' +Business,Stocks Seen Higher as Oil Holds Below \$52 +Business,Host Marriott Quarterly Loss Narrows +Business,Harley-Davidson Posts Higher Profit +Business,"Accenture Profit Up, Outlook Below Street" +Sci/Tech,Total Lunar Eclipse +Business,NY Times Profit Slips as Ad Sales Uneven +Business,Sky-High Oil Price Down for a Second Day +Business,HCA Sees Earnings Hurt by Hurricanes +World,Two Lebanese Hostages Freed in Iraq - Lawyer +World,Nigerian Govt. Seeks Injunction to Halt Strike +World,Alleged IRA Fugitive Arrested in Tenerife +Business,Iraq urges donors to release cash +Sci/Tech,Newfound Star Cluster may be Final Milky Way 'Fossil' +World,IRA 'terror arrest' in Tenerife +World,Israel extends offensive in Gaza +World,Football: Fifa slams Beckham +Sports,Austrian holds off teammate to win slalom; Miller doesn #39;t finish +World,Thai violence ahead of key talks +World,UN issues child poverty warning +World,Saudi clash killed 'top militant' +World,Gaza schoolgirl dies of injuries +World,Waistline linked to health risks +Sci/Tech,Schools Must Help in Fight Against Obesity +Business,The great wide-open +Sci/Tech,Lava Breaks the Surface at Mount St. Helens +Sci/Tech,Obesity Surgery May Cure Diabetes +World,4 U.S. Soldiers Killed by Bomb in Iraq +World,Fox Disagrees With FCC Indecency Finding +World,Blair Won't Apologize Over Iraq +World,Stocks to Open Higher As Oil Prices Let Up +Sci/Tech,IBM sets date for new tools bundle +World,Four U.S. Soldiers Killed in Bomb Attack +Sci/Tech,Apple whistles a happy iTunes +Sci/Tech,Microsoft selling new Windows at cut-rate price +Business,Intel in-line +Sci/Tech,Minding the Search Engine Business +Sports,Bryant turns the page +Sports,Rice won #39;t be a Lion +Sports,Cricket fever grips Kollywood too +Sports,Sports Briefs +Sports,Kyle Busch takes Nextel Cup wheel +World,Afghanistan takes first difficult steps toward democracy +World,Pakistani Tribesmen Fail to Secure Release of Chinese Hostages +Sci/Tech,Intel Wins Ruling +Sci/Tech,SAP to increase focus on business intelligence +Sci/Tech,Lycos unfurls Circles social networking site +Sci/Tech,EU asks four countries to justify call for Intel chips +Sci/Tech,New version of SAP Business One available +Sci/Tech,Motorola will add NFC payment function to cell phones +Business,Intel 3rd Quarter Revenue \$8.5 Billion +Business,Wages rise more than expected +Business,End of printing at Wapping +Sci/Tech,"UDO replacing MO faster than expected, says Plasmon" +World,Thai PM in paper peace bid +Sci/Tech,"TSMC, Freescale to jointly develop chip technology" +Business,Oil surpasses \$54 then falls sharply; supply fears wane +Business,McDonalds serves up 42 rise in earnings +Business,Host Marriott Quarterly Loss Narrows +Business,Qualcomm buys British firm +Sports,Sports Buzz +Sci/Tech,FEC May Regulate Internet Political Activity +Sci/Tech,Microsoft Increases Focus on Entertainment +Sci/Tech,Investors Flocking to Web Networking Sites +Sci/Tech,7-11 Adopting Wireless Technology +Sci/Tech,Technical Problems Subside at PayPal +Business,Bank of Montreal to pay \$197.4M for Indiana #39;s Mercantile Bank +Sports,ECB confirm Collier as new chief +Business,Intel growth not up to expectations +Business,Qualcomm tries Trigenix on for size +World,Investigators dig up mass grave seeking evidence to nail Saddam +World,EU Calls on Israel to End Aggression on northern Gaza Immediately +World,Daiei will not get state +Business,Oil dips after touching record \$54 a barrel +Business,Harley-Davidson #39;s 3Q Profit Up 20 Percent +Business,Gloom continues at M amp;S +Business,"DreamWorks sets IPO at 29M shares, \$23-\$25 per share" +Business,Amkor Tech in Talks for Credit Facility +Sci/Tech,"Titmice guide out-of-town birds to best food, water" +Business,No Canadian interest rate hike expected Tuesday +Sci/Tech,"Now, for Your PC: Mac OS X" +Business,US Official Predicts 4 Percent Growth +Sci/Tech,A Mall for America's Geeks +Sci/Tech,Click Fraud Threatens Web +Sci/Tech,Vote Early and Often Online +Sci/Tech,New Tack Wins Prisoner's Dilemma +Sci/Tech,UCLA File Swappers in Quarantine +Sci/Tech,Campaign Donor Data Goes Mobile +Sci/Tech,You Need a Robolawyer +Sci/Tech,Music Industry Spurned by Court +Sports,BEATEN FALCONS MUST WAIT +Sci/Tech,Reeve Was a Super Activist +Sci/Tech,Gates unveils operating system (SiliconValley.com) +Sci/Tech,Red Planet Bound: Mars Reconnaissance Orbiter (SPACE.com) +World,Two Lebanese Hostages Released in Iraq (AP) +Business,McDonald #39;s helped by increased sales +Business,Bank of Montreal to Buy Indiana Bank for \$156.5 Mln (Update1) +Business,NY Times Profit Slips as Ad Sales Uneven +Business,Damage to increase grapefruit price tag +Sports,Seattle Storm Wins WNBA Title Over Sun (AP) +Sports,Giants Defensive Coordinator Baffling NFL (AP) +Sci/Tech,Qualcomm buys UK 3G software developer Trigenix (UPDATED) +Sports,Cricket: A star revered for more than just numbers +Sports,Kaif recalled to bolster Indian batting +Sci/Tech,EMC takes Retrospect Dantz +Sports,NBA hopeful Liu Wei wins praise from coaches on eve of China showdown (AFP) +World,Iraq pleads for help +World,Submarine rescue gets under way +Sports,Beckham Criticized for Suspension (AP) +Sports,McNair inactive; Volek starts against Colts +Business,Harley-Davidson Roars to Record Earnings +Business,Edison Int'l Raises '04 Earnings Forecast +World,'Sorry' Is the Hardest Word for Blair on Iraq +Sci/Tech,Generating Income with Blogs - Blogging for Dollars +Business,"Q3 revenue meets lowered forecasts, Q4 may fall short" +Business,BMO expands in US +Business,Rose fails to stop slide in M amp;S sales +Business,US mortgage applications fall last week +Sci/Tech,Virgin to sell digital player to compete with IPod +Sci/Tech,"Now, for Your PC: Mac OS X" +Sports,Rivera saves the Yankees +Sports,Beckham Criticized for Suspension +Sports,WENGER BACKS LEHMANN #39;S CLAIM +Sports,Who? Who? And Clemens +Sci/Tech,PayPal Cleaning Up Site Glitch +Sci/Tech,Possibly the fastest way to spend money +Sci/Tech,JVC joins the Blu-ray Disc Association +World,Investigators excavate mass graves in Iraq +World,CALIPH OF COLOGNE BACK IN TURKEY +World,Daiei to Apply for Aid From Gov #39;t Fund +World,UNRWA waits for Israel apology +Business,"Intel profit rises, but inventory glut lingers" +Business,"Media Center will succeed, just not yet" +Business,McDonald #39;s Says 3rd-Qtr Profit Rose to 61 Cts a Share (Update1) +Business,US weighs trade limit for China +Sci/Tech,Computer: IBM #39;s shoe-box sized system +Sci/Tech,PeopleSoft defends poison pills +Sci/Tech,AOL Develops Desktop Search +Sports,"Yankees 10, Red Sox 7: Just a typical chapter in unique rivalry" +Sports,"Now you, too, can own Bonds #39; 700th homer ball -- if only for a <b>...</b>" +World, quot;Sorry quot; is hardest word for Blair on Iraq +Sports,Ibrahimovic completes Juve recovery +World,150 Foreigners Taken Hostage in Iraq (AP) +World,Congress Leads Exit Polls in Key Indian State (Reuters) +Business,U.S. Stocks Rise at the Open +Business,EU Charges Four Countries Favor Intel +World,US election splits military in Iraq (AFP) +Business,Nordic nations 'most competitive' +Sports,"Austrians finish one-two in World Cup super-G, three Canadians in <b>...</b>" +Business,Global Competitiveness Survey Highlights +Business,Crude oil prices end sharply lower amid profit-taking +Business,King #39;s no more Mr Nice Guy +Sports,"Astros in, Pettitte out" +Sports,Radcliffe declares to run in Beijing Olympics +Sports,Miller to receive state funeral +World,Iraqi Deputy Prime Minister Pleads for Aid +World,UK #39;s Blair Attacks Opponents of Iraq War After Grave Found +World,Canada withdraws subs +World,Japan #39;s troubled Daiei decides to seek aid from government body +Business,McDonald #39;s raises earnings outlook +Business,Federal government confirms 2003-04 budget surplus of \$9.1 billion +Sci/Tech,Soyuz-Expedition 10 Launch Journal +Sci/Tech,EU asks four countries to justify call for Intel chips +Sci/Tech,FDA Approves Use of Chip in Patients (AP) +Sci/Tech,Cyber-Security to Get Higher-Profile Leader (washingtonpost.com) +Sci/Tech,Supremes Quietly Change Piracy Debate +World,France rejects militant's appeal +Business,Report shows China ranks 46th of 104 economies +Business,"HP, DreamWorks Extend Collaboration" +Business,Crude oil prices retreat but nagging supply concerns linger +Business,Coles #39; \$1.3b bid raises ALH stakes +Business,Yukos shares slide amid subsidiary sale fears +Business,Harris Bank Expands Into Indiana +Business,"Canada Has Biggest Surplus in 3 Years, Pays Down Debt (Update1)" +Business,Biotech Stocks Open Lower +Business,"Bush, Kerry ready for final face-off Wednesday in Arizona" +Business,RPT-UPDATE 2-US mortgage refinancings lose steam despite rates +Business,Medical-History Chip Can Be Implanted In Body +Sci/Tech,US agency taking spyware to court +Sci/Tech,"Outage over, PayPal says" +Sci/Tech,European Union Steps Up Probe Of Intel +Sci/Tech,Pod people untouched by Zen +Sci/Tech,Cell Phones Double as Credit Cards +Sci/Tech,Is Interest in Online Music Fading? +Sci/Tech,Microsoft #39;s Media Launch Won #39;t Lift Earnings Yet +Sci/Tech,EMC acquires Retrospect maker Dantz +Sci/Tech,Microsoft Refreshes Mac Office +Sci/Tech,IBM software vendors feel the love +Sports,Germany coach Klinsmann surprised at criticism +Sports,Queuing fans miss Kewell +Sports,Basketball: Seattle Storm Wins WNBA Finals +Sports,NBA Player Investigated for Dog Fighting +Sports,Jets #39; Moss questionable for Sunday +Sports,PREVIEW-Singh and Els primed for Match Play showdown +Sports,NASCAR driver T. Labonte to drive limited schedule in Nextel Cup <b>...</b> +Sports,India turns against its own +Sci/Tech,Softbank sues Japan government over 3G bandwidth plan (AFP) +Sci/Tech,Cell Phones Double as Credit Cards (PC World) +Sci/Tech,Lycos Builds Web Circles (PC World) +Sci/Tech,Microsoft Refreshes Mac Office (PC World) +Sci/Tech,Swarms of Locusts Devastating Crops Moving (AP) +Sci/Tech,Taiwan Hopes to Wipe Out Red Fire Ants in 3 Years (Reuters) +Sci/Tech,Australia Says It's Starting to Win Its Locust War (Reuters) +Business,Bank of Montreal to expand Harris +Sports,Soccer: Wenger backs Lehmann to become Germany No 1 +Sports,Jackson over the moon after eclipsing Sun +Sports,Ganguly hopes to win the second test against Aussies +World,Submariner remembered for his dedication at memorial service held <b>...</b> +World,"US presses NATO to merge Afghan forces, speed Iraq mission" +World,Mass Graves Found In Iraq +World,Nigerian Strike Set to Drag Into Fourth Day +World,Islamist militant charged after expulsion from Germany +World,Chinese Government Delcares Taiwan Proposal Fraudulent +World,"Using New Radar, Israeli Town Ducks Gazan Rockets" +Sci/Tech,Problems with PayPal Persist for Fifth Day +Sci/Tech,Study: Apple #1 Music Download Service; Online Buyers Down +World,Peace Prize a well-deserved honour +Sci/Tech,ALK CoPilot Smartphone +Sci/Tech,Home Office seeks spin doctor to sell cuddly ID card brand +Sci/Tech,Caution Dampens Spirit at Cannes Tech Conference +World,UNRWA condemns killing of Palestinian schoolgirl +Sci/Tech,EU Expands Intel Favoritism Investigation +Sci/Tech,Creative unveils 5GB Zen Micro +World,Nigerian Strike Set to Drag Into Fourth Day (Reuters) +Business,Will Fox's Bowl Runneth Over? +Business,Slow-Cruisin' Harley +World,Networks to Test New Exit Polling System (AP) +Business,Golden Times for Golden Arches +Business,Invest Like Steinbrenner +World,"On Debate's Eve, Campaigns Hone Message (washingtonpost.com)" +Sports,Beckham Apologizes for Yellow Card Ploy +Sports,Qyntel Woods suspension protested +Sports,Special to ESPN.com +World,U.N. Nuclear Inspectors Ready to Return to Iraq +Sci/Tech,WorldCom's Ebbers Wants Company to Pay Legal Bills +World,"Afghan Vote Count Stalled, Karzai Rival Ends Boycott" +Sci/Tech,Next space station crew to launch +Sci/Tech,'Sleeping dragon' had bird repose +Sci/Tech,Learning languages 'boosts brain' +World,Nigerian Strike Set to Drag Into Fourth Day +World,Questions Persist on Canadian Subs as Funeral Held +Business,FASB delays new options expensing rule by 6 months +Business,Hardee #39;s September sales up 5 on new products +Business,Three Picks For A Communications Rebound +Business,Applied Digital Shares Jump on Chip OK +Sci/Tech,Microsoft Office 2004 for Mac Service Pack 1 +Sports,Red Sox Nation Keeps Faith With Pedro +Sports,"Wisconsin, Louisville aiming for upsets" +Sports,Both sides nervous with season on ice +Sports,Warne bows to Lillee +World,Israel 'worried over world image' +Business,Massive insider trading claim +Sci/Tech,Eftia Joins IBMs PartnerWorld Industry Networks for ISVs +Business,FEC Might MoveOn to the Internet +World,Supreme Court Debates Teenage Executions +World,China Declares Taiwan Proposal a Fraud +Sci/Tech,PeopleSoft modifies refund program +Sci/Tech,Briefly: SAP spiffs up small business programs +Sci/Tech,SAP spiffs up small business programs +Business,Media Center 2005 +Business,Majority of FCC OKs Cingular-AT amp;T Wireless-Source +Business,FDA Approves Implanted Medical-Records Chip +Sci/Tech,Qualcomm pushes multicast CDMA +Sports,"Wednesday, October 13th - 7:30 pm (et)" +Sci/Tech,EU takes aim at Intel--again +Sci/Tech,France fries cell phones +Sports,Moss Questionable With Strained Hamstring (AP) +Sports,Santonja Goes to Quarterfinals at Tashkent (AP) +Sports,Trail Blazers Suspend Woods +Sci/Tech,Japan's JVC joins Blu-ray group +Sports,Silverstone Owners Want F1 Deal by End-October +Sports,Singh and Els Primed for Match Play Showdown +Sci/Tech,Dell taking aim at iPod Mini? +Sports,Paradorn Powers Past Struggling Costa +Business,Ziggy speaks frankly and says he was pushed +Sci/Tech,IBM launches Atlantic +Sports,Beckham Criticized for Suspension +Sci/Tech,Cell Phones Double as Credit Cards +Business,Dollar Lifted by Slipping Oil Prices (Reuters) +Business,"Blue Chips Fall on Commodity, Oil Stocks (Reuters)" +Business,U.S. CEOs' Confidence Slips Further (Reuters) +World,Germany has no plans to change its Iraq policy: Schroeder (AFP) +World,U.S. Allies Don't Want NATO in Afghanistan (AP) +Business,"GM Set to Cut About 10,000 Jobs - Source" +Business,Sky-High Oil Price Down for a Second Day +Business,McDonald's Quarterly Earnings Rise +Business,Dollar Lifted by Slipping Oil Prices +Business,"Blue Chips Fall on Commodity, Oil Stocks" +Business,Treasuries Edge Narrowly Higher at Midday +Business,EU Sues Germany Over Volkswagen Law +Business,Middle Class America +Business,"Ahold, Former Executives Settle SEC Charges" +Sci/Tech,Northern Light Announces Business Research Engine +Sci/Tech,"Microsoft Releases 10 Security Patches for Windows, Excel, and IE" +Sci/Tech,News: Seven critical in MS October patch batch +Sci/Tech,News: Prosecutor resigns over hacked PC +Sci/Tech,HP to sell PathScale compilers +Sci/Tech,Open-source Web tools company nets VC funding +Sci/Tech,"Taking aim at iPods, cell phones" +Business,DreamWorks Animation Will Sell 29 Million Shares +Business,Molson-Coors Merger Gets Canadian Competition Bureau Clearance +Business,Metro Briefs +Sci/Tech,Ex-employee: Spyware maker used Rochester club +Sci/Tech,Russian-US crew prepares for launch to international space station +Sci/Tech,Update 5: EU Expands Probe Into Intel Favortism +Sci/Tech,Motorola to Test MasterCard PayPass Technology +Sci/Tech,Trigenix Buy Gives Qualcomm European In-road +Sci/Tech,Mac OS X For your PC +Sports,Schiavone rallies to upset Petrova +Sci/Tech,Crew prepares for launch to International Space Station +World,Germany Signals Shift on Iraq Policy +World,Allawi threatens rebel-held Fallujah with force +World,"Tom Cruise, Oprah Co-Host Nobel Concert" +World,Israeli Says Country Will Become Isolated (AP) +World,Feds Ask to Give Overseas Voters More Time (AP) +World,Florida Supreme Court to Rule on Backup Ballots (Reuters) +World,Supreme Court Questions Juvenile Death Penalty (Reuters) +Business,U.S. SEC Proposes Stricter Rules for IPOs +World,UN scaling back Darfur food aid +World,5 U.S. Soldiers Killed in Iraq Attacks +World,Stocks Mixed on Strong Earnings Reports +World,"Yankees, Red Sox Ready for Game 2 of ALCS" +Business,"Ahold, Ex-Execs Settle with Regulators" +Business,Moody #39;s may cut HCA #39;s rating deeper into junk +Business,Swiss remain competitive despite ratings slip +Business,US Accounting Board Approves Options-Expense Rule (Update1) +Business,Lamy says Airbus pleased with US decision to take subsidy dispute <b>...</b> +Sci/Tech,PayPal.com resumes operations after four-day service disruption +Sci/Tech,DHS mulls shift in cyberczars power +Sci/Tech,"Outage nearly over, PayPal says" +Sci/Tech,Froogle released in Europe +Sports,Game Data: Ohio State at Iowa +Sports,Moss questionable for Sunday +Sci/Tech,SBC to Use WiFi Network to Extend Cingular Reach (Reuters) +Sci/Tech,IBM launches Atlantic (InfoWorld) +Sci/Tech,Greenhouse Gas Jump Shows Kyoto Vital - UK (Reuters) +Sci/Tech,Genetic Factors Influence Male Homosexuality-Study (Reuters) +Sci/Tech,SBC to Use WiFi Network to Extend Cingular Reach +World,London court set to rule whether radical cleric to face charges (AFP) +World,EU leaders hold talks in Sudan after new sanctions threat (AFP) +World,Congress Leads Exit Polls in Key Indian State +Sci/Tech,Bringing Space Composites Down to Earth +Sci/Tech,Greener pastures--and wallets--for tech workers? +Sci/Tech,Briefly: HP to sell PathScale compilers +Business,UK paper moves to Enfield +Business,Ryzhkov: Yukos Case Is State Banditry +Business,FDA approves injecting ID chips in patients +Business,Google B #39;lore to be #39;ideas #39; centre +Business,Delta pilots offer a new contract proposal +Business,FASB Delays Options Expensing Rule +Business,Fed #39;s McTeer sole candidate to head Texas A amp;M +Business,US SEC Proposes Stricter IPO Rules +Business,Antitrust Pressure Against Intel Appears to Ease in Europe +Sci/Tech,Microsoft Issues Flurry of Fixes on Busy Patch Day +Sci/Tech,IBM Unveils New TotalStorage Servers +Sci/Tech,Space Crew Takes First Spin in a Soyuz +Sci/Tech,PayPal Says System Glitches Substantially Fixed +Sci/Tech,"Motorola, MasterCard trial RFID PayPass system" +Sci/Tech,Novell to defend open-source software with patents +Sci/Tech,Fake David Beckham Pictures Launch Trojan Horse Virus +Sci/Tech,Virgin Electronics Enters MP3 Player Market +Sci/Tech,Enter your e-mail: +Sci/Tech,Disney Sends Out Three +Sci/Tech,Google launches UK version of Froogle +Sci/Tech,Adobe releases hobbyist Photoshop package +Sci/Tech,Dell launches Axim X50 and X50v +Sports,Schilling #39;s ankle will require surgery +Sports,"Britain, France and San Marino Provisional on 2005 F1 Calendar" +Sports,Wales fail to give manager Hughes winning send-off +Sports,Late goal salvages N.Ireland draw against Austria +Sports,UPDATE 2-Keane sets all-time Ireland scoring record +Sports,UPDATE 2-Van Nistelrooy double helps Dutch sink Finland +Sports,UPDATE 1-Henry scores to help France to 2-0 win +Sports,Sides talking but not to eachother +Sports,A little good news for winless Dolphins: Welker wins special teams <b>...</b> +World,Germany Rejects Speculation That Iraq Policy May Change +World,Russia Treads Fine Line On Iranian Nuclear Issue +World,More dead in Gaza rampage +World,EU Sues Berlin Over Volkswagen Law +World,Gay row hits EC +World,Canada docks sub fleet pending navy probe +World,Sinai Attacks Appear to Have Limited Effect on Egyptian Tourism +Sports,Red Sox Turn to Martinez +Business,Ban for former Ahold executives +Sports,Schilling's Ankle Will Require Surgery (AP) +Sports,Rockets' Yao Goes Back to School in China (AP) +Sports,Florida Coach Zook Admits Confrontation (AP) +Sports,Top-Seeded Ljubicic Advances in Metz (AP) +Sports,Panthers Lose Jenkins for Season +Sports,Warrick Doubtful for Sunday +Sports,Paradorn Powers Past Struggling Costa +Business,Chip Implant Can Be Used to Get Health Records -US +Business,Feds McTeer tapped to head Texas A amp;M - +Sci/Tech,Dell swings new Axims into play +Sports,Schilling questionable for Game 5 with dislocated tendon +Sports,Time for a new leader +Sports,2004 NLCS Preview: Cardinals vs. Astros +Sports,Phils give Baylor managing interview +World,"US, G-8 nations to talk of Iran penalties Friday" +World,Nigerian court rule on ongoing strike hailed by trade union +Sports,Netherlands beats Finland in World Cup qualifier after nightmare <b>...</b> +Sports,Jenkins may be lost for season +World,Tory MP calls for independent experts at sub inquiry +Business,Federal reserve bank chief finalist for A amp;M job +Sports,Poles are party-poopers +Sports,Austrian seeds move on +Sports,Dolphins sign Matt Bryant +Sci/Tech,Disney releases three for GBA +Sports,Schilling #39;s Ankle Will Require Surgery +Sports,Kremlin Cup Upset for Nadia Petrova +Sports,Astros #39; Backe living out a dream +Business,Russia to Sell Big Yukos Unit at Low-End Price +Business,VeriChip Approved by FDA for Medical Use in Humans +Business,"Update 2: Ahold, Three Former Execs Settle Charges" +Business,Pilot talks continue; Delta shares fall +World,US Supreme Court hears arguments on juvenile death penalty (AFP) +Sports,Henry on target for French +World,US Considering Incentives for Iran +World,Schroeder Rules Out German Troops for Iraq +Sports,Tennis: Stepanek dumps top seed Safin out of Kremlin Cup +World,Police Play Down Fears of Post-Beslan Reprisals +World,Cambodia tribunal may pave way for judicial reform +World,"In Beslan, a tense bid for calm" +Sci/Tech,Adobe Ships New Version Of Photoshop Elements +Sports,Netherlands beats Finland 3-1 in World Cup qualifier after poor <b>...</b> +World,Oil set to top Russia-China talks +World,Al-Qaeda figures 'held in Jordan' +World,Former SA official denies graft +Business,SA edges up the pile +Business,PeopleSoft exec: We pumped up earnings +World,Rape 'a weapon in Colombia war' +World,Illegal wood seized across Spain +Sci/Tech,New Crew Ready for Space Station Mission +World,"We are open to UN inspectors, says Iraq" +Business,Finland Ranked World #39;s Most Competitive Economy +World,F.D.A. Approves Implantable Chip for Patient's Health Data +Business,Cisco to Sell Routers with Fujitsu +World,Lava Gives Mount St. Helens Eerie Glow +World,Soaring Oil Prices Send Stocks Skidding +World,Appeals Court Denies Moussaoui Hearing +World,6 U.S. Soldiers Killed in Iraq Attacks +Business,Apple Profit Doubles; Outlook Tops Views (Reuters) +Business,"Bank of Italy chief warns public accounts in ""serious"" shape (AFP)" +World,Mothers of Russian GIs Appeal to Rebels (AP) +Business,"McDonald's Earnings Rise, Stock Up" +Business,Sola Says Agrees to Be Sold for \$815 Mln +Business,Bayer to Pay Fine for Rubber Price Fixing +Business,Banker Questioned in Enron Criminal Case +Business,PeopleSoft Execs Defend Bid Rejection +Business,Hurricane Damage to Hit Allstate Profits +Business,Sandisk Profit Rises But Misses Forecasts +Business,FCC Majority OKs Cingular-AT T Wireless +Business,SEC Investigating Newspaper Circulation +Business,Abbey a step closer to takeover +Business,S.E.C Probes Chiron Over Flu Shot Shortage +Business,Apple Profit Doubles; Outlook Tops Views +Business,Nordic Nations Prevail in Surveys of World's Hot Economies +Business,Intel's Inventory Bugaboo +Business,"Dude, Where's My Car? Seriously." +World,"Astros Take on Cards, Red Sox Face Yanks" +Business,How to Spot a Serial Acquirer +World,Study: Adolescence Affects Breast Cancer +Business,Oil rally sends stocks sharply lower +Business,Allstate Sees Q3 Well Below Views +Business,Canadian agency OKs Coors-Molson merger +Business,SEC considering disclosure rules for executive pay +Sci/Tech,IBM Gets Flexible with Small Storage Systems +Sci/Tech,US-Soviet Crew For Space Station +Sci/Tech,David Beckham Fans Beware: Trojan Makers Are Targeting +Sci/Tech,802.11n: Not So Fast! +Sci/Tech,Microsoft releases Office 2004 Service Pack 1 +Sci/Tech,Cyber-Security to Get Higher-Profile Leader +Sci/Tech,IBM unveils new Shark and midrange array +Sci/Tech,Paris City Hall Balks at Linux Switch +Sci/Tech,Legal downloading reported down +Business,Tokyo Stocks Weaker as Yen Weighs +Sports,Phil Jackson details clashes with Kobe Bryant +Sports,Van Basten restoring harmony to Holland +Sports,Wales caught as Poles vault ahead towards finish +Sports,"Wiltord, Henry on target" +Sports,Fregosi to interview with Phils +Sports,Astros must go to Plan B with pitchers +World,"Israel launches air strike on Palestinian militants, killing one" +World,Germany in EU dock over Volkswagen law +World,Double Standards That Kill +Business,UPDATE 2-Mylan defends King deal amid investor concerns +Sports,UPDATE 1-Late Polish fighback earns 3-2 win in Wales +Sports,Yuvraj likely to open for confused India +Sports,LIVESTRONG band decision provoked furor +Sci/Tech,Google Founders on Hiring Trip to India (AP) +Sci/Tech,Microsoft Launches Music Service in Japan (AP) +Sci/Tech,Evite Plans Web Network of Friends' Food Reviews (Reuters) +Sci/Tech,FCC Majority OKs Cingular-AT T Wireless (Reuters) +Sci/Tech,PeopleSoft Execs Defend Bid Rejection (Reuters) +Sci/Tech,Great Lakes to Get Asian Carp Barrier (AP) +Sci/Tech,"Wealthy New Lab Aims to Capture Dreams, Literally (Reuters)" +Sci/Tech,Fresh ISS Crew Sees 'Pleasant' Trip Despite Glitch (Reuters) +Sci/Tech,FDA: Chip Implant Can Be Used to Get Health Records +Sci/Tech,"Apple Profits Surge on iPod, Laptop Sales" +Sci/Tech,FDA Approves Chip for Patients +World,Famous Blacks Get Out the Vote in Florida (AP) +Sci/Tech,Reindeer Decline Threatens Mongolian Nomads +Sci/Tech,"SpaceShipOne Burns Rubber, Laughing Gas #151;More Fun Facts" +Sci/Tech,Birding Column: Appreciating Non-Native Ducks and Geese +Sci/Tech,Scanning the Skies for Threats from Space +Sci/Tech,Harvard Scientists Want to Clone Human Embryos +Sci/Tech,NetSuite updates customer management tools +Sci/Tech,Patent case challenges Microsoft's 'AutoPlay' +Sci/Tech,PeopleSoft exec: We pumped up earnings +Sci/Tech,Briefly: Westinghouse cuts price of LCD TVs +Sci/Tech,WebMethods wraps process software in Fabric +Sci/Tech,SCO to launch legal Web site +Sci/Tech,FDA approves injecting ID chips in patients +Sci/Tech,HP to open research center in South Korea +Sci/Tech,Locked out--and locked up--on the Net? +Sci/Tech,Symbol joins WiMax wireless broadband group +Sci/Tech,Westinghouse cuts price of LCD TVs +Sci/Tech,Adobe releases hobbyist Photoshop package +Sci/Tech,Segway may go off-road +Sci/Tech,Small discs for camcorders get the blue light +Sports,Phillies Interview Former Indians Manager (AP) +Sci/Tech,Creative declares war on Apple +Sci/Tech,Techies want assistant secretary to address cybersecurity +Sci/Tech,SCO plans own Web site as alternative to Groklaw +Sci/Tech,SAP releases new version of Business One +Sci/Tech,"IBM, Borland upgrade developer tools" +Sci/Tech,Caution dampens spirit at Cannes tech conference +Sci/Tech,Novell to defend open-source software with patents +Sci/Tech,IBM unveils new Shark and midrange array +Sci/Tech,Brief: Iron Mountain snaps up backup software vendor +Sci/Tech,PayPal.com resumes operations after four-day service disruption +Sci/Tech,"CA adds antivirus, antispyware to Cisco NAC program" +Sports,Schilling Needs Surgery +Sci/Tech,FDA Approves Use of Microchip Implants in Humans +World,U.S. Appeals NAFTA Panel Lumber Decision (AP) +World,White House: Islamic Agency Aids Terror (AP) +World,US Supreme Court reviews Cubans' indefinite detention (AFP) +Business,Hurricane Damage to Hurt Allstate Profit +Sci/Tech,Putting Your PC in a Pocket +Sci/Tech,"Touches of Weird, Done Best in Japan" +Sci/Tech,Oft-Scorned Segway Finds Friends Among the Disabled +Sci/Tech,Mobile Phones Increase Tumor Risk - Swedish Study (Reuters) +Sci/Tech,Mobile Phones Increase Tumor Risk - Swedish Study +Sci/Tech,IBM chip chief now managing intellectual property +Sci/Tech,Vonage talks of 911 advancements +Business,FDA approves use of chip in patients +Business,SEC seals settlement with Ahold +Business,Options rule delayed for companies in US +Business,EU opens Intel inquiry over government deals +Business,"Bank of America #39;s Focus on Profit, Job Cuts Irks Politicians" +Business,Aussie wealth exceeds \$5 trillion +Business,PeopleSoft board amends \$2 billion customer rebate program +Sci/Tech,US files first lawsuit in spyware battle +Sci/Tech,New Russian-US crew ready for launch to space station +Sci/Tech,Google Options Takes Spotlight After Yahoo Results (Reuters) +Sports,Boston #39;s #39;boy wonder #39; could become #39;The Man #39; +Sports,Lawyers pick at Silverstone deal +Sports,S. American Zone +Sports,Vijay is the best but Els is favourite +Sci/Tech,Office Alternatives Explore Server-Based Apps (Ziff Davis) +World,NATO hurrying on Iraq trainers +Sci/Tech,"Apple's fourth quarter, by the numbers (MacCentral)" +Sci/Tech,Fossil Hunters Find Sleeping Dinosaur in China (Reuters) +Sci/Tech,"Scientists, Patients Fight UN Stem Cell Study Ban (Reuters)" +Business,NZ in top 20 competitive economies +Business,Wall Street stocks end lower on rising oil prices +Business,Compu-tainment +Business,ALH goes with Coles bid +Business,Google on Bangalore hiring spree +Business,Feds delay stock-options rule for 6 months +Business,UPDATE 2-Fed #39;s McTeer may leave for Texas A amp;M post +Business,Vodafone rejigs top tier as it prepares for less expansive era +Business,Hurricane Damage to Hurt Allstate Profit +Sci/Tech,Microsoft issues security patches to fix 21 flaws +Sci/Tech,IBM Increases Storage Space +Sci/Tech,Dinosaur that slept like a bird +Sci/Tech,Soccer star subject of virus writers +Sci/Tech,Motorola Tests M-Commerce +Sci/Tech,ISS shields Microsoft #39;s latest vulnerabilities +Sports,Schilling #39;s Postseason May Be Finished +Sports,"Bryants Anger Hurt the Lakers, Jackson Says in a New Book" +Sports,"United States 6, Panama 0" +Sports,"Astros, Cardinals Tied 4-4 After Five" +Sports,Bettman engages fans in online chat +Sports,Plummer to Remove Decal Honoring Tillman +Sports,"Storm cherish title, aim to stay on top" +Sports,Orioles lose Grimsley until June +Business, #39;Extender #39; reality check +Business,Yet Another Bidder Emerges for Australian Pub Operator +Business,Future is now: US approves implantable chip that links to health <b>...</b> +Business,"IT amp; BPO may hog headlines, WEF index puts India at 55th" +Business,FDA Approves Use of Chip in Patients +Business,City punishes JJB for takeover failure +Sci/Tech,"In Challenge to EMC, IBM Introduces Smaller Servers" +Sci/Tech,"Q amp;A: Linus Torvalds, inventor of Linux" +Sci/Tech,Solaris security suffers image problem +Sports,German goalkeeper battle escalates +Sports,US drubs Panama 6-0 in Cup qualifying +World,More US Soldiers Die in Iraq Blasts +World,Germany hints at softer stance on Iraq +World,Armed ex-soldiers plan to stop Haiti violence +World,Update 3: EU Head Office Challenges German Law +World,Japan #39;s troubled Daiei considering seeking aid from government <b>...</b> +World,Howard to attend Yudhoyono inauguration +World,"Insecurity across Darfur, Sudan threatens aid deliveries, warns UN <b>...</b>" +Business,Pilot Talks Continue As Delta Shares Fall +Sci/Tech,IBM announces high capacity storage servers +Sports,History promises memorable Chennai encounter +Sports,Minaya #39;s First Move With the Mets Is to Clean House +Business,SEC enters paper circulation probe +Business,Jjb has 448 Stores Across the Country and Is the UK #39;s Biggest <b>...</b> +World,NATO to send training staff to Iraq before year #39;s end: US <b>...</b> +World,PA: Gaza to remain occupied land even after disengagement +World,Mass grave reveals remains of Iraqi women and children +World,Officer suspended over Gaza shooting +World,Security forces #39;can #39;t stop chaos #39; +Sports,UPDATE 1-Late goal gives N.Ireland 3-3 draw with Austria +Sports,Pitiful draw leaves Vogts in dire straits +Sci/Tech,Hackers baiting Internet users with Beckham pix +Sci/Tech,Novell to defend open source software with patents +Sci/Tech,Sun releases Solaris-based desktop software +Sci/Tech,Google launches UK Froogle shopping site +World,Background to the Sudan conflict +Sci/Tech,Disney Launches a Trio of Titles +Sci/Tech,Sask. town keen but skeptical of space launch +Sci/Tech,FCC to Act on Fiber-Optic Networks +Sci/Tech,Start-Up Builds Less Demanding Machines +Sci/Tech,"Visa Issues Vex Tech Workers, Their Employers" +Sci/Tech,Coverage of PET Scans +Business,US textile firms want curbs on Chinese imports +World,Israel Kills Two Hamas Militants After Renewed Threat +World,"Panel Probes Afghan Poll Fraud, Counting Delayed" +World,"250 Leaders, But Not US, Back UN Population Plan" +World,Haiti ex-troops 'to impose order' +Business,Apple Profit Doubles; Outlook Tops Views +Business,PeopleSoft Execs Defend Program +Business,Nikkei Falls 1 Pct at Midday +World,Scientists 'find key to hearing' +Sci/Tech,E-Voting Machine Crash Deepens Concerns (AP) +Sci/Tech,FDA Approves Use of Chip in Patients (AP) +Sci/Tech,Review: Hi-Def TV May Be PCs' Killer App (AP) +Sci/Tech,Glickman to Film Industry: Nurture New Technology (Reuters) +Sci/Tech,Fewer women in computer jobs these days +Sci/Tech,Mac Takes Honors as Best Unix Desktop (Ziff Davis) +Sci/Tech,Sun releases Solaris-based desktop software +Sci/Tech,PeopleSoft Execs Defend Program (Reuters) +Sci/Tech,Briefly: Hitachi cuts 10 percent of U.S. work force +World,"Bush, Kerry Duel Over Health Care Plans (AP)" +Sci/Tech,Lava Gives Mount St. Helens Eerie Glow (AP) +Sci/Tech,Crew Prepares for Launch to Space Station (AP) +Sci/Tech,Harvard Wants to Clone Human Embryos (AP) +Business,Audit Board Delays Rule on Options as Expenses +Business,A Hard-to-Swallow Lesson on Pensions +Business,Ahold Reaches A Settlement With the S.E.C. +Business,Apple's 4th-Quarter Profit More Than Doubled +Business,"H M Keeps Up the Expansion, but Some Analysts See Weak Links" +World,"Bush and Kerry Clash on Taxes, Health Care (Reuters)" +Sci/Tech,Hitachi cuts 10 percent of U.S. work force +Sci/Tech,Big Blue's chip chief takes up IP helm +World,AP: Report Finds Lavish Spending at TSA +World,Yankees Lead BoSox 1-0 in Game 2 of ALCS +World,E-Voting Machine Crash Deepens Concerns +World,Producer Sues O'Reilly for Harassment +World,"Bush, Kerry Open Final Debate in Arizona" +World,Bush and Kerry Get Ready for Last TV Duel +World,6 U.S. Soldiers Killed in Iraq Attacks +Sci/Tech,Vonage talks about 911 advancements +Sci/Tech,Sony retuning to pick up MP3s +Sci/Tech,Google launches Froogle in time for Christmas shopping +Sci/Tech,Apple posts highest Q4 revenue in almost a decade +Sci/Tech,FCC chiefs to work through outdated rules +World,Goldsmith faces calls to resign over Iraq +Sci/Tech,News: Computer crash linked to excessive heat deepens concerns about electronic voting +Sci/Tech,Apple Reports Fourth Quarter Results +Sci/Tech,Smaller Can Be Better (Except When It's Not) +Sci/Tech,What Do Women Game Designers Want? +Sci/Tech,Is It Really You? A Scanner Delves Beneath Fingerprints +Sci/Tech,Satellite TV Spreads Its Signals Across the Landscape +Business,Dell signs \$20M managed services deal with Honeywell +Sci/Tech,Fossil Hunters Find Sleeping Dinosaur in China +Sports,Johnson #39;s Quickfire Hat-Trick Leads US Past Panama +Sports,Stewart hails Silverstone progress +Sports,UPDATE 1-Paradorn powers past struggling Costa +Sports,"Once again, Warnes bowling the wrong line" +Sports,Scotland player ratings +Sci/Tech,"Apple Profits Surge on IPod, Laptop Sales (AP)" +Business,"Novellus Posts Profit, Plans Cost Cuts (Reuters)" +World,"Putin, on eve of visit to China, says Russia will pursue national interest (Canadian Press)" +Business,Customer Surge at Hawaii Wal-Mart Opening (AP) +World,Large parts of Sydney without power overnight in blackout (AFP) +World,Voters Offer Views on Bush-Kerry Debate (AP) +World,Dispute May Scuttle Space Tourism Bill (AP) +Business,Carlyle Group: It Never Joined Consortium +Business,Lost to the Flu: Paydays +Business,Stock Options Expensing Postponed +Business,Report on Fannie Mae Regulator a Secret +Business,Soaring crude oil prices send stocks lower +Business,Mac sees blue skies over ALH +Business,A amp;M names finalist for chancellor +Business,Oil rebounds on Mexico blast +Business,Soaring Oil Prices Send Stocks Skidding +Sci/Tech,PayPal Battles Glitches +Sports,Red Sox Could Lose Schilling for Game Five +World,Haitian ex-soldiers head for capital in confrontation with <b>...</b> +World,Australian PM to visit Indonesia for presidential inauguration +Business,Tokyo Stocks Weaker as Yen Weighs (Reuters) +Sci/Tech,Ecuador Seen Losing Glaciers to Global Warming (Reuters) +World,A Daily Look at U.S. Iraq Military Deaths (AP) +World,Bush Defends Presidency Against Kerry (AP) +World,"Bush, Kerry Say Women Keep Them in Line (AP)" +World,Topics During the Presidential Debate (AP) +World,Security Still Big Topic in Session Aimed at Domestic Issues +World,"In '04 Florida, Lawsuits Begin Before Election" +World,Identity Badge Worn Under Skin Approved for Use in Health Care +Business,Crude-oil futures surge to over \$53 +Business,Microsoft selling new Windows at cut-rate price +Business,Sarin asserts control in shake-up of Vodafone management team +Sci/Tech,Dinosaur slept in bird-like pose +Sci/Tech,EMC buys Danz Development for less than \$50m +Sci/Tech,Texas Police Want Briton over Internet Sex Claims +Business,Dollar Holds Near Lows (Reuters) +Sports,UPDATE 4-Beckham apologises over deliberate booking +Sports,"Cardinals 2, Astros 2" +Sports,Ganguly feeling the pressure +Sports,NHL Network programming: Lockout style +Sports,Yankees Lead BoSox 1-0 in Game 2 of ALCS +Sports,"Becks sorry, may still be punished" +Sports,Championship season +Sports,Jerry Rice Reiterates Call for Trade (AP) +World,Iraqi prime minister warns Fallujah to give up al-Zarqawi or face <b>...</b> +World,Iraq donors wrap up meeting with vows to speed funds for <b>...</b> +World,Finds #39;show we were right to fight #39; +Sports,Bryant Shrugs Off Criticism From Ex-Coach (AP) +Sports,Red Sox Could Lose Schilling for Game Five (Reuters) +Sports,Chris Chelios Goes Bobsledding in Lockout (AP) +Sports,Strong Field Ready for World Championship (AP) +Sports,Red Sox Could Lose Schilling for Game Five +Sports,Johnson's Quickfire Hat-Trick Leads U.S. Past Panama +Sports,Minaya's First Move With the Mets Is to Clean House +Sports,"Bryants Anger Hurt the Lakers, Jackson Says in a New Book" +Sports,New Captain America Helps U.S. Move On +Sports,Loaded for Bears +Sports,Early Elimination Round +Sports,Race Is Wide Open +Sports,Jackson Is on a Mission +Sports,Game Day Is Mom's Day +Sports,Elite Field Hits Desert +World,Mexican Rebels Withdraw From Reserve (AP) +Business,Delta Amends #36;680 Mln Debt Exchange Offer (Reuters) +Business,Oil Firm Near #36;54 on Heating Fuel Worries (Reuters) +Business,Kerry rebukes Bush over 'Sopranos' tax lecture (AFP) +Sci/Tech,Distributed Social Whitelists +Business,"Asian Shares Hit by Metals Tumble, Oil" +Business,Oil Firm Near \$54 on Heating Fuel Worries +Business,Canada #39;s competitiveness score mixed +Business,Final face-off is 20 days before voters head to polls +Business,Try over-the-counter drug for arthritis +Business,Stewart Company to Expand Furniture Line +Business,Make that \$9.1 billion +Sci/Tech,Russian Rocket Takes New Russian-US Crew to ISS +Sci/Tech,Hackers use Beckham bait +Sci/Tech,Credit cards go mobile +Sci/Tech,Study finds technology could support mountain monorail +Sci/Tech,BYTE OF THE APPLE +Sci/Tech,Child porn fight gets \$5M +Sci/Tech,SpaceShipOne a flight away from claiming \$10 million X Prize +Sci/Tech,Arrest over internet sex claims +Sci/Tech,Ultima Online: Samurai Empire is Golden +Sci/Tech,Frances ST to develop digital TV software in China +Sports,Els won #39;t bow to USPGA +Sports,Sub hits US hat-trick +Sports,Teenager joins the race for future NASCAR success +Sports,No. 18 Louisville at No. 3 Miami +World,Donors examine billions of dollars in aid for Iraq +World,Prince Sihamoni to be named new king of Cambodia +Business,Tata to invest \$2bn in Bangladesh +Sci/Tech,Space Station Crew Blast Off from Kazakh Steppe +Sci/Tech,Ontario Pledges New Actions Against Child Pornography And Child <b>...</b> +World,OFFICER PROBE AS GIRL SHOT DEAD IN GAZA +World,Election monitors weigh complaints in Afghanistan +Business,GUS says Argos outperforms +Business,Google gets Bangalored +Business,Topics during the presidential debate _ at a glance +Business,"Martha Stewart Adds to Furniture Line, Including Turkey Hill" +Business,Bank says it #39;s gaining customers since merger +Business,Ottawa surplus swells to \$9.1 billion +Sports,Panthers #39; defense takes big hit before game with Eagles +Business,State Street's lost shirt +Business,Boston Scientific to skirt sanctions +Business,Rheumatoid arthritis drug market heats up +Business,Bank says it's gaining customers since merger +Business,Profiteering seen with flu vaccine +Business,Crude futures rally over \$53 +Business,"Finland, US ranked top economies" +Business,Yawkey Center building dedicated +Business,"Ahold, executives settle fraud charges" +Business,Analysts say debt is Delta's top woe +Business,SEC proposes tighter IPO regulations +World,Japan Fumes Over Whales as U.N. Meeting Winds Up +Business,Merck: Successor pill safer than Vioxx +Business,Officials defend safety of mall +Business,Waltham sex boutique aims to attract couples +Business,Lawsuits filed by wait staff over tips +Business,Town presses state for sewer funds +Business,Lock-in rates for heating oil a gamble for local suppliers +Sci/Tech,Child-porn strategy pressures Web firms +Sci/Tech,"Mobile Phones Increase Tumor Risk, Study Says" +World,Armitage: US Not Yet Seeking Sanctions on Iran +World,Huge Explosion Rocks Gaza City +World,China sports star in Aids campaign +World,Plane diverted in security alert +Sci/Tech,New Crew Sets Off for Space Station +Sports,"Zook, Gators Get Involved In Brouhaha With Fraternity" +World,HAMAS FIEND SURRENDERS IN HIS SKIVVIES +World,Taiwan said to conduct plutonium tests in '80s +World,"Worker rights, welfare demands fail" +World,Narrow rule feared after Russia lifts leader limits +World,China dismisses Taiwan overture +World,Egypt eyes possible link of 17 arrests to Sinai bombings +World,Russian rocket blasts off for station +World,Officials target support for foreign fighters +World,Blair says he won't apologize for Iraq war +World,Sharp Contrasts for Candidates on Domestic and Social Issues +World,"A Crucial Test, but Not Final" +World,Justices Consider Executions of Young Killers +World,FDA Approves Use of Chip in Patients +Sci/Tech,Funding cuts threaten bee health +World,New Crew Sets Off for Space Station +Sports,Australia elect to bat in second test v India +Sci/Tech,Open Source: Balancing Innovation and Risk +Sci/Tech,Man arrested in England in sex assault on Austin teen +Sports,Beckham out for up to a month +Sci/Tech,Focus on SpaceShipOne #39;s creator +Sci/Tech,English man accused of sex with Texas minor he met on the Web +Business,Gates: Broadcast model faces irrelevancy +Business,Merck defends itself on Vioxx +Sports,Becks row rumbles on +Sports,Australia Chooses to Bat in Second Cricket Test Against India +Business,Around Asia #39;s Markets: JPMorgan says shift in yuan is likely +World,US pushes Nato over Afghanistan +World,Israeli soldier suspended in girl #39;s death +Business,Goldcorp Agrees to Buy Wheaton River for \$1.8 Bln (Update3) +Sci/Tech,Apple posts highest Q4 revenue in almost a decade +Sports,Pujols Gets Cardinals Off to Fast Start (AP) +Sports,Trail Blazers Clobber SuperSonics 92-73 (AP) +Sports,Boston Sluggers Fall Silent for 2nd Game (AP) +Sports,Soccer World Cup: U.S. Beats Panama 6-0 (AP) +Sports,Win Over Miami Would Be Big for Louisville (AP) +Sports,Yankees Edge Red Sox to Take Command of Series +Sports,Johnson's Sudden Hat Trick Leads U.S. Past Panama +Sports,Lieber Tucks In Red Sox for the Night +Sports,Down again in N.Y. +Sports,Experience big in Phillies' search +Sports,They're holding all the aces now +Sports,Johnson receives a message with benching +Sports,Disgruntled Rice keeps up pressure for a trade +Sports,European powers get back on track +Sports,Celtics learn a lot in loss to Pistons +Sports,Gold helmet winners +Sports,BC stays in running +Sports,Former Framingham QB catching on as BC receiver +Sports,BC High shuts down the Prep +Sci/Tech,"With Help, Sea Turtles Rally to Escape Oblivion" +Sports,Yankees Take Lead +Sports,Cardinals Win Opener +Sports,WVU Clips Huskies +Sci/Tech,Relief Crew Is on Its Way to Space Station +World,"Japan #39;s Nikkei, Topix Fall, Paced by Canon on US Jobs Report" +World,Religious Meeting in Indonesia Aims to Blunt Radicals +Sci/Tech,Fitting Your PC in a Pocket +Sci/Tech,Smaller Can Be Better (Except When It's Not) +Sci/Tech,4 European Nations Accused of Unfairly Favoring Intel +Business,Merck: Successor pill safer than Vioxx +Business,"SEC Settles with Ahold, Execs" +Business,SEC probes papers #39; circulation figures +Business,Dallas Fed chief set to leave +Sci/Tech, #39;Saucy Beckham pics #39; used as virus bait +Sports,Soccer World Cup: US Beats Panama 6-0 +Sports,Skipper Ponting blow for Aussies +Sports,He owns Manuel on managing +Sports,Costa Rica beat Canada 3-1 in WC qualifier +Sports,Michigan #39;s focus strictly on Illinois +World,Virgin Flight From Hong Kong Diverted (AP) +World,Israel Presses Offensive in Northern Gaza (AP) +World,Australian govt says pre-election economic forecasts too optimistic (AFP) +World,Musharraf dual role backed by MPs +World,"Bush, Kerry Duel Over Domestic Policy" +Business,Crude prices rise above US\$54 on supply fears +Sports,Silent night +Sports,F1: Grand Prix hopes splutter into life +Sports,Russian favourite Safin stumbles in Kremlin Cup +World,Israel kills five after renewed Hamas threat +Business,Singapore govt fund may offer \$110 million -report +Business,Bank of Montreal to acquire Indiana-based institution +Sports,Bryant shrugs off Jackson #39;s criticism +Sports,FIA issue 19-race draft calendar +Sports,Heatley approves Swiss-league deal +World,Falluja negotiator dismisses threat +World,I bankrolled Zuma - Shaik +Sci/Tech,Program Links Diabetic Kids With Doctors (AP) +Sci/Tech,First Look: OQO Handheld PC Fails to Excite (PC World) +Sci/Tech,Adobe Ships Upgrade of Photoshop For Non-Professionals (TechWeb) +Sci/Tech,IPod Helps Lift Apple's Fourth-Quarter Profit (washingtonpost.com) +Sci/Tech,FDA Approves Use of Chip in Patients (AP) +World,Spy freed as part of prisoner exchange +Sci/Tech,US reveals anti-piracy proposals +Sci/Tech,Sony Ericsson sees profits triple +World,"U.S. Forces, Insurgents Battle in Ramadi (AP)" +World,Putin Sets Veto Outcry at Rest +World,New Somali leader to be sworn in +Business,FACT CHECK +Business,Death of Bx. mom cited in 1st round of Vioxx suits +Business,Federal surplus is good news +Sci/Tech,Russia launches manned space mission to ISS +Sci/Tech,Microsoft Ups Ante Vs. iTunes +Sci/Tech,Ultima Online: Samurai Empire Gone Gold +Sci/Tech,Solaris critically flawed +Sports,Weary Rivera saves day for Yankees again +Sports,Cards offense switches into gear it needs to win +Sports,"Kuznetsova wins, Safin loses at Kremlin Cup" +Sci/Tech,Microsoft patent-infringement case to go to trial +Sci/Tech,Study: Denver-to-Vail plan would cost less than I-70 growth +World,Falluja negotiator dismisses threat +World,Afghanistan vote count gets go-ahead +Sci/Tech,First Look: OQO Handheld PC Fails to Excite +World,"Israel, Europe Could Be on Collision Course-Report (Reuters)" +World,Bomb alert forces Virgin Atlantic plane to land at Stansted airport (AFP) +World,"Israel, Europe Could Be on Collision Course-Report" +Business,Martha #39;s furniture line about to grow +Business,Sony Ericsson Profit Rises 45 on Camera Phone Demand (Update2) +Sci/Tech,Vonage talks of 911 advancements +Sports,Thierry finds his goal touch +Sports,Tim has Nets in sights +Business,Finland leads in economic competition for the second straight year +Business,Evesham e-box Media Center 2005 PC +Business,BoA Profit Up 29 Percent on Lending +Business,National City #39;s 3Q Profit Soars 72 Percent +Business,Sony Ericsson triples 3Q profits +Business,EU charges countries favouring Intel over AMD +Business,No receipts? IRS will provide sales-tax tables +Sci/Tech,Halo 2 leaked onto the internet +Sci/Tech,PayPal Getting Back to Normal after Outage +Sci/Tech,Sony execs - #39;we fell asleep in portable music #39; +Sci/Tech,IBM unveils new Shark and midrange array +Sci/Tech,Dell rides the wave to consumer gadgets +Sci/Tech,Microsoft security updates +Sports,Yanks Go Up 2-0; Cardinals Win Opener +Sports,"UPDATE 3-Kumble fells Australia, Warne equals record" +Sports,No room for complacency from table-topping England +Sports,Victory in Moldova Vogts pledges +Business,Nokia Says Profit Will Keep Falling as Prices Drop (Update2) +Business,\$9-billion surplus puts tax cuts on gov #39;t agenda +Sports,Cricket: Harbhajan #39;s dual strike halts Australia in second Test +Sports,Montoya #39;poised for FIA summons #39; +Sports,Mets coaches axed +Sports,"Wie is older, but still just 15" +Sports,UPDATE 1-Davenport takes over top spot from Mauresmo +Sports,"No. 17 West Virginia 31, Connecticut 19" +World,"Baghdad Blasts in Green Zone Kill 8 Civilians, Military Says" +World,"General Motors to cut 12,000 jobs in Europe" +World,World ; Death Toll from Israel #39;s Gaza Offensive Rises to 100 +World,Germany Reiterates Opposition to Sending Troops to Iraq +World,Afghan Officials Start Counting Presidential Ballots (Update2) +World,EU Court Annuls EU100.8 Mln in Fines on German Banks (Update1) +Business,Southwest Airlines 3Q Profit Increases +Sci/Tech,Microsoft Issues Flurry of Fixes on Busy Patch Day +Sci/Tech,Fake Beckham pix in new virus scare +Sci/Tech,Novell patents to protect more than open source +Sports,"Kumble claims seven, Australia collapse at 235" +Business,Italy slips down competitive list while Nordic countries remain <b>...</b> +Business,Citigroup Profit Rises 13 Percent (Reuters) +Business,GM Earnings at the Low End of Forecast (Reuters) +Business,Import Prices Rise Less Than Expected (Reuters) +Business,Bank of America Profit Up 29 Percent (Reuters) +World,Six Killed in Ghanaian Cargo Plane Crash - Company (Reuters) +Business,"Oil, China Push U.S. Trade Gap Near Record (Reuters)" +World,Explosions in Baghdad's Green Zone Kill 8 (AP) +Business,"GM Europe to Slash 12,000 Jobs by 2006 (AP)" +World,"UN warns Africa of bleak future, telling it to brace for AIDS time bomb (Canadian Press)" +World,"Bush, Kerry trade shots on bin Laden, economy, health care (AFP)" +Business,"GM to cut 12,000 jobs in Europe" +Business,Sony Ericsson sees profits triple +Business,Nigerian strike draws to a close +World,Eight dead in Iraq's Green Zone +World,Hostage killed in Pakistan rescue +World,Mobile phone 'ear tumours risk' +Business,Sacked EU whistleblower defiant +World,Sierra Leone nabs S Korean boats +World,US diplomats baulk at Jewish bill +World,Sacked India censor files lawsuit +Sports,Barbarians 19 - 47 New Zealand +World,FBI returns seized news servers +Sports,Keep your eye on those surging Bills; Vick #39;s tough to figure out +World,Zeta 'stalker' bail plea refused +Sci/Tech,MS PlaysForSure #8482; - GoneForNow #8482;? +Business,Nokia Reports 20 Percent Drop in Profit +Sci/Tech,<cite>Reg</cite> online training offers 'try before you buy' +Business,Citigroup Profit Rises 13 Percent +World,Devastating locusts spreading in Africa +Sci/Tech,"IT under threat, says Veritas" +Sci/Tech,Europe's SAN avoidance strategy +Sci/Tech,Removable disks back from the dead +Sci/Tech,'Embrace digital' says film boss +Sci/Tech,Supreme Court Internet Privacy Decision +World,"GM Europe to Slash 12,000 Jobs by 2006" +World,Israel Presses Offensive in Northern Gaza +World,Chicken Soup Replaces Flu Vaccine +World,Yanks Go Up 2-0; Cardinals Win Opener +World,Explosions in Baghdad's Green Zone Kill 8 +World,U.S. Pre-Ramadan Raids Net Insurgents +World,"GM Europe to Cut 12,000 Jobs by the End" +Sci/Tech,Hi-Def TV May Be PCs' Killer App +World,TV Host O'Reilly Accused of Harassment +Sci/Tech,Scientists 'find key to hearing' +Sci/Tech,Marine life booms in fishing ban +Sci/Tech,New Crew Sets Off for International Space Station +Sci/Tech,Debating the Dinosaur Extinction +Sci/Tech,U.S. Making Flu Shots Priority for the Elderly +Sci/Tech,Urban Smog: State of the World +Sports,Week in review: BCS fails again +Sports,Vaughan and Jones to fore in another mismatch +Sci/Tech,Transit alternative would be costly +Sports,McNair inactive; Volek starts against Colts +Sports,Henry helps Arsenal put faulty run behind them +Sci/Tech,Gizmo shopping in Japan +Sci/Tech,Photo 5 of 5: Gadgets galore in old Tokyo +Sci/Tech,Photo 2 of 5: Gadgets galore in old Tokyo +Sci/Tech,U.S. Finally Holds Line on Weight Gain +Sci/Tech,Update: EU asks four countries to justify call for Intel chips +Sports,Real lose more ground to Barcelona after stalemate +Business,Bank seeing unexpected customer gains +Sci/Tech,Zen Micro to Take on iPod Mini +Sci/Tech,Microsoft issues patches for seven software flaws +Sports,Mauresmo pulls out of Kremlin Cup +Business,Sony Ericsson Quarterly Profit Triples +Sci/Tech,I Love Firefox But Can #39;t Escape Explorer +Sports,Throwing the book at final season effort of Jackson +Sci/Tech,Decision looms on high-speed access aloft (USATODAY.com) +Sci/Tech,"Trade Deficit Surges, Jobless Claims Up (AP)" +Sci/Tech,Software exports from India's technology hub soar 34 percent (AFP) +Sci/Tech,I Want My Small-Biz TV! (BusinessWeek Online) +Business,Apple Computer Rises After Net More Than Doubles on IPod Sales +Business,Update 1: Sony Ericsson Posts 3Q Earns of \$111.1M +Sports,Cards strike first: Overpower Astros in Game 1 victory +Sports,Briefs: Plummer to remove sticker +Sports,A Mountain Too High +Sports,La Russa familiar with this scene +Sports,Being on sideline isn't sitting well with Pettitte +Sports,New spin on rotation? +Sports,Closer makes short work in nick of time +Sports,"Jeter, Rivera a winning combination" +Sports,Olerud makes the list +Sports,Experts: Surgery only effective option +Sports,Lowe ready to contribute in any role +Sports,A rivalry that borders on obsession +Sports,Today's schedule +Sci/Tech,Ashcroft Vows Piracy Assault +Sci/Tech,IndyMedia Gets Its Servers Back +Sci/Tech,All-Science TV Network Kicks Off +Sci/Tech,Water Filters Rely on Nanotech +Sci/Tech,"Diesels, Hybrids Fated to Wed" +Sci/Tech,Dumbing Down Smart Objects +Sci/Tech,FDA Says Docs Can Chip Patients +Sci/Tech,Sun shines on interoperability progress with Microsoft +Sci/Tech,Team Wants to Clone Human Embryos +Sci/Tech,Study Shows Adolescence Affects Breast Cancer +Sci/Tech,iPod Mini gets new challenge from Dell +Sci/Tech,Dell grapples with Apple in Mini arena +Sci/Tech,Yahoo's 3rd Quarter Profit Nearly Quadruples +Sci/Tech,Group Posts Surveillance Camera Locations +Sports,Jets Hardly Miss a Beat With the Line So in Tune +Business,Bank of America Profit Up 29 Percent +Business,Microsoft unveils Windows XP Media Center Edition 2005 +Business,Coventry Health to Buy First Health +Business,European probe of Intel expanded +Business,NIB and Northern jobs must be protected - IBOA +Sci/Tech,Beckham virus: affair pics infect the net +Sports,Davenport takes WTA top ranking +Sports,Samsung boasts long history +Sci/Tech,Humans raise risk of Europe heat wave +World,German leader touts for business in rehabilitated Libya (AFP) +Sci/Tech,Deepnet browser guards against phishing +World,Blasts Kill Eight in Baghdad's Green Zone +Business,Apple beats 4Q forecasts with fivefold increase in iPod sales +Business,Coventry Health Buys First Health Group +Business,"Nexen reports higher Q3 earnings, cuts production forecast" +Business,Sale considered for Northern Bank +Business,Disney to cut crusading Miramax bosses free of contract : report +Business,Allstate to reduce policies in Florida +Sci/Tech,Beckham is e-male of choice +Sports,India Rallies as Australia Slumps; Warne Ties Record (Update1) +Sports,Turkish Cypriot consortium intends to takeover Fulham +Sports,Mauresmo withdraws from Moscow +Sports,Van Nistelrooy fires Dutch +World,"GM to Cut 12,000 Jobs in Europe Revamp" +World,Israeli police chiefs tour Temple Mount ahead of Ramadan +Sci/Tech,Hollywood Embraces HD DVD +Sci/Tech,"NetSuite injects apps with 'upsell' features, improves analytics" +Sci/Tech,Canadian fans celebrate ITunes launch +Sci/Tech,E-Voting Machine Crash Deepens Election Concerns +Sci/Tech,Comic Strip Spurs Surge in Internet Traffic +Sci/Tech,Sony #39;s MP3 Walkman +Business,Kozlowski: Legal Bills In Tyco Case Top \$25M +Sports,Rugby-Gregan signs with Wallabies through 2007 World Cup +Sci/Tech,Search Engines and The Meta Description Tag +Sci/Tech,Study: Mobile phone use increases brain tumor risk (MacCentral) +Sci/Tech,Nokia Q3 Profits Drop; Sees Strong Sales (Reuters) +Sci/Tech,Ancient Fossil Is Found on Danish Island (AP) +World,Hoax bomb threat forces flight to Stansted (AFP) +World,Video: Kidnapped Turkish Driver Beheaded (AP) +Sci/Tech,Earnings alert: Nokia sees lower profit +Business,Apple #39;s IPod Shows No Signs Of Slowing Down +Business,BofA meets Wall Street #39;s projections with third-quarter results +Business,"Treasuries flat as jobless rise, trade worsens" +Business,Sony Ericsson profits from mobile growth +Business,Merck repeats: We didn #39;t know of Vioxx threat +Sci/Tech,MSN Music Falls Just Short of iTunes #39; High Marks +Sci/Tech,Sun adds nVidia power to Java Workstations +Sports,Rolen Breaks Out of Slump to Help Cards Win (AP) +Sports,Brown's Back and Grizzlies Are Happy (AP) +Sports,"Martinez can #39;t do much more for Boston, daddy-o" +Sports,Brown: Let Berti decide +Sports,Service betrays Paradorn in Vienna +Sports,Furcal Expected to Get Concurrent Sentence (AP) +World,Atapattu cracks hundred to lead Sri Lanka to 293-6 (AFP) +Business,IPod puts Apple #39;s net far ahead of forecasts +Business,"Finland First, US Second in Economy Survey" +Business,"Bank of America Net Up on Consumer, Fleet" +Business,Coventry Health to Buy First Health +Business,Shares of low-cost carrier ATA jump on merger talk +Business,Deal will bring supplies to Baja California site +Business,UPDATE 3-Winnebago earns up on diesel mobile-home demand +Business,Update 1: Alitalia Reports Heavy Losses +Business,Chinese textile makers concerned at petition against their <b>...</b> +Business,McTeer to head Texas A amp;M System +Sci/Tech,Crew Blasts Off for Space Station +Sci/Tech,Trojan Tries To Hack It Like Beckham +Sci/Tech, #39;Google #39; Your Cluttered Computer +Sci/Tech,Music industry wins court ruling against song-swappers +Sci/Tech,Dell Rides Wave to Consumer Gadgets +Sci/Tech,Brit cuffed in US net sex investigation +Sci/Tech,Mac Users Get MS Office 2004 SP 1 +Sci/Tech,Burt Rutan: Building #39;Tomorrowland #39; One Launch at a Time +Sports,Rockets nip Kings as NBA travels to China +Sports,Ecclestone: No more talks +Sports,Astros look to pull in even in Game 2 +Sports,Gregan re-signs with ARU +World,Suicide Bombs Kill 5 in Baghdad #39;s Green Zone +World,Cargo Plane Crashes in Eastern Canada +World,Bombs Rock The #39;Green Zone #39; +World,Video: Kidnapped Turkish Driver Beheaded +World,Israeli commander #39;emptied rifle #39; into girl +World,Former Haitian Soldiers Vow to Provide Security in Port-Au-Prince +World,Mourning for submariner spans an ocean +World,"A night of back-and-forth jabs, stereotyping, quips (USATODAY.com)" +Business,NY AG to Sue Insurers for Manipulation +World,Confusion Over Vote Count in Landmark Afghan Election +Business,Copper Slide Continues +World,Iraq Nuke Sites Were Stripped by Experts-Diplomats +World,New Somali President Calls for Peacekeepers +World,"Ghanaian Cargo Jet Crashes in Canada, Seven Dead" +World,Russia Finishes Building Iran Nuclear Plant +Business,"Pricing, Europe Weigh on GM Results" +Business,Oil prices rise yet again in US +Business,Union agrees to Karstadt job cuts +Business,Copper takes another hammering +Business,Networks Rescues Nokia +Business,UPDATE 5-Coventry Health to buy First Health for \$1.8 bln +World,Jordan denies 'secret US prison' +Sports,Els miffed at PGA stance +Sports,Sven #39;s men shape up their Owen way +Sports,Kumble #39;s magic stumps Aussies +Sports,Davenport back on top of the world +World,"Ex-soldier, rebel amp; warlord sworn in Somalia President" +World,Google search becomes personal +Business,Nokia grows phone market share in better-than-expected quarterly <b>...</b> +Sci/Tech,New crew blasts off for space station +Sports,Ginepri ousts Srichaphan at CA Trophy +Sports,Furcal gets concurrent sentence on second impaired driving charge +Sports,"Rice, Al huddle on receiver #39;s options" +World,7 killed in crash of cargo jet in Canada +Business,"G.M.'s Earnings Are Weak; Plans to Cut 12,000 Jobs in Europe" +Sci/Tech,Trojan Uses Beckham to Entice +Sci/Tech,Google intros desktop search tool +Business,Southwest Airlines Third-Quarter Profit Increases +Business,Trade Deficit Surges; Jobless Claims Up +World,5 Killed as 2 Bombs Explode Inside Baghdad Green Zone +World,Rockets Nip Kings As NBA Travels to China +World,"Stocks Fall on GM Earnings, Higher Oil" +World,Blasts Kill Five in Baghdad's Green Zone +World,Blasts Kill Seven in Baghdad's Green Zone +Business,Liberty Media's Live Sellout +Business,Nokia Profit Drops But Sees Strong Sales +Business,Shell Eastern Trading Signs Gas Supply Deal with Russias <b>...</b> +Business,Toshiba to make chips for Xilinx +Business,Toshiba to Fab Xilinx FPGAs +Sci/Tech,Fla. to Begin Everglades Overhaul Project (AP) +Sports,"Good sportsmanship, or dissent?" +Sports,ON SOCCER Beckham apologizes for intentional foul +World,Russia Completes Construction of Nuclear Power Plant in Iran +World,Nigeria Strike Expected to End Thursday +World,Ballot counting begins in Afghanistan +Sci/Tech,Burt Rutan: Building 'Tomorrowland' One Launch at a Time (SPACE.com) +Sci/Tech,Expedition 10 Crew Successfully Launches Into Space (SPACE.com) +Business,UK ranked eleventh in competitive economies +Business,"AmWest in talks to buy ATA, report says" +Business,Toshiba to make image-processing chips for US firm Xilinx +Business,Crude climbs ahead of inventory data +Business,A toll with appeal +Sci/Tech,Google Releases Desktop-Search Tool +Sci/Tech,Halo 2 Xbox game leaks over the Net +Sci/Tech,Englishman arrested for assaulting child +Sci/Tech,"Halo 2 leaked, Microsoft reacts angrily" +Sports,FOOTBALL: UNITED #39;S FANS GET ALL SHIRTY +Sports,Ginepri Ousts Srichaphan at CA Trophy +Sports,Montoya to be summoned by FIA over conduct +Sports,Atlanta #39;s Furcal Pleads Guilty To Second DUI +Sports,"Rice wants more action, here or somewhere else" +Sci/Tech,"A new, innovative way to fight crime" +Sci/Tech,Google offers desktop search engine +Sci/Tech,Indymedia seizures: a trawl for Genoa G8 trial cover-up? +Sci/Tech,BT sets heavy mob on <cite>El Reg</cite> +Sci/Tech,"Consumer, privacy groups demand seat at Kazaa trial" +Sci/Tech,Music firms win 'pirates' ruling +Sports,Glazer #39;s bid #39;close to collapse #39; +Sci/Tech,"Google Unveils Desktop Search, Takes on Microsoft" +Sci/Tech,Starbucks Expanding Custom CD Service to 45 Stores +Sci/Tech,"iMac, iPod, iConquered" +Sci/Tech,Google Releases Desktop Search Tool +Business,China pledges stable money policy +Business,Machinists union votes not to strike against Pratt amp; Whitney +Business,China Resources To Issue 57.97M Shrs For Supermarket Buys +World,Death Toll from Israel #39;s Gaza Offensive Rises to 100 +Sci/Tech,"IBM, Cisco aim to protect networks" +Sci/Tech,"Study links cell phones, tumors" +Sci/Tech,AT T creates local Net telephony plan +Sci/Tech,"Wi-Fi Successor Called High-Speed Hype, for Now" +Sci/Tech,Google's New Program Searches Hard Drives (AP) +Business,National Foods says worth up to \$A6.65 per share +Sci/Tech,"Google Unveils Desktop Search, Takes on Microsoft (Reuters)" +Sci/Tech,Dell targets iPod Mini with new MP3 player (MacCentral) +Sci/Tech,"Nokia Posts Drop in 3Q Earnings, Sales (AP)" +Sci/Tech,Edward C. Baig: Personal Tech - Microsoft makes multitasking entertaining (USATODAY.com) +Sci/Tech,PeopleSoft: Oracle's Offer Is Inadequate (AP) +Sci/Tech,"iMac, iPod, iConquered (washingtonpost.com)" +Sci/Tech,"IBM, Cisco in enterprise security tie-up" +Sci/Tech,Nokia profit falls 20 percent on price cuts +Sci/Tech,Paris city authority hedges bets on Linux move +Sci/Tech,'Trustworthiness' still a goal for Microsoft +Sci/Tech,Study: Mobile phone use increases brain tumor risk +Sci/Tech,Study Details Mobile Phone Dangers +Sci/Tech,Starbucks Serves Up Digital Music +Sci/Tech,Google Desktop Search Launched +Sci/Tech,A Closer Look At Privacy And Desktop Search +World,Iraq Nuke Sites Were Stripped by Experts-Diplomats (Reuters) +World,Bill Bryson regrets demise of Britain's red phone boxes (AFP) +World,U.S.: Baghdad Blasts Kill Four Americans (AP) +World,First results in historic Afghan vote put Karzai in lead (AFP) +World,Germans Reject NATO-Afghan Proposal (AP) +Sci/Tech,Google Desktop Search Has Launched +Sci/Tech,Google Wants to Improve Web Browsers +Sci/Tech,Expired Domain Names - Whos Getting Rich On Them? +World,Football: Man U takeover doubt +Sci/Tech,News: Undead IE bug rises from grave +Sci/Tech,Google Introduces Search Program for Hard Drives +Business,Nokia Says Profit Will Keep Falling as Prices Drop (Update5) +Business,Mortgage rates sink on jobs report +Business,"US Treasuries get a boost from data, rising oil" +Business,Merck #39;s Missing Vioxx Study +Business,Jobs Report Causes Mortgage Rates To Fall +Sports,"Munro, Morris Face Off in NLCS Game 2 (AP)" +Sci/Tech,Court orders ISPs to identify song-swappers +Sci/Tech,"IBM, Cisco forge enterprise security tie" +Sci/Tech,NetSuite 10.0 Makes CRM Fantasies a Reality +Sci/Tech,Which bugger did it? +Sports,MLB Playoffs: Yankees Take 2-0 Lead in Series Over Red Sox +Sports,Warne equals Test wicket record +Sports,Montoya to be summoned by FIA over conduct +Sports,Williams to face Klitschko for title +World,Pakistani Forces Rescue Chinese Hostage +World,6 US Troops Die in Three Bomb Attacks +Sports,Ginepri Ousts Srichaphan at CA Trophy (AP) +Sports,Lackluster Els Slips Behind Drummond at Wentworth +Sports,American Ginepri Crushes Paradorn in Vienna +Business,New Tax Law Changes Will Impact Everyone +Sports,"Davenport Gets Top Spot, Dementieva to Face Kuznetsova" +Sports,Typhoon Shows F1 That Three Can Go Into Two +Business,NY to Sue Some Insurers for Manipulation +Business,Oil Hits New Highs as Winter Stocks Fall +Business,Spitzer Targets Insurance Brokerage Industry +Business,Spitzer Accuses Insurance Industry of Rigging Bids +Business,"KarstadtQuelle, Union Reach Agreement (AP)" +Business,National Bank gets buyer interest in Irish banks +Business,"US 30-, 15-year mortgage rates fell in latest week" +Business,Macquarie trumps with \$2.6b road bid +Business,Auditors reviewing Alitalia first-half loss +Sci/Tech,Becks in FAKE romp with Spanish prostitute +Sci/Tech,Google search becomes personal +Sci/Tech,"Dell releases iPod mini rival, announces Linux alliance" +Sci/Tech,NetSuite Urges Users to Upsell +Sci/Tech,Halo 2 Pirated +Sports,Yao Thrills Capacity Crowd at First China NBA Game +Sports,Just One Piece Missing from England Jigsaw +Sports,Man United Takeover Talks Break Down +World,"Blasts rock Baghdads Green Zone, 5 killed" +World,Mixing of votes begins in Afghanistan +Sci/Tech,BellSouth Closes Sale of Some Assets (AP) +Sci/Tech,HP rakes in .Net dough +Business,Supply News Rattles Energy Futures +Business,Abbey National Shareholders OK Takeover +Sci/Tech,Linux hurricane sinking SCO +Sci/Tech,"Sun, Nvidia Design Professional Graphics Alliance" +Sports,Glazer #39;s United bid in doubt after share slump +Sports,Manninger faces six months out with injured shoulder +Sports,Early Christmas present for Ronaldo +World,Assessment of Yukos Unit Fluctuates (AP) +World,First Phase of Nigeria Strike Due to End Thursday (Reuters) +World,"Chinese hostage rescued, another killed, as Pakistani troops raid kidnappers (Canadian Press)" +Business,Oil Hits Highs as U.S. Winter Stocks Fall +World,Lynne Cheney Upset With Kerry Over Remark (AP) +Business,Nokia Profit Drops But Sees Strong Sales +Business,Coventry Health to Buy First Health +Business,Treasury Moves to Avoid Piercing Debt Limit +World,US rivals back on campaign trail +World,Blasts Kill Five in Baghdad's Green Zone +World,"Trade Deficit Soars, Jobless Claims Up" +Business,Spitzer Targets Insurance Brokerage Industry +Business,UPDATE 6-Coventry Health to buy First Health for \$1.8 bln +Business,"Jobless claims rise by 15,000" +Sci/Tech,Soccer Star Beckham Latest Virus Subject +Sci/Tech,UK Music Industry Wins High Court Decision +Sports,A quot;psychological war quot; +Sports,"Cardinals BCS-worthy, #39;Canes under the radar" +Business,Russia chose rebate figure to sell Yukos unit: Dresdner +Business,"Update 2: Spitzer Sues Marsh amp; McLennan, AIG" +Business,Google searches India -- for employees +Business,Russia LNG Project in N. American Deal +Business,Sony Ericsson sees profits treble +Business,Drug Stocks Continue to Slide +Business,Stock Options: Pause to Reload +Business,Nortel transfer of Montreal plant to Flextronics delayed +Business,Ex-Rite Aid officer gets 10-year jail term +Business,Cypress Semiconductor #39;s 3Q Profit Down +Sci/Tech,New Crew En Route To Space Station +Sci/Tech,Google expands search to desktop +Sci/Tech,Stolen #39;Halo 2 #39; hits pirate sites +Sci/Tech,Starbucks launches first of quot;music bars quot; for CD burning +Sci/Tech,NetSuite 10.0 Debuts +Sci/Tech,Lava Gases May Give Clues to Eruptions +Sci/Tech,Truth Wizards: They know a lie when they hear it +Sci/Tech,Dell Moves Full Steam Ahead In Consumer Electronics +Sci/Tech,Paris city authority hedges bets on Linux move +Sci/Tech,Motorola Turns Cell Phone into Credit Card +Sci/Tech,IBM Offers Disk-Storage Servers +Sports,Beckham gets backing of Eriksson +Sports,NBA: Yao Ming Thrills Hometown Fans During Exhibition Game +Sports,Glazer Quest for United Falters +Sports,Pakistan down Sri Lanka in dress rehearsal +Sports,"Aragones Fights Pans, Blames Pitch" +Sports,Greek police detail security threats during Olympic games +Sports,Mark Martin to To Retire After 2005 Season +Sports,Cole suspension cut by two games +World,Sharon Offers a Date for Settler Withdrawal From Gaza +World,Zimbabwe forces on high alert for treason verdict +World,Iraq donors conference winds up in Japan +World,Vote counting begins 5 days after Afghan presidential election +Business,FCC adopts rules for broadband over power lines +Business,"Fannie Mae, Freddie Mac Met 2003 Goals" +Business,Hollinger International to refile #39;looting #39; case against ex-CEO +Business,California #39;s finance director resigns after 11 months +Sci/Tech,Dell gets down to CE business +Sci/Tech,Apple flogs new gear as gossip grows +Sports,Martinez may step up a spot for a Game 5 +Sports,Andy Cole #39;s ban reduced +Sports,Schilling will not start Game 5 of ALCS +Business,"Sony unit posts gains, but Nokia struggles" +Business,Competitiveness #39;s 800-Pound Gorillas +Business,Hollinger International to refile case against Conrad Black +Sci/Tech,Starbucks Expanding Custom CD Service to 45 Stores +Sports,American billionaire Malcolm Glazer #39;s controversial bid for <b>...</b> +Sports,Cardinals Demonstrate How to Build a Sturdy Lead With Heavy Lumber +Sports,Cole appeal nets ban reduction +World,Iraq Blasts Kill 4 US Workers in Breach of Baghdad Compound +World,Ex-Soldiers Vow to Bring Order to Haiti Capital +World,Memorable Moments of Presidential Debates (AP) +World,Kentucky Sen. Bunning in Flap Over His Health (Reuters) +World,U.N. Nuclear Inspectors Ready to Return to Iraq (Reuters) +World,Iraq N-Sites Were Stripped Methodically-Diplomats +Business,Abbey directors feel shareholders #39; wrath +Sci/Tech,Starbucks Serves Up Digital Music +World,Jail deaths charges recommended +World,Summit boosts sea life protection +World,Qatar ruler ousted by son returns +Sports,Irish Claim 2nd Title +Sci/Tech,NetSuite Retools With Analytics and a Recommendation Engine +Sports,"UPDATE 1-Els recovers after slow start, Goosen seals record" +World,Kerry's Mention of Cheney's Gay Daughter Sparks Sharp Reaction +World,Sharon Offers a Date for Settler Withdrawal From Gaza +World,420-Pound Teen to Get Free Gastric Bypass +World,Ankle Keeps Schilling From Planned Start +World,"Stocks Slip on GM Earnings, Higher Oil" +World,Bush Says Debates Highlight His Record +World,Some 28 U.S. GIs Face Afghan Abuse Cases +World,Fallujah Delegation Suspends Peace Talks +Business,FCC eases high-speed network rules +Business,Hollinger to Appeal Racketeering Suit Dismissal +Business,"Audited, unaudited results Cap on variation in net profit <b>...</b>" +Sci/Tech,Many Amphibians Threatened Worldwide (AP) +Sci/Tech,New Mini Retail Store Design +Sci/Tech,Lava Gases May Give Clues to Eruptions (AP) +Sci/Tech,Learning 2nd Language Changes Brain Anatomy -Study (Reuters) +Sci/Tech,Japan Fumes Over Whales as U.N. Meeting Winds Up (Reuters) +World,Iraqi leader backs January poll +Sci/Tech,Lava Oozes Out of Mount St. Helens (Reuters) +World,Boeing 747 cargo jet crashes in eastern Canada +World,Weekly Report On Israeli Human Rights Violations +Sci/Tech,"IBM, Cisco aim to protect networks" +Sci/Tech,iTunes Music Store Downloads Top 150 M +Sports,Eagles Clobber Packers +Sci/Tech,Rage Against the Machine : Why Voting Doesn't Work and What You Can Do About It. +Sci/Tech,Market Underestimates Dell Consumer Electronics +Sci/Tech,SCO To Launch Legal Issues Web Site +Sports,NBA: No Plans to Change 3-Point Shot +Sci/Tech,"Study Links Mobile Phones, Benign Tumors (AP)" +Sci/Tech,FCC Approves Fiber-Optic Broadband Rules (AP) +Sci/Tech,FCC Backs Bells on Fiber Phone Line Sharing Limits (Reuters) +Sci/Tech,Apple Under Scrutiny as Music Competition Rises (Reuters) +Sci/Tech,Novell Pledges To Protect Open Source Against Legal Claims (NewsFactor) +Sci/Tech,Almost One in Four Businesses Pirate Software (PC World) +Sci/Tech,Sun Micro Posts Narrower Quarterly Loss (Reuters) +Sci/Tech,Apple unveils location of six mini stores (MacCentral) +Sci/Tech,Intel Cancels Top-Speed Pentium 4 Chip +Sci/Tech,Apple Under Scrutiny as Music Competition Rises +Sci/Tech,FCC Backs Bells on Fiber Phone Line Sharing Limits +Sci/Tech,Underwear Heart Monitor to Warn of Strokes +Sci/Tech,Nokia Reports Lower Profits but Strong Sales +Sci/Tech,"Study Links Mobile Phones, Benign Tumors" +Sci/Tech,PlanetOut Soars in Public Trading Debut +Sci/Tech,Dam threatens Montenegro river +Sci/Tech,'Eco' friendly fuel breakthrough +Sports,"No. 16 N.C. State Beats Manhattan, 76-60 (AP)" +Sci/Tech,"""Motorcycle Diaries"" Biopic of Young Ch #233; Guevara" +Sci/Tech,Remembering Hurricane Hazel 50 Years Later +Sci/Tech,"""Sleeping Dragon"" Fossil May Link Dinosaurs, Birds" +Sci/Tech,"Pinecone-Inspired ""Smart"" Clothes Expand, Contract" +Sci/Tech,Damselfish Study May Help Improve Marine Reserves +World,Oxfam wants more rich-world action on global poverty +World,Bush administration takes emergency steps to avoid debt ceiling (AFP) +World,Palace Riled by Teacher's Secret Tape of UK Prince +Sci/Tech,Briefly: Nortel pushes back Flextronics deal +Sci/Tech,Paris report: Open-source move could be costly +Sci/Tech,Intel kills plans for 4GHz Pentium +Sci/Tech,Portuguese Netsky rates a medium risk +Sci/Tech,"IBM, Cisco tackle security's weak link" +World,Army Says Up to 28 G.I.'s Could Face Afghan Abuse Charges +Sci/Tech,FCC eases high-speed network rules +Sci/Tech,Nortel pushes back Flextronics deal +Sci/Tech,Stolen 'Halo 2' hits pirate sites +Sports,Ankle Keeps Schilling From Planned Start (AP) +World,21 cut down in Iraq gunfire +Sports,NBA: No Plans to Change 3-Point Shot (AP) +Sci/Tech,FCC approves BPL interference rules +Sports,Rockets Nip Kings As NBA Travels to China (AP) +Sports,Minnows Make It on Major Soccer Stage (AP) +Sports,Georgia Hits Road After SEC Home Game (AP) +Sci/Tech,Google preps desktop search application +Sports,Corretja Wins at Open De Moselle Tourney (AP) +Sci/Tech,UK servers returned to media group by US feds +Sports,Schilling Will Not Start Game 5 +Sports,Yankees Will Start El Duque in Game 4 +Sports,Williams to Fight World Champion Klitschko in New York +Sports,Yao Thrills Crowd at First China NBA Game +Sci/Tech,Intel Shelves Plans for 4-GHz P4 +Sci/Tech,Almost One in Four Businesses Pirate Software +Sci/Tech,"Dell Displays New TVs, Music Players" +Sci/Tech,New Study Links Mobile Phones With Benign Tumors +Sci/Tech,Google's New Program Searches Personal Hard Drives +Sports,Schilling Out of Game 5 +Business,New York's Spitzer Sues Insurance Broker (Reuters) +Sci/Tech,Google for your Desktop Search +Sci/Tech,Looking at Yahoo Local and Google Local +Business,Ex-Rite Aid Exec Sentenced to 10 Years (AP) +Business,"Stocks End Lower as Insurers, Oil Weigh" +Business,Sun Micro Posts Narrower Quarterly Loss +World,Jockeying for Top Senate Job Under Way (AP) +Business,Eli Lilly to Cut 575 U.S. Jobs +Business,"Citigroup, Bank of America Post Profits" +Business,Coventry Health to Buy First Health +Business,Juniper Earnings Rise +Business,Suicide Bombings Kill 10 in Green Zone +Business,Europe and Health Care Costs Hurt G.M. Earnings +Business,"Arrogant, or Desperate?" +Sci/Tech,iTunes Music Store Downloads Top 150M +Business,Nintendo's Interactive Multiplex +Business,More Flaws With Microsoft +Business,"Update 2: Northwest Airlines, Pilots Reach Deal" +Business,Nortel pushes back Flextronics deal +Sci/Tech,Study finds amphibian population declining rapidly +Sci/Tech,Intel Shelves 4-GHz Pentium In Favor Of Other Projects +Sci/Tech,Apple Under Scrutiny as Music Competition Rises +Sports,Williams to Fight World Champion Klitschko in New York +Sports,First round at Mallorca suspended with two sharing lead +Sports,"Navy #39;s main foe is Army, but beating Notre Dame may be more <b>...</b>" +World,Trickle of Funds Frustrates Iraqi Ministers +World,Israel continues northern Gaza offensive; six killed in nighttime <b>...</b> +Sports,NFL Insider +Sci/Tech,Apple CEO Makes Appearance Since Surgery (AP) +Sports,COLTS-TITANS BOX +Sci/Tech,"Go west, tech job hunter" +Sci/Tech,Corel buys photo software maker Jasc +Business,Sun Microsystems Narrows 1Q Loss +Business,PlanetOut Soars in Public Trading Debut +Sci/Tech,Intel Nixes Plans for 4-Gigahertz Pentium (AP) +Sci/Tech,Intel Shelves Plans for 4-GHz P4 +Sci/Tech,Amphibian Extinctions Sound Global Eco-Alarm -Study +Sports,Moulds favors opening up Bills passing attack +Sports,Bennett hits out at critics +Sci/Tech,Google Tool Expands on Core Technology (AP) +World,Two Britons Feared Dead in Canada Plane Crash +Sci/Tech,Intel Cancels Top-Speed Pentium 4 Chip +Sci/Tech,Sun Micro Posts Narrower Quarterly Loss +World,Britons would vote overwhelmingly for Kerry in US election: poll (AFP) +Business,Coventry Health to Buy First Health (Reuters) +World,Vote Counting Begins in Afghan Election (AP) +Sports,Austria #39;s Raich wins first slalom of season +World,Kerry Lesbian Remark Angers Cheneys (AP) +World,"Kerry: Bush Out of Touch, Out of Ideas, Out of Time (Reuters)" +World,Byrd Defends Dayton's Office Closure (AP) +World,Israel to Pull Forces from Gaza Refugee Camp -Reports +World,Death Toll from Israel's Gaza Offensive Rises to 100 +Business,Dollar Weakens on Expanded U.S. Trade Gap +World,"Stocks Slip on GM Earnings, Higher Oil" +World,"Study Links Mobile Phones, Benign Tumors" +World,O'Reilly Says He's Ready to Fight Charges +World,Injured Schilling to Miss ALCS Game 5 Turn +Sci/Tech,Brief: West Virginia funds public grid computing effort +Sci/Tech,A rebounding L.A. department launches second PeopleSoft rollout +Sci/Tech,Starbucks serves up music and CD-burning in its cafes +Sci/Tech,Intel shelves plans for 4-GHz Pentium 4 +Sci/Tech,OQO handheld PC fails to excite +Sci/Tech,Apple posts highest Q4 revenue in almost a decade +Sci/Tech,"IBM, Cisco forge enterprise security tie" +Sci/Tech,PeopleSoft exec follows Conway out the door +Sci/Tech,Software helping companies beat Sarb-Ox deadline +Business,Russia may sell 76.8 percent of Yukos core production unit: report +Business,Spitzer puts Wall Street #39;s top insurers in his sights +Business,"Netflix Sees Break Even in 2005, Stock Down 35 Pct" +Business,Icahn: Scoffs At Mylan-King Pharma Merger In SEC Proxy +Business,US trade deficit widens to \$54 billion on oil spike +Business,Update 1: Eli Lilly Plans to Eliminate 575 Jobs +Business,"UPDATE 1-ATA shares up on merger talk, but analysts doubt" +Business,Unrepentant Airbus seeks further launch aid +Business,Alitalia revisions swell its loss +Sci/Tech,Google Search Hits The Desktop +Sci/Tech,Intel Cancels Top-Speed Pentium 4 Chip +Sci/Tech,The polluted planet: Alarm as global study finds one-third of <b>...</b> +Sci/Tech,TechBrief: Blow to file sharers +Sci/Tech,Starbucks : Rip Music While Drinking Coffee +Sci/Tech,"Human Lie Detectors Almost Never Miss, Study Finds" +Sci/Tech,"Cisco, IBM Team Up on Security" +Sci/Tech,SCO Site Will Aim to Offset Groklaw Coverage +Sports,Goosen brings a sparkle to the gloom +Sports,Dufner leads first round of Greensboro Classic +Sports,NBA teams play first exhibition game in China +Sports,Vogts abused by fans after draw with Moldova +Sports,Eriksson to have a word in Beckham #39;s ear +Sports,Game 2 rainout would give Astros much-needed breather +Sports,Park shoots 62 for two-stroke lead +Sports,Klitschko to defend title against Williams +Sports,Porter deserved top coach honors last season +World,"Pakistani Commandos Storm Hideout, Freeing a Chinese Hostage" +World,Mandelson attacks gay row commissioner +World,"Aid to Iraq should be sent faster, donors say" +World,Taiwan denies plutonium testing +World,Groups Decry Detention of Priest in Haiti +Sports,Tennis: Spain grinds US into the red clay +Sci/Tech,Human Right group condemns US +Sci/Tech,Intel Cancels Top-Speed Pentium 4 Chip +Sci/Tech,"Netflix Sees Break Even in 2005, Stock Down 35 Pct (Reuters)" +Sci/Tech,Intel Cancels Top-Speed Pentium 4 Chip (Reuters) +Sci/Tech,Trade Deficit Soars; Jobless Claims Rise (AP) +Business,Apple quarterly profit doubles; outlook tops views +Business,"Northwest, Pilots Reach Tentative Accord on Pay Cut (Update4)" +Business,Lilly to Eliminate Up to 575 US Jobs +Sci/Tech,Follow-Through (Forbes.com) +Sci/Tech,Sun Microsystems Narrows 1Q Loss (AP) +Sci/Tech,"IBM, Cisco Beef Up Enterprise Security" +Sci/Tech,"IBM, Borland upgrade developer tools" +Sci/Tech,Lava Building Up Rock at Mount St. Helens (AP) +Sci/Tech,New Russian-U.S. Crew Heads Into Space (AP) +Sports,Goosen skims through rain to secure record victory +Sports,Eriksson tells Beckham to give up on kick and tell +Sports,Munro rested for key start +Sci/Tech,Scientist Teaching Bacteria to Eat Coffee Plant's Caffeine (Reuters) +World,US launches air strikes on Fallujah +World,Israeli Military Kills 4 Palestinian Militants in Gaza Operation +Business,"Trade deficit soars as Americans buy Chinese cell phones, toys <b>...</b>" +Business,ATA stock soars on merger speculation +Sci/Tech,Enter your e-mail: +Sci/Tech, #39;Wizards #39; can spot a liar instantly +Sci/Tech,When will Mount St Helens erupt? +Business,Eli Lilly Eliminating Jobs +Sci/Tech,Brin: Google Launches Desktop Search To Smite Microsoft +Sci/Tech,State of the world #39;s amphibians bleak: report +Sci/Tech,Chemists could predict volcanos moves +Sci/Tech,Bone Loss a Serious Threat to Older Americans +Sci/Tech,New Google tool searches desktop +Sci/Tech,Amphibian decline serves as global warning +Sci/Tech,BPI wins court order on filesharing +Sci/Tech,"IBM, Cisco Expand Security Alliance Covering Enterprise Networks" +Sci/Tech,IBM Announces New Development Platform +Sci/Tech,PayPal Says Business Nearly Back To Normal +Sports,Strachan can lead Scotland from the mire +Business,US trade deficit soars +Business,Europeans May Outfox US on Options +Business,Hollinger International to refile #39;looting #39; case against ex-CEO +Business,Update 1: Bank Values Yukos Unit Above Assessment +Business,UBS Global criticizes proposed Mylan-King deal +Business,US trade deficit is 2nd highest ever +Business,EU not ready to lift sanctions against US +Sci/Tech,"AOL launches new portal, tests desktop search" +Sports,Pedro takes it in stride +Sports,The Great One weighed owner-coach role +Sports,A tall order awaits Williams but his dream is within reach +Sports,British Grand Prix given a chance +Sports,Coyotes asked him but Gretzky likely not in line to coach NHL club +World,Bombers kill 10 in #39;safe #39; zone +World,US planes pound Fallujah as talks break down +Sci/Tech,Briefly: Maxtor loses its CFO--again +Business,Sakhalin to Supply America +Sci/Tech,Sun rises above Wall Street goal +Sci/Tech,Maxtor loses its CFO--again +Sci/Tech,"Profits, revenue climb at Rambus" +Sci/Tech,IBM preps new top-end Unix servers +Sci/Tech,"MP3, hints of delay for PlayStation Portable" +Sci/Tech,Screenshot 4 of 4: Google Desktop Search tool +Sci/Tech,Screenshot 3 of 4: Google Desktop Search tool +Sci/Tech,Screenshot 1 of 4: Google Desktop Search tool +Sci/Tech,Screenshot 2 of 4: Google Desktop Search tool +World,Tiger Woods Turned Away From San Juan (AP) +World,Germany's Schroeder arrives in Libya (AFP) +World,Smoking should be banned in cars that carry children: medical group (Canadian Press) +World,Democratic Leader Asks for Ethics Probe (AP) +Sci/Tech,TV patent suit against Microsoft will proceed +Sci/Tech,Sun posts \$174 million loss for the quarter +World,UN Haiti Force Needs Troops Urgently - Brazil +Sci/Tech,PeopleSoft exec follows Conway out the door +Sci/Tech,Intel sets cruise control on Pentium 4 +World,Argentine Political Exile Wins Claim for Damages +World,Signs of progress amid turmoil in Iraq +World,Britain's imported MDs scratch noggins over language +World,Nigeria strike ends amid warnings +World,Al-Aqsa mosque restriction lifted +World,US firm gets two Iraqi contracts +World,U.S. Marines Launch Attacks in Fallujah +World,Malaria Vaccine Has Promising Test Results +Sports,Is This the Week the Pats' Streak Ends? (AP) +Sports,Park Leads World Championship by Two Shots (AP) +Sports,Yankees Will Start El Duque in Game Four +Sports,Schilling to Miss A.L.C.S. Game 5 Start +Sports,Astros Pinning Hopes on Untested Pitcher +Sci/Tech,Infocus: SSH Host Key Protection +Sports,Untested Munro Gets Ball +Sci/Tech,Mac OS X: Best Unix Desktop +Sci/Tech,Sun Microsystems Posts Narrower Quarterly Loss +Business,Oppenheimer Fund Cuts Its Volatility (Investor's Business Daily) +Business,Poker's New Suit (Forbes.com) +Business,New York AG to Sue Insurance Broker +Business,SEC Eyes Possible Abuses in Pensions +Business,NAB tests the water for sale of its Irish banks +Business,SunTrust Banks Gets SEC Inquiry Notice +Sci/Tech,No strings attached - but where #39;s the catch? +Sports,Red Sox #39;s dark days might be followed quickly by winter +Sports,English newspapers make beeline for Beckham #39;s jugular +Sports,Elkington in touch at Greensboro Classic +Sports,Abdur-Rahim makes best of situation +World,Four Americans killed in Baghdad blasts +World,"Musharraf Quitting Army Would Be Good Thing, #39; US Govt Says" +Sci/Tech,Google Launches PC Hard-Drive Search Tool (AP) +Sci/Tech,"Study Links Mobile Phones, Benign Tumors (AP)" +Sci/Tech,FCC Approves Fiber-Optic Broadband Rules (AP) +Sci/Tech,"Netflix Seeks Growth, Not Profit, Shares Plunge (Reuters)" +Business,From Economic Power to Economic Powder +Sci/Tech,Sun releases JDS for Solaris +Business,"Northwest Airlines, pilots reach tentative deal on wage <b>...</b>" +Sci/Tech,Dell hears consumer electronics call +Sci/Tech,SCO plans own Web site as alternative to Groklaw +Sci/Tech,iSuppli: WiMAX base station and CPE to grow at 31.3 CAGR by 2009 +Sports,Park shoots first-round 62 +Sports,"GM, Great One talked in June about possibility" +World,Connecticut civilian dies in Baghdad blast +World,28 US soldiers suspected over deaths of two Afghan detainees (AFP) +Business,Ziggy clears air +World,Hopes of malaria vaccine by 2010 +World,Sharon Says Gaza Settlers to Leave Homes +Business,Spitzer alleges corruption in insurance trade +Business,US insurers sued for rigging bids +Business,Netflix sees Amazon entering DVD rentals +Business,Trade gap widens +Business,Abbey investors maul chairman but the Santander deal is passed +Sci/Tech,Relief Crew Is on Its Way to Space Station +Sci/Tech,Intel Scraps Plan For 4 Ghz P4 Chip +Sci/Tech,Third of world #39;s amphibians #39;on edge of extinction #39; +Sports,"With Curt limping, swagger disappears" +Sports,Pakistan Cricket mania fails to grip Lahorities +Sports,Is Gretzky going to coach the Coyotes when NHL resumes? +Sports,Man Guilty in Death of Olympian #39;s Brother +Sports,S. Abdur-Rahim +World,Pakistani Security Forces Free Chinese Hostages +World,Iraq donors vow to speed up funds for reconstruction +Business,Oil Inches Towards the 55 Dollar Milestone +Business,"IPod, ITunes Drive Strong Sales At Apple Computer" +Business,Washington #39;s trade deficit hits record \$54bn level +Business,Sony Ericsson posts 45 rise in profit +Business,Reforms given credit for better economic ranking +Business,Insurance brokerage sued for not offering lowest prices +Business,China Power jumps on market debut +Business,Pilots Union Agrees to Cuts at Northwest +Business,Airbus says American firms could be victims of WTO battle +Business,UPDATE: Australia #39;s Qantas Raises Fuel Surcharge Again +Business,Loss Deepens in Revision by Alitalia +Business,Special interests in tax bill +Sci/Tech,US ; Google launches new search tool +Sci/Tech,Countdown to Halo 2: Piracy is for Punks +Sci/Tech,IBM and Cisco automate enterprise security +Sci/Tech,WiMAX just hype for now? +Sci/Tech,Sun Delivers Solaris Flavor of JDS 2 +Sports,GOOSEN CRUSHES MAGGERT +Sports,Cardinals take 2-0 NLCS lead +Sports,Wizards Late Magic Stops Bobcats +Sports,Georgia will be away from doghouse for 4 games after homecoming +Sports,"Timberwolves 99, Hawks 96" +Sports,Knicks See a Little Spark in Opener +Sports,"Against the Irish, Navy Faces 40 Years of Futility" +World,Blasts Inside Green Zone Kill at Least 5 +World,Two South Africans killed in Canadian plane crash +World,Cambodians Are Ready to Crown His Majesty the Ballet Dancer +World,"Sharon Accepts Plan to Reduce Gaza Army Operation, Haaretz Says" +World,Zimbabwe security put on alert +World,Brazil seeks more Haiti UN troops +World,Vote counting starts in Afghan election +World,Reports: Sharon Approves North Gaza Pullback +World,Suspected N.Koreans Enter S.Korean China Mission +World,Brazil seeks more Haiti UN troops +World,Jackson abuse charges still stand +World,Gbagbo calls on rebels to disarm +World,Law and Miller at Alfie premiere +World,Suicide Bombs Kill 10 in Baghdad's Green Zone (Reuters) +World,Nicaraguan President Faces Removal by Congress (Reuters) +World,Bosnian Serb Panel Publishes Final Report (AP) +Business,SEC Chief: Vote Near on Market Crackdown (Reuters) +Business,Asian Stocks Jittery on Record Oil (Reuters) +World,97 Abandoned Migrants Found in Mexico (AP) +Business,SEC Chief: Vote Near on Market Crackdown +World,Broker Accused of Rigging Bids for Insurance +World,Malaria Vaccine Proves Effective +Business,F.C.C. Clears Internet Access by Power Lines +Business,Ford Brings Back Steve McQueen +Sports,"Homers by Pujols, Rolen Power Cards to Victory" +Sports,Cardinals Rain Power on Astros Once Again +World,Prince Sihamoni named new king of Cambodia +Sports,Geiberger has share of clubhouse lead at Greensboro +Sports,( 3) Miami 41 (18) Louisville 38 +Sports,R. Clark May Start +Sports,Open Season +Sports,Daniels Finds a Niche +Sports,Goosen Dominates +Sports,Lombardo Overcomes +Sci/Tech,IBM readies new top-end Unix servers +Business,Broker Accused of Rigging Bids for Insurance +Business,Hutchison Telecom Shares Fall in Hong Kong Debut (Update3) +Business,Huttner departs from Virgin +Business,Samsung Electronics posts weaker-than-expected Q3 net profits +Sci/Tech,Google Launches Ultimate Search Tool +Sci/Tech,NetSuite Debuts 10.0 +Sports,Red Sox Are Yet Again Barking Up Wrong Tree +Sports,Goosen wins in Match Play; matches suspended by darkness +Sports,Jackson #39;s LA Lakers book blames Bryant +Sports,United fans fight takeover bid +Sports,Mears on pole at Charlotte +World,"US, Iraqis launch attacks in Falluja" +World,"Ex-soldier, warlord becomes Somali leader" +World,Russia to join Nato in Mediterranean patrols +Business,Makers battle for next generation +Sci/Tech,Virgin Galactic #39;s Space Odyssey +Sci/Tech,Gay-Owned Media Firm PlanetOut Goes Public (AP) +Sports,"Homers by Pujols, Rolen Power Cards to Victory" +Sports,NCAA Game Summary - Louisville at Miami-Florida +Sci/Tech,Sun posts narrower quarterly loss +Sci/Tech,Search Engine Forums Spotlight +Sci/Tech,Nokia Profit Off in Quarter; Handset Price Cuts Cited +Sci/Tech,Voter Registrations in Las Vegas Possibly Trashed +World,Peru to Again Seek Fujimori Extradition from Japan (Reuters) +World,Consumer goods giants sweep Indian hinterland (Reuters) +Business,Pricey oil pushes US trade deficit to near-record levels +Business,Starbucks envisions more stores +Business,Sales tax now a write off on federal taxes +Sci/Tech,Google tops Microsoft with new PC search tool +Sci/Tech, #39;Halo 2 #39; illegally posted online for download +Sci/Tech,New at Starbucks: Burn a music CD +Sports,Lakers soap opera endures +Sports,Miami Battles Back to Edge Louisville +Sports,UPDATE 1-Nalbandian holds off Koubek to advance in Vienna +World,Fatal plane crash in Halifax was fourth for airline in 14 years +World,Sihanouk #39;s son named king +World,"Vote counting under way in Afghan election, Karzai expected to win" +World,Tsvangirai to know his fate today +World,Strong earthquake shakes Taiwan #39;s capital +Business,Oil prices hit fresh record +Business,DVD rental firm sees profit shrinking in 2005 +Business,FCC switches on broadband delivery +Business,JUDGE LETS HOLLINGER REFILE AGAINST BLACK +Business,"NO BUYBACK PLEDGED, CLAIMS ENRON EXEC" +Sci/Tech,"Plus: CNet, Netflix report; Apple #39;s downloads hit 150 mln" +Sci/Tech,Commentary: Microsoft can #39;t plug holes fast enough +Sports,Cards Outlast Astros to Win Opener +Sports,Pettersson feeling at home on Greensboro course +Sports,UCF signs Speraw to 3-year deal +Sports,LA Times: Oracle's Ellison Mulls NFL Team Purchase (Reuters) +Sports,Astros Bullpen Blows It Late - Again (AP) +World,US Warplanes Pound Iraq #39;s Falluja +World,Israeli officer suspended over Gaza girl #39;s killing +Sports,Garcia Shares Lead in Mallorca Classic (AP) +Sports,"Homers by Pujols, Rolen Power Cardinals" +Sports,No. 3 Miami Beats Louisville with Late Touchdown +World,"U.N. health body warns against ""kitchen killer"" (Reuters)" +Business,Huge insurance scam +Business,Google offering new tool +Business,Yukos plummets on low sale report +Business,"Airline Can Use Lenders #39; Cash, Judge Says" +Business,Intel scraps faster version of Pentium 4 +Business,China Power Shares Rise in Hong Kong Trading Debut (Update5) +Business,Ford brings star back to life in ads +Business,Airbus CEO: 04 deliveries seen close to record - report +Sci/Tech,More Flaws With Microsoft +Sci/Tech,Are Hackers Now Gunning for the Mac? +Sci/Tech,X-Prize for world #39;s #39;Holy Grails #39; +Sci/Tech,IPod Helps Lift Apple #39;s Fourth-Quarter Profit +Sci/Tech,IBM lines up big daddies of Unix servers +Sci/Tech,SCO plans Web site for legal filings +Sci/Tech,TSMC to tape out 40 more products at 90nm by year-end +Sports,Els Takes Care of Drummond at Wentworth +Sports,Rossi takes provisional pole at Phillip Island +Sports,Cole ban is reduced +Sports,Pappas one behind leader Dufner +World,ATTACKS IN IRAQ: 2 bombs kill 5 in Baghdad +World,Crowds gather for Zimbabwe treason verdict +World,"Jet crashes on takeoff in Halifax, killing seven" +World,"Vote counting under way in Afghan election, Karzai expected to win" +World,African Union Are Somalia #39;s warlords ready to loosen their iron <b>...</b> +World,Diplomats: Nuke equipment taken +Business,Spitzer alleges insurance broker demanded kickbacks +Sports,St. Louis in control with third baseman belting two homers +Sports,Back to work +Sports,Cardinals power way to 2-0 lead in NLCS +Business,Google search program gets jump on Microsoft +Business,Intel pulls plug on 4-gigahertz chip +Business,Ford Brings Back Steve McQueen +Sports,Strachan favourite to replace Vogts as Scotland boss +World,US launches attack on Bigley terrorists +World,Drug Addict Drifter Who Murdered Backpacker Caroline Jailed for <b>...</b> +Sci/Tech,LiveWire: Advertisers Play with Web Films +Sports,Knicks #39; new look looking good +Business,Satellite radio looks to lure males +Business,Business digest +Business,Ford uses Bullitt actor to sell Mustang +Business,Eminem Satellite Radio Channel Sets October Debut +World,Bombers infiltrate Green Zone; blasts kill 6 +World,Annan calls for more EU efforts in UN peacekeeping +Sci/Tech,IBM readies new top-end Unix servers +Sci/Tech,PluggedIn: Mobile Operators Seek Higher Sound Quality +Sci/Tech,Musicians 'upbeat' about the net +Business,Eminem to launch satellite radio channel +Sports,Davenport regains No. 1 ranking +Sports,Sox to go without Schilling +Sports,"Petrova Out, Kuznetsova Advances at WTA Moscow" +World,Tsvangiri #39;s supporters await verdict +World,Palestinian killed as Israeli army redeploys in Northern Gaza <b>...</b> +World,Kofi Annan #39;s Son Under Scrutiny +World,BOMB HOAX GROUNDS JET +Business,Insurers lead FTSE lower +Business,Google Debuts Desktop Search Tool +Business,FCC ruling speeds network creation +Business,Rite Aid official gets 10 years for fraud +Sports,Rossi on verge of fourth premier world title +Sports,Warne claims world record +Sports,Newman gives himself a boost +Sports,Discipline is Key to Irish Victory on Saturday +Business,U.S.-Backed TV Asserts Independence +Business,U.S. Hits Debt Limit After Ceiling Raises Delayed +Business,"Airline Can Use Lenders' Cash, Judge Says" +Business,GM Posts Anemic Third-Quarter Earnings +Business,US insurers reel amid fix probe +Business,Yukos unit may be sold for \$4bn +Sci/Tech,Google Desktop Could be Better +Sci/Tech,Like My New Blog Design? +Business,Brewers take steps to attract merger support +Sci/Tech,Starbucks launches first of quot;music bars quot; for CD burning +Sci/Tech,NetSuite #39;s new offering joins up the dots +Sci/Tech,Editorial: Different strokes for different handhelds +Sports,Gibernau on Rossi #39;s tail +Business,Adopting a new model yields gains at old Fleet +Business,August trade gap hits \$54b +Business,Heating oil report jolts prices +Business,Fidelity Investments cuts brokerage fees +Business,Investor group aims to halt buyout by Art Technology +Sci/Tech,<cite>Reg</cite> road tests the BioNav #8482; in-car nav wonder +Sci/Tech,X-Prize for world's 'Holy Grails' +Sci/Tech,Historical directories go online +Sci/Tech,EU pursues Greece over games law +Business,Treasury Official Sees US Economy Spurt +Sci/Tech,Google's New Tool Brings Search Home (washingtonpost.com) +Sci/Tech,Indian software major Wipro second-quarter net profit up 79 percent (AFP) +Sci/Tech,Sun Capital putting Anchor on block (TheDeal.com) +Sci/Tech,Mac Skeptic: Are Hackers Now Gunning for the Mac? (PC World) +Sci/Tech,Halo 2 leaked +Sci/Tech,"Privacy Eroding, Bit by Bit and Byte" +World,John Kerry Hits Midwest States (AP) +Sci/Tech,Google's New Tool Brings Search Home +Sci/Tech,Digene Settles Patent Dispute Over HPV Test +Sci/Tech,FCC Approves New Broadband Hookups +World,U.S. Raids Hit Iraq's Falluja at Start of Ramadan +World,Poland to Reduce Number of Troops in Iraq +Sci/Tech,X-Prize for world's 'Holy Grails' +Sci/Tech,Salmond in fishing policy demand +World,Antibiotic hope for Parkinson's +Sci/Tech,Hopes of malaria vaccine by 2010 +World,Dancer's retrial begins in Vegas +World,Warne breaks Test wickets record +World,US probes flu jab 'price scams' +World,Refugees storm Beijing consulate +World,UN mulls Syria-Lebanon resolution +World,Select few 'can identify liars' +World,John Lennon killer 'wanted fame' +Sci/Tech,Brazil Making Progress on Software Export Drive +World,"Toll put at 7,000 in 1995 massacre" +World,Israel drops threat to limit Muslims at shrine +World,Pakistani forces attack kidnappers +World,Cambodia names a new king +World,Protesters decry Gaza withdrawal +World,Saudi professes his innocence +World,Brazilians Battle Indians: 'This Land Is Our Land' +World,Nobels Bring Prestige to Calif. Colleges +World,Vote Counting Begins in Afghan Election +World,Federal Deficit Surges to Record \$413B +World,Crowds Gather for Zimbabwe Opposition Chief Verdict (Reuters) +World,Opel workers stage work stoppages in protest against job cuts (AFP) +Sci/Tech,Mac Skeptic: Are Hackers Now Gunning for the Mac? +Sports,NBA Considering Taking Games to China (Reuters) +Sports,NBA Considering Taking Games to China +Sports,Els Takes Care of Drummond at Wentworth +Sports,Level best +Sports,Johnny on the spot +Sports,Moose mania +Sports,No Game 5 start for Schilling +Sports,Williams's time to shine +Sports,Hernandez will put up dukes +Sports,Arroyo plans an inside job +Sports,Brown feels fortunate to have a hand in series +Sports,Rainy-day plan for Fenway ticket-holders +Sports,Cardinals go back-to-back +Sports,Looking to change it up +Sports,Dillon still hobbled by sore foot +Sports,But seriously folks +Sports,The NFL is in a league of its own +Sports,Another step along the way +Sports,Hurricanes whip up a win +Sports,Bentley comes home just ahead of NE-10 crowd +Sports,Key college games on TV +Sports,Rain puts crimp on match play +Sports,Spotlight shines on quarterbacks +Sports,Today's schedule +Sports,Split seasons a matter of making accommodation +Sports,"Mild Seven Renault F1 Team Preview, Brazilian Grand Prix" +Sports,Bob Bell analyses a 'challenging but successful' season +Sci/Tech,News: U.S. Air Traffic Control Found Vulnerable +Sci/Tech,Faulty Sensors May Explain Capsule Crash +Sci/Tech,Washington Considers Purchasing Flu Vaccine +World,Ex-British Ambassador Plans Legal Action (AP) +Sci/Tech,"Bioshield Effort Is Inadequate, a Study Says" +World,Thais look to sky for hope +World,Australian court convicts drug addict of murdering Stuttle (AFP) +World,Egypt frees alleged spy in Israel deal +Sci/Tech,"A Tribute to Spam, the Meat" +Sci/Tech,Expo Tries to Whet Geek Appetites +Sci/Tech,It's Time for Reality Porn +Sci/Tech,Broadband: More Power to You +Sci/Tech,Our Kids Are in Big Trouble +Sci/Tech,E-Vote Snafu in Florida +Business,"German Stocks Decline; Munich Re, Allianz Pace Drop by Insurers" +Business,"Be open to reform, business groups told" +Sci/Tech,iTunes sales reach 150 million +Sci/Tech,New bug in open source database MySQL +Sports,Manchester United Shares Drop Amid Report That Talks Have Ended +World,US Raids Hit Iraq #39;s Falluja at Start of Ramadan +World,US launches Fallujah offensive +World,Pakistan hunts kidnappers #39; leader +World,Israel: no limits on Al Aqsa Mosque +Sports,Sportsview: NFL Plays Bad Cop Vs. Plummer (AP) +Sports,Shaq Should Help Heat Perimeter Players (AP) +Sports,LPGA: Park Feels at Home in the Desert (AP) +Sports,NFL Game Summary - Carolina at New Orleans +Business,Intel shelves plans for 4GHz Pentium 4 +Business,Coventry will buy First Health for \$1.8 billion +Business,Peregrine ex-auditor enters plea +Sci/Tech,Spawn of X Prize on Horizon +Sports,Cards #39; power leaves Astros all wet +Sports,Determined Davenport reclaims world number one spot +World,Strong temblor sways buildings in Taiwan capital +World,Karzai leads but 99 of votes to be counted +Business,U.S. Economy Questions Paralyze Dollar (Reuters) +World,"Polish PM Pledges Iraq Troop Cuts, Strong Economy (Reuters)" +Business,U.S. Economy Questions Paralyze Dollar +Business,"Oil, Economic Growth Worry Investors" +Business,Oil Dips But Near \$55 on Winter Anxiety +Business,UK Judge: Enron Bankers Can Face U.S. Trial +World,Zimbabwe Court Acquits Tsvangirai of Treason +World,Bankers facing Enron extradition +World,'Militant' killed in Gaza strike +World,"Decision due on 500,000 new homes" +World,Israel Winds Down Gaza Military Operation +Business,Google Desktop Search Has Arrived +Business,Broadband: More Power to You +Business,Corel Corporation acquires Jasc Software +Sci/Tech,Dell targets iPod mini +Sci/Tech,The future face of identity checking +Sports,Reports say talks with Irish duo have collapsed +Sports,Rossi takes provisional pole in Australia +Sports,Al Fayed asking 110M for Fulham +Sports,Man City v Chelsea +Sports,Martin will cut schedule +World,Greenpeace Calls For Stepped Up Action to Protect Iraqis from <b>...</b> +World,"Defence ; NATO, Russia Vow To Boost Anti-Terror Cooperation" +Sci/Tech,Saturn probe may reveal key to life +Business,Searching files on PC easier +Business,Delta sees wider third-quarter loss +Business,Wachovia Profit Rises 14 Percent +Business,UK bankers may face US trial over Enron +Business,"Govt may slash duty on petrol, diesel" +Business,S amp;P 500 Futures Rise on Stronger-Than-Expected Retail Sales +Business,Airbus to seek one billion euros in state loans +Sci/Tech,Intel not to make 4-Gigahertz version of Pentium 4 PC processor +Sci/Tech,FCC approves broadband over power line rules +Sci/Tech,IPods an eye-opener for industry +Sci/Tech,Microsoft investigates game code theft +Sci/Tech,Online music pirates will be collared within days +Sci/Tech,IBM Fleshes Out Power5 Line +Sci/Tech,Microsoft gets a fashion makeover +Sci/Tech,UK scientists bring hydrogen cars closer +Sci/Tech,A da Vinci Project Update for Canadian Town +Sports,Drummond enjoys Wentworth Els test +Sports,"Sunny weather, a Sunny-like Sehwag, shining Shane" +Sports,Kobe #39;s New Role: Villain +Sports,Saha back for Man United +Sports,England sticks with Beckham as captain +Sports,Fulham Football Club star ban reduced +Sports,York site has several advantages +Sci/Tech,Brazil Making Progress on Software Export Drive (Reuters) +Business,Oil import prices fuel 7 jump in US trade deficit +Business,Update 7: Crude Oil Hugs Milestone \$55 Mark +Business,"UK Enron Bankers Can Be Extradited to the US, Court Rules" +Business,Govt decides not to raise oil prices +Business,Netflix stock drops on anticipation of Amazon competition +Business,Health Management Cuts 4Q Outlook +Sports,UCLA Wins Men's Water Polo Championship (AP) +Sci/Tech,Web coming to electrical outlets +Sports,United fans seek safety net +Sports,"Bundesliga matches, Oct 16-17" +Business,Wachovia reports boost in 3rd-quarter profits +Business,Intel puts brakes on plan for faster chip +Sports,Langer ousts Singh in World Match Play +Sports,Australian Warne Sets Cricket Mark; India Leads by 56 (Update4) +Sports,"Silence is best, Eriksson tells sorry Beckham" +Sports,Gregan agrees Wallabies contract +Sci/Tech,Christopher Lee Becoming a Video Game Wizard (Reuters) +Business,2nd UPDATE: Hutchison Telecom Debut Pales Vs China Power +Sci/Tech,A step towards pollution-free cars +Sports,Murray State favorite to win OVC +World,Strong quake rocks north-east Taiwan +World,Sharon Orders Redeployment of Israeli Troops In Gaza +World,Indonesia Files Terrorism Charges Against Cleric Bashir +World,Outspoken UK ambassador to Uzbekistan sacked +World,Sarah reveals tape of Prince Harry #39;s cheating #39;confession #39;: +World,Another Turkish Driver Beheaded in Iraq +World,Australian man jailed for UK backpacker murder +Sci/Tech,UK chemists seek hydrogen store +Sci/Tech,Net File-Sharing Doesn't Hurt Most Artists - Survey (Reuters) +Sci/Tech,Exabyte slashes media costs +Sci/Tech,Intel shift over need for speed +Sci/Tech,Spooky psychic thriller spot on +Sci/Tech,Digital Home to Set Off Next Big Electronics Wave +Sports,"Redskins Top Giants, Break Losing Streak (AP)" +Sci/Tech,Border Security Measures to Tighten +Sci/Tech,Netflix Anticipates Amazon DVD-Rental Service +Sci/Tech,New Propulsion System Could Make Trip to Mars in 90 Days +Sci/Tech,Google expands search to desktop (USATODAY.com) +Sci/Tech,Sprint to Cut 700 Jobs (Reuters) +Sci/Tech,IBM tops off Power 5-based server line (InfoWorld) +Sci/Tech,THE SWAGGER IS BACK (SiliconValley.com) +Business,"Retail Sales Up 1.5 Pct., Fueled by Autos (Reuters)" +Business,"Producer Prices Up 0.1 Pct, Energy Drops (Reuters)" +Business,Delta Air Lines Sees Loss Mushrooming (Reuters) +World,German Court Frees Nazi War Crimes Suspect (AP) +World,Gangsters Torch Cars in Haiti Capital (AP) +Sci/Tech,Wachovia Plans Technology Park in Alabama (AP) +Business,Head of Troubled Japanese Retailer Resigns (AP) +Business,Blue Chips Seen Higher After Retail Data +World,Woman believed to be 1st to walk around Australia strides back to hometown (Canadian Press) +Business,"Producer Prices Up 0.1 Pct, Energy Drops" +Business,Delta Air Lines Sees Loss Mushrooming +Business,Oil Holds Near \$55 on Winter Fuel Anxiety +World,'Ranked-Choice Voting' Debuts in Calif. (AP) +Sports,"Chargers Edge Broncos, 20-17 (AP)" +Business,Before-the-Bell: Multimedia Games Drops +Business,Airbus Raises Delivery Target for 2004 +Business,"Arch Coal Profit Off, But Coal Sales Up" +Business,Shoppers Spring Back to Life in September +World,Zimbabwe Opposition Leader Acquitted of Treason +Business,UK bankers face Enron extradition +Business,India's Wipro sees profits surge +World,Landslide win for Cameroon leader +Business,Wachovia Profit Rises 14 Percent +World,Muslim world celebrates Ramadan +World,Muslim suspects in Gujarat freed +Sci/Tech,Early Forecast: Flu Season Could be Harsh +World,Cards Top Astros 6-4 to Take 2-0 NLCS Lead +Sci/Tech,New Technology Clears Clogged Arteries +World,Polls Show Worsening of U.S. Reputation +World,Karzai Takes Early Lead in Afghan Count +Sci/Tech,Sinus Infections Crop Up in Autumn +Sci/Tech,Americans Able to Buy Cheaper Medicines in Canada +World,Cheneys Mad After Kerry Mentions Daughter +World,AP: Memo Warned About Medicare Cards +Sci/Tech,New Vaginal Gel May Protect Women From HIV +World,Stocks Are Set to Open Slightly Higher +Sci/Tech,Microsoft: The reality behind the image +Business,How it works +Business,September Retail Sales Up by 1.5 Percent +Business,Chip sales boost Samsung by 46 +Business,Morning Briefing +Business,"Before the Bell--Marsh and La Jolla drop, Delta gains" +Business,Govt not to raise fuel prices +Sci/Tech,Soyuz in orbit bound for ISS +Sci/Tech,FCC Approves BPL Despite Interference Concerns +Sci/Tech,IBM launches 64-way Power5 Unix servers +Sci/Tech,Archos unveils 20GB iPod Mini-sized player +Sci/Tech,"The Home PC, Perfected" +Sports,Els trails Cabrera at Wentworth +Sports,MOTOGP NEWS Rossi feels pressure to clinch crown. +Sports,Judgement day looms for Button +Sports,Cardinals make it two straight without an ace +Sports,England sitting pretty +Sports,OCTOBER DEADLINE FOR BRITISH GP +Sports,BUTTON TO DISCOVER FUTURE +World,"Three Americans killed, one missing and presumed dead in Green <b>...</b>" +World,Karzai Takes Early Lead in Afghan Count +World,New Cambodian King Asks for Guidance +World,Aristide supporters rampage in Haiti +Sci/Tech,Photo 2 of 2: Microsoft's fashion makeover +Sci/Tech,Photo 1 of 2: Microsoft's fashion makeover +Sci/Tech,Microsoft gets a fashion makeover +Sci/Tech,Forensic experts track printer fingerprints +Sci/Tech,Sharp adds hard disk to its Linux PDA +Business,"China Pledges Stable Economic, Yuan Policies (Update1)" +Sci/Tech,"HP could make more of Compaq acquisition, CEO says" +Sci/Tech,IBM tops off Power 5-based server line +Business,Potential downside of the US dollar +Sci/Tech,New Google Tool Expands on Core Technology +Sci/Tech,Intel Scratches Plans for 4-Gigahertz Pentium +Business,"Air Canada forecasts Q3 operating income of \$235M, up from \$17M" +Sports,Goosen sets record at rainy Match Play +World,Bashir faces new terrorism indictment +Sci/Tech,FCC Ruling Brings Broadband to the Power Lines +Sci/Tech,Biologists Worried Over Alien Fish in U.S. (AP) +Sci/Tech,A da Vinci Project Update for Canadian Town (SPACE.com) +Sci/Tech,Mars Reconsidered: New Data Raises Fresh Questions (SPACE.com) +World,U.K. Judge: Bankers May Be Extradited (AP) +Business,Pratt Union to vote on contract proposal +Business,Heating oil report jolts prices +Business,Shoppers Spring Back to Life in September +Business,Samsung Electric Quarterly Profit Up +Business,Britons Face US Trial over Enron Fraud +Business,Court yet to rule on US Airways pay cut +Business,Jasc acquisitionm - Corel #39;s come-back sign +Business,"Before-The-Bell: Netflix, Delta Drop" +Sci/Tech,Expedition 10 Rockets to Station +Sci/Tech,Intel shift over need for speed +Sci/Tech,Microsoft loses its Halo 2 +Sci/Tech,Report: Four sentenced to jail in China for porn +Sports,Langer Holds Off Singh to Advance in World Match Play Golf +Sports,Report: Argos settle on York U site +Sports,Bryant accuser publicly identifies herself in civil lawsuit +Sports,Bryant accuser publicly identifies herself in civil lawsuit +World,Zimbabwe Opposition Leader Found Innocent of Treason (Update5) +World, #39;Militant #39; killed in Gaza strike +World, #39;Foreign Office Trumped Up False Claims #39; - Dropped Ambassador +Business,National Foods Valuation A\$6.11-A\$6.65/Share -2- +Sci/Tech,Is that a Media Center PC--or an end table? +Business,Industrial Production Inches Up in Sept. (Reuters) +Business,Dollar Falls Broadly vs. Major Currencies +Business,Goldcorp Agrees to Buy Wheaton River +Business,Pfizer Hikes Warning on Bextra Skin Risk +Business,Global Markets: Worries Grip Investors +Business,US agrees to Halliburton inquiry +Business,China pressures Putin on pipeline +Business,September Retail Sales Up by 1.5 Percent +Sci/Tech,Using Keyword Selection Guidelines To Improve Website Conversion Rates +Business,Free Google search for PC desktops +Business,Is Sirius a Rule Breaker? +Business,Eyetech To Get Modest Lift From Macugen +Sci/Tech,Rules OK #39;d for broadband on power lines +Sports,Cards reel #39;em in +Sci/Tech,'e-Junk' Recycling Still in Its Infancy (AP) +Sports,"Els Pegged Back by Cabrera, Harrington Sparkles" +Sports,"Eagles Pummel Packers, 47-17 (AP)" +Business,"US Sept. PPI up 0.1, core rate up 0.3" +Business,Pfizer Increases Warning on Bextra Skin Risk +Business,Bankers lose US extradition fight +Business,"Sprint to Cut Jobs, Sees Non-Cash Charge" +Business,Arch Coal 3Q Profit Falls Slightly +Sci/Tech,Big Blue launches little storage box +Sports,Vince ready to play ball and be happy #39; +World,Baasyir to face formal terror trial +Business,U.S. Consumer Sentiment in Surprise Fall (Reuters) +World,"Bush, Kerry skirt thorny Taiwan question in polls run-up (AFP)" +Business,Playing the Float (Forbes.com) +Business,The Fool's Look Ahead +Business,Eminem Satellite Radio Debut +Business,Government not to raise fuel prices +Sci/Tech, #39;Black Tuesday #39; leaves Windows admins blue +Sports,Man Utd deny receiving firm takeover bid +Sports, #39;Warne #39;s glory short-lived #39; +World,Zimbabwe Opposition Leader Found Innocent +World,Israel launches air strike on Jabaliya +World,Polish vote of confidence looms +World,Pakistan Parliament Allows President Musharraf to Remain Army <b>...</b> +Business,Marsh amp; McLennan suspends #39;market services agreements #39; +Business,Oil Holds Near \$55 on Winter Fuel Anxiety +Business,Malignant Tax-Payers +Business,Greenspan: US Can Weather Oil Cost Rise +Business,Apple Stock on Upward Momentum; Analysts Positive +Business,Samsung enjoys strong profit despite flat phone growth +Business,Nokia: profits slump despite market share recovery +Business,Losses at Delta Renew Bankruptcy Speculation +Business,Pfizer #39;s Vioxx Problem +Business,La Jolla Pharmaceutical Shares Plunge +Business,"Update 1: Sprint to Cut 700 Jobs, Expects Charge" +Business,"United to seek more cuts from labor, elsewhere" +Business,"Judge approves US Airways financing deal, delays ruling on pay <b>...</b>" +Sci/Tech,Intel Pulls Plug on 4-Gigahertz Chip +Sci/Tech,Week in review: All eyes on iPod +Sci/Tech,Conservationists Claim Victory at CITES +Sci/Tech,Broadband by Power Lines Moves Forward +Sci/Tech,New IBM servers tout increased performance for enterprise needs +Sci/Tech,NASA Says Switches May Have Caused Genesis Crash +Sci/Tech,PeopleSoft executive Gupta departs +Sci/Tech,British ISPs must unmask downloaders +Sci/Tech,ViewPoints: A new reckoning? +Sci/Tech,Starbucks serves up CD-burning +Sci/Tech,Muslims Log On to a Cyber Congregation +Sci/Tech,India outsourcing firms report surge in hiring +Sci/Tech,New dinosaur fossil dug up to give view of bird-like sleep +Sci/Tech,Motorola pilots #39;digital wallet #39; phone trials +Sci/Tech,"Report: IT Salaries Show Upward Trend, Outsourcing Overblown" +Sports,NBA title is T-Macs next target +Sports,Jennings gets early approval +Sports,Football takes on added meaning at Navy +Sports,Robinson named England boss +Sports,Rossi all revved up +Sports,UPDATE 1-Loeb heading for title as Duval sets pace +Sports,Renegades trying more conventional approach +Sports,Second seed Massu slumps to defeat +World,Report: Israel set to collide with EU +World,Karzai leading in Afghanistan elections +World,Israel scales back Gaza offensive as Palestinians mark Ramadan +World,Pakistanis Divided on President #39;s Failure to Give Up Military Post +World,Schroeder to meet European Commission chief +Sports,Feeling Their Pain +Sports,Jackson Dunks Bryant +Business,Greenspan says oil price agony milder than in 1970s +Business,United hopes debt plan will fly +Business,Aer Lingus redundancy deadline this evening +Sci/Tech,Intel Puts 4 GHz Processor on Back Burner +Sci/Tech,FCC Clears Broadband over Power Lines Barriers +Sci/Tech,Investigators Find Preliminary Cause of Genesis Crash +Sci/Tech,Saudi to fight terrorists with prayers +Sports,Cards power way to victory +Sports,Racing: Duval in charge as Ford set a flying pace in Corsica +Sports,Chelios wants Gretzky as commissioner +World,Confessions of a British diplomat +Sports,"8th-inning homers to Pujols, Rolen sink Astros" +Business,The IPod In Perspective +Business,WR Grace asks to delay reorganization +Sports,CRICKET: South Africa sacks cricket coach +Business,"Samsung Q3 sales, profits show strong growth" +Business,FDA wants new study of lupus drug +Sci/Tech,"IBM #39;s Power5 beast takes on Sun, HP - and IBM" +Sci/Tech,Genesis Crash Blamed on Installation Error +Sci/Tech,PeopleSoft executive departs +Sci/Tech,Opening an Age of Adventure? +Sci/Tech,Editorial: Relief for gastronomes +Sci/Tech,India #39;s Wipro Rides on Outsourcing Wave +World,Peacekeepers roll though Haitian capital amid fears of violence on <b>...</b> +Business,Greenspan Says Oil Prices Not Problem for Economy +Business,"Airbus to Deliver as Many as 320 Planes in 2004, Forgeard Says" +Business,STOCKS TO WATCH +Sports,Sehwag #39;s century gives India advantage in second Test: +Sports,Ford duo keep leader Loeb at bay +Business,Nokia #39;s fortunes improve in third quarter +Business,"UPDATE 2-Genuine Parts profit rises, shares up" +Business,"Sprint To Cut 700 Jobs, Devalue Assets" +Sci/Tech,Backward chute switch probed +Sci/Tech,Court orders cos. to ID alleged pirates +Sci/Tech,PeopleSoft sees the departure of another exec +Sci/Tech, #39;No experiments #39; for SpaceShipOne +Sports,American #39;s victory will oust idle Mauresmo +Sci/Tech,FCC Approves Broadband Over Power Line Rules +Sci/Tech,Burt Rutan: Building #39;Tomorrowland #39; One Launch at a Time +World,Chancellor Schrder invites Qathafi to visit Germany +Business,United Seeks Additional Labor Cost Saving +World,Muslims mark start of Ramadan +Sports,Auburn Misses Out on National Title Hopes (AP) +Business,Greenspan says oil price agony milder than in 1970s (AFP) +World,"Death Toll in Sudan's Darfur Reaches 70,000 - UN (Reuters)" +Business,Greenspan: U.S. Can Weather Oil Cost Rise +World,Cheney: Jobs Best Solution for Povery (AP) +Business,Treasuries Slide on Greenspan Oil View +Business,Insurance Stocks Tumble on Fraud Case Woe +Business,"Pfizer Says Bextra, Heart Problems Linked" +World,Zimbabwe Opposition Leader Acquitted of Treason +Business,Greenspan Says U.S. Can Weather Oil Prices +Business,United to Seek More Concessions +Business,EU to appeal WTO sugar ruling +World,Mugabe rival urges reconciliation +World,Hamza to face UK terror charges +World,Burundi peace poll postponed +World,Blair to talk terror with Musharraf +World,US outlaws Zarqawi group +Business,Citigroup's Diversification Is an Asset +Business,Fastenal Quick to Please Investors +Business,Get a Whiff of Inter Parfums +World,Stocks Climb on Positive Retail Sales +World,Dali-Disney Collaboration Premieres +World,Germany Nabs Suspected al-Qaida Financier +World,U.S. Pounds Fallujah As Ramadan Begins +World,FDA Orders Strong Antidepressant Warnings +World,Stocks Climb on Positive Retail Sales +World,"Kerry, Bush Both Headed to Midwest" +World,Greenspan: Oil Price Surge Not Big Issue +World,FDA Orders Strong Antidepressant Warnings +World,Egyptian students could face charges +Business,Spitzer Goes After Insurance Industry +Business,Sprint will 700 Stellen im Verkauf und Support streichen +Sports,"McManus, Magnier turn down Glazer approach" +Sci/Tech,Penny for Your Thoughts +Sci/Tech,Wobbly footballs and electronic pants +Sci/Tech,Policewoman sued over film piracy +Sci/Tech,Worries Persist Over U.S. Electronic Voting +Sci/Tech,Microsoft's Halo 2 Video Game Leaked on Internet +Sci/Tech,Web Safety Group Launches Anti-Spyware Campaign +Sci/Tech,British Court Orders ISP to Identify Alleged Pirates +Sci/Tech,Bioterror Defense Strategy Frustrates Industry +Sci/Tech,"Sprint to Record 3Q Charge, Cut Jobs" +Sci/Tech,Advice to Microsoft: Learn to love Linux +Sci/Tech,Courtroom courtship for Oracle and PeopleSoft? +Sci/Tech,PeopleSoft executive Gupta departs +Sci/Tech,PalmSource settles Digeo patent suit +Sci/Tech,Olympus flashes music player-camera combo +Sci/Tech,Photo 2 of 2: End (table) game for Microsoft +Sci/Tech,Photo 1 of 2: End (table) game for Microsoft +Sci/Tech,Tasman adds new router to lineup +Sci/Tech,IM boosts health care company +Sci/Tech,Phishing attacks may be coming from your computer +Sci/Tech,Oracle warns of exploits for latest DB flaws +Sci/Tech,Broadband by Power Lines Moves Forward +Business,Phone company to cut 700 jobs +Business,Netflix shares dive on strategy shift +Sci/Tech,Dell Pocket DJ and DJ 20 GB Released +Sci/Tech,IBM unveils high-end Power5 i5 server +Sci/Tech,Microsoft #39;s Halo 2 Video Game Leaked on Internet +Sci/Tech,Olympus flashes music player-camera combo +Sports,Glazer increases stake in United to 25 percent +Sports,Sports Briefs : Sports Briefs +Sports,Yao: China not ready to learn from NBA +Sports,Sammer returns to Dortmund with an in-form Stuttgart squad +World,Zimbabwe Opposition Leader Acquitted of Treason Charges +Sports,Britain's Khan on Course to Win Mallorca Classic +Sci/Tech,Googles GMail Resembling Desktop Mail Client +Sci/Tech,"Desktop Search from AOL, Google Others" +Sci/Tech,Search Engines and Block Analysis with Image Retrieval +Business,US Airways Gets Approval to Cut Pay +Sci/Tech,News: Four charged in landmark UK phishing case +Sci/Tech,News: 6m South Koreans exposed in slam and spam scam +Business,US Airways Permitted to Cut Workers Pay by 21 Percent +Business,Trump Does Seventh Avenue +Business,Sprint announces additional 700 job cuts +Business,Delta warns it will post a big loss +Sci/Tech,Microsoft #39;s Strategy: Be Apple +Sci/Tech,Faulty Switch Installation Blamed for NASA Genesis Crash +Sci/Tech,Paris Weighs Shift to Linux from Microsoft +Sports,How long has this been going on? +World,Cleric Charged in Jakarta Hotel Attack +Sci/Tech,The week in iPod +Business,Yukos unit to be sold for knockdown \$4 bn +World,Haiti bracing for more violence +World,SOMALIA: New government gets African diplomatic recognition +World,"Karzai Leads, 99 Pct of Afghan Votes to Be Counted" +Business,U.S. Stocks Rebound on Retail Sales +World,Sunday Halloween Irks Some in Bible Belt +World,US Airways Gets OK to Cut Workers' Pay +Business,6 Reasons to Love Rambus +Sci/Tech,The week in...iPod +Sci/Tech,"Picture this: iPods at play, PCs as furniture" +Business,Update 3: US Airways Gets OK to Cut Workers #39; Pay +Business,Greenspan comments on oil prices +Business,EU wants WTO talks on Boeing-Airbus +Business,ATA announces layoffs +Sci/Tech,Microsoft Renews Push Into Entertainment Products +World,Senior UN health official slams international community over <b>...</b> +World,Poland to cut Iraq troops in early #39;05 +World,"Jet struck runway, broke in two, probe confirms" +World,Israel pulling back #39;for Ramadan #39; +World,Britain fires its Uzbek ambassador +Sports,Davis joya for Moya +World,Israel Ends Deadly Northern Gaza Offensive +World,Pilgrims Flock to Honor Mexican Idiot Savant Saint +World,New Warnings Ordered on Antidepressants Used by Children +Business,Google Desktop Search app lets you #39;google #39; your Windows PC +Business,Russia said eyeing Yukos bargain sale +Business,Samsung Q3 Income Up 46 Percent +Business,Nokia #39;s price cutting gets good reception +Business,Chiron Says Wills Resigns From Board +Business,"British Bankers Can Be Extradited to US, Judge Rules" +Business,Pfizer warns on arthritis drug Bextra +Business,UPDATE 1-Police probe Royal Group fraud allegations +Sci/Tech,Radio operators OK rules on Net over power lines +Sci/Tech,Faulty parachute linked to Genesis crash +Sci/Tech,Halo 2 Released Early But... +Sci/Tech,"Gupta Out, Swete In At PeopleSoft" +Sci/Tech,Microsoft Preps Previews of SQL Server 2005 +Sci/Tech,Users buoyed by monthly patch releases +Sci/Tech,One Thousand Words on PSP +Sci/Tech,Hurricane aid covers NASA repair funds +Sports,Can Arroyo help Red Sox finally get a win? +Sports,Els halfway to sixth title at World Match Play +Sports,NBA brings its game to Beijing +Sports,Rossi heads Australian GP +Sports,Redskins #39; Arrington out for Sunday +Sports,Jaguars lose other defensive end for season +Sports,"Phillies to keep Wagner, Rodriguez" +Sports,Hester: Many happy returns +World,In Ramadan message: Hamas calls for unity against Israel +World,Board: Recording insufficient to reopen probe into prince #39;s <b>...</b> +World,Five Nations Win Seats on UN Security Council +Sci/Tech, #39;Blog #39; is most popular search term on dictionary site +Business,"Judge: Oracle, PeopleSoft Drawn Closer" +Sci/Tech,Backward drawings may have doomed Genesis +Sports,"Arrington, Hall out for Sunday #39;s game" +Business,"Crude reaches another record, settling near \$55" +Business,Juniper Clipped +Sports,Els moves into semis at World Match Play +World,Shots at demo heighten Haiti tensions +Business,Genuine Parts Adds up to Success +Sci/Tech,Radio operators OK Net over power lines rules +Sci/Tech,IBM Announces New P5 Servers That Can Run Linux +Sci/Tech,"Dell adds plasma TVs, printers to lineup" +Sports,"Grace Park, Birdiepalooza" +Sports,Hall may not have kicks coming +Sci/Tech,A Day With The Patch Patrol +Sci/Tech,Sip and Burn at Starbucks +Sports,Venus Williams Upset in Kremlin Cup +Business,Pfizer says Bextra #39;s risks worse than disclosed +World,US embassy in Haiti closed to mark day of reflection +World,"70,000 have died in Darfur camps: WHO" +World,"Jet broke up, burst into flames" +Sci/Tech,UK ISPs ordered to reveal file-sharers identities +Business,"Yukos to cut output at Yugansk unit, plant may be sold at 60 <b>...</b>" +Business,Chiron: Richard Wills Resigns from Board +Business,Oracle v. PeopleSoft Trial Closes +Sports,Redskins Report +Sports,Khan leads at Mallorca Open +World,Tsvangirai acquittal a victory: MDC +Sports,Top three seeded players ousted in CA Trophy quarterfinals +Sports,"Sehwag shines, Warne creates history" +Sports,"Tigers claim contracts of Gettis, Wise off waivers" +World,WORLD BRIEFS +Business,Tek CEO quits Chiron board +Business,"Pfizer Says Bextra, Heart Problems Linked" +Business,Hedge fund managers seek safety in corporate arms +Business,Stocks End Higher; Oil Curbs Gains +Sci/Tech,FCC Adopts Rules for Broadband over Power Lines +Sci/Tech,SADC Trio to Hunt Black Rhino +Sci/Tech,Paris considers Linux move +Sports,Redskins might be without kicker Hall on Sunday +Sports,Jags lose another defensive lineman for season +Sports,Team exercises Wagner #39;s \$9 million option +Sports,"Tennis: Roddick, Hewitt, Moya and Federer to be missing from <b>...</b>" +Sports,NALBANDIAN JUMPS INTO LAST EIGHT +Sci/Tech,FCC OKs Broadband over Power Lines +Sci/Tech,Starbucks Expands Digital-Music Service +World,RAMADAN BEGINS +Sci/Tech,"Group, Dell Launch Anti-Spyware Campaign (AP)" +Sci/Tech,British Court Orders IDs of Downloaders (AP) +Sci/Tech,Google's Search For Dominance (washingtonpost.com) +Sci/Tech,Has Your PC Gone Phishing? (PC World) +Sci/Tech,All-Girl Swedish Team Tackles Video Games (AP) +Sci/Tech,Caribbean Splash (Forbes.com) +Sci/Tech,Who's Profiting from Open Source? (NewsFactor) +Sci/Tech,PayPal Overcomes Glitches (NewsFactor) +Sci/Tech,Mobility #8217;s end game (InfoWorld) +Sci/Tech,Dell Gets in Line To Take on iPod (NewsFactor) +Sci/Tech,Backward Drawings May Have Doomed Genesis (AP) +Sci/Tech,Jumbo Flying Squid Found Off Alaska (AP) +Sci/Tech,Nobels Bring Prestige to Calif. Colleges (AP) +Sci/Tech,New Atlas Shows Fast Pace of Changing World (Reuters) +Sci/Tech,Amphibian Extinctions Sound Global Eco-Alarm -Study (Reuters) +Sci/Tech,Space Station Crew Blast Off from Kazakh Steppe (Reuters) +Sci/Tech,"EU Wants to Cut Greenhouse Gases in Cars, Shoes (Reuters)" +Business,Retail Sales Jump But Oil Hits Confidence +Business,Greenspan Says U.S Can Weather Record Oil +Business,Exxon Mobil to Take Charge +Business,"None of Chiron Flu Vaccine Safe, FDA Says" +Business,Stocks End Higher; Oil Curbs Gains +Business,Time for Alternative Minimum Tactics +Business,"Judge: Oracle, PeopleSoft Drawn Closer" +Business,"Lawmakers Question Merck, FDA Over Vioxx" +Business,Oil Prices Hit Another Record High of \$55 +Business,Wachovia's 3Q Profits Increase 14 Percent +Business,"Judge Allows US Airways Pay Cuts, a Move United Also Seeks" +Business,Netflix Exclusive on Fool Radio +Business,How Low Can Netflix Go? +Business,"\$2,137,000 and Counting" +Business,Goldcorp Agrees to Buy Wheaton River for \$1.8 Bln (Update1) +Business,No Better Than Two-Bit Hustlers +Sci/Tech,Max Table size in MySQL +World,Europeans to Offer Iran Nuclear Deal Next Week -US (Reuters) +Business,National Foods Says Shares Worth as Much as A\$6.65 (Update2) +World,Parents of caged boys deserve far worse than nine months in jail: Crown prosecutor (Canadian Press) +World,Israel Ends Massive Gaza Strip Offensive +World,Europeans to Offer Iran Nuclear Deal Next Week -US +Sci/Tech,PeopleSoft Director to Testify at Trial +Sci/Tech,Brazil GM move sparks row +World,Ex-OAS head arrested +World,Trio 'to offer Iran nuclear deal' +Sci/Tech,Scientists Find Cause of Genesis Crash +World,Kerry Warns Draft Possible if Bush Wins +World,Israel Ends Deadly Gaza Offensive +World,Stocks Rise on Strong Retail Sales Report +World,Lucas to Receive AFI Lifetime Award +World,Stocks Rise on Strong Retail Sales Report +World,U.S. Intensifies Assault on Fallujah +World,Ex-Troops Fill Haiti's Security Vacuum +World,Blasts Inside Green Zone Kill at Least Five +World,Army Official Backs Ex-Abu Ghraib Officer +World,G-8 to Meet on Iran +Sci/Tech,Many Amphibians on the Verge of Extinction +World,Pakistanis Rescue Hostage; 2nd Dies +World,FROM THE DEBATE +World,Brazil Ready to Implement Shoot-Down Law +Sci/Tech,Sun signs server software customer +Sci/Tech,Briefly: Microsoft sets holiday Xbox bundle +Sci/Tech,AMD preps high-performance chips for desktops +World,Police Won #39;t Plant Explosives for Training +Sci/Tech,BlackBerry can be bitten by DoS attacks +Sci/Tech,Throwing money at technology (page 3) +Sci/Tech,Radio operators OK rules on Net over power lines +Sports,"Red Sox, Fans Make 'Nomah' Distant Memory (AP)" +Sports,Navy Tries to End Drought Against Irish (AP) +Sports,Former Rams Halfback Tommy Kalmanir Dies (AP) +Sports,D-Backs Finish Initial Manger Interviews (AP) +Sports,Glazer Raises Stake in Manchester United (AP) +Sports,Streaking Michigan Plays at Illinois (AP) +Sports,"Woods Stays on Honeymoon, Skips Disney (AP)" +Sci/Tech,Microsoft sets holiday Xbox bundle +Sports,Phillies Decide to Keep Wagner; Rodriguez Also to Stay +Sci/Tech,"Picture this: iPod fervor, PCs as furniture" +Sci/Tech,This week in iPod news +Sci/Tech,This week in Media Center news +Sports,Top Two Seeds Ousted in Vienna +Sci/Tech,Users buoyed by monthly patch releases +Sci/Tech,Microsoft offers preview of SQL Server 2005 +Sci/Tech,Google Desktop Search app lets you 'google' your Windows PC +Sci/Tech,"Microsoft, HP pleased with results of .Net partnership" +Sci/Tech,Oracle warns of exploits for latest DB flaws +Sci/Tech,Olympus debuts modular digital photo system +Sci/Tech,Gadgets getting connected with DLNA +Sci/Tech,"Dell unveils holiday lineup, including new plasma TVs" +Sci/Tech,Archos intros 'world's smallest' 20GB music player +Sci/Tech,Sharp adds hard disk to its Linux PDA +Sci/Tech,Mobilitys end game +Sci/Tech,IBM powers up high-end disk arrays +Sci/Tech,AOL to have desktop searching in new browser +Sci/Tech,Has Your PC Gone Phishing? +Sci/Tech,Tech Group Launches Anti-Spyware Campaign +Business,Insurance Probe Rattles Stocks (Reuters) +Business,Greenspan Not Worried About Energy Prices (AP) +World,Flock of paper birds takes wing in Thailand +Sci/Tech,Is that a Media Center PC--or an end table? +Sci/Tech,Robust Tech Earnings Can #39;t Shake Tough Outlook +Sports,No Vijay-Els final as Fijian falls +Sports,Strong performance by Liu improves NBA hopes +Sports,Big-mouth Becks to tell all at marriage counselling +Sports,Top of the charts: Warne smashes Muralis record +Sports,Jennings named as caretaker coach: South Africas Eric Simons <b>...</b> +World,US troops advance on Fallujah +World,Bashir charged in hotel bomb case +World,"Egypt, Israel Exchange Prisoners in Sign of Warming Relations" +Sci/Tech,To E-Mail or Not to E-Mail: Can Reporters Offer Views in Private Correspondence? (Editor and Publisher) +Sci/Tech,Marketing Automation's Day in the Sun (NewsFactor) +Sci/Tech,Microsoft Issues Patch for SP2 +Business,Higher retail sales give markets a nudge +Business,"MMC Names New Chairman, CEO at Marsh Inc." +Business,US Blasts Airbus Plan To Seek New EU Loan +Business,Exxon Mobil to Take Charge +Business,Jeremy Warner #39;s Outlook: Is anyone safe as Spitzer takes aim at <b>...</b> +Business,Board member quits embattled Chiron Corp. +Sci/Tech,IBM Rational Tools To Support UML 2.0 +Sports,Harrington lies in wait as Els marches on +Sports,Roundup: Williams upset in Kremlin Cup +World,Army Probes if Iraq Unit Refused Mission +World,Moore's Pre-Election TV Special Nixed +Business,Greenspan Says US Can Weather Oil Price Increases +Business,Google Desktop privacy branded #39;unacceptable #39; +Business,Crude oil prices rise toward 55 dollars per barrel +Business,Sprint will cut as many as 700 jobs +Business,Pfizer warns of Bextra heart risk +Business,Halliburton Warns Against Tender Offer +Sci/Tech,Microsoft Issues Patch for SP2 +Sci/Tech,"Dell Displays New TVs, Music Players" +Sci/Tech,Starbucks To Add Kiosks Where Customers Can Burn CDs +Sci/Tech,"MP3, hints of delay for PlayStation Portable" +Sports,Tennis #39;ball models #39; court controversy +Sports,Sports: 4-way tie on Champions Tour +Business,Yukos fate is sealed as state auction looms +Sports,No escape from #39;Curse of the Bambino #39; +Sports,Kite rallies for share of lead at SBC Championship +Sports,Geiberger grabs top spot at Chrysler Classic +Business,Guilty Plea in Insurance Inquiry as Stocks Fall +Business,GM reports poor quarterly profits +Business,Analysis: Samsung Electronics growth slows +Business,Sprint to Cut 700 Jobs in Sales; Long-Distance Write-Down Set +Business,Judge Is Set to Decide Oracle-PeopleSoft Battle +Business,Pfizer Warns of Risks From Its Painkiller +Business,FCC letting utilities move into broadband +Sci/Tech,Faster AMD Athlon 64 #39;s On The Way +Sci/Tech,The Internet electric +Sci/Tech,Genesis mishap probe focuses on backward design drawing +Sci/Tech,Microsoft in Tune with Digital Music +Sci/Tech,NASA Celebrates Life of Astronaut Cooper +Sci/Tech,Ottawa moves to expand DNA databank +Sports,Goliath falls but Angel flies towards Els fire +Sports,Sorenstam keeps stellar career in perspective +Sports,"Olympic champ Massu, Ginepri fall" +Sports,FA asks for Beckham #39;s explanation +Sports,Rescue mission for The Rocket +Sports,Busch Remains the Man to Beat in the Race for Nascar #39;s Nextel Cup +Sports,Carter #39;s #39;got nothing to say #39; after scoring 15 +Sports,Jennings to coach South Africa +Sports,Cavaliers Have Been Programmed for This +Sports,BASEBALL ROUNDUP Jaramillo Interviews to Be Mets #39; Manager +World,US Forces Set Up Checkpoints Near Al-Fallujah +World,Bombers penetrate Green Zone +World,Karzai takes early lead as vote-counting begins +World,Britain to Charge Cleric +World,Germany arrests suspected Al-Qaida financier +World,Five UNSC members elected +World,Bush Considering Tougher Syria Sanctions-Officials +World,UN focus on Iraq education crisis +World,Red Army choir performs for Pope +World,Importing Less Expensive Drugs Not Seen as Cure for U.S. Woes +World,Inquiry Opens After Reservists Balk in Baghdad +World,Storm-Battered Haiti's Endless Crises Deepen +Sports,Schilling Pitches and Boston Hopes +Sports,Astros Turn to Clemens With Series on the Line +Sports,From the Grass Roots of Iowa Comes the Thinking Man's Passer +Sports,"When Pennington Enters Red Zone, Touchdowns Follow" +World,"Unit Refused Duty in Iraq, Military Says" +World,Rain in Boston Postpones BoSox-Yanks Game +World,Canadian Sees a Long Haul in Afghanistan +World,Order Allows Planting of Modified Soy +Sci/Tech,Microsoft in Tune with Digital Music (Reuters) +Sci/Tech,AirDefense Locks Up Wi-Fi (PC World) +Sci/Tech,Wipro second-quarter net profit soars 79 percent (AFP) +Sci/Tech,Judge Says PeopleSoft's Revision 'Closer' (AP) +Sci/Tech,Russian Soyuz to Dock With Space Station (AP) +Sci/Tech,NASA Celebrates Life of Astronaut Cooper (AP) +Sci/Tech,Telescope Being Dedicated in Arizona (AP) +Sports,India looking to extend lead +Sports,Park keeps cruising at Bighorn +Business,Oil at new highs on winter fuel fears +Business,"Sprint to cut 700 jobs NEW YORK, Oct 15 (Reuters)" +World,US airstrikes hit Fallujah +World,Strongest quake in five years hits Taiwan +World,Abu Hamza to face charges in Britain +World,Japan set to gain nonpermanent seat +Sports,Francona Cautious About Schilling +Sports,Rose faces struggle to hit top 40 +Business,US Trade Deficit Surges to \$54B +Business,Judge Gives US Airways OK to Cut Workers Pay by 21 Percent +Sci/Tech,Gates launches new media centre +Sci/Tech,Ottawa wants DNA from child pornographers +Sci/Tech,Crawler #39;s New Shoes to Help Space Shuttle Move Toward Return to <b>...</b> +Sports,Glazer increases stake in Man Utd +Sports,Langer shows Singh the door +Sports,Wilkinson hails decision to go with Robinson +World,Hamza #39;s case in Britain will halt US extradition +Sports,Geiberger edges clear +Business,United says it will ask workers for more cost cuts +Business,FCC okays powerline Internet access +Business,Netflix Braces for Amazon +Sci/Tech,Government proposes to catalogue DNA of those convicted of making <b>...</b> +Sports,NBA Game Summary - Philadelphia at Toronto +Sci/Tech,EDWARD C. BAIG +World,Zimbabwe condemns Tsvangirai acquittal +Business,"Crude, Heating Oil Set Records on Storage Draw" +Business,"Sprint to cut 700 jobs, devalue assets" +Sports,WOODWARD: #39;...AND NOW FOR SOMETHING COMPLETELY DIFFERENT #39; +Business,Bombardier being wooed to move to US +Sci/Tech,Broadband by power lines moves forward +Sci/Tech,Microsoft in Tune with Digital Music +Sports,Simons resigns as South Africa coach +World,"UN Says Sudan Death Toll Reaches 70,000" +Business,Insurance Probe Drives Down Stocks (Reuters) +World,Bush Considering Tougher Syria Sanctions-Officials (Reuters) +World,Madrid Bomb Suspect's Remains Identified (Reuters) +World,"WTO rules against EU sugar subsidies, bloc to appeal (AFP)" +Sci/Tech,"British Flu Vaccine Is Unusable, FDA Says" +Sci/Tech,Netflix Braces for Amazon Threat +World,Counting of votes begins in Maharashtra election (Reuters) +World,Sailors from stricken Canadian submarine return home to Halifax (Canadian Press) +Business,Insurance Probe Drives Down Stocks +Business,High Gas Prices Force Lifestyle Changes +World,Kerry Warns Draft Possible if Bush Wins (AP) +Business,Guilty Plea in Insurance Inquiry as Stocks Fall +World,Heinz Kerry Reports Nearly #36;2.3M in 2003 (AP) +Business,Salvadoran Companies Export Promise to D.C. Trade Show +World,Florida Sets Touch-Screen Recounts Rule (AP) +World,Colorado Redistricting Dispute Revived (AP) +Business,Pfizer Warns of Risks From Its Painkiller +Business,"Under Fire, Marsh Stops Taking Fees From Insurers" +World,"Unit Refused Iraq Mission, Military Says" +Business,SalesLogix closes in on full-service CRM +Business,Join the CTO club +Sports,Barca go clear as Real Madrid held at Villarreal +Sci/Tech,Oracle Pushes Users to Patch +Sports,Rangers held by Inverness +World,Deserter regrets 40 years in NKorea (AFP) +Sci/Tech,Judge Is Set to Decide Oracle-PeopleSoft Battle +Sci/Tech,F.C.C. Clears Internet Access by Power Lines +Sci/Tech,Data Miner Free From U.S. Law Offshore +World,Bush triumphalism masks mission unaccomplished in Afghanistan: analysts (AFP) +Sports,Beltran's Hot Bat Leading Astros' Offense (AP) +Sci/Tech,Infineon execs to get prison terms +Sci/Tech,Switches Failed In Crash Of Genesis +Sports,Door Open on Schilling Pitching in ALCS (AP) +Sports,Westwood Expected Tough Route to Success +Sports,Unbeaten Cavaliers a big test for #39;Noles +Sports,Chants of Red Sox Fans Don't Faze Yankees (AP) +World,US Intensifying Bombing Attacks on Falluja Sites +World,Indonesian Cleric Faces New Charges +Sports,Nowak Will Return +Sports,Wizards Get a Break +Sports,Fiedler Expects to Start +Sports,Patriots' Running Man +Sci/Tech,OTHER NEWS +Sports,The Rundown +Business,Google Revolutionizes Desktop Searching +Business,Bankers to face trial in US +Business,"Stocks Up on Retail Sales, Greenspan Talk" +Business,World Oil Prices Approach \$55 a Barrel +Sports,Australia lauds bowler #39;s wicket achievement +World,Does Tsvangirai outcome suit Mugabe? +World,Army pulls back from Gaza leaving 100 Palestinians dead +World,Al-Qaeda suspect detained in Germany +World,Sacked envoy accuses FO of sex slurs +Business,Stelco says losing biggest customer General Motors +Sci/Tech,Data Miner Free From U.S. Law (washingtonpost.com) +Business,Retail Sales Up; Industrial Production Lags (AP) +World,U.S. Strikes Fallujah; Car Bomb Kills 10 (AP) +World,Muslim activist sentenced to jail for illegal business dealings with Libya (Canadian Press) +World,Bush triumphalism masks mission unaccomplished in Afghanistan (AFP) +World,Moore's Pre-Election TV Special Nixed (AP) +World,Russian Capsule Docks With Space Station +Business,Greenspan predicts years of oil uncertainty +Business,Airbus #39; new rival to 7E7 may utilize subsidies +Business,Netflix nightmare negative for stock +Business,Sprint to cut 700 jobs as it trims back service +Business,Delta expects net loss up to \$675M +Business,Sun Microsystems #39; Revenue Growth Seen Pressured +Sci/Tech,"In Another Reversal, Intel Kills 4 Gig Chip" +Sci/Tech,3 state utilities may offer Internet via power lines +Sci/Tech,Perverts face DNA order +Sci/Tech,Indymedia Servers Returned to Rackspace +Sports,Park has 4-stroke margin +Sports,Stupples Shoots into Second +Sports,Gibernau grabs pole at Phillip Island +Sports,Shut yer yap! +Sports,NBA Notebook column +Sports,"Kaif, Patel put India on top" +Sports,Non-Chase drivers show they #39;re here for the party +Sports,Wishbone will test Irish #39;s defense +Sports,Geiberger overcomes odds to lead +Sports,Mets talk to Rudy +World,Israel ends Gaza Strip offensive +World,"Explosions rock Baghdad, mortar kills hospital worker" +World, #39;Radical Muslim cleric Hamza to be charged #39; +World,Pakistan hunting for Chinese-abduction mastermind +World,Officer is suspended +Sci/Tech,UNC Starts Pilot File-Sharing Program (AP) +Sci/Tech,Mount St. Helens' 'Fin' May Be Splitting (AP) +Sci/Tech,Minor Glitch in Spacecraft Docking (AP) +Business,They like them apples +Business,Chiofaro's partner relents +Business,US Airways gets OK to slash pay +Business,Red Sox owners fielding more nongame revenue +Business,Marsh amp; McLennan halts fees at center of probe +Business,Nigerian unions end strike but threaten more action +Business,Retail sales post strong rebound in September +Business,Sprint to cut 700 jobs as it trims back service +Business,Price of oil eases off record highs +Sports,Donovan shines as team #39;s leader +World,Israel pulls out of northern Gaza +Sci/Tech,One failure led to another on Genesis craft +World,Al Qaeda Using Militants Against Musharraf +Sports,"Geiberger battles hip, field while trying to avoid trip to Q <b>...</b>" +Sports,Today #39;s top matchups at a glance +World,UN concern after Baghdad blast +World,Dementia diagnosis for Pinochet +World,US citizen jailed for Libya ties +World,Warsaw official vowstroop cuts in Iraq +World,Cleric charged with ordering attack on Indonesian hotel +World,Radical Muslim cleric wanted in US to be charged in Britain +World,US deaths in Iraq +World,"UN counts 70,000 dead in Darfur crisis " +World,Doctors split on Pinochet's mental state +World,Moore's Pre-Election TV Special Nixed +World,"Unit Refused Iraq Mission, Military Says" +Sports,"Buccaneers Shut Down Falcons, 27-0 (AP)" +World,Probe of No-Show Reservists Underway +Business,Greenspan Minimizes Impact of Costly Oil +Business,Airbus raises projection of deliveries to 320 +Sci/Tech,Genesis mishap probe focuses on backward design drawing +Sci/Tech,Microsoft unveils #39;PlaysForSure #39; logo which signifies <b>...</b> +Sports,Rain may have fallout +Sports,Coach #39;s suggestion to Beckham: Zip it +World,Polish PM wins confidence vote in parliament +World,Argentina replaces Chile in UN Security Council. +Business,General Motors Posts Weak Earnings +World,Belarusians Vote in Term Limit Referendum (AP) +World,Israel Ends Deadly Gaza Offensive (AP) +World,Australia 53-0 after conceding 141-run lead against India (AFP) +Sports,"Haslem, Wade power Miami Heat" +Business,Impact of soaring oil prices less consequential than in 1970s <b>...</b> +Business,Delta warns of bigger losses +Sports,Bayliss tips Rossi for big race +Business,Two educators are among year #39;s Milken recipients; each gets <b>...</b> +World,Palestinians Pick Up Pieces After Israeli Offensive +Sports,Rain is a gain for Boston +Sports,Tavarez says Cards are better +Sci/Tech,Bungie on Halo 2 Leak +Sports, #39;Loser #39; T-shirt pulled from stores +World,Muslims Asked to Concentrate on Righteous Deeds +Sports,NBA Brings Its Game to Beijing (AP) +Sports,"Geiberger Avoids Bogeys, Leads Greensboro (AP)" +Sports,The thrill isn't gone just yet +Sports,There's been no reign after delays +Sports,Changeups can't cross up Varitek +Sports,Gloom was in forecast +Sports,Field of dreams turned out all wet +Sports,Report: Caminiti died from overdose +Sports,Hill's goal to play active role +Sports,Injuries leave Jaguars with no end in sight +Sports,Coach: It's no big deal +Sports,Today's top 25 games +Sports,Ciocco's two goals give UNH tie +Sports,"BC starts fast, finishes strong" +Sports,Match pair for Els +Sports,Barnstable dominates Chelmsford in deciding game +Sports,Walsh in charge for Masconomet +Sports,Finish line is in sight for Martin +Sports,Transactions +Sports,Tizbud seeks second California Classic in row +Sports,Venus Williams misses out as Davenport advances to Kremlin Cup semifinals +World,India's Congress Set to Form Govt in Key State +Sci/Tech,Racers Rely on High-Octane Data +Sci/Tech,Drawings Blamed for Genesis Crash +Sci/Tech,Antidepressants and Suicidal Kids +Sci/Tech,New Crew Arrives at the Space Station +Sci/Tech,NASA Reviews Mix-Up That Doomed Capsule +World,Tsvangirai cleared but 20 MDC held +World,"Israel ends Gaza Strip raid leaving 123 Palestinian dead, heavy <b>...</b>" +Business,Greenspan #39;s act will be difficult to follow +Business,Greenspan allays fears of oil impact +Business,US Airways to cut pay by 21 percent; Delta warns it #39;s near <b>...</b> +Business,Investors fear no fix for Netflix +Sci/Tech,NASA Reviews Mix-Up That Doomed Capsule +Sports,India v Australia second test scoreboard - tea +Sports,O #39;Neal out with tight hamstring +World,"Teacher: On tape, prince says he cheated" +Business,Gas Prices Continue Slide +World,Pressure over Iraq troop movement +World,De Niro no-show for Italian award +Business,Delta at bankruptcy #39;finish line #39; +Business,"Pepsi, Coke updating labels with more nutritional data" +Sports,Park continues to set torrid pace +Sports,Dr. Kashnikow Wins Meadowlands Feature +World,Greece gets onto Security Council +World,Maoists will halt attacks during gala +World,"U.S. Image Slides, but Americans Popular (AP)" +World,"Policeman, Three Afghan Children Killed (AP)" +Business,Oil breaks through US\$55 a barrel +Business,Stock option rule delay provides chance for fix +Sci/Tech,PayPal: Service Fully Restored +Sports,Beckham prepares his defence +Sports,SEEDED TRIO BOW OUT +Sports,Astros #39; hopes ride on aging Clemens +Sports,Martin Back in Chase for NASCAR Title +Sports,Jimenez Ends Langer's Challenge at 35th (AP) +Business,Judge lets US Airways cut workers #39; pay by 21 +Business,Things better without Conway? +Business,Royal Group Executives Accused in Fraud Investigation (Update2) +Business,Companies given more time meet new rules on stock options +Sci/Tech,"Russian Spacecraft Avoids Collision, Docks with International <b>...</b>" +Sci/Tech,iTunes Downloads Hit 150-Million Mark +Sci/Tech,Music chiefs track down pirates +Sports,Kumble raises Indian hopes of win +Sports,Els edges away from Harrington +Sports,"Golf Roundup: Geiberger battles ailing hip, weather for lead at <b>...</b>" +Sports,"MOTOGP NEWS Gibernau, Rossi to fight title from the front." +Sports,Navy on a mission against Notre Dame +World,Palestinians Pick Up Pieces After Israeli Offensive +World,Living to the sound of gunfire +World,Churches Bombed in Baghdad +World,UN urges bigger Darfur deployment +World,Man Remanded over Danielle Murder +Sci/Tech,"Human Lie Detectors Almost Never Miss, Study Finds (Reuters)" +World,India's Congress Wins Polls in Key Industrial State +World,"Single Mothers 'Not Very Good,' EU Candidate Says" +World,Moore election special is dropped +World,"Five Churches, Hospital Bombed in Baghdad" +World,Two U.S. Soldiers Killed in Afghanistan +World,Fresh Wave of Violence in Baghdad +Sci/Tech,LiveWire: Web Sites Serve Up Array of Dining Options (Reuters) +Sci/Tech,"Google's Desktop Search is valuable, yet creepy (SiliconValley.com)" +Business,"Wall Street Faces 2 Elections, Not Just 1 (Reuters)" +Business,Holiday Sales Forecasted in New Ways (Reuters) +World,India's Congress Wins Polls in Key Industrial State (Reuters) +Business,Away on Business: Recipe for Success (Reuters) +World,British tennis set for grass cutter (AFP) +World,Murali will take back world record from Warne: Ranatunga (AFP) +Sci/Tech,"Programs: New 'Sandiego' Has Better Graphics, Less Learning" +World,AP: Memo Warned About Medicare Cards (AP) +Sci/Tech,Russian spacecraft docks with space station +World, #39;Sharon is a butcher #39; +World,"Explosions Rock Baghdad, Saturday" +Sci/Tech,New crew arrive at space station +Sports,Park in overdrive at Samsung Championship +Sports,Beckham plans his defence +Sports,"Nalbandian, Massu in CA Trophy quarterfinals" +Sports,Sadler hopes to sneak up on title +Sports,One man #39;s leg could be pivotal +Sports,Top-three seeds waltz out of Vienna +Sports,Mark Kreidler: Yao Ming epitomizes the Chinese athlete who is <b>...</b> +Sports,Sadler #39;s game plan: Beat Gordon +World,"Afghans need time, world #39;s continued help" +Sports,Schilling still may pitch for Boston against New York +World,India #39;s Congress Wins Polls in Key Industrial State +Business,Schwab posts loss in quarter +Sports,"Federer, Roddick, Hewitt pull out of Madrid Masters" +World,Israeli cleared after gunning down girl +Sports,Astros' Lidge Ready to Be Called Upon (AP) +Sports,Venus Williams Upset in Kremlin Cup Play (AP) +Business,"Both Coca-Cola, Pepsi to list calorie counts" +World,Karzai takes lead in Afghan presidential polls +World,"Darfur refugee death toll at 70,000" +World,Man appears in court over Danielle murder +World,Peru President's Kin Create Headaches (AP) +Business,Deluge of Big Earnings to Dominate +Business,Holiday Sales Forecasted in New Ways +Business,Away on Business: Recipe for Success +World,Car Bombs Kill Five Troops in Iraq +Business,"The day on Wall Street: Stocks up for day, down for week" +Sci/Tech,Intel having a hard time competing with AMD +Sci/Tech,Rockstar Games turns on the radio; GTA soundtrack details emerge +Sports,"Fans Flock to See Shaq, but He Sits" +Sports,Gotta Love This Time Of Year +World,UK opposition figure seeks troop info +Business,US Airways gets OK to cut workers #39; pay +Business,RBC Centura announces leadership change +Sci/Tech,A New Crew Arrives At the Space Station +Sci/Tech,Starbucks Spreading Its CD #39;Bars #39; +Sci/Tech,EarthLink to share Con Ed #39;s lines +Sci/Tech,Fossil of dinosaurs in sleeping posture found in China +Sports,"Els, Westwood lead World Match Play s-finals" +Sports,UPDATE 1-Canas to meet Lopez in second final in two weeks +Sports,Stuttgart Claim Top Spot with Win over BVB +Sports,Check Fridays and Mondays for weekly team updates and match <b>...</b> +Sports,Illinois Fighting Illini +Sports,Forgive and forget +World,Car Bombs Kill 5 US Troops In Iraq +World,Butcher of Bali faces execution +World,Attacks Kill Two US GIs in Afghanistan +World,Rwanda to delay deploying extra troops to Darfur by one week <b>...</b> +World,Danielle murder accused remanded +World,DRC will not accept further #39;aggression #39;: Kabila +World,Man sentenced to life for backpacker murder +World,India #39;s Ruling Congress Party Wins Key State Election +World,"More GIs, Families Trust Bush, Poll Finds (AP)" +World,"250 Leaders, But Not US, Back UN Population Plan (Reuters)" +Sports,"UCLA 70, Purdue 64" +World,Sudan Questions WHO Darfur Deaths Figures +World,Beirut Protests Over U.S. Plan to Freeze Assets +World,Iraq blasts mar Muslim holy feast +World,EU nominee in single mothers row +World,Madrid attack suspect identified +Business,Santomero Says Rates 'Still Stimulative' (Reuters) +Business,Santomero Says Rates 'Still Stimulative' +World,Senior House Repulican in Re-Election War (AP) +World,Indonesian cleric charged over Bali bombings +Sports,Bangladesh v New Zealand scoreboard +World,Bush Uses Radio Address to Pan Kerry +Business,Greenspan Not Too Worried by the Rise in Energy Prices +Business,Judge rules in favor of Tyco stockholders #39; lawsuit +Sci/Tech,Soyuz docks with space station +Sci/Tech,Google Gets Froogle with UK Shoppers +Sports,ELS CHASING 1MILLION BIRTHDAY PRESENT +Sports,Davenport loses in Kremlin Cup semis +World,Body of slain Chinese hostage flown home from Pakistan +World,Black Watch head for Baghdad +World,Another round for the great survivor +Sci/Tech,Soyuz spacecraft docks with ISS +Sci/Tech,Where to get cheap socks? Go to Froogle +Sci/Tech,Soyuz Spacecraft Docks With Space Station +Sports,UPDATE 4-Kumble puts India in sight of victory +Sports,Park #39;s confidence evident in her game +World,Egypt frees Azzam Azzam after 8 years +Sports,On Baseball: Rain dulls pain +World,Attacks Kill Two US GIs in Afghanistan +Sci/Tech,"Broadband Duopoly Calms Cable, Telecom Battles" +Sci/Tech,UN agency marks World Food Day +Sci/Tech,NASA Celebrates Life of Astronaut Gordon Cooper +Sci/Tech,New Telescope Being Dedicated in Arizona +Sci/Tech,Soyuz Spacecraft Docks With International Space Station +Sci/Tech,Fines and Jail Used to Enforce Flu Shot Rules +Sci/Tech,Mount St. Helens''Fin' May Be Splitting +Sports,Els and Westwood Build Halfway Mach Play Leads +Sports,Myskina to Face Dementiva in French Open Rematch +Sports,Canas to Meet Lopez in Second Final in Two Weeks +Sci/Tech,"Broadband Duopoly Calms Cable, Telecom Battles (Reuters)" +Sci/Tech,New FCC Rule Will Bring High-Speed Internet to More Americans +Sci/Tech,All-Girl Swedish Team Tackles Video Gaming +Sports,Henry shines right on cue +Sports,No. 25 UCLA beats Pepperdine 74-61 +Sports,Auburn Headed To Sugar Bowl +Sci/Tech,Last of Mercury Astronauts Remember #39;Gordo #39; Cooper +World,"Canada buries submariner, probes tragedy" +World,EU nominee in single mothers row +World,"With Few Suppliers of Flu Shots, Shortage Was Long in Making" +World,"Red Sox, Astros Hunt for Their First Wins" +Sports,"Stuttgart tops table as Bayern, Bremen lose" +Sports,Sri Lanka crush Pakistan +Sports,Myskinia heads all-Russian final +Sports,Pires inspires Arsenal #39;s fightback +Business,Judge Clears Way for Pay Cuts at US Airways +Sports,Bolton v Crystal P +Sports,UPDATE 1-Sri Lanka #39;s Jayasuriya foils Pakistan in final +World,Kabila Visits Eastern Congo +Sci/Tech,Look for lower prices on thin TVs +World,Crazy Horse Kin Want Strip Club Renamed (AP) +Sci/Tech,Philips Signs Services Deal With Dell +Sports,"Red Sox, Astros Hunt for Their First Wins (AP)" +Sci/Tech,Sleek computer moves from den to living room +Sports,Arsenal Streak Reaches 49 Games (AP) +Business,Australia #39;s Metcash Unveils A\$846M Bid For Foodland -2- +World,Mini-summit in Libya to seek progress on Darfur crisis +Sports,"Canas, Lopez Advance to CA Trophy Final (AP)" +Sports,Els and Westwood Set Up Final Showdown +World,"Kerry Unfit to Lead Amid 'Great Threats', Bush Says (Reuters)" +World,Two U.S. Soldiers Die in Afghan Attacks +World,"Canas, Lopez Advance to CA Trophy Final" +World,Colombian Indians Want Time to Forget Their Land +Business,Nordic Nations Prevail in Surveys of World #39;s Hot Economies +Sci/Tech,PayPal Back To Normal +Sports,"Canas, Lopez advance to CA Trophy final" +Sports,"UPDATE 2-Arsenal vanquish Villa, Man United lose ground" +Sports,SPORTSTICKER MLS PREVIEW (SAN JOSE-DALLAS) +Sci/Tech,Soyuz docks after space ride +Sci/Tech,And Then There Were Three +Sci/Tech,Tech Digest +Business,"When Spitzer Speaks, Insurers Take Note" +Business,Four bidders court Boeing +Business,Apple on a Roll in Q4 +Sports,"Els, Westwood win Match Play semifinals" +Sports,Garcia and Khan lead in Mallorca +Sports,Report: Trainer says Bonds used steroids in #39;03 +Sports,Sun setback for City +Sports,Kiwis earn draw in Auckland +Business,Crude oil touches \$55 US a barrel +World,Seven dead in Afghan attacks as vote count resumes +World,Robert Di Niro loves Italy!: +World,DRCongo president makes first trip to east: warns against <b>...</b> +Sports,Aussie tips Rossi to conquer lsland +Sports,Kiwis hold Aussies 16-16 in Tri Nations opener +World,UPI NewsTrack TopNews +World," #39;70,000 Darfur dead #39; since March" +Business,Judge OKs US Airways #39; plan to cut pay by 21 +World,"Two US soldiers killed, three wounded in Afghanistan" +World,Congo prepares to retake Kilwa +Sports,Lindsay Davenport Upset at Kremlin Cup +Sports,"Manchester United held, Arsenal rolls again" +Sports,Gasquet reaches first ATP Tour final in Metz +Business,US Airways Says Not Selling Aircraft (Reuters) +World,Els and Westwood clash for million pound Match Play title (AFP) +Business,US Airways Says Not Selling Aircraft +World,Colo. Voting Woes Rise As Election Nears (AP) +World,Senior House Republican in Re-Election War (AP) +World,Reports Zarqawi Seized in Iraq Untrue--U.S. Army +World,Sudan Questions WHO Darfur Deaths Figures +World,Russia Wins Permanent Military Base in Tajikistan +World,"Cuba Expels Spanish, Dutch Legislators in EU Spat" +Business,Landmark deal: IBM #39;s planned selloff would signal end of an era +World,Annan rejects Iraq oil bribe claim +World,Pickers to Vintners: A Mexican-American Saga +World,Clubs to Be Named for Socialite Hilton +World,Israel Calls Gaza Incursion Successful +World,Two American GIs Die in Afghanistan Blast +World,AP Poll: Security Top Issue for Americans +World,Thousands Queue for Dwindling Flu Shots +World,Thousands Queue for Dwindling Flu Shots +Business,NatFoods steps up defence +Sports,Barry Bonds Said to Use Illegal Steroids in 2003 +World,Baghdad blasts rock churches as car bombs kill four US troops +Sci/Tech,Churches Installing Cell Phone Jammers (AP) +Business,"Crude Oil May Rise on Supply Concern, Survey Shows (Update2)" +Sports,Cards' Kline Could Return in Postseason (AP) +Sci/Tech,"Microsoft, HP pleased with results of .Net partnership" +Sports,No. 2 Oklahoma Defeats Kansas State 31-21 (AP) +Sports,"Notre Dame 27, Navy 9" +Sports,Michigan State Blows Out No. 19 Minnesota (AP) +World,"Three rockets fired in Afghan capital, at least one injured" +World,Single mother remarks incense civil libertarians +World,Russia Wins Permanent Military Base in Tajikistan +Sports,Redskins' Arrington Out for Sunday (Reuters) +Sports,Trainer Says Bonds Took Undetectable Drug: Report +Sports,Dillon Remains Questionable for Sunday +Sports,Westwood Pays Tribute to Battling Jimenez +World,Germany Awaits Spain Extradition Request (AP) +Sports,Ferguson tells United -- #39;You must beat Arsenal #39; +Sports,"No. 2 Oklahoma 31, Kansas St. 21" +World,Violence returns to Afghanistan +Sports,"Spills apart, India hold edge in thriller" +Sports,"No. 14 Michigan 30, Illinois 19" +Sports,Real Madrid held to 1-1 draw by Betis in Spanish league +Sci/Tech,U.S. Bioterror Plan Frustrates Industry (AP) +World,"Two U.S. Helicopters Crash in Iraq, Killing Two (Reuters)" +World,Peru tells Japan Fujimori headed criminal group (AFP) +World,US choppers crash near Baghdad +World,Soyuz Capsule Docks in Tricky Maneuver +Business,Oil prices hit another high on Friday +Sports,UPDATE 1-Ronaldo strikes to give Real 1-1 draw at Betis +World,Italy #39;s under-fire EU candidate denies single mothers slur +Sports,Stuttgart stays unbeaten +Sports,Juventus takes control with win over Messina +Sports,"No. 2 Oklahoma 31, Kansas St. 21" +Sports,Heerenveen beats Ajax +Sports,Irish no longer under contruction +World,Iraq Insurgency Seen With British Eyes +World,Man remanded over Danielle murder +World,Powell on a three nation tour +World,Teacher calls prince a cheat +World,Jordan cancels Afghanistan soap opera +Business,Clash of the Titans +Business,Kerry Churns Up Enthusiasm in Former Bush Bastion in Ohio +Business,Goldman Sachs Goes Green +World,Military Families Express Some Iraq Doubts (AP) +World,"U.S. Planes Strike Falluja, Zarqawi Arrest Denied" +World,Former OAS Chief Under House Arrest in Bribe Probe +Sports,Els and Westwood in Match Play final +Sports,Lehman and Geiberger share lead at Greensboro classic +Sports,Ferdinand can benefit from winds of change +Sports,Marquis focused on Game 4 start +Business,The Incredible Shrinking Investment Bank +World,Sudan refutes Darfur death figures +World,Exam board clears Harry +Business,Lower Your Window Shades. Today's Film Is 'The Rookie.' +Business,What If a Sales Tax Were the Only Tax? +Business,The Dollar Is Defying Both Expectations and Gravity +World,Thousands Line Up for Dwindling Flu Shots +Sci/Tech,Apple: 150M songs sold via iTunes +Sports,Sooners Survive +Sports,Referee halts Dutch league match over crowd insults +Sports,Celtic leave Hearts broken +World,Violence in Afghanistan claims seven lives +World,Arab channels scrap soap on Taliban after Islamist threat +World,"Row erupts as Cuba refuses entry to Spanish, Dutch lawmakers" +Sci/Tech,Oklahoma Astronaut Remembered +Sports,Els moves in on record sixth title +Sports,Ferguson admits United deserve to be written off +Sports,Report: Trainer says on tape he gave Bonds steroids +Sports,Instant Analysis: Oklahoma at Kansas State +Sci/Tech,Memorial honors astronaut Cooper +Business,"From Baidu in China to Yahoo in America, Search Engine Sales Soar" +Business,UPDATE 2-National City 3rd-quarter profit rises 72 pct +Sports,Stifling Blues add to United worries +Business,Enron accused: Im being used to test anti-terror laws +Sports,Astros Lead Cards 5-2 After Eight Innings +Sports,"COL FB: Oklahoma 31, Kansas State 21" +Sports,"No. 1 USC 45, No. 15 Arizona St. 7" +Sports,PSV match abandoned +World,Top military analyst: Putting Black Watch on front line makes <b>...</b> +World,Hadash to petition AG over Gaza girl #39;s death +Sports,Astros Defeat Cardinals 5-2 in NLCS Game 3 (AP) +Sports,Closer Brad Lidge Delivers for Astros (AP) +Sports,No. 1 USC Routs No. 15 Arizona St. 45-7 (AP) +Sports,No. 4 Auburn Passes by Arkansas 38-20 (AP) +Sports,Redskins Sign Kicker for Bears Game (AP) +Sports,No. 9 Texas Holds Off Missouri 28-20 (AP) +Sports,Clemens Pitches Astros Back Into NLCS Series +Sports,Lehman and Geiberger Share Lead at Greensboro Classic +Sports,Astros Take Game 3 +Sports,A Blitz of Questions +Sports,Trojans Protect Ranking +Sports,Bison Take It in OT +Sports,White in Heisman Form +Sports,"For Itati, Baltimore Is First-Time's-the-Charm City" +World,London's 'erotic gherkin' wins top architecture prize (AFP) +World,Paper: Expletive Hidden in Campaign E-Mail (AP) +World,Former OAS Chief Under House Arrest in Bribe Probe +Business,Car makers - and unions - must face up to cutting jobs +Sports,Serie A Wrap: Juve Halt Messina As Roma Get Back On Track +World,Why trial result was a Mugabe masterstroke +World,Danielle accused in court +Business,Record US trade deficit last August. +Sci/Tech,Soyuz crew docks craft manually with international space station +Sports,Jimenez ends Langers run +Sports,"Astros ride Clemens, homers to win" +Sports,"Buckeyes Blasted In Iowa City, 33-7" +Sports,El Nino Juninho blows hot for Celtic +World,"Iraq insurgents hit churches, kill four American troops" +World,Now EU justice hopeful slams single parents +World,Former OAS Chief Under House Arrest in Bribe Probe +Sports,Red Sox Still Hopeful of Schilling Pitching (AP) +Business,Greenspan upbeat on oil spike +Business,UK bankers face Enron fraud trial +Business,Sempra to buy Indonesia gas from BP for North America +Business,Revolving Door +Business,COAST TO COAST +Business,Services Help Social Networks Get Connected +Sci/Tech,Incorrectly Installed Switches Caused Space Crash Earlier This <b>...</b> +Sci/Tech,Endangered species conference ends +Sci/Tech,Disney uses feng shui in Hong Kong +Sci/Tech,Ben Bova: Exciting new era dawns in space flight +Sports,Yankees rout Red Sox; take 3-0 series lead +Sports,Els Eases Into the Final in England +Sports,Park continues to lead at Samsung World Championship +Sports,Glazer bid foundered on control condition +Sports,Fergie Still Fuming over Arsenal Antics +Sports,"Soccer: Bayern fall to Schalke defeat, Stuttgart pull away" +Sports,Johnson completes sweep at Lowe #39;s +Sports,Ronaldo saves Real #39;s Betis blushes +Sports,UPDATE 1-Leaders Juve end Messina #39;s unbeaten start +Sports,China Games Notebook +Sports,"Purdue suffers first loss of season to Wisconsin, 20-17" +Sports,NBA Game Summary - Detroit At Miami +Sports,Yankees 19 Red Sox 8 +World,Australia eyes treaty with Jakarta +World,Ousted OAS president returning home +Sports,UPDATE 2-Ronaldo strikes to give Real 1-1 draw at Betis +World,Karzai widens early lead in Afghan poll +World,Kabila Visits Ex-Rebel Territory +Business,"AT T, MCI May Be Cheap, But No One Buying (Reuters)" +World,Egypt Won't Invite Iraq Opposition Groups (AP) +World,Seven dead in Afghan attacks as vote count resumes (AFP) +World,2004 Presidential Endorsements (AP) +Business,Tokyo Stocks Seek Direction from Overseas +Sports,NFL Wrap: Manning Throws 3 TDs to Lead Colts Past Titans +World,Russia to Join NATO Anti-Terror Patrols (AP) +World,Diplomatic Shuffle Begins to Kickstart NKorea Talks +Business,Dawn of the New Can +Business,Methods to the Madness +World,China's Ex-Party Chief Turns 85 Under House Arrest +Business,What if a Sales Tax Were the Only Tax? +World,'We are proud to be Africans' +World,Weight ops linked to nerve damage +World,Broad Use of Harsh Tactics Is Described at Cuba Base +World,Yankees Stun BoSox 19-8 for 3-0 ALCS Lead +World,"Six GIs Killed in Iraq Bombings, Crashes" +World,A Stricken Town Seeks Scapegoats +World,"Violence, Crash in Iraq Kill 6 Troops" +Sci/Tech,Lycos Europe appears to have canned its spam war +Sports,Park continues torrid play at Samsung +Business,"Oracle, PeopleSoft wrap up trial" +Sports,Second best isn #39;t good enough +Sports,Why They Play The Game +World,India #39;s ruling Congress party retains power in richest state +World,Task Force Olympia soldier dies of wounds suffered in car bombing +Sci/Tech,All-Girl Gaming Team Takes Aim at Boys (AP) +Sci/Tech,Soyuz Capsule Docks in Tricky Maneuver (AP) +Sci/Tech,Unlikely Visionary Behind Race to Space (AP) +Sci/Tech,Japan 2005 Expo to Display Frozen Mammoth (AP) +Sci/Tech,Automakers Display Eco-Friendly Cars (AP) +Sci/Tech,MySQL and ALTER TABLE Guilty as Charged +Sci/Tech,Ghost in the Shell - SAC +World,Israel Says Gaza Incursion Was a Success (AP) +World,Brazil ready to down drug planes +Business,Wal-Mart reports drop in shoppers +Sports,Closer Brad Lidge Delivers for Astros (AP) +Sci/Tech,Microsoft #39;s #39;Halo 2 #39; game leaked +Sports,Clemens Plays Role Of Hometown Hero +Sports,Trainer Links Bonds to Drugs +Sports,No. 8 California Runs Over UCLA 45-28 (AP) +World,Ramadan Begins with Attacks in Iraq +World,Indonesia #39;s Megawati will not attend swearing in of successor <b>...</b> +Sports,Earthquakes Tie Burn to Clinch Playoffs (AP) +Business,"Iraq #39;s Allawi due in Russia for oil, debt talks" +Sports,Defense Delivers Badgers an Upset +Sports,Yankees Rout Red Sox +Sports,Familiar Foes +Sports,Hayes Impresses Early +Sports,Badgers Take Control +Sports,Cox Shines at Pimlico +Sports,Wizards Down Galaxy +Business,Russia #39;s energy sector hinges on Yukos fight +Business,Netflix stock drops 41 percent +Business,Playing the Percentages +Business,Main banks look to US mergers for profits +Business,Driving through fall foliage almost as fun as destination +Sports,"It #39;s yet another typical autumn: Leaves fall, and Yankees rise" +Sports,"Behind Sexton, FSU shows dominance of old in rout" +Sci/Tech,Deluxe Handhelds Try Hard to Justify the Price (washingtonpost.com) +World,Karzai well ahead in Afghan tally +World,UK troop plan for Baghdad stirs fears +World,5 Iraqi churches damaged during Ramadan +World,MOFA denies dollar diplomacy claim +Sci/Tech,Rojo Tracks 800k Blogs +Sci/Tech,Deluxe Handhelds Try Hard to Justify Price +Sci/Tech,Sites Help to Connect Social Networks +Sci/Tech,Chasing Apple's iPod +Business,"Giant loss for Fed, big A amp;M gain" +Sports,Illinois unable to come away with big upset +World,Israeli army pulls back +World,Violence will lead Haiti #39;s pro-Aristide party nowhere: premier +Sci/Tech,Glitch forces manual docking to space station +Sci/Tech,NE researchers say spruce damage echoes effects of acid rain +Sports,Game 3 outburst just one way club has built 3-0 lead +Sports,Rocket saves the day +Sports,Rossi clinches MotoGP title with Australian win +Sports,Park on pace for sixth win +Sports, #39;Greatest slow on earth #39; +Sports,Miller makes most of chances +Sports,"Mids unlucky against Irish, again" +Sports,"Johnson Takes the Race, While Others Pursue the Cup" +World,India #39;s Congress win in state helps national clout +World,Paper: Jeb Bush Ignored Felon List Advice (AP) +World,Moto GP: Rossi retains world title +World,6 Killed in Arizona As SUV Flees Deputies +Sports,Red Sox-Yankees Game 3 was more embarrassment than classic +Business,RBC Centura CEO steps down +Business,FCC rule may lead to broadband expansion +Business,"About 1,600 staff apply for Aer Lingus redundancy packages" +Sci/Tech,"Disney revs for India, China may take time: Iger" +Sports,Clemens clocks Cards +World,Blair warned against troops help to US in Iraq +World,Political correctness gone mad +Sci/Tech,A New Crew Arrives at the Space Station +Sci/Tech,Do Good! Win a Prize! +Business,AN ECONOMY HANGING TOUGH +Business,"Delta struggles with weak revenues, deep discounts, high fuel <b>...</b>" +Business,Options-expense rule put off until June +Business,NEXT GEN HEALTHCARE +Sci/Tech,Chasing Apple #39;s Dominant iPod +Sci/Tech,Big fish and prized trees gain protection +Sports,Record sixth title in Els #39; reach +Sports,Davenport loses to Myskina in Kremlin Cup semifinals +Sports,ALCS NOTEBOOK Lowe gets to start for Sox in must-win situation +Sports,Kings beat Rockets 91-89 in NBA Beijing game +Sports,Local guys sink Navy +Sports,SPORTS AND DRUGS Baseball #39;s big concern: integrity +Sports,Kumble Wickets Give India Advantage Against Australia in Test +Sports,Rossi reigns supreme +Sports,Trojans live up to their top ranking +World,Australia considering new security pact with Indonesia +World,Germany Set to Hand Hamburg Qaeda Suspect to Spain +World,Two engines recently replaced on cargo jet +Business,French NGOs push to save African chicken farmers from Europe (AFP) +World,Saudi Forces Arrest 4 Suspected Militants (AP) +World,"New York Times, three other US dailies endorse Kerry for president (AFP)" +World,"NATO, Russia vow to boost anti-terror cooperation (AFP)" +World,Germany Set to Hand Hamburg Qaeda Suspect to Spain +Business,France 'unaffected' by oil surge +World,Fierce fighting around Iraqi city +Business,Harvard's\$12 billion man +Business,Reilly won't pursue Kohl's over pricing practices +Business,"For labor markets, definition of 'normal' is changing" +Business, Is it appropriate for my boss to ask me if I'm looking for another job? +Business,Jackpot! Now what? +Business,Mired in a mess? Get organized +Business,Long-term care insurance poses its own set of risks +Business,Savvy grocers with a recipe for expansion +World,Circus an escape for Brazilian youth +World,"On a tourist trail in Bolivia's hills, Che's fame lives on" +World,Newspaper cites abuse at Guantanamo +World,Chechen rebel is targeted in attack +World,Radicalism takes root with Moroccans +World,Bush and Kerry Address Voters' Anxieties on Stump +Sports,Starters were finished early +Sci/Tech,Gates Says Broadcast TV Model Faces Irrelevancy +World,Laser-sharp gamblers keep winnings +World,Israelis in fresh Gaza incursion +World,Storm shows Haiti #39;s straits +Sci/Tech,Celebrating The quot;Right Stuff quot; -- Mercury Astronaut Gordon quot;Gordo quot; <b>...</b> +Sci/Tech,Digital Entertainment Everywhere +Sports,Jackson #39;s buzzer shot beats Yao in China +Sports,Italy: Juventus increases lead +Sports,Chance for upset just a Midshipmen night #39;s dream +Business,European stock markets face rough water over new accounting <b>...</b> +Business,Tales from the pit: A woman trader #39;s story +Sports,Cardinals #39; Kline hopes to return +Sci/Tech,Switch problem on Genesis craft +Sci/Tech,Pipeline (TechWeb) +World,Reuters Poll: Kerry Trims Bush Lead to 2 Points (Reuters) +World,Group of Abu Ghraib Detainees Freed +Sports,"Columbus Crew, Colorado Rapids Tie 1-1 (AP)" +Sports,No. 7 Florida St. Tops No. 6 Virginia 36-3 (AP) +Sports,"Yankees Crush Red Sox, One Win from Sweep" +Sports,Kings Beat Rockets in Tense Beijing Finish +Sports,Home wreckers +Sports,Odds are fandom fell into trap +Sports,Eagles foiled by Pitt stop +Sports,"Gary Payton, unguarded" +Sports,Revolution in with the in crowd +Sports,Patriots test their mettle against iron +Sports,"On film, Seymour sees more" +Sports,San Jose ties up final berth +Sports,Image takes new hit as Beckham bends rules +Sports,"Team's talent clear to see, says confident Pierce" +Sports,Spartans bury Gophers early +Sports,White saves Sooners +Sports,"Leak, Gators bounce back" +Sports,Wolverines wake up late +Sports,Darby helps turn the Tide +Sports,Lester left with an empty feeling +Sports,"Irish extend streak, hand Navy its first loss of year" +Sports,Rutgers stumbles past Owls +Sports,"Late TD, FG lift Broncos" +Sports,Tomahawk chopped +Sports,Brown taps Burke as assistant captain +Sports,Hennessy rouses Andover from a slow start +Sports,Trinity streaks to 18th straight win +Sports,Chelmsford runners go 1-2 +Sports,Last-minute TD stops Maine +Sports,Xaverian clips Falcons +Sports,Win gains Johnson little +Sports,Minutemen slam the brakes on their skid +Sports,Green with envy +Sports,Falmouth blanks Dartmouth +Sports,Walpole retains top spot +Sports,Quakers sow oats in league +Business,"Sainsbury's 'creating 3,000 jobs'" +Sci/Tech,ONLINE MUSIC: BUY VS. RENT +Sports,Kings Beat Rockets in Tense Beijing Finish +Sports,Rossi admits surprise at title +Business,"Sainsbury #39;s #39;creating 3,000 jobs #39;" +Business,"Samsung, Sony Ericsson Post Gains" +Sci/Tech,Bill Gates: A model for the future +Sports,Revs Sneak Into Playoffs On Final Day +World,"Opel managers and workers reps to meet, stoppages set to continue (AFP)" +Sports,India need 210 to win Chennai Test +Business,Fed Debates Policy for Post-Greenspan Era +Business,Update 3: Workers at German Plant Keep Up Protest +Business,Trial turns into bid dance +Business,Skyway windfall seen as #39;blessing and a curse #39; +Business,Economy on Track as Retail Sales Jump +Business,Northwest Pilots +Business,"Oil prices lead fund to Mexico, away from China" +Sci/Tech,Chinese satellite part hits house +Sci/Tech,FDA Approves Human RFID Tags +Sci/Tech,Microsoft battens down Windows XP #39;s hatches +Sci/Tech,Flip and shoot +Sci/Tech,Microsoft announces Xbox holiday bundle +Sports,Myskina wins Kremlin Cup again +Sports,Arsenal kicks five points clear as Chelsea beaten +Sports,Derby Win Sends Bara Clear +Sports,Shorthanded Juve Top Messina +Sports,Astros #39; Oswalt will pitch through pain +Sports,Irish Take Big Step +Sports,Johnson hangs on for win +Sports,Illinois Notebook +Sports,Patriots not getting ahead of themselves +World,US Continues Major Attack on Fallujah +World,Newest Darfur peacekeepers delayed a week-Rwanda +World,Colin Powell to hold talks in Japan +World,UK appeals for Bigley #39;s remains +World,Liverpool slur puts Tory on back foot +World,Bashir case #39;a trap #39; +Sports,"BoSox, Astros Play for Crucial Game 4 Wins (AP)" +Sports,No. 10 Wisconsin Tops No. 5 Purdue 20-17 (AP) +Sports,Texas to face Michigan in 91st Rose Bowl +Sci/Tech,Privacy breach feared from human-implant chip: +Sports,Myskina Beats Dementieva Again to Win in Moscow +Sports,Rangers stung by Thistle +Sports,Clemens gives the Astros a liftoff +Sports,"If the new shoe fits, Schilling may wear it" +Sports,Decision to start El Duque final +Sports,Wakefield's return engagement came early +Sports,"Hernandez rested, ready" +Sci/Tech,Broadband ups European Web users to 100 m +World,"Seven Iraqis Die in Falluja Battles, Baghdad Attack" +World,African Leaders in Libya to Discuss Darfur +Sports,Little worked for Francona +World,Belarus Votes to Extend Lukashenko's Rule +Sports,Better than the best +Sci/Tech,Invasion Of The (i)Pod People +World,Russia urges Iran nuclear action +World,Karzai Rival Refuses to Concede Election +World,"BoSox, Astros Play for Crucial Game 4 Wins" +World,JFK Aide Pierre Salinger Dies at 79 +World,Two Soldiers Die After Crash in Iraq +World,Northwest Pilot Leaders Endorse Pay Cut +World,Annan: Iraq War Hasn't Made World Safer +World,Jordan Indicts Al-Zarqawi in Conspiracy +Sports,UPDATE 1-Myskina beats Dementieva again to win in Moscow +Sports,Wenger calls for cool on Man U +Sports,NBA China or Chinese NBA? +World,Israelis quit Gaza after killing 138 +World,Statement About UK Troop Deployment in Iraq +World,"UN: 10,000 People Dying Monthly in Darfur" +Sports,NO WAY OUT FOR ENGLAND +Business,"All Ords get help from gold, Dr Money" +Business,"Alitalia Sees 2004 Loss of EU515 Million, in Line With 2003" +World,Palestinian Zakah to Combat Poverty +Sci/Tech,Your Daily Tech News Service... +Sports,BARCLAYCARD PREMIERSHIP BETTING ODDS: ARSENAL +Sports,Ronaldo saves Real #39;s Betis blushes +World,British troops may be sent to Baghdad +World,Slain Captive Engineer: Pakistan repatriates Body to China +Sci/Tech,Jon Stewart Attacks the Media through Crossfire +Business,Fed Debates Policy for Post-Greenspan Era (Reuters) +Business,Deluge of Big Earnings to Dominate (Reuters) +World,U.N.'s Annan: Iraq War Done Little to Halt Terrorism (Reuters) +World,African Leaders in Libya to Discuss Darfur (Reuters) +World,European Ministers Meet for Terror Talks (AP) +Business,Halloween Means Sales as Adults Join In (Reuters) +World,"Vancouver votes in record numbers, rejects ward-based electoral system (Canadian Press)" +Business,Deluge of Big Earnings to Dominate +World,Settlers Say Gaza Meeting with Sharon a 'Disgrace' +Sci/Tech,Comet Smashed Into Southern Germany In 200 BC +Sci/Tech,Unlikely Visionary Behind Private Race to Space +Sci/Tech,New Hope in the Fight Against Breast Cancer +World,Bush Says He's Best Protection From Draft +World,U.S. Continues Major Attack on Fallujah +Sci/Tech,A new crew arrives at the space station +Sports,Myskina defends title in Moscow +Sports,Loeb takes the slow road to first world title +World,Karzai leads in Afghanistan vote count +World,Chemical Blast Wounds 2 at Kenya Airport +World,Saudi Arabia bans tinted car windows +Sci/Tech,Many Churches Installing Cell Phone Jammers +Sports,New England Patriots +Sports,San Diego Chargers +World,Kabila makes symbolic visit to eastern DRC +World,Jordan Indicts Zarqawi in Foiled Chemical Plot +Business,IPO plans from China #39;s sole unlisted telecom +Sci/Tech,Microsoft #39;s Halo 2 video game leaked on internet +Sci/Tech,Paris report: Open-source move could be costly +Sports,Golf: Els wins record sixth World Match Play title +World,Iran ready to discuss nuclear issue quot;without conditions quot;: official +World,"Seven Iraqis Die in Falluja Battles, Baghdad Attack" +Sports,Relentless Els Seals Record Sixth Match Play Title +World,Chinese finance minister says nine per cent economic growth acceptable (Canadian Press) +World,Voters Dislike Nasty Campaigns (AP) +Sci/Tech,Paris govt. offices slowly switching to open-source software +Sports,Boston Facing Monster Challenge +Sports,SportsNetwork Game Preview +Sports,Rusedski Only Un-seed Into ATP Moscow Semifinals +Sports,Stuttgart Top In Day Of Shocks +World,Britain may move troops north +World,Two killed in mortar attack in Baghdad +Business,Delta Reports That Its Cash Is Dwindling Rapidly +Business,Royal Group Technologies shares remain halted as rumours swirl +Sports,Els claims record sixth Match Play +Sports,Favourite Garcia Takes Mallorca Honours +Sports,Cloak and dagger Dortmund +World,Sudan Questions WHOs Darfur Death Toll +World,First Permanent Russian Military Base Opened +Business,Greenspan on Oil +Business,Google Desktop Search 1.0 Beta +Business,Bear Stearns bond offering practices investigated +Business,"GM, Struggling in Europe, Sets Big Job Cuts" +Business,New Threat to Yukos Licenses Issued +Business,Sun Micro Posts Narrower Quarterly Loss +Sci/Tech,"Barrett: Intel Makes U-Turn, Cancels Four-Gigahertz Chip" +Sci/Tech,"Microsoft Claims Partnership Creates 1,000 .Net Platforms" +Sci/Tech,Four sentenced for web porn in Beijing +Sci/Tech,IBM and Cisco in enterprise security tie-up +Sports,(Sports Network) - This year #39;s American League Championship Series <b>...</b> +Sports,"Garcia pulls away, wins Mallorca Classic" +Sports,Ferguson begins war of words +Sports,"Packers break out of slump, pound Lions" +Business,Sun Micro Posts Narrower Quarterly Loss +World,"US troops, insurgents fight around Iraqi rebel city of Fallujah" +World,UK ponders Iraq troop switch +World,Two hurt in Kenya airport blast +World,"Fire rips through Venezuela tower, no casualties" +World,Tehran sticks by #39;right #39; to master nuclear fuel cycle +World,Literary icon rejects Nigerian award +Sports,Australia set India 229 to win second Test: +Sports,"Jets 22, 49ers 14" +World,Karzai Rival Refuses to Concede Election +Business,Spitzer Strikes +Sports,Oswalt hopes to pull Astros even +Sports,Myskina Leads a Homegrown Double +Sports,Yao Ming Returns to China to NBA Exhibition Game +Sports,Montella inspires Roma to first away win +Sports,Busch bounces back from everything to hang on to points lead +World,Blunderer Boris told to say sorry across the Mersey +World,Africa leaders seek Darfur peace +World,Two hurt in Kenya airport blast +World,Tamil Tigers reject peace plans +World,Thousands of Britons Protest War in Iraq +World,Zarqawi Movement Vows al-Qaida Allegiance +World,Kerry Warns of Privatized Social Security +World,"Investors Weigh Pharmaceuticals, Techs" +World,Tommy Lee Plays With College Marching Band +World,"U.S. Ground, Air Attacks Pound Fallujah" +World,Pentagon: Ex-Detainees Return to Terror +World,Karzai Rival Refuses to Concede Election +World,Violence Continues in Fallujah +Sci/Tech,"Sony May Open Stores, Worrying Retailers (AP)" +Sci/Tech,Is the Mobile Phone the Next iPod Killer? (Reuters) +World,Settlers Say Gaza Meeting with Sharon a 'Disgrace' (Reuters) +Business,Biogen Mulling Bid for Ireland's Elan (Reuters) +World,"Loud Blast Shakes Baghdad, Casualties Feared (Reuters)" +World,Karzai maintains lead in early Afghan vote count (AFP) +World,'No Child Left Behind' Top Education Issue (AP) +World,Judge Recalls Football Glory in Campaign (AP) +World,S.C. Candidates Pledge to Fully Arm GIs (AP) +Business,Biogen Mulling Bid for Ireland's Elan +World,Settlers Say Gaza Meeting with Sharon a 'Disgrace' +Business,US Global's Holmes Mines Commodity Stocks +World,"Loud Blast Shakes Baghdad, Casualties Feared" +World,Zarqawi Pledges Allegiance to Bin Laden -- Web Site +World,"Pope Says World Racked by Violence, Terrorism, War" +Sports,Packers end skid with 38-10 win +Sci/Tech,Chinese Space Capsule Hits House +Sports,Loeb clinches rally title +Sci/Tech, #39;); //-- gt; Eye On Stocks +Sports,Kansas City Chiefs +Sports,Els tops Westwood to win his record sixth HSBC Match Play crown +Sports,Choose a topic from the pull-down menu: +Business,Bear Stearns Bond Unit Is Under SEC Investigation +Sci/Tech,Satellite part returns with a bang +Sports,Myskina to Defend Moscow Title in Roland Garros Final Rematch +Sports,Shearer stars at both ends +Sports,Juve stretch lead as Roma grab win +Sports,"Martyn braves heat, takes Test to wire" +Business,Chinas economy: Fear and attraction +World,Sudan seeks talks with new group +Sci/Tech,Tiny L.E.D.'s Grow Into Mighty Theatrical Lights +World,Belarusians OK Scrapping Term Limits (AP) +Sports,"Pats Beat Seahawks, Extend Win Streak (AP)" +Sports,Redskins Beat Bears 13-10 to End Skid (AP) +Sports,Sports: Falcons 21 Chargers 20 +Sports,Bills Get First Win Over Winless Dolphins (AP) +Sports,Badgers Primed for Championship Run (AP) +Sports,Relentless Els Seals Record Sixth Match Play Title +Sports,"Wolfsburg Beaten by Hanover, Stuttgart Stays Top" +Sports,Valencia Defeat Leaves Barca Five Points Clear +Sports,Jets Go 5-0 With Win Over 49ers +Sports,U.S.C. Extends Lead Over Oklahoma in A.P. Poll +Sports,Els Wins Record Sixth Match Play Title +Sports,"Portis Pounds Bears, Redskins Snap Streak" +Sports,Eagles Rout Panthers +Sports,Els Wins Record Sixth Match Play Title +Sports,Bills RB McGahee Gets First Career Start +Sports,Rockets Nip Kings As NBA Travels to China +World,RCMP help find crashed jet #39;s data recorder +Sports,NFL Wrap: Manning Throws 3 TDs to Lead Colts Past Titans +Business,Former Enron finance executive testifies in barge case +Business,"Filtered estimates find upside, downside candidates" +Sci/Tech,Possible new iPod causing buzz +Sports,Loeb takes the world championship +Sports,"Lions Return to Old Form, Crushed 38-10" +World,Indonesia pact gets bipartisan support +World,US death penalty foes want Kerry presidency (AFP) +World,Zarqawi Movement Vows al-Qaida Allegiance +World,Some Detainees Said Returning to Terror +World,"Pats Beat Seahawks, Extend Win Streak" +World,"U.S. Ground, Air Attacks Pound Fallujah" +Business,Risk consultant Kroll names new CEO +Sci/Tech,Archos announces iPod Mini sized 20Gb MP3 player +World,African mini summit on Darfur opens in Libya +World,Annan says world no safer +World,Explosion wounds at least two people at an airport in Kenya +World,Taliban #39;s sense of humour fails TV test +Business,JD Power Reportedly Exploring Sale +Business,McNealy: Pulling Out A Tough Quarter At Sun +Sports,UPDATE 3-Valencia defeat leaves Barca five points clear +World,The Monday Interview: Leader of the Movement for Democratic Change +World,Buttiglione singles out a new target: lone parents +World,Investigators find data recorder at Halifax crash site +World,China Sends 95 Riot Police to Join UN Peacekeepers in Haiti +Sci/Tech,Chinese Showcase Fuel-Saving Cars (AP) +Sports,NFL Wrap: Patriots Roll to 20th Straight Win (Reuters) +Sports,Auburn Downplays National Title Hopes (AP) +Sports,McNulty Runs Away With SBC Championship (AP) +World,GIs Who Refused Job Had Unarmored Trucks (AP) +World,Libyan leader Gadhafi hosts mini-summit on Sudan's Darfur conflict (Canadian Press) +Business,Bid-fixing claim shakes insurers +Business,Greenspan: 2004 Oil Prices No #39;74 Flashback +Business,China Netcom files for IPO +Business,US quality analyst seeks finance +Business,MIG wins bid for US toll bridge +Sci/Tech,Apple iTunes sold more than 150 million songs +Sci/Tech,Apple unveils new #39;mini #39; stores +Sports,Mercy! Longest night at Fenway +Sports,Astros Lead Cards 6-5 After Seven Innings +Sports,Lisbie saves Charlton #39;s centenary celebrations +Sports,Soccer: Adriano paces Inter Milan +Sports,NFL Wrap: Patriots Roll to 20th Straight Win +Sports,Butcher hails #39;barrier #39; Klos +Sports,Week 6: Sunday Stud +Sports,Sherman #39;s talk propels Packers over Lions +Sports,"Jets shake off slow start, stay undefeated" +World,Belarus Leader Wins Vote to Extend Mandate -Official +World,Sudan Needs Help to End Darfur Crisis - Egypt +World,Kenyan Airport Blast Injures at Least Two +World,Iraqi Christians struggle to stay +Sports,Baseball: Yankees add page to long Red Sox tale of misery +Sports,"Broncos 31, Raiders 3" +World,Haiti #39;s Leader Says Aristide Is Behind Violence +World,Tokyo Stocks Seen Moving Little (Reuters) +World,Kerry Warns Middle Class Against Bush (AP) +Business,Tokyo Stocks Seen Moving Little +World,State Elections Mirror National Divide (AP) +World,"In US senate race, AIDS-ravaged Kenyan village roots for native son (AFP)" +World,Belarus Leader Wins Overwhelming Vote for New Term +Business,Will Google say hello to IM? +Business,Kremlin hits new Yukos with new threat +Business,Former Enron accountant presenting defense in barge case +Business,Report: Housing Industry Set for Trouble +Sci/Tech,Apple computer unveils mini-stores +Sci/Tech,IBM tops off Power 5-based server line +Sports,Martyn inspires Aussies #39; fightback +Sports,Soccer: Battling Charlton keep unbeaten home record +Sports,"Patriots get scare, then 20th consecutive win" +Sports,Prso stars in leading role +World,Baghdad car bomb kills seven +World,Libyan leader Gadhafi hosts mini-summit on Sudan #39;s Darfur conflict +World,Thousands in anti-war protest rally +World,Bombers Target Christian Churches in Iraq +World,Bomb blast shatters Baghdad cafe +World,Bush and Kerry woo Florida +World,U.S. Navy Makes Skirts Optional for Women +World,Kerry Sees 'Disaster' for Middle Class +World,Car Bomb Kills at Least Seven in Baghdad +World,Johnny Depp Says He's No Heartthrob +World,Pentagon: Ex-Detainees Return to Terror +World,Lopez Defeats Canas to Capture First Title +World,Fire Sweeps Through Caracas High-Rise +World,UK Displays Shocking Contempt +Sci/Tech,Switches blamed for Genesis crash +Sports,Sports: Browns 34 Bengals 17 +Business,"UPDATE 2-Blockbuster cuts online price, challenges Netflix" +Sports,England set to tour as ICC clear Zimbabwe +Sci/Tech,Biologists Hunt Destructive 'Frankenfish' (AP) +Sci/Tech,Last of Mercury Astronauts Remember 'Gordo' Cooper (Reuters) +World,Nigerian Novelist Waives Award in Protest (AP) +World,Tokyo Stocks Open Higher (Reuters) +Business,Harmony set for Gold Fields bid - FT +Business,"Copper May Recover After Worst Week in 5 Years, Survey Shows" +Business,New check law sinks the #39;float #39; +Sci/Tech,South Korea to Pick Country #39;s First 2 Astronauts +Sports,Broncos Rout Reeling Raiders 31-3 (AP) +Sports,"GAME DAY RECAP Sunday, October 17" +Sports,Second Test finely poised +Sports,"Browns 34, Bengals 17" +Sports,Steelers Rally to Defeat Cowboys 24-20 (AP) +World,Chinese Riot Police Heading for Haiti +World,News Analysis: Questions arise on democracy at the EU +Sports,Record-Tying Beltran Blasts Astros Into Series Tie +Sports,Brent Geiberger Emulates Father Al for PGA Tour First +Sports,Patriots Extend Winning Streak +Sports,Beltran's Bat Ties Series +Sports,Patriots Win 20th Straight +Sports,7 DAYS +Sports,Starting Lineup +Sports,Busch in Driver's Seat +Business,Tokyo Stocks Open Higher +Business,Risks Seen for TV Chain Showing Film About Kerry +Business,Investor Suit at Disney Puts Exits in a Spotlight +Business,Google Envy Is Fomenting Search Wars +Business,Ford to Offer Sirius Radio as an Option in More Cars +Business,Eisner vs Ovitz: this time in court +Business,Japanese Automakers #39; Stocks Such as Toyota Gain; NEC Declines +Business,"Multiplex, Westfield Lodge \$1 Billion Joint Bid for Chelsfield" +Business,Google Envy Is Fomenting Search Wars +Business,Prepaid College Plan enrollment begins Monday +Sci/Tech,Starbucks launches first of quot;music bars quot; for CD burning +Sci/Tech,Four sentenced for online porn +Sports,India Needs 210 Runs to Tie Test Cricket Series With Australia +Sports,Sorenstam takes California title +Sports,"Ray Boone, patriarch of three-generation baseball family, dies at <b>...</b>" +World,Israel Feuds With Agency Set Up to Aid Palestinians +World,France promises to fight anti-Semitism +World,Howard seeks apology over Liverpool article +Sports,Spartans outplayed by George Washington in first round of BB amp;T <b>...</b> +Business,LionOre Mining offers \$208M US to acquire MPI Mines Ltd. of <b>...</b> +Business,Investor Suit at Disney Puts Exits in a Spotlight +Business,Bid launched for property firm Chelsfield +Sports,Lions shoot blanks vs. Pack +Sports,Ray Boone passes away at 81 +Sci/Tech,"iPod, DVD Players Lead Aug. Electronics Prices Lower (Reuters)" +World,African leaders discuss Darfur in Libya +World,Envoy pleads for Bigley #39;s body +World,Sudan Needs Help to End Darfur Crisis - Egypt (Reuters) +World,Tampa Newspaper Withholds Endorsement (AP) +World,U.S. Commander in Iraq Faulted Supply Chain --Report +Sports,Lehman finishes T-4 at Greensboro +Sports,Primera Liga reports +Sci/Tech,"With Each Technology Advance, a Scourge" +Sci/Tech,Now Showing at Apple: The Return of Mr. Jobs +Sci/Tech,A Hitch in Offering Online Prices +Sports,Yanks Lead Boston 2-0 After Three Innings (AP) +Sports,Astros Recover From Oswalt's Poor Start (AP) +Business,South African gold groups poised for merger +World,UN Urged to Ignore Bush Plea for Human Cloning Ban +World,Chinese Arrive in Haiti to Help Restore Order +Business,Canada #39;s LionOre with a lion #39;s heart for Australia #39;s MPI +Business,Japanese Bonds Fall as US Sales Figures Damp Export Concern +Business,"Multiplex, Westfield Lodge \$1 Billion Chelsfield Bid (Update1)" +Business,Employers slow to try HSAs +Business,Vioxx recall raises prescribing questions +Sci/Tech,Microsoft #39;s Halo 2 quot;hello quot; to the world before planned sale +Sci/Tech,Virgin Electronics unveils music player +Sci/Tech,Volcano Watch +Sci/Tech,Sony retuning to pick up MP3s. +Sci/Tech,BPL Interference Evaluation Tool: +Sci/Tech,Preservationists battle Apple CEO Steve Jobs over his #39;dump #39; of a <b>...</b> +Sports,"Beltran #39;s Bat Gives Cards, Owners Food for Thought" +Sports,Yanks Lead Boston 2-0 After Four Innings +Sports,Newcastle United Extends Unbeaten Run With 1-1 Draw at Charlton +Sports,Myskina beats Dementieva to win in Moscow +Sports,Michael Wilbon +Sports,"Looking for Revenge Against Panthers, the Eagles Get Some Respect <b>...</b>" +World,Thousands join anti-war demo +World,Australia hopes to sign new security pact with Indonesia +Sports,Astros Defeat Cardinals 6-5 to Tie NLCS (AP) +Sci/Tech,"Sony and MP3, together at last" +Sports,Record-Tying Beltran Blasts Astros Into Tie +Sports,"Beltran's Bat Gives Cards, Owners Food for Thought" +World,Plan to scrap GCSEs and A-levels +Sports,Help From Above Jump-Starts Jets +Sci/Tech,Broadband pushes Europe Web users to 100 million +World,Some Detainees Said Returning to Terror +Business,Lion Nathan makes writedowns +Sports,Contractual Obligations +Sports,United Win in Season Finale +World,Chinese Arrive in Haiti to Help Restore Order +Sports,Sox Ace Eyes Return +World,Belarus referendum result allows Lukashenko to serve third term +Business,Dollar Closes in on Lows After Weak Data (Reuters) +World,UN Urged to Ignore Bush Plea for Human Cloning Ban (Reuters) +World,Russian prosecutor says Beslan school attackers were drug addicts (Canadian Press) +World,Jordan Indicts al-Zarqawi on Plot Charges (AP) +Sci/Tech,Hollywood Studios Endorse Toshiba #39;s HD-DVD Standard +Business,"Tokyo Stocks Extend Losses, Hit by Oil" +Business,Dollar Closes in on Lows After Weak Data +World,Bush Surges Eight Points Ahead of Kerry - Poll (Reuters) +World,U.S. Accepts Musharraf Decision (AP) +Business,Georgetown Attracts High-End Retail Chains +Business,Liberal Praise Drawn From Unlikely Source +Business,Immigrant Sends Hope Back Home +Sci/Tech,An MP3-capable Walkman is set to challenge iPod +Business,Microsoft and Cisco team up on security +Business,FASB Urged to Test Stock Options +Sci/Tech,Is there a future for the 1Gig email services? +World,British Army wanted in town where bombing and murder are the norm +Sci/Tech,"For Merck, a Painful Withdrawal" +Sci/Tech,"For Game Makers, a Serious Concern" +Business,"Update 5: Tokyo Stocks Fall, Dollar Higher" +Business,UPDATE 1-Kroll appoints Freakley as chief executive +Business,"For Merck, a Painful Withdrawal" +Sports,Els Wins World Match Play Title +Sports,Dixon ninth overall in IRL +Sports,"Arsenal #39;s behaviour worse than Cantona #39;s, says Ferguson" +Sports,Martyn defies rampant India +World,"Moscow urges Tehran to sign NPT protocol, halt enrichment" +World,Anti-War Protesters Fill London Streets +World,"Helicopter Crash, Bombing Add to US Death Toll" +World,Indian allies haggle after poll +World,Crude Oil Price Surges Past \$55 in Asia +Business,Update 1: Crude Oil Price Surges Past \$55 in Asia +Sports,India eye victory +Sports,Hawks still waiting for light to go on +Sports,"Lions, critics silenced as Packers finally get win" +World,Iran: Bullying Won't Stop Nuke Program (AP) +Business,Update 1: Tokyo Stocks Lower; Dollar Falls Vs. Yen +Business,Shares in AXA Plummet 10 Percent +Sports,GIBERNAU EXPRESSES FRUSTRATION +Sports,"Packer backing lacking: Slow start depresses fans, sales" +Sports,Yanks' Olerud Sidelined by Foot Injury (AP) +World,African leaders reject foreign intervention in Darfur issue +Sports,Cavs Brought Down +Sports,Els Wins Title +World,"Exposed, Japan's Hot Springs Come Clean" +World,Belarus Says Vote Allows President to Run Again +World,Waste Leads to Worry in Indonesia +World,IAEA Inspectors Expected in Brazil +Sci/Tech,Cisco teams up with Big Blue over network security +Sports,Sorenstam charges to overtake Park at Samsung World Championship +World,JFK AIDE SALINGER DIES AT 79 +World,China to Press N Korea over Nukes +World,"Bangalore thrives, chokes on outsourcing flood (Reuters)" +Sci/Tech,Microsoft Trims Next Windows Server Release (Ziff Davis) +Sci/Tech,St. Helens continues to build lava dome +Sci/Tech,Cooper had #39;right stuff #39; for NASA #39;s space quest +Sports,"Geibergers: Like father, like son in Greensboro" +Sports,Rossi shapes up to new challenges to remain MotoGP king +Sports,Kremlin Cup titles go to Russian pair +Sports,A Familiar Ring in Wisconsin +World,Blast near Australian embassy +World,Belarus apparently votes to end term limits +World,Explosion injures at least two in Kenyan airport +World,No referendum on disengagement plan: Sharon +World,Anwar may return by month #39;s end +Business,South Africa #39;s Harmony poised for surprise merger +Business,Oil Prices #39;Heading for 60 Dollars A Barrel #39; +Business,Axa misses on Australia takeover +Business,UPDATE: NZ Telecom Against Mobile Phone Fee Regulation +Business,Will Oil Light a Fire Under Inflation? +Sports,Beltran powers Astros to game 4 win +World,UK to speak on Iraq command +Business,News Analysis: Global vote of confidence for euro +World,"Reading, Writing and Corporate Sponsorships" +World,Zarqawi Among 13 Indicted by Jordan in Plot +Business,"CSFB, Winterthur in focus in Credit Suisse overhaul" +Sports, #39;Noles In Running For BCS Berth +Sci/Tech,Anger management +Sports,Hole in one? +World,Mahathir #39;frustrated #39; with corruption in Umno +Sci/Tech,"Disney, Miramax deal looks likely to end soon" +Sports,Golf Roundup: Sorenstam overtakes Park by 3 +Sports,No racism within ZCU: ICC +World,Palestinians fear more of the same after US elections (AFP) +World,Darfur summit opposes #39;foreign intervention #39; +Sci/Tech,Macromedia stretches Flex's features +Sci/Tech,"Cisco, Microsoft pledge security interoperability" +Business,Norilsk has not yet backed Gold Fields #39; Canadian deal +Business,Analysts See FDA Spurning New Merck Arthritis Drug +Business,Iowa Presidential Futures Market Surpassed by Dublin Exchange +Sports,"NFL: Minnesota 38, New Orleans 31" +Sports,Lakers Defeat Warriors 94-80 (AP) +Sci/Tech,A Conversation with Matthew Koll +Business,Oil Prices Hit Peaks on Winter Worries (Reuters) +Business,Oil Prices Hit Peaks on Winter Worries +Business,Oil sees new high in Asia trade +Business,Biggest gold firm 'takeover bid' +Business,Investor Suit at Disney Puts Exits in a Spotlight +Business,Ford to Offer Sirius Radio as an Option in More Cars +Sci/Tech,Tiny L.E.D.'s Grow Into Mighty Theatrical Lights +Business,"US Average Gasoline Pump Price Falls to \$1.93, Lundberg Says" +Business,Japanese Bonds Fall as US Sales Figures Cool Export Concern +Business,PSA Peugeot Citroen to fall short of sales target in China +Sci/Tech,Stubborn Sony finally unveils an MP3-friendly music player +Sci/Tech,Scientists have big expectations: Large Binocular Telescope +Sci/Tech,Telescope Will Have Images 10X Sharper Than Hubble +Sports,AC Milan gains momentum +Sports,Unbeaten Wisconsin confident and in control +Sports,Lions report +World,IDF exchanging fire with 2 Palestinian infiltrators +World,Afghan Election #39;Still Open #39; Say Rivals +World,Mahathir #39;frustrated #39; with party corruption +Sports,Ortiz Saves Red Sox +Business,Pfizer to Fund Study of Celebrex as Heart Aid -WSJ +Business,Fund Spy 4 ETFs to put in your toolbox +Sci/Tech,Fresh ISS Crew Sees #39;Pleasant #39; Trip Despite Glitch +Sports,Oswalt leaves it all on field +Sports,Newcastle boss ready to confront Bellamy +World,"Haiti Tells South Africa to Control Exiled Aristide, BBC Says" +World,Iraq War: lessons for Pakistan - By Raza Haroon +World,Senior Manila police officer slain in Philippines ambush +World,Sharon Rejects Settler Gaza Vote Demands (AP) +World,Gay Marriage Issue Motivates Conservatives (AP) +World,Red Sox Beat Yankees 6-4 in 12 Innings +Business,Oil sees new high in Asia trade +Business,"Australian Stocks Fall, Led by Axa Asia, Prime Infrastructure" +Sci/Tech,"Science ; Russian-US crew goes to space, AIDS experiments planned" +Sports,ROOKIE ROETHLISBERGER TOO MUCH FOR COWBOYS +World,Belarusian opposition reports vote breaches +Sci/Tech,Labour to adopt exam plan in manifesto +Sports,Souness to Investigate Bellamy Outburst +Sports,Pirlo #39;s strike gives Milan victory +World,Online identity theft a growing criminal problem in Asia: IDC (AFP) +World,Hamas chief rejects ceasefire +Business,Crude Oil Rises Above \$55 to Record on US Supply Concern +Business,Harmony seeks to buy Gold Fields in \$8.1 billion deal +Business,Asian Stocks Slip as Oil Moves Above \$55 +Business,Music-download business hits flat note +Business,Disney lawsuit could ripple through Corporate America +Business,Oil Prices Hit Highs on Winter Fuel Woes +Business,Linde merger with UK #39;s BOC Group #39;speculation #39; - report +Business,Eidos delays quot;Championship Manager quot; +Business,Early voting BEGINS at eight locations +Business,China #39;s Sept car sales rise 13.94 pct from Aug -paper +Sci/Tech,Digital Home Edges Nearer +Sports,Astros get even with Cards +Sports,World #39;s best still no match for champ Els +Sports,Patriots still mean perfection +Sports,Geiberger continues family tradition in Greensboro +Sports,Newcastle denied 4th place +Sports,Rossi: #39;This title is the best #39; +Sports,BYE-BYE BULLIES +World,Forces target tense Fallujah +World,Putin says terror attacks in Iraq target Bush #39;s re-election bid +World,Annan: Iraq war has done little to enhance world security +World,Haiti PM asks Mbeki not to protect Aristide +World,Kim Yong-nam arrives in Beijing +World,Marchers demand Iraq withdrawal +World,Bush Hopes Terror Message Resonates in N.J. (AP) +World,Kerry Tours Fla. Asking for Early Votes (AP) +Business,Asian Stocks Slip as Oil Moves Above \$55 +Business,Dollar Slips Toward Lows After Weak Data +World,Court to rule on Milosevic plea +Business,Get free of your stuff +Business,Then get more stuff for free +Business,Full disclosure overdue from high-tech analysts +Business,"For job stimulus, Boston mulls direct investments" +Business,"Cisco, Microsoft team on security" +Business,Search engines more user-friendly +World,Bulgarian 'baby smugglers' held +Business,"Cellular alternative to DSL, cable Net in the works" +Business,"If you're overwhelmed, junk pros can step in" +Business,Retailers are wary about Sony stores +World,Irish leader urges IRA to disband +World,Zarqawi's militant group declares loyalty to bin Laden +World,Sharon Rejects Settler Demands Over Gaza +World,Car Bomb Kills at Least Six in Baghdad +World,East Ky. Becomes Big Draw for Off-Roaders +Sci/Tech,"France's Le Monde Newspaper: America yes, Bush no" +Sci/Tech,Warning on internet health advice +Business,Japanese Bonds Drop as US Sales Figures Cool Export Concern +Business,ACE executive pleads guilty in New York probe +Business,Telstra Australia welcomes 1 million broadband customers +Sci/Tech,Mike Wendland +Sports,Hotshot Adriano steals the show with #39;dream #39; goal +Sports,Motorcycling: Rossi clinches bike title +World,MPs to grill Hoon over Iraq +Business,"Ace Joins AIG, Marsh in Ending Fee Plans Targeted by Spitzer" +Business,Woolies faces deadline on ALH +Business,Cost of NZ mobile calls too high +Business,"Optus broadband hits 250,000 subscribers" +Sci/Tech,Intel Sets Cruise Control on Pentium 4 +Sports,Dogged Astros Refocus Eyes on Texas +Sports,"Patriots, Brady keep winning streak alive" +Business,UPDATE: Australia #39;s AXA Rebuffs A\$3.4B Buyout By Parent +Business,Update 2: Tokyo Stocks End Lower; Dollar Down +Business,Coles says new ALH bid unacceptable +Business," #39;Spyware #39; endangers industry, Dell fears" +Sports,Berkman #39;s magnificent postseason play overshadowed by Beltran +World,Karzai well ahead in Afghan tally +World,"Russia, Uzbekistan can make serious decisions on economy <b>...</b>" +World,NKorea head of parliament leaves for China for visit +World,Putin opens new military base in Tajikistan +Sci/Tech,Intel Sets Cruise Control on Pentium 4 +Sci/Tech,Spam Slayer: Tracking Spam to Its Source +Sports,Els captures record 6th world title +Sports,"Vikings unstoppable, even with Moss loss" +World,Belarus Referendum Backs Third Term for Leader Lukashenko <b>...</b> +World,SBS journo released by captors in Iraq +Sports,Ortiz Homer Keeps Red Sox Hopes Alive +Sports,The dream stays alive +Sports,Having the final say +Sports,The dream stays alive +Sports,"Beltran, Astros have the power" +Sports,Former Royal basking in spotlight +Sports,Manager was cornered +Sports,Positioned for a 1-2 punch? +Sports,Torre's Yankees have been at home in ALCS +Sports,A perpetual state for these visitors +Sports,Torre: No chance of any early Moose sightings +Sports,He's a fast learner +Sports,They were playing for pride +Sports,Pennington's leadership not half bad for New York +Sports,"The top banana, Belichick, slips up" +Sports,Buffalo finally shows promise +Sports,Rivers installs just play basketball' system +Sports,"After loss to Pitt, Eagles have no margin for error" +Sports,Els gets a grand birthday present +Sports,Defense hard to dent +Sci/Tech,"Much smoke to BPI's fileshare suits, but where's the fire?" +Sci/Tech,Too Immature for the Death Penalty? +Sci/Tech,Do Good! Win a Prize! +Business,Asian Stocks Slip as Oil Moves Above #36;55 (Reuters) +Sports,Blocked extra point helps No. 4 Bears grab narrow win +Business,Rand seen extending Friday #39;s gains +Sports,Souness to review Bellamy #39;abuse #39; +Sports,Season a bed of Rossi #39; for Valentino +Sports,Purdue plays too soft on critical Wisconsin drive +World,"Israeli violence continues in Gaza, 4 Palestinians killed" +World,Hoon Faces MPs over Iraq Troop Deployment +World,Russia joins Central Asian Cooperation Organization +Sci/Tech,LTO bids to regain its pace +Business,Woolworths Increases Australian Leisure Takeover Bid (Update5) +Business,Indonesia to issue 3 trillion rupiah state bonds +Sci/Tech,Peering through the smog: Can cars be clean? +Sports,Ferguson takes swipe at Arsenal +Sports,Rays of hope in Sunshine State +Sports,Packers top Lions +World,US Releases Al-Fallujah Negotiator After Attacks +World,Aussie newsman held 24-hour hostage in Iraq +World,Indonesian Cleric Bashir's Trial Starts Oct 28 (Reuters) +World,Britain Mulls U.S. Request for More Help in Iraq (Reuters) +World,U.S. Frees Falluja Negotiator After Daylong Battle +World,Indonesian Cleric Bashir's Trial Starts Oct 28 +Sports,Spartans bounce back to edge George Mason +Business,Game firm Eidos delays launch +World,France finds big Eta arms dumps +Business,Telstra broadband growth ahead of schedule +Business,UPDATE: Australia #39;s Santos Strikes Oil Off East Java +Sports,"Riches, fancy repasts on deck for Beltran" +Sports,Sports in brief +Sports,Ed Hardin #39;s column: #39;Al #39;s boy #39; comes of age and makes Dad proud +Sports,Uncharted territory +Sports,Golf Roundup Els wins match-play title; Sorenstam overtakes Park +Sports,Steadfast Patriots cling to NFL winning record +World,NK #39;s No. 2 in China to Discuss Nuke +Business,UPDATE:Air NZ Likely To Raise Fuel Surcharge -CEO Norris +Business,Elan Shares Rise on Report Biogen May Bid More Than \$10 Billion +Business,European September Inflation Revised Down to 2.1 From 2.2 +Sci/Tech,Oracle warns of exploits for latest DB flaws +Sci/Tech,Corel buys Paint Shop Pro maker Jasc +Sports,A wild night for Cards reliever +Sports,Andretti #39;s drivers finish season 1-2 +Sports,Souness To Bellamy: I Make The Decisions +Sports,Sergio rewarded for support of Mallorca Classic +Sports,Roethlisberger moves to 4-0 +Sports,Redskins #39; Portis finds lots of holes in Bears #39; defense +World,Fire rips through Venezuelan skyscraper +Business,Air NZ tipped to raise fuel surcharge +Business,Elan jumps on Biogen bid report +Business,Surging oil prices #39;a threat to EU recovery #39; +Sci/Tech,"Steve Jobs is thinner, but his drive hasn #39;t faltered" +World,Zarqawis Al-Qaeda Allegiance Intelligence Work: Expert +Sci/Tech,iPod Lifts Apple +Sci/Tech,IBM #39;s Palmisano Targets Hewlett-Packard Clients to Boost Sales +Sci/Tech,MP3 losing steam? +Sci/Tech,Apple computer unveils mini-stores +Sports,Make us believers +Sports,Let the games begin +Sports,"Vikes QB beats NO with arm, quickest of feet Put it down as an old <b>...</b>" +Sports,He had all right moves +Sports,"Martinez, Schilling set for 1-2 punch" +Sports,Lowe surprises as outing is a highlight +Sports,Pen certainly helped pin this victory down +Sports,One wonderful seven-year pitch +Sports,NY ponders one that got away +Sports,No Moose sightings in extras +World,North Korea's No. 2 Leader Visits China +Sports,UPDATE 1-Amazing Adriano fires Inter to victory +Sci/Tech,"CORRECTING and REPLACING SYNORAN, Oracle and HP Demonstrate World <b>...</b>" +Sports,New England scores when it counts +World,Karzai ahead after first million votes counted in Afghan election <b>...</b> +World,North Korea #39;s No. 2 Leader Visits China +World,Top Worldwide +World,Car bomb kills six in Baghdad in latest attack on Iraq #39;s police <b>...</b> +World,One million Afghan votes counted +World,Australian hostage freed in Iraq +World,Irish Lawmakers to Review Rights for Gays (AP) +World,Britain Rejects Troop Redeployment Claim (AP) +World,Darfur mini-summit aims to ward off UN sanctions with African solution (AFP) +World,Putin Offers Hand to Bush in U.S. Election (Reuters) +Business,Harmony Gold Bids for Gold Fields +Business,Brown 'could break golden rule' +World,Fla. Voters to Begin Casting Early Ballots +Sci/Tech,Microsoft Halo 2 leaks on the Internet +Sci/Tech,Can Cell Phone Use Lead to Brain Tumors? +Sports,Ogilvie fades down stretch +World,Putin: Terrorist Aiming to Derail Bush Bid +World,China to revive stalled N. Korea talks +World,"Malaysian, Singapore Leaders to Attend Yudhoyono #39;s Swearing-In" +Business,Europe Inflation Dip Not Expected to Last +Business,Singapore #39;s Non-Oil Exports Rise 17 Pct. +Sci/Tech,Enter your e-mail: +Sci/Tech,"Mobile Phones Increase Tumor Risk, Study Says" +Sci/Tech,Future #39;s bright for geckos and sharks +Sports,OPPOSITE DIRECTIONS +Sci/Tech,PeopleSoft trial ends with whimper (TheDeal.com) +Sci/Tech,Montavista claims real time support for Linux mobile +Sci/Tech,Intel to maintain 775-pin P4 prices to 2005 - report +World,European stocks fall amid new record price spike for oil (AFP) +Business,Central Bank Remains Silent as the Euro Rises +World,Darfur meeting aims to ward off UN sanctions with African solution (AFP) +World,Drug smugglers exploit Iraq chaos +Business,"Tax cuts coming for modest-income families, business, says finance <b>...</b>" +Sci/Tech,BUZZ: Google your hard drive +Sports,Sorenstam rallies to beat Park +Sports,Russians dominate home tournament +World,Fallujah Peace Negotiator Released +Business,Harmony Gold Bids for Gold Fields (Reuters) +Business,Dollar Near Lows After Sharp Slide +Sci/Tech,I Love Bees Game a Surprise Hit +Sci/Tech,"CherryOS Not BS, Author Says" +Business,Retailers Post Weak Sales In November +Sci/Tech,An Artist's Junkyard of Dreams +Sci/Tech,Deaf Benefit Greatly from SMS +Sci/Tech,Jeb Bush Keeps Felon List +Sci/Tech,Word From on High: Jam Cell Calls +Sci/Tech,Girl Gamers Tackle Male Field +Sci/Tech,Dell Teams Up to Fight Spyware +Business,Crude oil price surges past \$55 +Sports,The beat goes on in New England +World,UK: Troop move #39;not political #39; +World,African mini summit on Darfur opens in Libya +World, #39;Mbeki should clear name over Haiti #39; +Business,Survey: Gas prices drop as oil production increases +Sci/Tech,Digital Agenda: Homeland Security--Throwing money at technology (page 2) +Sci/Tech,Digital Agenda: Homeland Security +Sci/Tech,Digital Agenda: Homeland security--Throwing money at technology +Sci/Tech,Poll: Antiterror tech plans are flawed +Sci/Tech,Digital Agenda: Homeland security roundtable +Business,Bears drive at \$55? +Business,"India-Asean trade needs diversification, says report:" +Sci/Tech,Apple 21st-Century strategy emerging +Sci/Tech,Flawed drawings caused spacecraft crash +Sports,Souness reserves judgment on Bellamy rant +Sports,Want A BCS Buster? Look At Utah +Sports,Vikings-Saints Game Stats +World,Iran Wants Right to Enrich Uranium +Sci/Tech,Games maker Eidos delays launch +World,Palestinian: U.S. Election Stalling Peace (AP) +Business,\$55 Oil Weighs on Shares as Dollar Sags +World,Iran Ready to Negotiate Enrichment Halt Length +World,Crude Oil Prices Surge Past \$55 Per Barrel +Business,South Africa #39;s Harmony Gold to bid for GFI to create world leader +Business,Crude oil prices surge past \$55 a barrel +Business,"GM, Euro labor debate 12,000 layoffs" +Business,Impact of Spitzer Broker Fraud Charges Felt at Marsh and Beyond +Business,"Kmart Names Lewis As President, CEO" +Business,Ford to Offer Sirius on More Vehicles +Business,"Performance Food Warns on 3Q, 4Q Profits" +Business,Mullen: Does Biogen Want More From Elan Than Drug Partner? +Business,Star Gas Suspends Payout to Unit Holders +Business,Kraft Foods shedding units? +Sci/Tech,"Micron plans to build Chinese plant in 2005, says report" +Sci/Tech,Q amp;A: Microsoft #39;s Will Poole talks about digital home entertainment +Sci/Tech,EDS/Vodafone switch on managed mobility service +Sci/Tech,Microsoft Trims Next Windows Server Release +Sci/Tech,China joins drive for green cars +Sci/Tech,Most Powerful Optical Telescope Finally Dedicated +Sci/Tech,PeopleSoft product exec follows CEO out the door +Sports,Beltran tee shot ties NLCS +Sports,Sorenstam story at Samsung World Championship +Sports,Geiberger Holds On For First Victory Since 1999 +Sports,Wenger stays silent +Sports,"Mark Kreidler: An ocean away, an experience to savor" +Sports,Moenchengladbach #39;s Oliver Neuville Banned for Scoring With Hand +Sports,"York University to house Argos, soccer group" +Sports,49ers Insider +Sports,Raiders-Broncos Box Score +Sci/Tech,Biologists Hunt for Snakehead in Chicago (AP) +Sci/Tech,Unlikely Visionary Behind Race to Space (AP) +Sci/Tech,Panel Recommends Sharp Cuts in Fish Stocks (AP) +World,Negotiator: Fallujah Talks Still Suspended +World,Britain seen moving Iraq troops further into harm #39;s way +World,Thousands March in London to Protest Iraq War +Sci/Tech,Apple under scrutiny as music competition rises +Sports,Chelsea Football Club star named in drugs scandal +Sports,The great rain robbery +Sci/Tech,Is the heyday of the MP3 coming to a close? +Sports,Mutu #39;s failed drug test confirmed by player #39;s union +Business,"US toymakers pessimistic on outlook NEW YORK, Oct 18 (Reuters) <b>...</b>" +Business,SEC investigates part of Thomson Financial #39;s intelligence service +World,"Australia, Indonesia consider defense pact" +Sports,Doghouse into penthouse +Business,"3M Posts Higher Profit, Misses Estimates (Reuters)" +Business,Pfizer to Sponsor Large New Celebrex Trial (Reuters) +Business,"Toymakers Disappoint, Warn on Holidays (Reuters)" +Sports,Lidge puts Astros games in fridge +Business,Kmart Plucks New CEO from Yum (Reuters) +Business,"3M Posts Higher Profit, Misses Estimates" +Business,"Stocks Open Lower as Oil Prices, 3M Weigh" +Business,Delphi Narrows Quarterly Net Loss +Business,Kmart Plucks New CEO from Yum +Business,Ford to Expand Offering of Sirius Radio +Business,US Airways Expands Flight Schedule +Business,"For Merck, a Painful Withdrawal" +Business,"Toymakers Disappoint, Warn on Holidays" +World,Bush Signs #36;33 Billion Security Budget (AP) +World,Fla. Democrats Hope for More Cuban American Votes (Reuters) +World,Jazeera: Iraq Militants Kill Two Macedonia Hostages +World,"Iraq to Widen Arms Amnesty, Bring Falluja to Heel" +Business,Harmony Offers to Buy Gold Fields for \$8.2 Billion (Update5) +Business,"Kmart Appoints Lewis New CEO, President" +Business,Ford to Expand Offering of Sirius Radio +Business,ING Pays Scottish Re to Take Over Business +Business,Thomson Financial Receives a Subpoena From SEC (Update1) +World,Japan's homeless face ageism +Sci/Tech,Amphibians face mass extinction threat +Sports,MUTU BACK IN LONDON +Sports,Pirlo Shoots Down Cagliari +Sports,Rossi expects backlash from Honda +Sports,Loeb relieved to clinch title in Corsica +Sports,Neuville suspended for scoring with hand +World,Iran to discuss suspension of uranium enrichment +World,Australia Rejects Request for Soldiers to Protect UN in Iraq +World,Iraq set to extend arms amnesty +World,Five killed in Afghan poll blast +World,Sudan's Darfur 'safer than Iraq' +Business,Crude Oil Prices Surge Past \$55 Per Barrel +Sports,Patriots Destroy Browns +Business,South Africa's Harmony Gold Bids for Gold Fields +Sci/Tech,An Apple a day ... +World,Forwarding freedom +World,British ambassador pleads for information on Bigley #39;s body +Sports,BERARDINO: Even idiots get some things right +Sci/Tech,Music Publishers Sign Deal on Web Radio +Sci/Tech,PEC to Aid Migrant Student Program +Sci/Tech,Advertising Customers Get the Right Message +Sci/Tech,Merger Delivers Princely Profit for DigitalNet Insiders +Sci/Tech,Liberal Praise Drawn From Unlikely Source +Business,Microsoft targets midmarket with Navision update +Sci/Tech,Advertisements Insinuated Into Video Games +World,Kerry Tours Fla. Asking for Early Votes +World,Red Sox Beat Yankees 6-4 in 12 Innings +Sports,McCain Wants Changes +World,Afghan Candidate Claims Fraud in Elections +World,Sharon Says Nothing Will Stop Gaza Plan +World,Johnny Depp Says He's No Heartthrob +Sci/Tech,Deadly ladybird widespread in UK +Business,AXA retracts offer for Asian affiliate +World,Salt in Their Wounds +Sci/Tech,Emoticons Invade Mars +Sci/Tech,Cassini Finds a Charged Up Saturn +Sci/Tech,Mission to Mars: Risky Business +World,World Muslims end peace prayers in Bangladesh +World,Nine soldiers among 14 killed in Kashmir +Sci/Tech,FDA Considers Morning-After Pill for Teens +Sci/Tech,Pilates Promoter Praises Her Exercise +Sci/Tech,Sidebar: HP's grid storage initiative leads the way +Sci/Tech,First look: Surfing on your MSN TV +Sci/Tech,JBoss takes on business process management +Sci/Tech,EDS forms alliance to challenge IBM's Global Services business +Sci/Tech,"Cisco, Microsoft bridge security gap" +Sports,UPDATE 2-Ibrahimovic winner keeps Juve four points clear +Sci/Tech,Content networks deliver on-demand apps +Sci/Tech,"Actional, Westbridge merge for Web services" +Sci/Tech,Macromedia upgrading Flex presentation server +Sci/Tech,Google tests personal search service +Sci/Tech,Micron planning its first factory in China +Sports,"BCS shockers: Texas in Fiesta, Pitt to Rose" +Sci/Tech,Advertisements Inserted Into Video Games +Sci/Tech,Modem to Connect With Speedy Cellular Technology +Sci/Tech,Sony May Open Retail Stores +Sci/Tech,Chinese Showcase Eco-Friendly Cars +World,"Blair, Musharraf to hold talks over terrorism" +World,Hungary citizenship fails due to low turnout +Sci/Tech,"Tech Giants Declare, 'United We Stand' (washingtonpost.com)" +Sci/Tech,Old TV shows never die... (USATODAY.com) +Sports,NFL Preview - Tennessee (4-7) At Indianapolis (8-3) +Sci/Tech,Katie Couric qualifies as 'Blue Ribbon' working mom (USATODAY.com) +Sci/Tech,EDS forms alliance to challenge IBM's Global Services business (InfoWorld) +Sci/Tech,Disease Killing Beech Trees in Smokies (AP) +World,Britain Considers U.S. Request for More Iraq Help (Reuters) +World,"New Afghan Army a Match for Taliban, U.S. Says (Reuters)" +World,2 Macedonian Hostages Said Killed in Iraq (AP) +World,Canada may provide some of its surplus flu vaccine to U.S. (Canadian Press) +World,High Court Orders Review of Texas Seats (AP) +World,Court Won't Hear Ex-Governor's Appeal (AP) +World,"New Afghan Army a Match for Taliban, U.S. Says" +World,Iraqi group 'killed Macedonians' +Sci/Tech,Ford to Expand Offering of Sirius Radio +Business,French AXA invasion plan repelled +Business,"Toymakers Disappoint, Warn on Holidays" +Business,"Kmart Appoints Lewis New CEO, President" +Business,Delphi 3Q net loss narrowed +Business,ALH extension buys time for all +Business,Odyssey Replaces Chief Amid Justice Department Probe (Update1) +Business,Healthscope sets sights on ailing Gribbles +Sports,UPDATE 1-Gilchrist rues rain ruining Madras #39;classic #39; +Sports,Pats do away with Seattle +Sports,Second India-Australia Test ends in draw after rain washes out <b>...</b> +World,Khartoum suggests federal system for Darfur +World,US Request For British Redeployment Poses Dilemma For London +World,Megawati offers a rude goodbye +Sports,Record-Tying Beltran Blasts Astros Into Tie +Sports,"Pride, Prizes Aplenty to Play for as Year Nears Climax" +World,Rolls-Royce Boss Steps Down After 5 Months (AP) +Sports,Nitties signals best yet to come +Business,"Stocks Fall on Unwelcome 3M Results, Oil" +World,Carter worried about US election (AFP) +Business,"Tupperware Posts Profit, Narrows '04 View" +Business,"Kmart Appoints Lewis New CEO, President" +Business,Update 3: Mattel #39;s 3Q Profits Fall on Lower Sales +Business,Kmart names new president and CEO +Business,Thomson receives SEC subpoena +Business,Delphi Narrows Quarterly Net Loss +Business,Blue chips bruised +Business,Check Point jumps on higher revenue +Sports,MLB: Schilling cleared for Game 6 +Sports,Who else but Els?! +Sports,Sorenstam rallies for World victory +Sports,Bengals hit rock bottom +Sci/Tech,Google and Instant Messenger +Sports,USC and Oklahoma earn Orange Bowl bids; Auburn squeezed out +World,2 Macedonian Hostages Said Killed in Iraq +World,Choppers fight high-rise blaze +Sci/Tech,Clash of the Titans - When Search Engines Collide +Sci/Tech,A trio of television technologies +Sci/Tech,SBC Offers Wi-Fi Service to DSL Users for \$1.99/mo +Sci/Tech,"Job Cuts in Tech Sector Soar, Report Finds" +Sci/Tech,MyDoom seeks to destroy antivirus firms +Business,Gold Fields bid for Iamgold in doubt +Business,Odyssey Shares Plunge on 3Q Warning +Business,"UPDATE 2-Check Point Software Q3 profit up, sees more growth" +Sci/Tech,Modem to Connect With Speedy Cellular Tech (AP) +Sci/Tech,Media Center PCs may have found their time +Sci/Tech,IBM Introduces Powerful Servers +Sci/Tech,Siemens Awarded Mobile Network Extension For Maxis in Malaysia +Sci/Tech,Advertisements Insinuated Into Video Games (AP) +Sports,"Long night worth the wait for Sox, fans" +Sports,Loeb steers his way to world rally title +Sports,Vieira Misses Euro Clash +Sports,Allardyce to be with Bolton for five more years +Sci/Tech,"Cisco, Microsoft to Secure Networks (AP)" +Sci/Tech,New Crew Sets Off for Space Station +Sci/Tech,Microsoft May Create Russian Hotmail (AP) +World,SA #39;contempt #39; for Aristide claim +Sci/Tech,SBC Offers Wi-Fi Service to DSL Users for #36;1.99/mo (Reuters) +Business,In Praise of Job Killers (Forbes.com) +Business,3M Profit Rises But Misses Estimates +Business,Blue Chips Fall as 3M Results Disappoint +World,Kerry Warns of Social Security Changes (washingtonpost.com) +World,Jazeera: Iraq Militants Kill Two Macedonia Hostages +Business,Pfizer Announces Major Trial for Celebrex +World,Football: Mutu crisis talks +Sci/Tech,Beer gadget boost to water plants +World,The Making of a Jazz Statesman +World,Kerry Tours Fla. Asking for Early Votes +World,Stocks Fall As Oil Climbs Past \$55 Mark +World,Early Voters Turn Out in Florida +World,Anglicans Criticize U.S. Church on Gays +World,Iraq's Shadow Ruler +World,Taking the Battle to the Enemy +World,"After Gitmo, Back to Terror" +Business,World #39;s biggest gold firm - South African gold producer: +Business,Tough Times In Toyland As Mattel Posts Lower Profits +Business,Walkout goes on as GM job-cut talks begin +Business,BMW #39;s Rolls-Royce unit head resigns; CFO named interim head +Business,"Not so fast, panel orders Bruandwo" +Business,Countering the Harmony offer for Gold Fields +Business,Kmart Appoints New CEO +Business,SEC investigates Thomson Financial unit +Sci/Tech,IBM #39;stirs up the field #39; with P5 servers +Sci/Tech,Micron plans China plant +Sports,Mutu Jets in for Crisis Talks with Chelsea +Sports,Arsenal Beats Aston Villa 3-1 in Premiership to Extend Lead +Sports,Brazilian Grand Prix Fact File - the 700th F1 GP +World,Hoon confirms US request for troops +World,United States Marines begin raids on Fallujah +World,Sudan #39;s Darfur #39;safer than Iraq #39; +World,Aussie alive after capture in Iraq +World,Arab TV reports militants execute two Macedonian hostages in Iraq +World,Neighbourhood watch +Business,Delphi report quarterly loss +Sports,Ferguson Offers Rooney Helping Hand +World,Putin backs Bush in US poll +Sci/Tech,Sony takes on iPod with new hard disk Walkman +Business,Yum Brands Names New Operating Chief +Business,Is Marsh #39;s board responsible for its troubles? +Business,US Airways Boosts Flight Schedule +Business,"UPDATE 2-Odyssey warns of weak quarter, CEO resigns" +Business,Thomson Financial Receives Subpoena From US SEC (Update2) +Sci/Tech,JBoss unveils workflow engine +Sci/Tech,"Malaysia Maxis, Siemens Sign 3G Technology Deal" +Sci/Tech,Mobile phone use linked to benign tumors +Sci/Tech,Poll: Antiterror tech plans are flawed +Sci/Tech,Aging rock star uses Opterons to make platter +Sports,NLCS: Down to a best-of-three +Sports,Australia Gives Cricketers Holiday Before Third Test in India +Sports,United Missing Key Duo +Sports,Seahawks outclassed +World,Palestinians in plea to UK over peace process +World,White House: Trying to Confirm Terror Group #39;s Allegiance to bin <b>...</b> +World,"France, Spain Veto Controversial Migrant Camp Plan" +Sports,Castroneves Wins Chevy 500 but Gets Docked (AP) +Sports,Rams' Jackson Probably Out Against Bucs (AP) +Sports,Glazer Increases Manchester United Stake (AP) +World,US bishop 'regret' over gay split +Business,Google Desktop +Business,Delphi takes \$114M loss in 3Q +Business,Woolworths ordered to extend ALH takeover deadline +Business,Yuganskneftegaz start price may equal Yukos debt +Sci/Tech,Intel on the Outs? +Sci/Tech,JBoss takes on business process management +Sci/Tech,Siemens awarded 2G/3G network extension in Malaysia +Sports,Rains force draw in India-Australia 2nd Test: +Business,SBC Offers \$1.99 Per Month Wi-Fi Add-On +Business,Finance stocks take trading lower +Business,"Kmart appoints Lewis new CEO, president" +Business,"US Airways flight changes emphasize Philadelphia, Charlotte" +Business,Rolls-Royce Boss Steps Down After 5 Months +Sci/Tech,Jobs House One Step Closer to Moving; Preservationists to Object +Sci/Tech,Snake Released In US Next Month +Sports,American Football: Patriots extend NFL winning streak to 20 games +Sci/Tech,Paris Weighs Shift to Linux from Microsoft +World,Soviet-style Belarus election #39;flawed #39; +World,Israelis Kill 5 Palestinians; Sharon Under Pressure (Reuters) +Business,Anger Management (Forbes.com) +World,Advani takes over as BJP chief (Reuters) +World,"Commons accepts throne speech amendment, avoids confidence vote (Canadian Press)" +Business,3M Profit Misses Wall Street Estimates +Business,"Select Medical to Go Private, Shares Soar" +World,Belgium rounds on former colony +Business,"US Airways Changes Stress Philadelphia, Charlotte" +World,Kerry Accuses Bush of Mismanaging Iraq War +World,U.S.: Too Early to Tell Iraq Unit's Fate +World,Yankees Look to Close Out Red Sox +Business,Hostile Bid Made to Create World's Largest Gold Company +Business,Online Travel: The Race Is On! +Business,Spitzer Strikes Again +Business,Q A: Red Hat exec talks of challenges to open source +Business,"Australian stocks: Stocks close lower on banks, insurers" +Business,Google Ogles Your Hard Drive +Business,"3M says profits surges, fails to impress market" +Business,Sirius gains on Ford deal +Sci/Tech,IBM launches top-end Power5 servers +Sci/Tech,Humax Debuts TiVo Powered DRT800 DVR +World, #39;Sharon intent on tearing Israel in two #39; +World,Al-Zarqawi group claims allegiance to bin Laden +World,Tripoli summit rejects intervention in Darfur +Business,Ford to expand Sirius Satellite Radio offerings +World,Pressure on Buttiglione over Single Mums Jibe +Sci/Tech,China's Huawei to supply Spain's Telefonica (AFP) +Sci/Tech,AOL Tests Desktop Search (PC World) +Sci/Tech,Croatia to set new tender for mobile license after Tele2 bid rejected (AFP) +Sci/Tech,Microsoft Shows Small Business Software (PC World) +Sci/Tech,NASA Says Switches May Have Caused Genesis Crash (Reuters) +World,Prime Minister Martin says the Defence Department will get more money (Canadian Press) +Sci/Tech,"Job Cuts in Tech Sector Soar, Report Finds" +World,Report condemns Gaza demolitions +Sci/Tech,Briefly: BEA mobilizes corporate data +Sci/Tech,BEA mobilizes corporate data +Sci/Tech,JBoss unveils work flow engine +Business,Harmony Gold #39;s share price under pressure +Business,Oil hits 55 dollars in electronic +Business,Union warns of Vauxhall job cuts +Business,Elan dismisses merger speculation +Business,Forest Laboratories 2Q Earnings Rise +Business,Kelly becomes president of Sprint Consumer Solutions +Sports,USC and Miami Atop First BCS Standings (AP) +Sci/Tech,"Cisco, Microsoft team up on network access security" +Sci/Tech,FCC Rules To Allow Broadband via Power Lines +Sci/Tech,Increased Tumor Risk for Mobile Phone Users +Sports,Sooners surprisingly sit third in BCS Standings +World,UK considers US demands for military assistance in Iraq +World,Belarus vote significantly short of democratic standards +World,Fire races through 16 floors +Sci/Tech,SanDisk sues STMicroelectronics +Sci/Tech,Microsoft Shows Small Business Software +World,N. Korea's No. 2 Encourages Nuke Dialogue (AP) +Business,Russia invites foreign Yukos bids +Business,Biotech's 5 Baggers +Business,Google Ogles Your Hard Drive +World,Iraq to Widen Arms Amnesty +World,U.S. Appeals WTO Rule on Cotton Subsidies +Sci/Tech,"News: Watch out, there's a scammer about" +Business,General Motors Opel Factory Car Production Halted (Update3) +Business,Wi-Fi Service Bundled With DSL By SBC +Business,New Microsoft software targets small companies +Sci/Tech,HK firms clash over VoIP +Sports,Tampa Bay vs. St Louis +World,Police break up rally protesting Belarus referendum +Business,Economic Agenda Europe at mercy of a bank driving blind +Sci/Tech,Special Apple music event planned for Oct. 26 (MacCentral) +Sci/Tech,Robbie album sold on memory card +Sci/Tech,Scientists maintain fish concern +Business,Bad medicine? +Business,"Microsoft, Cisco Shake on Network Security" +Business,"UPDATE 2-Star Gas suspends payout, may seek bankruptcy" +Sci/Tech,PeopleSoft Product Exec Follows CEO Out the Door +Sci/Tech,Amphibians face extinction +Sports,Two runners die during Beijing International marathon: +Sports,Patriots are just ... well ... different +World,Fallujah negotiator refuses to resume talks +World,African Union Summit meeting for peace in Darfur opens in Tripoli +World,Two Macedonians executed in Iraq: al-Jazeera +World,North Korea #39;s number two leader in China amid pessimism over <b>...</b> +World,Final instalment of Dogville trilogy years away: Lars von Trier (AFP) +World,Printers betray document secrets +World,Voters Begin Casting Early Ballots in Florida +World,Iraqi Premier Plans Expansion of Arms Handover Program +World,Legal Cloud Lingers for Rosa Parks +World,USC and Miami Atop First BCS Standings +Business,Buy It at Your Local Sony Store +Business,"Microsoft, Cisco Partner On Network-Access Security" +Business,Russia invites foreign Yukos bids +Business,3M drags down Dow +Sci/Tech,"IBM Adds 64-Way pSeries, iSeries" +Sci/Tech,Intel cancels plans for 4GH P4 +Sci/Tech,"IBM Adds High-End, Midrange Disk Arrays" +Sports,FIFA keep tabs on Mutu case +Business,Canada #39;s richest worth over 100 billion US dollars +World,Iraq extends weapons amnesty +Business,UPDATE: Harmony In \$8.24 Bln Share Bid For Gold Fields +Business,Update 9: Oil Prices Nosedive on Profit-Taking +Business,"Woolworths ups bid for ALH, Coles buys time" +Business,Chambers: Cisco CEO Teams With Bill Gates To Combat Hackers +Business,UPDATE 2-Kmart names Yum marketing maven as CEO +Business,Microsoft Upgrades Navision ERP Suite +Sports,USC and Miami Atop First BCS Standings +Sports,IRL : La der pour Castroneves +World,South Africa Rejects Charges of Allowing Aristide to Incite <b>...</b> +World,Jazeera: Iraq Militants Kill Two Macedonia Hostages +World,Effect of single-parent families roils EU +Business,Yum Replaces Chief Operating Officer +Sports,Astros #39; Berkman fine playing second fiddle +Business,Official denial from Elan on takeover +World,Rebels see positive role for Gaddafi in Darfur +World,Osama is our chief: Zarqawi +World,Turkey can count on Germany when EU leaders meet: Fischer +Sci/Tech,JBoss takes on business process management +Sci/Tech,British ISPs must unmask downloaders +Business,Microsoft steers #39;R2 #39; server for #39;05 release +Business,Mattel suffers as Barbie bombs +Sports,"USC, Miami Top First BCS Rankings" +Sports,"Pride, Prizes Aplenty as Tennis Year Nears Climax" +World,S.Africa: Guest Aristide Not Behind Haiti Mayhem +World,Sudan: Darfur Rebels Use Human Shields +World,Iceman discoverer missing +World,Montclair and Its Model School Try to Cope With a Rape Charge +Business,Harmony #39;s offer for Gold Fields puts Iamgold merger in doubt <b>...</b> +Business,"Marsh amp; McLennan forecast slashed, stock slides" +Business,Microsoft delays access control technology for two years +Sci/Tech,JBoss Takes On jBPM Project +Sci/Tech,British file-swappers lose ISP protection +Sports,"Backe, Beltran lead Astros into Game 5" +Sports,Rockets Team Report +Sci/Tech,Handset Makers Raising Virus Defenses (Reuters) +Sci/Tech,Investors Cutting the Edge of CNET (The Motley Fool) +Sci/Tech,Rio Grande Artifacts May Yield New Clues (AP) +Sci/Tech,Russian Craft Docks with Space Station (Reuters) +Sports,Back to School: Hitchcock joins Princeton +Sci/Tech,Handset Makers Raising Virus Defenses +Business,Home Builder Optimism Reported Rising (Reuters) +World,Anglicans Criticize U.S. Church on Gays (AP) +Business,Oil Falls on Signs Economy Hurting +Business,Home Builder Optimism Reported Rising +Sci/Tech,Chinese Satellite Crashes Into House +Business,Zuckerman and Financier to Back Pop Culture Magazine +World,Typhoon triggers aid from Hawaii +Business,Investors Cutting the Edge of CNET +Business,Kraft's Candy Sale +Sci/Tech,Experts Say More People Should Take Statins +Sci/Tech,FDA Approves Use of Temporary Artificial Heart +World,Anglicans Criticize U.S. Church on Gays +Sci/Tech,Netegrity updates provisioning tools +Sci/Tech,"RFID, coming to a library near you" +Sci/Tech,Microsoft steers R2 server for '05 release +Sci/Tech,Liberty Alliance captures seven new members +Sci/Tech,SBC opens up Wi-Fi roaming +Business,SBC opens up Wi-Fi roaming +Business,"UPDATE 3-Star Gas suspends payout, may seek bankruptcy" +Business,ATA flight attendants ratify giveback deal +Business,Check Point beats Wall St. mark +Business,"Biogen, Elan merger rumors persist" +Business,Flight attendants OK 10 pay cut to keep ATA aloft +Sci/Tech,"Microsoft, Cisco To Share Network Security Technologies" +Sci/Tech,IBM Preps High-End Power5 Servers +Sci/Tech,Korea makes major strides in information technology +Sports,Rain has the last laugh as second Test ends in a draw +Sports," #39;Shut Your Trap, You Silly Old Man #39;" +Sci/Tech,Search Engine Industry Job Search - JobsInSearch +Sports,"Jets 29, Texans 7" +Sci/Tech,FedEx to Build 2nd-Largest U.S. Private Solar System +World,EU Leaves Option Open on Boeing Tariffs (AP) +Sci/Tech,"Great White Sharks, Others Win Global Protection" +Sci/Tech,"15 Years After Quake, San Francisco Still Vulnerable" +World,Anglican leaders welcome report +World,"Spitzer's Latest Suit, Like Others, Cites Indiscreet E-Mail" +Business,Update 2: Gold Fields Rejects \$8.1B Harmony Gold Bid +Business,"UPDATE 4-Odyssey warns of weak quarter, CEO resigns" +Business,Yukos asks JPMorgan Case for second assement ahead of auction <b>...</b> +Business,Houston firm to buy Greensboro petroleum terminal +Sci/Tech,Microsoft: 2005 #39;Breakout Year #39; For Windows Server +Sci/Tech,Intel Scraps Pentium 4 Chip for New Design +Sci/Tech,Data Laws Set Storage Agenda for IBM +Sci/Tech,Rules Approved for Broadband over Power Lines +Sci/Tech,Starbucks serves burnt CDs with its coffee +Sci/Tech,Wharf T amp;T links up with i-Cable on Net phones +World,Soldiers #39; families tell of worry +Sci/Tech,Intel whacks mobile chip prices +World,Finnish chemicals group Kemira spins off fertilizer business GrowHow (AFP) +Sports,Notre Dame wins National Championship on penalty kicks +Sci/Tech,Photo 1 of 3: New designs for iPod? +Business,Lexmark's Mixed Message +Business,SBC opens up Wi-Fi roaming +Business,Disney #39;s Latest Drama: \$200 Mln Courtroom Battle +Sci/Tech,Apple event could bring iPod news +World,Iran can discuss extension of enrichment suspension +Sci/Tech,IBM Report to Be Indicator of IT Spending (AP) +Business,Fed's Olson Says Economy Still Improving (Reuters) +World,"Top US diplomat for Mideast to visit Egypt, Morocco to plan Iraq conference (AFP)" +Business,"Blue Chips Off, S P 500 Up on Oil Retreat" +Business,Fed's Olson Says Economy Still Improving +World,Stocks Mixed As Oil Dips From Record High +Business,AXA Drops Bid for Australian Subsidiary +Business,Larger Customer Deals To Boost Check Point +Business,Mattel #39;s Barbie Blues +Business,Study finds dramatic rise in loss of tech jobs +Sci/Tech,Intel whacks mobile chip prices +Sci/Tech,RIM previews new BlackBerry handheld for wireless LAN +Sports,Glazer raises stake in Man United +Sports,More history for the Patriots; Win streak at 20 +Sports,Rain washes away Indian hope of levelling series +World,Karzai leads race in Afghan presidential polls: +Business,World oil prices rise to another record high +Business,Biographical sketch of new Kmart CEO Aylwin Lewis +Business,Web radio gets \$1.7 billion boost +Sports,Glazer increases united stake +Sports,All-Russian affair in Kremlin Cup final +World,Britain Considers Spreading Forces Throughout Iraq +World,S. Africa Condemns Claims About Aristide +Sci/Tech,Apple Plans Music Event - Is an iPod Announcement on the Agenda? (NewsFactor) +Sci/Tech,RIM Intros Souped-Up BlackBerry for Mobile Enterprise (NewsFactor) +Sci/Tech,JBoss Introduces Workflow Software (NewsFactor) +Sci/Tech,Check Point Posts Rise in 3Q Profit (AP) +Sci/Tech,Siebel Taps Motive Software To Improve Usability (NewsFactor) +Sci/Tech,The Problem with Gravity: New Mission Would Probe Strange Puzzle (SPACE.com) +Sci/Tech,"STS-114: Discovery Astronauts, Flight Controllers Simulate ISS Docking (SPACE.com)" +Sci/Tech,Mobile Handset Makers Raising Virus Defenses +World,"Suspect vote lets Belarus leader keep power, opposition cries foul (AFP)" +World,Fallujans flee from US-Zarqawi fight +World,Politics of 'fear over vision' explored on British television +World,Help the Monitor +Business,Norilsk Puts Gold Fields in Play +Business,"Crude Passes \$55, Greenspan Unfazed" +Business,Google Desktop Search Doesn #39;t Threaten Security +Business,Kraft net drops 4 percent +Business,Hammons #39; public hotel company may be sold to private corporation +Business,Can Mattel save Barbie? +Business,SBC Offers DSL Customers \$2 Wi-Fi Service +Business,Kmart Names Yum Brands #39; Aylwin Lewis Chief Executive (Update5) +Business,Oil dealer facing bankruptcy +Business,"Activision, Nielsen Study Impact of Video Game Ads" +Business,Man charged with extorting Hardee #39;s +Business,Yugansk Could Be Sold for \$3.75 Bln +Sci/Tech,Red Hat Hires Sun VP To Focus On Desktop Strategy +Sci/Tech,"RIM Sees Strong European, Asian BlackBerry Growth" +Sci/Tech,JBoss Unveils Workflow Engine +Sci/Tech,Who Leaked quot;Halo quot;? +Sci/Tech,How Planets Form: #39;It #39;s a Mess Out There #39; +Sci/Tech,The Fight is Finished +Sci/Tech,ATI Technologies insider-trading case pushed back to March +Sci/Tech,Delayed Starbucks music stores finally debut +Sports,"Don #39;t put a padlock on me, says Els" +Sports,Golf: Sorenstam surpasses two million dollars in season earnings +Sports,Expectations for Seahawks are more realistic after two tough <b>...</b> +Sports,Hantuchova wins; Pierce loses in Zurich +World,Vatican condemns EU #39;inquisition #39; +Business,DLA joins US firm in landmark law merger +Business,Oil Prices Slide After Posting New High +Business,IBM Third-Quarter Net Flat After Charge +Sci/Tech,Microsoft Set to Deliver New Windows Service Pack Beta +Sports,Nigerian heads Pompey home +Sci/Tech,Microsoft Lays Out Due Dates For Windows Server And Other Apps +Sports,Mutu faces two-year suspension +Sports,Gannon has received several opinions +World,Indian Police Kill Country #39;s Most Wanted Bandit +Sci/Tech,"Microsoft, Cisco: Seeing Eye-to-Eye on Network Security" +Sci/Tech,JBoss Introduces Workflow Engine for BPM +Sci/Tech,Halo 2 Code Leaked to Internet +World,Gush Katif heads cancel scheduled meeting with PM +World,Russia dispatches new Mideast envoy +Sports,BCS Makes Changes To Ranking System +Sports,Hantuchova beats Douchevina in Swisscom Challenge opener +Sci/Tech,IBM Boosts Power5 Server Portfolio +Sports,"Gannon Done for Season, Not Ready to Retire" +Sports,Randy Moss' Status Unknown for Sunday +Sports,"U.S.C., Miami Top B.C.S. Standings, Not Oklahoma" +Sports,Earnhardt Loses Appeal of 25-Point Penalty +Sci/Tech,IBM Goes After High-End Server Market +Sports,"Britain honors Olympians, Paralympians with parade" +Business,Marsh amp; McLennan plummets as market run scared +Business,Foreign funds boost South Africa +Business,Google #39;s new PC search tool poses risks +Business,Kalbfell: BMW Says Second Rolls-Royce CEO Resigns This Year +Sci/Tech,Google's New PC Search Tool Poses Risks (AP) +Sci/Tech,E*Trade Profit Rises as Expenses Drop (Reuters) +Sci/Tech,PC Shipments Rise 12 Percent Worldwide (Reuters) +Sci/Tech,"TI Profit Up on Cellular, TV Chip Sales (Reuters)" +Sci/Tech,"Study: Software vendors, users at odds over licensing (InfoWorld)" +Sci/Tech,Space Station Astronaut to Vote From Orbit (AP) +Sci/Tech,"RIM Sees Strong European, Asian BlackBerry Growth" +Sci/Tech,PC Shipments Rise 12 Percent Worldwide +Business,"Energy, Material Prices Hurt U.S. Profits (Reuters)" +Business,"Gas Tops #36;2/gallon, 2.9 Cents from Record (Reuters)" +World,Police Kill India's Most Wanted Bandit (Reuters) +Sci/Tech,Locust crisis 'could get worse' +Business,"E-Trade Profits Rise, Despite Weakness (AP)" +Business,Target Sees Sales Growth Near 6 Percent (AP) +Business,(Not So) Simple Simon (Forbes.com) +World,Police kill country's most wanted bandit Veerappan (Reuters) +Business,IBM Third-Quarter Net Flat After Charge +Business,"Energy, Material Prices Hurt U.S. Profits" +Sci/Tech,Solar Minimum is Coming +World,Bush Signs #36;33 Billion Security Budget (AP) +Business,Home Builder Optimism Rises in Oct-Report +Business,"TI Profit Up on Cellular, TV Chip Sales" +Business,Toymakers Hit by Economy; Holidays Grim +Business,USAir Details Plan to Be Low-Cost Carrier +World,Darfur Rebels Use Human Shields -- Sudan +World,Police Kill India's Most Wanted Bandit +World,"Anglicans Urge Ban on Gay Marriage, Gay Bishops" +Sports,Manning throws 3 TDs to topple Titans +World,Developer world: Poor nations on front line of computer wars +Sci/Tech,Astronomers Discover Planet Building Is Big Mess +Business,Glazer increases stake in Man Utd +World,Democrat Wants High Court Nominee List (AP) +World,Indian bandit 'killed by police' +World,Blair defends new exam proposals +World,Voters Cast Early Ballots as Candidates Trade Sharp Attacks +World,Bin Laden's trail gone cold: Musharraf (AFP) +World,Iraq's Allawi Extends Arms-For-Cash Plan +World,Democrats Signing Up More New Voters +World,Stocked Edge Higher As Oil Prices Retreat +World,Bush Accuses Kerry of Scare Tactics +Business,PeopleSoft awaits Delaware court ruling +Sci/Tech,Red Hat drafts Sun exec for desktop Linux push +Sci/Tech,Briefly: HP to sell Voltaire's InfiniBand switch +Sci/Tech,"Study: Online holiday sales merry, but not very" +Sci/Tech,Study finds dramatic loss of tech jobs +World,Spy agency investigates Libyan interest in weapons of mass destruction (Canadian Press) +Sci/Tech,"PC shipments up, but revenue less so, study says" +Sci/Tech,HP to sell Voltaire's InfiniBand switch +Sci/Tech,"VoIP unplugged, as Wi-Fi meets Net phoning" +Sci/Tech,Dialing up better college test scores +Sci/Tech,"TVs, cameras top holiday plans" +Sci/Tech,Cops track emergency call to malfunctioning TV +Business,An Odyssey of Wealth Destruction +Business,"Coke, Pepsi to list nutritional facts on labels" +Sci/Tech,Red Hat Hires Sun #39;s Tegan-Padir +Sci/Tech,Microsoft Patches Windows Server 2003 +Sci/Tech,New Space Telescope Observations Upset Theories of Planet <b>...</b> +Sci/Tech,NASA Says Switches May Have Caused Genesis Crash +Sci/Tech,OSC panel delays hearing ATI Technologies insider-trading case <b>...</b> +Sci/Tech,"Two blocks too far to walk for coffee, Starbucks says" +Sports,Sharapova to face tough challenge from in-form Hantuchova +World,Police Kill India #39;s Most Wanted Bandit +Sci/Tech,IBM looks to restore iSeries' 'luster' +Sci/Tech,Microsoft to deliver SP1 for Windows Server by year's end +Sci/Tech,Blue Coat tool targets spyware +Sci/Tech,Q A: Red Hat exec talks of challenges to open-source +Sci/Tech,"Brief: Job cuts in tech sector soar, report says" +Sci/Tech,"Cisco, Microsoft team up on network access security" +Sci/Tech,BladeLogic ships updated data center automation software +Sci/Tech,"Liberty Alliance names first director, new members" +Sci/Tech,Blue Coat jackets networks from spyware +Sci/Tech,CA opens United Arab Emirates headquarters +Sci/Tech,"Study: Software vendors, users at odds over licensing" +Sci/Tech,PeopleSoft awaits Delaware court ruling +Sci/Tech,Microsoft pushes SQL Server 2005 back +Sci/Tech,Can Laser Printers Fight Crime? +Sci/Tech,Google Desktop Search versus Microsoft Windows Search +Sci/Tech,Reeves Says EBay May Cause Identity Theft (AP) +Sci/Tech,Texas Instruments Posts Higher 3Q Profits (AP) +Sci/Tech,"IBM Third-Quarter Earnings, Revenue Rise (AP)" +World,"Bush signs law pushing human rights, humanitarian aid in North Korea (AFP)" +World,New Voters Sign Up in Battleground States (AP) +World,Spain Seizes Islamic Militants Suspected of Plot +Sci/Tech,International Space Station Astronaut to Vote From Orbit +World,Darfur villagers 'facing famine' +Sci/Tech,Clarke: Using technology to secure IDs is vital +Sci/Tech,RIM shows off BlackBerry with Wi-Fi +Business,Texas Instruments posts higher 3Q profits +Business,"LeapFrog Warns on 3Q, Year Profit View" +Business,Hollywood Awaits Start of Ovitz Trial +Sports,Earnhardt Loses Appeal of 25-Point Penalty (AP) +Sports,Neck Injury Ends Rich Gannon's Season (AP) +Sports,BoSox Lead Yankees 2-1 After Two Innings +Sports,Cowboys Not Winners Any More for Parcells (AP) +Sports,Glazer raises Manchester United stake to 27.6 pct-sources +Sports,Ferguson admits to flaws in his selection policy +Sports,Two die at Beijing Marathon +Sports,Astros Sorry for Showing Tavarez Replay (AP) +World,Veerappan shot dead by the STF +World,US says Zarqawi loyalty to al-Qaida real +World,Macedonians Killed in Iraq; For What +World,Bush Signs Law Expanding Rights of North Koreans to US Asylum +Sports,Sportsview: BCS a Work Forever in Progess (AP) +Sports,"Corretja, Davenport Warn of Burnout Dangers" +Sports,Sox Still Breathing +World,"Commercial Demand, Europe Drive PC Sales (AP)" +World,India's most wanted bandit killed in jungle shootout after a 30-year run (Canadian Press) +Business,IBM Net Flat; Says Confident on Outlook +Business,"Gas Tops \$2/Gallon, 2.9 Cents from Record" +Sci/Tech,News: New Google tool for searching computers a privacy risk on shared PCs +Business,US Retail Gasoline Prices Rise; Diesel Sets Record (Update1) +Business,UH MBA grad takes over as Kmart CEO +Business,Star Gas down on Pacific Exchange; warns of bankruptcy +Business,MCI to Write Down Asset Values by \$3.5 Bln in 3rd Qtr (Update2) +Business,UPDATE 1-IMF says Iraq has place for basic economic program +Sports,Cricket-Merriman says Kenyan cricket can learn from the Zimbabwe <b>...</b> +World,EU ministers fail to resolve issue of transit camps +World,Nationality saved captured Aussie +Sci/Tech,Briefly: RIM touts BlackBerry with Wi-Fi +Business,Tech Job Cuts Leap 60 +Sci/Tech,Space Station Astronaut to Vote From Orbit +Sci/Tech,HP #39;s Hall responds to Schwartz #39;s claims +Sci/Tech,Siemens Wins Malaysian 3G Deal +Sports,BoSox Lead Yankees 2-1 After Three Innings +Sports,Relieved Australia take break +Sports,"Costa, Corretja, Fish advance at Madrid Masters" +World,"Germany, Poland Fail to Resolve WWII Fight (AP)" +Business,IBM Net Flat; Says Confident on Outlook +World,Recent Polls on the Presidential Race (AP) +Business,U.S. Stocks Gain as Oil Falls +Business,Levi Strauss Scraps Dockers Sale +World,Democrats Signing Up More New Voters +World,Google's New PC Search Tool Poses Risks +World,BoSox Lead Yankees 2-1 After Five Innings +Business,"Woolworths Has 16.6 Stake in Australian Leisure, Extends Offer" +Business,"IT Jobs Dwindle in US, Offshore Hiring To Surge" +Business,"Japan Should Be Part of Aircraft Talks, EADS Says (Update1)" +Sports,Ortiz keeps Red Sox alive with timely home run in Game 4 +Sports,Glazer in position for takeover +Sports,Zims status never under threat: ICC +World,Indonesian court to try Ba #39;ashir next week +Sports,Yakubu makes Spurs suffer +Sports,Bill #39;s Henry to retain starting role when healthy +World,Broken JI spawns even more deadly menace +Sci/Tech,Vonage and Boingo Wireless to market VoIP together +Sci/Tech,Bono #39;s iPod +Sci/Tech,Published by the group of companies +Sci/Tech,FilePlanet Daily Download +Sci/Tech,JBoss Brings Open Source to BPM +Sci/Tech,"Smaller Boxes, Bigger Plans For IBM Storage" +Sci/Tech,"Baby, you can network my car" +Sci/Tech,Q amp;A: Red Hat exec talks of challenges to open-source +Sci/Tech,"Actional, Westbridge Merge" +Sci/Tech,Micron To Build Chip Production Plant in China +Sports,Red Sox stay alive in ALCS +Sports,Mutu agent #39;s shock at drug claim +Sports,"Oklahoma, No. 2 in Both Polls, Opens Third in BCS Ranking" +Sports,Gilly rejects #39;pressure #39; +World,Belarus KGB Arrests U.S. Internet Specialist (Reuters) +World,Iraqi Government #39;s Peace Talks With Falluja Break Off +World,Sharon resists calls for vote on Gaza +World,Report: Macedonia workers beheaded +World,Indonesian court rules terrorism trial to start next week +World,Muslims held after Spanish raids +World,Spain Arrests 7 in Suspected Terror Plan (AP) +World,Locust Likely to Descend on West Africa Again (Reuters) +World,"Bush, Kerry Exchange Bitter Words on Iraq (AP)" +Sports,Colts crush Titans +World,Gore: Bush Deceived Public on Iraq (AP) +Sci/Tech,Intel Cuts Prices on Laptop Computer Chips +Sci/Tech,Scientists: New planets may take longer +Sci/Tech,Maxis set to roll out 3G in 2005 +Sci/Tech,Westbridge Merger Is Where The Actional Is +Sports,ICC: Test status for Bangladesh and Zimbabwe is safe +Sports,Turf trip tempting for Board +Business,Gold Fields chief calls 4.5bn bid #39;inadequate #39; +Business,Australian Oil-Related Stocks Drop; Australian Leisure Rises +Business,Insurance scandal spreads to Britain +Business,Stewart: Kmart Exec Shuffle May Benefit Firm Martha Founded +Business,Pressure eases on rates as housing begins to cool +Business,MCI to Write Down Asset Values by \$3.5 Bln in 3rd Qtr (Update3) +Business,Check Point beats forecasts in Q3 +Business,Dollar hit by investment fears +Business,Ford: Automaker Inks Deal With Sirius Satellite Radio +Business,US firm awarded extended contract for Antarctica work +Business,US media executives rattled by Disney #39;s \$140m deal +World,Deadline for Black Watch to assess risk of operation +World,Allawi vows steps to fight terrorism +World,Indian police kill country #39;s #39;most wanted #39; bandit +World,Karzai leads vote count +World,Peru Shining Path Head Faces Nov. 5 Retrial +World,UN Assembly Panel Backs Morocco on Western Sahara +World,French editor quits in Israel row +World,Muslims held after Spanish raids +World,Yankees Lead BoSox 4-2 After Six Innings +Sci/Tech,Intel Cuts Prices on Laptop Computer Chips +Sci/Tech,PC Shipments Rise 12 Pct Worldwide in 3rd Quarter +Sports,"Yanks, BoSox Tied 4-4 After 10 Innings (AP)" +Sports,Tavarez Breaks Hand After Leaving Game 4 (AP) +Sci/Tech,Infineon Executives Guilty of DRAM Price-Fixing +Sports,Iverson ejected in pre-season victory over Raptors (AFP) +Sports,Ex-New York Rangers Cheerleader Sues (AP) +Sports,Seahawks' Wistrom Suffers Broken Knee +Sports,"Oklahoma, No. 2 in Both Polls, Opens Third in B.C.S. Ranking" +Sports,Jets' Edwards Avoids Bulletin Board Material +Sports,"Without Mutombo, Knicks Hope the Center Will Hold" +Sci/Tech,"Briefly: Good Technology supported by HP, Samsung" +Sci/Tech,McNealy: Microsoft integration work slow going +Sci/Tech,Dell extends lead in PCs +Sci/Tech,Pension deal bites into IBM profit +Sci/Tech,Broadband to get power boost in Big Apple +Sci/Tech,"Good Technology supported by HP, Samsung" +Sci/Tech,MCI takes financial charge for Q3 +Sci/Tech,"Gartner ITxpo spotlights security, wireless" +Sci/Tech,Wavelink introduces all-in-one Wi-Fi management +Business,MCI to Record #36;3.5 Billion in Charges (Reuters) +Sci/Tech,Businesses keep Q3 PC growth on track +Business,IBM Net Flat; Sees Strong Fourth Quarter +World,"A Look at Lawsuits, Voting Problems (AP)" +Business,Marsh Reveals What's at Stake in Probe +Business,Analysts Expect Strong Google Quarter +Business,"TI Profit Up on Cellular, TV Chip Sales" +Business,Dollar Inches Up as Oil Prices Ease +Sports,Astros recover from Oswalt #39;s poor start +Business,Ontario to look at splitting OSC while pushing for single national <b>...</b> +Sports,rebels pin hopes on Bevan +Sports,Pompey #39;s Yakubu Gets The Better Of Spurs +World,Death threat to Aussie reporter +World,"Aussie journalist seized in Iraq, interrogated for over 20 hours" +World,Head of french radio RFI resigns due to anti-Israeli argument +Business,IN THE SPOTLIGHT MICHAEL EISNER +Business,Singapore probes China firm +Business,Credit Suisse to unveil revamp +Business,Detroit City Council passes modified measure to create black <b>...</b> +Sports,Rice traded to Seahawks for 7th-round pick +Sci/Tech,Scientists: New planets may take longer +World,Iraq to Widen Arms-for-Cash Program +World,India's Most Wanted Bandit Killed in Shootout (Reuters) +World,Bush Wants Cargo Planes to Aid Sudan (AP) +World,Kerry Appeals to Haitian Immigrants in French (Reuters) +World,India's Most Wanted Bandit Killed in Shootout +Business,Techs Lead Tokyo Stocks Higher +Sci/Tech,A New Look at How Planets Are Formed +Sci/Tech,IBM Shark Sales Sink +Business,US stocks gain as oil falls +Business,MCI writes down value of telephone network by \$3.5 billion <b>...</b> +Business,Iamgold Falls as Gold Fields Takeover Thrown in Doubt (Update1) +Business,"GM to cut 430 British jobs, union says" +Business,Dollar takes a tumble +Sports,Ernie Els Interview +Sports,Probe clears Zimbabwe +Sports,Rice could be headed north to join Seahawks +Sports,Olympic heroes on parade in London +Sports,Portsmouth vs Tottenham match preview +World,Israeli Demolitions Deemed Excessive +World,Iran prepared to suspend some nuclear activities +World,PM talks up Indonesia ties +Business,Villagers hold Nigeria oil plants +Sci/Tech,"Sony to Open More Stores, Worrying Others (AP)" +Sci/Tech,New Modem May Offer On-Road Connectivity (AP) +Sci/Tech,Online Resources To Buy N.J. Firm (washingtonpost.com) +Sci/Tech,Netflix Sticks to Guns in Online DVD Rental Fight (Reuters) +Sci/Tech,"Gartner ITxpo spotlights security, wireless (InfoWorld)" +Sci/Tech,"Update: Study shows software vendors, users at odds over licensing (InfoWorld)" +Sci/Tech,IBM Net Flat; Sees Strong Fourth Quarter (Reuters) +Sci/Tech,Scientists: New Planets May Take Longer (AP) +Sci/Tech,Scientist Envisions Small-Scale Hydropower (AP) +Sci/Tech,MCI to Take \$3.5 Billion Charge in 3rd Quarter +Sci/Tech,Online Resources to Buy N.J. Firm +World,Anglicans Criticize U.S. Church on Gays (AP) +World,"Gagliano aide had misgivings about sponsorships, inquiry told (Canadian Press)" +Business,GM cuts 430 jobs as Ford plans new plant +Business,FSA monitors investigation into US insurance industry +Business,Property market faces up to 12 months of stagnation +Business,Disney shareholders to get their day in court +Business,Future for Kraft is less sweet +Business,Cairn owes millions to India +Sports,"Cards, Astros Scoreless After Four Innings (AP)" +Sports,"Rams, Bucs Tied 7-7 After First Quarter (AP)" +Sci/Tech,"Cisco, Microsoft bridge security gap" +Sci/Tech,Half-Life 2 is Gold +Sports,"For the Red Sox, a Series of Trials and Teases" +Sports,Beltran and Pujols Playing #39;Can You Top This? #39; +Sports,"Rams, Bucs Tied 7-7 After First Quarter" +World,Troops Await Decision on US Back-Up Plea +World,UN accuses Israel of excessive force during Gaza offensive +Sports,Passing Game Stalls +Sports,Ruffin Grabs Attention +Sports,Groh Warns Defense +Business,Nikkei Up 1.16 Pct; Fujitsu Jumps +World,Israeli Demolitions Deemed Excessive +World,Brazil and UN Try to Solve Nuke Impasse +World,Peru's Shining Path Leaders to Face Trial +Sci/Tech,Web services outfits merge +Sci/Tech,A Blackberry for WLANs is fruit of RIM research +Sci/Tech,DOA Ultimate goes gold +Sports,"In Return, P. Johnson Signs With the Ravens" +World,African leaders reject foreign intervention in Darfur conflict +World,"Veerappan killed, Jaya pats STF" +Business,"Insurers Feel Pressure, Drop Commissions" +Business,Bond Sales Feed Worries +Business,Disney Heads to Court in Georgetown +Business,Ford to Offer Sirius Radio as an Option in More Cars +Sci/Tech,"After a long, messy process, a planet is born" +Sci/Tech,Micron Technology to Build Chinese Factory +Sci/Tech,Large Binocular Telescope Dedicated in Arizona +Sci/Tech,Intel Slashes Notebook Computer Chip Prices +Sci/Tech,Telescope Can See a Future +Sports,"Thank heaven for Arsenal, the sunshine boys" +Sports,Sooners Bumped Back By BCS +Sports,LONDON CALLING TO THE IOC +Sports,Johnson had two picks vs. Ole Miss +Sports,Camby locks onto puck fans +Sports,Souness to act on foul-mouthed Bellamy +Sports,Models steal Masters spotlight +Sports,No Longer A Rumour... +World,Israeli Troops Kill Four Arab Terrorists Near Gaza Military Camp +World,"Another typhoon near Japan, 260 flights cancelled" +World,German border police convicted over Sudanese death +World, #39;Why Does the War Keep Chasing Us? #39; +Sports,Porter will adjust his exchange rate +World,Typhoon approaches mainland Japan +World,Darfur rebels use human shields +Sports,Newcastle and Charlton battle to draw +Business,Jailed lifestyle guru Stewart finds fellow inmates nice +Business,Ford to expand Sirius satellite radio offerings +Business,Bid to be the world #39;s biggest gold firm +Business,AXA rejects takeover bid as stock falls +Business,Barcelo Crestline to Acquire Missouri-Based Hotel Group +Sci/Tech,"VERITAS extends its reach, support and solution sets with Volante" +World,Rumors of Shakeup in Military-Ruled Myanmar (Reuters) +World,Official: Border Terror Fears Overblown (AP) +World,Three Germans Sentenced for Refugee Death (AP) +World,Fla. Senate Candidates Have Opposing Views (AP) +World,Brazil says nuclear deal reached +World,The man who killed Veerappan +Sports,Yield on Bonds and baseball: dropping? +Business,Oil fall greases Wall St rise +Sports,"Now, Yanks are on hot seat" +World,Insurance Investigation Widens to Include a Look at Costs +World,Iraq's Allawi Extends Arms-For-Cash Plan +World,Astros Beat Cards 3-0 to Take NLCS Lead +World,"Yanks, BoSox Tied 4-4 After 13 Innings" +World,Terrorist Zarqawi Swears Allegiance to Bin Laden +Business,African Town Compromise +Sports,Sources: Few details to be ironed out +World,Sudan says Darfur rebels using human shields +Business,Politicians enter fray as Opel workers drive wildcat strikes into <b>...</b> +Business,Panel delays latest ALH bid +Business,Dell extends lead in PCs +Business,Watchdog: TSA overpaying Boeing for airport security contract +Sports,Astros Beat Cards 3-0 to Take NLCS Lead (AP) +Sci/Tech,"AMD, Intel Stick with Speed for Gamers" +Sci/Tech,Amd64 Journeys to Shangri-La with Mark Knopfler +Sports,Red Sox Stay Alive with Epic 14th-Inning Win +Sports,Savor Beltran while he #39;s hot +Sports,"USC, Miami atop first BCS rankings" +Sports,"One player suspended, another dismissed by Fulmer" +Sports,Jets' Edwards Avoids Bulletin Board Material +Sports,Red Sox Extend Season +Sports,Astros Take Lead +Sports,Seattle Acquires Rice +Sports,Rams and Bucs tied after three quarters +World,PM rules out extra troops for Iraq +World,About 260 air flights cancelled because of Typhoon Tokage +World,Indian minister hits out at textbook praising Hitler (AFP) +Sci/Tech,PlayStation 3 chip to debut in IBM desktop +World,Kerry Courts Jews With Hebrew Stickers (AP) +Business,"Nikkei Up One Percent, Fujitsu Jumps" +Business,"TSA Deal Overpaid Boeing, Report Says" +Business,Barcelo Crestline to Acquire Missouri-Based Hotel Group +Business,Regulator Stops Sale Of Thrift +Business,Watergate Co-op Owners Win Ruling +Business,"A New Trial of Celebrex, and Questions on Its Timing" +Business,3M Posts Higher Profit +Business,Pfizer Says It Will Do Study of Possible Benefits of Celebrex +Sci/Tech,Microsoft math: dual core licensed as one chip +Sci/Tech,Intel's dual-core Xeon due in 2006 +Sci/Tech,IBM pushing wireless through partnerships +Sci/Tech,Search Marketing Off the Beaten Track +Business,"Gold Fields, Harmony dominate JSE" +Business,"Germany: Opel cuts over 10,000 auto jobs" +Business,IBM #39;s 3rd-Quarter Profit Beats Analysts #39; Predictions +Business,Technology ; PC Shipments Rise 12 Pct Worldwide in 3rd Quarter +Business,Hammons merger eyed +Business,Yum executive quits for Kmart +Sports,"Rams 28, Buccaneers 21" +Sci/Tech,Firefox Gets Ready for Ad Splash (Ziff Davis) +World,Karnataka CM compliments STF on killing Veerappan +World,Karzai leading in Afghan polls +World,Boston Beats Yanks 5-4 in 14 Innings +Business,Drop in oil prices spurs rally in stocks +Business,"Small Business, Ill-Defined" +Business,Healthy house prices in Scotland +Business,Stretching out +Business,Businesses keep Q3 PC growth on track +Sports,Hoping for a miracle on grass +Sports,Houston now in control +Sports,"ACC Unveils New Football Division Names, Logo" +Sci/Tech,Car Navigation Units Keep Business Trips on Course +Sci/Tech,I.B.M.'s 3rd-Quarter Profit Beats Analysts' Predictions +Sci/Tech,MCI Planning to Write Down Phone Assets +Business,Telstra Corp. Appoints Akhurst to Head Sensis Advertising Unit +World,Powell Tells Paper U.S. Working on Iraq Election (Reuters) +Business,Shares Edge Higher as Price of Crude Oil Drops Sharply +Business,Fast-Food Chains #39; Executive Is Appointed Chief of Kmart +Business,Shares in Hospice Company Plunge +Business,SBC offering \$2 Wi-Fi access +Sports,Tavarez Breaks His Hand in Outburst +Sports,Rams 28 Buccaneers 21 +World,"After two decades, Veerappan saga ends (update):" +Sports,Kent Gives Astros 3-2 Series Lead Over Cards +Sports,Raiders Trade Rice to Seahawks +Business,Profit-taking pushes oil prices downward +Business,Macquarie Bank trading halt +Business,US Airways to boost number of flights +Business,"Update 6: Ace, AIG End Commissions Eyed in Probe" +Business,IBM profits hit by \$320m pensions settlement +Business,Sainsbury takes profit hit to boost sales +Business,MCI to write down assets of \$3.5 billion as sales fall +Business,ESCALADE TOPS #39;HOT #39;-ROD LIST +Business,Local PC sales remain strong +Business,Detroit soft-pedals African Town plan +Sci/Tech,"Microsoft, Cisco Partner on Security Improvements" +Sci/Tech,JBoss unveils workflow engine +Sci/Tech,Geologist monitors emissions for clues about volcanoes +Sci/Tech,Sony to start marketing mini PS2 in November and PSP in 1Q <b>...</b> +Sci/Tech,Wireless alternative to DSL mooted +Sci/Tech,Powerline Ethernet Gets the Nod +Sports,Red Sox refuse to give up +Sports,=== One-hit wonders by Backe and Kent give Houston NLCS lead === +Sports,Manchester Utd confirm Glazer raises stake to 27.6 pct +Sports,Sims #39; play draws raves from coach +Sports,Dolphins lead in turnovers +Sports,Mutu to assess options +Sports,Glazer ups United stake again +Sports,Horna will face Ferrero in Madrid +Sports,Steelers QB stands tall +Sports,Henman #39;s chance to shine at the top +World,Lukashenko can keep power: Belarus officials +World,Karzai team believes victory quot;secure quot; +World,Sharon stands firm on withdrawing settlers +World,Susilo told not to choose ministerial candidates from New Order <b>...</b> +Sports,Holt Scores Two Touchdowns to Lead Rams Past Bucs (Reuters) +Sports,Baseball-Red Sox Stay Alive with Epic 14th-Inning Win (Reuters) +Sci/Tech,Scientists: New Planets May Take Longer +Sci/Tech,Back to front switches blamed for space probe crash +Sci/Tech,RIM Intros Souped-Up BlackBerry for Mobile Enterprise +Sci/Tech,Modem to Connect With Speedy Cellular Tech +Sports,Glazer Ups Man Utd Stake - Again +World,Israeli Forces Kill 6 Militants In Gaza +World,US commander Franks denies hunt for bin Laden was 'outsourced' (AFP) +World,Falluja hit by fresh air strikes +World,Hosts await drink-drive verdict +World,Newmont cleared in Indonesia +World,Protests at GM job cuts to spread +Sports,The A.C.C. Runs Deep and Strong This Season +World,Aerosols 'harm mother and baby' +Business,Oil Slips But Holds Over #36;53 (Reuters) +Sports,Starters: Nothing was something +Sports,Glazer spends 17M to up Man Utd stake +Sports,BCS rankings still rankling +World,Burma PM #39;removed #39; +World,Europeans in Thrall of American Culture (AP) +World,Marines Vent Frustration in Western Iraq (AP) +Sports,"Bills Beat Dolphins, 42-32 (AP)" +Business,Asian Stocks Rise on U.S. Tech Advances +Business,Oil Slips But Holds Over \$53 +Sports,Wakefield comes through in extra innings +Business,US to appeal against WTO ruling +Business,Broker quot;fees quot; from insurers a real crime +Business,Celebrex Maker Will Examine Heart Risks +Business,Housing Boom #39;Over #39; After Rate Hikes +Sci/Tech,Study claims planets lead violent life +Sports,Astros launch into NLCS lead +Sports,Shaq leaves Collier with a souvenir in Heat #39;s win +Business,Gas prices top \$2 a gallon in state +Business,Becoming a player +Business,"Bitter foes, investment bedfellows" +Business,2 insurers drop disputed fees +Business,Airline to raise number of flights +Business,Mass. makes 1st technology fund loan +Business,Hub consumer group joins AFL-CIO in AstraZeneca suit +Business,Banknorth sought other deals +Business,Oil prices fall on profit-taking after futures pass \$55 a barrel +World,Hirst restaurant sale makes 11m +World,Pragmatism at heart of Peres's efforts toward peace +World,Iraq seeks to extend arms-for-cash +World,Censorship increasingly hits Russia's media +World,Indian police kill notorious bandit +World,S. Africa rejects Aristide allegation +World,"Afghan election worker, 4 others killed by bomb" +World,Iran to halt some nuclear activities +World,A tale of romance for terror suspect +World,Belarus president says he won mandate to remain in power +Sci/Tech,Case study: Sensing out danger +Sci/Tech,Digital Agenda: Homeland security--Companies profiting from fear (page 3) +Sci/Tech,Digital Agenda: Homeland security--Companies profiting from fear (page 2) +Sci/Tech,Digital Agenda: Homeland security--Companies profiting from fear +Business,MCI says its asset values to be written down \$3.5 billion +Business,"Sainsbury to Cut Headquarter Jobs, Halve Dividend (Update2)" +Business,House prices go on the slide +Business,Hub consumer group joins AFL-CIO in AstraZeneca suit +Sports,Tennis: Defending champion Myskina sees off world number one <b>...</b> +Sports,Galveston #39;s Jones now dishing to Shaq +Sports,Notebook: Injured Wistrom will miss 4-6 weeks +Sports,Lubick challenges team in Holland #39;s absence +Sports,Heat scores style points at home exhibition +Business,"Intel cuts prices on chips, laptop to sell cheaper" +Business,Stocks rise as oil falls from record high +Business,WTO: EU sugar subsidies break trade rules +Business,Village mine poison case flaw +Sports,Rams 16 49ers 6 +Sports,Jets 29 Texans 7 +Sci/Tech,Bush vs. the Laureates: How Science Became a Partisan Issue +Sci/Tech,Those Brilliant Fall Outfits May Be Saving Trees +Sci/Tech,Doctors Behind Bars: Treating Pain Is Now Risky Business +Sci/Tech,"From a Physicist and New Nobel Winner, Some Food for Thought" +Sci/Tech,"A Patient's Suicide, a Psychiatrist's Pain" +Sci/Tech,Mad Math: Bending Time With 'Primer' Director +Sports,"Two wins in hand, two to go" +Sports,Yankees are hoping latest sting doesn't prove fatal +Sports,Lack of leadership hurting Damon +Sports,Schilling hoping start isn't a finish +Sports,Boston fades from view as Lowe looks ahead +Sports,Francona had no second thought on lineup +Sports,He's elated to be walking on air +Sports,It was nothing to kick about +Sports,Rams go long on Buccaneers +Sports,Rice gets his wish: Raiders deal receiver to Seahawks +Sports,Murphy's Law has opposite meaning in MLS +Sports,"For Jefferson, it's not easy being green" +Sports,Everett's Ferri is a gem for Syracuse +Sports,Harvard claims spot in 1-AA poll +Sports,BCS rankings still rankling +Sports,Girls Top 20 +Sports,Catie Whelan +Sports,Eastie gets a big boost from Santos +Business,ALPA vote expected this week +Business,"Maxima, Escalade tops with thieves" +Sci/Tech,Buy.com Entering Social Networking Scene (AP) +World,Britain seen backing US request on troops +World,Belarus president says he won mandate to remain in power +World,Australia tells Indonesia preemptive strikes #39;unlikely #39; +World,Terror attacks in Iraq aimed at impeding Bush #39;s reelection: Putin +Sports,Raiders fail to keep up with Broncos +Sports,Gooch fills in for injured Quarles again +Sci/Tech,Late Street spurt to buoy bourses start (FT.com) +Business,Asian Stocks Rise on U.S. Tech Advances (Reuters) +World,High Hopes as Ex-General Takes Over in Indonesia (Reuters) +World,Saboteurs Hit Pipeline in Northern Iraq (AP) +World,"U.S. Forces Bomb Falluja, Release Police" +World,High Hopes as Ex-General Takes Over in Indonesia +World,Social Security Gets Cost of Living Boost +Sci/Tech,"MS, Cisco to Collaborate on Security Solution" +Sci/Tech,"AMD Debuts Athlon FX-55, 4000 Chip" +Sports,Big plays spark Rams +Sports,Huskies cite #39;dirty #39; hit in Milsten injury +Sports,"NATIONAL LEAGUE: Kent #39;s HR in 9th stuns Cards, launches Astros to <b>...</b>" +World,The mystery of Veerappan #39;s missing moustache +Business,I feel your pain +Business,Banknorth sought other deals +Business,Airlines brace for crisis +Business,QNS. HOSP GUNMAN #39;S BIZARRE TALE +Sports,Kent blasts Astros ahead +Sports,Mutu #39;confessed #39; to taking drugs +Sports,Ball kids get makeover at Madrid tennis event +Sports,DON #39;T WRITE OFF UNITED - POBORSKY +Sports,Sparta Prague v Man Utd +Sports,Beavers hope revival continues vs. Cougars +World,Veerappan shot dead +World,Fallujah #39;s negotiator obeying insurgents +World,Karzai far ahead in Afghan vote with quarter of ballots counted +World,Powerful typhoon bearing down on Okinawa +Sci/Tech,Microscopic Diamond Found in Montana (AP) +Sci/Tech,Summary: Microscopic Diamond Found in Mont (AP) +World,Nuclear impasse top of agenda as NKorea's No. 2 meets China's leaders (AFP) +World,"How Many Iraqis Are Dying? By One Count, 208 in a Week" +Business,"DaimlerChrysler, union reach deal at Brampton" +Sci/Tech,"Microsoft, Cisco tie up to coordinate technologies" +Sci/Tech,Veritas puts finishing touches on i3 +Sports,Kovalcheck tapped for 1st start +World,"Myanmar PM sacked, arrested for corruption--Thai govt" +World,Five civilians die in vehicle blast +Sports,Goosen #39;s easy home success +World,"Bush, Kerry launch fierce attacks over Iraq (AFP)" +World,Half-Life 2 set for mid-November +Business,GM #39;s Opel pledges to secure plants +Business,"Sources: EU, Coca-Cola reach settlement" +Business,"Stelco, union aim for deal" +Business,Detroit council drops blacks-only loans in African Town plan +Sci/Tech,Apple preps #39;black iPod #39; U2 limited edition promo +Sci/Tech,Half-Life 2 set for mid-November +Sci/Tech,CEM launches #39;Micro Browser #39; facility +Sports,Spanish MPs in fury over ball girl models +Sports,O #39;Connell will try to jump-start Aztecs #39; season +World,Myanmar PM under house arrest +World,Putin: Insurgents hoping to swing US election +Sci/Tech,"Boingo, Vonage Team Up" +Sci/Tech,Magma Moving At Mount St. Helens +Sci/Tech,Data laws set storage agenda +World,Thai Spokesman: Myanmar PM Forced to Quit +World,Google 'saved' Australian hostage +World,Thai Spokesman: Myanmar PM Forced to Quit +Sci/Tech,Greenfield halves Telfort stake (TheDeal.com) +Sci/Tech,Strine tips his hand (TheDeal.com) +Sci/Tech,BBC digital radio 'must evolve' +World,Cleric Faces Terrorist Charges in Britain (AP) +Sci/Tech,Iceman discoverer missing in snow +World,Quarter of All Afghan Votes Counted; Karzai Ahead +Sci/Tech,Foxes kill Great Bustard chicks +Business,Workers at Sweden Saab Plant to Protest +Business,Marsh amp; McLennan takes king hit +Business,Airline plans schedule changes +Sports,Rams Defeat Buccaneers 28-21 (AP) +Sci/Tech,Microsoft backs free dual core licences +Sci/Tech,Red Hat drafts Sun exec for desktop Linux push +Sci/Tech,AOL Tests Desktop Search +Sports,Fergie: We Must Focus On Prague Before Arsenal +World,PM talks up commitment to Indonesia +Business,VW Looks at a US Factory +Sports,Transactions +World,Police kill Veerappan in gun battle (Reuters) +World,N.Korea Committed to 6-Way Nuclear Talks - China +Sci/Tech,New Screening Technology Is Nigh +Sci/Tech,Inventor Rejoices as TVs Go Dark +Sci/Tech,U.N. to Revisit Cloning Treaty +Sci/Tech,Candidate Has Platform for Geeks +Sci/Tech,Plasma Beam Eyed in Space Travel +Sci/Tech,E-Voting Still a Florida Bugaboo +Sci/Tech,California Pumps Up Stem Cells +Sci/Tech,Telescope Can See a Future +Business,"Hell no, we wont go, says Gold Fields" +Sports,Vikings offense on a record-breaking pace +World,Karnataka to investigate political links of Veerappan +World,Humane Society opens case against Japan whaling in Australian <b>...</b> +World,Germany #39;s Six Institutes Expect Growth to Slow to 1.5 in 2005 +Business,Gold Fields rejects takeover bid +Business,Coke nears settlement with EU +Business,Pru taps investors for one billion pounds +Business,LG Electronics #39; Profit Rises 36 on Handset Sales (Update6) +Sci/Tech,Halo 2 leaked onto Net +Sci/Tech,Apple and U2 to unveil black iPod +Sci/Tech,Siemens Touts HSDPA Kit +Sports,Britain #39;s Olympic winners parade through London +Sports,RANGER GAL ICES GARDEN WITH SEX SUIT +Sports,"Bears still believe in Quinn, kind of" +Sports,Donohoe quits after marijuana arrest +World,Police kill India #39;s most wanted bandit +World,N.Korea Committed to 6-Way Nuclear Talks - China +World,Gov't unveils plan to liberalise gambling laws (AFP) +World,Team of Egyptian Doctors Examines Arafat (AP) +World,N. Korea Says Talks Way to Resolve Dispute (AP) +World,Bush Talks About Troop Presence in Iraq (AP) +Business,Oil Falls Below \$53 +World,"Myanmar PM Ousted, Under House Arrest-Thai Govt" +World,Beijing's Tourism Impresses Williams +Sci/Tech,Cern particle lab marks 50 years +Sci/Tech,Forbes predicts black U2 iPod +World,India #39;s Most Wanted Bandit Killed +World,Iraqi government to extend cash-for-weapons program +World,Germany #39;s 2004 Growth Outlook Raised +Sci/Tech,Cern particle lab marks 50 years +Business,Harmony bids \$8-bn to take over rival Gold Fields +Business,Australian retail giants #39; takeover battle in limbo after regulator <b>...</b> +Business,New policy soon to get FDI in core +Business,Report critical of Boeing +Business,Levi #39;s keeps its hands on Dockers +Business,Pfizer Plans Test Of Its Arthritis Drug +Sci/Tech,JBoss adds workflow engine to middleware stack +Sci/Tech,The .NET Developer #39;s Guide to Windows Security +Sci/Tech,AMD pushes PC with Athlon 64 FX +Sci/Tech,PS2 Tops Million in Korea +Sports,"Red Sox pull out another dramatic victory, stay alive in ALCS" +Sports,Souness ready to sort out players +Sports,"Raiders trade Rice, lose Gannon" +Sports,Injury threatens Moss streak +Business,Continental Posts Quarterly Loss +Business,Sainsbury #39;s profits to suffer 550m hit +Business,Kmart names new chief executive +Sci/Tech,Half-Life 2: Release am 16. November +Sci/Tech,Sun CEO lays out server strategy +World,Burma #39;s military regime #39;has ousted prime minister #39; +World,Referendo en Bielorusia +World,Israeli Soldiers Kill 2 Palestinian Gunmen in Gaza +World, #39;No #39; to Foreign Intervention #39;Yes #39; to Federation in Darfur +World,EU Makes Final Nuke Offer to Iran Thursday-Diplomats +World,Hamza charged under UK terror act +Business,Wall Street rides coattails of soaring oil production +Sports,2010 the next Indian odyssey +Sports,Manchester United specials +Sports,CSU moves on with Hanie +World,Palestinian FM: US Elections Hinder Peace Process +Sci/Tech,Airpath Joins Wi-Fi Hotspots for Easier Web Access (Reuters) +World,German Institutes Forecast Growth Will Slow in 2005 (Update1) +Sci/Tech,Microsoft moves in on music downloads +Sci/Tech,The .NET Developer's Guide to Windows Security +Sci/Tech,Subscription news boosts Reuters +Sci/Tech,Rocky Legends knock out +Sci/Tech,Airpath Joins Wi-Fi Hotspots for Easier Web Access +Business,Safeway Profit Falls on Strike Costs (Reuters) +Business,Sprint Reports Wider Loss on Writedowns (Reuters) +World,Child suicides high in Shanghai +Sci/Tech,2-Fingerprint ID System Called Inadequate +Business,Struggling Sainsbury plans price cuts to woo customers (AFP) +World,Sudan lashes out at Darfur rebels over charges of summit 'bias' (AFP) +Sci/Tech,"Bush, Kerry Make Last-Minute Pleas for Help by E-Mail" +Sci/Tech,FDA Approves Artificial Heart For Those Awaiting Transplant +World,'Orange' victory sours east Ukraine +Business,Ford Posts Third-Quarter Profit +Business,Sprint Reports Wider Loss on Writedowns +Business,Source: EU-Coke Antitrust Deal in Works +Business,"Oil Falls to \$53, Fuel Costs Hit Economy" +World,Chile debates when crime is 'terrorism' +Business,EMC Third-Quarter Net Jumps +World,Karzai Camp Smells Victory Early in Afghan Poll +World,EU Makes Final Nuke Offer to Iran Thursday-Diplomats +Business,South America blocs in trade deal +World,"NATO Troops Wound, Arrest Serb War Crimes Fugitive" +World,'100 casualties' in Iraq attack +World,Eritrea and Sudan in war of words +World,Bergman reveals secret love child +World,Gambling law shake-up is unveiled +World,"Astros Beat Cards, Take NLCS Series Lead" +World,"Over 100 Iraqis Killed, Wounded in Attack" +Business,Oil falls on new demand outlook +Business,Gold Fields rejects Harmony Gold #39;s \$8.1bn takeover offer +Business,Continental posts quarterly loss +Business,Boeing reaps \$49M from US error +Business,Job gains in state sluggish +Business,"Escalades Most Likely To Be Stolen, Insurance Group Says" +Sci/Tech,Another bump in Microsoft #39;s Windows roadmap +Sci/Tech,"Planet formation is violent, slow and messy" +Sci/Tech,Half-Life 2 Launch details revealed +Sports, #39;Big Papi #39; pulls up the Sox +Sports,Writing on wall is in invisible ink to ailing Gannon +Sci/Tech,Red Hat Hires Sun Executive +World,Hamza Accused of Soliciting Murder of Jews +Business,High Fuel Pushes Continental Air to Loss +Business,Pfizer to Test Heart Safety of Celebrex +Business,"State: California gained 4,900 payroll jobs in September" +Sci/Tech,VIA announces support for new AMD CPUs +Sci/Tech,Cern reveals its secrets to the public +Sci/Tech,Drawings done backwards likely doomed NASA probe +Sci/Tech,Microsoft math: dual core licensed as one chip +Sci/Tech,AMD heralds PCI Express chipsets +Sci/Tech,NASA reveiws mixup that doomed capsule +Sci/Tech,Microsoft math: dual core licensed as one chip +Sports,Prospect of Houston is no problem for Henman +Sports,Heat handles Atlanta +Sports,Niners #39; coach taking mental beating in nightmare season +Sports,O #39;Connell gets start for Aztecs +World,India ; Criminal and killer Veerappan finally exterminated +World,Mortar Attack In Iraq Kills Or Wounds More Than 100 Iraqis +World,Belarusian Chief Sees Vote As Mandate +World,Official: Yukos Sale Won't Impact Output (AP) +Sci/Tech,"TSA Deal Overpaid Boeing, Report Says" +Sci/Tech,Buy.com Entering Social Networking Scene +Sci/Tech,Google's New PC Search Tool Poses Risks +World,Schwarzenegger Says Pro-Bush Speech Irked His Wife (Reuters) +Business,Source: EU-Coke Antitrust Deal in Works +Business,Sprint Has 3rd-Qtr Loss of \$1.91 Billion on Network Write-Down +Business,USA: Kmart appoints new chief executive +Sports,Heat Defeat Hawks 92-82 (AP) +World,Abu Hamza accused of inciting murder +World,Controversy haunts bandit death +World,Burma #39;s hardline generals +World,23 tigers suspectedly die of bird flu in Thailand +World,U.S. Says It Poses No Threat to N.Korea (Reuters) +Business,RadioShack Profits as Wireless Sales Jump (Reuters) +World,Gutsy Ashraful spares Bangladesh's blushes (AFP) +Business,Stocks to Watch Tuesday +Business,RadioShack Profits as Wireless Sales Jump +Business,Sprint Reports Wider Loss on Writedowns +Business,Ford Posts \$266 Million Profit for 3rd Quarter on Credit Unit +Business,Constellation Brands Seeks to Buy Mondavi +Business,Car thieves #39; top targets identified +Business,Levi scraps brand sale +Business,New chief at Kmart +Sports,Glazer launches new raid on Red shares +Sports,"Mutu, Spurs, Fergie And Other Dopes" +Sports,Manchester United Football Club boss admits mistakes +Sports,Fergie: I #39;ve been getting it all wrong +Sports,Bellamy happy at Newcastle United Football Club +World,Cleric charged on 16 counts +World,Mixed reaction to killing of Veerappan +Business,Insurance Investigation Widens to Include a Look at Costs +Business,GM Staff Protest European Job Cuts +Business,Haunted by the ghost in the machine +Business,"Ford Swings to 3Q Profit, Beats Estimates" +Business,Constellation Offers to Buy Mondavi +Sports,Glazer edges closer to United deal +Sports,Mauresmo pulls out of Zurich Challenge +World,Britain to try Hamza on 16 charges +World,July deadline seen for settlers leaving Gaza +World,European Economies: German Institutes Expect Growth to Slow +Business,German recovery already running out of steam: research institutes (AFP) +Business,Ford Rises 2.7 Percent Before Bell +World,British Meddling in U.S. Election Provokes Outrage (Reuters) +Business,Chain Store Sales Slow in Latest Week +Business,Loan Business Lifts Wells Fargo Profit +Business,"Fuel, Charges Push Continental to Loss" +Business,Ameritrade Profit Up But Trading Slips +Business,"Gas Tops \$2/Gallon, 2.9 Cents from Record" +World,Bird flu kills tigers in Thailand +World,Man Allegedly Forges Jail Release Papers +World,New Numbers on Inflation Due This Morning +Business,Sprint #39;s 3Q Loss Widens on Charge +Business,Safeway Earnings Fall on Strike Impact +Sci/Tech,Half-Life 2 By November +World,UK Charges Muslim Cleric Al-Masri With 15 Offenses (Update1) +Business,GM and European workers prepare for clash over restructuring plans +Business,Continental posts third-quarter loss +Business,Prudential plans one-billion-pound share sale +Sci/Tech,Microsoft math: Multicore licensed as one chip +Sci/Tech,Scanner delves beneath fingerprints +Sports,Fans cheer Olympic heroes +Sports,ACC: Jackets going Coastal +World,Prisoner-spy swap caps dramatic steps toward improving Israeli-Egyptian ties (Canadian Press) +Sci/Tech,The full horror of Ed Wood must be seen to be believed (USATODAY.com) +Sci/Tech,Sprint Reports Wider Loss in Third Quarter (AP) +Sci/Tech,"IBM beats estimates, a positive sign for industry (USATODAY.com)" +Business,"Thousands of workers protest GM #39;s plans to cut 12,000 jobs in <b>...</b>" +Business,Brewer Helps Push Up Altria Profit +Business,Mondavi Corp. gets bid to buy all of its assets +Business,AMD Launches Two 64-Bit Chips +Business,Source: EU-Coke Antitrust Deal Pending +Business,Prudential to Raise 1 Billion Pounds in Share Sale (Update5) +Sci/Tech,DVR To The Rescue! +Sci/Tech,Apple to Announce Special Edition U2 iPod +Sports,Baseball: Boston marathon halts Yankee sprint +Sports,Soccer: Glazer step nearer becoming Manchester United #39;s biggest <b>...</b> +Sports,Haas beats Malisse at Madrid Masters +World,"Israel, Egypt Move Toward Warm Relations (AP)" +Sci/Tech,Renowned European Laboratory Turns 50 (AP) +World,U.N.: Peruvians Relying on Food Aid +Sci/Tech,Hefty savings on the Inova X1 +Sci/Tech,Schools 'failing to tap e-cash' +Sci/Tech,"IBM Third-Quarter Earnings, Revenue Rise" +Sci/Tech,"Commercial Demand, Europe Drive PC Sales" +Sci/Tech,Toothache 'made lion eat humans ' +Sports,Bengals Stun Ravens +Business,IBM #39;s profit growth shows tech recovery hanging on +Business,US insurance inquiry widens +Business,Wells Fargo Posts Higher 3Q Profit +Business,Constellation Bids \$970 Mln for Mondavi +Business,Boston Scientific Net Profit Doubles +Sci/Tech,Black Duck #39;s protexIP Safer Open Source Code Usage +Sci/Tech,Apple upgrades iBooks (MacCentral) +Sports,Glazer raises his share again +Sports,Mauresmo in bid for top spot +World,"After decades on run, Indian #39;demon #39; killed" +World,Abu Hamza accused of inciting murder +World,PM visits embassy bombing site +Sci/Tech,IBM Stock Is Rising in Pre-Market Trading (AP) +Business,McDonald's Profits In-Line with Estimates (Reuters) +Business,Housing Starts Fall 6 Pct. in September (Reuters) +Business,Consumer Prices Up Modestly; Housing Dips (AP) +Business,Kmart hires fast-food exec as CEO 'and agent of change' (USATODAY.com) +Business,Sept. Consumer Prices Up 0.2 Percent +Business,McDonald's Profits In-Line with Estimates +Business,Ford Posts Profit; Loses Money in Autos +Business,Wall St. Set to Climb on Strong Earnings +World,"Bush, Kerry focus on Florida as polls indicate tied race (AFP)" +Sports,Notre Dame Wins Women's Soccer Title (AP) +Business,Chain Store Sales Mixed in Oct 16 Week +Business,Constellation Bids \$970 Mln for Mondavi +World,Woman Working for British Charity Abducted in Iraq +World,Bush Signs Law to Boost North Korean Human Rights +Business,Iraq 'set for 50 growth' in 2004 +Sci/Tech,Space Shuttle Crawler Gets New Shoes +Sci/Tech,Deep Impact Arrives in Florida to Prepare for Launch +Sci/Tech,Student-Built Satellite Coming to Life +Sci/Tech,SMART-1 On Track for Moon Encounter +World,Social Security Gets 2.7 Percent Boost +World,4 Die in Attack on Iraqi National Guard HQ +Sci/Tech,Microsoft math: Multicore licensed as one chip +Business,Google Desktop reaction +Business,"Sales, profits, rise for Boston Scientific" +Sci/Tech,JBoss takes on business process management +Sports,Bayern seeks to bounce back at Juventus +Sports,NASCAR rejects Earnhardt #39;s appeal +Sci/Tech,"Toshiba 20 TV freaks out, sends distress signal" +Sports,Champions League snapshots +Sports,MAURESMO CAUTIOUS OVER COMEBACK +Sci/Tech,"HP offers peek at future of large, plastic displays" +Sci/Tech,NEC delays notebook fuel cell launch +World,Analysis: Cairo wants better ties +Business,"Airline tops estimates on Orbitz gains, sees 2005 loss" +Sci/Tech,Storage system improves Windows data back-up +Sports,"Astros #39; Kent delivers, pleads for #39;one more #39;" +Sports,It #39;s time for BCS madness again +Sports,49ers notes: Carter hoping to face Chicago +Sci/Tech,Copernic Updates Desktop Search Tool +Sports,"Bears Defeat Vikings, 24-14 (AP)" +Sci/Tech,Wall St set for gains as techs prepare for rally (FT.com) +World,India's most wanted fugitive shot dead in police trap (AFP) +Sci/Tech,Scientist Envisions Small-Scale Hydropower +Sci/Tech,Advances May Help Preserve Fertility +Sci/Tech,Canadians Seek Ban on Americans' Drug Shopping +Business,"Revenue tops recently raised outlook, up 9" +Business,US single-family starts down 8.2; permits higher +Sports,Ortiz quickly becoming Boston #39;s Mr. Overtime +Sports,Mutu admits testing positive for cocaine +Sports,Henman to face Costa +Sports,weather wrecks a classic +World,ABC News 4 Die in Attack on Iraqi National Guard HQ +World,India #39;s #39;most wanted #39; killed in gun battle +World,Charity boss kidnapped in Iraq +World,EU executive warns of fallout from Belarus vote +World,Spain Arrests 8th Person in Suspected Bomb Plot +World,North Korean Official: Pyongyang Wants to Continue Nuclear Talks +Sports,Glazer Buys More Manchester United Stock (AP) +Sci/Tech,Commercial Demand and Europeans Drive PC Sales +Business,U.S. Core Inflation Hotter Than Expected (Reuters) +Business,U.S. Core Inflation Hotter Than Expected +Sports,"Lions Top Cardinals, Break Losing Streak (AP)" +Business,Oil Under \$53 as Fuel Costs Hit Economy +Business,Global Markets: Bond Prices Dip After CPI +World,Anger over 2000 election remains strong for Florida blacks (AFP) +Business,Altria Profit Aided by Stake in SABMiller +Business,U.S. Bancorp Helped by Fee-Based Products +Business,US Core Inflation Hotter Than Expected +Business,Marsh amp; McLennan details MSAs +Business,Constellation Makes Offer to Buy Mondavi +Business,UPDATE 1-Alliance Atlantis to refinance high yield debt +Sci/Tech,Microsoft: No extra licenses needed for multicore chips +World,India #39;s celebrity outlaw killed +World,Suspected bird flu claims 23 Thai tigers: +Business,Ethan Allen Posts Little-Changed Earnings +Business,Select one: HTML Text +Sports,JERRY RICE +Sci/Tech,Xbox 2 in January at CES? +Sports,Souness warns Newcastle quot;children quot; to shape up +World,How Veerappan made his millions +World,Japan whale hunt #39;illegal #39; +Business,Greenspan: Home Prices Not Hurting Economy (AP) +World,Poll: Kerry Has Wide Support Among Blacks (AP) +Business,Ford Posts Profit But Loses Money in Cars +Business,McDonald's Net Income Up 42 Percent +Sports,Soccer coach Tom Fitzgerald killed in accident +Business,Consumer Prices Grew in September and Housing Starts Slid 6 +Business,Crude Oil Retreats to \$53 Per Barrel +Business,Ford Posts \$266 Million Profit in Third Quarter +World,Consumer Prices Up Modestly; Housing Dips +World,Stocks Move Higher As Oil Prices Decline +Sports,Team delays departure to Dhaka after death threat +Business,Constellation offers \$1.3B for Mondavi +Business,US data don #39;t reflect oil rise +Sci/Tech,Microsoft Reveals Licensing Plans for Dual-Core Chips +Sports,Astros apologize for replay +World,"Insurgents Kill 4 National Guards in Baghdad, Margaret Hassan <b>...</b>" +World,Peres Warns Israeli Extremists Might Try to Assassinate Sharon +Business,Experts Warn About Google Problems On Shared Computers +Business,Sprint Earnings +Business,Can Sainsbury #39;s rise to the challenge? +Business,S amp;P revises Scottish Re Group outlook to stable +Business,Housing Starts Fall 6 Pct. in September +Sci/Tech,Half-Life 2 out in November +Sci/Tech,Robbie Williams: crooning soon on a memory card near you +Sports,Ortiz: #39;That #39;s all I do is hit #39; +Sports,CRICKET: India denied chance +Sports,Sports Buzz +Sports,=== Miami Heat 2004-05 Season Preview === +Sports,She #39;s Archie in doubt for cup +Sports,Philadelphia 76ers 2004-05 Season Preview +Sports,Seattle #39;s Wistrom out 4-6 weeks +Sports,New Jersey Nets 2004-05 Season Preview +World,Jazeera airs kidnappee video +World,Violent end to life of crime for India #39;s most wanted bandit +World,Myanmar #39;s Secretive Regime Ousts PM +World,Aussie links to Spanish terror cell +World,"UK, Germany to Iran: Suspend nuclear program" +World,Court backs Chinese woman #39;s stay in Britain +World,Japanese company kills protected whales: humane society +World,Peres: Israeli Extremists May Try to Kill Sharon +Business,"Oil Below \$53, Fuel Costs Hit Economy" +Business,Stocks Rise on IBM Earnings and Lower Oil +Sci/Tech,Iomega rolls out low-end NAS +World,"Thai Govt.: Myanmar PM Ousted, Under House Arrest" +Business,Bank of Canada Raises Overnight Rate +Business,Greenspan: High Household Debt Not Serious Threat +Business,E.U. Announces Settlement of Coke Case +Business,Finance moves Ford into the black +World,Torture 'widespread' in Uganda +World,Romanian killer bear had rabies +Sci/Tech,Bird Flu May Have Killed Thai Tigers -- Minister (Reuters) +Business,McDonald's Profits Surge on U.S. Sales +Sci/Tech,Researchers consider chances of life on Mars +World,2 Shipbuilders Get Big Breaks in New Tax Bill +Sports,England complete whitewash +Business,US consumer prices rise 0.2 percent in September +Business,Industrial confrontation at GM Europe escalates +Business,Scots house prices avoid UK slump +Business,EU finalises anti-trust deal with Coca-Cola +Business,Manpower Results Push Up Staffing Stocks +Business,Higher Sales Boost Boise Cascade Profits +Business,Will satellite radio fly? +Sci/Tech,Apple to offer special edition U2 iPod? +Sports,"Finally, time to rest" +World,General appointed new Burmese PM +World,Legacy of blood trails bandit kings life of crime in India +World,Radical UK cleric faces 16 charges +World,Six killed at National Guard post near Baghdad +Business,Wells Fargo Profit Up; Mortgages Weigh +Sports,Glazer stake in Manchester United upped to 28.11 +Sci/Tech,Pair accused of cracking software +Business,Start of Ebbers trial delayed +Business,Boise Cascade 3Q Earnings More Than Double +Business,Sirius subscriptions up after Stern deal +Sci/Tech,Milky Way a hodgepodge of violence +Sci/Tech,"For Symbol, the future is at hand" +Sci/Tech,FORMATION OF NEW AND OLD PLANETS FUNDAMENTAL DIFFERENCE <b>...</b> +Sports,MUTU HAS BRAINS TO BOUNCE BACK +Sports,19/10/04 Cup Bets In Chaos As Archie Under Cloud +World,SA Denies Aristide is Behind Haiti Mayhem +World,Peres: Israeli Extremists May Try to Kill Sharon (Reuters) +Business,PPR shares down amid concern about French sector (AFP) +World,Texas Instruments Plans #36;300M Investment (AP) +World,Cockpit recorder from crashed cargo jet too damaged to be of use (Canadian Press) +World,Bush Blames Defect for Flu Shot Shortage (AP) +World,"9/11 Kin Vouch for Bush, Kerry in TV Ads (AP)" +World,"Battleground voters wrestle with US economy, security (AFP)" +World,Polls: Coors Gains Ground in Colo. Race (AP) +World,Stocks Higher on Strong Tech Earnings +Business,Vauxhall Ellesmere Port Workers Facing Lay Offs +Business,British house prices record sharpest fall in 9 years +Sports,"Knuckle sandwich: Wakefield, Ortiz combine as Red Sox punch out <b>...</b>" +Sports,Patel vows to work hard +World,Jail threat for Gaza settlers +World,Sydney link to Madrid plotters +Business,Gold Fields Bosses #39; Bright Idea May Prove to Be Their Undoing +Business,Sainsbury #39;s goes back to basics +Business,ALH ball back with Bruandwo +Business,Escalade Tops List Of Stolen Vehicles +Sci/Tech,Symbol Technologies Launches New Family of Enterprise-Class <b>...</b> +Sci/Tech,Wireless messaging and data access software adds Wi-Fi and more +Sports,"Sox full of hope, series returns to Bronx" +Sports,"Beltran leads Astros, series tied" +Sports,Starcraft on mission with rails barrier +Sports,"Whitaker sidelined, Gregan in doubt" +Sports,Aftermath Of Athens 2004 Sports Scandal +Sci/Tech,Planets form like #39;dust bunnies #39; +Sci/Tech,"GoodLink adds support for smartphones, Wi-Fi" +World,Indian bandit goes out in blaze of gunfire +World,Kopassus linked to pact with Jakarta +World,Tigers in Thai zoo dying of bird flu +World,Putin: Recent Attacks Designed to Hurt Bush +World,Japanese reject legal basis of whaling case +Sci/Tech,"Singapore to introduce jail terms, fines for software and Internet piracy (AFP)" +Sci/Tech,PC Sales Suffer a Setback (PC World) +Sci/Tech,LG Electronics' Third Quarter Profits Up (AP) +Sci/Tech,Apple Xserve RAID upped to 5.6 terabytes (MacCentral) +Sci/Tech,Microsoft Reveals Licensing Plans for Dual-Core Chips (Ziff Davis) +Sci/Tech,Apple adds single-processor Power Mac G5 1.8GHz (MacCentral) +Sci/Tech,Watchdog takes on rogue diallers +Sci/Tech,Tech Sector's Mixed Signals +Sci/Tech,Survey plea to save stricken owls +World,Peres Sharon Risks Assassination for Gaza Plan +World,Yudhoyono set for inauguration +World,Bangladeshi politicians attacked +Sci/Tech,Conway's golden purse +Sci/Tech,Earnings alert: EMC issues sunny report +Business,IBM shrugs off industry blues in Q3 +Business,Businesses keep Q3 PC growth on track +Business,Texas Instruments raises output +Business,AMD Unleashes Athlon 64 FX-55 Processor +Business,"Sirius subscriber base exceeds 700,000" +Sci/Tech,Robbie album to be sold on memory card +Sci/Tech,"Vonage, Boingo Team For Wireless VoIP" +Sci/Tech,Otis Spunkmeyer Melts Over GoodLink +Sports,"Emotions High for Rivera ; Amid Family Tragedy, NY Closer Still <b>...</b>" +Sports,Television Coverage Of Londons Olympic Parade To Be Used In <b>...</b> +Sports,Rice Headed to Seahawks +Sports,Ravens sign Patrick Johnson +Sports,Ravens Sign Receiver Patrick Johnson (AP) +World,Rabbis tell army to refuse Sharon #39;s orders +Sports,Sabres to Lay Off About 25 Employees (AP) +Business,Wachovia plans \$400 million data center in Birmingham +Sports,Mauresmo Pulls Out of Swisscom Challenge (AP) +Sports,Venus Avenges Wimbledon Defeat +Sports,American Alvin Harrison Banned for Four Years +Sci/Tech,Google's New PC Search Tool May Pose Risks +Sci/Tech,Buy.com Enters Social Networking Scene +World,South Carolina Senate Race Surprisingly Close (Reuters) +Business,Greenspan Tries to Soothe Housing Worries +World,"Baghdad Needs 10,000 More Policemen - U.S. General" +Sci/Tech,AOL Europe Drops Overture for Google AdWords +Sci/Tech,LookSmart Appoints New CEO +Business,do-gooder who fell from grace +Sci/Tech,Gates to keynote January CES +Business,LG Electronics #39; 3Q Earnings Increase +Business,Update 2: Sprint Reports Bigger Loss in 3Q +Business,EU agrees to settle Coca-Cola antitrust case +Business,Update 1: Continental Posts \$16M Third-Quarter Loss +Business,Update 3: Start of Ex-WorldCom Chief #39;s Trial Delayed +Business,"Report: Thieves Prefer Escalade, Maxima" +Business,"SEC seeks Ford, GM pension info" +Sci/Tech,Music album debuts on memory card +Sci/Tech,-Posted by david.berlind 8:27 am (PDT) +Sci/Tech,One Failure Led to Another on Genesis Craft +Sports,American Alvin Harrison Banned for Four Years +Sports,Auburn Ranked Fourth in BCS Standings +World,Charity worker kidnapped in Iraq +World,Dharam and Jayalalithaa congratulate STF for killing Veerappan: +World,Japan accused of illegal whaling in Australia +Business,IBM Shares Up Despite Services Doubts (Reuters) +Business,Bank of Canada pushes up base rate by quarter-point to 2.5 pct (AFP) +Business,"McDonald's Income Up on Sales, Taxes" +Business,Constellation Bids \$970 Mln for Mondavi +Business,"Altria Profit Helped by Brewer, Taxes" +Business,Insurance Probe Woes Deflate Stock Rally +Business,Wireless Sales Drive Up RadioShack Profit +World,Straw: Britain 'Sympathetic' to U.S. Troop Request +Business,"UPDATE 2-Soaring fuel, charges push Continental to loss" +Business,SEI Investments beats Q3 target by 6 cents per share +Business,"Cadillac Escalade EXT, Nissan Maxima most likely to be stolen" +Sports,Harrison Accepts Four-Year Suspension +Sports,Ponting #39;s likely return for fourth Test to force team reshuffle +World,Annan focuses on Iraq public sentiment +Business,Opel workers stay out +Business,Intel Cuts Mobile Processor Prices +Business,Handset sales give LGE record profit +Business,Constellation Bids \$970 Mln for Mondavi +Business,Pru rights issue fails to impress City +Business,Ensco 3Q Profit Down on Hurricane Charges +Sci/Tech,"Cisco, Microsoft Band Together on Network Security" +Sci/Tech,Microsoft Sets Licensing Policy for New Chips +Sci/Tech,World #39;s Largest Atom-Smashing Lab Turns 50 +Sci/Tech,"Microsoft Adds Voice, Video to IM Client" +Sports,Arsenal captain Vieira doubtful for United clash +Sports,Venus wins in 54 minutes +Sports,Tennessee safety Johnson suspended for firing gun near campus +Sports,Knee inflammation limits Nash #39;s playing time +World,Notorious Indian criminal killed +World,Islamic extremists #39; plot foiled +World,High hopes for Indonesia #39;s new leader +Sci/Tech,NEC Delays Fuel Cell Launch (PC World) +Sci/Tech,Microsoft Sets Licensing Policy for New Chips (Reuters) +Sci/Tech,SS C Enters the Hedge Zone (The Motley Fool) +Sci/Tech,Rising Fuel Prices Boost Renewable Energy (AP) +Sci/Tech,How Planets Form: 'It's a Mess Out There' (SPACE.com) +Sci/Tech,Talented flunkeys unite against phishing +Sci/Tech,Microsoft Sets Licensing Policy for New Chips +Business,Q3 worldwide computer sales up 9.7 +Business,Liquor giant makes move for Mondavi +Sci/Tech,Half-Life 2 Set for Mid-November Release +Sci/Tech,Microsoft updates corporate IM +Sports,Trezeguet #39;s shoulder stabilized +World,MPs draw line in troop fracas +World,Conservationists claim Japan has illegally killed whales in <b>...</b> +Sports,Bucs owner ups stake in soccer powerhouse +Sports,CL Preview: Panathinaikos-Arsenal +Sports,Ram #39;s air raid too much for Buccaneers +World,"Peruvians face hunger, UN warns" +Sci/Tech,Customers cool on subscription software +Sci/Tech,Conway's golden handshake +Sci/Tech,Powell: Feds must use light touch on Net +Sci/Tech,Photo gallery: Consumer gear takes a test drive +Sci/Tech,Military dress code gets tech upgrade +Sci/Tech,RIM takes BlackBerry to India +Sci/Tech,"Apple releases new machines, cuts prices" +Sci/Tech,Music album to be sold on memory card +Sci/Tech,Sprint records \$1.9 billion loss on impairment charge +Business,U.S. Market Big Test for Mexico's Bimbo +Sci/Tech,Microsoft announces Istanbul LCS client +Sci/Tech,EMC revenue and income rise over 30 percent +Sci/Tech,Cell Phones Focus on 4 Megapixels +Business,Insurance Probe Woes Deflate Stock Rally +Business,SEC Seeks Accounting Information from GM and Ford +Sci/Tech,Microsoft Announces New Client Application (AP) +Sci/Tech,2-Fingerprint Border ID System Called Inadequate (washingtonpost.com) +Business,"Wells Fargo, U.S. Bancorp Profits Rise (Reuters)" +World,Sterling stabilises after falling on data (AFP) +World,Commander: Osama Probably Not in Pakistan Region (Reuters) +Business,U.S. Core Inflation Hotter Than Expected +Business,Oil Falling as Fuel Costs Hit Economy +World,Minn. Newspaper Suspends Two Reporters (AP) +Business,"SEC to GM, Ford: Let's See Those Pensions" +Business,"Wells Fargo, U.S. Bancorp Profits Rise" +Business,Supply Worries Boost Natural Gas Prices +Business,"Ford Sees Profit, but Auto Operations Poor" +Business,Safeway Earnings Drop on California Strike +Business,McDonald's Profits Up on Strong U.S. Sales +World,Coke opens fridge door to rivals +World,Social Security to Rise 2.7 Pct. in 2005 +World,Stocks Higher As Oil Retreats From Highs +World,Veteran Aid Worker in Iraq Abducted +World,Olsen Twin Can't Avoid Media Spotlight +Business,PC sales storm ahead +Business,Ex-El Paso Traders Plead Guilty to False Reports +Sci/Tech,Microsoft to Give Customers a Break on Dual-Core Licensing +Sci/Tech,Get your Robbie Williams fix on MMC +Sci/Tech,"Apple unveils low-end Power Mac, updates Xserve RAID and iBooks" +Sci/Tech,Apple reintroduces the 1.8GHz SP Power Mac G5 +Sports,Schilling hopes to rebound from Game 1 performance +Sports,Arsenal hit by Vieira injury blow +World,Kidnappers seize charity chief in Baghdad (Updated 12:49 AM) +World,The Forest Brigand and Me +World,"Fourteen killed in Iraq blasts, gunfights" +World,Iran Warned over Suspected Nuclear Weapons +Business,Is Oil Heading For \$100? +Business,Greenspan Tries to Soothe Housing Worries +Sci/Tech,Half-Life 2 Set For November Release +Sci/Tech,Robbie Williams #39; Greatest Hits album to be available on memory <b>...</b> +Sports,Observations on another Yankees-Red Sox epic series heading into <b>...</b> +World,"Insurgents Kill 4 National Guards in Baghdad, Aid Worker Kidnapped" +World,UK ready to send troops to #39;Triangle of Death #39; +World,Annan calls on Myanmar leaders to remain committed to <b>...</b> +Sci/Tech,News: 419ers take Aussie financial advisor for AU\$1m +Sci/Tech,Celtel set to list on London Stock Exchange (FT.com) +World,General Motors announces hybrid fuel bus program with SAIC (AFP) +World,Group: Israel Violating International Law (AP) +Sports,"No. 8 Connecticut Tops Holy Cross, 75-36 (AP)" +Business,"PC Report: Enterprise, Notebook Sales Drive 12 Increase" +Business,Ex-natural gas traders plead guilty to making false reports +Business,Update 5: Constellation Makes \$970M Bid for Mondavi +Business,Raise in Social Security Benefits +Sports,Schilling to Test Ankle Against Yankees (AP) +Sci/Tech,"Boingo, Vonage Join on Wireless VoIP" +World,Radical cleric in Britain charged with urging murder of non <b>...</b> +Sports,Venus Beats Sprem at Swisscom Challenge (AP) +Sci/Tech,Keychain clicker kills TVs +Sports,Jets' Moss Probable for Sunday +Sports,Interview with Heikki Kovalainen +World,Eight suspected Islamic extremists arrested in alleged Spanish bomb plot (AFP) +Business,If You Believe (Forbes.com) +Business,"SEC Examining GM, Ford Pension Costs" +Business,Continental Air Posts Loss +Business,Social Security Gets 2.7 Percent Boost +Sci/Tech,Robbie album sold on memory card +Sci/Tech,Apple adds single-processor Power Mac G5 1.8GHz +Sci/Tech,Apple introduces new iBooks +Sports,"Red Sox starters (Bronson Arroyo, Pedro Martinez, Curt Schilling <b>...</b>" +Sports,Mourinho silent on Mutu +Sports,Glazer Closer to United Takeover +Sports,McNAMARA WARY OF SHAKHTAR +World,EU aid chief condemns kidnap of CARE director in Iraq +World,Yudhoyono Becomes President of Indonesia +World,"Sudan gov #39;t, rebels in Darfur to meet" +Business,"GM, Ford among firms being examined for pension-cost accounting" +Business,"Stern: Sirius Subscribers Top 700,000 On Program Deal" +Sci/Tech,Spitzer Telescope Finds Planet Forming Messy +Sports,Astros #39; Backe keeps focus +Sports,BCS battle +Sports,Bears #39; quarterback situation is not pretty +World,Britain denies political #39; deployment in Iraq +Business,MetLife discloses contingent payments +Business,Consumer prices rose in September +Business,Dell still #1 PC maker +Business,SOCIAL SECURITY BENEFITS BOOSTED +Business,Former El Paso traders plead guilty +Sci/Tech,Microsoft: A single license for a dual processor +Sci/Tech,"AMD announces AMD Athlon 64 4000, FX-55" +Sci/Tech,Symbol launches new Pocket PC with wireless LAN +Sci/Tech,New iBook G4 is fastest model to date +Sci/Tech,"Microsoft Delays SQL Server Software, Plans Beta" +Sports,Calgary teammates among CFL Players of the Week +Sports,Venus Williams beats Sprem to reach second round +Sports,Preview: Milan vs Barcelona +Sports,Pittsburgh Steelers Notes +World,Government Will Do #39;All It Can #39; to Free Aid Chief +World,Junta arrests Burma #39;s prime minister +World,UK sympathetic to US request to shift troops +World,Thailand confirms 23 tigers die of bird flu +Sports,"My gawd, what if the Red Sox ever won?" +Sports,Nadal beats Sanguinetti in an hour +Sports,Clamoring for young QBs +Sports,Mourinho Confident over Strike Duo +Business,US consumer prices accelerate +Business,"From Greenspan, No Fear of Oil Heights" +Business,Rochester Business Journal +Sci/Tech,"Apple Unveils Fastest, Most Affordable iBook G4 Ever" +Sports,Raiders trade Rice to Seattle +Sports,Cowboys ship Bryant to Browns for Morgan +Sports,Big two clash in San Siro tomorrrow +Sports,Reynolds CFL #39;s top performer +Sports,Mourinho is focused on CSKA clash +Sci/Tech,"Apple adds \$1,499 1.8 GHz model to 64-bit Power Mac G5 line" +World,Big business spells out economic agenda for new Indonesian <b>...</b> +Sci/Tech,"Apple Enhances iBook, Cuts Prices Before Holidays" +Business,"Greenspan: Don #39;t Fear US Household Debt, Home Prices" +Business,Cost-of-living increase is largest in four years +Sci/Tech,Microsoft Clarifies Multicore Processor Software Licensing +Sci/Tech,Microsoft Won #39;t Charge More for Multicore Licenses +World,Care International Charity #39;s Country Director in Iraq Kidnapped +World,Myanmar appoints new PM in major cabinet reshuffle +World,US jets target Zarqawi +World,Kidnapped Australian reporter saved by Google +Sports,Red Sox getting big effort from Wakefield +Sci/Tech,Microsoft to Integrate PC Communications +Sports,"Drugs in Sport: Four-Year Ban For Alvin Harrison, Admitted PED Use" +World,Call for bandit death inquiry +World,Israeli killed in W Bank shooting +Sci/Tech,HP gives schools a break +Business,Oil Stays Down as Fuel Costs Hit Economy +World,"AP: Fund-Raisers Trade With Iran, Iraq (AP)" +World,Lawyer: Russia Becoming Anti-Democratic (AP) +Business,"Wells Fargo, U.S. Bancorp Profits Up 12 Pct" +Business,"Coke, Bottler and EU Reach Antitrust Deal" +Sci/Tech,Symantec fires up firewall appliance for smaller firms +Sci/Tech,"Apple Enhances iBook, Cuts Prices Before Holidays (Reuters)" +Sci/Tech,PeopleSoft Ex-CEO to Get #36;3.2M Lump Sum (AP) +Sci/Tech,Photo: Apple's lower-price iBook G4 +Business,Judge Denies Ebbers #39; Bid To Move Trial +Business,Health Alert: Celebrex launches study to check for risk of side <b>...</b> +Sci/Tech,AMD Offers Gourmet Chip +Sci/Tech,Apple unveils new iBook range +Sports,Venus Beats Sprem at Swisscom Challenge +Sports,"Marlins release Koch, Castro walks" +Sports,Shakhtar Have Selection Problems +Sci/Tech,"Apple Unveils Fastest, Most Affordable iBook G4 Ever" +Sci/Tech,New 1.8GHz Model Added to Power Mac G5 Line +Sci/Tech,Xserve RAID Storage System Updated +Sci/Tech,Does Google Desktop Search Pose Risks? +Business,Can Vioxx Rivals Take The Pressure? +Sci/Tech,Robbie Williams Album Launched on Memory Card +Sci/Tech,Apple Bumps iBook Speed to 1.33 GHz +Sports,Koch off the hook; Marlins release pitcher +World,Darfur : African Leaders against Foreign Intervention +Business,September Consumer Prices Pick Up Momentum +Business,"UPDATE 5-Ford posts profit, autos disappoint again" +Business,"Coke, Bottler and EU Reach Antitrust Deal" +Business,"Crude oil prices on the rise, airlines squeezed further" +Business,Royal Group selloff continues +Sci/Tech,"Microsoft Prices Per Processor, Not Per Core" +Sci/Tech,McNealy Pitches Desktop Hosting Option +Sci/Tech,Kenyan #39;s Painful Path to Nobel Peace Prize +Sports,Kent #39;s dramatic hit puts Astros in charge +Sports,Vieira doubtful for Manchester United +Sports, #39;Keep your mouth shut #39; +Sports,Fantasy: Receivers swapped +Sports,Oakland Raiders Trade Jerry Rice to Seattle Seahawks +Sports,Sprinter Harrison gets 4-year suspension +Sports,Canada fires coach of national team +Sports,10 Questions for College Football +World,Fallujah Delegates Await quot;The Call quot; to Resume Talks +World,Spain Arrests Terror Suspects +World,"Afghanistan #39;s election: US, allies must fulfill long-term <b>...</b>" +Business,MEDIA STOCKS +Business,Most Stolen Cars +Sports,Agassi beats Mirnyi at Madrid Masters +World,CARE believes kidnapped aid worker unharmed +Sci/Tech,Dinosaur fossils shows Arctic #39;s Jurassic age +Sports,Astros #39; Jeff Kent seizes the spotlight with game-winning shot +Sports,UPDATE 2-CSKA looking for point against misfiring Chelsea +World,Iran given last chance to halt uranium enrichment +Business,Greenspan downplays worries over high US household debts +Business,"PC shipments fall short of targets, says Gartner" +Business,"EMC #39;s Tucci: New IBM, HP Products Not #39;Game-Changers" +Business,Constellation Brands Offers \$1.3 Billion for Mondavi (Correct) +Business,Cox to Take Unit Private in Cash Deal +Sports,We are capable of winning the series: Ganguly +Sports,Inzaghi is ready to face Barcelona +World,Spain Disrupts Terror Plot +Sci/Tech,Half-Life 2: November 16 +Sports,Canada Fires Coach of National Hoops Team +Sports,"Browns, Cowboys swap wideouts" +Sports,MOURINHO CONFIDENT OVER STRIKE DUO +Sports,UT safety suspended after felony arrest +Business,Spitzer Probe Could Focus on Health Insurance +Business,"Coke, EU Strike Deal, End Antitrust Probe" +Business,"Court OKs deal for Stelco-GM contract, but union agreement needed <b>...</b>" +Business,Disney #39;s \$200 million Ovitz trial streams online +Business,Motorola Third-Quarter Earnings Rise (Reuters) +Sci/Tech,Worlds in Collision +Sports,Bucs Trade Keenan McCardell to Chargers (AP) +Sports,Glazer hikes stake in ManU to 28 +Sports,"Browns, Cowboys swap receivers" +Sports,Agassi masters Mirnyi in Madrid +Business,Cox Enterprises to Buy Cox Public Stake (Reuters) +World,Hope for fingerprinting by 2006 +Business,Urban Cowboy (Forbes.com) +Business,Motorola Third-Quarter Earnings Rise +Sports,Oakland Raiders Trade Jerry Rice to Seattle Seahawks +Business,"Ford Posts Profit, Autos Disappoint Again" +Business,Oil Eases Again as Fuel Costs Hit Economy +Business,Stocks Decline; Health Insurers Weigh +Sports,Cowboys and Browns Swap Receivers +Sports,Redskins Release Rasby +Sports,Great Boston Marathon +Sci/Tech,"Boingo, Vonage Join on Wireless VoIP (NewsFactor)" +Sci/Tech,AMD Builds on Athlon 64 Platform (NewsFactor) +Sci/Tech,Motorola Quarterly Earnings Rise (Reuters) +Sci/Tech,JBoss Brings Open Source to BPM (NewsFactor) +Business,Motorola Quarterly Earnings Rise +Sci/Tech,Siebel and T-Systems Pair in Europe (NewsFactor) +Sci/Tech,Apple To Unveil Special-Edition U2 iPod (NewsFactor) +Business,"Wells Fargo, U.S. Bancorp Profits Rise" +Sports,When the going gets tough... +Sports,San Diego Chargers Acquires Wide Out McCardell +Business,N.Y. Insurance Probe Expands Across U.S. +Sci/Tech,"Evolution and Religion Can Coexist, Scientists Say" +Sci/Tech,Backyard Beekeepers Abuzz Over Social Life of Hive +Sci/Tech,Orionid Meteor Shower to Peak Wednesday Night +Sci/Tech,Akamai boosts Web application services +Sci/Tech,Indian tech grads bring parents to work +Business,US core inflation hotter than expected in September +Business,"Dell, HP Lead Growth in PC Market" +Business,Coke loosens its grip on EU soft drinks market +Business,GERMAN AUTO WORKERS IN MASS STRIKE +Business,WWE sues Jakks Pacific and THQ +Business,Social Security Gets 2.7 Percent Boost +Business,Electronic Arts reports higher 3Q +Business,Update 8: Shares of Robert Mondavi Surge 30 Percent +Business,"Citigroup #39;s Maughan, Jones, Scaturro to Leave the Firm" +Business,UPDATE 1-Parmalat investors file suit for damages in US +Sci/Tech,AMD Trumps Intel +Sci/Tech,Update 1: Microsoft to Debut #39;Istanbul #39; Application +Sci/Tech,Barrett still has some fight in him +Sci/Tech,AMD Brings PCI Express to Athlon +Sci/Tech,Williams #39; CD to be sold on memory card +Sci/Tech,Enter your e-mail: +Sci/Tech,Windows XP Service Pack 2: Is It Time Yet +Sci/Tech,ARM #39;s new chip aims beyond cell phones +Sci/Tech,Newsweek Headlines PSP +Sports,Red Sox-Yanks an instant classic +Sports,Benitez disappointed with draw +Sports,Bucs Trade Keenan McCardell to Chargers +Sports,Comfortable Win Earns Ajax First Points +Sports,Fantasy Spin: McCardell among three WRs moved +Sports,Mourinho tips Kezman to take chance +Sports,Juventus 1-0 Bayern Munich +World,CARE suspends aid operations +World,Koose Muniswamy Veerappan: The Bandit King +World,Abu Hamza is charged over #39;urging followers to kill Jews #39; +World,"2 Palestinians, Israeli killed" +Business,Domino's Pizza Cuts Loss on Retail Sales (AP) +Business,Motorola Profit Rises +Business,Insurance Probe Widens as Investors Flee +Business,Stocks Slide as Insurers' Woes Offset IBM +Business,3 Top Officials Leaving Citigroup -- Memo +Business,EA Reports Higher Quarterly Profits +Business,Parmalat investors head for court +Business,Quattrone wins reprieve from jail +Business,Ford swings to profit in 3rd quarter +Sports,Sox Fans Hope Team #39;s Magic Continues +Sports,Astros Pick Munro to Pitch Game 6 of NLCS (AP) +Sports,Rice Shipped to Seahawks for Draft Pick (AP) +Sports,NFL Teams Busy Making Trades at Deadline (AP) +Sports,Sportsview: BoSox-Yanks an Instant Classic (AP) +Sports,"Juventus, Real Madrid Win Matches (AP)" +Business,CEOs sitting on entitlements: report +Sports,Tennessee Coach Concentrating on Alabama (AP) +World,Kerry: Clinton May Campaign on My Behalf (AP) +Sports,Munro to Start Game 6 for Astros +Sports,"Agassi Back to Winning Ways, Nadal Impresses" +World,Bush and Kerry on Attack in Swing States (Reuters) +World,US Concerned About Venezuela Human Rights (AP) +Sports,No Rumble in the Jungle for Ali and Frazier +Sports,Owen Signals Changing Champions League Fortunes +World,Spain Arrests 8th Person in Suspected Bomb Plot +World,"Peru Coca Farmers Break Into Power Plant, Two Dead" +World,Raisin farmers meet yak herders? Must be the Slow Food f #234;te. +World,Haiti unrest threatens food aid +World,Owen strike hands Madrid victory +World,EU ponders softer stance on Cuba +World,Labour MPs urge Iraq troop vote +Sports,Catwalk to Hard Court +Sports,Wizards Exude Optimism +World,Eastern Gods and Demons Alight in a Western Space +Sports,Adu Hurts Shoulder +Business,Inflation no threat +Business,"Ford Posts Profit, Autos Disappoint Again" +Sci/Tech,AMD pushes desktop performance with new chips +Sci/Tech,"Intel CEO Says Bush, Kerry Ignore Waning Tech Edge" +Sci/Tech,SQL Server pros aren #39;t charmed by open source +Sci/Tech,"PDAs incorporate barcode scanning, VoIP" +Sports,Bucs owner Glazer moves closer to possible takeover of Man United +Sports,Owen strike hands Madrid victory +Sports,No-nonsense Souness gets to grips with with sulking Bellamy +Sports,McCardell shipped to Chargers +Sports,Van Gaal quits as Ajax technical director +Sports,Browns Land WR Antonio Bryant +World,Britain warns Iran to stop uranium scheme +Business,UPDATE 1-Fannie Mae says SEC starts formal accounting probe +Sci/Tech,MS Supports AMD #39;s Multi-core Licensing Plan +Sci/Tech,Unisys signs up Linux allies +Sports,The Last Word / Deconstructing Klinger +Sports,Greek Prosecutors Expected to Rule on Olympic Pair +Sports,CL Preview: Chelsea travel to Moscow; Paris face tough Porto test +Sports,Canada Basketball dumps senior men #39;s national coach Jay Triano +Sports,Harrison gets four years +Business,Tokyo's Nikkei Average Opens Down +Business,"Judge Says Lay, Enron Execs Must Face Trial Together" +Business,Cox Enterprises to Buy Cox Public Stake +Business,Two retired execs endorse Delta plan +Sci/Tech,U2 Whining Like A Small Child: quot;Pay Attention To Meeee quot; +Sports,Agassi puts in model performance +Sports,Shut your mouth +World,"Kidnapped aid chief is shown on video, distressed and bound" +World,"TN STF chief keeps vow, tonsures head" +World,23 tigers die in bird flu outbreak +World,Myanmar Announces New Prime Minister (AP) +World,"Bush, Kerry Campaign for Senior Votes (AP)" +World,Sinclair to Show Only Part of Kerry Film (AP) +World,Aid agencies' warning on climate +Sci/Tech,Half-Life 2 set for November launch +Sports,Agassi strings Belarussian big-server along +Sci/Tech,Keychain Remote Control Turns Off Most TVs (AP) +Sci/Tech,FCC Chair to Seek Net Telephone Oversight (AP) +Sci/Tech,Intel CEO: Candidates Ignore Tech Debate (AP) +Sci/Tech,AOL Drops Yahoo's Overture for Google in Europe (Reuters) +Sci/Tech,Toshiba to Unveil HD DVD Laptops in 2005 -- Paper (Reuters) +Sci/Tech,Red Hat Hires Sun Executive (NewsFactor) +Sci/Tech,Microsoft ponders licensing for app virtualization scenarios (InfoWorld) +Sci/Tech,IBM Goes After High-End Server Market (NewsFactor) +Sci/Tech,Relief in Chicago: No More 'Frankenfish' (AP) +Sci/Tech,Audubon: Habitat Losses Lower Bird Count (AP) +Sci/Tech,"Gates: PC will replace TV, TV will become a giant Google" +Sports,Wakefield Tabbed for Possible Game 7 Start (AP) +Sci/Tech,Briefly: Unisys signs up Linux allies +Sci/Tech,Pay-as-you-go software licensing going slow +Sci/Tech,Is the software license dead? +Sci/Tech,U.S. tech job gain or drain? +Sci/Tech,Dell to open new PC plant in U.S. +Sci/Tech,Intel's Barrett takes on the 'power challenge' +Sci/Tech,Barrett still has some fight in him +Sci/Tech,Qualcomm chips in Siemens 3G phones +Business,Coca-Cola will alter European practices +Business,German strike threatens to paralyse Vauxhall plant +Business,WWE License Acquired Fraudulently; THQ Games In Jeopardy +Business,Blue-chips catch cold on concerns over health insurers +Business,3 Top Officials Leaving Citigroup -- Memo +Sports,Davis Says Trading Rice Was Difficult (AP) +Sports,"Nocioni, Deng Lead Bulls Over Celtics (AP)" +Sports,Raich Wins Opening Men's World Cup Slalom +Sci/Tech,AMD kicks Intel when its down +Sci/Tech, #39;Half-Life 2 #39; Release Set for November After Delay +Sci/Tech,Microsoft sets licensing policy for dual-core chips +Sci/Tech,Hacker Hits California University Computer +Sci/Tech,Symbol quot;enterprise digital assistant quot; runs Windows Mobile +Sci/Tech,Traditional Anti-Virus Can #39;t Meet New Threats +Sports,"One game, two sorts of must-win situations" +Sports,Mutu out in cold after admitting drug use +Sports,Injured Gunners captain ruled out of trip to Panathinaikos +Sports,Liverpool play out frustrating draw +Sports,Rice Eager to Show Seahawks He #39;s Still Young Enough +Sports,Cowboys deal Bryant for Morgan +Sports,Bolts get hands on McCardell +World,Charity Suspends Iraq Operations after Director Abducted +World,Myanmar Hardliner Power Play Dashes Reform Hopes +World,Iraqi Battalion Commander Barely Escapes Assassination +World,UN asks Syria to withdraw troops +World,Karzai team confident of victory in first round of voting in <b>...</b> +World,Tigers die from bird flu +Sports,NHL: Canadians Find Saturday Night Lacking Fever +Sports,Harrison 'Accepts Responsibility' for Doping -Lawyer +Business,Asian Shares Lower on Earnings +Business,Yen Eases Against Dollar +Sports,Wakefield Tabbed for Possible Game 7 Start +Sports,Astros Pick Munro to Pitch Game 6 of N.L.C.S. +Sci/Tech,Anti-Virus Products Miss Malware in Modified Zip Files +Sports,15-4 run puts New Orleans ahead to stay +Business,S.E.C. Inquires Into Pension Accounting at Ford and G.M. +Business,Fannie Mae Under Inquiry +Sports,NHL's Allure Melting Fast +Business,Citigroup Forces Resignations of 3 Senior Executives +Sports,Greek prosecutors expected to rule on Olympic pair +Business,Investors Are Losing Ground as Insurance Inquiries Expand +Business,IBM #39;s third-quarter earnings and revenue up +Sports,"Bulls 95, Celtics 92" +World,Susilo sworn in as Indonesia #39;s sixth president +World,Israeli killed in ambush +World,"China Quake Destroys 20,000 Homes, No Deaths (Reuters)" +World,Europe Nuke Deal Offers Iran Reactor Aid --Officials (Reuters) +Business,"Greenspan unperturbed by record US household debt, surging home <b>...</b>" +Business,Motorola 3rd-Qtr Net Quadruples; Market Share Drops (Update5) +Business,Stocks Slide as Insurers #39; Woes Offset IBM +World,Yudhoyono Sworn in As Indonesia President (AP) +World,McCallum says no exemption for bilingualism in budget reviews (Canadian Press) +Sci/Tech,"Technologies, Inc. (NYSE:SBL), The Enterprise Mobility Company(TM) <b>...</b>" +Sci/Tech,Challenges Persist Over Software Licensing +World,Cheney: Terrorists May Bomb U.S. Cities (AP) +World,Hungary PM Set for Victory Over Citizenship Vote +Sports,Nocioni leads Bulls over Celtics +World,"No Clear Winner 'Til Election Day, if Then (AP)" +World,2004 Presidential Endorsements (AP) +World,"China Quake Destroys 20,000 Homes, No Deaths" +World,"Israel, Egypt swap prisoners" +World,Myanmar Hardliner Power Play Dashes Reform Hopes +World,"Israel, Egypt Swap Prisoners in Sign of Warmer Ties" +Sci/Tech,Half Life 2 Gold +Sci/Tech,Pricing Models to Change +Sports,Owen Scores as Real Madrid Wins in Champions League (Update1) +World,Police kill India #39;s most wanted bandit +World,Indonesia #39;s Yudhoyono takes oath as president +World,Last chance for Iran over nuclear deadline +Sports,"Chargers lose Caldwell for year, add McCardell, Shaw" +Business,Investors Are Losing Ground as Insurance Inquiries Expand +World,Study Suggests Design Flaws Didn't Doom Towers +Business,IBM beats Wall Street #39;s expectations +Business,"WWE Sues Toymaker, Video Game Company" +World,Smuggler Arrested With \$197K in Stomach +Sci/Tech,Software industry moves to subscription licensing +Sports,BoSox Lead Yankees 4-2 After Eight Innings +Sports,NBA Game Summary - LA Clippers at New Orleans +Sports,"Pacers 93, Timberwolves 92" +Business,US Sept consumer prices rise +Sports,Boozer Makes Jazz Debut in Win Over Knicks (AP) +Sports,A-Rod Called Out in Strange Running Play (AP) +Sports,Sox Force Game 7 +Business,Constellation Makes \$970 Million Offer for Mondavi +Business,Court Allows Ex-Banker to Remain Free for Now +Business,AT amp;T Wireless continues slide +Sci/Tech,"Microsoft links PC to phone, to create communication hub" +Sports,Glazer ups stake in United +Sports,"Schilling Leads Red Sox Past Yankees, Forces Game Seven (Reuters)" +World,Indonesian Ex-General Sworn in as President (Reuters) +World,Poland Honors Priest Slain in 1984 (AP) +World,U.S.-trained former general sworn in as new Indonesian president (Canadian Press) +Sci/Tech,Toshiba aims to launch laptops with next-generation DVD drives in <b>...</b> +Sci/Tech,Hacker strikes university computer system +Sports,The Dotted Line +World,Fears for Democracy as Army Ousts Burma #39;s PM +Sports,Schilling and Red Sox Force Improbable Game 7 +Sports,Red Sox Have Some History to Be Proud Of (AP) +Sci/Tech,U.S. Hospital to Allow Web-Arranged Transplant (Reuters) +Sci/Tech,Toshiba to Launch HD DVD Notebook PCs in Q4 2005 (Reuters) +Sci/Tech,Motorola Quadruples 3Q Profits to #36;479M (AP) +Sci/Tech,Exotic Cuban Tree Frog Found in Georgia (AP) +Sci/Tech,Microscopic Diamond Found in Montana (AP) +Sci/Tech,"Scientists Call for Cod Fishing Ban, Industry Angry (Reuters)" +Sci/Tech,The worst sides of two nations on display +Sci/Tech,Toshiba to Launch HD DVD Notebook PCs in Q4 2005 +Sci/Tech,Hacker Hits California University Computer +Sci/Tech,'Half-Life 2' Release Set for November After Delay +Sci/Tech,Bridgestone to Produce Ultra-Thin Display Devices +Sports,Bryant struggles but Lakers still beat Kings 105-80 (AFP) +Sports,Expectations Low for Georgia Basketball (AP) +Sports,Grievance hearing to proceed after NBA says it won #39;t seek TRO +Business,Brokerage probe has expanded +Business,Harmony Posts Takeover Offer To Gold Fields Shareholders +Business,Editorial: A vote of confidence +Business,Scandal-hit Citigroup ditches three bosses +Business,EU settles antitrust case with Coke +Business,Ebbers #39; Trial Delayed +Business,Cox Parent to Buy Out Public Shareholders +Business,Solid third quarter for AT amp;T Wireless +Business,Four storms poke hole in profit for Safeco +Sci/Tech,Microsoft testing new application with some clients +Sci/Tech,Toshiba to Launch HD DVD Notebook PCs in Q4 2005 +Sci/Tech,Robbie #39;s Album on Memory Cards +Sci/Tech,Campus Computer Hacking Spurs Federal Investigation +Sci/Tech,Bird populations declining +Sci/Tech,Customers cool on subscription software +Sci/Tech,Symantec solutions provide comprehensive derense for new HP <b>...</b> +Sci/Tech, #39;Help! #39; cried the TV +Sci/Tech,PalmSource Ushers Wireless Innovation for Palm OS +Sports,JOSE IN A MUTU WALK-OUT +Sports,Agassi in third round of Madrid Masters +Sports,Owens Real winner +Sports,SOUEY AND BELLAMY AT IT AGAIN +Sports,Yakubu earns Portsmouth victory +Sports,Cricket: Franklin makes history with hat-trick +Business,"Oil Holds Firm, Heating Fuel Woes Persist (Reuters)" +World,"Porsche wants to cut jobs, extend working hours (AFP)" +World,Cubans Risking Life for Lure of America (AP) +Sports,New Zealand upset Australia in first One-Day +World,N.B. hospital workers narrowly accept tentative contract with province (Canadian Press) +World,Edwards: Iraq War Created Terror Haven (AP) +World,Kerry mounts furious counter-offensive on security (AFP) +World,UN Experts Visit Brazil Nuclear Facility (Reuters) +Business,"Asian Shares Lower on Earnings, Steel" +World,Two Dead in Japan as Typhoon Wreaks Havoc +Business,Yen Eases Against Dollar as Stocks Sag +World,Indonesian Former General Sworn in as President +World,UN Puts Zarqawi Network in Iraq on Its Terror List +Business,Arlington Capital Buys Calif. School +Business,"E.U., Coca-Cola Antitrust Case Over" +Business,Advancis Loses Partnership With Brits +Sports,"With One Life to Live, the Red Sox Want It Now" +Sports,"Cardinals' La Russa: A Man for All Seasons, Except Fall" +Business,US insurers hit by probe threat +Sports,Deadline receptive to deals +Sci/Tech,Who #39;s Googling You? +Sports,Loooking for some fight for Irish +Sports,Unbeaten Harvard faces test vs. Princeton +World,Turkish Cypriot government quits +Sports,Auburn wins title but not one it wanted +World,'Eight dead' after US plane crash +World,Baseball: Red Sox tie series +Business,Price of heating oil in state surges +Business,Liberty Mutual probed +Business,FCC chief pushes to protect Net phone services +Business,Industry pioneer says rising hype may hurt growth +Business,Greenspan: Household debt unlikely to be 'destabilizing' +Business,Retirees follow sun south of border +Business,Pfizer launching expanded ad campaign for Celebrex +World,Cambodia awaits new king's return +Business,Brokerage client assets rise 15 +Business,Social Security checks to rise 2.7 next year +Business,Planned GM job cuts in Europe protested +Business,Fannie Mae now target of formal SEC inquiry +Business,Prudential Center eatery Marche Movenpick abruptly closed +Business,Crude futures decline for 2d consecutive day +World,Legendary bandit buried in India +World,Burma's prime minister is ousted +World,Cuba's baseball fans find ways to tune in +World,Tehran official calls a Bush win preferable +World,Radical cleric accused of inciting followers +World,Israeli faults rabbis' urgings on settlements +World,"Key advocate for Iraqis, seen as 'heroine', now a hostage" +World,US general backs off on confidence of bin Laden capture +World,"A ball of fire, then bloodshed" +World,Foes of Death Penalty Making Gradual Gains in Africa +World,"Nations to Strategize on Iraq, Italian Foreign Minister Says" +World,"Md. Officer's Army Leave A Fraud, Police Say" +Business,ADV: Health Insurance for the Self-Employed! +Business,ADV: Forex Trading: The New Financial Account +Business,Japan probe claims Citigroup trio +Sports,Fan: #39;It was a HR #39; +World,Facts about Burma +World,"Israeli clergy, military at odds" +World,Al-Zarqawi terror group alters name +World,British redeployment in Iraq meets with opposition +World,Germany and Britain Warn Iran +World,"One dead, four missing as powerful typhoon pounds Japan" +World,Train may connect Gaza to Ashdod +World,"North Korean visit to China quot;positive, encouraging quot;: South Korea" +Sports,Hearing Over Brawl Suspensions to Proceed (AP) +Business,Dell pulls away from HP +Business,Bruandwo to allow shareholders to withdraw acceptance +Business,Enron #39;s Lay to Have Two Trials +Sci/Tech,JBoss goes up the stack to Business Processes +Sports,It looks like Lowe for Game 7 +World,"A ball of fire, then bloodshed" +World,Allawi announces nationwide arms buyback scheme +World,BRIT HOSTAGE NO 2: BLAIR FACES A MAULING +Business,Marsh suspends four over insurance probe - WSJ +Business,Coca-Cola agrees to share its fridges +Business,Update 6: Motorola Expands Cell-Phone Market Niche +Business,UK Judge Strikes Out Record Damage Claim Against FT +Business,NY firm wants all of Mondavi +Business,Govt hikes FDI cap in aviation to 49 +Business,Shoppers to boost holiday spending +Business,EU newcomers not yet ready to join euro: Brussels (AFP) +Sci/Tech,Tech Sector's Mixed Signals (washingtonpost.com) +Sci/Tech,AMD presents more troubles for Intel +Sci/Tech,Apple Unveils quot;Fastest quot; iBook G4 +Sci/Tech,Powell calls for regulatory rein on VoIP +Sci/Tech,"Killer whales, newborns in tow, head south" +Sci/Tech,Hacker hits California university +Sci/Tech,Half Life 2 Set for November +Sci/Tech,PCI Express Support for AMD64 Desktop Platforms +Sci/Tech,NASA needs Lockheed savvy +Sci/Tech,LG Philips lays claim to OLED crown +Sci/Tech,Apple To Unveil Special-Edition U2 iPod +Sci/Tech,Cisco brings IT skills to UK prisoners +Sci/Tech,Samsung develops world's first five-megapixel camera phone (AFP) +Business,CENTRAL BANK WATCH: RBNZ Won #39;t Change Neutral Stance +Sports,"Lidge, Wheeler shine brightest in relief" +Sports,Ecclestone closing door on British GP +Sports,"Improving Real will qualify from tight group, says coach" +Sports,MLB gathering groups wanting to buy Expos +Sports,Key events in the past 20 months in Washington athletics +Sports,Morgan traded for #39;Boys Bryant +Sports,Chargers lose their leading wide receiver +Sci/Tech,India's Satyam posts 28 percent jump in second quarter profit (AFP) +World,US must wait to prosecute Muslim cleric +World,Karzai #39;s lead shows Afghan ethnic divide +World,More tigers die of suspected bird flu at Thai zoo after eating raw <b>...</b> +Business,"Oil Holds Firm, Heating Fuel Woes Persist" +Sports,Rallying Red Sox on Verge of Historic Win +Sci/Tech,Washington Orca Population Heads South (AP) +Sci/Tech,Company Offers 'Space Memorial Services' (AP) +Sports,Rice gets new team but has same number +World,"Cambodia #39;s new king, Norodom Sihamoni, arrives home" +Business,Dollar Broadly Weak on Econ Worries +Business,Oil wealth 'can cause corruption' +Business,Citigroup loses three executives +Sports,A team with verve suddenly on the verge +Business,UK gas prices 'pushed up by oil' +Sports,A-Rod a bigger villain in one swipe +Sports,Roberts's rule: Use his speed +Business,"House market slowing, lenders say" +Sports,Torre not ready to name starter +Sports,Chase was on all summer -- now it's a dead heat +Sports,Transactions +Sports,'84 US women's team united in cancer fight +Sports,Eaves gives Eages a boost +Business,Taxus sales lift Boston Scientific in 3d quarter but stock takes slide +Business,ADV: Compare Credit Cards - 0 #37; APR and More +Business,Collins Stewart #39;s FT claim fails +Sci/Tech,Washington Orca Population Heads South +Sci/Tech,FPD makers compete for spotlight at FPD International 2004 +Sci/Tech,Ads in video games set to rise +World,Israeli Troops Kill 2 Palestinians in South Gaza (Reuters) +World,Family of Six Found Dead in Iraqi Home Hit by U.S. (Reuters) +Business,Pfizer Profit Up on Demand for Key Drugs +Business,Strong Demand Pushes Honeywell Profit +Business,Kodak Profits on Discontinued Operations +Business,Whirlpool Profit Falls as Costs Rise +World,Family of Six Found Dead in Iraqi Home Hit by U.S. +Business,Marsh Says Probe May Hurt Borrowing +World,Iran Wants to Prove It Has No Nuclear Ambitions +World,Karzai's Big Poll Lead Shows Afghan Ethnic Divide +Sci/Tech,Screen Sizzlers +Sci/Tech,Ex-WorldCom CEO's Defense Wins Delay +Sci/Tech,XM Satellite Radio Signs Baseball Deal +Sci/Tech,Pepco Sells Starpower Stake for \$29 Million +Sci/Tech,Kiln's 'ancestor' found in Greece +Sci/Tech,Radiation risks 'need updating' +World,Big fall in corruption in Kenya +Sci/Tech,A Magical Morning +World,Blair denies politics plays role in decisions on troops +Sci/Tech,Computing pioneers get historical nod +Sci/Tech,Dell to open new PC plant in United States +Sci/Tech,Check Point's optimistic pessimist +Sci/Tech,Case study: Data crunch in Florida ballots +Sci/Tech,Digital Agenda: Homeland security--A global assault on anonymity (page 3) +Sci/Tech,Digital Agenda: Homeland security--A global assault on anonymity (page 2) +Sci/Tech,Digital Agenda: Homeland security--A global assault on anonymity +Business,Strong Demand Pushes Honeywell Profit (Reuters) +World,Russia Urged to Combat Hazing in Army (AP) +Business,Office Depot 3Q Profit Declines (AP) +Business,Stocks Look to Open Weak as Oil Firms +World,CARE Halts Iraq Operations After Director Kidnapped (Update4) +World,Reuters Poll: Bush and Kerry Still in Dead Heat (Reuters) +Sci/Tech,LG Philips lays claim to biggest OLED +Sci/Tech,ARM's new chip aims beyond cell phones +Business,Mortgage Applications Climb Last Week +Business,Kodak Profits on Discontinued Operations +Sci/Tech,NJ residents plan lawsuit to block e-voting +Sci/Tech,E-voting sceptics use Web to monitor election +Sci/Tech,GM CTO sees more code on future cars +Sci/Tech,"Critics, supporters prepare for U.S. e-voting" +Sci/Tech,Problems with e-voting? Blame the humans +Sci/Tech,ARM's new Cortex cores deliver big punch in small chip +Sci/Tech,Microsoft ponders licensing for app virtualization scenarios +Sci/Tech,Intel dual-core Xeon to ship in 2006 +Sci/Tech,enKoo adds higher-end device for securing e-mail and applications +Sci/Tech,E-Voting States Brace For Problems +World,Military ousts Myanmar leader +Sci/Tech,Search Memories +Business,Vauxhall Plant Set to Face Parts Shortage +Business,FDI hike in civil aviation cleared +Business,Lending keeps Ford profit up; sales sputtering +Sci/Tech,Cisco brings IT skills to UK prisoners +Sports,New Zealand Cricketer Franklin Takes Test Hat-Trick (Update1) +Sports,I WANT US TO SHAKH OFF AWAY DAZE +Sports,Henry gets captain #39;s call +World,Aid worker kidnapping: Your reaction +World,"Typhoon Nears Tokyo; Seven Dead, Transport Snarled (Update1)" +Sports,Ecclestone ready to ditch Silverstone +Business,Govt hikes FDI cap in civil aviation to 49 pc +Business,Bank sages stumped by economic riddles +Sci/Tech,"Apple Enhances iBook, Cuts Prices Before Holidays" +Sports,Q amp;A with Jorge Posada +World,Soe Win named new prime minister of Myanmar +Business,Pfizer Profit Up on Demand for Key Drugs +Business,Wyeth Reverses Last Year's Loss +Sci/Tech,News: California reports massive data breach +Business,ADV: LendingTree.com - Find the Perfect Loan! +Sci/Tech,Infocus: Securing Exchange With ISA Server 2004 +Sci/Tech,Tiger Early Start Kit for Developers +Sci/Tech,When War Games Meet Video Games +Sci/Tech,Midwest Awash in Giant Grottos +Sci/Tech,Pharms Take Root in South Africa +Sci/Tech,Chinese Groups Seek to Halt a Dam and Save a Treasured Place +Sci/Tech,Microsoft to Debut 'Istanbul' Application +Sci/Tech,"Profit Jumps at Motorola, but Shares Trade Lower" +Sci/Tech,F.C.C. to Seek Net Telephone Oversight +Sci/Tech,Hacker Hits California University Computer +Sci/Tech,Jon Stewart 'Crossfire' Feud Ignites Net Frenzy +Sci/Tech,Study Finds Dramatic Loss of Tech Jobs +Business,United Technologies Quarter Profit Rises (Reuters) +Business,Wireless Business Helps Lucent Profit (Reuters) +Business,Mortgage Applications Climb Last Week (Reuters) +World,Kerry Wins Fans Abroad with Global Warming Plan (Reuters) +Business,Wireless Business Helps Lucent Profit +World,Iran Says It's Ready to Prove Not Pursuing Nuke Weapons +World,Shia leader cuts ties with Sadr +Business,Colgate Profit Falls on Higher Costs +Business,Pfizer earnings grow +Business,Strong Demand Pushes Honeywell Profit +Business,"Govt tackles Left parties, hikes FDI cap in aviation to 49" +Business,Citigroup loses three executives +Sci/Tech,Apple cuts prices and improves products +Sports,Rallying Red Sox on Verge of Historic Win +Sports,Beauty of making history irrelevant +Sports,ONeill not giving up hope +Sports,New oldies approach a boon for WCBS-FM +World,India's Advani confident of a BJP comeback (AFP) +World,Blair faces Labour troops revolt +Sci/Tech,FCC to Seek Internet-Based Phone Oversight (AP) +Sci/Tech,Microsoft to Debut 'Istanbul' Application (AP) +Sci/Tech,"Sony to Add Stores, Worrying Retailers (AP)" +Sci/Tech,Sprint beats forecasts on strength of wireless (USATODAY.com) +Sci/Tech,Poor nations on front line of operating-system wars (USATODAY.com) +Business,Delta Reports Wider Quarterly Loss (Reuters) +World,First Students Expelled Over French Law (AP) +World,Terror Leader Said Plotted Spain Attack (AP) +Sports,"Red Sox, Yanks Play for Pennant Tonight (AP)" +World,New Zealand gain lead after Franklin hat-trick (AFP) +Business,Stocks Seen Lower; JP Morgan Hits Dow +Business,Delta Reports Wider Quarterly Loss +Business,United Technologies Profit Rises 13 Pct +Business,General Dynamics Profit Jumps 23 Percent +Business,J.P. Morgan Chase Misses Target +Business,Wireless Business Helps Lucent Profit +Business,Wyeth's Profit Beats Estimates +Business,Bank of New York Quarterly Profit Rises +Business,Analyst Says Flyi Could Go Bankrupt +Business,Enron's Lay Gets Two Trials +Business,Insurance Scandal +World,"Lebanon PM Resigns, Says Will Not Head New Govt." +Business,Pfizer Posts Higher Earnings on Drug Sales +Business,GM strike leads to parts shortage +World,Liberia moves against Taylor aides +World,US rivals blitz Iowa battleground +World,Video shows Madrid attack horror +Sports,Pat Symonds explains a key engineering tool: Sector Sensitivities +World,Blair challenged on troops move +Sports,Inspired Jimenez opens up two-shot lead +Business,J.P. Morgan's Profit Fell 13 Percent +Business,"GM workers on strike against 12,000 job cut" +Business,Pfizer Profit Up on Demand for Key Drugs +Business,Merger Costs Hit JP Morgan Chase Profit +Business,Whirlpool 3Q Profit Falls 4 Percent +Business,FT gets Collins Stewart claim struck out +Business,India hikes foreign equity cap for aviation: +Business,Business Briefing: Oct. 20 +Sci/Tech,Microsoft announces Istanbul LCS client +Sci/Tech,Symbol unveils new #39;durable #39; handheld device +Sci/Tech,Subscription-based licensing lacking corporate excitement +Sports," #39;Cooperative #39; Mutu to start counselling, says agent" +Sports,PREVIEW-Lazio and Newcastle look for UEFA Cup boosts +Sports,A view from the Anfield Road +Sports,Bucs Trade McCardell To Chargers +Sports,XM Satellite Radio Signs Baseball Deal +World,Iraq kidnapping prompts CARE suspension +World,Burma #39;s Power Change Causes Concern About Progress Toward <b>...</b> +World,Charity director kidnapped in Iraq +Sci/Tech,Fight New Labour's <del>Poll</del> #160;Identity Tax +Business,Oil boosts disappointed Wall Street +Sci/Tech,Intel CEO: Candidates Ignore Tech Debate +Sci/Tech,Lucent Post 1st Profitable Year Since 2000 +Sci/Tech,AT T Wireless Posts Lower Profit +Sci/Tech,Freescale 1000-worker cull to cost \$65m +Sports,Chelsea #39;s Mutu visits Rome shrink +Sports,Coach: Game a rite of passage +World,VOICE MAIL +World,Security Tightened Around Sharon +World,Typhoon kills at least 13 in Japan +World,Lawmakers request CIA's 9/11 report (Chicago Tribune) +Sci/Tech,Hacker Hits California University Computer +Business,Whirlpool Profit Falls as Costs Rise +Sci/Tech,Decline hits North American birds +Sports,Corretja #39;s run ended by Paradorn +World,"Israel Military, Religious Leaders at Odds over Gaza Withdrawal" +World,"Psst...don't tell, but this is Rome (Reuters)" +World,Ukrainian President Criticizes Court Order for New Vote +Sci/Tech,"Costs Rise, Profit Falls at Cingular (Reuters)" +Business,Children's Place to Buy Disney Stores (Reuters) +Business,Stocks to Watch Wednesday +Business,"Fuel Cost, Low Fares Felt at Northwest" +Business,Children's Place to Buy Disney Stores +World,New Zealand ignores nuke differences to woo India (Reuters) +Business,Honeywell Third-Quarter Profit Up 8 Pct +World,"Blair Sees More Iraq Violence, No Ruling on Troops" +Business,"XM Satellite Up, Sirius Down Before Bell" +Business,ADV: Term Life Insurance with SelectQuote +Sci/Tech,Plasma beam for 90-day Mars visit +Business,"XM Satellite Up, Sirius Down Before Bell (Reuters)" +World,No decision yet on redeployment of troops in Iraq: Blair (AFP) +World,Bahraini Activist's Jailing Sparks Protest (AP) +Business,Film Down But Kodak Profit Still Rises +Business,Cingular Quarterly Operating Profit Falls +Business,MGM Mirage Profit Up on Las Vegas Tourism +Business,Opel workers vote to end wildcat strikes +Business,Delta posts \$646M loss in Q3 +Business,AirAsia to sell shares and warns fares may rise +Sci/Tech,Regulator vows to ease way for Net phone use +Sci/Tech,"Several Bird Species #39; Populations Down Sharply, Audubon Society <b>...</b>" +Sci/Tech,S. Korea Backs UN Meeting on Stem Cell Research +Sports,Greed gets the better of Bernie +Sports,Double relief for Ajax as Van Gaal quits +Sports,NFL notes: Rice officially a Seahawk +Sports,Fueling the fires +World,Video shows Madrid attack horror +World,Qanooni says he will accept Afghan vote result +World,Lebanese PM and cabinet resign +World,US: UN statement on Syria quot;a step forward quot; +Business,MGM Mirage Profit Up on Las Vegas Tourism (Reuters) +Business,British public sector deficit swells to record for September (AFP) +World,Hungary PM Set for Victory Over Citizenship Vote +Business,Aerospace Rebound Good for Gen. Dynamics +Business,Kodak benefits from surge in digital sales and a gain for unit #39;s <b>...</b> +World,GM's Bochum Staff Vote to Resume Work (Reuters) +Sci/Tech,Digital appliance market heats up over formats +Sci/Tech,-Posted by dan.farber 6:32 am (PDT) +Sports,Morris has high stakes in Game 6 +Sports,Souness: I #39;m the boss +Sports,"Melbourne, Perth Invited to Apply for Super 14 Rugby Franchise" +World,NEC launches world's fastest supercomputer (AFP) +World,Spain: Terror suspect planned devastating attack +World,Diaries of another #39;Anne Frank #39; shed light on camp hell +World,Bush Spends Half of #36;75M Grant in Sept. (AP) +Sci/Tech,Earnings alert: Lucent's 1st profitable year since 2000 +Business,Wireless Networks Business Helps Lucent +World,European Powers to Offer Iran Incentives (AP) +Business,KarstadtQuelle's banks agree to keep credit lines open until year-end (AFP) +Sci/Tech,Google Saves Kidnapped Journalist in Iraq +World,Mbeki Ready to Present Ivory Coast Peace Proposals +Business,Spitzer widens probe into insurance industry sales practices +Business,Lucent sees first profitable year since 2000 +Sci/Tech,Toshiba preps HD DVD notebook PC +Sci/Tech,Feds probe huge California data breach +Sci/Tech,"Lg.PHILIPS, LG Electronics Develop World #39;s Largest Organic Led <b>...</b>" +Sci/Tech,JBoss moves up to business processes +Sci/Tech,Botnets trawl for phishing victims +World,US Soldier Pleads Guilty to Iraqi Prisoner Abuse +World,Iran test fires longer-range missile +World,Cambodia #39;s new king returns from China to take up throne +World,Users face new phishing threats +Business,Global Markets: Euro Surges vs the Dollar +Business,General Dynamics Profit Jumps 23 Percent +World,Brits and Foreigners Are Mad About the Hatter (Reuters) +World,"Lebanon PM Resigns, Says Will Not Head New Govt." +Business,Delta Air Lines Posts a Larger Loss +Sci/Tech,Spyware spurs Dell to offer protective software +Business,Stocks Lower as JP Morgan Weighs on Dow +Sci/Tech,Bush Kerry Battle It Out In Search +Sports,Knee Injury Puts Slutskaya's Preparations on Ice +Business,ADV: Refinance Rates Just Got Lower +Business,J.P. Morgan Chase Profit Falls 13 Percent +World,Cambodia's New King Returns From China (AP) +World,U.N.: Peruvians Relying on Food Aid (AP) +Sci/Tech,Wireless contracts aid Lucent's quarterly profit streak +Sci/Tech,NEC announces speedy supercomputer +Business,Update 8: Oil Prices Up Slightly Ahead of Data +Business,Bausch amp; Lomb #39;s profit jumps 34 percent +Business,"Pfizer #39;s Earnings Rise on Lower Costs, Lipitor Sales (Update1)" +Sci/Tech,UN Predicts Boom In Robot Labor +Sports,Celts Chris out to Shak up the points +Sports,Benitez on Deportivo draw +World,Disguised cops did Veerappan in +Business,Delta Air Lines Posts a Larger Loss +Business,UPDATE 1-Huffy files for Chapter 11 +Business,Cox Enterprises to buy Cox public stake +Sci/Tech,INTERVIEW: DVD Format Winner May Be Set This Yr-Toshiba +Sci/Tech,Apple peels wraps off fastest ever iBook G4 +World,Army reservist in Iraq pleads guilty in prisoner abuse court <b>...</b> +World,Prime minister #39;s questions +World,"Karzai halfway to victory in Afghan poll, rival to accept result" +World,Abu Hamza accused of inciting hate and murder +Business,Children's Place to Buy Disney Stores +Sci/Tech,U.N.: Robot Use to Surge Sevenfold by 2007 (AP) +World,Powerful typhoon kills 16 in Japan (AFP) +Business,Bicycle Maker Huffy Files for Chapter 11 +Sci/Tech,The tide is turning... +Sci/Tech,Google rolls out corporate search +Business,Fuel Costs Contribute to Delta Loss +Business,Rates set to be on hold for rest of year +Business,Damages claim against FT #39;too uncertain #39; +Business,Gucci Replaces Chief Executive Santucci +World,Israel Battens Down Hatches for Volatile Gaza Vote (Reuters) +Sports,Red Sox tie up the series +Sports,Cardinals reliever Julian Tavarez fined +Sports,How Greece is perceived by the citizens of five major countries +Sports,Fourth team: players queue up +Sports,Cowboys Trade +World,Khin Nyunts downfall spells new woes for Suu Kyi +World,Franco-Syrian relations stalled by hostility +World,UN says Darfur ceasefire not holding +World,Karzai Holds Lead Amid Fraud Probe (AP) +Business,Stocks Fall on J.P. Morgan Chase and Oil +World,Democratic spirit v. Bush family values: the Latino dilemma in US polls (AFP) +Sci/Tech,Voiceglo says consumers see the light +Sci/Tech,AMD Unveils Its Fastest Desktop Chip +Sci/Tech,"Toshiba, NEC plan HD DVD notebooks in 2005" +Sci/Tech,"Apple Intros New iBook Notebook, G5 Desktop" +Sci/Tech,Strontium Drug Reduces Fractures in Elderly Women +Sports,McCullum makes the difference +Sports,Glazer stockpiles even more United shares +Sports,Mariners to name Mike Hargrove manager +Sports,Alvin Harrison accepts four-year suspension +Sci/Tech,AMD vs Intel +Sci/Tech,Kudos to Microsoft for Dual-Core Chip Plans +Sci/Tech,Powell wants VoIP revolution +Sports,O #39;NEILL STILL HARBOURS DREAM +Sports,Gregan boost for Wallabies +Sports,Fame then shame for Harrison twins +Sports,Russians seek Hamilton #39;s gold +World,"US air strikes hit Fallujah, locals claim family of six dead" +Business,Coke to alter sales methods in Europe +Business,Summary: Delta #39;s financial woes deepen +Business,Honeywell #39;s 3Q Earnings Up on Sales Growth +Business,General Dynamics Profit Up 23 Percent +Sports,Rolling a lucky 7: Schilling wills series to an ultimate game +Sports,Conservatives call for statement on British Grand Prix +Sports,A second strike of lightning +Sports,Baseball #39;s \$650M satellite radio deal +World,Large Explosion Heard in Central Baghdad (AP) +Sci/Tech,Virtual Vote Lets Non-Americans Pick President (Reuters) +World,Challenges await ex-general Yudhoyono as Indonesia #39;s sixth <b>...</b> +World,Cabinet of Lebanese PM Rafik Hariri resigns +World,Iran says test fired more accurate Shihab-3 +Sci/Tech,"Microsoft, Swatch Offer New Wireless Watches" +Business,GM Staff Call Off Work Stoppage at Bochum +Sci/Tech,Intel to Ship Dual-Core Xeon in 2006 +Sports,Patriots Place Receiver on Injured Reserve (AP) +Sci/Tech,"Microsoft, Swatch Offer New Wireless Watches (Reuters)" +Sports,Henman Makes It Third Time Lucky in Madrid +World,"The missing Middle East: Bush, Kerry sidestep Israeli-Palestinian conflict (AFP)" +Business,"Cott Q3 profit falls 14, 2004 profit target lowered; makes US <b>...</b>" +Business,Lift for wine producers +Business,Wholesalers post sixth straight monthly sales increase: StatsCan +Sci/Tech,Leader: Licensing due for a change +World,Malaysia Rolls Out The Red Carpet (BusinessWeek Online) +Sports,GM #39;s deal for McCardell is right move +World,Burmese generals reinvent dark days +World,15 dead as huge typhoon slams Japan +World,Vatican Says Anti-Kerry Lawyer Hoodwinked Them (Reuters) +World,Bosnian Serb war crimes suspect injured in shootout with NATO (AFP) +Sci/Tech,Groups Call for Global Warming Control (AP) +Business,"Mortgage Applications Climb, Rates Fall" +Sci/Tech,Steroid Raises Pneumonia Risk in RA Patients +Business,Chasing the dream +Business,GM Staff Call Off Work Stoppage at Bochum +Business,Corbett hints at bid limit for ALH +Business,Moving on from that old line +Business,Cott Q3 earnings slip; company cuts guidance +Business,Children #39;s Place to Buy Disney Stores +Business,"Oil Makes Fresh Surge, Winter Stocks Ebb" +Sci/Tech,Hacker Hits California University Computer +Sports,Red Sox tie series at three games apiece +Sports,BRDC bid to save Silverstone +Sports,Aussie cricketer Keith Miller honoured with state funeral +Sports,Red Sox Look to Reverse the Curse with Game Seven Win (Reuters) +World,CARE suspends operations in Iraq following kidnapping of aid <b>...</b> +World,Corruption costs 200bn a year +World,India #39;s bandit king gunned down in police ambush +World,Karzai leading polls with over 1/3 votes counted +Sports,Coyotes' Boucher to Play in Swedish League (AP) +World,U.S. to Enforce Rules for Mail to Canada (AP) +Sports,Red Sox Look to Reverse the Curse with Game 7 Win +World,US Electoral College withstands critics ... so far (AFP) +Sports,Mariners Hire Mike Hargrove As Manager (AP) +Business,American Air Parent Lost \$214 Million +Sci/Tech,Figuring Out the Rules for VoIP +Business,ING Subpoenaed by Spitzer in Insurance Market Probe (Update2) +Business,Rising Costs Cut Cott #39;s Drink Profit +Business,Grinstein: News Gives Blues As Delta Posts \$646M Loss +Business,Spirits Company Makes Bid For Mondavi Wines +Business,Leading economic indicators slow again in September +Sci/Tech,Toshiba To Offer Laptops with HD-DVD in 2005 +Sci/Tech,UN: Domestic robot use to surge sevenfold by 2007 +World,Blair undecided on Iraq troop movement +World,British Muslim Charged With Inciting To Kill Jews +World,First Students Expelled Over French Law +Sci/Tech,Figuring Out the Rules for VoIP (washingtonpost.com) +World,EU Trade Chief Seeks Tariff Break Overhaul (AP) +Sci/Tech,Nvidia Puts a Firewall on a Motherboard (PC World) +Sci/Tech,Will This Takeover Plan Turn Into Gold? (The Motley Fool) +World,"Bush Rejects Kerry on Terror War, Economy (Reuters)" +Business,Profit Up 23 Percent at General Dynamics +World,Nigerian bishop's anger at church +World,"Key West, Suddenly Shy, Puts Pasties on Its Party" +Business,Enterprise Purchases Sustain PC Sales +Business,Update 1: Honeywell Income Grows Again on Orders +Business,Disney to sell 313 retail stores to Children #39;s Place +Business,Pfizer Posts Higher Earnings on Drug Sales +Business,Constellation sets sight at US wine maker +Sci/Tech,"Apple adds fastest, cheapest iBooks" +Sci/Tech,Audubon: Habitat Losses Lower Bird Count +Sci/Tech,Symbol MC50 Rugged Professional Windows Mobile Pocket PCs +Sci/Tech,World #39;s Largest OLED Unveiled +Sci/Tech,Planets may take longer to form than previously thought +Sports,Mariners name Hargrove as new manager +World,Drugs shame Mutu to undergo counselling (AFP) +World,"Hariri resigns, wont head new Lebanese cabinet" +Business,Oil Back Near \$55 as Winter Stocks Ebb +Business,Countrywide Results Spark Sector Selloff +Business,American Air Parent AMR Posts Loss +Sci/Tech,Ballmer: We need a \$100 PC +Sci/Tech,Sophos corrects 'theoretical' flaw +Business,Update 8: Oil Prices Climb Back to the \$54 Level +Business,Cingular #39;s 3Q User Growth Boosts Revenue +Sci/Tech,Apple Debuts Fastest-Ever iBook G4 +Sports,Are Liverpool missing Owen? +World,Syria and Lebanon reject UN #39;interference #39; +Sci/Tech,"Cingular Operating Profits Dip, Revenue Up (AP)" +World,Annan has 'great deal to answer for' in oil for food scandal: top US senator (AFP) +Business,Google delves deep within your computer with new desktop tool +Business,Fettig: High Costs Put Whirpool Earnings Through Wringer +Business,Total turn-off for tiresome TVs +Sci/Tech,Intel puts brakes on fast chip +Sci/Tech,Nvidia Puts a Firewall on a Motherboard +Sci/Tech,Foxy new software to heat up browser war +Sci/Tech,Flip-flopping on Google +Business,Countrywide Results Spark Sector Selloff (Reuters) +World,GII to Launch Corruption Report Today +World,Yudhoyono sworn in as Indonesian president +World,Cambodians welcome their new king +World,Karzai en route to victory in poll; Qanooni pledges to accept result (AFP) +Business,Children's Place to Buy Disney Stores +Business,"Office Depot Earns Fall, Blames Weather (Reuters)" +Business,"Oil Flies Back to \$55, Winter Stocks Fall" +Business,"Office Depot Earns Fall, Blames Weather" +World,U.N. Anti-Terror Head Wants More Intelligence Sharing (Reuters) +World,EU Head Office Orders Izar to Repay Aid (AP) +Sci/Tech,"Google Expects to Add 372,050 Advertisers by 2008 (Reuters)" +World,Pakistan Says Holding Yemeni 'Qaeda Leader' (Reuters) +World,Bush: Kerry Unable to Win War on Terror (AP) +World,Pakistan Says Holding Yemeni 'Qaeda Leader' +Sports,Mariners Hire Mike Hargrove as Manager +Sci/Tech,FBI supplier readies secure Linux +World,Pakistan arrests 'important' Egyptian Al-Qaeda operative (AFP) +World,Kerry Said to Discontinue Terror Alerts (AP) +Business,Sainsbury tries to stop the rot +Business,Delta: \$646M in losses in quarter +Sports,Mutu begins counselling +Sports,Olympics: Verdict due on scandal +Sports,Russian coach is staying in charge +Business,New EU members face tough euro test +Sports,Mariners Hire Hargrove as Manager +Sports,"XM Satellite Radio, MLB in \$650M, 11-Year Deal" +Business,Delta Air Lines reports wider loss in third quarter +Sci/Tech,Microsoft Unveils #39;Istanbul #39; Communications Hub +Sci/Tech,FBI supplier readies secure Linux +Sci/Tech,Firefox #39;s Volunteer Launch Brigade +Sports,EUROPE LINES UP LONE STAR DOZEN +World,US soldier pleads guilty in Iraq abuse case +World,Two Palestinians killed in northern Gaza +World,Pakistani Forces Pound Alleged Hideout (AP) +Sci/Tech,Screen Sizzlers (washingtonpost.com) +Sci/Tech,Is IT hiring picking up? +Sci/Tech,Target to sell TiVo DVRs +Sci/Tech,"Microsoft, Swatch Offer New Wireless Watches" +Business,"American Air Posts Loss, Plans Job Cuts" +World,"Invitation for Pope to visit Serbia-Montenegro in the works, president says (Canadian Press)" +Sci/Tech,"Microsoft, Swatch Offer New Wireless Watches (Reuters)" +World,"Israel, Egypt Swap Prisoners in Sign of Warmer Ties" +World,Brother's tissue 'cures' sick boy +Sci/Tech,Briefly: Target to sell TiVo DVRs +Sci/Tech,"Skype, Voiceglo say consumers see the light" +Business,Crude price up slightly as market braces for US oil stockpile data +Business,Coca-Cola Bottling Down on Weak Sales +Business,"UPDATE 4-General Dynamics profit jumps, hikes full-year view" +Business,Citigroup Boss Leaves in Wake of Banking Scandal +Business,AT amp;T Wireless purchaser sees higher Q3 revenue +Sci/Tech,"Lewis Urry, alkaline battery inventor dies" +Sports,Bostons Torture +Sports,Astros #39; RHP fined for over-the-head pitch in Game 4 +Sports,Troubled Mutu sees shrink +Sports,Cricket: Sinclair leads the charge +World,Plea to Release Kidnapped Aid Chief Met by Silence +World,Democracy overruled +World,European powers to offer Iran incentives as last chance to drop <b>...</b> +World,Rabbis anger Israeli military leaders +World,CARE Halts Iraq Operations After Director Kidnapped (Update5) +World,Iran #39;s Khatami Rejects European Call to Stop Nuclear Program +World,Veerappan #39;s wife wants govt to ensure daughters #39; education +Sci/Tech,"XM, Baseball in \$650M, 11-Year Deal" +Sci/Tech,"Despite federal money, no consistency in e-voting" +Business,"UPDATE 2-American Air #39;s AMR posts loss, plans job cuts" +Business,Cox family to take cable giant private +Sci/Tech,Toshiba To Sell Next-Gen DVD Laptops by 2005 +World,Democracy hopes dim after PM sacked +World,Blair faces rebellion over troop redeployment in Iraq +World,Cambodians Welcome New King Home +World,Challenges await ex-general Yudhoyono as Indonesia's sixth president (AFP) +World,Go ahead for more Darfur troops +Sports,Funny Cide Pre-Entered for Breeders' Cup (AP) +Sports,UMass Arrests 35 After Game 6 of ALCS (AP) +Business,Delta 3rd quarter losses four times same period 2003 +Business,"AT amp;T Wireless #39;s Numbers Down, Prepares For Acquisition By Cingular" +Business,Computer glitch delays Air Canada departures +Sci/Tech,Authorities investigate hacking attack at University of California +Sci/Tech,Phishing attacks powered by #39;just five #39; zombie networks +Sports,XM Strikes Back +Sports,"Salary 20,421 pa Location London Company Epping Forest District <b>...</b>" +Sports,Hargrove chosen to manage Mariners +Business,Glenmorangie snapped up for 300m +World,CIA Documents Show Struggle Over China (AP) +World,GOP Leaders Criticize S.C. Organization (AP) +World,Gay US bishop: I will not resign +Sci/Tech,Humans may need fewer genes than thought +Sci/Tech,Toshiba Promises Laptops with HD-DVD Next Year +Sci/Tech,Space Station #39;s Oxygen Generator Is Repaired With Spare Parts +Sci/Tech,Linux wants to earn your trust +Sci/Tech,"Canadian-born scientist who invented small, long-lasting batteries <b>...</b>" +World,"Lebanese PM Resigns, Dissolves Cabinet" +World,"Martin says Canada ready to help train election workers, monitor vote in Iraq (Canadian Press)" +Sci/Tech,Human gene number slashed +World,Interim Iraqi President Favors Jan. 30 Election +Sci/Tech,"Bush, Kerry are ignoring tech debate, says Intel #39;s Barrett" +Sports,Around the Majors - October 20 +Sci/Tech,British Scientists Develop New Vaccine Technology (Reuters) +World,Heinz Kerry Separates Self From Mrs. Bush (AP) +Business,XM Satellite in \$650 Mln Baseball Deal +World,Russian Workers Rally for Higher Wages (AP) +Business,Is Marsh Ringing the Value Bell? +Business,American Airlines posts big losses in Q3 +Business,Update 4: JPMorgan Shares Fall on Poor Earnings +Business,Air Canada glitch causes minor delays +Sci/Tech,Astronaut to Meet Baby Daughter on Return to Earth +Sci/Tech,Domestic robots to surge to 4.1 million by 2007 +Sci/Tech,FCC seeks power over VOIP +Sci/Tech,Big Day For Browser Vulnerabilities +Sports,Button vows to stand by decision. +Sports,"Kent, Backe, Lidge offer flair to dramatic 3-0 win" +Sports,Black Caps Celebrate Rare Hat-Trick +Sports,US relay squad bids to keep gold +World,India Orders Probe Into Taj Mahal Tilt (AP) +World,U.S. Raids Kill Family of 6 in Rebel-Held Iraqi City +Business,"Cingular, AT amp;T Wireless Post Results" +Business,LVMH #39;s Moet Hennessy to Buy Scotland #39;s Glenmorangie (Update2) +Business,Almunia Warns on Rise of Oil Prices (AP) +Sports,"Tennis: Henman, Safin claim wins at the expense of Spaniards in <b>...</b>" +Sci/Tech,Intel releases new leader of Pentium M pack +Business,XM Satellite in \$650 Million Baseball Deal +Business,"MGM Mirage Profit Up, Debt to Hit 4th Qtr" +Sci/Tech,S. Korea Backs U.N. Meeting on Stem Cell Research (Reuters) +Sci/Tech,Enterprises Not Hot for Subscription Software +Sci/Tech,Phishing Attacks Launched from Handful of Networks +Sports,UPDATE 1-BAR win contract tug-of-war over Button +Sports,US relayers want to keep Sydney golds +World,Army Reservist Pleads Guilty in Iraq Prison Abuse +World,Iran test-fires advanced version of Shahab-3 missile +World,Dutch uncover diary of Nazi camp +Sports,Crew Streaking As MLS Playoffs Begin (AP) +Sci/Tech,U.N.: Robots to Surge Sevenfold by 2007 (AP) +Sports,Sharapova Beats Hantuchova to Extend Winning Streak +Business,"Gas Prices Continue Slide, Down to \$1.93/gallon" +Business,J.P. Morgan Chase Reports Sharp Drop in Earnings +World,Ireland in bid to find aid worker +Business,KPMG to Pay #36;10 Mln to Settle with SEC (Reuters) +World,Eurozone finance ministers debate action on oil as prices surge (AFP) +World,Venezuela Rejects Criticism of Media Law (AP) +Sci/Tech,Einstein's Warped View of Space Confirmed (SPACE.com) +Sci/Tech,Rise of the Robots: Segway Platform Gives Mechanoids Motion (SPACE.com) +Business,Get Your Head Out of the Game (The Motley Fool) +Business,GM Cutting 900 Jobs at Michigan Plant +Business,"Blue Chips Slip as Earns, Oil Take Toll" +Business,JP Morgan Chase Reports Sharp Drop in Earnings +Business,Disney #39;s Board on Trial as Shareholders Launch Case +Sci/Tech,Hacker breaks into UC Berkeley +Sci/Tech,"Microsoft, Cisco Team on Network Access Protections" +Sports,Heartache or history for Red Sox tonight +Sports,Owen off the mark +Sports,Thursday #39;s preview +World,Humanitarian Aid Director Is Kidnapped +World,Frederick Pleads Guilty +Sci/Tech,HP bags \$500 million outsourcing deal +Business,"Lofty Fuel, Low Fares Batter Airlines" +Business,KPMG Pays \$10 Mln to Settle with SEC +Business,"Treasuries Rise, Market Tests 4 Pct Yield" +Sci/Tech,'Free-to-air' powering growth of satellite TV boxes +World,Colombian Drug Kingpin Extradited to U.S (AP) +Business,Disney to sell mall-based stores to Children #39;s Place +Business,KPMG to Pay \$10 Mln to Settle with SEC +Sci/Tech,Domestic Robot Boom Raises Quest +Sports,Silverstones future looks bleak +Sports,Culpepper wins his third NFC honor for 2004 +World,Corruption on the rise +World,Conservative Leader Stephen Harper says his role is to explore new ideas (Canadian Press) +Sci/Tech,FCC Chief Pushes Internet-Phone Regulations (NewsFactor) +Sci/Tech,Microsoft Unveils 'Istanbul' Communications Hub (NewsFactor) +Sports,Johnson Still Plugging Away After Accident (AP) +Sci/Tech,"Apple Selling Speedier iBooks, Lower-Priced Power Mac (NewsFactor)" +World,French president receives Chinese defence minister (AFP) +Sci/Tech,Microsoft Aims Navision at SMBs (NewsFactor) +Sci/Tech,Microsoft SQL Server 2005 Delayed (NewsFactor) +World,Hungary PM Set for Victory Over Citizenship Vote (Reuters) +World,U.S. Won't Back Iran Nuke Incentive Plan (AP) +Sci/Tech,U.S. to Poison Prairie Dogs in South Dakota (Reuters) +World,"Lebanon PM Resigns, Says Will Not Head New Govt" +Sports,History on Their Side? +Sci/Tech,Sharp drops handhelds from U.S. retail market +Sci/Tech,U.N.: Robot Use to Surge Sevenfold by 2007 (AP) +Business,"Cott Drinks' Profit Falls, Cuts Outlook" +Sci/Tech,"In U.S. South, Textile Mills Gone but Not Forgotten" +Sci/Tech,Kenyan's Painful Path to Nobel Peace Prize +Sci/Tech,"Students Take Veggie-Fueled ""BioBus"" on Eco Road Trip" +Business,"Lofty Fuel, Low Fares Batter Airlines (Reuters)" +World,Eritrea dismantles 'terrorist network' backed by Sudan: official (AFP) +World,Newmont Considers Suit Over Jailed Execs (AP) +World,Parties File Suits Over Election Issues (AP) +Business,Opel workers end strike +Business,"Lofty Fuel, Low Fares Batter Airlines" +Business,JP Morgan posts 3Q profit decline; misses forecasts +Business,HP bags \$500 million outsourcing deal +Business,Snow Denies 5th Florida Trip Is for Bush Campaign +Sci/Tech,FBI Investigates UC Berkeley Computer Hack Case +Sci/Tech, #39;Most affordable #39; iBook G4 +Sports,Group OK With Most Football Coach Searches +World,Security chief #39;s view on kidnap +World,Europeans To Make Iran #39;Last Offer #39; On Nukes +World,Pak assault on Mehsud hideout +Sci/Tech,"Sun-Times, Union Reach Tentative Deal (AP)" +Sports,Red Sox Look to Reverse the Curse with Game 7 Win +Sci/Tech,"Liberty Alliance holdout IBM ends resistance, joins" +Sci/Tech,High-performance computing: Muscle in the middle +Sci/Tech,Sun to add JFluid profiling tool to Java Studio +Business,Amgen Quarterly Profit Falls (Reuters) +Business,Amgen Quarterly Profit Falls +Business,Oil Returns to \$55 as Winter Stocks Ebb +Sci/Tech,Computer Associates Posts Wider Loss (Reuters) +Business,Siebel Systems Posts Quarterly Profit +Business,Computer Associates Posts Wider Loss +World,Bush says Kerry misunderstands war on terrorism (AFP) +World,Iran Says Ready to Prove Not Pursuing Nuke Weapons +Business,Kodak eyes faster digital growth +Business,"UPDATE 3-Cott profit falls, outlook cut, stock plunges" +Sports,Steelers Defense Takes a Hit; Two Placed on IR (Reuters) +Sports,"NCAA clears Neuheisel, reprimands Washington" +World,Newmont considers lawsuit over jailed executives (Canadian Press) +World,"Walk the reforms road, UN tells Myanmar" +Business,"Amgen Net Down, Adjusted Earnings Rise" +World,Black vote firmly behind Kerry: Jesse Jackson (AFP) +Sports,Steelers Defense Takes a Hit; Two Placed on IR +Sports,Crew Streaking As MLS Playoffs Begin +Sports,XM Satellite in #36;650 Million Deal with Pro Baseball (Reuters) +Sports,NCAA Clears Rick Neuheisel of Wrongdoing (AP) +World,Typhoon Tokage Kills 18 in Japan (AP) +World,Ontario government unveils list of junk foods to be banned in schools (Canadian Press) +Business,Big 3 Airlines Report Combined \$911M Loss +Sci/Tech,Major browsers bitten by security bugs +Sci/Tech,Y2K windfall for Net phones? +Sci/Tech,SmartDisk expands hard-drive line +World,UN Turns to U.S. Troops to Guard Its Staff in Iraq (Reuters) +Sports,"Steelers Put Hampton, Logan on Injury List (AP)" +World,Regina justice of peace on trial denies sexual touching accusations (Canadian Press) +Business,Siebel Systems Posts Quarterly Profit +World,UN Turns to U.S. Troops to Guard Its Staff in Iraq +Business,Blue Chips Slip as Earnings Disappoint (Reuters) +Business,Citigroup culls top ranks following Japan banking scandal +Business,Chicago Sun-Times Reaches Labor Deal with Workers +Sci/Tech,"Robots are taking an increasing number of jobs, new UN report says" +Sci/Tech,FCC Chair Advocates Hands-Off Approach to VoIP +Sci/Tech,Intel Debuts Centrino Pentium M 765 with 2MB Cache +Sci/Tech,Firefox fans take fight to the papers +Sports,SquawkBack Poll: Is the Red Sox/Yankees rivalry overrated? +Sports,The Tufts Daily - Inside the NLCS: Astros storm back to take <b>...</b> +World,Israel #39;s Olmert hails new era of S.Africa ties +Sci/Tech,Briefly: SmartDisk expands hard-drive line +Business,Tax Cut Shrinks Computer Associates Loss (AP) +World,Canada Hopes New Beef Rules Will Win Over Japan (Reuters) +World,Iran 'to unveil new nuclear deal' +Sports,Return of Brady Boosts Jaguars' Offense (AP) +World,British try to sway Ohio swing voters +World,Mexico's answer to tight school budgets: teaching by TV +World,Dutch uncover diary of Nazi camp +World,Haiti violence scuppers IMF visit +World,New Myanmar PM directly behind attack on Aung San Suu Kyi: US (AFP) +World,Six people charged by police after sit-in at lobby of CSIS office in Toronto (Canadian Press) +Business,"Blue Chips End Lower, Earnings Disappoint" +World,"Cheney Got Flu Shot, Aides Say, Citing Heart Issue (Reuters)" +Business,Tax cut shrinks Computer Associates loss +Business,Amgen 3Q Profit Falls on Acquisition +Business,EBay meets estimates as profits jump +Business,KPMG fined record \$10M +Business,"Freescale Semiconductor to Cut 1,000 Jobs" +Sci/Tech,Robo-servants set to sweep into homes +Sci/Tech,FCC to regulate more of the Internet +Sci/Tech,Major browsers bitten by security bugs +Sci/Tech,"Intel Releases Faster 2.10 GHz Pentium M, Prices Dropped on Slower <b>...</b>" +Sci/Tech,Apple unveils new iBook +Sci/Tech,GM CTO sees more code on future cars +Sports,Depor look to home games for recovery after shaky start +World,CARE halts work in Iraq after abduction +World,Rampant corruption could wreck postwar Iraq +World,Soldier Pleads Guilty in Iraq Prison Abuse +World,Hariri quits as US warns Syria to back off +World,"Israel Boosts Security for Sharon, Others" +World,Spain busts a suspected Muslim terror ring +World,Israeli deputy PM in South Africa for controversial visit +Sports,Singh Wants to Finish Strong This Fall (AP) +Sports,"Schilling-led Red Sox win again, force Game 7" +Sports,"Molik upsets Zvonareva, Sharapova advances in Zurich" +Sports,"NCAA clears Neuheisel, extends Washington #39;s probation" +Sports,Inter fire five to rout Valencia +World,African Union agrees to send more troops and civilian police to Darfur (Canadian Press) +Business,"Amgen Net Down, Adjusted Earnings Rise" +Sports,Mystery Over Coleman's Car Wreck Deepens (AP) +Business,"Fuel Prices, Low Fares Batter Airlines" +Business,"EBay Posts Higher 3Q Earnings, Sales" +Business,Tentative Agreement Reached At Sun-Times +Business,American Airlines reports large loss in third quarter +Business,"EBay rings up higher profit, looks for even better Q4" +Business,Disney finds buyer of retail chain +Business,Eisner: Trial Begins Re Disney #39;s Ovitz Compensation +Sports,Garcia Wishes Owens Would Let Bygones Go (AP) +Sci/Tech,Break-In At Berkeley May Have Compromised Data Of 1.4 Million <b>...</b> +Sci/Tech,Firefox: like a rocket +Sci/Tech,GM CTO Says Software Will Be Part Of Bumper-To-Bumper Warranties +Sci/Tech,Cdn-born inventor of long-lasting batteries dies +Sports,Molik upsets Zvonareva in Zurich +Sports,Wenger Satisfied with Draw +Sports,XM Satellite Radio Signs Baseball Deal +Business,Delta losses soar in fresh crisis +Business,EBay Reports Sharply Higher Profit +World,Lawmakers Getting Flu Shot Sparks Debate (AP) +Sports,'72 Dolphins Dismayed by Winless Team (AP) +Sci/Tech,Microsoft sets summer delivery of SQL Server +Business, #39;CPM okay with FDI hike in pvt airlines #39; +Business,"Amgen Net Down, Adjusted Earnings Rise" +Business,"THQ, Jakks comment on WWE suit" +Sci/Tech,UNECE Predicts Robot Explosion +Sci/Tech,Microsoft and Swatch offer wireless watches +Sci/Tech,New IE Bugs Open Up Even XP SP2 To Attack +Sports,Arsenal draw 2-2 with Panathinaikos +Sports,UPDATE 1-Werder come from behind for 2-1 away win +World,"Accused bomber made enemy out of witness he allegedly stole from, taunted (Canadian Press)" +World,Little Progress on Sept. 11 Legislation (AP) +World,Fiji agrees to protect UN in Iraq +Business,Ebay Reports Sharply Higher Profit +Sports,Gold Medal Dispute Set to End Thursday +Sci/Tech,Siebel Systems Meets Street View (AP) +Business,EBay Reports Sharply Higher Profit +Sci/Tech,Liberty Alliance holdout IBM ends resistance and joins +Sci/Tech,"HP signs five-year, \$500M IT services deal with German bank" +Sci/Tech,GM CTO sees more code on future cars +Sci/Tech,"Wavelink unveils integrated wireless management, security software" +Sci/Tech,Unisys joins Open Source Development Labs +Sci/Tech,Does Google desktop search pose risks? +Sci/Tech,The dual 2.5-GHz Power Mac G5: Unadulterated power +Sci/Tech,Standard Bank aims to improve card risk management +Sports,"No. 24 Villanova 69, Penn 44" +Sci/Tech,MessageOne acquires Evergreen Assurance +Sci/Tech,Hacker hits California university computer +Business,FDI hiked for aviation +Business,"THQ, Jakks Respond to Suit" +Sci/Tech,Investment in robots reaches record levels +Sci/Tech,Watch Out! It #39;s all about better connectivity now +Sci/Tech,Microsoft Stance on Multicore Licensing Will Help Customers +Sci/Tech,SBC Selects Alcatel as Primary Supplier for Project Lightspeed in <b>...</b> +Sci/Tech,Microsoft SQL Server 2005 Delayed +Sports,PANATHINAIKOS V ARSENAL MIN-BY-MIN +Sports,CELTIC CRASH AGAIN +World,Bush Says Kerry Doesn't Understand Terror War (Reuters) +Sports,Bills' Milloy Ready to Make Season Debut (AP) +Sci/Tech,MSN Lets You Blog +Sports,Jets Low Key About Showdown With Patriots (AP) +Sci/Tech,Microsoft To OK One License for Multicore Chips +World,Schwarzenegger Stumps Against Three Strikes Reform (Reuters) +Sports,American Fish Confident About Tough Davis Cup Final +World,Venezuela Activist Faces Imprisonment +World,Brazil May Reach Deal on Nukes With U.N. +World,Garcia Marquez's Novel Released Early +Sci/Tech,"In the E.R., Learning to Love the PC" +Sci/Tech,"When the Price Is a Penny, What Profit?" +Sci/Tech,"For an Inventor, IM Opens a Window to a World of Games" +Sci/Tech,"At a Click, a Clique of the Uncool" +Business,Cull proves Prince has finally taken the throne +Business,Siebel beats Wall Street targets +Sci/Tech,VoIP Jurisdiction Could Be Settled Soon +Sci/Tech,No Double Microsoft Pricing For Dual-Core Chips +Sci/Tech,New Soyuz rocket launch is delayed +Sci/Tech,Microsoft sets summer delivery of SQL Server +Sci/Tech,Bush and GOP Sites Suffer Outages (AP) +Sports,And now for the lawsuits +Sports,Inter Thrash Valencia +World,EU to Issue Last Chance to Iran on Nuclear Plans +World,France expels more students over hijab +World,Cambodia #39;s new king arrives in Phnom Penh +Sci/Tech,Siebel's Q3 sales slow +Sci/Tech,CA posts Q2 loss on restitution charges +Sports,Report: Dolphins' Boston Faces Suspension (AP) +Sci/Tech,"Columnists: Security, 1994-2004: Then And Now" +Business,US Consumer Price Index Sees September Bump +Sports,Gregan to tour with Wallabies +Business,Siebel Systems Posts Profit +Sports,Billick Wants Lewis Practicing With Ravens (AP) +World,Former POWs Blame Kerry for Captivity (AP) +World,Garcia Marquez Has Last Laugh on Book Pirates +Sports,"Inter Milan, Chelsea, AC Milan Perfect (AP)" +Sports,Ex-Baylor Athlete Sent to Mental Hospital (AP) +Sports,"Milan Clubs, Chelsea Eye Next Champions League Stage" +Sci/Tech,Panel: Let domestic security technology move forward +Sci/Tech,Humans May Have Fewer Genes Than Thought +Sci/Tech,"Microsoft, Swatch offer thinner wireless watches" +Sci/Tech,Windows XP SP2 Distribution Surpasses 100 Million +Sports,Ranieri salutes #39;incredible #39; Inter +Sports,Chelsea within sight of next stage +Sports,Sharapova Beats Hantuchova to Extend Win Streak +World,Indonesia #39;s new president unveils tried and tested professional <b>...</b> +World,Haiti #39;s PM a #39;killer #39; +Business,Computer Associates Results Top View (Reuters) +World,"Britain may send up to 1,300 extra troops to Iraq: report (AFP)" +Sports,Colts' Manning Ties Unitas Record (AP) +World,"Kerry Mocks Bush's War Leadership, Says Few Follow (Reuters)" +Business,"Amgen Net Down, Adjusted Earnings Rise" +World,Excerpts From the Presidential Campaign (AP) +Business,eBay Ups Guidance on Strong Quarter +Business,Siebel Systems Swings to 3Q Profit +Sci/Tech,Mice Thrive Without Chapters of the Book of Life +Sci/Tech,Intel releases new leader of Pentium M pack +Sports,Ferrero leads Spanish slump in Madrid +Sci/Tech,Alcatel wins \$1.7 billion SBC contract +Sci/Tech,Microsoft scales back Passport ambitions +Sci/Tech,Systinet CEO sees three phases for Web services +Sci/Tech,Crossroads to develop intelligent iSCSI storage +Sci/Tech,"Intel Developing Optical Connect for Laptops, Servers" +Sci/Tech,Pentagon to Post Write-In Ballot on Web (AP) +Sci/Tech,Records rebounding (Variety) +Sci/Tech,Crossroads to develop intelligent iSCSI storage (InfoWorld) +World,French girls expelled over veils +Business,BC lowers provincial sales tax to 7 per cent +Business,KPMG to Pay \$10M to Settle SEC Charges +Business,"Windows Users Want Results, Not Ballmer Promises" +Business,Surprise! Sales tax rolled back +Business,Disney in the dock over 140 million dollar payout to executive +Sci/Tech,Is the software license dead? +Sports,Wenger disappointed by Arsenal #39;s frailties +Sports,Journalist at centre of Kenteris row is stabbed +Sports,Why Satellite Radio? +Sports,Kostya #39;s glove affair +Sci/Tech,Online Casinos Await Answer From DOJ (AdWeek.com) +World,A Daily Look at U.S. Military Iraq Deaths (AP) +Sci/Tech,"Intel Developing Optical Connect for Laptops, Servers (PC World)" +World,India is 90th most corrupt nation +World,New faces and old to rule Jakarta +World,"Dialogue only way to solve Irans nuclear case, says Khatami" +World,Sharon seeking to garner support for Gaza plan +World,French girls expelled over veils +World,Second round of Pakistan-India talks in Nov-Dec +World,Cambodia #39;s new king returns from China to take up throne +Sci/Tech,Briefly: RealNetworks loss widens on litigation +Business,AUSTRALIA PRESS: Coles Myer Finalizing Fresh ALH Offer +Sci/Tech,Report: Enterprises Favor One-Time Software License +Sports,Notes: Lamb gets first playoff start +World,Pakistan 15th most corrupt state +World,Blair says no decision yet on redeploying troops in Iraq +Sci/Tech,"For Missing Web Pages, a Department of Lost and Found" +Sci/Tech,Where Good Wi-Fi Makes Good Neighbors +Business,Nikkei Seen Moving Little +World,Fiji Troops May Grow U.N. Presence in Iraq (AP) +World,African Union to relaunch peace talks for Sudan's western Darfur region (AFP) +Sci/Tech,NEC Shoots to Regain Supercomputer Title +Business,Walkout ends at GM plant +Business,3 major US airlines report losses +Business,"Update 4: Huffy Files for Chapter 11, Buyer Emerges" +Business,Gucci brand #39;s head abruptly dismissed +Sci/Tech,Toshiba To Offer Laptops With HD-DVD in 2005 +Sci/Tech,Leading scientists to discuss research applications for <b>...</b> +Sports,Button staying put after panel blocks move +Sports,Panathinaikos 2 Arsenal 2 +Sports,Roundup: US fights to keep relay gold medals +Sports,"Zwick throws on sideline, Smith gets most of action at OSU <b>...</b>" +World,"Cabinet set to agree troop movement, but delay likely" +World,Expulsions in France test truce over scarves +World,"Typhoon Kills 30 in Japan, at Least 40 Missing (Reuters)" +Sci/Tech,NEC Shoots to Regain Supercomputer Title (PC World) +Business,Spitzer #39;s probe likely to spread +Business,EBay Third-Quarter Net Surges 77 as Listings Rise (Update2) +Business,Disney board #39;nodded through agent #39;s hiring #39; +Sci/Tech,US argues for federal VoIP rules +Sci/Tech,Supercomputer sweepstakes heat up with new NEC entry +Sports,Lehmann howlers rob Arsenal +Sports,FA make early start to Mutu inquiries +Sports,Lift-off for Owen +Sports,USOC Fights for US Relay Olympic Gold +World,Israel moves to impede UN relief to Palestinians +Sci/Tech,Analysts: AMD Beating Intel in Chip Design +Sci/Tech,NEC develops fast computer +Sports,Shakhtar all but eliminates Celtic from Champions League +Business,"EU, Mercosur Fail to Reach Trade Deal" +Business,"Disney Trial in Georgetown, DE" +Business,UPDATE 1-Australia #39;s Computershare buys US EquiServe +Sci/Tech,Liberty Alliance holdout IBM ends resistance and joins +Sports,British officials call emergency meeting +Sports,UEFA CHAMPIONS LEAGUE REPORTS +Sports,Coleman reportedly swerved to avoid a deer +World,Straight dealers! +World,Shahab-3 missile tested +Business,Computer Associates Results Top View +Sports,"USC, Okla. Go Wire-To-Wire Atop AP Poll (AP)" +Business,Japan's Nikkei Share Average Opens Lower +Sports,Mariners Hire Mike Hargrove as Manager +Sci/Tech,California discloses massive ID theft +Sports,Cards Beat Astros 6-4 to Force NLCS Game 7 (AP) +Business,J.P. Morgan Chase Profit Falls 13 Percent (Reuters) +Business,Computer Associates Results Top View (Reuters) +Sports,Deal Reached to Keep Pro Bowl in Hawaii (AP) +Business,"Pfizer Profit Up, Warns of Patent Lapses (Reuters)" +Sports,Timberwolves Griffin suspended by NBA for three games (AFP) +Business,Wine Case Goes to High Court +Sports,Mets Adviser Chuck Hiller Dies at 70 (AP) +World,"EU, Mercosur Fail to Reach Trade Deal" +World,PM backs curfews and booze bans +World,How army briefing to families left No 10 on the back foot +Sci/Tech,"Google Targets 370,000 More Advertisers -- Newspaper (Reuters)" +World,Two dead in Japan as typhoon wreaks havoc +Sci/Tech,Toshiba aims to launch laptops with next-generation DVD drives in 2005 (AFP) +World,"Cheney Got Flu Shot, Aides Say, Citing Heart Issue (Reuters)" +Sports,Cardinals Take Astros the Distance +Sports,Coughlin's Attention to Special Teams Pays Off for Giants +Sports,Police: Coleman Flipped Car to Avoid Deer (AP) +World,Security Tight for Sharon Amid Gaza Vote (AP) +Sci/Tech,Lucent Says Earnings More Than Triple (Reuters) +Sci/Tech,Online intrusion risks large identity cache +Sports,W. Hoops looks for record third Big 5 victory +Business,Oil back above \$55 as US winter stocks drop +Business,"Mercosur, Ancom create world #39;s fifth largest trade bloc" +Business,Court rejects FT damage claim +Sci/Tech,Human genes #39;overestimated #39; +Sci/Tech,Windows Server Roadmap Gets Down to Specifics +Sports,Cricket: Franklin cements place in record books +Sports,"Agassi Back to Winning Ways, Nadal Impresses" +Sports,Boeheim waiting to let Edelin practice +World,PM: Were monitoring Myanmar situation +Sports,No. 11 Michigan St. Rebounds with Win Over George Mason +Sports,Far from #39;roid to ruin +Sports,Vikings Receivers Fill in Well for Moss (AP) +Sci/Tech,Colorado Man Gets Web-Arranged Kidney Transplant (Reuters) +Sci/Tech,Humans May Need Fewer Genes Than Thought (AP) +Sci/Tech,Scientists Complete More Tests at Hanford (AP) +Sports,Roddick loses second singles match +Sports,Edelin Cleared to Play +Sports,"NFL, Williams to Meet" +Business,Marsh woes deepen after credit lines are threatened +Business,ATA #39;s cash situation worsening +Business,Europeans Fail to Agree on Tax Breaks +Sports,Houston's Bullpen Blows Game Again (AP) +Sci/Tech,Kicking and screaming +Sports,Syracuse #39;s Edelin cleared to play by NCAA +World,"Typhoon kills 21, leaves trail of havoc" +World,US frowns on reported European nuclear offer to Iran (AFP) +Sci/Tech,Briefly: Quantum to buy tape rival Certance +World,Look who #39;s talking +Sci/Tech,Google Takes On Your Desktop +Business,Countrywide Posts 47 Pct Drop in Earnings +Business,Europe #39;s New Members Not Ready for the Euro +Sci/Tech,Online intrusion risks large identity cache +Sci/Tech,Grand Theft Auto: San Andreas jacked +Sci/Tech,REVIEW: Local PC Search Not Perfect (AP) +World,"China Mine Blast Kills at Least 56, 100 Missing (Reuters)" +World,Anger at taking of CARE chief +Business,Citigroup purge costs Britain #39;s great survivor his job +Business,Dollar slips agianst the pound +Business,Gucci chief fired after row about strategy +Business,EU-Mercosur Free trade talks extended into 2005 +Business,Pound falls on hints that interest rates have peaked +Business,HIT fires chief who pulled off US deal +Sci/Tech,Online Tracking Firm: Kazaa Losing Users (AP) +World,Tokyo Stocks Higher in Early Trading (AP) +Sci/Tech,Microsoft Distributes XP Security Update (AP) +Business,Dollar Dangles Near Multi-Month Lows +Sports,Chelsea boss salutes Terry +Sports,Button enjoys the best of both worlds as Williams look to 2006 +Sports,Sharapova extends winning streak in Zurich Challenge +Sports,101 Early Entries for Breeders #39; Cup +Sports,Bills tackle Sam Adams puts frustrations aside and focuses on <b>...</b> +World,Surprises in new Indonesia line up +World,"Myanmar Prime Minister Behind Attack on Suu Kyi, US Govt Says" +Business,Tokyo Stocks Fall on Oil Concern +World,Ministers to decide on troop move +World,"Bush, Kerry Open Final Month Even in Cash (AP)" +World,Air India trial witness said motivated by revenge (Reuters) +Business,AP: Qwest to Pay \$250M Fraud Settlement +Sci/Tech,Samsung Electronics claims world-first 5-megapixel camera phone +World,Terrorist suspects #39;planned huge blast in Madrid #39; +Sports,"With One Swing, Edmonds Redeems Himself and Cards" +Business,"American to lay off workers, ground planes after new loss" +Business,EBay Reports Sharply Higher Profit +Sci/Tech,Bankrolling Stem-Cell Research with California Dollars +Sports,Panathinaikos 2 Arsenal 2 +Sports,Chelsea 2 CSKA Moscow 0 +Sports,Bernie puts on the pressure +Sports,Black Caps Aim For 400 +Sports,Raptors edge Benetton Treviso +World,Typhoon wreaks havoc in Japan +World,Karzai on course for presidency +World,Darfur Rebels Say Peace Talks Delayed (Reuters) +World,Darfur Rebels Say Peace Talks Delayed +World,U.S. Cold War-Era Statesman Nitze Dies at Age 97 +World,Debate Lingering on Decision to Dissolve the Iraqi Military +Business,"Airline FDI is up, onions are set free" +Sci/Tech,U2 Back in Black iPod +Sports,Chelsea 2 - 0 CSKA Moscow +Sports,Principals put on spot over British GP +Sports,Celtic bottom after defeat to Shaktar +Sports,Chad hopes to emulate Brady +Sports,"Raptors 86, Treviso 83" +Sports,Skippered Indians to victory over M #39;s in #39;95 ALCS +World,Thousands mourn elusive bandit at Indian funeral +Business,Japanese Stocks Fall +Business,Phased reforms in aviation sector: Patel +Sci/Tech,Unravelling of human code paves way for new treatments +Sci/Tech,Household chores set to end at last with rise of the robot +Sports,Terry and Gudjohnsen keep 100 per cent record intact +Sports,Milan rivals steamroller Spain #39;s finest +Sports,FOOTBALL: LUCESCU: I #39;LL SAVE MUTU +Sports,Brazilian duo leave Celtic down and out +Sports,Belichick Seems to Praise Jets With a Wink and a Nod +World,Deadly storms leave 18 dead as #39;Tokage #39; closes in on Tokyo +World,Iran offers nuclear programme pact +World,"China Mine Blast Kills at Least 56, 100 Missing" +World,Gun crimes 'continuing to rise' +Sports,Champing at the Bit +Sports,Big Deal in Raleigh +World,Iraqi Faults U.N. on Lack of Staff to Aid in Voting +World,"From Troops, a Few Votes for a Quick Way Home" +Sci/Tech,Coming Soon to Your Pocket: High-Definition TV Phones +Sci/Tech,"Point, Click and Mock on the Wild, Wild Web" +World,News Corp move to US gets reluctant boost from major shareholder (AFP) +Business,Coca-Cola to share its fridges +Business,Cabinet hikes aviation FDI cap to 49 pc +Sports,XM Buys Baseball #39;s Satellite Radio Rights +World,Sergeant in Abu Ghraib Case Pleads Guilty to 8 Counts +World,"Aust, Iraq work for Hassan #39;s release" +World,Australia asks Singapore to spare life of drug smuggler (AFP) +World,"Typhoon Kills 44 in Japan, Deadliest in a Decade" +World,Garcia Marquez Has Last Laugh on Book Pirates +Sci/Tech,EU Approves Eight National Emissions Trading Plans (Reuters) +Business,The Real Consequences of Pension Projections +Business,"S.E.C. Makes Its Point on Small Errors, and Auditor Pays \$10 Million" +Sci/Tech,Mac OS X Tip of the Week: Organize with Comments +Business,"SEC Makes Its Point on Small Errors, and Auditor Pays \$10 Million" +Sci/Tech,Rockstar Speaks on San Andreas Piracy +Sports,Eyes of Texas are upon them +Business,Mortgage loan fall points to slowdown +Business,"EU, Mercosur fail to reach trade pact, deadline extended" +Sci/Tech,Samsung unveils 5-megapixel camera phone +Sports,Formula One #39;s BAR-Honda wins contract dispute with Jenson Button +Sports,Horna scores upset win over Ferrero +World,Focus shifts to bandit booty +Sports,Two Illini Football Players Plead Guilty (AP) +Business,Malaysian Company to Bid for Contract +Sports,Defender Terry Scores Again to Ease Chelsea #39;s Attacking Woes +Sports,Sportsview: La Russa Enhances Legacy (AP) +Sports,W.N.B.A. President to Step Down +World,"China Mine Blast Kills at Least 56, Scores Missing" +Sports,James Scores 16 in Cavs' Win Over Bobcats (AP) +World,Islamic Leader Calls for Iraq Resistance (AP) +Sci/Tech,Samsung Introduces First 5-Megapixel Camera Phone +World,Blair #39;s pledge on Hassan worries her colleagues +Business,First fall in loans since 2000 shows bubble has burst +Business,First Profit Since 2000 For Lucent +Business,Online Search Universe Is Expanding +Sports,Sports: Red Sox 8 Yankees 3 after 7 +Sports,Button left frustrated as F1 board tell him to stay put +World,Iran Defiance Threatens Euro Bid to End Nuclear Row +Sports,Record-Breaking Red Sox Clinch World Series Berth +Business,Lucent Says Earnings More Than Triple +Sports,Record-Breaking Red Sox Clinch World Series Berth (Reuters) +Sci/Tech,Music #39;handhelds #39; are going visual +Sports,"With One Life to Live, the Red Sox Want It Now" +Sports,"Boston: Dazed, Amazed" +World,Final death toll in China mine blast likely to reach 148: official (AFP) +Sci/Tech,Retaining Traffic after a Web Site Redesign +Sports,Damon Snaps Slump With Two Home Runs (AP) +Sci/Tech,Law protecting species studied +Business,"States, DC Join In Insurer Probes" +Business,Can eBay Keep the Mojo Going? +Business,KPMG to Pay \$10 Million to Settle Charges Over Gemstar Audits +Business,Huizenga sells Boca Resorts for \$1.25 billion +Business,Dollar at 3-Mth Low Vs Yen on Econ Woes (Reuters) +Sci/Tech,New GTA: San Andreas Tr +Sci/Tech,Nintendo DS Box Art +Sci/Tech,Einstein #39;s Warped View of Space Confirmed +Sports,"AFTER A LONG WAIT, BUTTON STAYS AT BAR" +Sports,HENMAN WARY OF LJUBICIC #39;S POWER +Business,Kosovo's ramshackle economy threatens fragile stability (AFP) +World,Europes big three gives Iran last chance to come clean on <b>...</b> +World,"Coal mine blast leaves 56 dead, nearly 100 missing in central <b>...</b>" +Sports,Red Sox' Anguish and Yankees' Mystique and Aura Dissolve in Game 7 +Sports,Boston Responds to Rodriguez's Slap With Knockout Punch of Its Own +Sci/Tech,GBA SP invades China +Sports,BUTTON DESTINED FOR WILLIAMS RETURN +Sports,Agassi after 18th Masters title with victory in Madrid +Sports,MLB announces 11-year deal with XM Satellite Radio +World,Negotiation offer on Iraq hostage +World,"Coalmine blast leaves 56 dead, 100 trapped in central China" +World,PA Remains Doubtful Over Gaza Pullout +Sports,Typhoon Tokage Kills at Least 51 in Japan (AP) +Sports,Richardson Leads Suns Over Jazz 108-67 (AP) +Sci/Tech,Eight great tips for converting to open source +Sports,USOC Appeals on 2000 Relay Team #39;s Behalf +Sports,WNBA President to Step Down +World,First school expulsions linked to new law banning religious signs +Business,FT defamation case founders +Sci/Tech,Robotic Revolution +Sports,Big Game Is a Big Deal in Raleigh +Sci/Tech,First Profit Since 2000 For Lucent +Sci/Tech,Online Search Universe Is Expanding +Sci/Tech,Innovators Find Alternative To Venture Capital +Sci/Tech,Defense Work Gives CACI Boost In Earnings +Sci/Tech,DEA Disavows Support Of Painkiller Guidelines +Sci/Tech,Getting the Word on Intellectual Law From the Top +World,Kerry Looks to Avoid Gore Recount Errors (AP) +Business,KPMG to Pay \$10 Million to Settle Charges Over Gemstar Audits +Business,General Dynamics Posts Profit +Business,Computershare shares soar +Sci/Tech,Microsoft: 106 Million Downloads of Windows XP SP2 +Sports,Enjoying a Visit To Boston (Un)Common +Sports,Astros bullpen steps up until Miceli slips up +Sports,Motorsport: BAR win contract tug-of-war over Button +Sci/Tech,SGI works on Linux performance software +World,Nigeria 3rd Most Corrupt Country - TI +Sci/Tech,'Office' Promo Takes Wing with United (Reuters) +Sci/Tech,Sun expands pay-as-you go supercomputing +Business,KPMG hit with record 10 million dollar SEC fine over Gemstar <b>...</b> +Business,Disney to #39;give away #39; its stores +Sci/Tech,GTA: San Andreas Website Update +Sci/Tech, quot;Daniel Egger Voted 2004 quot;Agenda Setter quot; for Role in Advancing <b>...</b> +Sci/Tech,Earth warps space surrounding it +Sports,Stephen Dunn/Getty Images +Sports,A forward pass +Sports,Friedgen #39;s QB call: Gametime +World,Customs strike to disrupt Australia's international air and sea ports (AFP) +World,148 trapped coal miners feared dead +World,Israeli army chief stalls rabbis instigated mutiny +Business,Trump Hotels Said to Reach Deal to Avoid Bankruptcy +Business,Profit Off 13 at J.P. Morgan; Trading Cited as Weak Spot +Sci/Tech,Sun expands pay-as-you go supercomputing +Business,"Tokyo Stocks Weak, Dollar Hurts Exporters" +World,Little Saigon Voters Not Embracing Kerry (AP) +World,Football: Holders Porto face exit +Business,Coca-Cola #39;s Isdell Moves to Slow Price Increases as Pepsi Gains +Sci/Tech,Swatch announces new Swatch Smart Watch with MSN Direct Service +Sci/Tech,Grand Theft Auto: San Andreas (PS2) - Leaked to the web +Sports,HORSE RACING NOTEBOOK Azeri going out with flare +Sports,ON SOCCER Next generation of stars leads US team to city +Sports,Former Aeros bite old teammates +World,Death toll rises to 48 in Japan #39;s typhoon strike +World,"Bush Predicted No Iraq Casualties, Robertson Says" +World,"Typhoon Kills 55 in Japan, Deadliest in a Decade" +Business,Oil Back Up to #36;55 on U.S. Winter Stocks (Reuters) +Business,State regulator plans to investigate all relevant areas +Business,Update 1: Siebel Systems Swings to 3Q Profit +Sports,Voluntary response key to BCA grading +Sports,Singh has a few more goals +World,U.S. Claims Taliban Rift Helps Karzai (AP) +Business,Broker #39;s Directors Used Partnerships for Private Profits +World,Iran Vows to Continue Enriching Uranium (AP) +Sports,Boston Red Sox make history +Sports,"Ecclestone #39;s Formula One Hold Menaced by Lawsuits, Tobacco Ban" +Sports,JETS RESIST HYPE OF PATS MATCH +Sports,ESPN GOES TO FIGHTS +World,North Korea Says Prospects Gloomy for Nuclear Talks +Sports,A Wise Decision Brings Boston Home +Sports,"Brown, Vazquez Flop for Yanks in Game 7 (AP)" +Business,Disney Directors on Trial for a Payout +Business,"Business briefs, October 21" +Business,EU ministers disagree on fuel tax breaks +Sci/Tech,Hacker exposes private data at UC Computer held personal files on <b>...</b> +World,A Misplaced Bet On Khin Nyunt +World,Australian PM to crackdown on unions (AFP) +World,Bid to end EU commissioner row +Business,Japan exports hit record levels +Sci/Tech,Transplant Arranged via the Internet Is Completed +Business,"Business ; Tokyo Stocks Weak, Dollar Hurts Exporters" +World,Peres voices optimism on Gaza withdrawal +World,"Armed Men Attack Baghdad Bus, at Least 4 Dead (Reuters)" +World,Japan cleans up as deadliest typhoon in decade kills at least 54 (AFP) +World,EU-25 among least corrupt in global index +Sci/Tech,U.N. to Debate Anti-Cloning Treaty (AP) +World,"Armed Men Attack Baghdad Bus, at Least 4 Dead" +Business,California joins insurance industry crackdown +Business,Bleak picture from US airline results +Business,Slowing house market quiets lending +Business,Children #39;s Place to acquire Disney stores +Business,Morrison says Safeway sales still sinking +Business,French September Consumer Spending Unexpectedly Falls (Update1) +Sci/Tech,Planetary scientist Donahue dies at 83 +Sports,Clemens #39; moment arrives in NLCS +Sports,Garcia-Owens feud to hit field +Sports,Wetterich seeks more secure card +World,Terror suspects win privacy right +Sci/Tech,"Singapore Dumps Microsoft, Goes Open Source (TechWeb)" +Business,Solidarity sit-in +Business,Heebner's crystal ball +Business,State hits insurer's fee to consultant +Business,Statewide medical records planned +Business,Poised to cash in on 'magic shoe' +Business,"Get ready for a robot invasion, UN report says" +Business,Citigroup ousts three after banking scandal +Business,Insurance probe widens; Marsh suspends 4 +Business,KPMG settles with regulators over Gemstar-TV Guide audits +Sports,Miracle workers +Sports,A World Series party +Sports,Story is too good for words +Sports,Hargrove lands Mariners job over Little and others +Sports,"Edmonds, Cardinals have a blast" +Sports,MVP Ortiz shouldered the load +Sports,Morgan magic +Sports,Newest Yankees fail to deliver +Sports,Martinez gets chance to help +Sports,Fans keeping watchful eye +Sports,Series proves baseball in October has no rival +Sports,Ace's gritty performance won't soon be forgotten +Sports,Foulke's closing act deserving of ovation +Sports,Giving up was never in this group's nature +Sports,Law's specialty: pick-off plays +Sports,Time has been on Gay's side +Sports,A new line on Davis +Sports,BC seniors eye Irish sweepstakes +Sports,Experience on Dragons' side +World,US cites Taliban rift in sabotage failure +World,Prime minister resigns in Lebanon +World,Russians eyed in abductions +World,No scenario seen for draft of health care workers +Business,STATES GANGING UP ON INSURERS +Business,Citigroup ousts three after banking scandal +Business,Big 3 report \$911M loss +Business,"Sales, subscribers rise for Cingular Wireless" +Business,Millions galore in Glenmorangie sale +Business,Yahoo Japan Q2 profit rises 46.2 +Sci/Tech,Update 1: Feds Probe UC Berkeley Hacker Attack +Sci/Tech,Sharp kills penguin-based PDAs +Sci/Tech,"Human Gene Total Falls Below 25,000" +Sci/Tech,"New biography describes Audubon #39;s magnetism, obsession" +Sci/Tech,Bridgestone to release paper-thin-display price tags in 2005 +Sports,"Edmonds, Cardinals force Game 7" +Sports,Henman fires amid models furore +Sports,Romanian FA chief blasts Mutu +Sports,BUZZ: New privacy concerns +World,Summary: Europeans make Iran offer +World,Rescue workers in China continue search for 148 missing miners +Business,Trump said to strike deal to save casinos-NYTimes +Business,Siemens Selects Qualcomm #39;s Chipsets +Business,Profit rises for Yahoo Japan site +Sci/Tech,Google founders tout new projects in Japan +Sci/Tech,Fla. birds in serious decline +Sci/Tech,Dell Believes Education Is Best Way To Fight Spyware +Sports,New Zealand #39;s McCullum scores maiden test century +World,"Castro Falls After Speech, but Recovers" +World,"Japan storm kills 31, 40 missing" +World,France expels Muslim girls over head scarves +Business,Disney reaches deal for beleaguered retail chain +Business,Company Focus Follow the dinosaurs to airline profits +Business,Export earnings weigh on Nikkei +Sci/Tech,FCC Chairman Vows To Stop State Regulation of VoIP +Sci/Tech,This Travel Search Site Could Go Far +Sci/Tech,Study: Many bird species are declining +Sports,Henman wary of dangerous Croatian +Sports,Bernie to pull GP plug +Sports,WRAPUP-1-Milan clubs and Chelsea eye next stage +World,Cabinet holds talks on troops plan +World,Blair denies #39;bailing out Bush #39; charge +World,"Nikkei Hits Low, Hurt by Weak Dollar (Reuters)" +World,'Boisterous' Soldier Buried at Arlington +Business,Microsoft considering 100-dollar PC +Sports,F1: Move put on hold +Sports,"Inter Milan, Chelsea and AC Milan keep perfect records" +Sports,HE #39;S IN A CLASS OF HIS OWEN +World,Israelis want peace says visiting minister +World,Afghan president on course for historic election victory (AFP) +World,"Israelis, Palestinians at Odds Over U.S. Election" +Business,FTSE bounces as BHP buoys miners +Sports,Fields are stocked for Breeders #39; Cup +Sports,Neuheisel cleared by NCAA +World,Iran: Compromise drafted +World,Hope for over 148 missing Chinese miners slim: Official +World,"1,300 more British troops for Iraq" +World,"Anti-Gay EU Commissioner Should Quit, Says Kinnock" +Sci/Tech,International growth lifts eBay +Sci/Tech,Brazil holds '\$30m fraud hackers' +Business,Insurance chief puts industry on notice +Business,Morrisons find Safeway hard to digest +Sports,Yanks came oh-so-close to Series +Sports,Astros like chances with Clemens +Sports,Breeders #39; gets list of entries +World,Witness says CIA oversaw abuse at Abu Ghraib +World,Parliament Speaker Rues Sharon Policy +World,South Korean Court Rules Against Capital Relocation +Sports,Today's schedule +Sports,Fields are stocked for Breeders' Cup +Sports,Heading to the finish line +Sports,Transactions +Sports,Boston bats put hurting on Brown +World,"Blast Wounds Three U.S. Soldiers, Afghan Interpreter (Reuters)" +Sci/Tech,Mouse may be mightier than man +Sports,An all-time Lowe +World,Australian state to increase secret police powers (AFP) +Sports,Baseball-Red Sox Eye End to World Series Torment +Sci/Tech,Windows XP Service Pack 2: Is It Time Yet? +Sports,Williams willing to wait for Button +Sports,"Despite his 5 INTs in last game against Patriots, Pennington says <b>...</b>" +Business,Beleaguered firm renegotiating bank lines +Business,Rents rising in many Western markets +Business,French finance minister calls for European energy policy +Sports,Rampant Inter march on +Sports,Cooke out of Sun Tour +World,204 feared killed in China #39;s coal mine disaster +World,UK police confirm report of Prince Harry scuffle +World,Barroso to meet leaders over Buttiglione +World,South Korean Court Blocks Roh Plan to Move Capital (Update2) +World,Milosevic lawyers plead to quit +World,Actress Close 'joins TV cop show' +Sci/Tech,Hunt for Grand Theft Auto pirates +Business,No need to cut French GDP growth forecast over oil price: Sarkozy +Sports,Kezman hopes Mutu will return +Sports,Ranieri honeymoon over after Valencia mauling +Sports,Malaysia Airlines Herald Sun Tour of Provincial Victoria - 2.3 +Sports,SUU gets #39;F #39; for hiring +World,Tokage #39;s Death Toll Rises as Storm Leaves Japan (Update2) +World,Prince Harry hit in face by camera +World,Election Heralds Start of Endgame in UN-Run Kosovo (Reuters) +World,Allied Domecq profits edge up as sales lose fizz (AFP) +World,"More UN help needed, Iraqi government says" +Sci/Tech,Premium rate fraud 'an epidemic' +Business,Malibu maker sees profits climb +Business,"Novartis tops Q3 forecast, Schering ups EPS view" +Business,Update 3: DHL Pulls International Hub From Brussels +Sci/Tech,Academics find that the finger of destiny points their way +Sci/Tech,"NEC, Toshiba add HD-DVD to PCs in 2005" +Sports,Who #39;s your daddy now? +Sports,Lehmann left red-faced +Sci/Tech,First Profit Since 2000 For Lucent (washingtonpost.com) +World,U.S. Unit Commander in Iraq Moved from Post +World,Pill 'may cut heart disease risk' +World,Burma cancels talks with rebels +Business,Morrison speeds up Safeway rebranding +Business,SAP Reports 3rd Quarter Profit Rise +Business,DHL will not expand in Brussels. Many jobs lost by 2008 +Business,Hong Kong Shares Rise +Sci/Tech,Hunt for Grand Theft Auto pirates +Sci/Tech,Sharp drops handhelds from US retail market +Sci/Tech,Symantec EMEA reports 52 per cent growth +Sports,Clemens in Game 7 -- perfect +Sports,Maltais takes air out of Aeros +Sports,Parlow hat trick keeps US tour perfect +Sci/Tech,Group Warns on Consumption of Resources (AP) +Sci/Tech,American Passports to Get Chipped +Sci/Tech,Toe-to-Toe Over Peer-to-Peer +Sci/Tech,Magazine Makes Gadget-Making Fun +Sci/Tech,All Bio Systems Are Go +Sci/Tech,It Takes a Con to Know a Con +Sci/Tech,Fish Tales Solve Genetic Puzzles +World,"Typhoon Kills 62 in Japan, Deadliest in 20 Years" +World,'Eight dead' in Iraq car bombs +World,Pakistan forces hunt for militant +Business,GM Workers in Germany Protest Job Cuts a 3rd Day +Business,SAP benefits from Europe bounce +Business,"Cingular: subscriber, revenue rise, but operating profit dip" +Business,"Microsoft Plans Russian Hotmail, Network" +Sci/Tech,Samsung #39;s 5MP SCH-S250 +Sci/Tech,Index Fingers Point the Way for Male Scientists +Sci/Tech,Symantec Nearly Doubles Quarterly Revenue +Sports,Mariners went for an experienced manager this time +Sports,Washington case done; will NCAA act on MSU next? +Sports,Mia and friends taking final bows +Sports,Tiger skips Disney for first time as pro +World,Transparency International Presented the Corruption Perception <b>...</b> +World,Harry #39;s security men (pictured) intervened in the altercation +World,Indonesia #39;s Yudhoyono Takes Office; May Name Cabinet (Update1) +Sci/Tech,Astronaut to Meet Baby Daughter on Return to Earth (Reuters) +World,Darfur Rebels Say Peace Talks Delayed (Reuters) +Business,Morrisons increasing Safeway conversion rate +Business,Sun-Times Strike Deadline At Noon +Sci/Tech,Now piracy curse strikes GTA: San Andreas +Sports,Jens out of sorts in the Euro zone +Sports,INTER THRASH VALENCIA 5-1 +Sports,Mariners will start anew with Hargrove as manager +World,Explosion in Chinese mine kills 56 +World,Prince Harry hit in face in scuffle with photograher +World,ISRAELIS ARREST 2 BOMB GALS +World,Iraq complains lack of UN workers to help prepare elections +World,Cabinet considers troop move plans +Sci/Tech,Doubts over passport face scans +Sci/Tech,Doubts over passport face scans +Business,Spotlight falls on consultants +World,Gov't to announce decision on troop redeployment in Iraq (AFP) +Business,Dollar Fall Gathers Momentum +Business,NY to Ease; Spotlight on Insurers +World,"As Gaza Vote Looms, Israel Warns of Civil War Risk (Reuters)" +World,Plane turns back after hitting bird (AFP) +Sci/Tech,OQO pocket-size Windows XP PC clever but could be better (USATODAY.com) +Sports,Baseball Today (AP) +Business,Mobile phones boost retail sales +Sci/Tech,Early sea spider flashes pincers +Business,US broker faces credit downgrade +Business,US Airlines Hit Financial Turbulence +Business,DIFFICULT BUT NECESSARY +Sports,McCullum ton swings Test match in NZ #39;s favour +Sports,HORSE RACING A Breeders #39; Cup draw in Texas +Sports,Owens #39; mouth places Eagles in tough spot +World,"European, Iranian Officials to Discuss Nuclear Issue" +Sci/Tech,Another strong quarter for eBay (SiliconValley.com) +World,Buttiglione regrets slur on gays +Business,Insurance commissioner targets hidden fees +Business,Allied profits from rappers #39; thirst +Business,Small companies star as market rises +Business,Qantas to fly on despite strike threats +Sports,"Astros, Cards to meet in Game 7" +Sports,UPDATE 1-Henman makes it third time lucky in Madrid +Sports,Garcia has heard enough of Owens +World,Fidel Castro Tumbles Off Stage +World,Yesterday in parliament +World,Karzais victory shows Afghan ethnic divide +World,Tearing up the UN Charter +World,South Korean court blocks relocation of capital +Sci/Tech,"Profit at EBay Up Sharply, Stock Rises" +Sci/Tech,General Dynamics Posts Profit +Sci/Tech,Online Tracking Firm Says Kazaa Losing Users +Sci/Tech,Microsoft Distributes XP Security Update +Sci/Tech,Thumb twiddling on cybersecurity +Sci/Tech,Taking Microsoft for a spin? +Business,Marsh averts cash crunch +Business,NY to Ease; Spotlight on Insurers +World,Typhoon Tokage Kills 54 in Japan +Business,British retail sales see fastest growth in Sept. +Sci/Tech,Online Search Universe Is Expanding (washingtonpost.com) +Sci/Tech,Red Hat and MySQL back European anti-patent campaign +World,Pilot dies after US chopper crashes in Afghanistan (AFP) +Sports,AC Milan edge Barcelona +World,Reuters Poll: Bush Grabs One-Point Lead on Kerry (Reuters) +Sports,Red Sox Eye End to World Series Torment +Business,Xerox Quarterly Profit Rises (Reuters) +Sports,2003 Loss Just a Setback for Red Sox (AP) +Sports,Gold Medal Dispute Set to End Thursday (AP) +Business,AT T Posts \$7.1 Billion Loss on Writedown +Business,DHL scraps Brussels growth plan +World,Husband of Aid Worker Seized in Iraq Pleads for Release (Reuters) +World,Milosevic Calls for Control Over Own Trial Defense (Reuters) +World,SAP Reports 15 Percent Rise in 3Q Profit (AP) +World,28 Lebanese Lawmakers Boycott Talks (AP) +World,Russia to lease India nuclear submarine - agencies (Reuters) +Business,AIG's Profits Rises +World,Iraqi Official Derides U.N. Election Aid (AP) +Sports,Violence Flares in Boston After Red Sox Win +World,Husband of Aid Worker Seized in Iraq Pleads for Release +Sci/Tech,AT T Posts \$7.1 Billion Loss on Writedown +Sports,Top Seed Henman Falls to Ljubicic in Madrid +Business,Turkey must strengthen reforms to sustain growth: OECD (AFP) +Business,German banks to repay state aid +World,Rock stars back new Band Aid song +Business,"Merck Profit Falls, Hurt by Vioxx Recall" +Business,"MedImmune Loss Widens on Charges, R D" +Business,Disney in the dock over \$140 mn payout to executive +Sci/Tech,Worlds First 5-Megapixel Camera Phone +Sci/Tech,Symbol rolls out enterprise digital assistant +Sci/Tech,Female hormones decide research skills of male scientists! +Sports,Sox Victorious At Last!! +Sports,Carrol: Arsenal game is huge +Sports,Area fans: Huskies #39; reputation damaged +Business,FTSE hits 3-week low +Business,DHL scraps Brussels growth plan +Business,SAP reports 15 percent rise in 3Q profit +Sci/Tech,Samsung 5 Megapixel Camera Phone +Sci/Tech,NEC strikes blow in supercomputer battle +Sci/Tech,Female hormones decide research skills of male scientists!: +Sci/Tech,Top Cyber News 10/22 +Sports,Do the BRDC really have a plan B? +World,56 killed in China coal mine blast: +World,European heavyweights give Iran last chance to come clean on <b>...</b> +Business,"Schering Plough Posts Profit, Sales Dip" +Sci/Tech,Baseball's Move to XM Set Up by ESPN Deal (washingtonpost.com) +Business,"Merck Profit Falls, Hurt by Vioxx Recall" +Business,"SBC Earns Up on Long Distance, Broadband" +Business,Southern Co. Quarterly Profit Rises +Business,"Merck Profit Falls, Hurt by Vioxx Recall (Reuters)" +Business,"AIG Earnings Up, Shrugs Off Probe Impact (Reuters)" +Business,"British retail sales surge in September, clouding rate outlook (AFP)" +Business,UPS Third-Quarter Profit Grows +Sci/Tech,NEC updates vector supercomputer +Sci/Tech,Photo Gallery: NEC's new SX-8 +Sci/Tech,Soccer Prodigy Adu Wins Cybersquatter Case +Business,"Update 1: AIG #39;s Net Income Up, Is Target of Probe" +Business,Xerox reports 39 percent increase in third-quarter profits +Business,High street rings up shock sales rise +Business,Stewart lawyers file appeal +Business,Delta Air Lines reports huge loss for third quarter +Business,Oil may slow Australian economic growth +Sci/Tech,NEC retakes supercomputer title +Sci/Tech,Switzerland : Swatch launches New Smart Watch Swatch <b>...</b> +Business,Jobless Claims Drop More Than Expected (Reuters) +Sports,Sox stun Yankees +Sports,Man Utd fans unite against Glazer +World,Longtime Ally Decries Sharon #39;s Gaza Plan +World,Death toll in China #39;s coal mine blast expected to rise +World,UN urges support for the AU in Darfur +World,Compromise Deal Rejected - New EC Faces Veto +World,Britain Agrees to U.S. Troops Request (AP) +Business,FUTURES MOVERS +Business,Xerox Quarterly Profit Rises +Business,German air freight company DHL to close Brussels hub +Business,Can new deal save Trump #39;s casinos? +Business,Impact of oil price on inflation subdued +Sci/Tech,NEC updates vector supercomputer +Sci/Tech,Grand Theft Auto San Andreas +Sci/Tech,P2P tracking firm: Kazaa losing users to eDonkey +Sci/Tech,IBM #39;s Liberty membership closing identity gap +Sports,BECKHAM ESCAPES FA CHARGE OVER BOOKING +Sports,McCULLUM LEADS NEW ZEALAND CHARGE +Sports,Another good day for Sharapova in Zurich +Sports,FLETCHER PREPARED TO BIDE TIME +Sports,RAMPANT PAKISTAN ON SHOULDER OF SRI LANKA +World,Castro injured in graduation ceremony stumble +World,Schoolgirls expelled over headscarf +Sci/Tech,UK carbon output 'under-reported' +Sci/Tech,Sharp to Stop Selling PDA in U.S. (AP) +Sci/Tech,Microsoft CEO: Hackers Getting Smarter (AP) +Business,"Sears Posts a Loss, Cuts Full-Year View (Reuters)" +Sports,Hamm Holds on to Olympic All-Round Gold +Business,Insurance probe widens +Business,UPS misses Wall Street forecast +Business,Jobless Claims Drop More Than Expected +Business,Allied raises glass to 6 profit rise +Business,Valleys rental prices on the rise +Sci/Tech,UK carbon output #39;under-reported #39; +Sports,Red Sox Win AL Pennant; NL Game 7 Tonight +Sports,Chelsea pair reveal Mutu backing +Sports,Contract ruling opens up seats scramble +Sports,FA closes Beckham affair +Sports,Rousing reception eases pain of defeat for Rijkaard +World,Iraqi air employees attacked +World,China mine blast kills 56 +World,EU Nations To Give Iran Final Chance On Nuke Issue +World,Indonesia #39;s President Swears in New Cabinet +Business,Lilly Profit Rises on Sales of Key Drugs +Business,Jobless Claims Drop More Than Expected (Reuters) +Business,Lilly Profit Rises on Sales of Key Drugs (Reuters) +Business,"Merck Profit Falls, Hurt by Vioxx Recall" +Business,Jobless Claims Drop More Than Expected +Business,Weekly Jobless Claims Fall Sharply +World,Lebanon poised to appoint new PM +Sci/Tech,Man Undergoes Web-Arranged Transplant +Sci/Tech,Bush and GOP Web Sites Suffer Outages +Business,UPS #39; 3Q Profit Climbs 20 Percent on Sales +Business,Rental market tighter +Business,Nestle Reports Nine-Month Sales Unchanged +Business,6 arrested in Boston protesting SF lockout +Sci/Tech,No Go-Ahead Stamp for Microsoft #39;s Passport +Sports,Beckham escapes FA sanctions over yellow card ploy +World,Latvia remains hive of corruption +World,"New minister should keep Indonesian deficit plan, analysts say" +World,S.Korean president faces test over capital relocation plan +Sci/Tech,Car crazy: Microsoft in the driver's seat +Sci/Tech,Sky launches Freesat digital TV +Sci/Tech,Did Google Bomb New Directories Online? Looks That Way! +World,Police Won #39;t Plant Explosives for Training +Sci/Tech,Einstein's warp effect measured +Sci/Tech,Yahoo Local Gets Way Enhanced +Business,Lilly Profit Up on Sales of Key Drugs +Business,Caterpillar's Earnings More Than Double +World,US airman killed in Afghan crash +Sci/Tech,Earnings alert: AT T posts \$7.1 billion loss +Business,"AIG #39;s Net Income Up, Is Target of Probe" +Business,UPS Profit Grows But Results Hurt by Fuel +Business,Southern Co. reports small jump in third-quarter profit despite <b>...</b> +Business,AT amp;T posts \$7.1 billion loss for the third quarter reflecting <b>...</b> +Business,Surge in retail sales revives rates fears +Business,Delta Air Lines reports a fourfold increase in losses +Sports,Red Sox heading to the World Series +Sports,UPDATE 1-No FA action against Beckham after Wales booking +Sports,India ; Tendulkar backs beleaguered Parthiv +Sports,Bob Ike #39;s Oak Tree Handicap +World,UK to Send Troops Into US-Controlled Area of Iraq (Update1) +World,EU may be without executive over Buttiglione row +Business,Martha Stewart Appeals Conviction +Sci/Tech,Link Exchange Scams +Sports,Top Seed Henman Falls to Ljubicic in Madrid +World,AstraZeneca Posts 51 Percent Profit Jump (AP) +Sports,Garcia Wishes Owens Would Move On (AP) +World,Sri Lanka restrict Pakistan after Samaraweera's hundred (AFP) +Business,Guidant Profit Up on Defibrillator Sales +World,"Iraq Attacks Kill 41, UN Envoy Skeptical on Elections" +World,UK carbon output 'under-reported' +World,Castro Injured in Fall +Sports,Bucs' Jurevicius Returns to Practice (AP) +Business,AIG Is Target of Grand Jury Investigation +Business,"Reebok Third-Quarter Earnings, Sales Up" +World,"Typhoon Kills 66 in Japan, Deadliest in 22 Years" +Sci/Tech,Find.com Business Search Engine Adds MarketResearch Content +Business,AIG Is Target of Grand Jury Investigation (Reuters) +Business,Citigroup sacks top executives over Japan debacle +Business,"Sears Posts a Loss, Cuts Full-Year View" +Business,Baxter Profit Declines in 3Q +Business,Update 1: Stewart Asks Court to Overturn Conviction +Business,Delta bankruptcy appears certain +Sports,Now it #39;s all about pride for the Celts +Sports,Biggest game of year: Man United vs. Arsenal +World,Harry #39;s fury on night out +Sports,Golf: Swiss Youngster Clement Sets the Early Pace +Sci/Tech,Intel expands Centrino line with new Pentium M chip +Sci/Tech,SAP posts hike in Q3 revenue and profit +Sci/Tech,World Living Beyond Its Environmental Means-WWF +Sci/Tech,Quantum acquires tape drive maker Certance +World,Prince Harry in nightclub scuffle +World,Parliament speaker charges PM with disloyalty to Israel +World,3 Inmates Questioned on Alleged Spain Plot (AP) +Business,Sears Posts #36;61 Million Loss in 3Q (AP) +World,"US pilot dies, three soldiers injured in separate incidents in Afghanistan (AFP)" +Business,Blue Chips Open Lower; Techs Up +Sci/Tech,Mice Thrive Without Chapters of the Book of Life (Reuters) +World,Illinois GOP Skips Keyes in Promotion (AP) +World,Gunmen Attack Key Baghdad Link; UK Forces Redeploy +Business,"Sears Posts a Loss, Cuts Year Outlook" +Business,Update 1: Hershey 3Q Profit Climbs 16 Percent +Business,Safeways Stores Reaping Rewards from Morrison Brand +Business,American to cut 400 jobs at KC base +Sports,Hamm Retains Olympic All-Round Gold +World,UK agrees to US troops request +World,Britains Prince Harry scuffles with photographer outside <b>...</b> +World,Aid worker #39;s husband hopeful of release +World,"One Down, Two to Go (Online Commentary)" +World,"Karzai victory almost sealed, opposition awaits inquiry" +Sci/Tech,Photo: NEC's new SX-8 supercomputer +Sports,Hamm Can Keep Gold +Sci/Tech,Online attack puts 1.4 million records at risk +Sports,No Charge For Beckham +Sports,Hamm Can Keep Olympic All-Round Gold +Sports,FA Won't Punish Beckham Over Yellow Card (AP) +Sci/Tech,Edward C. Baig: Personal Tech - OQO pocket-size Windows XP PC clever but could be better (USATODAY.com) +Business,"US jobless claims tumble 25,000 in a week (AFP)" +Business,UPS profit grows 20 percent in third quarter +Business,UPDATE 1-Trump bondholders agree on recapitalization plan +Business,US Jobless Claims Fell to Lowest Level in Six Weeks (Update2) +Business,Consumers pushed retail sales to a record \$29.1 billion in August <b>...</b> +Business,Allied Domecq toasts profits increase +World,"AstraZeneca posts strong rise in profits, optimistic about sales (AFP)" +World,Insurgents kill five in Tripura (Reuters) +Sci/Tech,Hackers attack Cal database +Sci/Tech,Microsoft Clears One License For Many Cores +Sci/Tech,Intel expands Centrino line with new Pentium M chip +Sci/Tech,Quantum to buy tape rival Certance +Sci/Tech,Almost a third of US birds quot;declining significantly quot; +Sci/Tech,"EarthLink Profit Up, But Revises Outlook (Reuters)" +Sports,Loverly rivalry +Sports,Cards force seventh game with 12th inning homer +Sports,Beckham escapes punishment +World,Brits Head To Iraq Danger Zone +World,Typhoon paralyzes wide area of Japan +World,Explosion in Chinese coal mine kills at least 60 people +World,US Lifts Arms Embargo on Haiti as Tensions Mount +World,Korea court rejects plan for capital relocation +Business,"Sears Posts Loss, Cuts Outlook Stock Down" +Business,"Losses for major carriers mount, Delta #39;s biggest of all amid <b>...</b>" +World,Swedish chefs retain title at Culinary Olympics (AFP) +Sports,"TOMPKINS: Best, worst in TV baseball manifest as Sox, Yanks duel" +Sci/Tech,Egypt firm to invest 250 mln dlrs in Bangladesh mobile phone market (AFP) +Business,Tech Stocks Rise; Blue Chips Struggle +Sci/Tech,"Bush, Kerry Don't Worry About Tech" +Sci/Tech,Earnings alert: EarthLink trims outlook +Sports,Dementieva Beats Bovina to Reach Zurich Quarterfinal +Business,UPS Profit Grows But Misses Estimates (Reuters) +Business,"Caesars Profit Rises, But Outlook Lags" +Business,"Reebok Posts Higher Earnings, Stock Up" +Business,"Caesars Profit Rises, But Outlook Lags (Reuters)" +Business,AT T Posts \$7.1 Bln Loss on Writedown +Business,Royal Doulton in takeover talks +Business,Car makers ready to return to work +Business,Martha Stewart asks court to overturn quot;fundamentally unfair quot; <b>...</b> +Business,Lilly cost-cutting to include 425 more positions +Business,Update 2: Hershey Reports Higher Earnings on Sales +Business,CIT Group Posts Higher 3Q Profit +Business,Southern Co. Quarterly Profit Rises +Sci/Tech,Intel expands Centrino line with new Pentium M chip +Sci/Tech,Grand Theft Auto Stolen +Sci/Tech,Quantum Snags LTO Rival Certance +Sports,"Sox beat Yankees, curse" +Sports,GAME 7 TONIGHT: The hidden fall classic +Sports,"Madrid and Valencia, two teams struggling, meet in La Liga this <b>...</b>" +Sports,Parlow Trick Leads US +World,"Blast kills 56 miners, traps 92" +World,Indonesia #39;s Yudhoyono Swears in New Cabinet with Some Surprises +World,"Bush, Kerry paint each other as unfit to lead war effort (Chicago Tribune)" +Sci/Tech,Texts to alert HK emergencies +Sci/Tech,IBM jumps into Liberty Alliance +Sports,Australia red-faced +Sports,McCullum lives up to his billing +World,Bush to Talk Health Care in Pennsylvania (AP) +Business,A global platform built with local materials +Business,Bumpy ride for Qantas +Sci/Tech,Cellphone addition: high-definition TV +Sports,Sox deliver miracle of lost souls +Sports,"Wilkinson Injures Arm, May Miss Three England Matches (Update1)" +Sports,Parlow propels US women +World,Nuclear demand for Iran +World,"Corruption is rampant in 60 countries, and the public sector is <b>...</b>" +World,Barroso fails to calm Buttiglione row +World,Burma PM accused +Business,Jeans Maker VF Sees Earns Up 24 Percent (Reuters) +World,Arsenal trio in injury race for Old Trafford summit (AFP) +Business,AIG Faces Federal Grand Jury Probe +World,Nigerian Military Officers Charged with Coup Plot +World,MPs' expense details are revealed +World,Deadly Typhoon Claims 55 Lives in Japan +World,Goosestepping Germans Only in UK Media? (Reuters) +Sci/Tech,Cisco to buy security start-up +Sports,Injured Viking WR Moss a Game-Time Decision Vs. Titans +Sports,Injured Viking WR Moss a Game-Time Decision Vs. Titans (Reuters) +Business,Dollar Weakens on Sense of Economic Gloom +Business,Trump Hotels to Seek Bankruptcy in Deal With Holders (Update2) +Business,Reebok #39;s Third-Quarter Earnings Jump +Business,Imation to cut 250 +Business,Union Pacific #39;s 3Q Profit Plummets +World,"Iran to Consider EU Nuclear Offer, No Deal Yet (Reuters)" +Sci/Tech,"Swatch, Microsoft launch wireless data watches" +Sci/Tech,Consumption Of Resources Focus of Report +Sci/Tech,Intel Boosts Centrino #39;s Speed +Sci/Tech,Departing pair showing new crew around space station +Sci/Tech,Microsoft Courts Non-Friendly #39; Linux Users to Increase Sales +Sci/Tech,U2 Special Edition iPod +Sports,Chelsea Cashing in on Czech - Cole +Sports,Enfant terrible +Sports,"Morientes not for sale, say Real Madrid" +Sports,Pennington proving to be the real deal +World,"Fidel Castro falls after speech, breaking knee and causing <b>...</b>" +World,Britain agrees to US request for troop redeployment +World,"Rafic Hariri quits, not to form a new government" +World,Constitutional Court Puts an End to Capital Relocation Controversy +World,Soldier Says Mission Not Refused From Fear (AP) +Sports,WNBA President Ackerman Steps Down +World,Afghan Prisoners Released From U.S. Base (AP) +Sci/Tech,SAP earnings beat estimates +Sci/Tech,Earnings alert: SAP earnings beat estimates +Sci/Tech,"Detroit's new song: Have iPod, will travel" +World,Arbitration Court Rules That Hamm Is Gold Medal Winner in Gymnastics +Business,"Martha Stewart Appeals, Says Tarred by US" +Business,Royal Doulton in takeover talks +Business,"CIT Group #39;s Q3 profit up 25, tops by a penny" +Business,Update 3: Qwest Paying \$250M to Settle SEC Charges +Sci/Tech,Pentium M 765 is fastest Centrino CPU +Sci/Tech,GTA: San Andreas Leaked +Sports,Sox exorcise demons with historic comeback +Sports,Point of fact: Miller among elite +Sports,Hamm keeps Olympic gold +Sports,Football #39;s Scottish Claymores are sacked +Sports,Wilkinson sidelined for England test series +Sports,Bellamy apologizes to Souness after swearing following <b>...</b> +Sports,Madrid says Morientes not for sale +World,Frederick Gets 8 Years in Iraq Abuse Case +World,British troops to support US in Baghdad +World,Unity plea as SBY names Cabinet +World,EU official regrets comment +World,Two dozen Lebanese lawmakers say they will boycott presidential <b>...</b> +Business,"U.S. Indicators Fall, 4th Month Straight" +Business,Maytag Profit Slumps; Job Cuts on Track +Sci/Tech,Farmland bird decline 'slowing' +Sci/Tech,AT T posts \$7.1 billion loss on impairment charge +Sci/Tech,HD-DVD Drives Find a Place in the PC +World,Older Voters Worry About Iraq as Well as Drug Costs (Reuters) +Business,ADV: Distance Learning Directory - Online Degrees +Business,"German autoworkers hit streets over plan to cut 12,000 jobs" +Business,AT amp;T posts \$7.1 billion loss +Business,Qwest settles with SEC for \$250M +Business,Assessing The Security Threat Of Google #39;s Desktop Search +Sci/Tech,"Microsoft, Swatch Partner on Wireless Watch" +Sci/Tech,Grand Theft on the internet +Sci/Tech,Google continues to grow +Sci/Tech,Microsoft CEO: Hackers Getting Smarter +Sci/Tech,Kazaa in Decline +Sports,Claymores fold from NFL Europe +World,Prince Harry Scuffles With Photographer +World,Barroso optimistic over EP support for proposed commissioner team +World,US presidential race most expensive in history: study (AFP) +Sports,Spain beats United States to win Davis Cup +World,London shares close just higher; NY regains some losses (AFP) +Sci/Tech,TI Working on Television Chip for Phones for 2007 (Reuters) +Sports,Wilkinson to miss England games +World,Verdict plunges ruling camp into turmoil +World,"Five killed, six injured by tribal rebels during Hindu festival (AFP)" +Sci/Tech,Yellowstone May Start Bison Feeder Herds (AP) +World,Bush Signs Youth Suicide Prevention Law (AP) +Sci/Tech,The Business of Search Engines and Advertising - Look Out! +Sci/Tech,TI Working on Television Chip for Phones for 2007 +Sci/Tech,Qwest Agrees to SEC Settlement +Business,EBay Earns Boost Tech Stocks; Dow Slips +Business,Visteon Posts \$1.36 Bln Loss on Charges +Business,Oil Near Peaks on Winter Supply Worries +Sci/Tech,Photo gallery: Microsoft revs its car Windows +World,President Karzai closes in on victory in Afghan elections (AFP) +Sports,Nuggets' Anthony Cited for Marijuana Possession +Sci/Tech,"Court Says Whales, Dolphins Cannot Sue Bush (Reuters)" +Business,Saudis fight for stake in 3G firm +Business,"Textron Posts Profit, Raises Outlook" +Business,US Airways Pilots' Union OKs Labor Deal +World,Britain agrees to US call to move troops close to Baghdad (AFP) +Sci/Tech,Beat Hackers and Learn to Spy at Italy Tech Fair (Reuters) +Business,"Some U.S. Factories Recover, Outlook Dims" +World,Foreign Observers See Problems in Election (Reuters) +Sports,Williams Survives to Set Up Sharapova Clash +Business,Winter fuel worries keep oil prices above 54 dollars +Business,Update 4: Qwest to Pay \$250M to Settle SEC Charges +Business,Leading Economic Indicator Index Declines +Business,Martha Stewart #39;s lawyers say prosecutors #39;unfair #39; +Business,UPDATE 3-Guidant net profit up as defibrillator sales rise +Business,Treasuries prices initially slip after Philly Fed +Business,Bank of Canada Sees Economy Close to Full Capacity +Sci/Tech,Coming soon: HDTV -- on your cellphone +Sci/Tech,Rocking in San Andreas +Sci/Tech,Handheld Manufacturers Continue Retreat +Sci/Tech,HD-DVD Drives Find a Place in the PC +Sci/Tech,World #39;s first five-megapixel camera phone +Sci/Tech,CA posts Q2 loss on restitution charges +Business,"Some U.S. Factories Recover, Outlook Dims (Reuters)" +Sports,Red Sox Fans Savor Baseball History +Sports,"Astros, the opportunity to pitch his team into the World Series. <b>...</b>" +Sports,Lehmann in the blunder zone +Sports,Claymores no more: NFL #39;s European franchise folds +Sports,Paul Hamm says court affirms he #39;s a quot;champion quot; +Sports,ROBINSON WON #39;T RULE OUT WILKINSON +Sci/Tech,"Bush, Kerry Don't Worry About Tech (washingtonpost.com)" +World,"Soldier Gets 8 Years for Abu Ghraib Abuse, US Military Says" +World,Search Begins for Japan Typhoon Victims +World,"Russian recruits tell of beatings, torture and sex assaults" +World,"One Israeli, two Palestinian militants killed in Gaza violence" +Sci/Tech,Two New ThinkPads (Ziff Davis) +Sci/Tech,Rockstar Games GTA: San Andreas Leaked +World,India agrees to Bodo rebel talks +Sci/Tech,Beat Hackers and Learn to Spy at Italy Tech Fair +Sci/Tech,TI chip brings TV direct to the handset +Sci/Tech,Photo gallery: Microsoft revs car Windows +Sci/Tech,Samsung Shows 5-Megapixel Camera Phone +Business,Dollar Drops on Deficit Concerns +Business,US Airways Pilots Ratify 18 Pct Pay Cut +Sci/Tech,IBM expands China research site in mid-market push +Sci/Tech,Photo 4: Microsoft revs car Windows +Sci/Tech,Cisco buys network security company Perfigo +Business,Qwest agrees to pay \$250 million to settle fraud case +Business,Martha Stewart appeals conviction +Business,Philadelphia Fed Manufacturing Index Rises to 28.5 in October +Business,"US jobless claims tumble 25,000 in a week" +Business,US buy spurs registrar #39;s share surge +Sci/Tech,Intel launches top end Centrino chip +Sci/Tech,TI Goes #39;Hollywood #39; With TV Chip For Cell Phones +Sci/Tech,The Almanac: Storage +Sci/Tech,Saskatoon #39;s super microscope set to open +Sci/Tech,IBM jumps into Liberty Alliance +Sports,Arsenal rues blunders +Sports,Villarreal #39;s Senna suspended +Sports,Pakistan score 256 for eight on second day of Faisalabad Test: +Sci/Tech,Samsung Electronics unveils world's highest resolution chip for handsets (AFP) +World,Reservist Sentenced For Role In Iraqi Prison Scandal +World,Hoon confirms troops switch +Sports,Gag Title Moves South +Business,Steel Producer Nucor Sees Profit Soar +World,Darfur peace talks open in Nigeria (AFP) +World,Milosevic Calls for Control Over Own Trial Defense +Business,Merck Profit Falls 29 Percent on Vioxx +Business,Qwest Agrees to Pay \$250 Mln to Settle Accounting Case With SEC +Business,US leading economic indicators decline for fourth straight month +Business,Janus Capital earnings dip on lower revenue +Sci/Tech,TI plans live TV for mobile phones +Sci/Tech,US argues for federal VoIP rules +World,"Miami, capital of Cuban exiles, abuzz with news of Castro #39;s fall" +World,Joint Irish-Palestinian appeal for release of kidnapped aid chief +World,Result certain as Afghan election counting continues +Sci/Tech,"Start-up crafts nanoparticles for energy, explosions" +World,GE Chief Bullish on Russian Investment (AP) +Sci/Tech,State Government IT +Sports,Ackerman Resigns As WNBA President +Business,Vauxhall Production to Resume +Business,Santander Gets Approval of Abbey Bid +Business,Jobless Claims Drop +Sci/Tech,Wireless Swatch Beams MSN Direct Services +Sci/Tech,Eggs #39;repaired #39; with DNA +Sports,Big one early in the Big East +World,EU #39;s #39;big three #39; give Iran last chance +World,Q amp;A: The Black Watch redeployment +World,Harry in nightclub scuffle +World,Lebanese president names pro-Syrian politician Omar Karami as next <b>...</b> +World,Russian army #39;is tackling abuse #39; +World,Karzai likely Afghanistan election victor +World,SCH shareholders approve Abbey National takeover (AFP) +Business,Column: M A Rankings Under Scrutiny +Business,"Grand Jury Probes AIG, S P Cuts Marsh" +World,Castro Breaks Knee in Public Fall +Business,Fix-income deals hurt earnings at JPMorgan +Business,"Guidant Posts Higher 3Q Profits, Sales" +Sci/Tech,Intel Bumps Speed Of Fastest Centrino +Sci/Tech,"UC Berkeley Hack Not Unusual, Analyst Says" +Sci/Tech,Samsung Shows 5-Megapixel Camera Phone +Sci/Tech,U2 Get in Bed With Apple Mega-band and mega-corp forge <b>...</b> +Sports,AMERICAN GYMNIST PAUL HAMM WILL KEEP HIS GOLD MEDAL +Sports,Arsenal Football Club boss backs under-fire keeper +Sports,TV stations admonished for broadcasting porn star #39;s allegations <b>...</b> +Sports,Scottish Claymores bite the dust +World,Prince Harry scuffles with photographer +World,China Inc. Quickly Raising Global Profile (AP) +Sports,Julien Clement Takes Lead at Madrid Open (AP) +Sci/Tech,Ancient Baby Bird Fossil Found in China (AP) +Sci/Tech,IBM to manage customer relations for D B +Sci/Tech,IBM expands China research site in midmarket push +Sci/Tech,Grand theft intellectual property +Business,Merger wounds JP Morgan +Business,Start-up airline orders 7E7s as part of \$3.8 billion deal +Business,Analog Devices Lowers 4Q Outlook +Sports,Olympics: Hamm salutes triple victory from gymnastics controversy +World,In quotes: Troop move reaction +World,Libya Welcomes 7 Italians It Had Expelled (AP) +Sports,"Start Spreading the News, New York Loses to Red Sox" +Business,"Blue Chips Tumble, Caterpillar Weighs (Reuters)" +Sci/Tech,Pioneer to produce OLED phone screens next year +Sci/Tech,'Grand Theft' of intellectual property +Business,US economy losing momentum +Sci/Tech,Samsung To Release 5-Megapixel Phone +Sci/Tech,Ebay Explodes to Twice Its Size +Sci/Tech,Sharp Halts US Sales Of Zaurus PDA +Sci/Tech,Fossil feathers add weight to evolution theory +Sports,Anthony cited for marijuana possession +Sports,Souness won #39;t #39;give up #39; on Bellamy +World,State Department Mum on Castro's Health (AP) +World,UK agrees to US request to redeploy British troops inIraq +World,EU proposes narrowing Buttiglione duties +World,African Union Expands Peacekeeping Role in Sudan +World,Myanmar Official: Democracy Plans on Track (AP) +Business,US jobless claims down to lowest level in about two months +Business,Sanofi-Aventis Sales Up 10.7 Percent +Sci/Tech,Intel Announces Latest Mobile Chip +Sci/Tech,These services search beyond the Internet +Sci/Tech,Ancient baby bird fossil found in China +World,Husband of CARE worker pleads for her release +World,Scuffle feeds Harry #39;s party boy image +World,French Prime Minister expresses concern about loss of passenger <b>...</b> +Business,Ebay Explodes to Twice Its Size +Business,Xerox Profit Rises on Printer Sales +Sci/Tech,Feathered embryo found in China +Sci/Tech,Global Exchange to buy IBM services units +Sci/Tech,IBM gives grants to universities +Sci/Tech,"Nanoparticles for energy, explosions" +World,EU Presidency Warns Nations on Deficits (AP) +World,FACTBOX-Lawsuits Surround U.S. Election Before It Starts (Reuters) +Business,US Air Pilots OK 18 Percent Pay Cut +Business,"Hershey Profit Up, to Sell Cookies (Reuters)" +Sports,Rogge Presses Berlusconi Over Turin Games +Sports,Bears' Ogunleye Has Tear in Ankle Ligament (AP) +World,"Karzai victory almost sealed, opposition awaits inquiry (AFP)" +Business,"Viacom, Disney Settle with FCC" +Business,Abbey deal wins Spanish approval +World,Insurgents Kill 20 Iraqis as Violence Surges for Third Day +Business,Stewart: Appeal Claims She Was Victim Of Unfair Trial +Business,Vegas-based Primaris in deal with Boeing +Sci/Tech,F-Zero Climax Playtest +Sports,"Start Spreading the News, New York Loses to Red Sox" +World,Turkey Corrects Its Corruption Report +Business,Qwest Confirms \$250 Million Settlement with SEC +Business,"Viacom, Disney Settle with FCC" +Business,Mortgage rates hit 6-month low +Business,"Caesars Profit Rises, But Outlook Lags" +Sci/Tech,Rockstar Games and Interscope Records Reveal Grand Theft Auto: San <b>...</b> +Sci/Tech,Ballmer: We need a \$100 PC +Sci/Tech,Holiday Online Sales Growth To Slow This Year (NewsFactor) +Sports,ONeill stays positive after severe Champions League defeat +Sci/Tech,Samsung To Release 5-Megapixel Phone (NewsFactor) +Sci/Tech,Intel Announces Latest Mobile Chip (NewsFactor) +World,Aristide Denies Ties to Violence in Haiti and Calls for Dialogue +Sci/Tech,Sales Force Automation Back in the Spotlight (NewsFactor) +Sci/Tech,Experts Calculate Risk of Uncontrolled Hubble Re-entry (SPACE.com) +Sci/Tech,Summary: Nations' Ecological 'Footprints' (AP) +Sci/Tech,"Life, the Universe and Everything: How Astronomy Addresses the Big Questions (SPACE.com)" +World,Castro 'All in One Piece' After Fall +Sports,Venus Williams Edges Teenager at Zurich +Business,Update 6: Qwest to Pay \$250M to Settle SEC Charges +Business,US leading indicator slides again +Business,Alaska Air Posts Quarterly Profit +Sci/Tech,"Intel Debuts M 765, the Newest Centrino Chip" +Sci/Tech,US hard line on cloning back at UN +Sci/Tech,Grand theft intellectual property +Sci/Tech,XP SP2 Downloads Surpass 100M Mark +Sports,Astros' Beltran Gets Chance to Shine (AP) +World,Ecclestone gets tough with Silverstone (AFP) +Business,Wall St. Week Ahead: the Tax Man May Bite +Sports,"Marino, Young Nominated for Hall of Fame (AP)" +Sports,"With Yankees Slain, 'Miracle' Sox Eye Bigger Demon" +Business,Connecticut Begins Insurance Probe +Business,Business Flying Seen Up 10 Pct in 2005 +Sci/Tech,Excess Chip Stockpiles Surge Above \$1 Bln -ISuppli +Business,Connecticut Begins Insurance Probe (Reuters) +Sports,"With Yankees Slain, 'Miracle' Sox Eye Bigger Demon (Reuters)" +Sci/Tech,Briefly: IBM gives grants to universities +Sci/Tech,Western investors eye Russia's wireless market +Sci/Tech,Apple warns of store shut-off for older iTunes +Sci/Tech,First Look: Big Sound for Small Spaces +Business,"Consent decrees hit Viacom for \$1 mil, Disney for \$500K" +Business,Martha Stewart #39;s Lawyers File Appeal +Business,"Central bank vague on future rate hikes, BMO bullish on economy" +World,Islamic Group Alleges Abuse of French Law (AP) +World,"Egypt FM, intelligence chief to visit Israel next month (AFP)" +Business,"Jobless, Factory Index Signal Growth" +Business,AT T Posts \$7.1 Billion Loss +Sci/Tech,"Annan Backs Stem Cell Studies, Differs with Bush" +Sci/Tech,NEC SX-8 takes supercomputing crown +Sports,Shaggy band of ballplayers winks at the impossible +Sports,Hamm Gets to Keep Gold Medal +Sports,Is This the Week Patriots #39; Streak Ends? +Business,Alaska Air Group profit up 51 percent +World,British troops shift at US request +Business,Federal Grand Jury Probes AIG +World,'Israeli raid kills two in Gaza' +Sci/Tech,AMD targets developing world with low-cost PC +Sci/Tech,"Older iTunes versions being shut out, Apple warns" +Business,Qwest to Pay \$250 Mln to Settle SEC Fraud Charges (Update2) +Business,"UPDATE 3-AT amp;T posts \$7.1 bln loss on writedown, job cuts" +Sci/Tech,Intel #39;s Centrino Gets Speed Tweak +Sci/Tech,Group Warns on Consumption of Resources +Sci/Tech,Grand theft intellectual property +Sports,Button confident of 2005 chances +Sports,News / What The Papers Say +World,Afghanistan close to finishing vote count; Karzai in lead +Business,Update 6: Insurance Broker Fee Probe Expands +Business,"Update 1: Merck, Lilly Struggle on Recall, Poor Sales" +Business,Rates up another quarter-point +Business,British takeover of Spanish bank approved +World,Darfur peace talks delayed +Business,Pictures of Lilly +Business,Vauxhall reveals big losses and cuts 340 UK staff +Business,Wedgwood woos Royal Doulton +Sci/Tech,Microsoft distributes XP security update +Sci/Tech,GTA: San Andreas Leaked +Sci/Tech,Microsoft #39;s CEO Steve Ballmer: We need a \$100 PC +Sports,Red Sox stages baseball #39;s greatest comeback +Sports,Ecclestone gets tough with Silverstone +World,Karzai nears victory in Afghan election as vote count proceeds +Business,Grand Jury Probes A.I.G. +Business,Amazon Posts Higher Quarterly Profit (Reuters) +Sports,Bills Extend Defensive Coordinator's Deal (AP) +Sports,Woman Hurt in Red Sox Celebration Dies (AP) +Sports,Agassi Wins in Straight Sets in Madrid (AP) +Business,Amazon Posts Higher Quarterly Profit +Business,"Nasdaq Ends Up, Dow Slips" +Business,Oil Near Peaks on Winter Supply Worries +Business,Gilead Sciences 3rd Quarter Profit Rises +Business,"Treasuries Lower, Oil Worries Limit Slide" +World,"Brits, French, Germans give Iran 'last chance'" +Business,Insurance industry probe goes coast-to-coast +Business,Walkout Ends for GM Workers +Business,Caesars Profit Up on Vegas Hotel Business +Business,"Stewart, from prison, seeks to have conviction overturned" +Sci/Tech,Sharp Retreats From US PDA Market +Sports,Cubs Hire Speier As New Third-Base Coach (AP) +Sports,BOMBERS FANS LEFT CURSING FATE +Sports,"Clement surprise leader at Madrid Open, Montgomerie four back" +World,Israel Missile Strike Kills Hamas Leader (AP) +World,Harry scuffles with photographer +World,Sharon appears to have majority for parliament vote on Gaza <b>...</b> +Sci/Tech,Latest Linux Vulnerabilities Get Patches (Ziff Davis) +Sci/Tech,"Microsoft Profit, Revenue Rises (Reuters)" +Sci/Tech,Tentative Alaska Land Swap Raises Drilling Fears (Reuters) +Sci/Tech,Humans Have Fewer Genes Than Previously Thought (Reuters) +Business,Gilead Sciences Profit Rises 55 Pct +Sports,Woman Hurt in Red Sox Celebration Dies (AP) +Business,Sluggish Global Sales Trim Coke Profit +Business,Mobile phones to get TV reception +Business,Coke Profit Hurt by Sluggish Global Sales (Reuters) +Business,Coke Profit Hurt by Sluggish Global Sales +Sci/Tech,Calif. Warns Residents of Possible ID Theft +Sci/Tech,Pirates Hotwire #39;Grand Theft Auto: San Andreas #39; +Sci/Tech,NEC Nips IBM in Supercomputer Race +Sports,Yankees #39; Owner Congratulates Boston Red Sox +Sci/Tech,"Google patches one security hole, but another surfaces" +Sci/Tech,Presidential candidates differ in IT questionnaire +World,Israeli Missile Strike Kills Top Hamas Leader +Business,Google Profit Up in 1st Reported Quarter (Reuters) +World,British judge to rule on life-support for fatally ill baby (AFP) +World,U.S. Would Respect Fair Iraq Election (AP) +Business,"Microsoft Profit, Revenue Rises" +Business,Amazon Profit Misses Estimates +Business,Google Profit Up in 1st Reported Quarter +Business,AIG Faces New Grand Jury Probe +Sports,Bangladesh stress threat is only a hoax +Business,U.S. Drugmakers Hurt by Competition +Business,Occidental Profit Up 70 Pct +Sports,Cricket: Back in breathtaking business +Business,Update 3: Outgoing Kmart Chief Gets \$90M in Options +World,Britain Agrees to Move Troops Closer to Baghdad (Reuters) +Sci/Tech,"Fossil in China May Show Ancient Bird Development, Study Says" +Sci/Tech,106 million Windows XP SP2 #39;s distributed +Sci/Tech,GTA San Andreas Leaked By Pirates +Sports,Call to Arms: Marino and Young head HOF #39;s nomination list +Sports,Feyenoord Rotterdam 3-0 Hearts: FT Report +Sports,Venus advances to meet Sharapova in Zurich +World,British government to redeploy troops to central Iraq +World,Sharon appears to have majority for parliament vote on Gaza <b>...</b> +World,Britain agrees to Iraq troop-shift as US soldier jailed for prison <b>...</b> +Business,PeopleSoft Posts Third-Quarter Profit +Business,"Amazon Posts Profit, Shares Fall" +Sci/Tech,Why Sand Dunes Go Boom +Sci/Tech,"""Faces of Africa"" Photographers on Their 30-Year Endeavor" +Sci/Tech,Can Wild Bees Take Sting From Honeybee Decline? +Sci/Tech,Microsoft tops its earnings expectations +World,French Billionaire to Be Questioned (AP) +World,Powell Criticizes Lebanese PM Choice (AP) +World,Nigerians Charged in Assassination Plot (AP) +Sci/Tech,PeopleSoft Posts Third-Quarter Profit (Reuters) +Sports,Man U hosts Exeter in FA Cup 3rd round +World,Bush Criticizes Kerry on Health Care +Business,Coca-Cola posts lower 3Q profit +Business,Amazon Profit Misses Estimates +Business,Google 3rd-Qtr Profit More Than Doubles on Web Advertising +Business,Turkey gains OECD #39;s support for its bid for EU +Sci/Tech,Astronaut to meet his newborn daughter +Sci/Tech,Texas Instruments working on live TV for mobile phones +Sci/Tech,Cisco buys security start-up +Sci/Tech,IBM Gets Behind Federated-Identity Standard +Sci/Tech,Building planets is a slam-bang art +Sports,Agassi Makes Madrid Masters Quarterfinals +Sports,Save Silverstone: drivers +Sports,"Marino, Young, Irvin head NFL Hall of Fame first-timers" +Sports,Williams Survives to Set Up Sharapova Clash +World,Israel Kills Top Hamas Rocket Maker in Gaza Strike +World,Typhoon Tokage takes Tokyo +Business,Microsoft reports fiscal first-quarter earnings up 11 percent +Sci/Tech,Ancient Baby Bird Fossil Found in China +Sports,Bangladesh floored by Franklin hat-trick +Sci/Tech,Google Reports \$805 Million in Gross Revenues for Third Quarter +Sci/Tech,Microsoft: 1Q Earnings Up 11 Percent (AP) +Business,"Microsoft Profit, Revenue Rise" +Business,Google Profit Up in 1st Reported Quarter +Business,Caterpillar Earnings Rise But Shares Fall +Sports,Dorfmeister wins Super-G at Lake Louise +Business,PeopleSoft Posts Profit +Sci/Tech,Robo-vacuum wins wall-to-wall praise at confab +Sci/Tech,How To Create Dynamic Headlines For Your Google AdWords Ads +World,Russian Official: Hazing Report Inaccurate (AP) +Sports,Red Sox #39;s Feat: As far back as I can remember +World,Martin's bid to scrap Canada Health Act nixed at last minute: Copps (Canadian Press) +World,Israel-SA forging new links +Business,Google Reports First Profit as Public Company +Business,Google shares up on profits jump +World,Israeli army faces a revolt from the right +World,End to India's brutal 'Robin Hood' +Business,"Amazon 3Q Profit Rises, Misses Estimates" +Business,Flat revenue strangles Coke profit +Business,Gold Falls From 6-Month High After US Jobless Claims Decline +Sci/Tech,Samsung Debuts 5-Megapixel Camera Phone +Sports,The Red Sox celebrate after Game 7 of the ALCS. (Doug Pensinger <b>...</b> +World,Blair Risks Backlash in Iraq Troop Move +World,Candidates Hit Crucial Swing States of Ohio and Pennsylvania +Sports,Henry Relishes Job of Covering Owens (AP) +Sports,Purdue Looks to Stop Losses to Michigan (AP) +Sci/Tech,Google Earnings Report Shows Ad Boost +Sci/Tech,Microsoft scales back Passport ambitions +Sci/Tech,Microsoft scales back Passport ambitions +Sci/Tech,Two IBM services units acquired by GXS owners +Sports,Scandals Have Thrown Sports for a Loss +Sci/Tech,Presidential candidates differ in IT questionnaire +Sci/Tech,IBM signs \$180M outsourcing deal with Dun Bradstreet +Sci/Tech,Capgemini plans 500 more jobs in India by April +Sci/Tech,VeriSign tallies \$40.3M net income in Q3 +Sci/Tech,SAP reports jump in Q3 revenue and profit +Sci/Tech,California warns on massive ID theft +Sci/Tech,Q A: SAS International chief on global best practices +Business,Consumer Goods Companies Set to Reassure +Sci/Tech,Intel Cancels Plan to Enter Digital TV Chip Market +Sci/Tech,"Earth #39;s Solar System Shaped by Brush with Star, Astronomers Say" +Business,"Microsoft Profit, Revenue Rise" +Business,Google Profit Up in 1st Reported Quarter +Business,Friday Edition: Thieves amp; Cars +Sci/Tech,Human Demand Outstripping Earth #39;s Supply +Sci/Tech,IBM signs \$180M outsourcing deal with Dun amp; Bradstreet +Sci/Tech,IBM Transitions to Power5 +Sports,Paul Hamm keeps Olympic gold +Sports,Shearer strike gives Newcastle win +World,"They fall in love despite social gap, distance" +Business,"Microsoft Profit, Revenue Rise" +World,Mad Cow Disease Found in 8th Blood Donor (AP) +Sci/Tech,Intel Cancels Plan to Enter Digital TV Chip Market (Reuters) +Sci/Tech,Solo Adventurer Circles Arctic in Two-Year Odyssey (Reuters) +Business,Weaker sales affects Coca-Cola +Sci/Tech,"Sony and MP3, Together at Last" +Sci/Tech,Photo 6: Microsoft revs car Windows +Sci/Tech,Two IBM services units acquired by GXS owner +Sci/Tech,Microsoft revenue hits \$9.1B in Q1 +Sci/Tech,CA posts Q2 loss on restitution charges +Sci/Tech,MSN bloggers try to foul up censorship tool +Business,"Amazon Posts Profit, Outlook Disappoints" +World,Russian Duma Set to Ratify Kyoto Environment Pact (Reuters) +Sports,Marino and Young Head Hall of Fame Nomination List (Reuters) +World,Hamas Leader Had Eluded Israel for Years (AP) +Sports,Six Dominicans Hurt in BoSox Celebrations (AP) +Sci/Tech,Oracle extends takeover offer for PeopleSoft (AFP) +World,Navy commanders insist they did not downplay initial reports of sub fire (Canadian Press) +Business,Coke Quarterly Profit Down 24 Percent +Sci/Tech,Fanning your way through. +Business,Qwest agrees to pay \$250 million to settle SEC allegations of <b>...</b> +Business,Wendy #39;s 3Q Profit Rises 4 Percent +Sci/Tech,Intel Gives Centrino a Speed Boost +Sci/Tech,Humanity is outstripping planet #39;s capacity to sustain it: WWF +Sports,Chelsea Punishes CSKA Errors +Sports,Birthday bashing +Sports,Lille upset in UEFA Cup group stage +World,"Violence, Instability Continue in Haiti" +Sports,BoSox Fans Swept Up in Red Sox Hysteria (AP) +Business,"Google Profit Up, Stock Rises, No Outlook" +Sci/Tech,PeopleSoft exceeds earnings targets +Sci/Tech,Intel kills TV chip plans +Sci/Tech,Google Security Holes Surface +Business,"CORRECTED - UPDATE 2-Microsoft first-quarter profit, revenue rises" +Business,Update 1: Farm Credit Services #39; Board Ends Deal +Sci/Tech,Space probe aims to slam into comet +Sports,"Hamm can keep Olympic gold, court rules" +Sci/Tech,PeopleSoft Turns Profit on Revenue (AP) +World,"Gilbert Stuart, a Capturer of Presidents and Transmitter of History" +Sci/Tech,Earnings alert: PeopleSoft exceeds targets +Sci/Tech,Memory stick turns fingerprints into passwords +World,"Vancouver Muslim leader espouses jihad, calls Jews 'monkeys and swine' (Canadian Press)" +World,Vote observers: access to US polling places difficult (AFP) +World,Israel Kills Top Hamas Militant Ahead of Gaza Vote +Business,"Microsoft Profit, Revenue Rise (Reuters)" +Business,"Amazon Posts Profit, Outlook Disappoints (Reuters)" +Business,Coke Quarterly Profit Down 24 Percent (Reuters) +Business,Microsoft 1st-Qtr Net Rises as Server Sales Advance (Update4) +Business,US long-term mortgage rates fall this week +Business,Briefly: EU #39;s Mercosur talks extended +Business,Lego CEO resigns after profit warning +Sci/Tech,"Overconsumption threatens ecological balance, WWF warns" +Sci/Tech,Microsoft #39;s Ballmer: Hackers getting smarter +Sci/Tech,Deep Impact Space Probe Aims to Slam Into Comet +Sports,Price two off pace +World,TOUGH SENTENCE FOR PRISON ABUSE +Business,"Nasdaq Rises on Chip Gains, Dow Falls" +World,South America Misses Rich Trade Opportunities +Business,ADV: Free Career Test +World,EU May Veto Panel Over Gay 'Sin' Remark (AP) +Business,Microsoft reports profits up 11 +Business,Sales and profits boost at Amazon +Sci/Tech,PeopleSoft posts solid Q3 revenue growth +Sci/Tech,"Strong server, PC sales boost Microsoft revenue" +World,US warns of possible bomb attacks in Laos during upcoming ASEAN summit (AFP) +World,Colombians Busted for Faking Hard-To-Copy \$20 Bill +Sports,NL Takes Center Stage +Business,Aon mum as pressure mounts +Business,Microsoft tops estimates +Business,SBC profit zooms; signs Alcatel deal +Sci/Tech,Intel upclocks Pentium M +Sci/Tech,X-Men Legends sequel in development +Sports,UEFA Cup: Feyenoord wins 3-0 over Hearts in Rotterdam +Sports,Group H review (Chelsea +Sports,Court Rules Paul Hamm Keeps Gold Medal +Sports,"Uefa Cup Wrap: Aachen Stun Lille, Big Wins For Stuttgart, Zenit," +Sports,Firings aren #39;t in cards just yet +World,US hails British decision to redeploy troops to volatile zone in <b>...</b> +Sci/Tech,Google misses earnings expectations +World,Pentagon exaggerated risk posed by Iraq: US senator (AFP) +Business,"Coke Profit Drops on U.S., European Sales" +Sci/Tech,Ohio U. Undergrad Makes Nat'l News with Kerry Interview (Editor and Publisher) +World,Sinclair Sued by Filmmaker Over Kerry Photos (Reuters) +Business,Alcatel wins \$1.7 billion network deal +Business,OECD praises Turkey #39;s economic development +World,Fidel Castro Falls Down +World,Israeli Missile Strike Kills Hamas Leader +Sci/Tech,Intel Switches Off LCOS TV Chip +Sci/Tech,Digital Dentistry +Business,Microsoft Earnings Beat Estimates +Business,United Technologies May Acquire Larger Stake in Kidde (Update2) +Business,Wendy #39;s third quarter earnings jump 4 percent +Business,SBC Communications Selects Alcatel As Primary Supplier For New <b>...</b> +Business,Turkey opens quot;window of opportunity quot; with reform: OECD +Business,Wedgwood close to Doulton takeover +Business,South America Misses Rich Trade Opportunities +Business,Santander names its finance director as new Abbey chief +Business,Mortgage rates continue to fall +Sci/Tech,Living Planet Report +Sci/Tech,Gene mutation linked to strokes and heart trouble +Sci/Tech,Sharp Departs US PDA Market +Sports,Leftwich Set for Showdown at Indianapolis (AP) +Sports,Formula one boss Ecclestone taking legal action against Jackie <b>...</b> +Sports,Marino headlines #39;05 Hall of Fame nominations +Sports,BoSox-Yanks Game 7 Rating Best Since 1991 (AP) +World,ISRAELI MISSILE KILLS HAMAS LEADER +Sports,Smith to Start at Quarterback for Ohio St. (AP) +Sports,Lewis Fires Spectacular 62 to Take Funai Lead +Sci/Tech,Dell gets notebook set for big-screen debut +World,Costa Rican Ex-President Detained in Probe (AP) +World,"Keep better records of refugee interviews, watchdog advises CSIS (Canadian Press)" +World,Judge: Votes in Wrong Precinct Don't Count (AP) +Sci/Tech,Ad revenue boosts Google profits +Business,NAIC Conference Call Places State Insurance Investigations On Hold +Business,Trump does deal on \$1.8bn debt at his casino business +Business,Mexico #39;s Pemex Chooses Partners +Business,Ethics code written to reprogram tech industry +Business,Broadcasters of children #39;s programming agree to \$1.5 million <b>...</b> +Sci/Tech,Madden Comes to the Tapwave Zodiac +Sports,No Yankee Magic This Time +Sports,England #39;s new era likely to begin without Wilkinson +Sports,FOOTBALL: BARCA HAD SIRO LUCK SAYS HENRIK +Sports,Souness Happy To Secure The Win +Sports,"Feyenoord, Stuttgart, Rangers have easy wins, Lille upset, Lazio <b>...</b>" +World,"IAF blows up Hamas explosives expert, pursued for a decade" +Sports,Yankees Look to Shore Up Pitching Staff (AP) +World,Panama ex-president to sue Taiwan lawmakers over alleged bribes (AFP) +Sci/Tech,Burial Site Found Near Ancient Olympia (AP) +World,Venezuela Lawmakers Rework Controversial Media Law +Business,Leading Indicator Falls for 4th Month +Sci/Tech,Yahoo Buys Privately Held Stata Labs (Reuters) +World,Top Hamas militant assassinated +Sci/Tech,Intel Cancels Plan to Enter Digital TV Chip Market +Sci/Tech,Briefly: Turn your fingerprints into passwords +Sports,Williams Retired Over Disputed Drug Test (AP) +Sports,Yanks fans mourn loss +Sports,UPDATE: HENMAN IS SENT TO SLEEP IN MADRID +Sports,Smith to start at quarterback for Ohio St. +Sci/Tech,Dell notebook gets set for big-screen debut +Sci/Tech,Intel Cancels Plan to Enter Digital TV Chip Market (Reuters) +Sci/Tech,"Microsoft Profit, Sales Rise (Reuters)" +Sci/Tech,Intel Speeds Up Centrino Chip +World,Finnish ski jumping ace heads for crash landing in life (AFP) +Sports,Red Sox seek to reverse the curse +Sports,"MADRID MASTERS: Ljubicic and Dent first to reach quarters, Henman <b>...</b>" +Sports,Lewis fires spectacular 62 to take Funai lead +Sports,Saints to start Brown at cornerback +World,"4 Palestinians, 1 Israeli soldier killed" +Business,"UPDATE 4-Microsoft profit, sales rise as growth stabilizes" +Business,Morrison stops the rot in converted Safeway stores +Sci/Tech,NASA finding supports #39;frame-dragging #39; theory +Sci/Tech,Intel Switches Off LCOS TV Chip +Sports,Henman fizzles out and waits on blood test +Sports,Ecclestone to sue Stewart +Sports,It #39;s Official: Hamm Can Keep Gymnastics Gold +Business,Trump Hotels to seek bankruptcy in agreement with bondholders +Business,Nova Chemicals to Join Pemex to Study Mexican Plants (Update3) +Business,Santander Names Gomez-Roldan as Abbey National Chief (Update5) +Business,Morrison speeds rebranding of Safeway stores +Sci/Tech,Gene mutation linked to illness +Sci/Tech,Intel Cancels Plan to Enter Digital TV Chip Market +Sci/Tech,Raft of storms linked to warming +Sci/Tech,Another Phishing Hole Found in Google +Sports,Glorious Red Sox rout Yankees +Sports,=== Lewis grabs two-shot lead with scorching 62 === +Sports,Egaleo 0 Middlesbrough 1 +World,Barroso proposals fail to quell revolt +World,US Weighs More Sanctions Vs. Belarus +Business,"Amazon Posts Profit, Outlook Disappoints" +Business,Google Profit Rises as Sales Double +Sports,Motor Racing: Mexico Plans F1 Race in 2006 +Business,PeopleSoft Posts Profit +Sports,It's Official: Hamm Can Keep Gymnastics Gold +World,Holocaust denier Zundel loses appeal in Canada (AFP) +World,Documents Shed Light on Iraq Prison Abuse (AP) +Sci/Tech,PeopleSoft Posts Profit (Reuters) +World,U.S. Might Reconsider Sanctions on Indian Scientists +Sci/Tech,Google Profit Rises as Sales Double (Reuters) +Sci/Tech,Global climate change may be causing more hurricanes +Sports,"In a Bittersweet Victory, Hamm Keeps Gymnastics Gold" +Business,YUKOS asset sale: paper names panel fixing the price +Business,One Value-Priced Biotechnology Giant +Sports,They were well prepared for us +Sports,Kite leads at Schwab Cup Championship +Sports,Tribute to a man who could change destiny +Business,"Amazon Posts Profit, Outlook Disappoints (Reuters)" +World,"Kerry Calls for Science, Tech Investment (AP)" +World,Bush Criticizes Kerry on Health Care (AP) +Business,AARP to mark Home Depot products with seal of approval for older <b>...</b> +Business,Wedgwood bids for Royal Doulton +Business,Abbey top job for Santander man +Business,A no vote on referendums +Business,Ian Griffiths +Sci/Tech,Google Security Holes Surface +Sci/Tech,Apple warns of store shut-off for older iTunes +Sci/Tech,U.N. Divided Over Anti-Cloning Treaty (AP) +Business,Oil Back Up to \$55 on US Winter Stocks +Business,Turkey seeks French support for EU bid +Business,"Wrigley to Shut Phoenix Plant, Move Process to Poland (Update1)" +Sci/Tech,Intel cancels TV chip project +Sports,Gymnastics: Hamm relieved but bitter over medal fight +Sports,LEWIS LEADS BUT #39;OLLIE #39; IMPRESSES +Sports,Memory of Clough defies the rain +Sports,FA risk flak over leniency for Beckham +Sports,Marino and Young Head Hall of Fame Nomination List +Sci/Tech,San Francisco Sets Goal of Free Citywide WiFi (Reuters) +World,3am tussle that put Harry in the frame +Sci/Tech,Estimate for Number of Human Genes Slashed (AP) +Sci/Tech,Group: Species Harming Lakes' Food Web (AP) +World,Israeli Airstrike Kills Hamas Militant (AP) +World,Ethiopian court sentences 3 former rebels to death for mass murders (Canadian Press) +World,U.S. might reconsider sanctions on Indian scientists (Reuters) +Sci/Tech,Microsoft: 1Q Earnings Up 11 Percent (AP) +Sci/Tech,Group Warns on Consumption of Resources (AP) +Business,US stocks end on higher note +Sci/Tech,Scientists Hope to Learn From Dead Whale (AP) +Business,Wrigley to Move Phoenix Production +Business,Kidde pours cold water on 1.3bn bid +Business,Nova Chemicals Considers Mexico Investment With Pemex (Update5) +Sci/Tech,"Ballmer Calls Linux Threat Overblown, Touts Progress With Office <b>...</b>" +Sci/Tech,Intel cancels plan to enter digital TV chip market +Sci/Tech,Google acts to cover up phishing hole +Sci/Tech,Search on for #39;Grand Theft Auto #39; pirates +Sci/Tech,Cisco to acquire Perfigo +Sports,Sports: Astros 2 Cardinals 1 after three +Sports,F1 BOSS TO SUE STEWART +Sports,Spanish clubs score victories in UEFA Cup matches +Sports,Ohio State at Iowa Analysis; Buckeyes Could Use Some Leaders +Sports,England skipper Beckham escapes FA rap +World,HE FELL CASTRO +World,EDITORIAL:Democracy in Myanmar +World,U.S. Panel Hears Case of 4 Terror Suspects (AP) +Sci/Tech,Java Studio Creator Update Targets Mac Developers (Ziff Davis) +World,"Voters May Change Calif., Wash. Primaries (AP)" +Sci/Tech,"At Google, Earnings Soar, and Share Price Follows" +Sci/Tech,"Amazon's Profit Triples, Driven by Free Shipping" +Sci/Tech,Sales of PC's Buoy Results at Microsoft +Sci/Tech,Verizon to Extend Fiber Optics to Parts of Six Eastern States +Sci/Tech,Intel expands Centrino family +Sci/Tech,Global Warming Effects Faster Than Feared - Experts +Sports,Beating Yanks not enough to kill The Curse +Sports,Lewis sets Funai pace in Florida +World,Burma military chief set for official trip to India +Sports,"Through a Yankee Fan's Expectant Eyes, the World Turns Upside Down" +Sci/Tech,Intel Cancels TV Chip Project (AP) +World,Laura Bush Denies Husband Relies on Instinct (Reuters) +Business,Microsoft revenue tops forecast +Business,City has good reason to keep faith in Morrison +Sci/Tech,Yahoo buys e-mail search company +Sci/Tech,Taming the curse of virtual clutter behind your tidy desktop +Sports,Thoughts of How and Why for Yanks +Sports,Cricket: McCullum #39;s century exorcises Lord #39;s demons +Sports,"Warner Adjusts, and Giants Reap the Benefits" +World,"In Harry #39;s game, everyone has to stick to the rules" +World,Ex-Guantanamo detainee turns +Business,Sales of PC #39;s Buoy Results at Microsoft +Business,Too early for Morrison to break open its champagne +Business,Green measures up for 460m pay day +Sci/Tech,World wildlife falls 40 due to humans +Sci/Tech,NASA Media Teleconference: As World Turns it Drags Space and Time +Sci/Tech,TI Unveils Digital TV Chip for Cell Phones +Sci/Tech,Peacefully pushing back the final frontiers +Sports,Curses and tabloid headlines: Baseball series had it all +Sports,UPDATE 1-Lewis fires spectacular 62 to take Funai lead +World,66 die as Typhoon Tokage hits Japan +World,Russian Army rejects bullying criticism +World,Record Labels Said to Be Next on Spitzer List for Scrutiny +World,"For Families of Autistic, the Fight for Ordinary" +World,Report: Asylum Seekers Enter China School (AP) +Sports,"One Nation, Indivisible" +Sports,D.C. Bids Out Work +Sports,Williams Catching On +Sports,Lewis Shoots to First +Sports,"NFL, Attorneys Meet" +World,Threats Await Head Of School In Beslan +World,No Longer Just Nordic +World,Colombians Busted for Faking Hard-To-Copy \$20 Bill +Business,PeopleSoft: #39;We #39;re Not For Sale #39; +Sports,"League Officials, R. Williams #39;s Attorney Meet" +Sports,"Football Game Notes: Duke vs. Virginia, 10/21/04, 1 PM" +World,"China Mine Blast Kills 62, Hope for Survivors Fade (Reuters)" +World,"China Mine Blast Kills 62, Hope for Survivors Fade" +Sports,Anthony Leads Nuggets Past Clippers (AP) +Business,"EU, U.S. Meet to Discuss Trade (Reuters)" +Business,Santander appoints Spanish chief at Abbey +Sci/Tech,Scotland now 16th in world for ecological impact +Sci/Tech,Theory of Relativity Evidence Found +Sci/Tech,Intel switches off TV chip +Sci/Tech,Swatch to sell Microsoft-based wireless watches +Sports,Hamm keeps medal +Sports,Cavs #39; Williams Is Catching On +World,Martin Welcomes Resources Investment by China (Reuters) +World,Australian Police Uncover #36;74M in Meth (AP) +World,Seven more killed in Iraq violence +World,Castro Breaks Knee in Dramatic Public Fall +Business,Is It Time to Stem Asia Deficits With a Weak Dollar? +World,Thoughts of How and Why for Yanks +World,Israeli Missile Kills Hamas Weapons Maker +World,French court to rule on Sikh boys +Business,A Lazard Feud Over an Offering Spills Into View +Sci/Tech,"Birds, dinosaurs evolutionary link" +Sci/Tech,NEC launches world #39;s fastest supercomputer +Sports,"One Nation, Indivisible" +Sports,Bears anxious to try out Couch +Sports,Cardinals Secure World Series Showdown with Red Sox +Business,Dollar Gains Ground on Yen +Sports,"Cardinals Down Astros, Move to World Series" +Business,Car production in 1st 3 quarters lower than expected +Sports,No. 15 West Virginia Beats Syracuse 27-6 (AP) +Sports,Cavs Fall Short Again +World,Myanmar state media confirms leader's India visit (AFP) +World,Sudan prepares litany of charges against Darfur rebels +Sports,Cardinals Get to Clemens and World Series +Sports,"Terry, Howard Leads Mavs Over Knicks (AP)" +World,"Smith Political Dinner Gets Bush, Carey (AP)" +World,Nottingham to hold Danielle vigil +Business,China #39;s economy up 9.5 in 1st 9 months +Sci/Tech,Yahoo Buys Privately Held Stata Labs +World,Israel carries out new air strike on Gaza City +World,Compromise maystop commissionand MEPs clashing +Sports,Williams Propels Grizzlies Past Bucks (AP) +Sports,Raptors Fall to Cavs +World,Kerry hunts for votes; trade shots with Bush on health (AFP) +Business,Consumption increase quot;encouraging quot;: statistics official +Sports,Red Sox Face Old Nemesis in Cardinals (AP) +Sci/Tech,"The Other, Bigger Growing Deficit" +Sports,Court Rules on Hamm Medal +Sports,Open snub riles hot Hensby +Sports,Preseason roundup +Sports,"No. 15 West Virginia 27, Syracuse 6" +Sports,Ogunleye has ligament tear in ankle +World,Milosevic pleads to represent himself on war crimes charges +World,Mixed Results for Bush in Battles Over Judges +Sports,Cards Secure World Series Clash with Red Sox +Sports,Red Sox Get Ready to Play Encore +Sports,"In a Fan's Eyes, the World Turns Upside Down" +World,Mo.-Based Charity Denies Terror Support (AP) +Business,Techs Lead Tokyo Stocks Up +Business,Kidde rejects United Technologies bid +Business,Chips are down in china merger +Sports,Lampard: Eidur Is Gud to Go +Sports,New Magic Stars Key Win Over Hornets +Sports,NCAA Game Summary - Syracuse at West Virginia +Sports,LEONARD FRUSTRATED FOR WILKINSON +Sci/Tech,Search Engine Forums Spotlight +Sports,Cardinals Bunt and Bash Their Way Into the Series +Sports,Marshall Leads WVU +Sports,MLS Postseason Preview +Business,China's Economic Boom Still Roaring (AP) +Sci/Tech,Yahoo Acquires Another E-Mail Startup (AP) +Business,Microsoft revenue up 12 in quarter +Business,Shareholders put Disney board in dock +Business,FP amp;L seeks consent for rate increases +Business,Alaska Air #39;s net beats analysts #39; projections +Sci/Tech,Fincke #39;s space odyssey in its final day +Sci/Tech,Symbol Technologies Announces Court Approval of Shareholder <b>...</b> +Sports,SPORTS OF THE TIMES Clemens Meets Match at Hands of Cardinals +Sports,'Rocket' Fizzles Out as Astros Fall to Cardinals (Reuters) +World,Death toll rises in Chinese coal mine explosion +World,Diplomats: Iran likely to reject incentives +World,Israel strikes Gaza City with missiles +Sci/Tech,Microsoft: 1Q Earnings Up 12 Percent (AP) +Sports,Raich Wins Men's World Cup Slalom +Sports,Wakefield Starts Game 1 for Red Sox +Sports,Ricky Williams #39; lawyer disputes drug test +Sports,"COL FB: West Virginia 27, Syracuse 6" +Business,Dollar Gains Ground on Yen +Business,Showdown In The Ruhr Valley +Business,Verizon takes on cable cos.: Parts of Bay State will see benefits <b>...</b> +Business,China economy continues strong growth +Business,Battling Oracle -- and Surviving +Business,Unemployment rate rises slightly +Sports,Sox flex their arms +Sports,St Louis clinch World Series spot +Sports,Hamm allowed to hold his gold +Sports,Go on the take with Tennessee: Revenge unlikely for bitter #39;Bama +Sports,Notes: Olerud weighing options +Sports,76ers need OT to keep Spurs winless +World,"Iraqi Aviation Staffers, Aides to the President Killed on Way to Work" +World,Garcia Marquez Alters Novel +World,"China Mine Blast Kills 64, Hopes Fade for Survivors" +World,69 Dead in Japan Typhoon as Hopes Fade for Missing +Business,China's economy grows by 9.5 percent in first three quarters (AFP) +World,World Report Shows Andean Success Story (AP) +Business,Tokyo Stocks Up as Steel Firms Rise +Business,Insurance Probe Hits Home in D.C. Region +Business,Martha Stewart Wants Conviction Overturned +Business,Williams Industries Blames Congress +Sports,Sportsview: Clemens at Fenway Not to Be (AP) +Business,Insurance Probe Hits Home in DC Region +Business,Australian Dollar Heads for Weekly Gain; China #39;s Economy Grows +Sports,No color blindness in this World Series +Sports,"WEST VIRGINIA 27, SYRACUSE 6 Mountaineers Roll Over Orange" +Sports,Sixers grab preseason win over Spurs +World,Caging Instigator: Pakistan Security Hits Militants Hideouts +World,Europe Seeking New Role in World Affairs (AP) +Business,Disney directors face shareholder scorn +Business,Multi-factors push up housing price: official +Business,FCSA board terminates Rabobank deal +Business,American Express #39;s Chenault Seen Extending Profit-Growth Streak +Sports,Business as usual: Streaking Pats prepare for Jets +Sports,Around The NBA +Sports,RFK due to retain prime soccer seating +World,Hamas Leader Killed in Israeli Air Force Strike Near Gaza City +Business,GM workers hold European-wide day of action against job cuts +World,Australia's Labor meets to rebuild +World,"Death Toll 69 in Japan Typhoon, 19 Still Missing (Reuters)" +Business,"Oil weighs on blue chips, eBay results boost techs" +Business,China says economic growth slows again +Business,Hilbert House +Sports,Giants: Punt returns a top priority +Sports,Kerry #39;s Goose Hunt Reflects Need for Sportsmen Vote to Win Ohio +World,China mine blast kills 64 +World,Delegates gather for Darfur peace talks +Business,Microsoft Q1 profit reaches \$2.9 billion +Business,Update 4: Crude Oil Prices Remain Steady +Business,Reebok posts 30 rise in Q3 profit +Business,NEWSDAY TAPS SUN EXEC FOR CIRC POST +Business,TRUMP PUMPED UP +Business,"Oil Bubbles Near \$55, China Supports" +World,Ethnic Peace May Be in Jeopardy in Myanmar (AP) +World,Peace Doves Dropped on South Thailand +Business,Qwest to Pay \$250 Million in Fraud Probe +Business,Verizon Betting on A Bundle +Business,FCC Fines 2 Networks For Violating Limits On Kids #39; Show Ads +Sports,Lewis Fires 62 to Lead Funai Classic (AP) +Sports,Knicks suffer second straight trouncing +World,Hamas Rocket Mastermind Killed In Israeli Strike +World,29 North Koreans enter South Korean school in China--report +Business,China's economic boom slows down +Sports,Vikings Lucky to Have Tight End Wiggins (AP) +World,Famous Faces Add Luster to House Races (AP) +Sports,Colts' Jefferson Ready for First Action (AP) +Sports,Badgers' Starks Goes From Goat to Hero (AP) +World,World ; Insurgents kill 23 Iraqis countrywide +Business,Spitzer #39;s insurance fight gains steam +Business,Oil price hike has had quot;limited quot; impact on China #39;s economy <b>...</b> +Sci/Tech,Ancient bird fossil found +Sports,Mutu keen on Serie A return +Sports,Melo #39;s friend takes blame +World,FALL OF FIDEL +World,Defense sources: Killing of top Hamas man will weaken terror +Sports,"In Dallas, Knicks See Big Man They Wanted" +World,Europe's bourses seen starting higher (FT.com) +World,Israel to consider releasing Palestinian prisoners +World,Hopes fade for China mine victims +Business,Bankrupt airlines steer clear of cutting frequent-flier perks +Business,Court approves Interstate Bakeries financing +Business,20 7E7s ordered +Sci/Tech,Supercomputer hits the shops +Sci/Tech,"Google patches one security hole, but another surfaces" +Sci/Tech,IBM expands China research site in midmarket push +Sports,Yankees GM knows his next mission +Sports,Hamm keeps gold +Sports,"Ricky #39;s rep, NFL talk" +World,China's economic boom slows down +Business,Nikkei Ends Up as China Data Lifts Steel +Business,Microsoft rings up multibillion dollar profit +Business,China #39;s economic boom slows down +Business,Judge OKs \$200M for operations +World,Israel Kills Top Hamas Militant Ahead of Gaza Vote (Reuters) +World,OECD Report Boosts Turkey's EU Case (AP) +Business,"Oil Bubbles Near #36;55, China Supports (Reuters)" +Business,"China, India will sustain global economy despite high oil prices, BHP says (AFP)" +Sci/Tech,Feathered embryo found in China +Sci/Tech,Google your personal computer +Sci/Tech,Yahoo Buys E-Mail Search Startup +Sci/Tech,IBM Taps into China SMBs +Sci/Tech,Nvidia aims to take lead in K8 chipset market with nForce 4 MCP +Sports,Cardinals complete a classic matchup +Sports,Button unhappy with #39;advice +Sports,Small Martinsville track can cause big problems for drivers +Sports,New Zealand dominates Bangladesh to claim first test (Updated on <b>...</b> +Sports,Arsenal confident Vieira OK for Man Utd +Sports,Melo #39;s image going to pot +Sports,Coach Hawkins the ringmaster of Boise #39;s biggest show +World,"Typhoon kills 66 in Japan, deadliest in 22 years" +World,29 N. Koreans flee into South Korean school in Beijing +Sports,The real dirt on Mawae +Sports,Hamm keeps gold +Sports,From Russia with oar +Sports,It was a heavenly Game 7 +Sports,Hamilton says hearing will clear him +Sports,"When team hits road, Ortiz will take field" +Sports,Collapse gets New York's goat +Sports,"But seriously, folks" +Sports,Revolution in fighting mood +Sports,Bentley's Eddy is ready for passage into elite club +Sports,College football games on TV +Sports,Key New England games +Sports,West Virginia in a rush to win +Business,Mass. launches insurance probes +Business,Google's earnings more than double +Sports,Cape Ann teams set for collision +Business,"Major glory, maybe,but major gains? No. " +Sports,Billerica deals Andover its first loss +Business,"On foot or by phone, fans chase few tickets" +Sports,Joe Herra +Sports,This week's picks +Business,Verizon plunges into cable wars with new technology +Sports,This week's schedule +Business,Leading indicators fall for 4th straight month +Business,Microsoft profit up 11 percent +Business,Insurance broker says no to commission +Business,China economy slows +Business,Little startup carrier is first to buy 7E7s in US +Business,Stewart #39;s lawyers file 89-page appeal +Business,"China, techs give Asia a lift" +Business,Lazard go-ahead has sting in tail +Sci/Tech,The Vole has learnt a lot about security +Sci/Tech,IBM launches research centre for SMEs +World,CONTROVERSIAL MOVE TO LET AMERICANS HIT REBEL POSTS HARDER +Business,Dollar Regains Ground on Yen +World,Britain moving troops nearer to insurgents +World,5 charged with bidto kill president +World,Israeli airstrike kills a Hamas leader +World,"Castro injures knee, arm in fall " +World,Religious leaders ahead in Iraq poll +World,"Among flu variables, officials weigh losses in worker productivity" +World,Hamas Leader Killed in Airstrike +World,Syrian Ally Named as Lebanon's Premier +World,U.S. to Aid Albania in Destroying Chemicals +Business,News of AIG federal inquiry drags blue-chips into the red +Business,Kidde Nixes United Technologies #39; Takeover +Business,FOCUS: Ericsson Market Share Gains Set To Continue +Sci/Tech,Declining habitat having an effect on bird populations +Sports,Bank Joins Team Fighting Man Utd Takeover +Sports,Molder and Wilkinson share lead Miami +World,Blair grants US call to move 850 troops +Sci/Tech,Home phones face uncertain future +Sci/Tech,Microsoft sees profits climb 11 +Business,China stages modest economic slowdown +Business,Update 1: Tech Giant Ericsson Reports Solid Quarter +Sci/Tech,Colo. bird population reported in sorry state +Sports,Lincicome: Woe are the Red Sox? Maybe next week +Sports,Cardinals punch ticket to Series +Sports,"Clijsters and Hewitt break up, cancel wedding plans" +World,SGT GETS 8YRS FOR BEATINGS +World,SKorea investigates suspected NKorean asylum seekers in Beijing +Sci/Tech,Ericsson returns to quarterly profit as world markets show growth (AFP) +Sports,"Auburn #39;s sweet and sour season: Sugar Bowl, no BCS title berth" +Sports,Astros' Beltran Keeping Options Open (AP) +World,'Treasure hunt' for bandit's loot +Sci/Tech,Robots set to get homely by 2007 +Sports,Teams to lobby for Silverstone +Sports,Jenson vows he can thrive at BAR +World,The war in Darfur +World,Pakistan assembly discards anti-speaker motion (Reuters) +Sports,Irish eyes not smiling after Meyer #39;s decision +Business,Coke reports drop in profits +Business,"Disney overpaid Ovitz, witness says" +Business,"Verizon #39;s hiring 5,000" +Business,Stewart files appeal of conviction +Sports,Six for Vettori as New Zealand ease to victory +Sports,West Virginia pounds Syracuse +Sports,Pacers #39; O #39;Neal Sidelined by Foot Injury +Sports,Mark Grace eliminated from team #39;s managerial search +World,US soldier jailed for Abu Ghraib atrocities +Sci/Tech,Google Posts Big Gains +Sci/Tech,Qwest to Pay \$250 Million in Fraud Probe +Sci/Tech,Verizon to Build New Fiber Optic Network +Sci/Tech,Profit Up As Amazon Adds More Products +Sci/Tech,MedImmune Quarterly Earnings Fall Again +Sci/Tech,Microsoft Profit Up; Forecast Mixed +Sports,Diamondbacks Pass on Grace for Manager (AP) +Sports,Knee Injury Forces Roddick to Withdraw (AP) +World,"Those Witty, Mocking Germans" +Sports,Dowie backing for striker Johnson +Sci/Tech,Cisco in #36;74M network security deal (TheDeal.com) +World,Brando Jr 'murder link' dismissed +Business,Ericsson Posts 3rd-Qtr Profit; Stock Drops on Outlook (Update4) +Business,"Vivendi, EMI hit by Spitzer probe" +Sports,"Week 7 preview: Unbeaten Patriots, Jets collide for AFC East lead" +Sports,Vettori spins NZ to big win +Sports,One strike away: The standard for booting victory is set +Sports,Don #39;t cry for Barry +Sci/Tech,TI puts digital TV on mobiles +Sports,Baseball 101: How to watch the World Series +Sports,NEW YORK JETS NEW ENGLAND PATRIOTS BETTING ODDS +World,Black Watch to take on Iraq rebels +Business,VW rejects union's salary offer +Business,Egg agrees 96m French disposal +World,Safety probe into arthritis drugs +Sci/Tech,Science 'excludes black people' +Sci/Tech,Chips Coming to a Brain Near You +Sci/Tech,Pumping Up the Power of the IPod +Sci/Tech,Contraception Controversy +Sci/Tech,Indian Mounds Mystify Excavators +Sci/Tech,On the Trail of the Analemma +Sci/Tech,Raise the Roof: Power Source +Sci/Tech,Candidates Sound Off on Tech +Sci/Tech,Anti-Cloning Treaty Divides U.N. +Business,Government measures slow China #39;s GDP growth +Business,Boeing signs first domestic 7E7 customer as SEC probes pension <b>...</b> +Business,Spitzer Said to Pursue Record Labels - NYTimes +Sci/Tech,Intel finally cancels Digital TV screen project +Sports,Color of your shirt determines if it was comeback or collapse +Sports,Pujols runner-up no more +Sports,Mutu set to be charged by FA +Sports,Game over for Hewitt and Clijsters +Sports,Julien plays target golf +World,"US continues airstrikes, ground assaults against insurgent targets <b>...</b>" +World,"Death Toll 75 in Japan Typhoon, 15 Still Missing" +Business,Eisner defends \$140 million pay for fired Ovitz +Business,United Tech seeking holder support for its bid +Business,Leipzig Hopes to Gain DHL Hub +Business,Update 1: CEO of James Hardie Resigns +Sports,Vettori spins Kiwis to victory +World,Israeli settlements pounded in revenge attacks +World,Summary: Elections Find Kosovo Divided (AP) +Business,Army to Let Halliburton Keep Iraq Payment (Reuters) +Business,Dollar Stabilizes Above Recent Lows +World,Iraq Vote Preparations Said on Schedule (AP) +Business,Peoplesoft bounces back to profit +Business,NY Stocks Seen Soft; Google Shines +Business,Coca-Cola posts sharp decline in 3Q profits +Business,UK economy slows in third quarter +Business,Qwest to pay fraud settlement +Sci/Tech,Einstein #39;s theory finds proof +Sci/Tech,Babies born after transplant surgery on eggs +Sci/Tech,Cisco adds to NAC framework with acquisition +Sports,A Classic Series Awaits +Sports,Hamm gets to keep gold medal +World,PRINCE IN NIGHTCLUB PUNCH-UP: HEIR GOES SPARE +World,6 Battlegrounds for Governors +Sci/Tech,Sony wares win innovation award +Business,Sacking #39;sensible #39;: Ziggy +Sci/Tech,Google wows investors with first results since IPO (USATODAY.com) +Sci/Tech,Intel cancels chip for flat-panel TVs (SiliconValley.com) +Sci/Tech,"PeopleSoft logs profit, rising sales (SiliconValley.com)" +Sci/Tech,Tech revival gains oomph with Microsoft earnings (USATODAY.com) +Business,"Stocks Seen Weak on Oil Prices, Microsoft" +Business,Dollar Stabilizes Above Recent Lows +Sci/Tech,Live digital TV arrives on mobile phones +Sci/Tech,Yahoo! buys email search firm +Sci/Tech,"Gartner, IDC have different takes on Q3 PC market" +World,Palestinians Shell Gaza Settlements +Sci/Tech,MedImmune to Produce Additional Flu Vaccine +Sci/Tech,AT T Reports \$7 Billion Loss +Business,AIG Says It Is Target of Midwest Inquiry +Sports,Three more judges rule Hamm gets gold medal +World,UK troops prepare for Iraq move +World,Bush Holds Two-Point Lead Over Kerry: Reuters Poll (Reuters) +Business,EADS Co-CEO Hertrich to Step Down in 2005 +Business,GDP growth slows in third quarter +Business,Peoplesoft bounces back to profit +Sci/Tech,Intel bumps up the speed of fastest Centrino +Sci/Tech,Grand Theft Auto leaked on the web +Sci/Tech,Non-Cal computer linked to hacking +Business,Kidde rejects US takeover offer +Sports,Better bet the Boss will be rebuilding his empire +Sci/Tech,Yahoo Acquires Another E-Mail Startup +Sci/Tech,Intel Cancels TV Chip Project +World,Castro Says He's Working Despite Injuries (AP) +World,North Korea Sells Food Aid on Local Market-South +World,"EU's Solana Heads for Darfur, May Offer AU Funding" +World,Doubts Increase Over Myanmar Democracy Plans +Business,Iceland firms linked to Easyjet +Sci/Tech,PeopleSoft Posts Profit +World,North Korea Sells Food Aid on Local Market-South (Reuters) +World,Dollar in the doldrums amid economic jitters (AFP) +World,Sri Lanka extend lead to 164 runs against Pakistan (AFP) +Business,Oil prices climb towards \$55 +Business,"Coke Profit Drops on US, European Sales" +Business,US Air Pilots Vote to Take 18 Pay Cuts +Business,Trump cuts new deal to lessen debt load +Business,Nearly All Lazard M amp;A Partners Back IPO - Source +Sci/Tech,Intel backs away from TV chips +Sports,Coulthard eyes Williams +World,Death toll rises in Chinese coal mine explosion. +World,Powell May Push China for Information on New York Times Researcher +World,Two Palestinians and one Israeli killed in Gaza +World,US blames Islamic charities for funding Iraq attacks +Business,"Google sales, profit double on ad revenue" +Business,Schlumberger Reports 3rd-Quarter Profit of \$318.2 Mln (Update1) +Business,Stocks down 4.46 points; peso at 56.325:\$1 at mid-day +Business,economy slows in third quarter +Business,Lazard chairman backs flotation - at a price +Sci/Tech,Review: AMD Athlon 64 FX55 +Sports,Clijsters and Hewitt call off engagement +World,75 killed in Japan by Typhoon Tokage +World,New leader: Democracy for Myanmar +Business,Before the Bell: Ericsson Falls 6.8 Pct. +Business,Scana Third-Quarter Profit Falls +World,148 Feared Dead in China Mine Blast +World,Detainees Returning to Conflicts From Cuba +World,North Korea Tops Powell's Agenda in Asia +World,Second-Guessing Actions in Afghanistan +Business,Schlumberger 3Q Profit Misses Expectations +Business,Stocks Seen Flat as Microsoft Weighs +Business,"HCA Net Falls, Hurt by Florida Hurricanes" +Business,Marsh McLennan CEO May Be Ousted - WSJ +Business,Marsh amp; McLennan CEO May Be Ousted - WSJ +Business,"Nasdaq Ends Up, Dow Slips" +Sci/Tech,Intel abandons digital TV chip project +Sci/Tech,Ballmer flags security features for a pre-Longhorn Windows #39; <b>...</b> +Sci/Tech,Netscape: A decade of survival +Sci/Tech,Golden treasure unearthed +Sports,Curses! Gimme a break +Sports,Mutu says cocaine was a sex pill +World,Trial date set for defendant in Abu Ghraib prison abuse case +World,Harry tussle: #39;Apology to Charles #39; +World,US presses Iran to respond to European nukes offer +World,UN and US must stop the genocide +Sports,Red Sox Fan Killed by Police Projectile (AP) +Business,"HCA Net Falls, Hurt by Florida Hurricanes (Reuters)" +Business,Weyerhaeuser 3rd-Quarter Earnings Rise (Reuters) +Business,"Nextel's Profit Rises, Ups Outlook (Reuters)" +Business,"Nextel 3Q Profit Rises, Boosts 2004 View" +Business,Ericsson Warns on Growth +Business,German government miffed by Bundesbank's scepticism on growth (AFP) +Business,"Nextel's Profit Rises, Ups Outlook" +Business,Dollar Hits 8-Month Lows Vs. Euro +Sci/Tech,Google patches new hole +Sci/Tech,SCH-S250 phone has 5-Megapixel camera +Sports,Germans Open UEFA Cup in Style +World,Israeli Airborne Attack Kills Inventor of Qassam Rocket +World,Castro governance intact +World,Prince Harry talks to father about nightclub fracas +Sci/Tech,Russia to vote on climate change +Sci/Tech,'Nuclear' bishop quits campaign +World,"Bush, Kerry on swing-state tours" +Sci/Tech,Verizon Betting on A Bundle (washingtonpost.com) +Sci/Tech,EU to Rule on Oracle's Bid for PeopleSoft (AP) +Sci/Tech,Football games look to score +Business,Update 1: EU Trade Chief Seeks Tariff Break Overhaul +Sports,No excuses from Tim +Sports,Broadhurst makes move +Sports,Paterno tries to light fire under Nittany Lions +World,Bulgaria dig suggests rich past +Sci/Tech,"Google says net profit, sales double (AFP)" +Sci/Tech,Americans Using Online Reputation Systems (AP) +Sci/Tech,Nextel 3Q Profit Rises +Business,9.7 consumption increase quot;encouraging quot; +Business,"Nextel #39;s Profit Rises, Ups Outlook" +Business,UPS ordered to let deaf apply to drive trucks +Business,Hot ticket item: \$1 million home +Sci/Tech,Intel pulls plug on TV chip plans +World,EU #39;s Prodi ready to stay on if new Brussels team rejected +World,Gunmen Ambush Iraqi Airways Employees +World,NEPAD urged to move forward for Africa #39;s development +Sci/Tech,Review: Local PC Search Not Perfect (AP) +World,Japanese Electronics Makers Raise Outlook (AP) +Business,Ericsson returns to quarterly profit +Business,Trump Hotels strikes bankruptcy deal +Business,China urges EU not to put up textile trade barriers +Business,"Verizon Expands FTTP Sites, to Hire Up to 5,000 to Accelerate <b>...</b>" +Sci/Tech,Video game posted on Web +Sci/Tech,Thousands sign up for British tycoon Branson #39;s space flights +Sci/Tech,Experts Warn of Security Flaws in Alternative Browsers +Sports,"Hewitt, Clijsters Reach Break Point in Opposites-Attract <b>...</b>" +World,Seoul Says Gando Convention Invalid +World,Bus blitz targets rebuilding efforts +Business,Weyerhaeuser 3rd-Quarter Earnings Rise +Sci/Tech,"New eggs surgery prodedure brings 20 babies, and many questions" +Sci/Tech,EU to Rule Tuesday on Oracle's Bid for PeopleSoft +Sci/Tech,Americans Using Online Reputation Systems +Sports,10th World Series Title Beckoning for St. Louis (Reuters) +Sports,10th World Series Title Beckoning for St. Louis +Business,Citigroup's Ex-Exec May Face SEC Action +Sci/Tech,Slate #39;s Webhead: Google Desktop Search Concerns +Sports,Coach Sam raises bar +World,Hoon wavers on Black Watch Christmas return +World,African Union Expands Darfur Mission +World,Israel inflicts heavy losses +World,Gunmen ambush Iraq airline staff; UK to move troops +Business,Spitzer 'targets music industry' +Sports,Scotland: Celtic reconquer lead in Premier League +Sports,"Clijsters, Hewitt Said to Split Up (AP)" +Sci/Tech,Radical fabric is one atom thick +Sci/Tech,Chronology of Intel #39;s delays and cancellations +Sci/Tech,Yahoo acquires another e-mail start-up +World,Mine blast: Death toll rises +World, #39;Bricolage #39; Barroso takes high risk EU gamble +World,Al-Jazeera Airs Tape of Weeping Aid Worker (AP) +World,Kerry to head West to hunt for votes as Bush stays back East (AFP) +Business,Coca-Cola profit hit by flat revenue +Business,Weyerhaeuser 3rd-Quarter Earnings Rise +Business,Airline applauds pilots #39; contract +Business,Hilbert: Needs To Write Conseco \$62.7M Check +Business,Trump Has New Plan To Save His Casinos +Business,Verizon to Extend Fiber Optics to Parts of Six Eastern States +Business,Ford to build new plant in Oakville: report +Sci/Tech,Chart your space odyssey \$190k +Sci/Tech,Swatch #39;s Paparazzi Watch Receives Wireless Information +Sports,Man United fans take action +Sports,Tigers hit the rock bottom +Sports,Venus v Maria in quarters +Sports,"Love game over: Clijsters, Hewitt split up, according to her Web <b>...</b>" +Sports,Jayasuriya Strengthens Sri Lanka Position +Sports,Randolph scores 34 points to lead Portland 88-85 over Toronto +World,Two major Japanese electronics companies raise earnings forecasts (Canadian Press) +World,"1 Iraqi Worker Killed, 14 Hurt in Ambush" +Business,"Stocks Open Flat, Earnings News Mixed (Reuters)" +Business,Cell Phone Market Growth Slowing-Ericsson (Reuters) +Sports,McCain calls for stricter testing +Sci/Tech,World Living Beyond Its Environmental Means-WWF (Reuters) +World,"Car Bomb Explodes in Mosul, Wounding 5 (AP)" +World,U.S. Expat Voters Out in Record Numbers in Germany (Reuters) +World,"Democrats, Republicans battle for suburban vote in US presidential election (AFP)" +World,Hassan Pleads for Her Life +Business,Stocks are little-changed in the early going +Business,Erdogan: No Troop Withdrawal in Cyprus +Business,Citigroup #39;s ex-investment head may face SEC action +Business,Trump casino group to file for Chapter 11 +Business,EXEC IS FIGHTING TO KEEP MANSION +Business,Scana Third-Quarter Profit Falls +Sci/Tech,Barrett: Intel Scraps Projection TV Chip +Sci/Tech,Shatner aims for real #39;Star Trek #39; +Sci/Tech,Tabbed windows make Safari vulnerable - Secunia +Sports,Curse of the Bambino remains in effect +Sports,Fergie: Only A Win Will Do +World,Israel kills Hamas #39;s top bomb-maker +World,Russian Firms Head List of Oil Buyers from Saddam +Business,"Google Shares Rise as Profit, Sales More Than Double (Update2)" +Business,Weyerhauser Posts Sharply Higher Profit +Business,Google Profits Fail to Push Stocks Higher +Sci/Tech,Three Kings Bearing Profits +Sports,Column: Jordan Will Not Go Down Without a Fight +Sports,Rumbling on After 30 Years - the Clash in Kinshasa +World,EU Set to Announce Funding for AU Darfur Force (Reuters) +Sci/Tech,Three Kings Bearing Profits (washingtonpost.com) +Sports,Juventus Wins in Italian League (AP) +Sci/Tech,Andrew Kantor: CyberSpeak - Ultra-accurate clocks are all around us (USATODAY.com) +World,EU Set to Announce Funding for AU Darfur Force +Business,Asbestos scandal bosses still get golden handshake +Business,BHP retains confidence in China +Business,Securities Regulation Panel To Rule On Gold Fields Offer +Business,ALH at the vanguard of retail space race +Sci/Tech,Phishing may have hit Google users +World,Shanghai keeps abreast of Western trends +World,PM keeps change to minimum +Business,Oil Hits New Highs Above \$55 a Barrel +Sci/Tech,Gateway To Reenter Japanese PC Market +Business,HCA posts 26 percent drop in 3Q earnings +Sci/Tech,"Yahoo! Adds to E-mail, RSS Assets" +Sports,Mutu: I took drugs but not cocaine +Sports,It #39;s splitsville for Clijsters and Hewitt +Sports,Cricket: Sri Lanka extend lead to 164 runs against Pakistan +Sports,2007 Solheim Cup pitting US against Europe to be played in Sweden +Sports,France #39;s Rothen out for two months with ankle fracture +Sports,"Galaxy, Rapids to get reacquainted quickly" +Sci/Tech,Nextel 3Q Profits Increase 69 Percent (AP) +World,Duma ratifies Kyoto protocol +World,"Car bomb explodes in Mosul, wounding 5" +World,Shock images to make smokers quit +Sci/Tech,Google Results Rekindle Internet Fervor +Sci/Tech,Science salutes its ocean giant +Sci/Tech,Luther's lavatory thrills experts +Sports,Steinbrenner to Cashman: You're Not Fired (AP) +World,Israel kills key Hamas bomb maker in air strike +Business,Belo Profit Slides on Scandal Costs +Business,Google-licious! +Business,The day Hardie #39;s sums didn #39;t add up +Business,Tech Giant Ericsson Posts Solid 3Q Profit +Business,Citigroup Says SEC May Take Action Against Jones (Update3) +Business,Treasuries ease slightly on oil impact uncertainty +Business,ALH battle demands far-sighted analysis +Sci/Tech,Google fix second phishing vulnerability +Sci/Tech,Nokia: Consumers increasingly giving up their fixed line phones +Sci/Tech,Guardian: Apple Must License or Perish +World,Wenger to wait on Vieira for clash with ambitious United (AFP) +Sports,Rams QB Leaves Game With Shoulder Injury (AP) +Sports,"Tennis Stars Clijsters, Hewitt Split" +Sports,Elvstroem to unseat favourite +World,Video Airs British Hostage Asking for Troops Withdrawal +World,Israelis kill Hamas rocket expert +World,Black Watch ordered to help US take Fallujah +World,Fidel Castro Falls Down +World,"Carrot offered on nukes, but Iran to say stick it" +World,Karzai team '100 percent sure' of victory despite irregularities probe (AFP) +Sports,Ljubicic Edges Into Madrid Semifinals +Business,Crane Shares Rise on Settlement News +Sci/Tech,Deep Impact Space Probe Aims to Slam Into Comet (Reuters) +Business,Falconbridge Profit Rises Eightfold on Nickel Prices (Update1) +Business,FOCUS: N America Shares Vital In S Africa Gold Battle +Sci/Tech,Einstein Gravity Effect Demonstrated by NASA +Sci/Tech,IBM unveils low-cost blades +Sci/Tech,Cisco buys network security company Perfigo +Sci/Tech, #39;Paparazzi #39; watch calls time on celeb searches +Sci/Tech,Microsoft to charge on license for dual-core processors +Sci/Tech,Audubon: Some Iowa birds in trouble +Sci/Tech,Apple builds on iPod chic +Sports,Series to savor: Top highlights from 2004 ALCS +Sports,"In the Cards: St. Louis wins NL title, date with Sox" +Sports,"Nestor, Knowles in Madrid Masters final" +World, #39;Tin Tin #39; row: Congo recalls envoy +Business,Higher metals prices boost Falconbridge +Business,BHP Billiton Says Global Economic Growth Is Slowing (Update1) +Sci/Tech,Mail Search Gets Hotter +Sports,Ljubicic Edges Into Madrid Semifinals +Business,Schlumberger Posts Profit But Shares Fall (Reuters) +Business,Schlumberger Posts Profit But Shares Fall +World,Weeping hostage pleads for life +World,Abu Ghraib and Guantanamo absent from US presidential campaign debate (AFP) +World,Unknown actor for Superman role +World,Brazil Unemployment Falls to 10.9 Percent +Sci/Tech,EU set to decide on Oracle next week +Sci/Tech,IBM unveils low-cost blades +Sci/Tech,New Netsky worm linked to South Korea +Sci/Tech,Stadiums go high tech +Sci/Tech,"Intel outlines Wireless USB security, use" +Sports,Besnard in cruise control +Sci/Tech,Be Careful with Google Desktop Search +Business,EMI to Face Spitzer Music Industry Probe +Business,Ex-Citigroup Executives May Face S.E.C. Charges +Sci/Tech,Software patents raise hackles in Britain +Business,Oil Bubbles Over \$55 a Barrel +Sci/Tech,Photo gallery: Game on for tech gear +Sci/Tech,"Sports venues look to score with wireless, HDTV" +Business,High oil prices results in lower stock prices +Business,Chapter 11 now a sure bet for Trump casinos +Business,Unemployment drops in battleground states +Business,DOE awards \$235 million for clean-energy power plant in Fla. +Sci/Tech,Yahoo Buys E-mail Search Company +Sci/Tech,Google Phishing Holes Found +Sci/Tech,Ethernet storage system brings 800GB to SMBs +Sports,Remaking The Red Sox +Sports,Gunners try to extend unbeaten run to 50 +World,Death toll rises to 66 from Chinese coal mine explosion as <b>...</b> +World,"Mbeki, Obasanjo in New Attempt to Spread Nepad" +World,"London shares close flat on NY losses, new record high in oil prices (AFP)" +World,McLellan defends Martin against questions on his attitude to health care (Canadian Press) +Sports,Sharapova Tops Venus in Swisscom Challenge (AP) +Business,HCA Blames Hurricanes for Lower Earnings +Sci/Tech,Gateway spices up new notebooks +Business,"Swing States Show 2,800 Net Job Loss (Reuters)" +Business,EMI to Face Spitzer Music Industry Probe (Reuters) +Business,"Stocks Slip on Oil, Microsoft Forecast" +Business,Google #39;s Profits Go Ga-Ga +Business,Update 4: Crude Oil Prices Rise for 3rd Straight Day +Business,US Airways Pilots Accept 18 Percent Cut +Business,"Saab Posts Gain in Profit, Sales" +Business,BHP confident of China demand +Business,Gas pipeline feeding Arizona reopened +Sports,Keane and Vieira in OT fitness race +Sports,San Jose vs. Kansas City +Sports,NFL Still Barring Williams +World,Kidnapped aid worker makes plea in video +World,Palestinians seek vengeance after Hamas killings +Sci/Tech,Yahoo Acquires Email Search Developer Stata Labs +World,"EU presses US to follow suit, after Russia ratifies Kyoto (AFP)" +Business,Oil Rises to Record as China #39;s Growth Expected to Boost Demand +Sci/Tech,Midland #39;s 3Q Is Slammed by Hurricane Losses +Sports,Japanese bank joins battle for control of Manchester United +Sports,Ask Vic: Another victory for Patriots +Sports,"Starcraft, Elvstroem, Paolini to meet in contentious WS Cox Plate" +Sports,Solheim Cup handed Swedish return +World,Hamas militants vow revenge for assassination +World,Pit disater set to be nation #39;s worst this year +World,Bush calls out the wolves on Kerry (AFP) +World,Swedes in danger of loving crayfish delicacy to death (AFP) +Business,"HCA 3rd-Qtr Net Falls, Hurt by Hurricanes" +Business,US Airways Pilots Approve 18 Pay Cut +Business,"Bush Signs \$145 Bln Corporate Tax Cut, Tobacco Buyout (Update1)" +Business,Tribune #39;s Hoy cutting its staff by 20 percent +World,F1: Montoya sets early pace +Sports,Cardinals capture pennant in spectacular fashion +World,EU envoy heads for Darfur talks +World,Africa #39;s big plan #39;disappointing #39; +Sci/Tech,EU court ruling on Microsoft could come by mid-Nov. +Business,Jury Finds No Fraud in Big Asbestos Case +Sci/Tech,Unisys boosts COO to CEO +Business,Google advertising boom +Business,US Airways pilots OK wage rollback +Business,Trump Forms Casino Reorganization Plan +Sci/Tech,US-European Mission To Solve Mystery Of Saturn #39;s Enigmatic Moon +Sci/Tech,IBM Cuts Blade Servers for SMBs +Sports,Sharapova downs Venus to reach Zurich semi-finals +Sports,Montoya leads opening practice in Brazil +Sports,Pakistan move into slender lead +World,Nepad under the microscope +Sci/Tech,Yahoo joins the search with Stata purchase +World,Spain Seeks Terror Suspect's Extradition (AP) +World,"China coal mine blast death toll rises to 66, hope fades for 82 missing (AFP)" +Sci/Tech,Cassini Probe to Fly by Saturn #39;s Moon Titan Tuesday +Sports,Bama Game is Important to Fulmer +Business,Bush Signs \$136 Billion Corporate Tax Cut Bill +Business,"Without fanfare, Bush OKs corporate tax cuts" +Sci/Tech,Google #39;s Profit Growth Continues +Sports,Five keys to the 2004 World Series between the Cardinals and <b>...</b> +Sports,Police warn referee ahead of game +Sports,"Sharapova beats Venus, advances to all-Russian semi" +Sports,FIA mandates engine power cuts +Sports,Figure Skating: France #39;s Joubert leads Skate America after men #39;s <b>...</b> +World,Icelandair buys 8.4-percent stake in EasyJet (AFP) +World,"Sudanese opposition, government hold Cairo-mediated peace talks (AFP)" +Sci/Tech,Infineon Execs Plead Guilty +Business,Oil prices climb towards 55 dollars +Business,Bush quietly signs corporate tax-cut bill +Business,Donnelley settles decade-old suit +Business,Citigroup Says SEC May Take Action Against Jones (Update6) +Business,"OECD Applauds Turkey #39;s Economic Growth, Urges Cutting Unofficial <b>...</b>" +Sci/Tech,Integrity of Fla. Virtual Vote in Doubt (AP) +World,A French fried policy +World,"Commonwealth chief says parliament, courts should solve Musharraf row (AFP)" +Sports,Sharapova Downs Venus to Reach Zurich Semifinals +Sports,Broadhurst Honors and Obeys by Taking Madrid Open Lead +Sci/Tech,New details on Elder Scrolls IV +Sports,FIA force through rule changes +Sports,Clash of unbeatens +World,Video: Abducted Aid Worker Pleads for Life +World,"Finally, right-minded on the right" +Business,Google Results Revive 'Dot-Com' Fervor +Sports,Veteran Umpire Montague to Call Game 1 (AP) +Sports,Appeals Court Won't Rehear Clarett Case (AP) +Business,UK's EMI Says to Face Music Industry Probe in U.S. +World,"Give me back my rights, Milosevic tells appeals court (AFP)" +Business,Unisys boosts COO to CEO +Sci/Tech,Virgin CEO says thousands are signing up to take flight into space +World,Nigerian Women to Appeal Death by Stoning (AP) +World,U.S. Embassy Says Laos Attacks Possible (AP) +Sports,Love match over for Hewitt and Clijsters +Sports,Columnist Sal DeFilippo: Patriots-Jets: Zero in common and not <b>...</b> +Sports,Tide-Vols feud may be nation #39;s biggest +World,Israel kills senior Hamas militant +World,EU envoy heads for Darfur talks +World,Myanmar #39;s friends +Business,EMI to Face Spitzer Music Industry Probe +World,British-Iraqi Hostage Pleads for Her Life +World,N.Korea Sets 3 Conditions for 6-Way Talks to Resume +Business,US OKs Device to Treat Uterine Fibroids +World,China Mine Blast Death Toll Rises to 66 (AP) +Business,"Dow Hits Intraday Low 9,803.74 for Year" +Business,Marsh to Replace CEO Greenberg - FT +Sports,Interlagos: Williams top first practice +Sports,Interlagos: The Race Preview +Sci/Tech,Mercent making cents of Amazon for Guess +Business,"Vivendi, EMI hit by Spitzer probe" +Business,Printing giant ends discrimination case +Sci/Tech,Intel kills TV chip plans +Sci/Tech,City #39;getting stronger #39; +Sci/Tech,Worried About Missing Your Favorite Show? Just Pull Out Your Cell <b>...</b> +Sci/Tech,Japan retailers report big DS preorders +Sci/Tech,Certain Iowa bird populations in trouble +Sports,Tennis: Ljubicic powers past Johansson in Madrid Masters +Sports,Broadhurst Honors and Obeys by Taking Madrid Open Lead +Sports,Montoya tops Brazilian GP practice times +World,Margaret Hassan shown pleading for her life +Business,Marsh to Replace CEO Greenberg - FT (Reuters) +Sports,Indians Sign Howry to One-Year Deal (AP) +Business,Mass Intelligence (Forbes.com) +Business,Amazon Stock Falls As Profit Misses Mark (AP) +Sports,Arsenal Tries to Extend Unbeaten Streak (AP) +Sci/Tech,Google earnings expectations create overnight confusion +Business,Tomorrow #39;s Entrepreneurs at Univ. of N.Carolina-List +Business,Executive Life case lawyer questions Pinault +Sci/Tech,Google Wows Wall Street +Sci/Tech,San Francisco Wants Free Wi-Fi For All +Sci/Tech,"Dear browser, forgive us our sins...." +Sports,"Arsenal tries to extend unbeaten streak to 50, put away rivals" +World,British hostage begs London to scrap redeployment +World,Hooters Opens First China Outlet in Shan (AP) +Sports,Wisconsin Won't Have James Vs. N'western (AP) +World,U.S. attorney general says his country needs Canada's help to thwart terror (Canadian Press) +Sci/Tech,Thousands Sign Up for Space Flights (AP) +Business,"Despite Marketing, Cigarette Sales Fall" +Sci/Tech,2004 US Senate Outlook +Business,British Economic Growth Slows +Sci/Tech,Google Gaps Leave Search Susceptible +Sports,Mourinho accuses Mutu of untruths +Sports,Fast Forward: NFL Week 7 breakdown +Sports,College football team hopes Big Boi concert keeps team in Division <b>...</b> +World,"Powell leaves on Asian tour for talks on NKorea, US troops, Taiwan" +Business,British Economic Growth Slows (AP) +Sci/Tech,Google Phishing Holes Found (NewsFactor) +Sci/Tech,Product Review: Blackberry 7100t Smartphone (NewsFactor) +Sci/Tech,Consumers Give up Land-Lines for Cell Phones (NewsFactor) +Sci/Tech,Security Flaw in Browsers Poses Phishing Threat (NewsFactor) +Sci/Tech,Robot Future Hinges on Software (NewsFactor) +Sci/Tech,NEC Tops IBM with Speedier Supercomputer (NewsFactor) +Business,Marsh to Replace CEO Greenberg - FT +Sci/Tech,3Com opens research center in India +Sci/Tech,AMD offering blueprint for \$249 PC +Business,"Ex-Citigroup execs may face SEC charges, banking company says in <b>...</b>" +Sci/Tech,Someone Hacked Into Purdue's Computers (AP) +Sports,Wakefield #39;s nightmare becomes a dream +Sci/Tech,Sharp Departs U.S. PDA Market (NewsFactor) +Sci/Tech,Siebel Systems Delivers Q3 Profit (NewsFactor) +Business,"Google #39;s revenues spike, still short on profits" +Business,Citigroup #39;s Ex-Exec May Face SEC Action +Sports,Status for Vikings #39; Moss Uncertain +Business,Stocks Off on Microsoft; Dow at Year Low +Sports,Ohio State RB Ross Suspended for Game Versus Indiana +Business,Moody #39;s upgrades JC Penney #39;s debt ratings +Business,Dollar in the doldrums amid economic jitters +Sci/Tech,VARs Question IBM #39;s SMB Blade Push +Sci/Tech,Art as Game: Grand Theft Auto Hi +Sports,Coulthard tries to sell himself to Williams +Sports,Vikings WR Moss tests injured hamstring +Sports,Canadian ice dancers sit third at Skate America +World,Iraq captors repeat Bigley tactics +World,Palestinians Fire at Gaza Settlements +World,Injured Castro #39;still in control #39; +World,Former Costa Rican President Ordered Held (AP) +Business,Nextel Profit Rises on Customer Growth +Sports,"It may have been the last title, but it was hardly the best" +World,Poland Rejects Return of Death Penalty (AP) +Sci/Tech,U.S. Secret Service's Other Side: Fighting Fake Money +Sci/Tech,Cassini Probe to Fly by Saturn's Moon Titan Tuesday +Sci/Tech,Are Earthquakes Encouraged by High Tides? +Sci/Tech,Earliest Unhatched-Bird Fossil Found #151;Old as Dinosaurs +World,FM Shalom meets with German FM Fischer +Sci/Tech,Lunar Eclipse Wednesday to Have Easy Viewing Hours +Sci/Tech,Mercent to help Guess sell on Amazon +Sci/Tech,Taking Ethernet the distance +Sci/Tech,Photo gallery: Playing for keeps +Sports,QB Tate to Lead Injured Hawkeyes Vs. PSU (AP) +Business,"Dollar Weakens, Seen Falling Further" +Business,Euro holds its ground against dollar on Fed comments +Business,Update 3: Pinault Questioned Over Executive Life +Business,Icelandair Buys 8.4 Pct. Stake in EasyJet +Business,Jury Finds No Fraud in Big Asbestos Case +Sci/Tech,No Intel Inside TV +Sci/Tech,Scientists Obtain Evidence Earth #39;s Spin Twists Space-Time Around <b>...</b> +Sci/Tech,Epson announces R-D1 availability +Sports,Ferrari on top in practice for Brazilian GP +Sports,Mainz a pleasant surprise +World,N. Koreans Seek Asylum in Beijing School +World,Belgian PM seeks to calm spat with DR Congo +Business,"Ex-CEO, Buyout Firms Eye Toys R Us (Reuters)" +Business,"Ex-CEO, Buyout Firms Eye Toys R Us" +World,EU to Give #36;125M for Darfur Peacekeeping (AP) +World,Joint Irish-Palestinian appeal for release of kidnapped aid chief (AFP) +World,China Mine Blast Death Toll Rises to 66 +Sports,Mourinho Keeps Close Tabs on Players +Business,Bush Signs Corporate Tax Cut Bill +Sci/Tech,McAfee CFO joins Cray board +Sci/Tech,Total Lunar Eclipse to Grace World Series Game 4 (SPACE.com) +Sci/Tech,Astronaut Candidates Taste Zero G (SPACE.com) +Business,Economy cools in third quarter +Business,UPDATE 2-Fed #39;s Santomero says rate hikes depend on economy +Business,State of Hawaii bonds sell well +Business,Bush Signs Corporate Tax Cut Bill (Reuters) +Sci/Tech,More uses planned for the quot;Cell quot; processor +Sci/Tech,Yahoo Purchases E-Mail Search Company +Sci/Tech,San Francisco Aims For Citywide WiFi +Sci/Tech,The Elder Scrolls IV: Oblivion Developer Diary +Sports,Formula One gets sweeping technical changes +Sports,Fearless Freddie #39;s hooked on Funday +Sports,LJUBICIC EDGES THROUGH +Sports,Football Team Hoping to Score With Big Boi +Sports,Gerets - eyeing top spot. (Getty Images) +Business,Dow at Year Low as Oil Hits Record +Business,The Business Week In Pictures +Business,Company closes after salmonella outbreak +Sports,The Cardinals win over the Astros +World,UN Cloning Treaty on Hold Until After U.S. Election (Reuters) +Sci/Tech,Predicting a President: Slight Shift to Bush on Newspaper Sites' Electoral Maps (Editor and Publisher) +World,Saab Posts Gains in Profit and Sales (AP) +Sci/Tech,The Man Who Could Have Been Bill Gates (BusinessWeek Online) +World,"Edwards: Bush, Cheney Manipulate Facts (AP)" +Sci/Tech, quot;Blog quot; the word of the year +Sci/Tech,Briefly: McAfee CFO joins Cray board +World,UN Cloning Treaty on Hold Until After U.S. Election +World,Protesters Attack Fox's Car in Mexico Border City +Sci/Tech,'Environment threat' to Caucasus +Sports,Barrichello Fires Up the Fans in Brazil +Business,Spitzer Probing Record Biz +Business,Icelandair buys stake in easyJet +Business,New Plant Bringing 420 New Jobs To Area +Business,Falconbridge Profit Rises Eightfold on Nickel Prices (Update3) +Business,IMF chief asks oil producing nations to boost investment +Sports,Eagles' McDougle Has Irregular Heartbeat (AP) +Sci/Tech,Campaign probe names SF official +Sci/Tech,Cisco To Pay \$74 Million for Security Vendor Perfigo +Sci/Tech,Bird species showing decline +Sports,Irish Out to Protect Home Turf Against BC (AP) +Sci/Tech,Four Infineon Executives Headed to Prison +Sports,Mutu #39;s Lying Claims Mourinho +Sports,Ferrari on top in practice for Brazilian GP +Sports,Indians lock up Howry +Business,"Oil Hits New Highs, China Growth Supports" +Business,Google Results Evoke 'Dot-Com' Fervor +Business,"Dollar Slumps Broadly, More Losses Seen" +Sci/Tech,Google Shares Surge On Market Forecasts +Business,Stocks tumble as oil surges again +Sci/Tech,Yahoo Buys E-Mail Search Firm Stata Labs +Sports,UPDATE 2-Barrichello fires up the fans in Brazil +Sports,Vikings #39; Culpepper off to fastest start in league history +Sci/Tech,Global Warming Effects Faster Than Feared - Experts (Reuters) +Sports,Second Free Practice: Setting a fast pace +World,Ind. Woman Suffers Stage Fright at Debate (AP) +Sci/Tech,This week in Apple news +Sci/Tech,Less Than Lethal Weapon Proves Lethal +Sci/Tech,Ancient Bird Fossil May Suggest Link with Dinosaurs +World,"Belgians find Canadian jokes about them ""less than flattering"" (Canadian Press)" +World,Judge Investigates Another Total Executive (AP) +World,Zimbabwe to Bar Observers From Elections (AP) +Sports,Tigers Reach Deal With First-Round Pick (AP) +Business,"Dow Slides to Year Low on Oil, Microsoft" +Business,Abramovich: Sells Stake To Countryman +Business,"Ford, DaimlerChrysler close in on confirming thousands of new auto <b>...</b>" +Sci/Tech,Yahoo buys e-mail software firm Stata +Sci/Tech,Intel Abandons Projection TV Chip +Sci/Tech,IBM Slashes Blade Prices For SMBs +Sci/Tech,Epson intros rangefinder digital camera +Sci/Tech,Internet Life #39;Grand Theft Auto: San Andreas #39; Leaked to Web +Sports,"Bhupathi, Mirnyi lose in last four" +Sports,Broadhurst keeps promise to wife in Madrid +World,Vast Turkmen mosque opens +World,Wife of soldier sentenced in prison abuse scandal speaks out +Sci/Tech,Quantum buys Certance for \$60M +Sci/Tech,Avis Europe is latest to get stung by IT +Sci/Tech,EU court ruling on Microsoft could come by next month +Sci/Tech,"IT pay to rise 10 to 15 through 2007, study says" +Sci/Tech,Yahoo buys e-mail software firm Stata +Sci/Tech,U.K. officials criticize secrecy in EDS system probe +Sci/Tech,Report: Corporate security undermined by lack of cooperation +Sci/Tech,PeopleSoft posts solid Q3 revenue growth +Sci/Tech,"Bad times boost efforts to align IT, business goals" +Sci/Tech,Amazon.com net sales jump 29; Google reports \$52M in net income +Sci/Tech,Quantum buys Certance for \$60M +Sci/Tech,Cisco Beefs Up Security Through Acquisitions +World,Anti-Kerry Veterans Send Mail to 6 States (AP) +Business,Army Studying Halliburton Compromise +Business,Google Doubles Profits +Business,Chinas Q3 growth slows +Business,Bush signs \$136 billion corp tax cut bill +Business,Muncie to Get 300 New Jobs +Sci/Tech,Microsoft fixes date for desktop search tool +Sci/Tech,New IBM Blade Cuts into Small Businesses +Sci/Tech,Cisco to Acquire Perfigo +Sci/Tech,TI to put DVB-H in Single Chip +Sports,Ljubicic advances +Sports,Vettori sets up innings victory +Sports,"For one week at least, Boston lives up to its name: the Hub" +Business,CalPERS chief tries for new seat on pension board +World,U.S. Discourages North Korea WMD Attack (AP) +Sports,Michigan Secondary Looks to Bully Purdue (AP) +World,RCMP are looking into explosive comments made by Vancouver Muslim cleric (Canadian Press) +Business,Marsh Chief May Step Down as Part of Settlement +World,Rumsfeld: US to keep 'healthy deterrent' on Korean peninsula (AFP) +Sports,Wakefield Ready for the Bright Lights of World Series +Business,President Bush signs new corporate tax-cut bill +Sports,"Agassi, Ljubicic advance in Madrid Masters" +World,CICA Foreign Ministers sign declaration +World,Provisional Vote Fight Nears High Court (AP) +Sci/Tech,Halloween Evolves Into High-Tech Holiday (AP) +Sci/Tech,Yahoo to Close PayDirect Online Payments Service (Reuters) +Sports,Premiership: Manchester United V Arsenal - Clash of the Titans +Sports,Rapids look for playoff revenge vs. LA +Sports,Paint the Town Red: Red Sox and Redbirds (AP) +Sci/Tech,Google v. Microsoft: Trustbusters Not Needed +Sports,Agassi Moves Into Semis in Madrid Tourney (AP) +World,Abuse #39;ringleader #39; gets 8-year sentence +World,"Darfur security situation amplifies humanitarian crisis, United <b>...</b>" +World,Ontario delivers long-awaited gas-tax revenue to cash-strapped cities (Canadian Press) +World,Democrat Seeks Probe of Bush Aides' Travel (AP) +Business,ADV: Free Weeks of The Wall Street Journal +World,Pentagon threatens 'gravest consequences' if North Korea attacks South (Canadian Press) +Business,Marsh Stock Jumps on Talk of CEO Change +Business,Ex-Citigroup Executives May Face S.E.C. Charges +Sci/Tech,Report: Intel shelves another chip +Sci/Tech,NASA Cassini Titan Flyby Mission Description +Sci/Tech,Hacker Exposes UC Private Information +Sports,Red Sox in shape to lift The Curse with historic win +Sports,Broadhurst takes charge in Spain +Sports,Ohio St. RB suspended for Indiana game +Sports,Tigers ink top pick Verlander +World,"Sudanese opposition, government start peace talks" +World,"Ottawa balking over new offshore royalty regime for Nfld., says minister (Canadian Press)" +Sports,'Typical' Alabama Team Faces Tennessee (AP) +World,GOP Voter Drive Accused of Tossing Cards (AP) +World,Wife Invokes Supreme Court to Tout Kerry (AP) +Business,Ex-Citigroup Executives May Face SEC Charges +Business,No Kidde-ing: UTC Tries Direct Approach +Business,Canadian company to create 310 jobs at Muncie drivetrain plant +Sports,"2007 Solheim Cup to be played in Halmstad, Sweden" +World,Kidnapped CARE director urges British forces to leave Iraq +World,Haiti Accused of Making Illegal Arrests (AP) +World,Nigeria misses UN deadline to pull troops out of oilfields claimed by Cameroon (Canadian Press) +World,Scions of Utah Royalty Vie for Governor (AP) +World,Convicted Sex Offender Can Stay on Ballot (AP) +Business,Kernan Campaign Benefits from Jobs Announcement +Sports,Waltrip washed out of truck race by rain +World,Ferrari on Top in Practice for Brazil GP +World,Barrichello Fires Up the Fans in Brazil +World,Formula One Gets Big Technical Changes +Sports,Keenan McCardell Could Start for Chargers (AP) +Sci/Tech,Grand Theft Auto ... Stolen! +Sports,Battling Broadhurst back in vintage form +World,Castro remains awake in surgery to repair shattered kneecap +Sports,Baird Hits the Front in Funai Classic +Sci/Tech,Moscow lauded for ratifying Kyoto +Sports,Majors' Oldest Park Still Going Strong (AP) +Business,Report: Russian tycoon Roman Abramovich sells final stake in <b>...</b> +Sci/Tech,Branson plays space invaders in California desert +Sci/Tech,Titan Probe to Listen for Thunderstorms +Sports,Hewitt love match over +Sports,"Record 2,600 football hooligans get game bans" +Sports,Soccer: Reality bites for Romanian playboy after cocaine test +Sports,Broadhurst advances as Baker fails +World,Fidels fall fails to get US call +World,Mixed Reaction Among Iraqis Following US Sergeant #39;s Sentencing for <b>...</b> +World,Burma army intelligence #39;purged #39; +World,"Lebanon PM Resigns, Says Will Not Head New Govt." +World,C #39;Wealth backs Musharraf #39;s intention to continue as Army Chief : +Sports,Titans Put Cornerback on Injury Report (AP) +World,Brazil Reacts Angrily to Report on Nukes (AP) +Sci/Tech,Warped Satellites Prove Einstein Theory -Scientists (Reuters) +Business,Greenberg son #39;to stand down at Marsh #39; +Business,"At Google, Earnings Soar, and Share Price Follows" +Sci/Tech,Yahoo to scrap online payment service +Sports,Coulthard has one race to prove his worth +Sports,Broadhurst ticks over for Volvo +Sports,UPDATE 1-Baird keeps Lehman at bay in Funai Classic +World,FEAR FOR GUARDS AS SCOTS GO NORTH +World,Doubts Increase Over Myanmar Democracy Plans +World,C #39;wealth boss lays off from criticising Musharraf over uniform <b>...</b> +World,Hunt for Indian bandit #39;s hidden jungle treasure +Sports,Toyota May Prepared to Supply Engines to Another Team +World,Agency pleads for hostage release +World,UN cuts Cyprus peacekeepers +World,Uzbek court jails 23 over attacks +World,Bankrupt Nauru goes to the polls +World,Ex-Costa Rica leader held in jail +World,Raids on Ukraine poll opponents +World,Civil servants vote for walkout +Business,NetSuite smartens up CRM +Business,Open source or outsource? +Business,United Asks Court to OK Analysis +Business,Canadian company to create 310 jobs at Munci +Sports,Sox Fan's Death Raises Questions on Force (AP) +Sci/Tech,Yahoo to close online payment service +World,A Look at U.S. Military Deaths in Iraq (AP) +World,Bush Signs #36;136B Corporate Tax Cut Bill (AP) +Sci/Tech,"Canada to Protect Slug, Whale, Endangered Species (Reuters)" +Sports,Boston Hopes to Make Believers Out of Skeptics (Reuters) +Sports,Boston Hopes to Make Believers Out of Skeptics +Sci/Tech,Autodiscovery Hall of Shame +Sci/Tech,FOAI Lands FAA Conversations +Sci/Tech,Integrity of Florida E-Voting in Doubt (AP) +World,UN Declines to Train Iraqis for Saddam Trial +Sci/Tech,Vulnerability hits Java for cell phones +Sports,Williams to Start Game 1 for Cardinals (AP) +Business,British economic growth slows in third quarter +Business,Icelandair lands 8.4 of easyJet +Business,United hires consultant to review plans; union suit dropped +Business,The Conference Board #39;s Index of Leading Economic Indicators <b>...</b> +Business,Gold Fields challenges ruling that let Harmony bid +Sci/Tech,Yahoo Acquires E-mail Software Firm +Sci/Tech,Bird fossil may show dinosaur link +Sci/Tech,TI announces plans for cell phone TVs +Sci/Tech,Synchrotron puts city into national spotlight +Sports,Cardinals finish off Astros; Red Sox up next +Sports,Agassi moves into semis at Madrid +Sports,Nuggets Anthony denies marijuana was his +Sports,Jayasuriya hits form in Faisalabad +Sci/Tech,Dell updates low-end server line +Sports,BRAWL-OUT WAR ... the 1990 clash +Sci/Tech,Photo: PalmOne's Treo 650 +Sci/Tech,Briefly: Dell updates low-end server line +Sci/Tech,SAS Institute lures former Red Hat CFO +World,Kyoto Protocol Clears Key Hurdle in Russia (AP) +Sci/Tech,Software giant Microsoft rings up multibillion dollar profit gain (AFP) +World,"200 litres of fuel spilt in Coral Harbour, Nunavut, during resupply operation (Canadian Press)" +Sports,Kite Maintains One-Stroke Lead at Schwab (AP) +Sci/Tech,Calif. Nixes Tiger Salamander Protections (AP) +Sci/Tech,Bells Look to Fiber After Regulatory Wins (AP) +Business,Spitzer #39;s beady eye of the law spooks insurers +Business,Kidde shares up 38 since offer +Business,Icelandair in swoop on easyJet +Sports,It will take more than a win to convince me everything is fine <b>...</b> +Sports,Man U fan turns to Nomura in effort to block US tycoon +Sports,Baird moves out in front at Disney +World,U.N. Won't Train Judges for Iraq Tribunal (AP) +World,Northern Uganda #39;world #39;s biggest neglected crisis #39; +Business,"Rates have peaked, says City" +Business,Schwarzenegger Opens Stop on #39;Hydrogen Highway #39; +Business,"Put up or push off, City patrician tells #39;Bid #39;em up Bruce #39;" +Sci/Tech,San Francisco aims to bridge digital divide +Sports,Stradivarius Cards still playing second fiddle +World,Harry says sorry to family for embarrassment +World,North Korea Sets Conditions for Joining Six-Party Nuclear Talks +Sports,City Lawyer Reviewing Anthony Drug Case (AP) +Sports,LPGA Tour Rookie Beisiegel Ends With 79 (AP) +Business,Easyjet soars as Icelandic airline buys 33m stake +Business,Google Results Evoke 'Dot-Com' Fervor (Reuters) +Business,Marsh Stock Jumps on Talk of CEO Change (Reuters) +Sci/Tech,Microsoft Desktop Search Beta Coming Soon +Sci/Tech,SF mayor: A chicken in every port +Sports,Kite clings to lead at Schwab Cup Championship +World,Abducted Aid Worker in Iraq Begs for Life (AP) +World,"SORRY DAD, SAYS HARRY" +World,Bush Declares Kerry Can't Keep U.S. Safe (AP) +World,Actor Reeve Shown in Calif. Stem Cell Campaign Ad (Reuters) +World,Momentum Builds for U.S. Role in Paying Highest Health Costs +World,"In Character, a Quick Exit Is Required" +Sports,No Patriots Letup After Pennington's Long Day +Business,PeopleSoft's Prevarication +Business,Common Sense Investing +Business,Six Tips for a Clean Credit Record +Business,Nextel's Walkie-Talkie Grows Up +World,Justice at last in sight over Air India terror bombings (AFP) +Sci/Tech,The New Republic Endorses Kerry! +Sci/Tech,Yahoo! enhances its arsenal to take on Google +Sci/Tech,800M PLEDGED FOR VIRGIN BOSS #39;S SPACE TRIPS +Sci/Tech,Grand Theft Auto San Andreas leaked +Sci/Tech,Cassini-Huygens Set for Closest-Ever Flight Past Titan +Sports,City lawyer still reviewing facts of Anthony drug case +World,Timeline: Margaret Hassan +World,880 Pounds of Cocaine Seized Off Colombia (AP) +World,Hostage Begs the British to Remove Troops in Iraq +World,Officials Fear Iraq's Lure for Muslims in Europe +Sci/Tech,Microsoft fixes date for desktop search tool +Sports,Arsenal boss: Vieira 50-50 for Man Utd +Sports,Sharapova beats Venus Williams for Zurich tennis semis +Sports,No Patriots Letup After Pennington #39;s Long Day +Sports,Kite maintains lead in Sonoma +Sports,A Coach Is Forced to Tackle the Lawyers #39; Game Plans +Sports,"Louis Hillary Park: Elections, World Series make for a fun days <b>...</b>" +World,Asian countries pledge closer cooperation in fighting against <b>...</b> +Sports,Nuggets Overpower Warriors for 105-86 Win (AP) +Sci/Tech,Biotech Bug Busters Try to Save Venezuela Art Works (Reuters) +World,Fall in football hooligan arrests +Business,Caesars agrees to sell Bally #39;s New Orleans in \$24 million deal +World,Ukrainian cops search homes of opposition activists in runup to election (Canadian Press) +Sports, #39;Aussie Kim #39; calls time on Hewitt love match +Sports,Lackluster effort leaves Gordon behind Newmans record run +World,U.N. Panel: Cambodia Could Be Terror Haven (AP) +Business,Pressure Said to Be Building for Ouster of Marsh's Chief +Sci/Tech,Mobile Operators Seek Higher Sound Quality (Reuters) +Business,"Rah-Rah, Sis-Boom-Bah for Google! Or Not" +Business,"In Swing States, Growth of Jobs Has Faltered" +Business,Forecast for Chip Industry Sees a New Order of Business +World,Memos Warned of Billing Fraud by Firm in Iraq +World,A Look at Lawsuits Ahead of Election (AP) +World,Japan Finds Another Suspected Mad Cow Case (AP) +World,Cheney Derides Kerry Over War on Terror (Reuters) +Business,Delta Air Lines Prepares Chapter 11 Filing +Business,Oil Price Tops \$55; Heating Supply Low +Business,U.S. Limits Chinese Sock Imports +Business,Marsh Talks to Spitzer About Settling +Business,Fannie's Issues: Simple or Not? +Business,TSA Tightens Rules For Flight Training +Business,Sox Are Up? Sell! +Business,"Schwarzenegger unveils hydrogen Hummer, but not how he planned" +Sci/Tech,NASA Space Station On-Orbit Status 22 October 2004 +Sports,Safin salvages victory +World,Castro Says He Stayed in Charge After Fall +World,Cambodia seen as potential terror haven +World,Karzai Rivals Whittle Away at Afghan Vote Lead +Sports,Searching for Offense +Sports,A Special Free Agent +Sports,Newman Grabs Pole +Sports,The Rundown +Sports,"Monsters, Inc." +World,Kidnapped Aid Official Begs Blair To Save Her +World,Egypt Inquiry Slowed by Lack of Evidence +World,Italy Asks a Banner Question: Whodunit? +World,880 Pounds of Cocaine Seized Off Colombia +World,Motor Racing: Toyota May Supply Engines to Another Team +Sports,Kirilenko May Be Near Contract Extension (AP) +Business,US Airways pilots vote for pay cuts of \$300m +World,Quebec provincial police secretly installed camera in Kanesatake territory (Canadian Press) +Sports,American judge rejected from FIG technical committee +Sports,Aussie drought to break at Classic? +World,Kidnapped Aid Official Begs Blair To Save Her +Sci/Tech,Nextel Profit Up +Sci/Tech,SEC Asks Appeals Court To Reinstate AOL Lawsuit +World,U.S. Sends 3 Planes to Aid Darfur Peace Force +Sci/Tech,Web Desktop Moves Raise Security Alerts +Sports,A slugger #39;s paradise +Sports,Ljubicic beats Henman while Agassi advances +Sports,Bourdais eyes Champ title +Sports,Clarett #39;s Bid to Have Court Reconsider Lawsuit Is Rejected +World,Japan Finds Another Suspected Mad Cow Case +Sci/Tech,Regulators Let Cingular Buy AT #38;T Wireless (washingtonpost.com) +World,U.S. Aims to Revive 6-Way N. Korea Talks (AP) +World,A New Judgment Day For Decalogue Displays (washingtonpost.com) +Sports,It's All in the Name +Sports,Lehman Lurks in Fla. +Sports,Fuzzy Math +World,Fallujah Insurgents Fight US Marines for Second Day (Update1) +World,"Japan May Have 15th Case of Mad Cow Disease, Kyodo Says" +World,U.N. Won't Help Iraqis With War Crimes Trials +Sports,Bloodied Harpring Leads Jazz Over Kings (AP) +Sports,This Date in Baseball for Oct. 23 (AP) +Business,S.E.C. Warns It May Act On Ex-Officer Of Citigroup +World,Family of Israeli-Arab Released Cheers (AP) +Business,Crude oil prices rise to above US\$55 a barrel +Business,A New Order of Business for Chip Industry +Sports,France #39;s Joubert wins Skate America men #39;s title +World,Hamas vows to avenge leader #39;s death +Sci/Tech,Dell gets Philips order +World,Officials Fear Iraq's Lure for Muslims in Europe +Sci/Tech,Agency: Calif. Water Shift Won't Hurt Fish (AP) +Sports,Peguero's Goal Gives Colorado Playoff Win (AP) +Business,Crude oil futures rise for third straight day +Business,"Schwarzenegger unveils hydrogen Hummer, but not how he planned" +Sports,No. 15 Louisville Blows Out South Florida +Sports,Cardinals Trounce Bulls +Sports,Colorado State 'Boots' Wyoming 30-7 (AP) +Business,Caesars OKs Sale of Bally #39;s New Orleans +Sci/Tech,Web watch: Google desktop +Sports,TODAY #39;S MATCHUP: MIAMI AT NC STATE +Sports,Newman wins pole in Martinsville +Sci/Tech,Web Desktop Moves Raise Security Alerts (Ziff Davis) +Sports,Motorsports: Ferrari dominate second practice at Interlagos +Sports,Berlin brings calm to #39;Canes +Sports,It #39;s Decision Time for Nets #39; Collins +World,Al Jazeera airs video of Margaret Hassan pleading for her life +World,Tendulkar set to play in third test v Australia (Reuters) +Sci/Tech,Ex-CIA Chief Gates Warns on Cyberterror (AP) +Business,Crude Oil Closes Above \$55; Tight Winter Supply Is Seen +Business,President OKs overhaul of corporate tax law +Sci/Tech,Soyuz set to return tonight +Business,Google #39;s First Report Is a Goodie +Business,Ericsson Returns to Profit but Lowers 2005 Outlook +Business,Tripath Tech sees Q3 loss widening +Sci/Tech,Cassini probe to return to Saturn moon +Sports,Tracy wins pole at Surfers Paradise +World,Japan discovers another suspected mad cow case +Sports,Baseball and its fans recover from 1994 strike +World,"Despite his fall, experts say Cuban ruler has no plan to give up <b>...</b>" +Sports,Chase for the cup dividing fan camps +Sports,Baird Leading Mickey Mouse Club +Sports,"Nets Get 23 From Jefferson, Beat Celtics" +World,Two guards appear in court martial hearings +Sci/Tech,Nextel's Profit Rose by 69 in 3rd Quarter +Business,A deal would officially end billing disputes +Sci/Tech,SHATNER ANTES UP TO BEAM UP +Sports,Bryant carries Lakers past Clippers +World,Hostage Margaret: #39;I don #39;t want to die like Bigley #39; +World,Middle East ; Iran nuclear deal #39;tied to US election #39; +World,"US Planes Hit Iraq's Falluja, Zarqawi Man Seized" +Business,Google #39;s share price surprises +Business,Settlement Offered in Drug Patent Case +Sci/Tech,Video-game market is hot +Sports,His father made him a Cardinals fan forever +World,Latest kidnapping angers many Iraqis +World,Death toll in China mine blast reaches 77; search for survivors continues (AFP) +Sci/Tech,Toshiba readies HD DVD laptop +Sports,"Red-hot World Series: Red Sox, Redbirds" +Sports,Newman shatters track record en route to Subway 500 pole +World,Aid worker pleads for her life +World,Explosion of Postwar Humor Helps Iraqis (AP) +World,Summary: Momentum Key in 2004 Election (AP) +Sci/Tech,"Crocodile Husbandry Is Really Hard, China Finds" +Sci/Tech,Russia's Lower House Approves Kyoto Treaty on Emissions +Sci/Tech,A Quiet Struggle for the Conservationist Vote +Sci/Tech,"Once Red, 'Mr. Green' Is a Hero Anywhere but at Home" +Business,Defense Lawyers in Disney Trial Try to Discredit a Witness +Sci/Tech,Relativity prediction is correct +Sports,French Joubert wins men #39;s figure skating title +Sports,Change-up: Tigers sign top draft pick Verlander +Sports,Low-Key Suppan Plays Big Role for Cards (AP) +Sports,Briny Baird Seeking Elusive PGA Tour Win (AP) +World,Karzai maintains clear majority as Afghan vote count passes 75 percent (AFP) +Sports,Falcons Coordinator Donatell Bounces Back (AP) +Sci/Tech,Music Player/Storage Device Holds 100Gb of Data (TechWeb) +Business,Oil futures pass \$55 US for first time +Business,Schwarzenegger unveils hydrogen-powered Hummer +Business,"States hurricane losses includes 9,500 lost jobs" +Sci/Tech,Synchrotron to shed lot of light +Sci/Tech,Big leagues +Sports,"It #39;s not party time yet, Boston" +Sports,World Series preview - NL +Sports,POLICE TO WARN ARSENAL amp; MAN U PLAYERS +Sports,Tracy claims Indy pole +Sports,Tendulkar cleared for Test return +Sports,Hurricanes take on nation #39;s No. 1 defense +World,Germany to continue Iran talks before Nov.25 +World,Karzai maintains clear majority +Sports,Belichick is in rare form +Sports,Red Sox Nation set for Game 1 +Sports,Too close for comfort +Sports,He's safe: Steinbrenner keeps Cashman +Sports,Sox don't underestimate challenge +Sports,Still a mystery to most +Sports,Pressed into service +Sports,Rolen finds sweet spot at just the right time +Business,"Thanks to Snowe, Maine a clear winner" +Sports,Wakefield is prepared to take charge +Business,Lexington software firm shuts down +Sports,Pesky happy to be back +Business,Banks plan Series events +Business,"For Google investors, a taste of '90s" +Business,Bush signs \$136b tax relief bill +Business,Custom-made-- in China +Sports,Harvard facing challenging test +Sports,Irish have too much fight +Sports,Gilmore fuels the Jets +Sports,Cheney in fine form for Foxboro +Sports,Studley is too much for Cambridge +Sports,Holliston is pushed by Rogers +Business,"For Google investors, a taste of #39;90s" +Business,"Harmony, South African Gold Producers Hurt by Rand Strength" +Sports,Indian team arrives at Nagpur +World,China coal mine toll rises to 66 +World,Roadside bomb injures six GIs in Iraq +World,Aid worker held in Iraq pleads for her life +World,Haiti violence is seen as worsening +World,Darfur peacekeeping to get \$125m from EU +World,Vote in Russia pushes greenhouse gas pact toward ratification +World,North Korea sets conditions on talks +World,Rape Acquittal Criticized in Venezuela (AP) +World,"US Forces Bomb Iraq's Falluja, Seize Zarqawi Aide" +World,N.Korea Vows to Double Deterrent if No U.S. Change +Sci/Tech,Are You Ready for Election Day? +Business,FOCUS: AXA #39;s Asia Buyout Failure Won #39;t Change Strategy +Business,Bush signs \$136b tax relief bill +Sports,Japanese bank to control future ticket sales and media rights +Sports,Hoosiers have opportunity to prolong Buckeyes #39; woes +World,"Japan, U.S. Agree Resumption of Some Beef Imports (Reuters)" +Sci/Tech,Calif. Salutes Global Warming Fighters (AP) +World,"Japan, U.S. Agree Resumption of Some Beef Imports" +Business,"Japan, U.S. to Resume Some Beef Imports" +World,Game appeal for Uruguay's voters +Sports,Passing thoughts on Yankees-Red Sox series +Sports,Moss possible for Sunday +Sports,BASEBALL: JETS ARE FLYING +Business,Coca-cola earnings lose their fizz +Sports,"Molik, Sharapova through to Zurich last four" +Sports,Els still has major ambitions after l million pound payday in <b>...</b> +World,Head of charity urges release of Iraqi director +World,Myanmar Says Constitution Talks to Restart Soon +Sports,Signal back at Suffolk +Business,Marsh CEO on hot seat +Business,Consultant to review United plan; unions drop lawsuit +Sports,Sharapova eclipses Venus +Sports,Arsenal tempers on high after blast from Man Utd boss +World,Who were Veerappan #39;s political patrons?: +Sci/Tech,Why the Democrats are sucking +Business,Pound Has Weekly Gain; September Retail Sales Unexpectedly Rose +Sports,Ferriss has been waiting for this moment +Sports,Playing out the big game +World,Myanmar Says Constitution Talks to Restart Soon +World,Vindication will rest in election +World,Earthquake of Magnitude 6.8 Jolts Tokyo (Reuters) +Business,"Loonie vaults over 81 cents to 12-year high on US\$ weakness, high <b>...</b>" +World,Summary: Argentina Fire Kills 174 People +Sports,HEWITT IS DUMPED BY PHONE +Sports,Formula One legislates changes to make racing more competitive +Sports,Long-driving Kuehne finally breaks out of 2004 slump +Sci/Tech,Nintendo apes around +World,Race on to rush relief to Philippine flood victims +World,Cricket: Tendulkar fit for Test +World,No Harry apology to photographer +Sci/Tech,Is That a Pilot in Your Pocket? +Sci/Tech,November Harvest for CherryOS +World,UK ; Ex-lover seeks input into Blunkett visa abuse probe: report +Sci/Tech,Robots Generate Some Buzz +Sci/Tech,U.N. Clone Treaty Still on Ice +Sports,Boxer charged with killing sportswriter +World,Iraq bomb blast kills nine +World,N.Korea Vows to Double Deterrent if U.S. Won't Change +World,Earthquake of Magnitude 6.8 Jolts Tokyo +World,Myers Denies Doubts on Afghan War Plans +World,Rape Acquittal Criticized in Venezuela +Sci/Tech,Stadiums go high tech +Sci/Tech,Vulnerability hits Java for cell phones +Sports,Pujols makes Cards a major threat +Sports,Ferguson confident Utd can keep their cool +World,Strong earthquake jolts Tokyo +World,"Strong Quake, Aftershocks Hit Northern Japan" +Business,Icelandair buys small part of easyJet +Business,Executives of US-based miner Newmont to be freed in Indonesia <b>...</b> +World,Gov't shells out billions on outside consultants (AFP) +Sports,Lanka set Pak historic target of 418 to win +Sports,"Ross out, and strip club manager says tailback passed stolen bills" +World,Palestinian #39;collaborator #39; killed: Hamas +World,Death toll in China mine blast reaches 77 +World,Hamas Gunmen Kill Alleged Collaborator in Gaza +Business,Leaders #39; reactions mixed on possible Legoland sale +Sports,Ferguson and Wenger #39;are friends #39; +Sports,S Korean gymnast accepts ruling +World,Mid-East #39;drifting towards chaos #39; +World,No apology from Prince Harry +World,EU #39;s Barroso not to reshuffle team +World,"Commonwealth chief says parliament, courts should solve Musharraf <b>...</b>" +World,Hamas Gunmen Kill Alleged Collaborator in Gaza (Reuters) +Business,PG amp;E ready to pay +Business,Flautre: Referendum Proposal is a Shame +Sci/Tech,Captain Kirk signs up for real life space travel +Sports,Pole could boost Newman #39;s Chase chances +Sports,Smart Ones Smart America: Frenchman wins despite errors +World,Middle East Conflict Killed 219 last Month +World,Strong quake rocks Tokyo and surrounding areas (AFP) +Sports,"Kite goes everywhere, but stays at the top" +World,Reuters Poll: Bush Holds Two-Point Lead Over Kerry (Reuters) +World,"Strong Quake, Aftershocks Hit Japan; 1 Dead" +Sports,"Notebook: Belbin, Agosto retain No. 1 standing" +Sports,Arrests at English Soccer Matches Fell 10 Per Cent Last Season +Sports,Boston Hopes to Make Believers Out of Skeptics +Business,"Stocks Seen Stymied by Oil, Earns" +Business,Wall Street Fears an Undecided Election +Business,"Finance: It's Almost January, Already" +Business,'City of Looms' Fears for Its Future +World,"Part-Time Soldiers, Injured but Not Yet Home" +Sci/Tech,Blinding Flashes +Sports,Bones will not break +World,EU to finance over half of African mission in Darfur +Sports,Lay-off will not affect Tendulkar #39;s performance: Ganguly : +World,Burma says constitution talks to restart soon +World,"Powell Looks to Reassure North Korea, Push to Resume Nuclear Talks" +Business,"Stocks Seen Stymied by Oil, Earns (Reuters)" +Business,Wall Street Fears an Undecided Election (Reuters) +Sci/Tech,Livewire: Futures Markets Allow President Race Wagers (Reuters) +Sci/Tech,"PluggedIn: Wireless Companies Chat Up Teens, Young Adults (Reuters)" +Sci/Tech,NEC launches worlds fastest supercomputer +Sci/Tech,Inventories Down for Intel in Q3 +Sports,Broadhurst homes in on title win after difficult few years +Sports,Baird leads Lehman by 1 as Singh fades at Disney +World,Harry won #39;t say sorry for paparazzi scuffle +World,Militant group threatens to avenge Indian bandit Veerappans <b>...</b> +World,Several Hurt in Afghan Capital Blast-Witnesses +Sci/Tech,"PluggedIn: Wireless Companies Chat Up Teens, Young Adults" +World,Captive asks Blair to please help me' (Chicago Tribune) +World,Westerners Attacked With Grenade in Kabul (AP) +Business,"Japan, U.S. to Resume Some Beef Imports" +Sports,UPDATE 2-Marshall lifts Kiwis to emotional win +World,U.S. Rejects N.Korea Conditions for Nuclear Talks (Reuters) +Sci/Tech,Scholar disputes claim in hacking attack +World,Hamas executes Israel collaborator +Sports,Pilkadaris Takes Shanghai Open Lead (AP) +Business,Saboteurs Bomb Iraqi Pipelines to Baghdad +World,EU to Give #36;100 Mln for AU Force in Darfur-Solana (Reuters) +World,Prince Harry won't say sorry for paparazzi scuffle (AFP) +Business,Wal-Mart Keeps Same-Store Sales Outlook (Reuters) +Sports,Young Finn sweeps defending champ in final +Sci/Tech,Crew Prepares to Leave Space Station (AP) +World,Suicide bomber hits Kabul street +Business,Mortgage rates take a tumble +Sci/Tech,Weapon is stadium-sized microscope +Sci/Tech,Space station crew prepares for return home +Sports,Rolen finds sweet spot at just the right time +Sports,Sachin to play in Nagpur Test: +World,Japan Importing US Beef Again +Business,"OMAM weighing Gold Fields, Harmony options" +Sports,Edfors Ekes Out Precious Lead +Sports,Spurs legend Nicholson dies at 84 +World,"Suicide Bomber Dies, Wounds Seven in Kabul Attack" +Business,Wal-Mart Keeps Same-Store Sales Outlook +Sports,Former Tottenham Coach Bill Nicholson Dies (AP) +Business,"American Airlines to lay off 1,100 pilots and ground staff" +Sci/Tech,NASA Confirms Relativity Theory +Sci/Tech,William Shatner Wants To Do Real Space Flight +Sci/Tech,Lycos calls off tactics to stop spam +Sports,Sharapova on Course for Third Title with Dementieva Win +Business,Bush cuts our taxes to create new jobs +Business,Indonesia frees mining officials in pollution case +Sci/Tech,Yahoo buys email search co +Sports,Man Utd v Arsenal +Sports,Michael Schumacher Crashes in Sao Paulo +Sports,Smith gets his shot for Buckeyes +World,Suicide Bombers Kill 14 Iraqis in Surge of Violence +World,Powell Spurns North Korea Demand on Talks (AP) +World,Iceman's discoverer dead in Alps +Sports,Bryant Scores 25 in Lakers' Win Over Clips (AP) +Sports,Smith Inactive for Arizona Vs. Lions (AP) +Business,"Fed #39;s Bies Says US Growth Solid, #39; Oil Not Fanning Inflation" +Sports,Series start keeps Suppan satisfied +World,At least eight dead from car bomb explosion near US base close to +World,No Apology from UK Prince After Nightclub Scuffle +Business,Ontario gives cities \$156 million from gas tax this year for <b>...</b> +Sports,Hewitt distraught at split +Sports,Wenger set for big game +Sports,Triumphant Russians Sweep Kremlin Cup +World,Suicide Bomber Strikes Afghan Capital +World, #39;Prince Harry will not apologize over nightclub fracas #39; +Business,Wal-Mart Keeps Same-Store Sales Outlook +Business,Norilsk support for Harmony not that irrevocable +Sci/Tech,Yahoo! acquires e-mail start-up +Sci/Tech,Shatner Wants to Boldly Go on Space Flight +Sci/Tech,Researcher says hacked data stored properly +Sci/Tech,Ancient Greek burial ground uncovered +Sports,Wenger to send out team of #39;gladiators #39; against United +Sports,"Behind in Chase, Newman up front" +Sports,"Paerson wins giant slalom, Kelly 11th" +World,EU to finance over half of African mission in Darfur +World,Kerry causing unrest in Haiti +Sci/Tech,"IBM offers low-cost blade chassis, bundles for SMBs" +Sports,Half-mile hot spot at halfway hang on! +Sports,Tendulkar can use his normal bat: Dr Joshi +Business,"GM Europe May Create New Company, Move HQ" +Sports,Younger Brother of TV Personality Allegedly Killed by Boxer +World,"New Somali President Asks for 20,000 AU Peacekeepers" +Business,Newmont to Sue Police Over Detentions +Sci/Tech,Burial Site Found Near Ancient Olympia +Sports,Cardinals ready for own party +Sports,Rubens sets Brazil abuzz +Sports,Sachin saviour +World,"GM Europe May Create New Company, Move HQ (Reuters)" +World,Get Your Cheese While It's Hot +World,Suicide Attack in Kabul; Vote Counting Nears End +Sports,Tracy tips frantic start +Sports,Woolmer: #39;We need to bat like Jayasuriya #39; +World,Margaret Hassan #39;s husband appeals for her release +Business,"ENEL: SINISCALCO, SHAREHOLDERS WERE OUR PRIORITY" +Sports,Sharapova on Track for Third Successive Title +World,Ukrainians Rally in Support of Yushchenko (AP) +Sports,Excited Boston Ready to 'Play Ball' +Sports,Hewitt flies to Paris amid reports he #39;s devastated by split with <b>...</b> +Sports,Rev It Up: Martinsville +World,Mass. Lawmakers Tout Kerry in 6 States (AP) +Sci/Tech,Schwarzenegger Opens Stop on 'Hydrogen Highway' (Reuters) +Sci/Tech,Public TV zapper hot product +Sports,Safin Overpowers Agassi to Reach Madrid Final +World,Early ballots flood in across US +World,New hunt for Pakistan militants +Sports,Purdue Tries to End Skid Against Michigan (AP) +Sci/Tech,Yahoo buys e-mail search company +Sports,Surfers Paradise: Shootout +World,Suicide bombers kill 20 Iraqis +Sci/Tech,US-Russia Space Crew Set for Return to Earth +Sci/Tech,NEC Shoots to Regain Supercomputer Title +Sports,Nalbandian moves into second final of the season +Sports,Barrichello continues his Interlagos mission +World,Car bomb kills 10 Iraqi policemen +World,"Suicide bomber hits Kabul's fabled Chicken Street, 3 peacekeepers wounded (AFP)" +Business,Dollar Is Poised for Longest Losing Streak in Almost a Year +Business,Stocks sent sliding on rash of bad news +Business,UPDATE 2-Italy Treasury makes 7.5 bln euros from Enel sale +Sci/Tech,New iPod soon? Apple to hold special event on October 26th +Sports,"Broadhurst, Fichardt on top at Open de Madrid" +World,Strong Quake Kills at Least 3 in Northern Japan +Sci/Tech,Microsoft to launch Windows XP Release 2 +Sports,Boys from Beantown provide lesson for all +World,Hostage video distress +World,Re-Election May Not Bear Bush Promises (AP) +Sci/Tech,Russia Duma Ratifies Kyoto Environment Pact (Reuters) +Business,Bangalore Crumbling +Sci/Tech,Another Yahoo to compete with Gmail +Sports,Historic teams meet in World Series +World,French PM OKs extradition of Italian fugitive and noted author Cesare Battisti (Canadian Press) +World,Powerful earthquakes in Japan kills 4 +World,Hamas admits to having weapons factories in Gaza +World,16 Killed in Algeria Rebel Attack (Reuters) +World,North Korea Dismisses Powell Trip to Asia (AP) +Business,Ebookers chief gets 92m from sale to Cendant +World,Militants Say Beheaded Collaborator-Web Site +World,"Tunisian Doctors Examine Arafat, Aides Blame Flu (Reuters)" +World,"N.Korea Vows to Boost Deterrent, U.S. Rejects Demand (Reuters)" +World,US has no hard evidence of election-related attack plot: report (AFP) +World,Bush and Kerry Focus Campaigns on 11 Key States +Sci/Tech,Canadian Synchrotron Radiation Facility Opens +Sports,Schumacher crashes in practice +Sports,Calzaghe wins again after brawl +World,"Afghan Bomber Kills Girl, 12, In Attack That Wounds 6 Others" +World,Hamas retaliates by mortars to the assassination of al-Gul +Sports,Safin Overpowers Agassi to Reach Madrid Final +World,AP: Saddam Abused Oil-For-Food Program (AP) +World,Suicide Bombers Kill 20 Iraqi Security Personnel +World,French Soldier Threatens to Blow Up Munitions +Sports,Nalbandian and Safin reach Madrid final +Sports,"Sharapova, Molik Advance to Swisscom Final" +Sports,"Against Man Utd, Gunners aim for No. 50" +Sports,Leaders Lyon held 0-0 at second from bottom Istres +World,Japan quakes kill eight +World,Iraq government resumes Falluja talks +World,Suspected Militants Kill 16 in Algeria (AP) +Business,Saboteurs Bomb Iraqi Pipelines to Baghdad +World,Rebel landmine kills 11 in Indian Kashmir +Sci/Tech,MIT Grad Delivers Tech for Health Care (AP) +Sports,Caution! Master Blaster returns to work +World,"Japan, US Agree to Resume Beef Trade" +World,"Al-Manar TV, Abu Dhabi TV, Reuters," +Sports,Barrichello Ready to End Brazilian Jinx +World,"Strong Quake, Aftershocks Hit Japan; at Least 6 Dead" +Sports,"Schu crashes, penalised" +Sports,Auxerre faces stiff test in Monaco +World,Allawi refuses to abide by demands of the British hostage <b>...</b> +World,"Car Bomb Explodes Outside US Base, At Least 16 People Reported <b>...</b>" +World,Prince Harry #39;Won #39;t Apologise #39; for Fracas with Photographer +World,Late arrival of rebel commanders clears way for Sudanese peace <b>...</b> +World,Burma shuts down military intelligence office +World,Hispanics Resist Racial Grouping by Census +World,Pakistan tribesmen hunt for Qaeda-linked militants (Reuters) +Sports,Lute Olson Keeps Drawing Talent to Tucson (AP) +Sports,Excited Boston Ready to #39;Play Ball #39; +World,Kabul suicide bomber wounds seven +Sports,Brown Says He May Never Get Over Athens (AP) +World,"Japan, U.S. Reach Deal on Beef Imports (AP)" +World,"In Africa, Free Schools Feed a Different Hunger" +Business,Oil prices continue upward climb +Sports,Baseball: Cardinals try to foil Red Sox dream run in World Series +World,Sharon and the Disengagement Opposition +Business,Amazon May Be Losing Its Dot-Com Glitz (Reuters) +Business,"Japan, U.S. to Resume Some Beef Imports (Reuters)" +Business,Iraq to phase out all subsidies: planning minister (AFP) +Sports,Barcelona go ten points clear in La Lega +Business,Amazon.com May Be Losing Its Dot-Com Glitz +Sports,Paerson Wins World Cup Opener +Sports,UPDATE 2-Gudjohnsen hits hat-trick in Chelsea #39;s 4-0 win +World,"Japan Earthquakes Kill 7, Injure 700" +Business,Coke quarterly profit falls 24 +Sports,Soccer: Gudjohnsen puts smile back on Mourinho #39;s face +Sports,Skiing: Paerson wins World Cup giant slalom +World,UPI NewsTrack TopNews +World,WORLD IN BRIEF +Sports,Gudjohnsen hat trick helps Chelsea to within two points of Arsenal +World,"Japan Earthquakes Kill 7, Injure 700" +World,Militants film #39;spy #39; beheading +Business,Amazon May Be Losing Its Dot-Com Glitz +Sports,Herm Gives Yank Fans a PEP Talk +World,Double suicide bombings kill 11 +World,Sharon hopes parliament vote will lend legitimacy +World,Iraqi militant group beheads quot;collaborator quot;: website +Sports,No. 6 Wisconsin Downs Northwestern 24-12 (AP) +Sports,No. 25 Iowa Holds Off Penn State 6-4 (AP) +Sports,Jayson Williams Works Out With Cavaliers (AP) +Sci/Tech,Mobile aid for diabetes patients +World,"Strong Quake, Aftershocks Hit Japan; at Least 10 Dead" +World,Somalia asks for peacekeepers +World,Bush Keeps Focus on Preparedness for Terrorism; Kerry Shifts to a Theme of Hope +World,Ukraine opposition rally draws hundreds of thousands (AFP) +Sci/Tech,Amazon.com May Be Losing Its Dot-Com Glitz (Reuters) +World,Pit bull owners rally in Toronto against proposed ban; call it wrong solution (Canadian Press) +World,High Court Won't Put Nader on Pa. Ballot (AP) +Sports,No. 6 Wisconsin Stays Unbeaten with Win Over Northwestern +Sports,Ohio State Routs Indiana +World,Manager Admits Getting Papers on Opponent (AP) +Business,"UPDATE 1-Fed #39;s Bies upbeat on US economy, stern on spending" +Sci/Tech,Scientists: New Planets May Take Longer +Sci/Tech,NASA says switches may have caused Genesis crash +Sci/Tech,TI Working on Television Chip for Phones for 2007 +Sports,"Marias from heaven, Venus #39; form marred!" +Sports,Sports: (6) Wisconsin 24 Northwestern 12 +Sports,"Elbow ok, tendulkar rolls up his sleeves" +Sports,Jayson Williams works out with Cavaliers +World,Suicide attacker injures seven +World,13 dead in Japan quakes +World,Leaders Wish Castro Recovery From Fall (AP) +World,Suicide bomb blast overshadows Afghan election count (AFP) +World,"Bush, Kerry Hammer Each Other in Swing States (Reuters)" +World,Man Kills Self in Afghan Grenade Attack +World,Myanmar junta says talks to resume in Jan +World,Indian PM says India not to pass on nuclear technology +Sports,Fichardt and Broadhurst Lead Madrid Open (AP) +Sports,Qualifying: Barrichello maintains the momentum +Sports,Mississippi St. Upsets No. 20 Florida (AP) +World,Israel's Shas Party to Vote Against Gaza Pullout +Sports,Hype Is a Site to See +Sci/Tech,Space Crew Prepares to Return to Earth +Sports,NCAA Game Summary - Northwestern at Wisconsin +Sports,Tendulkar set to play in third test +Sports,Ohio State Routs Indiana +World,"Several strong earthquakes hit northwestern Japan; 7 dead, 500 <b>...</b>" +World,Suicide car bombs kill 20 Iraqis +World,Israel's Shas Party to Vote Against Gaza Pullout (Reuters) +World,Top German literary prize goes to Wilhelm Genazino (AFP) +Sports,"No. 2 Oklahoma Rolls Over Kansas, 41-10 (AP)" +Sports,Martin Says Nets Missed a Chance to Keep Him +Business,New record for oil prices +Business,Doting on dot-coms +Business,Feds Expenditure Review Program Could Force Job Transfers of <b>...</b> +Sports,Sharapova fights off battling Hantuchova +Sports,Mississippi State Upsets No. 20 Florida +Sports,Model ball girls cause a stir +World,"Earthquakes Kill 4, Injure 300 In Japan" +Business,UPDATE 1-Google results revive quot;dot-com quot; fervor +Sports,14th-Ranked Virginia Downs Duke +Sports,"Dorsey, boxer who fought ban on interracial fights, dead at 69" +World,"Israel, Egypt exchange prisoners in major boost to ties (AFP)" +Sci/Tech,Man Ordered to Disable Spyware Programs (AP) +World,Solana arrives in Sudan for talks on Darfur crisis (AFP) +World,Clerics Threaten to Boycott Iraq Election (AP) +Sci/Tech,Google delves through dark corners of the hard drive +Sports,Loss to Mississippi St. is death knell for Zook +Sports,"Ohio State Beats Indiana, 30-7" +World,Husband in TV plea to kidnappers +World,Powell Rejects North Korean Demand on US +Sports,Tomorrows another day: Fernando looks ahead to the race +Sports,McGrady Targets Former GM Weisbrod (AP) +Business,Jury rules asbestos danger not hidden from company +Sci/Tech,World #39;s first five-megapixel camera phone +Sports,Tracy steals pole from title rivals. +Sports,Northwestern vs. Wisconsin +Sci/Tech,Crew's craft leaves space station +Business,Legoland park may be on the block +Sci/Tech,US-Russian space crew heads toward earth +Sci/Tech,"Microsoft, Swatch offer thinner wireless watches" +Sports,Barrichello grabs pole position in Brazil +World,"Iran, EU trio to hold further talks on nuclear issue" +World,Robbers Kill Two U.S. Citizens in Mexico (AP) +World,U.S.-Japanese deal on beef imports called election ploy by Canadian cattlemen (Canadian Press) +World,Palace hit by Rommedahl's tale of the unexpected (AFP) +Business,Detroit council approves modified plan creating black business <b>...</b> +Sports,No. 17 Texas A M Nicks Colo. 29-26 in OT (AP) +World,Marchers demand fair Ukraine poll +World,Zambia Apologizes for Founder #39;s #39;97 Arrest +Sports,Offensive balance eludes Cats +Sports,McGrady Fires Back +Business,"Behind Candidates #39; Domestic Plans, an Ideological Gulf" +Sports,Tendulkar set to play third test vs. Aussies +Sports,Owen strike brings Real Madrid 1-0 victory over Valencia in <b>...</b> +Sports,Jayasuriya pummels Pakistan +World,Aftershocks Strike Fear After Japan Quake Kills 14 +Business,Bankruptcy reportedly likely for Delta +Sports,On-song Owen runs into Real form +Sports,Lehman joins Beard atop the leaderboard in Funai Classic +Sports,"Boston College 24, No. 24 Notre Dame 23" +Sports,Del Piero leads Juventus to victory +World,"Japan quake kills 10, injures hundreds" +World,Ten killed in Sudanese air raid on Darfur town: rebel group +World,"Interim Haitian leader says he needs more troops, cash, ponders <b>...</b>" +Sci/Tech,Lab Helps Bring China Orchids to Maryland (AP) +Sports,Titans Put QB McNair on Inactive List (AP) +Sports,Three's The Charm? +Sports,"BoSox Fans, Players Awash in Superstition (AP)" +Business,Markets Brace for Earnings Week (Reuters) +Sci/Tech,Tools Of The Trade Apple Power Mac G5 Dual 2.5Ghz +Sports,Des Kelly: D-Day looms for embattled Fergie +Sports,Jayasuriya batters Pakistan +World,Prince Harry: The Prince and the Paparazzi +World,The gathering storm +Business,Oracle looks around for acquisitions +Business,Iraq Can Be Good Engine of Growth in Region: IMF Chief +Sci/Tech,Space probe closes in to unlock the mysterious heart of Titan +Sci/Tech,Texas Instruments brings Hollywood to mobile phones +World,UN not to train judges: Saddam #39;s trial +World,EDITORIAL: Another example of true democracy! +Sports,Colombia Spellbound With World Series (AP) +Sports,No. 5 Florida St. Nips Wake Forest 20-17 (AP) +Sports,"After Schumacher, Who #39;s No. 2 in Formula One?" +Sports,Tom Lehman and Briny Baird tied for lead; Stephen Ames four <b>...</b> +Sports,"No. 22 Oklahoma State 20, Missouri 17" +World,Haiti #39;s Ruler Chides World for Disinterest +World,Kosovo Vote No Magic Wand for Independence +World,Castro receives get-well wishes from presidents +Sci/Tech,U.S.-Russia Space Crew Departs for Earth (AP) +Business,EADS Targets \$10 Billion in US Defense Revenue +Sports,Florida St. Boots Wake +World,Ohio Provisional Ballot Ruling Reversed (AP) +World,Two Private Planes Violate Bush Air Space (AP) +Business,Coca-Cola #39;s EU deal suggests shake-up of sales is real thing +World,Myanmar to continue roadmap to democracy +World,Senior officers threaten to quit Israeli army in settlements rift +Sci/Tech,Space Station crew heads home +Sports,"Forget politics, lifting Curse of the Bambino is the Series <b>...</b>" +Sports,Rooney out to derail the big fifty +Sports,Big formula for farce +Sports,"UPDATE 1-Singh turns up heat on joint leaders Lehman, Baird" +Sports,New Martinsville surface an +World,"Tunisian Doctors Examine Arafat, Aides Blame Flu (Reuters)" +World,"Aftershocks rock northern Japan, day after quakes killed at least <b>...</b>" +Business,Medinol #39;s BSC suit to go to trial +Business,"US textile importers, retailers say no to quota" +Sports,With Affection's Has Kick +Sports,Boilermakers Fall Again +World,Gaza strike kills two militants +Business,World oil prices boom +Business,Prince pledges to rule Citigroup with an iron fist +Sports,Nalbandian to vie for Madrid Masters title +Sports,Tristan saves late draw for Deportivo vs. Malaga +Sports,McGrath aims to shake up the flat +Sports,Gators upset again +Sports,Bowden made right decision picking Sexton +Sports,ASU wins a wild one against UCLA +Sports,"Benson Becomes Sixth Player to Run 1,000 (AP)" +World,Plea for Iraq kidnap clues +World,"Progress, no resolution on Tokyo beef ban" +Business,"India poised for high, sustained growth: FM" +World,U.S.-Russian ISS Crew Makes Soft Landing (Reuters) +World,Egyptian Petition Seeks Term Limits (AP) +Business,Nortel Restatement Seen Next Week +Sci/Tech,Brazil Launches First Rocket Into Space (AP) +World,Aftershocks Strike Fear After Japan Quake Kills 14 (Reuters) +Business,Investing: Cutting your #39;energy tax #39; +Sports,Football #39;s Nicholson dies at 85 +Sports,Kite increases lead in Sonoma +Sports,Lockyer inspires then frightens Australia +Business,The Wonderful World of Succession +Business,GE Capital vs. the Small-Town Folk Hero +Business,A New Highway to China's Boom (but Drive Carefully) +Business,Counting the Hidden Costs of War +Sci/Tech,U.S.-Russia Space Crew Lands on Earth (AP) +Sports,Cavs Bury Blue Devils +Sci/Tech,FCC Jump-Starts BPL +Sci/Tech,Soyuz capsule carrying US-Russian crew from space station lands in <b>...</b> +Sci/Tech,Flying By Brain +Sports,World Series Underway in Boston +Sports,Kite still on top in rainy Sonoma +Sports,13th-Ranked Michigan Edges Past No. 12 Purdue +Sports,Molik reaches Zurich final +Sports,Singh makes his charge in Florida +World,Bomber strikes in Kabul +World,OPPOSITION RALLY IN UKRAINE +Sci/Tech,Pixar's Mr. Incredible May Yet Rewrite the Apple Story +Sci/Tech,"EBay Merchants Trust Their Eyes, and the Bubble Wrap" +Sci/Tech,Do-It-Yourself Design: Just Point and Click +Sci/Tech,'Spam King' Ordered to Disable Spyware (AP) +World,Afghan election count nears end as suicide bomb reminds of dangers (AFP) +Sports,Fifth-Ranked Florida State Holds Off Wake Forest +Business,Brewing up a California meltdown +Sports,Schilling set to stitch together a win +World,EU to Cover Half of African Mission in Darfur +World,Suicide Bomber Kills U.S. Woman in Kabul (AP) +Sports,Holland: Kalou #39;s late goal saves Feyenoord +Business,WHERE THEY STAND ON...: Taxes and the budget +Business,IMF warns about soaring oil price. +Sci/Tech,US-Russian ISS Trio Lands Softly in Pitch-Dark +Sports,Ortiz' Homer Gives Boston Early Lead in Game One (Reuters) +Sports,Safin topples Agassi to turn heat on Henman +Sci/Tech,Climate Talks Bring Bush #39;s Policy to Fore +World,Helicopters evacuate Japanese villagers after earthquakes kill at least 16 (Canadian Press) +Business,Ex-Citigroup execs under scrutiny of regulators +Business,Sins of Commissions +World,Russians Protest Against War in Chechnya (AP) +Sci/Tech,Cosmonauts return safely from space mission +World,Strong quakes rattle Japan +Sci/Tech,Tiny Ideas Coming of Age +Sci/Tech,A Face That Launched a Thousand Chips +Business,A Matter of Missing Foreign Investors +Business,Various factors may take shine off stellar funds +Sci/Tech,TI hopes to put Hollywood in a mobile phone +Sports,Tressel uncertain about length of Ross #39; suspension +Sports,Teams practice for 3rd test +Sports,Rugby League: Australia 32 New Zealand 12: Aussies power past old <b>...</b> +Sports,"John, Revolution Shut Down Crew 1-0 (AP)" +Sports,United Stuns MetroStars +Sports,No. 9 Utah Thumps UNLV in 63-28 Blowout (AP) +Sports,Top-Ranked USC Blanks Washington +Sports,Giants and Lions Show Rebuilding Is Relative +Business,SEC wants Navistar pension info +Business,First Coast Families Invest \$15.7 Million In Nationwide Scheme +Sci/Tech,NASA Space Station On-Orbit Status 23 October 2004 +Sports,Ogilvy signals intentions at Classic +Sports,UF notebook: Inconsistency becomes serious problem for Leak +World,US wants talk on North Koreas nuclear weapons program resume +World,Karzai leads in Afghanistan #39;s first-ever polls +Sports,Cards Rally from 5-Run Deficit to Tie Game One +Business,Fund returns a clearer choice +Sci/Tech,Two Back on Earth After Year on Space Station +Sports,NCAA Game Summary - Washington at Southern California +World,"17 dead or missing, hundreds hurt in Japan's deadliest quakes in decade (AFP)" +World,Australian government plans to boost anti-terror laws (AFP) +Business,Prices down 14 for the week as supply threat eases +World,Soviets Might Be Around if Kerry Had Led - Cheney (Reuters) +Sports,California Golden Bears +Sci/Tech,US-Russian Space Crew Make Soft Landing in Dark +Sports,Sports: Red Sox 9 Cardinals 7 after 7 innings +Sports,Motor Racing: Schumachers 165mph shunt +Sports,Proud Owen Thrilled by Latest Goal +Sports,Column: The veterans set the stage +World,Earthquake death toll hits 16 +World, #39;Aristide still has role to play for Haiti #39; +World,Strong earthquake rocks northern Japan +World,Auto sector woes highlight Germany's need for economic change (AFP) +Sports,Randall's Late TD Pass Lifts No. 18 LSU (AP) +World,Myanmar strongman begins historic India visit (Reuters) +Business,The Wonderful World of Succession +World,Rebel Attacks Kill 18 Iraqis; G.I.'s Injured +Sports,This Date in Baseball for Oct. 24 (AP) +World,Aftershocks hit northern Japan +World,Myanmar Strongman Begins Historic India Visit +World,Decision Iraq +World,Army Captain Sues U.S. To Block Iraq Deployment +World,Brazil Launches First Rocket Into Space +Business,Newmont welcomes release of its executives in Indonesia? (Updated <b>...</b> +Sci/Tech,"Russians, American return from space station" +Sci/Tech,William Shatner pledges USD 200k for Space Travel +Sports,Paerson opens skiing season in style +Sports,BC keeps the Irish firmly in its pocket: Eagles take 4th straight <b>...</b> +World,Latin American presidents wish Castro prompt recovery +World,"Bomber kills self, hurts 7, including 3 from NATO" +World,Powerful earthquake shakes Tokyo +World,"Japan Quake Kills 18, Aftershocks Strike Fear" +Sports,Bellhorn Homer Earns Red Sox Game One Win +Sports,Miami Burns N.C. State +Sci/Tech,Branson backs 80-hour air challenge +Sci/Tech,Mars rover enjoys mysterious power boost +Sports,Red Devils about to confront the Gunners +World,"Powell, Japanese seek ways to resolve North Korean nuclear crisis (AFP)" +Sports,Berlin's Five TD Passes Lift No. 4 Miami (AP) +Sports,Cardinals Second Baseman Womack Injured (AP) +Sports,"With a Bang, Boston Takes the Pole Position" +Business,Bidders line up for Abbey life funds +Business,Fed #39;s Bies Criticizes Lawmakers #39; Lack of Spending Discipline +Business,"For crisis-ridden Lego, toymaking is anything but child #39;s play" +Sci/Tech,Russian - US Space Crew Lands in Kazakhstan +Sci/Tech,Newsom #39;s wife says sex joke has been exaggerated +Sports,"GAME DAY RECAP Saturday, October 23" +Sports,(4) Miami 45 NC State 31 +Sports,"UM knocks down fumbling Purdue, 16-14" +Sports,Defense deservedly proud of its contribution +World,Japan quake kills 18 +World,Suicide bomb kills 16 in Iraq +World,Police probe Kabul suicide attack +Sci/Tech,Yahoo Buys E-Mail Startup To Battle Google +Sci/Tech,Microsoft Distributes XP Security Update +World,UK considering US request for redeploying its troops in Iraq +World,Two Palestinians killed in Israeli air raid +Sports,Tavarez Melts Down ... on Pitching Mound (AP) +Sci/Tech,Campaigns fail to focus on energy +World,Singh urges West to remove blocks on N-tech transfer +Sports,Golf Capsules +World,20 die in suicide bombings as US claims capture of senior Zarqawi <b>...</b> +World,Sup on a new alphabet soup +World,Japan to Accept U.S. Beef Again +World,"Attack in Kabul Injures 3 NATO Soldiers, 4 Others" +Sports,Bellhorn Homer Gives Boston World Series Lead +Sports,Bumbling Ramirez Gives (And Gives Away) (AP) +Business,Disney #39;s board on trial +Business,Watchdog: TSA overpaying Boeing for airport security contract +Sci/Tech,Intel Cancels Plans for Big-Screen TV Chip +Sports,"QB Berlin, UM tame Wolfpack" +Sports, #39;04 Astros a breed apart +Sports,Stewart and United get jump in playoff +World,Newmont welcomes release of detained executives in Indonesia +Sci/Tech,"Photo Sites Put a Sharper Focus on Prices, Products (washingtonpost.com)" +Sci/Tech,Google Desktop Outshines Windows' File-Search Capabilities (washingtonpost.com) +Sports,Terps Lose It Late +Business,The see-through Fed +Business,Turkish PM Issues Message On 59th Anniversary Of Foundation Of UN +Business,"As China tries to avoid a hard landing, it #39;s difficult to get <b>...</b>" +World,Shocked Japanese sent scrambling as earthquakes inflict heavy toll +World,Suspected Islamic insurgents kill 16 people in attack near <b>...</b> +World,Newmont welcomes exec release +World,Lithuanian vote in second phase +World,Snakes now attacking calamity-stricken areas +Business,Ex-cabinet minister caught up in Marsh corruption scandal +Business,Wal-Mart traffic back above #39;03 level +Business,Mexico lands partner for petrochemical site +Sci/Tech,Station crew returns to Earth +Sports,Hurricanes rout Wolfpack +Sports,Mississippi State ambushes No. 20 Florida +Sports,1 race or 2? That could be the question +World,Afghan Leader Faces Huge Task After Inauguration +Sports,Bellhorn Makes Big Noise for Red Sox (Reuters) +World,American woman becomes second fatality in Kabul suicide bombing: US military (AFP) +Sports,Schilling Gets Ankle Stitched Again (AP) +Sports,Lehman Ties Baird for Funai Classic Lead (AP) +World,Serbs Largely Boycott Kosovo Elections (AP) +World,Powell Spurns Conditions by North Korea (AP) +World,Analysis: Kerry Term Would Face Hurdles (AP) +World,"Japan Quake Kills 18, Aftershocks Strike Fear" +World,"American Woman, Afghan Girl Die After Kabul Blast (Reuters)" +Sports,UM in command of ACC +Sports,Boise St. Broncos +Sports,PREVIEW-Tendulkar return adds extra spice to third test +Sports,In brief: Han wins another title at Golden Gloves event +World,Victims buried alive in Japan quake +World,US Seeks Strategy with Japan for New N.Korea Talks +Business,Reports: AMR plans furloughs +Sci/Tech,"Russia space chiefs point to superb work of Padalka, Fincke" +Sports,Lehman shares lead at Disney +Sports,Florida #39;s latest loss may send Zook packing +World,Myanmar pledges to continue quot;roadmap to democracy quot;: report +World,Brazil launches rocket into space +Sci/Tech,Tech Whiz Aims to Boost Third World Care (AP) +Sci/Tech,Intel Cancels Projection TV Chip Project (AP) +Sci/Tech,Two Back on Earth After Six Months on Space Station +Sci/Tech,What Makes an Equation Beautiful +Sci/Tech,eDonkey Kicks Kazaa Out of No. 1 Spot +Sports,Real beat Valencia 1-0 +Sports,"Young, Texas roll past Texas Tech" +World,Hassan #39;s husband makes another appeal +World,Israeli cabinet to decide on Sharon plan +World,"Commonwealth urges Pakistan, India to resolve Kashmir issue" +World,Tendulkar return adds extra spice to third test (Reuters) +Sports,Glazer - has upped his stake. (Getty Images) +Business,Ruling backs FPL rate decrease +Sports,Late Kalou goal seals Feyenoord win +World,European tourism sector grappling to adapt to quick-moving Chinese (AFP) +Sports,Lehman gets third straight chance +Sports,Agassi plays Safin in Madrid semi-final +Sports,Arsenal unstoppable? So far +Sports,Venus descending +Sports,Buffs bobble upset bid +World,18 dead after Japanese earthquakes +World,16 Killed in Algerian Rebel Raid +World,Foreign Doctors Find Arafat Has Flu -Confidant +Business,Pharmacies in Canada zero in on US Latinos +Business,Business tumbles barriers in a new kind of Irish unity +Business,"When prices, pay don't add up" +Business,Buying a winter coat with Tommy Hilfiger +Business,Is it acceptable to list an MBA degree on business cards? +Business,Where bottom line meets greater good +Business,Advice for top managers in tricky times: Get real +Business,Put more money into retirement plan now +Business,Funds have front-row seats at great pharmaceutical debate +Business,"In a world of scandals, core values still resonate" +Sports,Perfection is the goal in showdown +Sports,"Nice to look at, but gem had some big flaws" +Sports,They know pitching was for the birds +Sports,Morris gets Game 2 call -- on short rest +Sports,"For manager, already a moving experience" +Sports,Henry seeks friendlier feud +Sports,"Loyalties divided, but a connection remains" +Sports,He remains Fenway fixture +Sports,First impressions lasting for Henry +World,"Japan, US agree to restart imports of some American beef" +World,Russian Soyuz capsule returns to Earth +Sports,"Schilling again willing, and hopes he's able" +Sports,Youkilis makes another jump -- Series roster +Sports,Fox has a bird's-eye view +Sports,Making a case for Tippett +World,US troops aiding Darfur deployment +Sports,Old QB makes adjustments with new team +World,Serbs boycott Kosovo elections +Sports,Class of '01 may graduate to free agency +World,Car bombings kill 17 Iraqis +Sports,Gonzalez takes turn as the Playmaker' +World,CIA-drafted memo allows transfer of detainees from Iraq +Sports,Crimson find the range +World,Mexican biologist's attempt to slip into US ends tragically +Sports,Redemption for Lester +World,Aides cite flu as doctors examine Arafat +Sports,McCoy dives right in with TD +Sports,Rams pick right option +Sports,UConn denies Temple +Sports,Pallotta's free kick lifts Andover over Notre Dame +Sports,BB amp;N kicks away Middlesex streak +Sci/Tech,Google Desktop Outshines Windows +Sci/Tech,Photo Sites Sharpen Focus +Sci/Tech,A Flat Panel Doesn't Always Compute +Business,Dig below the hype companies dish out +Business,Fitch rates Miami-Dade stormwater bonds #39;A #39; +Sports,No. 2 Oklahoma rolls up score on Kansas +Sports,Wolfpack fails to catch up to speedy Canes +World,Earthquake in Japan kills 18 +World,Soyuz spacecraft with three ISS crew on board lands in Kazakhstan (AFP) +Sports,F1 teams meet on cost-cuts sans Ferrari +Sports,Mates #39; faith in Beitia rewarded in victory +World,Japan awakes to quake devastation +World,"Japan, US agree to restart imports of some American beef" +World,Bird flu eagles killed in Belgium +Sci/Tech,Call of the mild +Sports,Chelsea closes in +Sports,Bulldogs snap out of slump +World,"Japan #39;s powerful quakes leave 19 dead, four missing: police" +World,Myanmar Strongman Begins Historic India Visit +World,Sunni clerics threaten election boycott +World,Naga rebel leaders to visit India for peace talks (Reuters) +World,Bodies of 49 Iraqi Soldiers Found Shot Dead +Sci/Tech,Ballmer on security +Sports,Gators gag on Bulldog +Sports,5-0 Jets meet streaking Pats in AFC East showdown +Sports,Herath strikes as Pakistan face massive defeat +Sports,Sox prevail in wild Series slugfest +Sports,Badgers able to dig deep +Sports,Bulldogs snap out of slump +Sports,Hart break thrill +Sports,Sooners are better later +Sports,California overbearing +Sports,Utes make their points +Sports,Cowboys rally past Missouri +World,Kabul bomb deaths rise to three +World,Macs do Star Wars dirty work +World,Sri Lanka beat Pakistan in Faisalabad Test (AFP) +Sports,We will always be No 1 - Ferguson +Sci/Tech,Soyuz capsule lands safely +Sports,Red Sox bring craziness to grand stage +Sports,Baird and Lehman head Funai classic +World,"Japan quake kills 18, aftershocks strike fear" +World,Study: Israel to maintain responsibility for Gaza after pullout +World,Passers-by ignore car crash victims because of Thailand bird flu <b>...</b> +World,49 New Iraqi Army Soldiers Shot to Death +World,Pitcairn sex abuse verdicts due this week (AFP) +World,Bodies of 49 Iraqi Soldiers Found Shot Dead +World,Pro-hunt farmers boot military off their land (AFP) +World,Study: Israel Still Responsible for Gaza (AP) +Sci/Tech,Robots ready to take over the home +World,"Earthquakes Kill 18, Hurt 1,500 in Japan" +World,"Iraq #39;s security forces in firing line, British troops prepare for <b>...</b>" +World,Sharon cabinet set to approve Gaza pullout compensation +Business,Oil Price Tops \$55; Heating Supply Low +Business,The quot;float quot; is sinking +Sci/Tech,Domestic robot usage to surge +Sports,Paddock talk - Brazil +Sports,Love Match over for Tennis Pair +Sports,Sri Lanka beat Pakistan by 201 runs +Sports,Nothing very special about Wildcats #39; effort +Sports,Scary fall ends skate meet +World,EU in Sudan for Darfur talks +World,Bodies of 49 Iraqi soldiers found +World,Huge rally for fair election +Sports,Junqueira takes the win in Surfers Paradise +Sports,Ask Walker about NU #39;s special day +Business,Sleep disorders cause concern for overnight shift workers +Sports,Round 1: Red Sox +Sports,F1 to change qualifying rules +Sports,UPDATE 1-Tendulkar not fully fit but set for test return +World,Falluja insurgents say not holding Hassan +World,"Suicide blast toll rises, Afghan poll count near end" +World,Bodies of 49 slain Iraqi soldiers discovered +Sci/Tech,Personal info for millions could be in hands of hacker +World,State Department Security Officer Killed (AP) +World,Farooq and Omar Abdullah unhurt in Kashmir blast (Reuters) +World,"Blast Toll Rises, Afghan Poll Count Near End" +Sci/Tech,US-Russia Space Crew Lands on Earth +World,Afghan suicide blast toll rises +World,Tunisians head to polls in national elections +World,Karzai on Brink of Victory in Afghanistan (AP) +Sci/Tech,Liberty's Candidate +Business,American Account: Irwin Stelzer: Crackdown by Spitzer doesnt go <b>...</b> +Sports,"Jets are 5-0, too, but Patriots are team to beat" +Sports,Notre Dame loses in final seconds +World,Israeli Cabinet Passes Gaza Bill Before Key Vote (Reuters) +World,World Leaders Anxiously Await U.S. Election (Reuters) +World,Karzai is President After the First Round +Business,Contractors in Iraq make costs balloon +Sci/Tech,Robots set to get homely by 2007 +Sports,Barrichello delights home crowd in practice +Sports,Mourinho rejects Chelsea critics +World,Two civilians killed in clashes in Iraq #39;s Samarra +Business,Sticking With Insurance Stocks +Business,Beyond the Call of Duty +Sports,A-Rod #39;s turn to take chops +Sports,Better every week Wolverines hold onto high hopes for season +World,Drive to Nab Last German Nazis to Begin in January (Reuters) +World,60-dollar oil could hurt Asia's confidence: economists (AFP) +World,Drive to Nab Last German Nazis to Begin in January +Business,Microsoft quarterly revenue hits \$9.1 billion +Business,Gulf states must step up monetary union drive - IMF +Business,Army to Let Halliburton Keep Iraq Payment +Business,Radio firms target macho market +Sports,Owen loving form +Sports,I #39;m fully prepared for the Nagpur test: Tendulkar: +Sports,"1, 2, 3 ... kick: Redemption for UM #39;s Rivas" +World,Israeli Cabinet Passes Gaza Bill Before Key Vote +World,Iraq ; Black Watch look to Christmas +World,Dozens of Iraqi Soldiers Found Shot to Death +Sports,Bourdais happy with podium. +World,One Stop India News Resource on the Web +World,One Stop India News Resource on the Web +Sci/Tech,At your service +Sports,Barrichello takes pole for F1 #39;s Brazilian GP +World,"Iran Rejects EU Nuclear Proposal, Wants More Talks" +World,India Unaware of U.S. Plans of More Nuclear Curbs +Business,Microsoft earns \$2.9 billion in Q1 +Sci/Tech,Intel Ramps Up with New Pentium M 765 Processor +Sci/Tech,UN sees coming surge in domestic robots +Sports,The best matchup of the day +Sports,Smothering Defense Freezes Boilers +World,Iran urges EU to honor nuclear deal +World,Anxious Night Falls on Japan After Quake Kills 21 +World,Egyptian ambassador might return to Israel soon +Sports,"Root, root for Red Sox" +Sports, #39;Killer #39; Owen on the loose +Sports,Can he be like Tom? +Sports,"Yao Ming faces francis, Rockets routed by Magic" +World,Israeli Cabinet approves compensation plan for uprooted settlers +World,Lithuania Government Vies With Labor Party in Run-Off (Update1) +Sports,Tough Leftwich Ready for Showdown at Indy (AP) +Business,DreamWorks Animation Set for IPO (Reuters) +Business,"Eurozone economic data to show confidence down, inflation up again (AFP)" +World,More than 30 Iraqis Killed in Past Two Days +World,Early results show Karzai victory +World,British military enlists first Satanist (Reuters) +Business,Dull Holiday Shopping Season Predicted +Business,China Looks Outside Asia for M A +Sci/Tech,The Women in Charge +Sci/Tech,Breaking free from energy dependence +Sports,Bosox outslug Cardinals +World,Hassan not kidnapped by Iraqi rebels +World,Gang violence builds up in Haiti +World,Chirac #39;s Popularity Sinks on Turkey and Economy +Sports,Franck Montagny gives the driver's view of Interlagos +Sports,"Boilers cough it up (again), lose big game (again)" +Sci/Tech,AT amp;T Beats Analysts #39; Expectations Despite \$7.1 Billion Loss in <b>...</b> +World,"American woman, Afghan girl die in Kabul" +World,INTERVIEW - Pakistan says time ripe for Kashmir breakthrough (Reuters) +World,"Rebels 'Execute' 49 Iraqi Troops, Kill U.S. Diplomat" +World,U.S.: Still Time to End N.Korea Crisis in Talks +Sports,All-set for the 2004 finale +Sports,Walter #39;s passing jolts Sun Devils awake +World,Iran rejects European demands over nuclear standoff +World,W: Kerry an in-fidel +Business,ADV: Mortgage Rates Drop to 6-Month Low +Sci/Tech,"Wireless Companies Chat Up Teens, Young Adults" +World,British armed forces recognise first ever Satanist (AFP) +Sci/Tech,"Wireless Companies Chat Up Teens, Young Adults (Reuters)" +Sci/Tech,Russian Soyuz capsule carrying Russian-US crew lands in Kazakh <b>...</b> +Sci/Tech,San Fran wants free citywide WiFi +Sports,Gordo at Fenway: It #39;s slow-pitch softball with jacked-up fans +Sports,Tracy out front +Sports,Gordon repaved Martinsville poses new challenges +World,Rebels #39;execute #39; 49 Iraqi troops +World,Iran rejects EU nuclear proposal +World,US: Still Time to End N.Korea Crisis in Talks +Sci/Tech,"Soyuz Brings Russian, US Astronauts Safely Back From Space" +Sports,"All offense, no defense: Sox take wild Game 1" +World,Karzai Rival Concedes as Afghan Suicide Toll Rises +Business,Tourism Aims at \$13 Billion +Business,China Looks Outside Asia for M A (Reuters) +Business,Takeover bid for British grocer J Sainsbury (AFP) +World,51 Iraqi soldiers found shot to death on road +World,Suicide Bombings Kill 22; Bodies Of 49 Iraqi Soldiers Found +Sports,Molik Stuns Sharapova to Take Zurich Title +Business,Growth May Slow After Third-Qtr. Rebound: US Economy Preview +Sci/Tech,Coming soon: High-definition TV cellphones +Sports,Molik stuns Sharapova to take Zurich title +Sports,Cricket: Herath takes career-best as Sri Lanka trounce Pakistan +Sports,I #39;m not rushing myself: Tendulkar +Sports,Skate America +World,Iran rejects EU move to halt nuclear plans +World, #39;Pirate #39; Landing By US into Darfur +Business,UAE to host GCC central bank: Kuwaiti finance minister (AFP) +Business,"On the record: Rdiger Assion, Michel Camdessus, Stephen Roach" +Sports,Barrichello well placed to end home-town jinx +Sports,FACTBOX-Five Manchester United-Arsenal showdowns +Sports,F1 BOSS SUES IN #39;SLUR #39; ROW +Sports,Madrid golf +Sports,Sami likely to miss crucial second Test +World,"Militants bomb Kashmir mourners, killing one (Reuters)" +World,Iran: Europe Nuke Proposal 'Unbalanced' (AP) +Business,Foster #39;s defends its ALH spin-off +Sports,Red Sox win wild World Series opener +Sports,Unseeded Molik surprises Sharapova +Sports,Owen scores again +Sports,Wake Forest comes up short again +World,The wreckage of Haiti #39;s dreams +World,British troops hold last church service in south Iraq before risky move (AFP) +World,Report: 7-Year-Old Boy Kidnapped in Iraq (AP) +World,"Familiar Faces Likely in Either Bush, Kerry Cabinet (Reuters)" +Business,Takeover bid for British grocer J Sainsbury +Sci/Tech,Newsom Gives First State of the City Address +Sci/Tech,Non-campus server and computer were vulnerable to hacker +World,Bodies of some 50 Iraqi soldiers killed in ambush found near <b>...</b> +World,Karzai claims poll win as rival admits defeat +Sci/Tech,UC Berkeley hack apology +Sports,Team deal could help British GP +Business,ALH hangs on decision by Woolworths +Sci/Tech,Fly-by to reveal mystery of Titan +Sports,Ferrari in cold on cost cutting +Sports,Sachin ready to rumble +Sports,Lockyer woe great for Brits +Sports,What #39;s the problem? +World,Japan braces after deadly quake +World,Powell pushes for nuke talks +Business,"Workers pushing for structure change at GM Europe, representative <b>...</b>" +Sci/Tech,Expedition 9 Crew Returns to Earth +Sci/Tech,San Fran Mayor Declares Wireless for All +World,Iraqi militants take child hostage +World,Powell Prods N. Korea to End Nuclear Programs +World,Japan quake victims sleep out +Sports,Sharapova shocked in SwissCom Challenge +Sports,Owenagainlifts Real Madrid from the doldrums +Sports,"For many, story of love for baseball hits home" +World,Israeli cabinet approves compensation for Gaza settlers +World,Deadliest attacks on Iraqi security forces since Saddam fell +Business,Wall St. #39;s big week +Business,Saudi Arabia seeks stable oil prices +Business,Safety concerns may scuttle liquefied gas terminal near Quebec <b>...</b> +Sci/Tech,21st century firefighting technology on a 19th century budget +Business,Insurers in probe halt use of incentive fees +World,Powell: North Korea is a #39;terrorist state #39; +World,Tennis: Safin wins Madrid Masters +Sports,Navy has too much Eckel for Army +Sci/Tech,Microsoft Desktop Search To Compete with Google +Sports,Eagles DE McDougle Out for Browns Game (AP) +World,"AFP on trial, not just Garcia" +World,Relationship begun with mis-addressed telephone text message ends in murder (Canadian Press) +Sports,Browns WR Andre' Davis Out With Toe Injury (AP) +Sports,Safin Crushes Nalbandian in Madrid Final +Business,First stop on the hydrogen highway +Sci/Tech,Brazil launches rocket into space +Sci/Tech,HD DVD in Toshiba laptops next year +Sports,Golf: Lost ball sinks hope of Open win +Sports,Cricket: Ponting gives thumbs up +Sports,Croom's Bulldogs Stun Zook's Gators (AP) +World,Iraq's Sunni Clerics Threaten Election Boycott +Sports,Fiercely-contested Old Trafford game goalless at halftime +Sports,Lockyer Doubtful for Series +Sports,"Against Jets, Pats know they can #39;t let up a minute" +World,Japan poised to take US beef +World,British officers lobbied US to send troops to danger zone +Business,Kroger talks focus on wages +Sports,Bruno #39;s chase for title +Sports,BCCI okays Sachin #39;s fitness report +Sports,Return of an old friend +World,India to welcome Myanmar military strongman who carried out <b>...</b> +World,Navy man registers as Satanist +Sci/Tech,Nintendo Says 'Touching Is Good' in Sexed-Up DS Ads +World,Wedding cad comes clean over invite sale (Reuters) +Sci/Tech,Nintendo Says 'Touching Is Good' in Sexed-Up DS Ads (Reuters) +Business,"Kroger, Union Reach Tentative Cincinnati Pact" +Business,"Schwarzenegger unveils hydrogen Hummer, but not how he planned" +Business,Howard Stern #39;s move +Sci/Tech,Brazil Launches First Test Rocket Since Accident +Sports,"Nestor, Knowles advance to semifinals of Madrid Masters doubles" +Sports,Kiwis lead Kangaroos 12-8 +World,Widdecombe horror at navy Satanist +World,"Farooq, Omar escape unhurt in Anantnag attack" +World,U.N.: Arms Expert Warning Had Bad Premise (AP) +World,Bush Boosts Presidential Pomp in Election (AP) +Business,US Airways #39; pilots vote for 18 salary reduction +Business,Marsh Stock Jumps on Talk of CEO Change +Sports,Tennis Roundup +Sports,Soccer: Legend made cockerel crow +Sports,"We got out of jail, admits Lockyer" +Sports,Captain #39;s Corner: Buckeyes Show Improvement vs. IU +World,Gatherings Tap Into Japan Marriage Market (AP) +World,U.S. to Urge China to Push for More N.Korea Talks +Sci/Tech,GTA: San Andreas Preview +Sports,Safin wins Madrid Masters; Masters Cup spot beckons +Sports,Sterne saves card with Madrid win +Sports,Cards pull together; Pujols leads way +World,Plans for Iraq Arab News +World,Teresa Kerry may bring African roots to the White House (AFP) +Sci/Tech,The threat from life on Mars +World,"Bush, Kerry to Campaign in N.M., Fla. (AP)" +World,Blair Opponents Renew Attack Over Iraq (AP) +Sci/Tech,X-Prize winner says NASA needs another von Braun +Sports,Penalty #39;Touch and Go #39; - Rio +Sports,Safin win puts pressure on Henman +Sports,South African wins Madrid Open by two shots to assure European <b>...</b> +World,Japanese sent scrambling as earthquakes inflict heavy toll +World,Israeli Cabinet OKs compensation law +Sci/Tech,WAR ON SPAMMIES +World,Quake has thousands sleeping out +World,50 killed in ambush on Iraqi army recruits +Business,Kroger officials head back to negotiating table +Sports,Molik upsets Sharapova to win Swisscom +Sports,Report: Russian pairs skater suffered concussion in fall at Skate <b>...</b> +World,Japan quake death toll hits 21 +World,Iran rejects EU nuclear proposal +World,Gore Urges Blacks to Vote at Fla. Rally (AP) +Sports,McNair Leaves Game After Reinjuring Chest (AP) +World,Washington Post backs John Kerry for president (AFP) +World,Montoya says goodbye with a win +Sci/Tech,NASA chief wants to continue cooperation with Russia for Mars <b>...</b> +Sports,Tennis: Agassi is mastered by Safin +Sports,Clemens teams with his son +World,Cabinet approves Gaza pullout +World,Omar Abdullah survives assassination bid +Sports,Safin back in form and hungry for Houston +Sports,Motorsport: F1 qualifying to take place on race day +Sports,McNair Leaves Game After Reinjuring Chest +Business,Poll: Money Managers Bullish on Stocks +Sci/Tech,ISS Crew Makes Safe Landing +World,Insurgents Kill About 50 Iraqi Soldiers in Ambush +World,Suicide bomb kills 22 +World,Low turnout for Lithuania #39;s elections +World,Match faith with deeds: Kerry turns the Scriptures on Bush (AFP) +Sports,Little Movement in AP Football Poll (AP) +Sports,Bengals' Johnson Mum Before Broncos Game (AP) +Business,Poll: Money Managers Bullish on Stocks +Sci/Tech,Locate your files +World,Zarqawi group claims recruits attack +World,"Rebels Kill 49 Iraqi Army Recruits, US Diplomat" +World,Iraqi Sunni Clerics Threaten Election Boycott +World,"Dozens of army recruits #39;executed #39; in Iraq, first US diplomat <b>...</b>" +World,"Feds, provinces prepare to reshape the fiscal map in eqaulization talks (Canadian Press)" +World,Iraq Militant Group Kills Arbil Police Chief -Site +Business,SEC mulls expanding rules on execs #39; pay +Sci/Tech,UM scientist helping explore Saturn moon +Sports,Brazilian GP Race Report: Montoya claims first win of 2004 +Sports,"Chiefs' Holmes Ties TD Mark, Hurts Ankle (AP)" +World,Powell arrives in Beijing for talks +World,Sharon Wins 1st of 3 Votes on Settlement Plan +Business,Qwest civil suits loom +Business,GCC seeks IMF role +Sci/Tech,Alien Moon Titan Flyby Coverage Begins Tuesday on Local Cable <b>...</b> +Sports,Fox #39;s Ratings for World Series Opener Are Highest Since 1999 +Sports,PSV beats struggling Ajax +World,Myanmar leader on historic visit to India +World,"Omar escapes bid on life, one killed" +World,"Iraq Rebels Kill Nearly 50 Army Recruits, U.S. Envoy" +World,Israeli Missile Wounds 2 Gaza Policemen -Medics +Business,Poll: Money Managers Bullish on Stocks (Reuters) +World,Israeli Missile Wounds 2 Gaza Policemen -Medics (Reuters) +Sports,"Sacramento Kings Release Liu, Two Others (AP)" +World,Colombia Blows Up Stockpiled Land Mines (AP) +World,UN warns Sudan and rebels on ceasefire violations (AFP) +World,Clinton to return to campaign trail Monday (AFP) +Sci/Tech,SpaceShipOne Guru: NASA Needs a Visionary (AP) +Sports,"Lions Win on Road Again, Beating Giants (AP)" +Business,"Gulf monetary union requires political consensus, says IMF" +Business,"US 10-Year Treasury Note Yield May Hold Near 4, Survey Shows" +Sci/Tech,SpaceShipOne Guru: NASA Needs a Visionary +Sports,Sox study Cardinals and see themselves +World,Marines Destroy Insurgent Post in Fallujah +World,Israeli Cabinet Agrees to Compensate Settlers +Sports,Dolphins Top Rams for 1st Win of Season (AP) +Business,"Startup no more, Netflix girds for DVD rental price war" +Sci/Tech,Computer Makers Sign Joint Code of Conduct +Sports,Chargers Hand Panthers 4th Loss in Row (AP) +Sports,"Brazilian GP, Race" +Sports,"Struggling Bucs Best Dismal Bears, 19-7 (AP)" +Business,Gas Average Tops \$2 Per Gallon -Survey +World,Democrats Lose Mich. Ballots Court Ruling (AP) +World,Zarqawi Claims Killing of Iraqi Army Recruits +World,Israeli Missiles Kill Gaza Policeman -Medics +Sports,Chiefs Stun Falcons in 56-10 Rout (AP) +World,Tamil Tigers deny rumour of split +Business,Gas Average Tops #36;2 Per Gallon -Survey (Reuters) +Sports,Another Damp Squib for Barrichello +Sports,"Vikings 20, Titans 3" +Sports,"Lions 28, Giants 13" +Sports,"Stark times for Zook, Gators" +Sports,"Offence comes alive, Dolphins get 1st win" +World,"Typhoon Lashes Taiwan With Wind, Rain (AP)" +World,Uniform issue may be resolved thru Parliament: Mckinnon +Business,Insider Stock Sales Up in Apparel Sector +World,Breyer Questions Impartiality on Ruling (AP) +Sci/Tech,Wireless San Francisco +World,New Greek Orthodox patriarch of Alexandria enthroned (AFP) +Business,Amazon #39;s discount strategy worries analysts +Sports,Wenger: #39;ManYoo deliberately targeted Reyes #39; +Sports,"Lockyer, Fitzgibbon ruled out" +World,Secretary of State Powell in China for Talks on North Korea +World,"Russian-born tycoon, rightists neck-and-neck in Lithuania poll" +Sports,Manchester United Ends Arsenal's Streak (AP) +World,UK #39;s Black Watch unit redeployed +Business,"Bangalore Thrives, Chokes on Outsourcing" +World,Jordan's king speaks out on Iraq conference (AFP) +World,"Bangalore Thrives, Chokes on Outsourcing (Reuters)" +World,Grandparents form political bloc ahead of Nov. 2 vote (AFP) +World,"More Haiti Peacekeepers by End Nov, UN Envoy Says (Reuters)" +Sports,"Glenn, Sharper Hurt in Dallas-Packers Game (AP)" +World,Two Koreas join hands across the border for business (AFP) +World,"Strong Quake Shakes Northern Japan, Felt in Tokyo" +World,Syria's grip on Lebanon tested +World,A Liberian's bittersweet journey back home +World,Europe cracks down on illegal exports of toxic trash +Sci/Tech,Ballmer security pitch leaves skeptics unswayed +Sports,Bill Nicholson +Sports,Totmianina discharged after suffering concussion +Sports,Jaguars edge Colts on the road +Sports,"Vikings #39; Moss starts, exits early" +World,Goodbye Gaza +World,"Iran rejects EU nuke proposals, wants talks" +World,Killers posed as police +World,"Myanmar ruler, key to NE terror fight, arrives to red carpet <b>...</b>" +World,Zarqawi claims killing of Iraqi recruits +World,Montoya Wins Brazilian Grand Prix +World,Colombia Blows Up Stockpiled Land Mines +Business,Not your father #39;s Microsoft +Sports,"Revival! Lions Punish Giants, 28-13" +Sports,Chiefs Have Already Played This Card +Sports,NFL Game Summary - Buffalo at Baltimore +Sports,"Eagles 34, Browns 31, OT" +World,The dangers of playing hardball +World,Israeli Missile Wounds 2 Gaza Policemen -Medics +World,UN force should expand in Haiti by Nov. +Business,Netflix Girds for DVD Rental Price War +Sci/Tech,"Ballmer: Microsoft Courting Linux Users, Longhorn Worth Wait" +Sports,"Scoring Summary: Buccaneers 19, Bears 7" +Sports,Jags Win: Move into First Place in AFC South +World,Tehran rejects #39;unbalanced #39; European demands over nuclear standoff +World,"Diplomat, Parma Native, Killed In Iraq" +World,"Parliament likely to resolve uniform issue, says McKinnon" +World,Haiti Policeman Killed in Street-Clearing Raid +World,UN delay: a boost for cloning advocates +Sci/Tech,Netflix Girds for DVD Rental Price War (AP) +Sci/Tech,High-Tech Buildings May Save Energy (AP) +Sports,A Doctor Is Keeping Schilling in Stitches +Sports,Arsenal's Unbeaten Streak Ends at 49 +Sports,The Interlagos Race Report: Fernandos flawless performance +Business,Takeover Bid For Struggling Sainsbury #39;s +Sports,Serie A Sunday Wrap: Lecce Move Into Second Place +Sports,Fireronzook.com getting some serious traffic +World,Israeli forces kill two Palestinians +Sci/Tech,"World Follows U.S. Race by Internet, TV (AP)" +World,Third Palestinian Killed by Israeli Missiles -Medics +Business," #39;Politics, #39; layoffs cited as Coke profits fizzle" +Sports,No. 18 Boise St. Keeps Win Streak Going (AP) +Sports,NASCAR: Hendrick plane missing +World,"Powell, in China, seeks progress on NKorea and Taiwan" +World,Official warns citizens to leave Iraq after abduction of child +Sports,Rookie Palmer Wins Funai Classic with Closing 62 +Business,Ericsson cautious despite growth +Sports,Hendrick airplane was on way to Martinsville race +Sports,Eagles (5-0) at Browns (3-3) +Sports,Figure Skating: Pairs skater Totmianina released from hospital <b>...</b> +World,Omar escapes attempt on life +Business,Insurance fees under fire +Business,"If your office is cold, take note - chilly environs may lower <b>...</b>" +Sports,"Teams unite to cut costs, except" +Sports,Derby draw pleases Juve +Sports,Tendulkar #39;s recovery sends Indian expectations soaring +World,INSURGENTS MASSACRE 49 ARMY RECRUITS +Sports,Will Zook Get the Hook After Gators' Loss? (AP) +World,"Sharon Wins Cabinet Vote on Gaza, New Raid Mounted" +Business,No Free Launch +Sports,Cardinals Kicker Ties Record (AP) +Sci/Tech,A week using the Google Desktop Search +Sci/Tech,Linux speared by trio of security holes +World,Army cadets massacred by guerrillas +World,"Three killed, 20 hurt in strikes" +World,GILLARD DROPS OUT OF TREASURER CONTENTION +World,Security expert warns Internet pharmacies at risk from terrorists (Canadian Press) +Business,Army Studying Halliburton Compromise +Sports,Formula One split widens over budgets +Sports,"NFL: Minnesota 20, Tennessee 3" +Sports,Barca Extend Lead at the Top +World,World News In Brief +World,Iran Says Uranium Facility Almost Complete +World,Iraqi Army Recruits Massacred +World,Gillard out of shadow treasurer race +Sci/Tech,Why Can't Wi-Fi Be More Like Star Trek? (Ziff Davis) +World,"Kerry turns the Bible, terror comments on Bush (AFP)" +Sports,Hendrick Plane Crashes En Route to Nascar Race +Sports,"Patriots Beat Jets, Extend Streak to 21 (AP)" +Sports,Tragedy in NASCAR +Business,As bad as he wants to be +Sports,"Baseball: The odds show, better team doesn #39;t always win Series" +Sports,Glorious Sterne avoids school trip +Sports,Nicholson dies; managed Tottenham in glory days +Sports,"NFL: Away from lair, Lions claim Giants as latest victim" +World,49 Iraqi soldiers die in guerrilla ambush +World,Lithuanian PM Predicts He Will Lead Next Govt +World,Climber who found frozen mummy dies in Alps +Business,TRADED COMPANIES +Business,KPMG fined record \$10m over Gemstar +Business,Police have no suspects in killings of elderly couple +Sports,Montoya wins F1 finale in Brazil +World,Lithuanian vote in second phase +Business,TNK-BP nears Russian top spot +World,Vancouver Muslim leader denies comments about Jews were anti-Semitic (Canadian Press) +Business,Nikkei Seen Opening Weaker +Business,First Post-IPO Google Earnings Deliver +Sports,Cowboys head to Lambeau +Sports,A DOUBLE-UP GAME +World,10 Iraqi Policemen Killed by Car Bomb +World,"Bush to star in final ad, assails Kerry (AFP)" +Sci/Tech,Nokia's Preminet aims to chill Qualcomm's BREW +Sports,Trahan Gets First Nationwide Victory (AP) +World,Kerry and Bush Take Aim at Key Swing States (Reuters) +Sports,"Johnson Wins, Busch Gains in Title Chase (AP)" +Sports,Football; Patriots Day: the Jets; Aiming High; Jets #39; Pennington Is <b>...</b> +Sports,Green Bay Packers +Business,Suspend Hardie payouts: Carr +Sci/Tech,Mobile Operators Seek Higher Sound Quality +Sports,United punks have little to sing about +Sports,Podium finish for Barrichello +Sports,Lockyer #39;s men give Britain food for thought +World,Rebel militias deny holding British aid worker Hassan +Sports,"Cardinals Win, Smith Earns Another Record (AP)" +Business,EU to trim 2005 growth forecast +Business,"Kroger, Union Reach Tentative Agreement" +Business,Army Faces Probe on No-Bid Deals With KBR +Business,Options Report: Traders Take Stock Sell-Off In Stride +Business,Qwest agrees to pay \$250 million to settle fraud investigation +Business,Nortel rivals cool outlook for wireless gear +Sports,Safin crushes Nalbandian for fourth Masters win +Sports,Montoya shows his genius +Sports,NFL Game Summary - Dallas At Green Bay +Sports,Leader Barcelona beats Osasuna 3-0 in Spanish Primera Liga +World,"Japan #39;s Nikkei 225, Topix Drop; Canon, Honda, Nissan Decline" +Business,Magan scans Sainsbury #39;s +Business,Rover pins future on China +Business,UN report: Domestic robot use growing +Sports,Junqueira drive his best yet +Sports,NFL Game Summary - NY Jets at New England +Sports,Warner learning to play it safe +Sports,Ice champ injured in fall +World,Iran says European nuclear proposal unacceptable +World,Plane passengers in bird flu scare +World,"Typhoon Nock-ten lashes Taiwan, bringing heavy rain and fierce <b>...</b>" +Business,James Hardie #39;s Macdonald Quits Amid Asbestos Probe (Update5) +Business,Australian Leisure Shares May Gain After Coles Myer Raises Bid +Business,Lihir Gold More Confident FY Output Target To Be Met -2- +Sci/Tech,Brazil launches first rocket since accident +Sci/Tech,SF mayor seeks cooling-off period in hotel contract dispute +Sports,Wenger: #39;The referee #39;s decision made the difference #39; +Sports,"Johnson Wins, Busch Gains in Title Chase" +Sports,Juventus joy as Milan derby ends in stalemate +Sports,Confident Eagles escape unscathed +World,More Aftershocks as Japan Aids Quake Victims +Sports,BoSox Lead Cardinals 2-0 After 1 Inning (AP) +Sports,AP: Game 2 May Be Schilling's Only Start (AP) +World,Four Palestinians Killed in Gaza Air Strikes (Reuters) +World,More Aftershocks as Japan Aids Quake Victims (Reuters) +Sports,Cards DH Anderson Gets Postseason Start (AP) +World,Iran Says Uranium Conversion Plant Nearly Finished (Reuters) +World,Serb Boycott Confirms Kosovo Still Divided (AP) +World,Zarqawi Group Claims Killing of 50 Iraqis (AP) +World,Karzai Clinches Majority in Afghan Vote (AP) +Business,"Investigators Find Deceptive Practices at Aon, Too" +Business,Approval Expected for Big Cellphone Deal +Business,"To Survive the Dance, Marsh Must Follow Spitzer #39;s Lead" +Business,Delta and Pilots to Resume Talks +Business,Divided SEC Likely to Ask Hedge Funds for More Data +Business,"SGX, TSE plan cross-membership agreement: report" +Sports,Schilling could miss rest of Series +Sports,"Hendrick plane crashes, kills 10" +Sci/Tech,Schwarzenegger Shows Eco-Friendly Hummer (AP) +Sports,Game 2 and Done? +Business,Nikkei Sinks Due to Exporters (Reuters) +World,New Quakes Rock Japan #39;s Niigata; Tokyo Buildings Sway (Update2) +Sports,"NASCAR Team Plane Crashes, 10 Dead" +Sci/Tech,Amazon Rumor Ruffles DVD Rivals +World,Clinton Says Stumping for Kerry Not a Risk (AP) +World,Tunisia leader set for poll win +Sports,NFL Wrap: Dillon Helps Patriots Earn 21st Successive Win (Reuters) +World,Press Association Faults U.S. Restrictions (AP) +Business,Nikkei Dips 2 Percent on Exporters +Business,"Dollar Hits Multi-Month Lows Vs Euro, Yen" +Sports,Patriots Roll On +Sports,The Ultimate Closer +Sports,McNair Hurt in Loss +Sports,The Long and Blinding Show +Business,Schwarzenegger Shows Eco-Friendly Hummer +Business,Stocks open: ASX follows US falls +Sports,Montoya signs off in style +Sports,"NASCAR team plane crashes, 10 dead" +Sports,New model Safin rediscovers hot shots +Sports,Sunday #39;s NFL Summaries By The Associated Press +Sports,Australia 32 - 12 New Zealand +Business,"Australian Stocks Decline, Led by BHP Billiton and Rio Tinto" +Sports,Earthquakes Lead Wizards 1-0 in Series +Sports,Del Rio has rich tree +Business,Citigroup to Revamp Japan Operations -WSJ +World,Nikkei Dips 2 Percent on Exporters (Reuters) +Sports,"Moss, McNair Injured Again - in Same Game (AP)" +World,"Bush, Kerry, Parties Spending #36;40M on Ads (AP)" +Business,Rwanda sees 'fast growth' in 2005 +Business,SEC Probes Auto Pensions +Business,"Tokyo Exchange Plans Singapore Bourse Accord, Yomiuri Says" +Sports,Vijay turns up the heat +Sports,Ice Skating: Poise and protest but Kerrs happy with fifth +Sports,Air crash hits NASCAR team +Sports,Air Is Knocked From Titans #39; McNair Once Again +Sports,"Dolphins Break Through, Rip Rams For First Win" +World,Japan in shock after earthquake devastation +World,Israel settlers row at crisis point +World,Al-Zarqawi militants attack Iraqi Army recruits +World,Jilted boyfriend shoots teenager +World,Iran Says Uranium Facility Almost Complete (AP) +World,"In Haiti, Peacekeepers Take on Militants (AP)" +Business,DirecTV Sees Up to \$1.6 Billion Charge +World,Senators Concerned on Treatment of Iraqis (AP) +World,Powell Presses N. Korea on Weapons Talks (AP) +Business,Nikkei Drops 2 Percent on Exporters +Sports,Two Miami Linemen Could Be Out for Season (AP) +World,Huge Cache of Explosives Vanished From Site in Iraq +World,Ambush Kills 50 Iraq Soldiers Execution Style +World,Gore and Kerry Unite in Search for Black Votes +Business,EU set to clear Oracle-PeopleSoft takeover +Sci/Tech,Intel Calls Off Development of TV Chip +Sports,Ten Are Killed in Crash of Hendrick Team Plane +World,Defectors Try to Enter S. Korea Consulate (AP) +World,"Karzai Clinches Afghan Poll Win, Rival Concedes" +Sports,Report: All 10 on NASCAR team plane die in crash +Sports,Montoya wins final F1 race of season +Sports,"I thought I saw a shove, but I guess I need glasses" +Sports,Kansas City Chiefs +World,RIGHT GAINS IN LITHUANIA ELECTIONS +Sports,Pieces Fall in Place +Business,Tokyo Stocks Open Lower; US Dollar Down +Business,Strong demand lifts Shanghai Petrochemical net +Sports,"Chiefs go on the offensive, 56-10" +Sports,"Knicks Are Ready, Even if Houston Isn #39;t" +World,"Typhoon Lashes Taiwan With Wind, Rain (AP)" +Business,Crude Oil Prices Hug All-Time High +Business,Candidates Preach Oil Independence to Unconverted Public +Business,"Dollar Hits Multi-Month Lows Vs Euro, Yen" +Sci/Tech,NASA Puts Hands-Free Linkup to a Test +Sci/Tech,NextWave given another filing extension +Sci/Tech,Brazil has successfully launched its first rocket into space. +Sports,World Series resumes at Fenway Park +Sports,10 killed in crash of US small plane in Virginia +Sports,Giants falter at home against Lions +World,Six Pitcairn islanders found guilty of sex crimes +World,U.S. Urges China to Push for More N.Korea Talks +World,Senators Concerned About Secret CIA Memo +World,Cards DH Anderson Gets Postseason Start +Business,Citigroup to Revamp Japan Operations -WSJ (Reuters) +Business,DirecTV Sees Up to #36;1.6 Billion Charge (Reuters) +Sci/Tech,Jack LaLanne keeps going and going +Sci/Tech,"Human genes estimate falls to 20,000-30,000" +Sports,Ryan Palmer Triumphs At Disney +Sports,"Wizards #39; Pieces Fall Into Place Wizards 97, Bobcats 85" +World,Death toll from Japan earthquakes reaches 24 +World,Karzai clinches Afghan poll win +World,China rules out Hong Kong democracy vote +World,Japan Earthquakes Leave at Least 23 Dead (AP) +World,Japan #39;s quake bodycount mounts +Business,"Dollar Skids to Lows Versus Euro, Yen" +Sci/Tech,Microsoft Feeling Heat from the Penguin +Sports,Madrid Masters: Safin beats Nalbandian +Sports,"Wizards 97, Bobcats 85" +World,Six guilty of sex attacks on Pitcairn +World,Girl killed by 43-year-old ex +Business,"Asian Shares Fall on Dollar; Gold, Oil Up" +Business,"Australian Stock Index Falls, Led by BHP Billiton (Correct)" +Sports,Mark McNulty rallies to steal Schwab championship; Hale Irwin wins <b>...</b> +World,Karzai #39;s main rival concedes defeat in Afghan poll +World,Myanmar army strongman to meet Indian premier on 'historic' visit (AFP) +Sports,Ten Are Killed in Crash of Nascar Team Plane +Sci/Tech,Duke U's Journalistic Antisemitism Uproar +Business,Stocks plunge in morning +Business,"Asian Shares Fall on Dollar; Gold, Oil Up (Reuters)" +Sports,Johnson takes bitter-sweet win at Martinsville +World,Six on Pitcairn Island convicted of abuse +World,Let the Israeli people decide +World,"Powell presses China on NKorea, Taiwan talks" +World,49 army recruits executed in Iraq: Mortar kills US diplomat +World,Typhoon Nock-ten batters Taiwan +Sci/Tech,TV to the rescue +Sci/Tech,PalmOne pushes out Treo update +Sci/Tech,iRobot readies for war--and the household +Business,Washington rejects protocol for industry +Sports,Montoya bows out of Williams with Brazil victory +Sports,Moseley misses out by \$23 +World,Taiwan Markets Closed for Typhoon; Flights Canceled (Update2) +Sports,Lack of Clutch Hitting Hurts Cards Again (AP) +Sports,Red Sox Grab 2-0 Lead +Business,Microsoft Does Well On Server-Software Sales +Business,EU set to rule on Oracle bid +Sports,Smart Ones Skate America: Skater optimistic after headfirst fall +World,Immune find may help transplants +Sci/Tech,Plague carriers: Most users unaware of PC infections +Sci/Tech,A New Mobile Phone Search Service +Business,Elpida May Raise as Much as 102 Bln Yen in Initial Share Sale +Sports,"Hendrick Motorsports plane crashes, killing 10 on way to NASCAR <b>...</b>" +Sports,"Amid the Errors, the Red Sox Do Not Drop the Ball" +Sci/Tech,Security for Internet Users Deemed Weak (AP) +World,Blunkett to back EU asylum plans +Business,"Delta, Pilots To Resume Talks" +Business,Bush hands firms \$140bn in tax breaks +Business,Euro zone confidence likely to slide +Sci/Tech,"Yahoo, Adobe Team Up for New Web Services (AP)" +Sci/Tech,SF mayor seeks cooling-off period in hotel contract dispute +Sports,"In Game 2, It #39;s Bloopers: The Sequel" +Sports,Week 7 Judgements: The Lions streak tonight +World,Six Pitcairn men guilty of rape +World,EU to pick up half AU #39;s Darfur tab +World,Polls close in Tunisia +World,Koizumi eyes visit to quake-hit areas +Sci/Tech,Software As a Service Is Poised for Rebound (Ziff Davis) +Sci/Tech,IBM Transitions to Power5 (Ziff Davis) +Business,"SEC Pounces on Ford and GM, the 800-Pound Gorillas" +Business,ENERGY AND AMERICA #39;S FUTURE +Business,German Business Confidence Probably Dropped to Four-Month Low +Sci/Tech,"Cingular Purchase of AT amp;T Wireless Approved by FCC, People Say" +Sci/Tech,Mayor gets tough on hotel dispute He issues a formal request for a <b>...</b> +World,"Typhoon swipes Taiwan; shuts schools, businesses" +World,Karzai #39;s dangerous road from exile to Afghan presidency +Sci/Tech,Sprint Offering Wireless Tracking Devices (AP) +Sci/Tech,PalmOne Unveils Treo 600 #39;s Successor +Sports,"Schilling, Boston halfway to history" +Sports,Executives of top NASCAR team killed in plane crash +Sports,Cooling the Jets: Patriots claim AFC +Sports,Baseball-Schilling Gives Red Sox 2-0 World Series Lead +Sci/Tech,PalmOne Unveils Treo 600's Successor +Sports,Top Cards Underachieving +Sci/Tech,Clash Over Internet Sports Photos +Business,Spitzer Probe May Give Push to National Insurance Regulation +Business,Bank of Communications says IPO not finalized +Business,US Stocks May Fall as Outlook for 2005 Profit Growth Worsens +Sci/Tech,PalmOne pushes out Treo update +Sci/Tech,Yahoo acquires email startup +Sci/Tech,"In This Climate, Victory #39;s No Picnic, Either" +Sports,"Vikings 20, Titans 3: Defense makes a difference" +World,"21 die, 2000 injured in Japan #39;s quake" +Sci/Tech,Soyuz Capsule Lands on Kazakhstan Steppe (AP) +World,"Nepal's king calls for end to ""cycle of devastation"" (AFP)" +World,Darfur talks to open in Abuja +Sci/Tech,Grass-Roots Politics With Click of a Mouse +Sci/Tech,Technology Firms Find Tougher Terrain +Sci/Tech,Advertisers Tune In to New Radio Gauge +Sci/Tech,Electronic Voting Raises New Issues +Business,South Korea #39;s Kospi also tumbles after US loss +Business,Will RBI hike interest rates? +Sports,Baseball-Schilling Gives Red Sox 2-0 World Series Lead +Sports,Sterne wins in Madrid to salvage European career +Sports,Fantasy Dozen: RB outlooks in Cleveland and Minnesota +World,"Australasia ; Pitcairn sex abuses, six convicted" +World,Bush has been adroit at exploiting 9/11: Carter (AFP) +Sports,Baseball-Stitched-Up Schilling Makes World Series History +Sports,Boxing-Jungle Still Rumbles When Talk Turns to Ali +World,"Illinois Democrat Wins Kenyan Hearts, in a Landslide" +Business,Faster clearing comes with change on Thursday +Business,"BHP Approves Spence Copper Mine, Iron Ore Expansion (Update1)" +Sci/Tech,Home PCs not as protected as owners think +Sports,Postseason issues begin to surface +World,Iran #39;s Revolutionary Guards getting a bigger appetite +Business,Baseball Tax Raises Question of Fairness +Sci/Tech,RFID cell phones take shape at Nokia +Sci/Tech,Security for Internet Users Deemed Weak +Sci/Tech,DART flight will test key autopilot system +Sci/Tech,Estimate for Number of Human Genes Slashed +Sports,Palmer magical at Funai Classic +Sports,Hendrick plane crashes en route to NASCAR race +World,Early results show Karzai victory +World,Opposition wins Lithuania #39;s parliament elections +World,Prison Guards Kept Log of Practices +World,Motor Racing-Montoya Leaves Williams on a High +Sports,"Patriots, Eagles Do the Expected _ Win (AP)" +Sports,Trojans' Defense Carrying No. 1 Team (AP) +Business,"Third quarter is fine, but what about fourth?" +Business,Microsoft #39;s Second Mistake: Boring Upgrades +Business,SEC Seen Probing Pension Costs +Sci/Tech,Computer security survey finds awareness gap +Sports,Gaining advantage: WR Givens steps up game +Sports,Giants: Harrington renders #39;D #39; useless +Sports,CRAWFORD LIGHTS UP GARDEN +World,"50 Iraqi soldiers die in ambush, US diplomat killed" +World,Talks on conflict in Sudan #39;s Darfur to restart in Nigeria +Business,DirecTV to write-off Net-via-satellite effort +Business,BHP Billiton approves \$US990m mine +Business,Microsoft Stays Pricing Course +Sci/Tech,PalmOne Extends Treo on the High End +Sci/Tech,Yahoo buys email start up +Sports,Russian Skater Recovering +Sports,Grant steps up for Lakers in Vegas +Sports,Titans Report Card +World,Myanmar army strongman to meet Indian premier on #39;historic #39; visit +World,Nuclear scientist remains in custody +World,Bomb Explodes Near U.S. Convoy in Baghdad (AP) +World,Dalian Shide players storm off pitch as Chinese football worries deepen (AFP) +Business,"BHP Approves Spence Copper Mine, Iron Ore Expansion (Update2)" +Business,Time running out for Hardie: ACTU +Sci/Tech,NASA to fly space drone +Sci/Tech,Birds #39;had four wings #39; +Sports,A charge that lived up to the name +Sports,Junqueira #39;s win puts hold on teammate #39;s title party +Sports,Leftwich is best on day of passing +World,Dozens of new Iraqi troops die in ambush +World,President likely to win again +Business,Oil prices at high on Norway fear +World,EU set to clear Oracle-PeopleSoft takeover (AFP) +World,Earthquake Weighs Heavily on Tokyo Stocks (AP) +World,UK urged to prepare for Olympics +Business,Drugmaker Warner Chilcott: New offer at 837p/share +Business,Stock market access to Chinese insurers +Business,Ford #39;s investment vote of confidence +World,Six found guilty in Pitcairn trials +World,Six Palestinians killed in Gaza air strikes +World,"Egypt, Israel in prisoner swap deal:" +Business,"US Analyst unimpressed, Swanepoel unfazed" +Business,Boeing confident over pension probe outcome +Sports,New faces helps Lakers sink Suns +Sports,Sloppy Wizards get past Bobcats +World,Karzai on course to win Afghanistan election outright +World,Iran Rejects European Offer On Nukes +World,Lithuanian PM for coalition without Labor party +Sci/Tech,Japan Digs Out Amid Big Quake's Aftershocks +World,Egypt to return ambassador to Israel +Sci/Tech,Two Back on Earth After Six Months on Space Station +World,'Nepal Maoists kidnap officials' +Business,Man Utd end Glazer takeover talks +Business,James Hardie assures fund of help +Business,Warner Chilcott gets bid approach +Business,Technology Stocks Spur Nikkei Higher +Business,BHP Billiton Approved \$990m Copper Project in Chile +Business,FTSE 100 set to tumble +Business,Gold Fields appeal #39;a delaying tactic #39; +Business,Financier said to have eyes on Sainsbury #39;s +Business,Citigroup to Revamp Japan Operations -WSJ +Sci/Tech,"Soyuz Landing Delivers Fincke, Padalka to Earth After Six Months <b>...</b>" +Sci/Tech,Ballmer: Microsoft Software Too Expensive +Sports,Montoya bids team farewell with a victory +Sports,Dangerous #39; Kimi fined +Sports,"KC runs over Vick, Falcons" +Sports,Hook could come for Zook +Sports,"Favre, Pack offense are clicking like never before" +Sports,Teams halt unofficial Brit GP +Business,China sees value of stronger currency (AFP) +World,Candidates paint two incomplete views on foreign policy +World,North Korean refugees enter South Korean consulate in Beijing +Business,US insurance investigation widens +Business,Chinese insurers get green light to invest in stocks +Business,Malaysia #39;s Proton to sign assembly deal with Volkswagen this week +Sci/Tech,Using Windows on Macs +Sports,Lions learn to win on road +World,Japan still shaking from earthquakes +World,Insurgents kill about 50 Iraqi soldiers +World,Karzai ahead in Afghan election +World,Putin winds up his three-day visit to India +Sports,Two to go +Sports,Patriots' timing is perfect +Sports,Heading west 2 games up +Sports,"Painful day, then win sewn up" +Sports,It's impossible to overlook 1967 dreamers +Sports,"After bad hop, he bounces back" +Sports,Ratings off to a good start +Sports,Not winning was real error +Business,"American Airlines, Airbus spar over crash" +Business,The Internet of things +Business,Utilities take pass on offering broadband +Sports,"La Russa, Francona have family ties" +Business,Ethernet creator evangelizes on new networking revolution +Sports,How to play it straight +Business,A new laptop with big-media power +Sports,Just call it the bullish pen +Business,Take the trouble to block WiFi poachers +Business,"Yahoo, Adobe link on Web services" +Business,IBM unveils challenge to EMC +Sports,Givens and Patten are on receiving end of praise +Business,Internet users seen having few safeguards +Sports,Not sold on Vick +Sports,Eagles couldn't pen it any better +Sports,Zook wary of hook +World,Scooby-Doo breaks cartoon record +Business,"TECH BUZZ: Yahoo, Adobe team up for new Web services" +Sports,Rookie blows past world #39;s top player +Sports,Gunners cry foul +Sports,Sterne stages escape to victory +Sports,Brit GP talks #39;back on +Sports,"Fumbles, stumbles lead Colts to tumble" +Sports,NOTRE DAME: Monday morning quarterback +World,Some 50 Iraqi soldiers executed in ambush +World,Cabinet approves Gaza compensation +World,Haiti Moves on Pro-Aristide Militants +World,INTERVIEW: Newmont Preparing Defense In Indonesian Case +World,"Colombia explodes 6,800 land mines as victims look on" +World,Karzai seen winning Afghan majority +World,6 reported convicted in Pitcairn rape cases +World,Kurds say changes merely gesture by Turkey for EU +Business,Warner Chilcott Says It Got Offer of About \$2.9 Bln (Update1) +Business,Australia #39;s Colorado Sees FY Net Up In Excess Of 30 +Business,Morrison to sell 114 Safeway stores +Sci/Tech,"Internet users not as safe online as they believe, researchers <b>...</b>" +Sci/Tech,Red Hat users urged to patch with Trojan +Sports,Red Sox lead 2-0 over Cardinals of World Series +Sports,"Arizona Cardinals 25, Seattle Seahawks 17" +Sports,Typhoon inspires changes to qualifying format next year +Sports,Road to LA: Hang on a minute! +Sports,Lions defenders get after Warner +Sports,Irish #39;s poor offensive effort in 2nd half gives BC life +World,Top US foe claims Iraq killings +World,Norwegian oil production faces paralysis after lock-out threat (AFP) +World,Viewers to be able to shape TV +Sci/Tech,Montana's Mining Future on Ballot Measure (AP) +World,Weighty US presidential campaign lightened by relentless comics (AFP) +Sci/Tech,Fake email targets Red Hat Linux +Sports,Red Sox walking on err with 2-0 lead in Series +Business,Crude Oil Reaches Record on Norwegian Oil-Rig Labor Dispute +Business,Stocks noon: Tokyo adds to pressure +Sports,"GAME 6: DETROIT 28, NY GIANTS 13" +World,Thousands celebrate Zambia #39;s independence +Sci/Tech,Washington Post Endorses Kerry +World,EU bid to catch US economy 'a big failure': Prodi (AFP) +Sci/Tech,Alt-School Gives Students Second Chance (AP) +World,Six Pitcairn Islanders guilty of sex crimes (AFP) +Business,E.U. Set To Lift Sanctions For Now +Sci/Tech,Web-apps are the legacy apps of the future. +Sci/Tech,The Power of Nightmares: The Rise of the Politics of Fear +Business,Spanish Bank BBVA Sees Profit Rise +Business,Drugs Group Confirms Higher Approach +Business,"BHP Approves Spence Copper Mine, Iron Ore Expansion (Update3)" +Business,Somerfield takes on 114 Safeway stores +Business,Web attacks up by a third +Sports,Rookie Palmer charges to first PGA win +Sports,US PGA AND EUROPEAN GOLF LATEST BETTING ODDS NEWS +Sports,Lions keep roaring on road +Sports,Smith tops 100 yards for record 78th time +Sports,Chiefs rush for NFL-record 8 TDs +World,First UN Rep Office Unveiled in Sofia +Business,Newsweek says move intended to help talks with Spitzer +Business,ARI sells \$115m stake in Colorado +Business,Check 21: A classic case of risk +Sports,HENDRICK MOTORSPORTS STATEMENT +Sports,NFL Game Summary - Jacksonville at Indianapolis +Business,ADV: Refinance Rates Just Got Lower +Business,Gold Fields plans to respond to Harmony offer by Nov. 3 +Business, #39;Takeover bid #39; for Sainsbury #39;s +Business,Week critical for Delta +World,Karzai Looks Set To Win Afghan Presidency +Sports,Elite US eights entry hits wall +Sci/Tech,Motricity pulls in #36;27M after merger (TheDeal.com) +World,"British, Spanish tourists stranded for four days in Bolivian Andes (AFP)" +World,2 killed in Baghdad blast +World,Six Pitcairn men found guilty of sex attacks +World,"China, US Agree to Push for Resumption of N. Korea Talks" +World,Patil reviews J amp;K situation with Army Chief +Business,Shipowners #39; threat sends oil soaring +Business,Warner Chilcott gets 1.5 bln stg bid approach +Business,M amp;S says buyback demand strong +Business,"Q3 venture capital investment down 4, survey says" +Sci/Tech,He's Always Being Hit On +Sci/Tech,"Intel Chief Begs Forgiveness, Says Company Became Too Relaxed #39;" +Sci/Tech,Avis Europe is latest to get stung by IT +Sci/Tech,Fairfax E-Voting Video Speaks Immigrants' Languages +Sports,Ruud #39;s goal: Was it a penalty? +Sports,School #39;s out for Sterne +Sports,SECOND LOOKSnapshots from the latest in college football +World,Is the End Nigh for Opel? +World,EU seeks joint asylum policy +World,Misdirected Text Message Leads to Teenager #39;s Murder +Sci/Tech,SAT Site Crashes +Sports,Majestic Moya Wins Davis Cup for Spain +Business,"Yahoo, Adobe team up on new Web services" +Business,Schwarzenegger Shows Eco-Friendly Hummer +Sci/Tech,Internet users seen having few safeguards +Sci/Tech,Yahoo buys e-mail search firm +Sci/Tech,"In spite of best efforts, firestorms could happen again --- and <b>...</b>" +Sci/Tech,Missing the pressure point +Sci/Tech,TI says chip will allow TV on cell phones +Sports,United ends Glazer talks +Sports,Jackson puts Cowboys in headlock +Sports,Strahan gives bad reviews to Strahan +Sports,Chiefs #39; offense finally breaks out +World,Germany #39;s most beautiful words +World,France still hopeful reporters in Iraq will be released (AFP) +World,"Japan Quake Survivors Face Rain, Aftershocks" +Business,Oil prices at high on Norway fear +Business,Net via satellite effort to be written off by Direc TV +Sci/Tech,Texas Instruments brings live digital TV to the cell phone +Sports,Depleted defense did its part +Sports,KC barbecues Falcons +World,Rebels massacre 49 Iraqi trainees +World,Darfur peace talks resume in Nigerian capital +Business,Marks and Spencer begins mammoth share buy-back +Sci/Tech,Linux under threat from #39;security update #39; +Sci/Tech,High hopes for Cassini #39;s Titan flyby +World,Heavy Guard as Israeli Parliament Debates Gaza Withdrawal +World,Aftershocks continue to rattle quake-stricken Niigata +World,EU to Tackle Asylum and Security Policy +Business,Warner Chilcott gets 837p approach +Business,China enters peak period of trade disputes +Sports,Man Utd rejects Glazer plan +Sports,PREVIEW-Nagpur track plays into Aussie hands - Ganguly +World,Powell declares North Korea a #39;terrorist state #39; +Business,Swanepoel #39;s Gold Fields takeover bid looks as if it was born of <b>...</b> +Business,Higher trade growth predicted in 2004 despite oil price hikes +Business,World growth in 2005 could be below 4.3: IMF +Sci/Tech,Yahoo buys Bloomba; plans Chennai operations +World,Powell Urges China to Hold Taiwan Talks +Sci/Tech,"Dad, Reluctantly Upgrading to a Modern 'Machine'" +Sci/Tech,"The Buyout Business Has Changed, and So Has Frederic Malek" +Sci/Tech,Developing Effective Network Diagnostics +Sci/Tech,Cogent Acquires Broadband Company +Business,"German business confidence stable despite high oil prices, strong euro (AFP)" +Sci/Tech,SingTel tests video calls between fixed-line and mobile phones (AFP) +Sci/Tech,Firms Vie for Air Force Space Command Work +Business,EU to Lift Sanctions as Bush Signs Law Repealing Tax Breaks +Business,"Ispat International to buy LNM, then Int #39;l Steel" +Business,"BHP Billiton approves Chile copper project, Western Australia iron <b>...</b>" +Business,EU bid to catch US economy #39;a big failure #39;: Prodi +Business,Europe falls to six-week lows +Sci/Tech,Intel switches off LCOS TV chip +Sci/Tech,Brazil Successfully Launches Its First Rocket To Space +Sci/Tech,Earth #39;s Tides Set Off Quakes +Sports,Amarilloan shoots 10-under 62 to claim first title on PGA Tour +Sports,Sterne shocked by Madrid victory +World,Aus Iraq patrol attacked for first time +World,"Sudanese government, rebels restart talks on Darfur" +World,Sudanese peace talks open with dispute on security looming (AFP) +Sci/Tech,Mind those IMs--your cubicle's walls have ears +Business,Int #39;l Steel Group to be bought for \$4.5B +Business,Oil hits new record +Business,Marks and Sparks buys back 635m shares +Sci/Tech,Red Hat Users Targeted by Bogus Advisory +Sci/Tech,Strong Earth tides can trigger earthquakes +Sci/Tech,In Other News... +Sports,Dream season says Ferrari #39;s technical director +Sports,IMPERFECTION WON #39;T BEAT PERFECTION +World,PITCAIRN: SIX GUILTY OF SEX CRIMES +World,Iran may continue suspension of uranium enrichment +World,Killer typhoon swipes Taiwan +World,"Myanmar, India to sign cooperation agreements" +Sci/Tech,Australia court hears case against song-share website owner (AFP) +Business,Engelhard Posts Flat 3rd-Quarter Results +Business,Shipowners Association May Expand Lockout +Business,Somerfield buys 114 Safeway outlets +Sci/Tech,Most computer users ignore basic online security measures +Sports,Champion Skater Injured in Fall to Ice +World,Democratic dawn +World,Powell sees urgency in N. Korean nuclear talks +World,Rand eyes 6.10 as dollar wilts +Sports,Red Sox take another big step (USATODAY.com) +Business,"Oil Hits High; Dollar, Stocks Slide" +Sports,El Guerrouj Plans to Retire in 2006 +Business,Manchester Utd drop Glazer talks +Business,M S starts share buyback +World,Insurgents kill 23 Iraqis countrywide +Sci/Tech,Security for Internet Users Deemed Weak +Sci/Tech,Netflix Girds for DVD Rental Price War +Sci/Tech,Leading games maker up for sale +World,Red Sox Star Keeps Bit of His Past in Present +World,"Twelve Iraqis Die in Car Bombs, Clashes (Reuters)" +Sci/Tech,Home PCs not as protected as owners think (USATODAY.com) +Sci/Tech,"Tech CEOs chat about new products, globalization (USATODAY.com)" +Business,Stocks to Watch Monday +Business,EU Lifts Sanctions After U.S. Signs Bill +World,Kerry demands answers about missing explosives (AFP) +Business,Oil Scales New High as Norway Strike Hits +Business,Oil Scales New High as Norway Strike Hits (Reuters) +Business,Engelhard Posts Flat 3rd-Quarter Results (Reuters) +Business,Ahold Raises Stake in ICA to 60 Percent (AP) +Business,The 401(k) Card +World,Darfur Peace Talks Start Amid New Fighting (Reuters) +World,Israel Kills 14 in Gaza Before Key Withdrawal Vote +Business,World oil prices hit new record peak on Norway supply halt fears +Business,"Mittal to Buy ISG, Create World #39;s Largest Steelmaker (Update1)" +Business,Drugs group confirms bid approach +Business,EU bid to catch US economy #39;a failure #39; +Sci/Tech,Yahoo to start Chennai operations +Sci/Tech,Slashdot warns of Red Hat security scam +Sci/Tech,Putting Home Theater In Every Room +Sci/Tech,Brazil Back in Space +World,"Twelve Iraqis Die in Car Bombs, Clashes" +World,Twelve Palestinians killed as Israeli parliament to debate Gaza <b>...</b> +World,Iraqis suspect executed soldiers were set up +World,Aftershocks continue to rattle Japan +World,Typhoon kills 3 in Taiwan +World,More than 100 Iraqis demand release of Margaret Hassan +World,1 killed in car bombs in northern Iraq +World,Indian decision on passports discriminatory: Pak +Business,EU to lift trade sanctions against US amid lingering doubts (AFP) +Sports,Schilling Gives Red Sox 2-0 World Series Lead +Sports,Stitched-Up Schilling Makes World Series History +Business,Oil Scales New High as Norway Strike Hits +Sports,Manchester United Ends Talks With Glazer on Takeover (Update2) +Sports,Serena flies to Austria in desperate search for points +Sports,Another loss to BC crushes Notre Dame +Business,LaBranche Posts 3rd-Quarter Net Loss +Business,"UPDATE 3-Citigroup to shut Japan trust bank, promises oversight" +Business,"Ispat to Buy LNM Holdings, Intl Steel" +Business,Marsh and McLennan #39;s Chairman Steps Down +Business,Ahold pays 811 million euros for ICA stake +Business,Asia DRAM Report: Hynix 3Q Net Surges;Strong Chip Prices +Business,Kimberly-Clark Posts Third-Quarter Profit (Reuters) +Sports,Wenger #39;s referee comments to be investigated by FA +Sports,NASCAR Community Mourns After Plane Crash +Business,Storm Damage Hurts BellSouth Earnings +Business,Oil Hits New High on Norway Strike Fears +World,Pakistani prime minister to visit India next month (AFP) +World,U.N.: Explosives Missing from Former Iraq Atomic Site +Sci/Tech,"For cell phones, it's TV to the rescue" +Business,Ispat to form global steel giant in \$17.8 bln deal +Business,Harmony Gold Q1 headline loss misses expectations +Business,Bright Marks amp; Sparks +Business,Semel: Search For New Yahoo! Features Yields Adobe Deal +Business, #39;Stagnation not deflation #39; in housing market +Business,Reliance second quarter profit up 39 per cent +Sci/Tech,Yahoo acquires e-mail search firm +Sci/Tech,palmOne Announces the Treo 650 +Sci/Tech,Borland focuses on UML modeling +Sports,Berlin to host 2009 World Championships +Sports,Rugby-Bulloch to captain Scotland in November internationals +Sports,Seahawks lay an egg with loss to Cardinals +Sci/Tech,Borland focuses on UML modeling (InfoWorld) +World,IAEA: Tons of Iraq explosives missing +World,"Bomb blast explodes near Australian Embassy in Baghdad, killing 2 <b>...</b>" +World,"Japan Quake Survivors Face Rain, Aftershocks" +Sci/Tech,'Spam King' Ordered to Disable Spyware +Business,Yahoo links seach tool to Adobe +Business,Checks to clear much faster as #39;float #39; disappears +Business,Kellogg Quarterly Earnings Top Estimates (Reuters) +Sci/Tech,Internet Users Not As Safe Online As They Believe +World,US expert believes Bin Laden network active in Bosnia (AFP) +Sports,Ryan Palmer Wins Funai Classic Over Singh (AP) +Sports,Little Movement in AP Football Poll (AP) +Business,Stocks Seen Lower as Oil Adds Pressure +Business,BellSouth Posts Lower Quarterly Earnings +Business,Cingular/AWE Deal to Get Conditional OK +Sci/Tech,Dell Shows New Small Business Servers +Sci/Tech,Cingular/AWE Deal to Get Conditional OK (Reuters) +Sci/Tech,Infineon execs plead to price-fixing +World,"Thinner Bill Clinton feels ""good"" as he goes to aid Kerry (AFP)" +Business,Gold Fields saga may lead to court +Sports,Skater Totmianina Doesn't Remember Fall (AP) +Business,Mortgage Giants Are Near Top in Lobby Cost +Business,LNM Plans to Merge Two Main Divisions +Business,Strong response to M amp;S buyback +Business,"Magna to take auto parts subsidiaries Intier, Decoma and Tesma <b>...</b>" +Business,EU to lift \$4bn sanctions on US imports +Business,Kellogg Quarterly Earnings Top Estimates +Business,UPDATE: James Hardie Willing To Help Compensation Fund +Sports,Ice skater doesn #39;t remember what caused fall that left her with a <b>...</b> +Sports,Ravens - Bills: Game Notes +Sports,Chargers rally for fourth win +World,UN: Explosives Missing from Former Iraq Atomic Site +World,Tunisia #39;s Ben Ali wins landslide victory +World,Egypt Arrests Alleged Sinai Bombers +Sports,Chinese guard Liu Wei cut from Sacramento Kings (AFP) +Business,Canadian retail survey suggests average holiday spending \$991 a <b>...</b> +Sports,Manchester United breaks Arsenals winning Streak +World,Japan #39;s IT companies say no major damage after quakes +World,Peace talks for Sudan #39;s Darfur region restart in Nigeria +Business,Treasury Yields Near Seven-Month Lows +Sci/Tech,CTIA shines spotlight on mobile middleware (InfoWorld) +World,Blair: Next Few Weeks 'Crucial' for N.Ireland (Reuters) +Sci/Tech,"PeopleSoft, RIM partner to deliver sales application (InfoWorld)" +Sci/Tech,URI Proposes Undersea Exploration Center (AP) +Sci/Tech,Ancient Bird Fossil May Suggest Link with Dinosaurs (Reuters) +World,Blair: Next Few Weeks 'Crucial' for N.Ireland +Business,Ifo Index Barely Climbs in October (AP) +Sci/Tech,"PeopleSoft, RIM partner to deliver sales application" +Business,US Treasury Debt Investors Turn More Bearish on Dollar Drop +Business,ISG in major merger +Business,CNF Swings to 3Q Loss on Charge +Business,Russian oil company problems likely to affect global oil prices +Business,Kimberly-Clark reports third-quarter results +Business,"Yahoo, Adobe team on search, boost PDF" +Sci/Tech,Finally! The Treo 650 Arrives +Sci/Tech,Ancient baby bird fossil found in China +Sports,Reds snub Glazer +Sports,Racing: Jaguar future to be decided this week +World,Production Resumes at GM Plant in Germany (AP) +Sci/Tech,Google shares go crazy (SiliconValley.com) +World,Crucial vote looms on Israel #39;s Gaza withdrawal +World,"We #39;re Standing Up for Iraq Democracy, Insists Blair" +World,Egypt arrests five suspects over Sinai bombings (AFP) +Business,Bush bouncing checks that bolster markets +World,US sees China pressing NKorea for quick resumption of nuclear talks (AFP) +Sci/Tech,"Mali Says Locust Outbreak Subsides, Eases Food Fears (Reuters)" +World,"New Violence Flares in Iraq, After Executions Leave 50 Dead" +World,Colombia Destroys Stockpiled Land Mines +Business,Mittal Steel emerges world #39;s largest steelmaker +Business,BellSouth earnings hit by storm damage +Business,Hynix #39;s 3Q Profit More Than Triples +Sci/Tech,Russia to launch new Soyuz launch vehicle this month +Sci/Tech,Red Hat hit by security-update email scam +Sci/Tech,UA scientists anxious as Cassini approaches flyby of Saturn #39;s <b>...</b> +Sci/Tech,Microsoft Feeling Heat from the Penguin +Sports,Wenger fury at #39;cheating #39; star +Sports,Subway 500 victory overshadowed by 10 dead in company craft +Sports,"Webber a champion in waiting, says Jaguar boss" +Sports,Sulamani cruises by 11/2 in Canadian International +World,Facts about Israeli leader Ariel Sharon +World,Black Watch on new alert after massacre +Sci/Tech,Finder of 'Iceman' Found Dead in Austrian Alps (Reuters) +Business,EU suspends US export sanctions +Business,Mittal Family in #36;17.8 Bln Steel Deal (Reuters) +Business,Mittal Family in \$17.8 Bln Steel Deal +Business,Gold Licks at Near 16-Year Highs +Sci/Tech,Intel sketches out nanotechnology road map +Sci/Tech,Intel Prepares for the Next 20 Years +Sci/Tech,Mac users face rare virus +World,Festivals may not cheer durable goods makers (Reuters) +Sci/Tech,Brazil Launches First Test Rocket Since Accident (Reuters) +Business,Oil Scales New Highs +World,China Rebuffs Powell's Suggestions on Taiwan +World,IAEA Says Tons of Iraq Explosives Missing +Sci/Tech,"Yahoo, Adobe look to convert Web content to PDF documents " +Business,Now Norway riles the oil market +Business,EU suspends US export sanctions +Business,"USA: Kellogg posts higher Q3 profit, raises guidance" +Business,Reynolds American reports \$339 million third quarter profit +Business,Hynix Q3 net profit quadruples on firm chip sales +Business,One Year On: Khodorkovskys Supporters Picket Moscow Court +Sci/Tech,Russia to Test New Soyuz Booster on Oct. 29 +Sci/Tech,Hackers Pull Out Nasty Trick From Hat +Sci/Tech,Mac users face rare virus +Sci/Tech,Titan #39;s Alien Thunder +Sci/Tech,Media #39;s Believe-It-or-Not Future +Sci/Tech,IBM Introduces Blades With Slimmer Price Tags +Sports,Man U breaks off talks with Glazer +World,Failure of Gaza pullout plan would be catastrophic: Peres +World,Japan quake survivors face aftershocks +World,China Rebuffs Powell #39;s Suggestion +World,China Factory Workers Protest Pensions (AP) +World,A Field Guide to the Falling Dollar +World,Israel Kills 14 in Gaza Before Key Withdrawal Vote +World,Day at-a-glance +Business,Kimberly-Clark 3rd-Qtr Net Rises 5.1 on Huggies Diaper Sales +Business,"Hynix Profit Soars, Forecasts Better Fourth Quarter (Update4)" +Business,India #39;s Reliance Industries second quarter profit up 39 percent +Business,Bond yields near 7-month lows +Sci/Tech,Red Hat hit by security-update email scam +Sci/Tech,Yahoo and Adobe Announce a Partnership +Sci/Tech,"Shuttle Enterprise Takes Center Stage, at Last" +Sci/Tech,Treo Smartphones to Get Smarter +Sci/Tech,Mind those IMs--your cubicle's walls have eyes +World,Vatican Handbook Questions Preventive War (AP) +Sports,Milan derby finishes with a goalless draw +World,Tunisian President Ben Ali Reelected +World,Sudanese peace talks open with dispute on security looming +World,TV REPORTER DROWNS ON ASSIGNMENT +World,"Ispat, LNM, ISG merge to form world's largest steelmaker (AFP)" +Sci/Tech,Robot promoters look to Social Security set +Sci/Tech,Multimedia goes mobile at CTIA +Sci/Tech,PalmOne packs Treo smart phone with new chip +Sci/Tech,Exec says Pentium M may add location-based services in 2006 +Business,Hilton Profit Up on Travel Recovery +Business,Do You Need Disability Insurance? +Business,Crude Oil Prices Rise on Winter Fuel Worries +Sci/Tech,President signs American Jobs Creation Act +Business,Existing Home Sales Surge in September +Business,Existing Home Sales Surge in September (Reuters) +World,Supermarket chain Morrison sells 114 stores (AFP) +Business,Magna International Offers to Take 3 Units Private (Update2) +Business,"Hynix sees Q3 sales, profits slip sequentially" +Business,"NETHERLANDS/SWEDEN: Ahold, Canica agree purchase price of ICA <b>...</b>" +Business,One year since YUKOS #39; head arrest +Sci/Tech,Cassini takes passing shot of Saturn #39;s moon +Sci/Tech,PalmOne updates the Treo smart phone +Sci/Tech,Curb biological weapons - doctors +Sports,United ends Arsenal #39;s streak +Sports,Molik carries weight of expectation +Sports,Uncertain offseason in store +World,Diggers bombed in Baghdad +World,Karzai Seen Winning Outright First-Round Victory +World,"China, US agree to revive talks on N. Korean nuke issue" +World,Egypt arrests five suspects over Sinai bombings +World,Compatriots urged to battle Chen #39;s moves +Business,Now Norway: Oil Finds Another Reason To Rise +Sports,Russian ice queen is hurt in fall +Sports,Bulloch to captain Scots +World,Japan quake survivors face aftershocks +World,Russian tycoon rocks Vilnius +Sports,Els Stays Away as Valderamma Loses Its Sparkle +World,Sharon Says Iran Doing All to Get Nuclear Weapons (Reuters) +World,"Palestinian Organized Taba Bombs, Died in Blast (Reuters)" +Sci/Tech,Sony Launches MP3 Walkmans to Counter IPod +World,US vice president deems Kerry's approach to fight against terror 'nuts' (AFP) +Sci/Tech,Computer Security Survey Finds Awareness Gap +Sci/Tech,Sony Launches MP3 Walkmans to Counter IPod (Reuters) +Sci/Tech,Invasion of the Data Snatchers +Sci/Tech,Key Internet Domain Up For Grabs +Sci/Tech,United Online Buying Classmates.com +World,Chechen President Open to Rebel Talks (AP) +World,Darfur Peace Talks Seek to Break Deadlock (AP) +Sci/Tech,No Fast Answers in Probe of Seal Deaths (AP) +World,Karzai Win Assured as Afghan Poll Count Winds Up +Business,BellSouth Profit Drops on Flat Revenue +World,Kerry Calls Missing Explosives One of Bush's 'Great Blunders' +World,Israeli Troops Kill 14 in Gaza Refugee Camp +World,Montoya Leaves Williams on a High +Business,Hilton Hotels profit zooms 78 percent amid summer travel surge +Business,Reynolds reports 1st earnings since merger +Business,"Reliance #39;s Q2 profit jumps 38.7 percent, shares slip (update):" +Sci/Tech,Invasion of the Data Snatchers +Sci/Tech,Sony Launches MP3 Walkmans to Counter IPod +Sci/Tech,Astronaut candidates taste of zero gravity +Sci/Tech,Britain seeks wave power +Sci/Tech,Brazil Successfully Launches First Rocket Into Space +Sports,Ferdinand cautious amid United euphoria +Sports,Gators Fire Zook +Sports,Bulloch is new Scotland skipper +World,Six convicted in Pitcairn sex trials +World,Egypt arrests Sinai bomb suspects +World,Four killed in Thai violence +Business,"Stocks Fall as Oil, Dollar Weigh" +Business,Oil Scales New High on Norway Fears +Business,"Dollar Falls, Gloom Over Economy Persists" +Sci/Tech,Mac users face rare threat +Sci/Tech,Survey: Porn to Boost Wireless Web Services +Sci/Tech,Porn to Boost Wireless Web Services-Survey +Business,Ispat to create world #39;s largest steelmaker +Business,EU proposes end to biggest trade dispute with Washington +Business,Reynolds American Reports First Earnings Since Merger With B amp;W +Business,SEC Probes Payments to Pension Planners +World,Police open fire at Thai Muslim protest +World,Consular Office of Korean Embassy in Beijing Considers Suspending <b>...</b> +Sci/Tech,Survey: Porn to Boost Wireless Web Services (Reuters) +World,Rivals run a relay race for president (USATODAY.com) +World,Darfur Peace Talks Start Amid New Fighting +Sci/Tech,Rutan meets his rocket heroes +Business,McKesson Gets Pain Relief +Sci/Tech,2004 Salary Survey Snapshots +Business,Hilton Profit Up on Travel Recovery +Business,Automatic Data Posts Higher 1Q Profit +Business,"Magna to take auto parts subsidiaries Intier, Decoma and Tesma <b>...</b>" +Sports,Reports: Gators Football Coach Zook Fired (AP) +World,Myanmar military ruler says democracy only option (Reuters) +Business,"Stocks Fall; Oil, Dollar Take Their Toll" +Sci/Tech,"US, Russian Astronauts Land Safely in Kazakhstan" +Sci/Tech,The race for flights into space +Sports,"UF Fires Coach Zook, ESPN Says" +World,Darfur Peace Talks Seek to Break Deadlock +Sports,Federer Sets Sights on 'Fairytale' Swiss Title +Sci/Tech,Kyoto Too Little to Fix Warming - UN Climate Chief (Reuters) +Business,Oil Slips Under \$55 a Barrel +World,"French gays hail new ""Pink TV"" channel (Reuters)" +Business,World #39;s largest steelmaker formed +Business,"Reynolds American Profits, Raises Outlook" +Business,Morrison sells 114 stores +Sci/Tech,"Yahoo, Adobe announce strategic partnership, launch joint toolbar" +Sci/Tech,Nokia Eases Mobile Movie Buys +Sci/Tech,"U2 Lovers Mad? Most Excited With iPod Deal, Fan Website Editor <b>...</b>" +Sports,Schilling shuts down Cards +Sports,Vassell out with broken ankle +Sci/Tech,Yahoo and Adobe Partner for Downloads +World,"Norway's Shipowners plans to expand lockout, government orders talks (Canadian Press)" +Sports,Gators May Fire Zook +Sports,Another Palmer Charges to Victory +Business,BellSouth Posts Lower Earnings +Sci/Tech,Pentium M Finds Its Place +Business,Oil Slips Under \$55 a Barrel +Business,Mittal: British Billionaire Creates World #39;s Largest Steel Company +Business,S amp;P 500 Falls After Kimberly-Clark #39;s Earnings Trail Estimates +Business,Spitzer Strikes Again +Business,Reynolds Reports 1st Earnings Since Merger +Business,Magna International Offers to Take 3 Units Private (Update3) +Business,Somerfield puts bite on rivals +Sci/Tech,PalmOne Intros Treo 650 Smartphone +Sci/Tech,Forum Nokia to streamline content distribution +Sci/Tech,IBM unveils low-cost blades +Sports,Report Says Florida to Fire Zook +Sports,Still Perfect: Win streak reaches 21 for Patriots +World,Australians may have been target of bombing: Minister +World,Taba bombings masterminds identified +World,"Powell, Japan #39;s Machimura Discuss Iraq, Afghanistan, North Korea" +World,James Hardie asbestos fund threatens April wind-up in funding <b>...</b> +World,French Farmers Mount Fuel Blockades (AP) +World,A Look at Foreigners Taken Hostage in Iraq (AP) +World,N. Korea Calls U.S. Exercises 'War Action' (AP) +World,"Car Bombs, Clashes Kill 12 Iraqis" +Sci/Tech,Google Desktop Search +Business,BellSouth Posts Lower Earnings +Sci/Tech,Survey: You #39;re not as safe as you think on the Internet +Sci/Tech,Yahoo and Adobe ally on search +Sci/Tech,Yahoo to Close PayDirect Online Payments Service +Sports,Fall Ko #39;s Skating Star +Sports,Manchester United stop talks with Glazer +Sports,"Eagles QB Donovan McNabb is more relaxed, confident in pocket" +Sports,Chaplain meets with Hendrick employees +World,Bomb-hit British consulate opens +World,Chief Justice Rehnquist Has Thyroid Cancer (Reuters) +Sci/Tech,Landed U.S.-Russian ISS Crew Savor Smell of Earth (Reuters) +Sci/Tech,Infocus: Issues Discovering Compromised Machines +Business,Moneyball's Home Run Insights +Business,Oil Slips as Norway Moves to End Strike +World,Sharon Opens Stormy Parliament Debate on Gaza Plan +Business,World trade 'set to grow by 8.5' +Sci/Tech,AOL survey uncovers rampant online threats +Sci/Tech,"Nokia aims to attract operators, developers with Preminet" +Business,LaBranche Swings to a Third-Quarter Loss +Sports,Sooners and Utes Move Up in BCS (AP) +Sci/Tech,AMD offering blueprint for \$185 PC +World,"France's first gay TV station launches with diet of porn, ""Wonder Woman"" (AFP)" +World,"East China factory workers protest rising prices, low pensions (Canadian Press)" +Business,Existing Home Sales Surge in September +Business,"Wild Oats, Pathmark Warn on Results (Reuters)" +Sci/Tech,IBM makes available monthly security report +Business,ISPAT to become world #39;s biggest steel company: +Business,US Home Resales Rose to 6.75 Mln Rate in September (Update4) +Business,"EU to lift sanctions on US, but questions remain" +Sci/Tech,How Secure Is Your Computer? +Sci/Tech,Red Hat warns of security patch hoax for Linux users +Sci/Tech,Internet Kidney Donor Glad He Donated (AP) +Sci/Tech,Intel prepares for next 20 years of chip making +Sci/Tech,First Look: Nokia Preminet The Next Generation In Content <b>...</b> +Sci/Tech,Newsom calls for end to lockout +Sports,Denver vs. Cincinnati +World,Sharon opens stormy debate on Gaza plan +World,Island in shock at verdicts +World,Oil prices hitting German economy +World,Lebanese Foreign Ministry says it is trying to secure release of 7 <b>...</b> +Sci/Tech,SH/Renepo-A 'Opener' malware targets Mac OS X (MacCentral) +Business,"Wild Oats, Pathmark Warn on Results" +World,Chief Justice of Supreme Court Is Treated for Thyroid Cancer +Sci/Tech,Peeping Tom filter lets phones see through bikinis +Business,Wild Oats Grows Stale +Business,Will Ericsson's Future Match Its Past? +World,Full Sudanese peace talks get off to a shaky start (AFP) +World,Democrats Could Win Republican Seat in Colorado Race (Reuters) +Sci/Tech,MtBE Showing Up More Often in Some Wells (AP) +World,Report: Iraq Government Breaks Off Falluja Talks +Sci/Tech,Judge Tosses Fla. E-Voting Paper Trail Suit +Sports,Alstott Out Four Weeks With Sprained Knee (AP) +Business,Mittal Family Forges \$17.8 Bln Steel Deal +Business,Existing Home Sales Surge in September +Sci/Tech,Smuggled Ancient Egyptian Artifacts Return Home (Reuters) +World,Iran hints at nuclear concession +Business,Incredible Marketing Muscle +Business,Kellogg raises earnings forecast for year after third-quarter <b>...</b> +Business,"Wild Oats, Pathmark Warn on Results" +Business,PalmOne Rolls Out New Treo Smartphone +Sci/Tech,"Yahoo, Adobe Team on Internet Services" +Sci/Tech,Peeping Tom filter lets phones see through bikinis +Sci/Tech,Cassini #39;s First Titan Flyby Tomorrow +Sci/Tech,Intel Prepares for the Next 20 Years +Sci/Tech,Mac Malware Discovered +Sports,Another First-Time Winner on the PGA Tour +Sports,ITAR-Tass: Totmianina suffered concussion in skating fall +Sports,Sooners surpass Miami in BCS rankings; Utah 6th +World,Karzai coasts to silent victory +World,Tunisia #39;s democratic future #39;still bleak #39; +World,Update 2: German Business Sentiment Index Edges Up +Sci/Tech,Briefly: Verizon Wireless pulls phone from shelves +Sci/Tech,Verizon Wireless pulls phone from shelves +Sci/Tech,Airgo next-generation Wi-Fi gets global approval +Business,Ispat welcomes Mittal Steel merger +Business,Existing Home Sales Surge in September +Business,"TXU Raises Dividend, Yearly Forecasts" +Business,Quantum Makes Leap into Linear Tape Open Field +Business,Google Tests New Desktop Search App +Sci/Tech,Sonys new Network Walkman NW-E99 and NW-E95 rock MP3 +Sci/Tech,Spacecraft to Launch Oct 26 With First Spacecraft-based Ecliptic <b>...</b> +Sports,Burnley v Aston Villa +World,Iraq: Tonnes of explosives missing +World,Killing Of 49 Army Recruits Shows Growing Security Problems +World,European Economies: German Confidence Little Changed (Update2) +World,Prince Joins Staff as Consulate Reopens +Sci/Tech,Sony #39;s 1GB built-in memory Mp3 supporting Walkman - Launched +Sci/Tech,Mac virus alert - users #39; details at risk +Sports,"COACHES: Bengals, Marvin Lewis (2nd season, 9-12); Broncos, Mike <b>...</b>" +World,Darfur Peace Talks Officially Open in Nigeria +Business,Citigroup Gets Record Fine for Fund Sales +Business,"EU Lifts U.S. Sanctions, Contests Taxes" +Sci/Tech,Marines update core logistics technology +Sci/Tech,Cell phones: Too hot to handle? +Sci/Tech,Cell phone batteries: Avoid getting burned +Business,"Wild Oats sees 3Q, full-year losses" +Business,TDK launches 400GB data cartridge +Business,Jury to consider fate of Enron defendants this week +Business,Citigroup Gets Record Fine for Fund Sales (Reuters) +Sci/Tech,Fake Red Hat Alert Making Rounds +Sci/Tech,U2 Fans Furious at iPod Deal +Business,"EU Lifts U.S. Sanctions, Contests Taxes (Reuters)" +Sports,Press Row: Ugly Sox burying curse +Sports,Van Nistelrooy charged over Cole tackle +Sports,"Sports: Oklahoma moves up, Utah in a prime BCS spot" +Sports,Bengals step into limelight +World,Burmese Military Leaders Hold Talks in India +World,Full Sudanese peace talks get off to a shaky start +Business,American Named President of Gucci Brand (AP) +Business,One Really Ugly Mark on Star Gas +World,Illinois Gov. Wants to Import European Flu Vaccine (Reuters) +Sci/Tech,Your PC May Be Less Secure Than You Think +World,Judge in sponsorship scandal says he needs help from Parliament to bend rules (Canadian Press) +World,Tons of Explosives Missing from Former Iraq Atomic Site +World,Iraq to Probe if Army Massacre Was Inside Job +Sports,2005 World Cup to Be Played in Portugal +Sci/Tech,Microsoft Revises Anti-Spam Standard +World,AP: Queen Noor Appeals to Muslim Moderates +Sci/Tech,Microsoft Revises Anti-Spam Standard (Reuters) +Business,"EU Lifts US Sanctions, Contests Taxes" +Business,"TXU Quadruples Dividend, Lifts Forecasts; Shares Soar (Update4)" +Business,Citigroup tightens up after Japan disgrace +Business,Outgoing EU Chief Takes Stock +Sci/Tech,Most Home PC Users at Risk for Attack +Sci/Tech,Sony Walkman meets MP3 +Sci/Tech,Virus targets Mac OS X users +Sports,Bucs #39; Alstott Out 4 Weeks With Knee Sprain +World,Sharon determined to go ahead with pullout +World,Darfur peace talks start in Nigeria +Business,Tag Team: Yahoo and Adobe +Sports,Teammate Kliens up Webber +Sports,"Loudonville #39;s Zook fired as Gators coach, but will finish season" +World,Cancer Dominates N.C. Senate Campaign (AP) +World,Top US judge treated for cancer +Sports,A Leg to Stand On +Sports,Bucs' Alstott Out 4 Weeks With Knee Sprain +Sci/Tech,United Online Cuts Full-Year Subscriber Goals (Reuters) +World,"Taxpayers should pay new health premium, not employers, McGuinty says (Canadian Press)" +Business,Renton online business sold for \$100 million +Business,"BBC set for major shake-up, claims newspaper" +Sci/Tech,Home Users Flunk Web Security +Sci/Tech,Nokia Launches Wireless Content Solution +Business,"TXU raises earnings outlook, dividend; to repurchase shares" +Business,Reliance 2nd-Qtr Net Rises 39 to 17.52 Bln Rupees (Update2) +Sci/Tech,"After time in space, dad is on Cloud 9" +Sports,Villa #39;s Vassell fractures ankle +Business,Hilton Heading Higher +Business,BellSouth's Cingular Pursuit +Business,Ispat Intl is largest steelmaker +Business,Update 2: United Online to Buy Classmates Online +Business,Reynolds American reports first earnings since merger with B amp;W +Business,Waiting for a counterblow +Business,Treasuries Mirror Oil's Climb +Business,Ryder Net Profit Up 45 Percent +Sci/Tech, #39;Grand Theft Auto #39; Seen Breaking Games Sales Record +Sci/Tech,Cassini To Probe Saturn Moon #39;s Secrets +Sci/Tech,IBM offers companies monthly security report +Sci/Tech,"Buy Linux PCs, then steal Windows" +Business,"EU Lifts U.S. Sanctions, Eyes Loopholes" +Sci/Tech,'Grand Theft Auto' Seen Breaking Games Sales Record (Reuters) +Sci/Tech,"QuickBooks 2005 makes Mac-PC transfer easier, more (MacCentral)" +Sci/Tech,'Grand Theft Auto' Seen Breaking Games Sales Record +Business,Existing Home Sales Surge in September +Sci/Tech,Seagate hopes for big splash with small drives +Sci/Tech,PalmOne unveils latest Treo +Sci/Tech,Photo: Seagate's new pocket drive +Sci/Tech,'Grand Theft Auto' Seen Breaking Games Sales Record +Sci/Tech,Columnists: The Latest Tool in Competition: Hacking +Business,US welcomes EU plan to lift trade sanctions +Business,"US new home sales, loan supply to fall-Fannie CEO" +Business,"BBC trimming 6,000 jobs by year-end" +World,Ukraine's Opposition Confident Ahead of New Vote +Sci/Tech,Soyuz Capsule Lands on Kazakhstan Steppe +Sci/Tech,Intel preparing for next 20 years of chip making +Sci/Tech,IBM Rolls Out Low-Cost Blade Servers +Sports,No winner in quot;The Race is On quot; +Sports,Bulloch named Scotland captain +Sci/Tech,"PalmOne Updates Treo Phone with Display, Battery (Reuters)" +World,Second round of Darfur peace talks open +World,Bedraggled Klein heads into sunset term as slayer of Alberta's debt dragon (Canadian Press) +World,"Notes, Quotes From 2004 Campaign in Mo. (AP)" +World,Iraq to Probe if Army Massacre Was Inside Job +World,U.S. Seeks Seoul's Support for Hard Line on N.Korea +Sci/Tech,"PalmOne Updates Treo Phone with Display, Battery" +Sports,Panthers' RB Foster Out for Season (AP) +Business,American Express Profit Rises 14 Percent +Business,"Oil Ends Lower, Norway Ends Strike" +World,ETA after explosions at Madrid +Business,Dutch Steelmaker Buying ISG in \$4.5B Deal +Sports,Turin Winter Games Chief Defends Budget Gap +Business,Delta Gets Up to \$600M in New Financing +Sports,BoSox Halfway Home to World Series Trophy (AP) +Business,American Express Reports Profit Increase (AP) +Business,NY Gold Ends Near \$430 +World,Palestinians Deny Arafat Going to Hospital +World,Winners of Polar Music Prize Announced +Business,United Online Gets Class +Business,"Ivey: Reynolds American Earnings Up, Increases 2004 Outlook" +Business,American Express Profit Rises 14 Percent +Business,"PalmOne Updates Treo Phone with Display, Battery" +Business,John B. Sanfilippo #39;s Profit Plunges +Business,Onyx Disappointment Is Good News For Genentech +Sci/Tech,News: Search News - Yahoo Partners With Adobe +Sci/Tech,First close encounter of Saturn #39;s hazy moon Titan +Sports,Montoya ends first Formula One season with Brazil win +Sports,Brian Bahr/Getty Images +Sports,Magath Hopes For Scholl Luck +Sci/Tech,Home Computer Users Highly Vulnerable (NewsFactor) +Sci/Tech,PalmOne Rolls Out New Treo Smartphone (NewsFactor) +Sci/Tech,Sprint Targets Businesses with Wireless Management Services (NewsFactor) +Sci/Tech,Red Hat Users Under Phishing Attack (NewsFactor) +World,Quake aftershocks hit north Japan +Sci/Tech,IBM Rolls Out Low-Cost Blade Servers (NewsFactor) +Sci/Tech,Sony Launches MP3 Music Players (NewsFactor) +Business,"Oil Ends Lower, Norway to End Strike" +Sci/Tech,U.S. moves closer to e-passports +Business,Norwegian government to impose mediation in oil-sector dispute +Business,"UPDATE 3-TXU raises dividend, profit forecast; shares jump" +Sports,"Acrimony, recriminations follow Manchester United victory over <b>...</b>" +Sci/Tech,"Vendors, operators strive for simplicity at CTIA" +World,Zarqawi claims cadet massacre +Business,American Express Profit Rises 14 Percent +World,Iran hands Egypt suspect in slay attempt +Business,American Express Posts Higher 3Q Profit +Business,Magna seeks to privatize auto parts subsidiaries +Business,MONDAY MORNING +Sci/Tech,Red Hat patch update a malicious hoax +Sci/Tech,Storage Gear Takes The Spotlight +Sports,FA to probe Ruud #39;s tackle +Sports,Turin Winter Games Chief Defends Budget Gap +Sci/Tech,Justice OKs Cingular-AT T Wireless Deal (AP) +World,After the offensive Gazans survey the devastation +World,Egypt Arrests Suspects in Taba Bombings +World,Forces move to stop Thailand rioters +World,Summary: Series of Earthquakes Hit Japan (AP) +World,Iraq Probes Possible Security Breach Over Killings +World,Peru beauty crowned Miss World 2004 +Sports,Redskins Cut K. Jones +Business,Justice Dept Approves Cingular-AT T Deal (Reuters) +Business,Stocks Flat: Oil Outweighs Dollar Woes +World,Egypt arrests five over Sinai bombings (AFP) +Business,Reynolds American Raises Outlook +Business,Citigroup to Pay \$250K Fine on Fund Sales +World,Blast Hits Northern Iraq Pipeline +Sports,Panthers' Foster Out for Remainder of Season (Reuters) +Sci/Tech,Google Working to Recruit Brainy Elite (AP) +World,Thais Drop Peace Bombs On Muslims +Business,American Express Profit Rises 14 Percent +Business,Reynolds American Raises Outlook +Business,Sprint announces plans for palmOne Treo 650 +Business,"Dofasco Q3 up on higher prices, shipments" +Sci/Tech,E-Mail Scam Targets Red Hat Users +Sci/Tech,Rockstar Games Ships Grand Theft Auto: San Andreas for <b>...</b> +Sci/Tech,Intel sketches out nanotechnology road map +Sci/Tech,Sony Ericsson introduces new quad-band EDGE/Wi-Fi PC card +Sci/Tech,SpaceShipOne Guru: NASA Needs a Visionary +Sci/Tech,"SNW #39;04: Eyeing on-demand storage, IBM refreshes software" +Sports,Safin masters Nalbandian in Madrid +Sports,The Gainesville Sun +Sports,Mexican officials announce Cancun will host Formula One race +Business,"Google Soars, Shorts Scramble to Cover" +World,Egypt arrests five over Sinai bombings +World,Prince Charles to reopen British Consulate +Business,US Justice Dept approves Cingular-AT amp;T deal +Sci/Tech,New Crop of Portable Players Nips at IPod (AP) +Sports,Miami Heat Team Report - December 5 +Sci/Tech,Linux Users Spoofed By Bogus Security Alert +Sci/Tech,UA #39;s Cassini Scientists Ready for First Close Titan Flyby +Business,"Google Soars, Shorts Scramble to Cover (Reuters)" +Sports,Panthers #39; Foster out for remainder of season +Sports,"Thank you, Astros" +World,Pakistan urges debate on demilitarising Kashmir +World,Main Points of Gaza Disengagement Plan (AP) +Business,Treasury Flat After Testing 7-Month Low +Business,EU to lift tariffs on US exports +Business,"Mittal to Buy ISG, Create World #39;s Largest Steelmaker (Update3)" +Business,Stocks lower on worries oil prices will start to weigh heavily on <b>...</b> +Business,Delta Gets Up to \$600M in New Financing +Business,Judge orders Spam King banished +Sci/Tech,Cassini flies by to unlock Titan #39;s secrets +Sci/Tech,New Treo and more unveiled at CTIA +Sci/Tech,Yahoo! absorbs Stata Labs +Sci/Tech,Astronaut Candidates Taste Zero G +Sports,GLAZER #39;SPECTRE #39; HANGING OVER UNITED +Sports,Cancun to hold Formula One race in 2006 +Sports,Budget questions plague Turin organizers +World,Sharon vows to press ahead with Gaza plan +World,IAEA: 380 tons of explosives missing in Iraq +World,WORLD/ASIA +World,Blast Hits Northern Iraq Pipeline +Sci/Tech,"Man's TV Triggers Satellite Rescue System, FCC Investigates (SPACE.com)" +Sci/Tech,Puzzling Milky Way Companion Found (SPACE.com) +Sci/Tech,Getting Specific With Local Search Engine Optimization +Business,Justice OKs Cingular-AT T Wireless Deal +Business,Flextronics Posts Profit +Business,Stocks Flat as Oil Retreats from Record +Business,Justice Dept. pact calls on Cingular to sell some licenses +Business,Citigroup unit fined and censured by NASD +Business,Judge Rules Against #39;Spam King +Business,Caution Should Rule Decision On Harmony Deal +Business,Automatic Data #39;s Improving Fundamentals +Sci/Tech,"Internet users have false sense of security, study finds" +Sports,Mondonico sacked at Fiorentina +Sci/Tech,Google helps promote Windows XP +World,Explosives go missing in Iraq +World,Asian Leaders Urged to Prompt N. Korea to Resume Talks +World,AP: Queen Noor Appeals to Muslim Moderates +World,Man charged with teacher's murder +Sci/Tech,Majority of Home Computers Infected with Spyware +Business,Mittal Family Forges \$17.8 Bln Steel Deal +Business,WellPoint Health Profit Up on Premiums +Sci/Tech,IBM supercomputing goes retro +Sci/Tech,Google Flaws and Fixes +Sci/Tech,Sony launches music players with MP3 support +Business,Delta arranges up to \$600M in financing +Business,"Stocks lower on rising oil prices, uncertainty over next week #39;s US <b>...</b>" +Sci/Tech,Sony launches music players with MP3 support +Sci/Tech,New Study Finds Many US Home PCs Infected +Sci/Tech,Red Hat: Fake Emails Circulating +Sci/Tech,Intel Prepares for the future +Sci/Tech,IBM reports surge in network attacks +Sci/Tech,IBM #39;Virtually #39; Upping Storage Ante +Sports,Carolina rusher to have surgery on clavicle +Sports,Randolph meets with GM Minaya +World,Myanmar junta seeks India's help to build democracy (AFP) +Business,Pitney Bowes Quarterly Profit Rises +Business,Disney Direct? +Sports,Vaughan hopes to retain top form +Sports,Moss Expected to Play More for Minnesota (AP) +Business,Mittal Family Forges \$17.8 Bln Steel Deal +Sci/Tech,Nokia Brews Up Its Own Content-Distribution System +Sports,AMAZIN #39;S LOOK TO INTERVIEW DODGER COACH +World,Correction: One-Day-Of-Prayer Story (AP) +Sports,Chicago Bears Will Not Sign Tim Couch (AP) +World,Dozens of Iraqi Troops Massacred in Ambush +World,Powell in Seoul for more talks on Pyongyang #39;s nuclear push +World,"Dollar at 8-month lows against euro on US deficit, oil jitters" +Sports,Fish Beats Hernych at St. Petersburg (AP) +World,Clinton Gets Hearty Campaign 'Welcome Back' (Reuters) +Sports,McCain Hits Baseball Over Steroids +World,Iraq Probes Possible Security Breach Over Killings +Business,Flextronics Has Profit; Stock Lower +Sports,"Arsenal, Manchester Rivalry Heating Up (AP)" +Sci/Tech,Work on Sender ID goes on +Business,"Citigroup paying \$250,000 in settlement" +Sci/Tech,Sprint Plans to Be First with the Treo 650 +Sports,Red Sox Draw First Blood in Battle of Top Offenses +Sports,Season over for DeShaun Foster +Sports, #39;Formulating #39; Breeders #39; Cup opinions +World,Car bomb kills 3 soldiers +World,Iran to cooperate with IAEA to prove US claims are baseless <b>...</b> +World,Musharraf urges Kashmir rethink +World,Iran Hints at Agreeing to Enrichment Freeze (Reuters) +World,"London's penniless Tate Gallery welcomes gifts,legacies (AFP)" +World,Quebec City bus drivers to vote on contract to end three-day strike (Canadian Press) +Sci/Tech,Outrage at Seal Hunt Tourism Is Nonsense - Norway (Reuters) +Business,WellPoint Health Profit Up on Premiums +Business,"Stocks Flat, Oil Retreats, Dollar Weakens" +Business,Marsh amp; McLennan Chairman Resigns Post +Business,American Express 3rd-Quarter Net Rises 14 on Travel (Update3) +Sci/Tech,PalmOne Unveils Treo 650 +Sci/Tech,Adobe and Yahoo! Team to Deliver New Consumer Services +Sci/Tech,Intel Lays Out Future Product Roadmap +Sports,Red Sox Fans Really Do Cover the Nation (AP) +Sci/Tech,Intel Invests in New Wireless Venture (AP) +Sci/Tech,Cingular clears hurdle for AT T Wireless acquisition +Sci/Tech,Bird fossil may show dinosaur link +World,British man loses driver's license for drunk driving on a lawn mower (AFP) +Sports,NCAA Graduation Rates Hold Steady (AP) +Sports,Goldberg: Seahawks Go From Top to Bottom (AP) +World,US Supreme Court chief justice hospitalized for cancer (AFP) +Business,Industry news drives AK Steel stock +Business,Cingular Reaches Agreement with Justice on AT amp;T Wireless Deal +Business,"EDS Postpones Results, Backs Profit View" +Business,"United Online Reports Strong Profts, Acquires Classmates Online" +Business,Intel Invests in New Wireless Venture +Business,Teck-Cominco reaps metals bonanza +Sci/Tech,Nokia Debuts Preminet Service +Sci/Tech,PalmOne Launches #39;Smarter #39; Treo 650 +Sci/Tech,NASA Spacecraft to Pass Close to Saturn #39;s Moon +Sci/Tech,"Yahoo, Adobe team on Net services" +Sci/Tech,Robots Compete for Your Interest +Sports,Jets #39; solid showing bodes well for their future +Sports,New England Scores Early and Often (AP) +World,Palestinian Blamed for Twin Sinai Attacks +Business,Marsh McLennan CEO Greenberg Resigns +Business,Cingular reaches deal with DOJ on AT amp;T Wireless takeover +Business,arnings dip at Archipelago +Business,Delta gets up to \$600 million in new financing +Business,Crude oil worries hit US stocks +Sci/Tech,IBM offers companies monthly security report +Sci/Tech,The return of #39;Grand Theft Auto #39; +Sci/Tech,Peeping Tom filter lets phones see through bikinis +Sci/Tech,Shatner Wants to Boldly Go on Space Flight +Sports,BOVINA IN A RUSH TO BEAT KOSTANIC +World,NEW John Edwards speaks in Toledo +World,Karzai All but Certain of Afghan Election Majority +World,UN forces and Haitian police clear barricaded quarter +Sci/Tech,"Intel, wireless pioneer McCaw team up on WiMax" +Sports,Falcons Must Regroup After Loss to Chiefs (AP) +Business,One Down at Marsh Mac +Business,Justice OKs Cingular-AT amp;T Wireless deal +Business,EDS Delays Third-Quarter Results +Business,Plum Creek 3Q Profit Rises 71 Percent +Business,Kellogg raises earnings forecast for year after third-quarter <b>...</b> +Sci/Tech,Home computer land security +Sports,Curse of the Bambino? Boston doesn #39;t know from jinxes +Sports,Skater baffled by fall +Sports,Packers #39; secondary banged up +Sports,Police conduct internal probe into student death +World,Manmohan Singh greets Than Shwe at Rashtrapati Bhavan on Monday. <b>...</b> +Sports,Ravens' Ogden Likely to Be Sidelined +World,Crown hasn't proven case against accused Air India bomber:lawyer (Canadian Press) +World,Probe Clears Ashcroft in Lobby Case (AP) +Sci/Tech,"John Deere, IRobot Team Up to Make Robot (AP)" +World,"Arafat Has Diagnostic Procedure, No Major Ailment Found" +World,Severe test of Japan's readiness +World,Activists struggle to cool Kosovo's ethnic heat +World,N. Korea refugees get US nod +Business,European Union Removes Sanctions on American Products +Sports,McNair Day to Day With Bruised Sternum (AP) +World,Clinton Hails Kerry in Surgery Comeback (AP) +Sci/Tech,Grokster Officals Settle Separate Copyright Case +Business,Update 2: Delta Receives Up to \$600M in Financing +Sports,Agassi to begin chase for Masters Cup place +Sports,Johansson Edges Malisse at Stockholm Open +Sports,Packers #39; Quarterback Favre Has Sore Hand +World,Sharon #39;s Plan +World,Israel to Let Arafat Travel for Medical Treatment +World,Yangon assures turning off NE terror tap +World,The idea of Pakistan +Sci/Tech,Sun Delivers NetBeans 4.1 Access Release +World,"Air India trial witness derided as ""scoundrel"" (Reuters)" +World,Iraq Chaos Raises Last-Minute Issues (AP) +Business,Industry merger drives steel stocks +Business,"Oil prices hit record, then slide as Norway intervenes in strike" +Sports,Bovina Advances at Generali Ladies Open (AP) +Sci/Tech,Adobe and Yahoo Ally on Web Services +Sports,Montoya will improve at McLaren - Dennis +Sports,Alstott out four weeks with sprained knee +Sports,"NFL roundup for Monday, Oct. 25, 2004" +Sci/Tech,"At wireless show, WiMax gets a nod from Intel" +Sci/Tech,PalmOne updates the Treo smart phone +Sci/Tech,Cingular reaches deal with DOJ on AT T Wireless takeover +Sci/Tech,"CTIA features new wireless devices, initiatives" +Sci/Tech,IBM offers companies monthly security report +Sci/Tech,"Enigma teams with DaimlerChrysler, T-Systems on parts and repair platform" +Sci/Tech,Microsoft revises antispam standard +Sci/Tech,Pentium M may support location-based services in 2006 +Sci/Tech,Siebel teams with T-Systems to host CRM in Europe +Sci/Tech,NetSuite smartens up CRM +Sci/Tech,"AOL survey finds rampant online threats, clueless users" +Business,"CTIA features new wireless devices, initiatives" +Sports,Moss Expected to Play More for Minnesota +Sports,Flawed Offense Dragging Down Bills (AP) +Business,"Stocks Down, Oil Retreats, Dollar Sinks" +Business,Flextronics Has Profit; Stock Lower +Business,Pulte Posts Profit in Line with Forecast +World,"Powell Speaks of China, Taiwan 'Reunification'" +Sci/Tech,Want a Treo 650? Better Sprint +Sci/Tech,"Intel, Clearwire to work on WiMax together" +Sci/Tech,"John Deere, iRobot Team Up to Make Robot (AP)" +Sci/Tech,"Adobe, Yahoo to Integrate Products (Reuters)" +Sci/Tech,US Justice Department clears Cingular-AT T Wireless merger (AFP) +World,9/11 Legislation Unlikely Before Election (AP) +Sci/Tech,"Adobe, Yahoo to Integrate Products" +Sci/Tech,Qualcomm plans to phone it in on cellular repairs +Business,UPDATE 1-Delta shares rise on hope that pilot deal near +Business,American Express Posts 14 Percent Profit Gain +Business,Citigroup Tries to Repair Its Image in Japan +Business,Citigroup fined \$250K in hedge fund case +Sci/Tech,Want a Treo 650? Better Sprint +Sci/Tech,Is your PC safe from viruses and spyware? +Sci/Tech,"Intel, Cellular Pioneer Target WiMAX" +Sports,Van Nistelrooy on FA charge as United cry foul over flying food +Sports,United refuse to buy into Glazer #39;s takeover plans +Sports,Vassell injury a bad break for Villa +Sports,Scots missing stars +Sports,Zook is 20-13 in three seasons +Sports,Crews recover all bodies from Hendrick plane wreck +Sports,Tennessee star aggravates bruise +Sports,Farina Elia moves on in Luxembourg +World,RAPE SHAME OF THE BOUNTY ISLAND CHIEFS +World,Shocks continue in \$12bn quake +Business, #39;); //-- gt; Eye On Stocks +Sci/Tech,"Intel, wireless pioneer McCaw team up on WiMax" +Sci/Tech,"Samuel L. Jackson, James Woods lead San Andreas #39; all-star cast" +Sports,Farina Elia advances at SEAT Open +Sports,Ravens likely won #39;t have Ogden against Eagles +Sci/Tech,Enter your e-mail: +World,Typhoon Nock-ten pounds Taiwan +World,"Mark an area, disarm it, decide on freedom or joint control" +Business,Sears Credit Rating Downgraded by Fitch (AP) +Sports,England wrap up 4-0 series victory +World,Cuba to End Circulation of U.S. Dollar Nov 8 +Sci/Tech,Missing Link: Simpson has Milli Vanilli moment +Sci/Tech,IBM matches Power with Linux +World,Cuba to End Circulation of U.S. Dollar Nov. 8 +World,Asthma risk 'greater for smokers' +Business,Abramovich faces rich list challenge +Business,"6,000 jobs may go in quest for new charter" +Sci/Tech,"Nokia woos operators, developers with Preminet" +Sci/Tech,Sony Walkman to support MP3 format +Sci/Tech,NASA Prepares to Spy on a Satellite +Sci/Tech,Grand Theft Auto: San Andreas +Sci/Tech,Cisco tightens security on voice products +Sports,Schilling beats pain to put Red Sox on top +Sports,Bears pass on quarterback Couch +Sports,Coughlin to meet with Green +Sports,Ravens #39; Ogden likely to be sidelined Sunday against Eagles +World,IAEA informs UN of missing Iraq explosives +World,"Bombing That Injures Australian Soldiers Not Suicide, Army Says" +World,Developments Concerning Iraq +Sports,Bungling Bengals Play Running Broncos +World,Tonnes of Iraqi explosives missing: UN agency +World,France Challenges Oil-For-Food Report (AP) +Sports,Jags in First Place in AFC South (AP) +Sports,Web Site Part of Zook's Lasting Legacy (AP) +Business,Dutch steel firm buying International Steel Group for \$4.5 billion +Business,SAP results bolster Oracle #39;s case for buying PeopleSoft +Business,Strong Demand as Italy Sells Utility Shares +Sci/Tech,Nokia Launches Software Distribution Platform +Sci/Tech,Intel Takes Stake In WiMax Startup +Sci/Tech,IBM Introduces IT Risk Management Service +Sports,Riley preserves power of smirking classes +Sports,Gill defiant as United end takeover talks with Glazer +Sports,Redskins #39; Arrington re-injures knee in practice +Sports,Jags turnaround has them in first place in AFC South +World,Gaza settlers lay siege as MPs vote +World,Australian Pitcairn charges likely +World,Australia targeted for first time in Iraq car bomb +Sports,Chargers Opening Eyes With 4-3 Start (AP) +Sports,Red Sox Stumble and Fumble Their Way to Series Lead (Reuters) +Sci/Tech,Microsoft peaks at mobile strategy (InfoWorld) +Sci/Tech,Sun Delivers NetBeans 4.1 Access Release (InfoWorld) +World,New forces mark Bolivia election +Sports,Probation Sought in Bullpen Brawl (AP) +Sports,Randolph Interviews for Mets' Job +Sports,Sooners and Utes Move Up in Bowl Championship Series Standings +Sci/Tech,"Defense, Japanese firms see services revenue surge" +World,Outsiders warned off Ukraine poll +Sci/Tech,Microsoft peeks at mobile strategy +World,Van Nistelrooy charged by FA (AFP) +Sci/Tech,Online Music Site Settles Copyright Suit (AP) +Business,US probe stirs Cdn. insurance market +Business,London tycoon forges world #39;s top steelmaker +Business,Citigroup fined for Japan hedge-fund failings +Business,Currencies: Dollar falls sharply on economic fears +Business,EU is seen allowing Oracle deal +Sci/Tech,"GC89 to offer quad-band GSM, GPRS, EDGE and Wi-Fi" +Sci/Tech,"Bristol plans to move 5,000 to open source" +Sports,Red Sox Stumble and Fumble Their Way to Series Lead +Sports,Villa rocked by Vassell injury +Sports,Pilot of NASCAR plane brother of Vermont House leader +Sports,"PAVEL, GAMBILL WIN EARLY MATCHES" +Sports,Chargers opening eyes with 4-3 start +Sports,Fish beats Hernych at St. Petersburg +World,"Boy, 7, kidnapped in Iraq" +World,Colombia destroys stockpiled land mines +Sci/Tech,Study: HP is world's top chip buyer +Sports,Crews Recover All Bodies in NASCAR Crash (AP) +World,Arafat Medical Test Finds No Major Ailment-Minister (Reuters) +Sports,Team owner nearly on downed plane +Sports,"Gangster shot Williams #39;s sister, court hears" +Sports,Wisconsin Guard Boo Wade Taking Leave (AP) +Sci/Tech,Google to Help Microsoft Promote Windows +Business,"AT amp;T Wireless, Cingular merger passes one test" +Business,News Corp. Shareholders Approve US Move; Stock to Join S amp;P500 +Business,ANZ posts record result +World,Arafat Gets OK to Seek Medical Treatment (AP) +Sci/Tech,Nokia launches wireless content solution +Sci/Tech,Saturn #39;s moon Titan comes into focus today +Sports,Fish Beats Hernych at St. Petersburg +Sports,Notre Dame extends Brey through 2010-11 season +Sports,Arrington Re-Injures Knee in Practice +World,Darfur peace talks seek to break deadlock on key security issues (Canadian Press) +Sports,Busch Stadium Far From Fenway in Style (AP) +Sports,Trial Opens in Williams' Sister Slaying (AP) +Sci/Tech,News.com Extra: How the press gets pushed into phony stories +World,"United Nations, militia battle in east Congo; 2 U.N. troops injured (Canadian Press)" +Business,Crude oil prices retreat after topping new high +Business,US existing home sales surge 3.1 percent in September +Sci/Tech,Titan on Tuesday +Sci/Tech,Firefox in the hunt for 10 per cent of the browser market +Sci/Tech,Branson aiming to build hotel in space +Sports,Red Sox hope Schilling doesn #39;t have to pitch again +Sports,Gators Fire Ron Zook After Two-Plus Years +Sports,Trial opens in slaying of half sister of tennis stars Venus and <b>...</b> +Sports,Sox Hope They Won't Need Schilling Again (AP) +Business,Mass. Charges Franklin Templeton of Fraud (AP) +Business,Marsh McLennan CEO Greenberg Resigns +Sports,Gators Fire Ron Zook After Two-Plus Years (AP) +Sports,Pedro to Emerge From Schilling's Shadow (AP) +Sci/Tech,Google to Help Microsoft Promote Windows (PC World) +Sci/Tech,IBM Offers Companies Monthly Security Report Service (PC World) +World,"Iraq, Rehnquist Create 'October Surprise' (AP)" +Sci/Tech,What Colorado's Amendment 36 means for America... +Business,Mittal is world #39;s undisputed king of steel after \$21bn merger deal +Sci/Tech,RightNow Technologies posts profit +Sci/Tech,"On eve of GTA release, Take-Two shares slip" +Sports,Villa confirm Vassell setback +Sports,Mallorca fires coach after string of poor results in Spanish <b>...</b> +Sci/Tech,Aquarium School Gives Students 2nd Chance (AP) +Business,Marsh amp; McLennan Chief Steps Down +Business,Marsh McLennan CEO Greenberg Resigns (Reuters) +Sports,Bears choose not to sign QB Couch +Sci/Tech,New Crop of Portable Players Nips at iPod (AP) +Sci/Tech,Soyuz Capsule Lands on Kazakhstan Steppe (AP) +Sci/Tech,Researcher: Canola Oil Kills Grasshoppers (AP) +Business,UPDATE 5-Marsh amp; McLennan CEO Jeffrey Greenberg resigns +Business,Wall Street stocks end lower on volatile crude oil prices +Business,"United Online profits up, to buy Classmates Online" +Sci/Tech,Yahoo and Adobe partners for search integrated applications +Sci/Tech,Intel Targets Nanotechnology for Future Chip Development +Sports,Time for Big Three +World,France Accepts Iraqi Conference Rules (AP) +Sports,Gomez joins Alaska Aces of ECHL +World,Five held for Sinai bombings +Business,United Online to buy Classmates Online +Business,News Corp AGM begins in Adelaide +Business, #39;Spam King #39; ordered to disable spyware +Sci/Tech,Eye on IT +Sci/Tech,RockStar Ship GTA: San Andreas +Sci/Tech,Firefox aims for 10 percent of Web surfers +Sports,Bellhorn Helps Boston to 2-0 Lead in World Series +Sports,Keys To The Game +Sports,NFL ROUNDUP Ogden Is Likely to Join Roll of Missing Ravens +Sports,Late drive ended with stop on Martin +Sports,Mallorca coach Floro on the brink +Sports,Klitschko: quot;I will prove that I am the best heavyweight in the <b>...</b> +World,South Korea Hunts Possible Infiltrators (AP) +Sports,Marvin gets a crash course in the big time +Business,Rebound in Banks Helps Nikkei Stabilize +Business,Google's Value Tops Yahoo +Sci/Tech,Google's Value Tops Yahoo (Reuters) +World,Rebound in Banks Helps Nikkei Stabilize (Reuters) +World,"Japan, U.S., Allies Start Naval Security Exercise" +Sports,Devils Center Gomez to Play for Alaska (AP) +Sports,Cardinals Are Down and Seek Lift From Fans +Business,Murdoch wins vote to shift News Corp to US +Business,Stocks: Weak earnings undercut US share prices +Business,"US Treasuries flat, investors wary of high prices" +Business,Key executive will rejoin troubled ATA +Business,Somerfield raises 51m to help fund stores purchase +Sports,Cardinals Are Down and Seek Lift From Fans +Sports,American Not Welcome in Manchester +Sports,Alaska Aces sign New Jersey Devils centre Scott Gomez to an ECHL <b>...</b> +Sports,RV City Glad to See Zook Go +Sports,Randolph Confident About Job With Mets +World,Five Pitcairn men guilty of rapes on girls +World,DMZ breach raises spy fears +World,India welcomes junta head for trade discussions +World,Priest #39;s Arrest Fuels Anger of Supporters of Aristide +World,"France accepts Iraqi conference will be governments only, easing <b>...</b>" +Sci/Tech,"Vendors Address Productivity, Convergence at Wireless Expo (Ziff Davis)" +World,Colombia Rebel Hostage Tape Pressures Government +Business,Greenberg steps down from scandal-hit Marsh +Business,ATA parent hires restructuring officer +Sci/Tech,Work on Sender ID goes on +Business,Steel magnate Mittal gets 1.1bn merger bonus +Sports,Glazer saga takes new twist on day of intrigue at Old Trafford +Sports,Center will earn \$500 per week with Alaska Aces +Sports,Stampeders #39; protest denied by CFL officials +World,Egypt says it has arrested five linked to Sinai terror attacks +World,Powell admires capitalism in China +World,Zarqawi the Terror Monster: But Does He Really Exist? +Sci/Tech,AOL adopts Microsoft anti-spam measures +Sci/Tech,New IBM Report Will Warn of Computer Security Threats +Sports,Las Vegas for Williams-Klitschko +Sports,Bengals Take Early Lead Over Broncos (AP) +World,U.K. PM Announces Plans for ID Cards (AP) +Sports,Bengals DL Tony Williams Hurts Ankle (AP) +World,Anglicans in Africa Weigh Own Theology (AP) +Business,Murdoch Wins OK to Shift News Corp. to US +Sports,Goosen wins Nedbank Challenge +Sci/Tech,"HP is world's top chip buyer, study says" +Business,Somerfield starts Safeway conversions roll-out +Business,Harmony #39;s ambitions undermined +Business,Disney looks for Eisner #39;s successor +Business,BHP Billiton to expand Pilbara operations +Sci/Tech,New crop of portable players nips at iPod +Sci/Tech,Rockstar Games Release Next Installment Of Popular Grand Theft <b>...</b> +Sci/Tech,AOL to Support Sender ID E-Mail Standard +Sci/Tech,Microsoft Takes Different Tack on Multicore Pricing +World,Dutch Steelmaker Buying ISG in #36;4.5B Deal (AP) +Sports,Upset Loss Costs Zook His Job at Florida +Sports,"Danny Williams got Tyson, now he gets heavyweight title shot" +World,Howard sworn in for 4th term as Australian PM +World,Japan Will Provide Support in Afghanistan (AP) +Sci/Tech,Broadband in Suburbia +Sci/Tech,"Microsoft, AOL Resume Anti-Spam Effort" +Sci/Tech,Cingular-AT T Wireless Merger Approved +World,Iraq Explosives Become Issue in Campaign +Business,Acquisition boosts ANZs profit +Sports,League upholds Calgary-BC result but pledges improvements next <b>...</b> +World,Six found guilty in Pitcairn sex offences trial +World,"Palestinian Led Sinai Blasts, Egypt Says" +World,S.Korea Boosts North Security After DMZ Fence Cut +World,Four die in flash flooding from Typhoon Nock-ten +World,Population peak of 1.46bn will put strain on China +Sports,Another Seahawks Linebacker Hurt +Sports,A Late Stage Entrance +Sports,Wizards Court Singles +Sports,Sox Ace 'Very Sore' +Sports,Prep Star Stopped Short +World,Powell Discusses Human Rights in China (AP) +Sports,Redskins' Arrington Re-Injures Knee in Practice +Sci/Tech,Conservationists Sue Over Right Whales (AP) +Business,"Dollar Hovers Above Lows, No Respite Seen" +Business,Louisville home sales fall in Sept. +Sci/Tech,Microsoft Regains AOL #39;s Support for Anti-Spam Technology +Sports,World Series has been far from a true classic +World,UK PM Announces Plans for ID Cards +Business,Ex-Prosecutor Becomes Chief at Firm in Crisis +Business,UPDATE 2-Murdoch wins vote to shift News Corp. to US +Sci/Tech,Sony launches music players with MP3 support +Sci/Tech,Christmas comes early with Treo 650 +Sports,A Late Stage Entrance +Sports,Ravens May Be Without Ogden Against Eagles +World,Japan hit by more aftershocks +Sci/Tech,Cassini set to pierce moon's haze +Business,Asian Shares Edge Up as Oil Eases +Business,Dollar Hits 8-Month Low Vs Euro +World,Vatican Releases Guide to Teachings +Business,Tax Issues May Affect Proposed Rouse Merger +Business,Ex-Prosecutor Becomes Chief at Firm in Crisis +Business,Hearse Makers No Longer Strapped Under Car-Seat Law +Business,Asian Shares Edge Up as Oil Eases (Reuters) +World,"After a 28-Year Hiatus, Miss (er, Ms.) Subways Is Back" +Business,Mergers Show Steel Industry Is Still Worthy of Big Deals +Business,Trial Witness Says Ovitz Pay at Disney Was Unreasonable +Business,Power tools for the electricity regulator +Sci/Tech,Competitors to Apple #39;s iPod portable player face the Christmas <b>...</b> +Sci/Tech,Intel endorses wider-range wireless Net technology +Sports,Sabates was to be on doomed plane +Sports,All Blacks bring in new talent for Euro tour +Sports,Football: Game 6: the Jets; Gaining Advantage; Wr Givens Steps Up <b>...</b> +Sci/Tech,Apple iTunes store hits storm over pricing in UK and Canada +World,Production Up at 3 Japanese Automakers (AP) +World,Sharon opens Gaza debate +World,South Korea on alert for North Korean infiltration +World,Japan quake survivors face aftershocks +Sci/Tech,NASA Prepares to Spy on a Satellite +Sci/Tech,Buzzing the Web on a Meme Machine +Sci/Tech,A Technology Recovery in Post-Exuberant Times +Sci/Tech,Intel to Join in a Project to Extend Wireless Use +Sci/Tech,BellSouth Profit Drops 14.6; Wireless Costs Get Some Blame +Business,"Economy Improves, but Not Optimism" +Business,Trial Witness Says Ovitz Pay at Disney Was Unreasonable +Business,Bruandwo back with higher bid +World,US Seeks Seoul Help on N.Korea After Border Scare (Reuters) +Sci/Tech,Intel to Join in a Project to Extend Wireless Use +Sci/Tech,Cassini set to pierce moon #39;s haze +World,"Iraqi Explosives Missing, UN Is Told" +World,Rain adds to exhaustion as earthquake-hit Japan fears landslides (AFP) +Business,Voters Support News Corp. Shift to US +Business,Existing-Home Sales Turn Around in September +Business,"BHP Billiton approves \$1.6 bln copper, iron ore projects" +Sci/Tech,3 Area Districts Added to Md. #39;s Watch List +Sports,McLaren to get best out of Montoya +Sports,Bengals DL Tony Williams Breaks Ankle +World,"Philippines military slam ""Mafia"" tag amid corruption scandal (AFP)" +World,Cheney Mixes Stinging Rhetoric With Retail Politics +World,'Axis of Evil' Lullabies: A Nod to Peace +World,"Iraqi Explosives Missing, U.N. Is Told" +World,Peacekeepers Keep Watch After Haiti Raid +Business,EU Moves to Lift Trade Sanctions On US Exporters +Sci/Tech,Google to Help Microsoft Promote Windows +Sports,Zook fired from University of Florida +Sports,Williams plans to follow Tyson KO with Klitschko upset +World,Sharon Faces Critical Gaza Vote +World,"Peacekeepers, Haitian police take over militant holdout" +Sci/Tech,Qualcomm plans to phone it in on cellular repairs +Sports,Upset Loss Costs Zook His Job at Florida +Business,Oil Prices Dip Toward \$54 +Sci/Tech,Virginia Tech beefs up Mac supercomputer +Sci/Tech,Search Engine Marketing For Travel-Related Sites +Business,"Google stock shoots, scores, up 120 from IPO" +Business,Delta likely to land in 1 of 3 courts +Sci/Tech,Titan flyby overview +Sports,Northwestern football coach hospitalized +Sports,Midgett reacts to Zook #39;s firing +Sports,Oklahoma Moves Past Miami to No. 2 in BCS +World,Iran develops key nuclear metal +World,Afghan vote reflects ethnic fault lines +Business,Murdoch Wins Vote to Shift News Corp. +Business,Huge deal swallows International Steel Group +Business,ATA may be close to filing bankruptcy +Business,Harmony cagey about its war chest for Gold Fields +Business,Search Vs. Security +Sports,"Crowd Demands Services, Not Stadium" +World,Knesset heads towards Gaza vote +World,South Korea fears infiltration by North +World,Afghan vote count set to wrap up (AFP) +Sports,Stadium Upsets Crowd +Business,Oil Prices Dip Toward #36;54 (Reuters) +Business,Ispat in \$4.5bn deal to form biggest steel firm +Business,American Express Profit Rises 14 Percent +Business,Cingular deal clears hurdle +Business,Woolies wins \$1 billion pub battle +Sci/Tech,"What #39;s inside your computer? Study finds spyware, viruses <b>...</b>" +Sci/Tech,Qualcomm showcases 3G CDMA mobile multimedia solutions +Sports,Suppan faces former team +Sports,Gunners run out of ammunition +Sports,"John, Kimberly and Jennifer Hendrick" +Sports,"Bengals 23, Broncos 10" +Sports,Utah Football Team Gearing Up For Game At San Diego State +Sports,Barber benefiting from Giants new coaches +World,Conflicts across Iraq as powerful explosives disappear +World,Markets close as sixth typhoon this year hits Taiwan +World,MOFA thanks Powell for efforts in China +World,"French FM heads to India to boost ties, explore UN bid (AFP)" +Sports,NFL: Johnson and Johnson Stun Broncos (Reuters) +World,Cuba bans US dollar transactions +Business,Retail Stores Feel the Pinch of Cargo Caught in Transit Limbo +Sci/Tech,Wendy on Induce +Sci/Tech,Any Command Line Interface Tricks? +Business,"Sanctions suspended, not lifted" +Business,EDS Delays Its Results After a Dispute +Sci/Tech,Europe Expected to Agree to Deal for PeopleSoft +Sports,NTSB begins investigation into Hendrick plane crash +Sports,IT #39;S HOME OVER BUCKS FOR GOMEZ +Sports,Giants still coming up short +Sci/Tech,Seybold: PDA Users Will Support Wi-Fi Costs (Ziff Davis) +World,MEPs to decide commission's fate +World,"Japan Quake Survivors Face Rain, Tremors, Stress" +Sci/Tech,Europe Expected to Agree to Deal for PeopleSoft +Sci/Tech,Three Amazing Things Your Automobile Can't Do +Business,Disasters come at a bad time for Japan economy: analysts (AFP) +Business,Cherkasky to take over as CEO +Business,Woolworths Wins Australian Leisure Bidding Contest (Update4) +Business,The winners and losers in the AT amp;T Wireless deal +Business,Classmates Online sells for \$100 million +Sci/Tech,Microsoft to Release Communication Server (AP) +Business,China: Smuggling Still Threat to Economy (AP) +Sports,"Against these aces, it #39;s not in Cards" +Sports,"With Zook ousted, talk turns to Spurrier" +Sports,"Ganguly, Harbhajan ruled out of second Test" +Sports,Devils #39; Gomez finds work close to home +Sports,Giants notebook: Green #39;s status remains cloudy +Sports,Jets: Too soon to anoint Pennington +Sports,Mets: Randolph still leading man +World,Powell seeks Seoul help on N.Korea +Business,BILLIONAIRE #39;S PAYDAY TO GILD GOLDEN YEARS +Business,Justice gives nod to phone deal +Business,HEIDRICK TO HELP PICK NEXT EISNER +Business,YSL CHIEF REPLACES SANTUCCI AT GUCCI +Business,New bank law due this week +Sci/Tech,Intel invests in McCaw #39;s Clearwire +Sci/Tech,Broadband in Suburbia (washingtonpost.com) +Sports,Sox have eyes on the big prize +World,Pentagon responds to missing-explosives report +World,Death toll from northern Japan earthquakes reaches 24 +World,Zarqawi claims Aussie attack +World,U.S. Military: Al-Zarqawi Aide Killed (AP) +World,Sudan says rebels kill 89 +World,Seoul finds holes in North border +Sci/Tech,Cassini makes closest Titan flyby today +Sci/Tech,"Yahoo, Adobe Strike Search Toolbar Deal" +Sci/Tech,Microsoft Alters Sender ID to Gain AOL Support +Sports,VCA throws the book at Indians +Sports,Football grad rate is on the rise +World,6 Convicted on Sex Abuse Charges on Pacific Island +Business,Adelphia Mulling Offer from Time Warner-Comcast +Business,Around The Region +Sci/Tech,Nokia to sell mobile apps to operators +Sci/Tech,Wireless venture has Intel onboard +World,Sharon Seeks Support for Gaza Withdrawal (AP) +World,U.S.-Led Afghan Coalition Critcized (AP) +World,Iraqi officials investigating infiltrators #39; role in ambush +Sci/Tech,Nokia Preminet The Next Generation In Content Delivery +Business,"Dollar Loses More Ground, Hits 8-Mth Low" +World,Cuba Moves to Stop Trade in U.S. Dollars (AP) +Business,News Corp investors agree US move +World,Summit to discuss Turkey EU bid +Business,BP Beats Q3 Forecasts on High Oil Price +Business,'Strong global demand' boosts BP +World,"Clinton jumps into campaign, as missing explosives force Bush on defensive (AFP)" +World,India on top after early strikes +Business,EU Set To Lift Sanctions For Now +Business,News Corp investors agree US move +Business,Trade outlook good despite oil price hikes +Business,Adelphia to allow Time Warner/Comcast dual bid-WSJ +Sci/Tech,Nokia Offers Hosted Mobile Content Solution +Sports,Pot (of soup) boils over in Arsenal-Manchester feud +Sports,"Lakers 117, SuperSonics 91" +Sports,Crawford gives Knicks lift +World,UN agency confirms missing explosives in Iraq +World,"Arafat can leave compound for hospital, Israel says" +Business,Venture capital slips in Arizona +Business,Attorney says ATA expected to file bankruptcy Tuesday +Sci/Tech,Taiwan market: Top-three mobile-phone vendors grab 48 of the <b>...</b> +Sci/Tech,IBM tracking threats to computer networks +Sports,Zook fired at Florida +Sports,India strikes first blow +World,S.Korea on Alert for Possible Infiltration (AP) +World,PACs' Post-Labor Day Spending Favors Kerry (AP) +Business,Murdoch Wins Vote to Shift News Corp. +Business,Venture capitalists curb investment in third quarter +Business,British American Tobacco Quarterly Profit Rises on Acquisition +Business,Delta deal hinges on pilot concessions +Sci/Tech,Spacecraft aims for titanic discovery +Sports,Zaheer leads Indian fightback v Australia +Sports,Hendrie happy under O #39;Leary +Sports,Graduation rate falls for CU athletes +Sports,"Lukas, Baffert, Frankel, Bailey must mean it #39;s Breeders #39; Cup" +World,Israeli vote due on Gaza withdrawal plan +World,Seoul finds holes in North border +World,Powell says China will consider talks on human rights +Business,CEO of under-fire Marsh resigns +Business,EU agrees to lift tariffs on US goods +World,Settlers debate to begin +Sports,India have three Aussies for lunch +Sports,Montoya can be #39;even better +Sports,BENGALS END LOSING RUN +Sports,Brutality suit seen likely in pepper-pellet death +World,"S. Korea, US Agree to Resume 6-Way Talks After US Poll" +World,Musharraf calls for debate on Kashmir options +World,Netanyahu Says He Won #39;t Alter Budget to Win Coalition Partners +Business,BP Beats Q3 Forecasts on High Oil Price +Business,Oil Prices Slide Toward \$54 +Business,Big wireless merger clears Justice Dept. +Business,Low rates boost housing: Single-family home sales reach 2nd <b>...</b> +Business,No. 2 Internet service provider buying Classmates Online +Business,"RBI unveils Credit Policy, keeps interest rate unchanged" +Business,Checking overhaul to begin +World,Mbeki in Ivory Coast rebel town on peace mission +World,Eight newcomers named in All Blacks for European tour (AFP) +Sci/Tech,Intel joins McCaw #39;s new tech venture +Sci/Tech,"Fearing risk, NASA shifts path of craft near Saturn" +Sports,"Area residents Waltrip, Allison mourn Hendrick #39;s loss" +Sports,WHICH PEDRO WILL SHOW TONIGHT? (New York Post) +Sports,Griffin could miss season because of knee injury +World,North Korea says resumption of six-nation talks depends on US <b>...</b> +World,Baghdad Rally for Kidnapped Margaret Hassan +World,How Groups Feel About Outcome of Election (AP) +World,Zarqawi aide 'dies in air strike' +Sci/Tech,NASA Expert Criticizes Bush on Global Warming Policy +Sci/Tech,"The Dorms May Be Great, but How's the Counseling?" +Sci/Tech,Policy to Preserve Coastline Runs Into Reality on Nation's Beaches +Sci/Tech,"This Season, Heisenberg Wears a Red Sox Rally Cap" +World,Lawyers argue Thatcher coup case +World,Thai forces blamed for bloodshed +World,Hong Kong rights group snubs British official over free speech row (AFP) +Business,Signs point to slowdown in housing market +Business,Bank customers to lose 'float' time +Business,Sell Google +Business,\$4.5b deal to create steel giant +Business,Rivals line up to take on iPod +Business,Insurer's earnings up 55 in 3d quarter +Business,"John Deere, iRobot team on military vehicle" +Business,Galvin charges firm with fraud for failing to admit guilt +Business,Company to shut Japan trust unit in light of scandal +Business,T-bill rates rise in auction +Business,What the change will mean +World,Explosives were looted after Iraq invasion +World,New measure will ban US dollar transactions +World,Sharon's withdrawal plan +World,"N. Korea, US trade blame for delays" +World,Noor denounces actions of Islamic extremists +World,Israel and Egypt Swap Prisoners +Business,Marsh amp; McClennan CEO quits +Business,Venture investing dives 57 in NE +Business,Delta gets American Express aid +Sci/Tech,Microsoft revamps Sender ID +Sci/Tech,Firefox 1.0 limbers up for launch +Sci/Tech,Intel expands Intel Centrino mobile technology with new Intel <b>...</b> +Sports,India takes early honours on day one +Sports,Shooting guard starter remains a big question +Sports,NCAA graduation-rate study +Sports,Allen #39;s absence suspends drama in Sonics loss to Lakers +World,KILLING ZONE +World,Yudhoyono not convinced JI exists +Sports,Show-me state for Martinez +Sports,Baseball is in his blood +Sports,Ortiz hoping to be a hit in the field +Sports,Millar is ready in a pinch +Sports,Werner is no silent partner in this +Sports,Ex-mates vote Garciaparra in +Sports,Busch's ambience set it apart from others +Sports,Support system helps the Cardinals +Sports,Team is mum on ace +Sports,"Lately, it's been fast times" +Sports,Bengals change stripes +Sports,Celtics loudest after the game +Sports,Gators' Zook given hook +Sports,Hockey East women's capsules +Sports,The old-school approach +Sports,Scoring leaders +Sports,Hopkinton does it again +Sports,"It's Wallace, of course" +Sports,Girls' Top 20 +Sports,Elmer Santos +Sports,Boys' Top 20 +Business,Dutch steelmaker will buy ISG +Business,BAT profits rise despite strong pound +Business,C amp;W to sell Japanese arm to Softbank +Business,Soaring oil prices redistributing world #39;s wealth +Sports,Suppan now sees different shade of red +Sports,Sports ; Arsenal vs. Manchester United: A feud grows in England +Sports,Bungle against Bengals won #39;t do +Sports,"Europe faces tough task in Texas, warns Biancone" +Business,US stocks mark time ahead of poll +Business,"Merger, purchase activity climbing" +Business,"Tokyo Stocks Finish Mixed, Dollar Higher" +Sci/Tech,Cassini-Huygens makes first close approach to Titan +Sci/Tech,Sony Ericsson to offer EDGE/Wi-Fi combo PC card +Sports,Giants Struggling Inside Opponent's 20 (AP) +Sports,Wenger asked to explain +Sports,Move not a surprise to local UF fans +Sports,NBA Game Summary - Seattle vs. LA Lakers +World,Lost Iraqi explosives gone before US arrived? +World,Iraq: US claims to kill al-Zarqawi aide in Fallujah +Business,"As sales fall, cigarette makers spending more on marketing" +Sci/Tech,On Advertising: Sony wages battle of the brands +Sci/Tech,HP has chips with everything +Sports,Soccer board doesn #39;t back bid +Sports,They can #39;t get a break +World,"Iraq bombings kill 8, including US soldier" +Business,BP Posts Bumper Q3 Profits on Oil Price +Business,Indian Central Bank Raises Key Rate to Curb Prices (Update2) +Business,Bat Lifted by Higher Volumes and Profits +Business,"Update 4: Tokyo Stocks Finish Mixed, Dollar Higher" +Sports,"Merloni: With home advantage gone, Sox #39; job not easy" +Sports,Aussies crumble as Khan strikes +World,Israeli MPs Vote Historic Exit from Gaza +World,Turkey on Chirac-Schroeder agenda +World,Football: Man U star denies stamp +World,Musharraf arrives in UK for talks +World,'Extinct' pine marten in comeback +World,Iraq carnage kills 21 +Sports,Today's schedule +Sports,Williams to meet Klitschko for title +World,"At Tense Syria-Iraq Border, American Forces Are Battling Insurgents Every Day" +Business,News Corp. move to New York approved by shareholders +Business,1m an hour profit for BP +Business,Risk capital drop raises few alarms +Business,Tokyo mixed ahead of US poll +Sci/Tech,Update 1: New Crop of Portable Players Nips at iPod +Sports,Martinez lets arm do his talking +Sports,"Captains abound, but who can save UF #39;s ship?" +Sports,"Sooners, Utes move up in BCS" +Sports,SERIES NOTEBOOK: St. Louis hopes Busch friendlier +World,Israeli parliament set for historic vote on Gaza pullout +World,Howard takes oath of office +World,Hurriyat reacts cautiously to Musharraf #39;s proposal +World,Mishap capsizes corporate promo +Business,Oil Prices Hold Above \$54 +Business,Top Marsh exec resigns +Business,SD venture funding resilient +Business,Taiwan Semiconductor Reports Record Profit +Sci/Tech,Cassini gives Iapetus a wide berth +Sci/Tech,Illinois seeks OK to buy flu shots from foreign lab +Sports,"Sox say Schilling to pitch in Game 6, if there is one" +World,Tons of explosives missing at Iraq site +World,Australia probes Iraq bomb blast that produced its first <b>...</b> +Sci/Tech,Antitrust clears wireless merger (TheDeal.com) +Sci/Tech,Icelanders after French salmon (TheDeal.com) +World,Powell Maintains Tough Stance on N. Korean Weapons Program +World,Lastminute.com chairman Allan Leighton to step down (AFP) +Sci/Tech,Adobe and Yahoo! partner to create PDF documents online +World,"Martyn, Lehmann flay injury-hit India in third Test (AFP)" +World,US: Zarqawi #39;associate #39; killed +Sci/Tech,Hanging on the musical telephone +Sci/Tech,Leighton steps down at Lastminute +World,SA unionists defy Zimbabwe ban +Sci/Tech,Election Wagers Hinge on Ohio +Sci/Tech,"System X Faster, but Falls Behind" +Sci/Tech,An Empire Built of Glass +Sci/Tech,Election Drives Online Traffic +Sci/Tech,"No Paper Trail, No Problem" +Sci/Tech,Home PCs Plagued With Problems +Sports,Getting bedrock value +Business,Cingular set to complete takeover +Business,Biopure seeks OK to boost stock sales +Sci/Tech,Pandas benefit from wireless net +Business,Spitzer mentor takes over at Marsh +Business,"New steel giant iSG, Ispat Inland joining mittal" +Business,Coles Myer backs down in battle for ALH +Business,Cingular set to complete takeover +Business,BP Sees Third-Quarter Profits Rise 53 Pct. +Business,New Credit Policy: RBI Keeps Interest Rate Untouched At 6 +Business,Cable and Wireless to sell Japanese unit to Softbank +Business,TSMC expects first 4Q sales drop ever +Sci/Tech,Treo 650 Launched by PalmOne +Sci/Tech,"System X Faster, but Falls Behind" +Sci/Tech,Study: HP is world #39;s top chip buyer +Sports,Martyn on fire as Aussies pile on the runs +Sports,"Skater: #39;I have a headache, but I #39;m OK #39;" +World,Al-Zarqawi aide killed in airstrike: US military +World,5 convicted of rapes on island founded by Bounty mutineers +World,Rain prompts Japan quake fears +World,John Howard sworn in for fourth time as Australian PM +World,Inquiry ordered in massacre case +World,Pakistan debates bold new Musharraf plan on Kashmir +World,Arafat #39;all clear #39; after surgery +World,Hambali's Brother Convicted in Indonesia (AP) +Business,Mexico has 'giant wealth divide' +World,Hambali's brother found guilty +World,Bombings kill at least 8 in Iraq +World,Karzai Win a Formality as Last Afghan Votes Counted (Reuters) +World,Radical cleric Abu Hamza makes brief court appearance (AFP) +World,Summary: Cuba Does Away With Dollars (AP) +Sports,Too Good to Be True? Red Sox Halfway Home (AP) +Business,Mittal creates new steel giant +Business,Elan Corp. Shares Jump +Business,Softbank Acquiring Cable amp; Wirless +Business,"RBI keeps bank rate intact, raises repo rate" +Business,OPEC: Oil Prices May Lower Economic Growth +Business,Taiwan Semiconductor Reports Record Profit +Sci/Tech,Nokia plans one-stop content shop for mobile networks +Sci/Tech,PalmOne announces new breed Treo +Sci/Tech,Burt Rutan takes a V2-powered wander down memory lane +Sports,City boss Keegan charged over referee criticism +Sports,Feds Examine Hendrick Plane Crash Wreckage +Sports,Indians check Aussies #39; run flow +Business,Investors back News Corp switch +Business,British American Tobacco Main Brands #39; Sales Revived (Update2) +Business,Elan settles suit and SEC probe +Business,Elan to pay \$15m fines in settlement of SEC inquiry +Sports,Cards' Suppan Faces Old Team in Game 3 (AP) +Business,Dollar Pauses Near Record Low Vs Euro (Reuters) +World,One of Britain's last remaining coal mines closes down (AFP) +Sci/Tech,Virginia Tech beefs up Mac supercomputer +Sports,Walks on the wild Cards #39; side +Sports,Critical Keegan charged by the FA +Sports,"Rick Hendrick grieves, and a racing community joins him" +Sports,UF Boosters Support Decision +Sports,Schumacher and Ferrari have F1 in their grip +Sports,Spinners strike early for Bangladesh +Business,Dollar Pauses Near Record Low Vs Euro +Sci/Tech,'Act now on biological weapons' +Business,American Express rings up record profits +Sci/Tech,Red Hat warns against fake security email +World,Five arrested in Sinai blasts +World,DEAF KIDS JOIN RALLY IN BID TO FREE KIDNAPPED AID WORKER MARGARET +Sports,Ex-NFL Receiver Mark Ingram Jailed (AP) +Business,Wall St Seen Edging Up on Crude Price +World,Radical Cleric Denied Bail by London Court (AP) +Sci/Tech,Nuclear body seeks new technology +Business,Insurance Exec Resigns over Spitzer Suit +Business,Business ; Bank Rate remains untouched in RBI #39;s annual credit <b>...</b> +Business,"Google feels lucky, surpasses Web rival Yahoo" +Sci/Tech,Marconi joins the Wimax Forum +Sci/Tech,Saturn #39;s Titan about to surrender shrouded secrets +Sci/Tech,PalmOne unveils Treo 600 #39;s successor +Sci/Tech,Pandas benefit from wireless net +Sci/Tech,Marshalls role in space revolution +Sports,Martyn continues his run feast +Sports,With friends like these ... +Sports,Vogts #39; future still in the balance +Sports,No more Middleton for Raiders +World,The man alone +World,Musharraf Kashmir plan: Your reaction +World,Death toll from powerful earthquakes in Japan rises by 4 to 31 +World,Abu Hamza in court +World,Nigerian pilgrims robbed in Darfur - report +Business,Omnicom Posts Higher Quarterly Profit +World,Referee attack lands Keegan in the dock (AFP) +World,Mark Thatcher in South African Court (AP) +World,Officials Say 78 Died After Thailand Riot (AP) +World,At Least 84 Killed in S. Thailand Monday +World,"Big Fish, Little Fish Battle Over the Amazon's Bounty" +Sci/Tech,Food Plant +Business,Wall St Seen Edging Up on Crude Price +Business,Update 1: Euro Hits 8-Month High Against the Dollar +Business,"Oracle #39;s Bid for PeopleSoft to Get EU Clearance, People Say" +Business,New Accounts Boost Omnicom Profit (Reuters) +Sci/Tech,Microsoft Regains AOL's Support For Anti-Spam Technology (washingtonpost.com) +Sci/Tech,Sony MP3 Players Finally Debut +Sci/Tech,Microsoft desktop search by end of year +Sci/Tech,Your PC may be less secure than you think +Sports,Federal investigators continue looking for cause of Hendrick plane <b>...</b> +Sci/Tech,Vodafone Makes Sun Its Preferred IT Vendor (Ziff Davis) +Sci/Tech,Venture Capital Investments +Business,BP Profits #39;1m A Day #39; +Sci/Tech,Intel gives wireless boost to Chinese panda research +Sci/Tech,Microsoft users catch price break +Sports,Back at it +World,US tightens net around Fallujah +Business,Stocks Seen Slightly Higher; Oil Slipping +Business,CME Profit Up on Trading Volume Growth +World,Police called in to Old Trafford buffet battle (AFP) +World,RBI raises interest rates to tackle inflation (Reuters) +Business,Halliburton Posts \$44 Million Loss +Sci/Tech,"For Dell and AMD, a tantalizing question" +Sci/Tech,Big stakes in holiday game scramble +Business,Ad giant says #39;jury is out #39; on prospects +Business,C amp;W sells Japanese arm to Softbank +Business,"TSMC sees plummeting utilization, capex down in 2005" +Business,Keppel Profit Climbs on Property Gains +Sports,FA charges Keegan over referee insults +Sports,DENVER BRONCOS ODDS REMAIN UNCHANGED FOR SUPERBOWL +Sports,College Football Report +Sports,Skiles: Hughes also should be hit by NBA +World,Campaigns battle over missing explosives +World,S.Korea Probe Suggests No Infiltration from North +World,TB poses major threat to millions +Business,Johnson Controls Earnings Rise 24 Percent +Sci/Tech,Site on tobacco giant launched +Business,RBI policy will not hamper growth: FM +Business,Earnings at BAT are full of puff +Business,WPP revenues climb but jury still out on 2005 +Business,"TSMC #39;s Chang sees plummeting Q4 utilization, capex down in 05" +Business,Cheese For The Mouse House #39;s Investors? +Business,"China, ASEAN agree to end tariffs" +Sports,Cursed either way +Sports,TON-UP FLEMING OUT ON HIS OWN +Sports,Depleted India strike early blows +Sports,Chicago bullies Wizards 100-95 despite brawl +Sports,Sports in brief: Skater not afraid to go back on ice +World,"BP quarterly profits soar, but spending plans a worry (AFP)" +Business,Halliburton Posts Loss on Asbestos Charge +Business,"IT Services, Jets Lift Lockheed Profit" +Business,International Paper Has Loss After Charge +Business,"Agere Posts Loss on Revenue Drop, Charges" +Business,Chain Store Sales Fall in Latest Week +Business,BP profits surge to record 2.14 billion +Business,Halliburton Posts Loss on Asbestos Charge +World,"Svenska Cellulosa to Slash 1,200 Jobs (AP)" +Sports,Keegan in the dock +Sports,UF head football coach fired after loss to Mississippi State +World,S.Korea Probe Suggests No Infiltration from North +Business,International Paper Posts Quarterly Loss +World,Europe and Iran to meet again on nuclear issue (AFP) +Sci/Tech,Google Working to Recruit Brainy Elite +Sci/Tech,Intel Invests in New Wireless Venture +Sci/Tech,Online Music Site Settles Copyright Suit +Sci/Tech,New Crop of Portable Players Nips at IPod +Sci/Tech,'Grand Theft Auto' Seen Breaking Games Sales Record +World,Thatcher fights questions by Equatorial Guinea on coup plot (AFP) +World,UN AIDS envoy urges Blair to make G8 do more for Africa (AFP) +Business,NBC's New Reality +Business,New steel giant includes Lackawanna site +Business,EU lifts sanctions on US for now +Business,Halliburton Posts \$44 Million Loss +Sci/Tech,AOL survey finds homes user ignorant to online threats +Sci/Tech,Microsoft and AOL agree to agree on anti-spoofing Sender-ID <b>...</b> +Sci/Tech,Activision expands Doom 3 - Resurrection of Evil announced +Sports,Chad bumps; Rudi runs +World,Cleric Abu Hamza Al-Masri Denied Bail at London #39;s Old Bailey +Business,Omnicom Profit Beats Wall Street View +World,U.S. Troops Reinforce After Falluja Air Strike +Business,Inflation eases to 1.8 per cent +Sci/Tech,Tech Briefs +Sports,Australia v India third test scoreboard - close +Sports,FA charges Keegan with abusive behavior +World,DALE McFEATTERS: The massacre in Iraq +Business,Goodrich Posts Higher 3rd-Quarter Profit +Business,Australian bank group reports record profit +Business,India #39;s central bank pushes up key rate +Business,UK Quarterly Manufacturing Optimism Lowest in Year (Update1) +Business,"Lockheed Profit Jumps on IT, Jet Demand (Reuters)" +Sci/Tech,PalmOne updates the Treo smartphone +Sci/Tech,Apple #39;s Superfast Supercomputer +Sci/Tech,"Google stock shoots, scores, up 120 from IPO (USATODAY.com)" +Sci/Tech,DVD box sets find a place on gift lists (USATODAY.com) +World,One vacancy could reshape court (USATODAY.com) +Business,Altiris Falls 7 Percent Before Bell +Sci/Tech,Iraq sulphur fire breaks records +Business,"Business ; India #39;s growth target lowered, anti-inflation measures <b>...</b>" +Business,Stability fears as oil reliance grows +Business,Sara Lee Earnings Jump 53 Percent in 1Q +Business,Wpp Cautious on Outlook +Business,TSMC expects first 4Q sales drop since 1998 +Business,Chemical Prices Help DuPont Reverse Loss (Reuters) +Sci/Tech,"Intel, Clearwire Collaborate on WiMax" +Sci/Tech,Customers To Get LCS 2005 In December +Sports,Red Sox take this idiot thing to the bank +Sports,Record-breaking Fleming puts Kiwis in command +Sports,Radcliffe to run New York marathon +World,Commentary: ...But A Harsh Diagnosis For Europe (BusinessWeek Online) +World,IAEA: 380 tons of high explosives missing in Iraq +World,Koizumi views quake-damaged Japan +Business,Halliburton Posts Loss on Asbestos Charge +Business,Lockheed Profit Jumps 41 Percent +Sci/Tech,Man jailed over China DVD porn +Business,FCC Approves Cingular's AT T Wireless Bid +Sci/Tech,Red Hat Sees Half of Sales Outside U.S. in a Year +Business,Halliburton posts loss +Business,BAT profits up +Business,Gold Fields May Bring Forward Vote on Iamgold Bid (Update3) +Sci/Tech,NotifyLink Supports palmOne #39;s New Treo 650 Smartphone for Novell <b>...</b> +Sci/Tech,DOOM 3: Resurrection of Evil +Sci/Tech,Microsoft Sets December Release for Next-Gen Enterprise IM Server +Sci/Tech,Intel drops plans for LCOS chip +Sports,Woe are the Red Sox? maybe next week +Sports,Johansson cheers Stockholm crowd +Sports,Don #39;t Blame Berti - Brown +Sports,Sooners jump up a spot in BCS rankings +World,"Karzai Wins Afghan Election, Official Says" +World,Prince Charles: Terrorism Has Unified Us +Business,Fossil fuels to remain dominant: IEA +Business,Altiris Falls 7 Percent Before Bell +Business,Delta finds financing to keep airline afloat +Sci/Tech,Sharp exits US PDA market +Sci/Tech,Does the palmOne Treo 650 Replace Treo 600? Not Exactly. +Sci/Tech,Red Hat Sees Half of Sales Outside US in a Year +Sports,Kiwis in command +World,US troops reinforce after Falluja strike +Business,CEO Quits At Marsh amp; McLennan +Business,Imperial Tobacco #39;s parent company has strong quarter +Business,Manufacturers #39; confidence dips +Business,Altiris Falls 7 Percent Before Bell +Business,"C amp;W continues fire sale, off-loads Japan division" +Business,Halliburton Posts Loss on Asbestos Charge +Business,Chain Store Sales Fell in Oct 23 Week +World,Canadian veterans lay wreaths to honour comrades who died 60 years ago in Italy (Canadian Press) +Sci/Tech,FCC Clears Cingular Acquisition of AT T (AP) +Sci/Tech,FCC Approves Cingular's AT T Wireless Bid (Reuters) +World,Darfur peace talks hobble along amid bitter disputes over security (AFP) +Sci/Tech,Red Hat Sees Half of Sales Outside U.S. in a Year (Reuters) +Sci/Tech,System X supercomputer speeds up almost 20 percent (MacCentral) +Sci/Tech,Google Spyware? Bad Guys Spies Using Google Desktop Search +Business,BP Reports Bumper Profits on Oil Price +Sci/Tech,"John Deere, IRobot Team Up for Battlefield Robot" +Business,AUSTRALIA: Woolworths wins battle for ALH +Business,Outsiders not barred from Pritzker courtroom +Business,Halliburton Suffers Loss on Asbestos Claims +Sports,Sox travel to St. Louis +Sports,India Fights Back After Martyns Century +Sports,"Zook, Line and Sinker Inside the decision to fire Ron Zook" +Sports,Prosecutor postpones results of probe into disgraced Greek <b>...</b> +World,Musharraf calls for new approach to Kashmir dispute +Sci/Tech,Chip-Maker Agere Posts Loss on Charges (AP) +Business,Halliburton Posts Loss on Asbestos Charge +Business,International Paper Posts Quarterly Loss (Reuters) +Business,Global Markets: Easier Oil Soothes Shares +Business,Woolworths beats rival to buy liquor company +Business,"Cingular, AT amp;T Wireless Integration Seen Lengthy" +Business,Omnicom 3Q Profit Driven by Global Reach +Business,Repo rate hike a short-term signal +Business,Update 2: BP Nearly Doubles Its 3Q Earnings +Business,BAT shrugs off strong pound +Sci/Tech,Cassini takes a close-up look at Saturn #39;s giant moon Titan +Sci/Tech,NASA throws a DART +Sports,Mendieta Ruled Out for Season +Sports,Rusedski through in St Petersburg +World,High Prices Boost BP 3rd-Quarter Profits (AP) +World,Yudhoyono eyes Jemaah Islamiyah ban +World,U.S. Expats Jump on Planes to Vote in Home States (Reuters) +Business,Selection Time +Sci/Tech,Healthcare is Different +Sci/Tech,FCC Clears Cellular Merger +Business,FCC OKs Cingular Bid for AT T Wireless +Business,Stocks Open Higher as Oil Prices Slide +Business,Tobacco Giant BAT Q3 Results Smokin' +Sci/Tech,Panasonic demos first international 3G handset +World,Ukraine's Face Is Mirrored in a Candidate +Sci/Tech,C W stokes fire sale +World,Saudi Steps Up Charity Monitoring During Ramadan +Business,FCC OKs Cingular Bid for AT T Wireless (Reuters) +World,Muslims attend Bangladesh prayer +Sci/Tech,Navy deal may create more financial problems for EDS +Business,"FCC OKs Cingular, AT amp;T Wireless deal" +Business,China ready to implement WTO promises +Business,Sara Lee sees not-so-sweet 2Q +Business,"India #39;s growth target lowered, anti-inflation measures unveiled:" +Sci/Tech,Source: EU Regulators Clear Oracle Bid (AP) +Business,"British manufacturing hit by higher costs, slowing demand (AFP)" +Business,KB Toys to Close Up to 238 Stores (Reuters) +Business,KB Toys to Close Up to 238 Stores +World,Mbeki in Ivory Coast Rebel Town on Peace Mission +Business,Cingular-AT amp;T Wireless Deal Gets Justice Dept. OK +Business,"Agere Posts Loss on Revenue Drop, Charges" +Business,Settlement reached in \$1 billion metal trading suit +Business,British American Tobacco Sees Profit Rise +Sci/Tech,Intel and Clearwire to work on WiMax together +Sci/Tech,Weather May Scrub Launch of NASA #39;s DART Spacecraft +Sci/Tech,"POWERTRAIN: 3.0-liter, 255-hp, 221-lb-ft I6; rwd, six-speed manual" +Sports,Vogts #39;s Scotland future in the balance +Sports,Keegan unrepentant despite apology +Sports,Mendieta out for season with knee injury +Sports,Fish Beats Hernych at St. Petersburg +Business,Bowes Takes a Bow +Sci/Tech,Billboard chimes in on ring tones +Sci/Tech,NEC restarts factory after earthquake +Business,"FCC Approves Merger, Wireless Giant Created" +World,Israeli Supreme Court demands army justify demolitions +World,Ancient Language Clings to Life at Tip of Britain (Reuters) +World,RBI dy governor Mohan to be finance secy (Reuters) +Sci/Tech,Venture Capital's Summer Vacation +Sci/Tech,"Panasonic, Toshiba delve into alternative energy" +Business,Consumer Confidence Hits 7-Month +Business,FCC Approves Cingular #39;s AT amp;T Wireless Bid +Business,Regulators Clear Oracle Bid for Peoplesoft +Business,International Paper Posts 3Q Deficit +Business,Human Genome Posts Deeper 3Q Loss +Business,Navy deal may create more financial problems for EDS +Sci/Tech,Nokia Announces Total Mobile Content Service +Sci/Tech,E-Mail Scam Dupes Linux Users +Sports,UPDATE 1-Fleming sets two records as Kiwis dominate +World,More than 80 Protesters Dead as Thai Government Cracks Down on <b>...</b> +World,Israel pulls out of Khan Yunis leaving 17 dead as Qurei urges int #39; <b>...</b> +World,52 killed in weekend massacre of Iraqi army +Sports,Maradona on Christmas Break from Drug Rehab +World,"Bush, Kerry Both Seen Pressed to Curb Drug Prices (Reuters)" +Business,Consumer Confidence Hits 7-Month Low (Reuters) +Business,Consumer Confidence Falls on Job Worries (AP) +World,Insurgent Group Claims 11 Iraqi Hostages (AP) +World,"Williams pulls out of first ministers meeting, says Ottawa broke promise (Canadian Press)" +Business,Marsh McLennan Scraps Contested Fees +Sports,Federer Out of Basel Tournament with Thigh Injury +World,Musharraf's Peace Plea Gets Cool Reception +Sports,"Goosen Wins Sun City Title, Westwood Slumps to 80" +Business,"Jet Demand, IT Propel Lockheed Profit Up" +Business,Coach's Profit Jumps As Sales Increase (AP) +Business,Local managers happy to see Murdoch #39;s back +Business,Stocks Move Higher As Oil Prices Slip +Business,Consumer Confidence Hits 7-Month Low +Business,UPDATE 2-Thomson Corp. third-quarter profit rises +Business,EU approves Oracle #39;s pursuit of Peoplesoft +Business,China Protests US Limits on Sock Imports +Sci/Tech, #39;Big Mac #39; gets an upgrade +Sports,Lehmann suffers hamstring injury in Nagpur test +Sports,Bengals step up to Monday Night challenge +Sports,Serie A matches Oct 27 +World,US downplays Iraq explosives loss +World,"Experts Fear Messy, Disorderly Election (Reuters)" +Sports,Roddick Refuses to Blame Injury for Davis Defeat +Business,F.C.C. Approves Cingular Deal to Buy AT T Wireless +World,Burgers for the Health Professional +Sci/Tech,Europe blesses Oracle-PeopleSoft union +Business,News secures historic vote +Business,Europe blesses Oracle-PeopleSoft union +Business,Update 4: EU Head Office Trims 2005 Growth Forecast +Business,"Halliburton posts loss, meagre pickings in Iraq" +Business,"Regal Posts Lower Quarterly Profit, Sales" +Sci/Tech,Nokia woos operators with Preminet +Sci/Tech,Get Ready for Wednesday: Top 10 Lunar Eclipse Facts +Sci/Tech,Wanadoo Teams with Loudeye to Extend Music Service (Reuters) +Sci/Tech,Dell fields 17-inch notebook +Business,NTSB Blames 2001 Plane Crash on Co-Pilot +Sci/Tech,Wanadoo Teams with Loudeye to Extend Music Service +Sci/Tech,Copernic Spins Off Coveo Enterprise Search +Business,Oil Prices Hold Above \$54 as Winter Looms +World,Thailand Says 78 Muslims Died in Army Custody +Business,Don't Listen to Buffett +Business,Asbestos claims hand Halliburton a loss +Sports,Leaving behind their legacy +Sports,Soccer: Megson lambasts quot;pathetic quot; Baggies +World,"Powell wins backing for new NKorea pressure, but hears call for flexibility (AFP)" +Business,Marsh to Scrap Fees Spitzer Faulted +World,U.S. Troops Reinforce After Falluja Air Strike +World,Salzburg skull 'could be Mozart's' +World,Settlers mass at Knesset for vote +Sports,Pleasantly Perfect Muscles Up for Breeders' Cup +Business,Adelaide gives Murdoch another victory: Delaware +Business,Oracle wins EU approval for PeopleSoft takeover +Business,EU cuts 2005 eurozone growth forecast +Business,US government approves Cingular #39;s acquisition of AT amp;T Wireless +Business,Cable and Wireless offloads Japanese unit +Sci/Tech,Intel Invests in Mobile Wireless Broadband +Sci/Tech,Insecurity begins at home +Sci/Tech,Sony takes on iPod Mini +Sci/Tech,MP3 site settles for \$10 million with RIAA +Sports,Aussies take control of Test +Sports,English clubs sabotage Wallabies #39; tour opener +Sports,UPDATE 1-Federer out of Basel event with thigh injury +Sports,Mourning continues throughout NASCAR +Sports,Hundreds mourn loss of student killed by police during Red Sox <b>...</b> +World,Arafat breaks Ramadan fast +World,Analysis: Little hope for Kashmir plan +World,DaimlerChrysler Plans to Transfer Jobs (AP) +World,States See Federal Largesse as Election Nears (Reuters) +Business,EU go-ahead for Oracle takeover +Sci/Tech,Via Develops Twin-Core Processor +World,Israeli Parliament Moves Toward Vote on Gaza Withdrawal Plan +Business,Coach Earnings Surge 60 Percent (Reuters) +Business,Coach Earnings Surge 60 Percent +Business,Stocks Rise as Insurers Lead Gains +Business,"EU, 6 Hollywood Studios Settle Antitrust" +Business,"DuPont Posts Profit, Sees Slower Growth" +Sci/Tech,Sprint phone boosts data capacity +Business,T. Rowe Price Posts 25 Percent Profit +Business,E.U. Closes Antitrust Cases Against Six Studios +Business,"Marsh #39;s Cherkasky, Mr. Monitor, Failed Up" +Business,Oracle #39;s Bid for PeopleSoft Gains on EU Antitrust Clearance +Business,ANZ boosts profit to record \$2.81b +Business,US consumer confidence slides for third month in October +Business,"EU downgrades 2005 growth forecast on high oil prices, euro rally" +Business,Uncertainty Persists Around EDS Navy Contract +Sci/Tech,Nokia Preminet goes Hollywood +Sci/Tech,Cassini Probe Knocks at Titan #39;s Door +Sci/Tech,Shaded moon will be last eclipse of 2004 +Sci/Tech,DOOM 3: Resurrection Of Evil Ann +Sports,131 days to go +Sports, #39;Satisfying to get runs in tough conditions #39; - Martyn +Sports,Boro #39;s Mendieta lost for season +World,IAAE: hundreds of tons of explosives lost in Iraq +Sci/Tech,Scientists: Biological Weapons Pose Major Threat (Reuters) +Sci/Tech,Intel Invests in Rollout of WiMax +Sci/Tech,Mac Supercomputer Gets Performance Makeover +Business,Murdoch pledges Australian growth +Business,EU Gives Oracle Green Light To Buy PeopleSoft +Business,Johnson Controls fiscal 2004 profit up 20 percent +Business,Update 1: Regal #39;s Profit Down on Lower Receipts +Sci/Tech,PalmOne rings up new smartphone +Sci/Tech,NASA #39;s DART launch Postponed +Sports,Sox Prepare For Game 3 In St. Louis +Sports,Injured Federer pulls out of hometown tourney +Sports,World Champion Skater Takes A Bad Fall +Sports,Megson plans to leave West Brom after season +Sports,Mancini Ready To Chase Juventus +Sports,MENDIETA BLOW FOR BORO +Sports,"Report: Carter off the court, in courtroom" +Sports,Formula One may get rival in 2008 +Sports,SFA hold fire on Berti +World,78 die after being arrested in Thailand riots +World,No redrawing of map to solve Kashmir issue; India: +Business,Consumer Confidence Hits 7-Month Low +Sci/Tech,Mozart's relatives face DNA tests +Business,Regulators Clear Oracle's \$7.7 Billion Bid for PeopleSoft +Business,SEC Overhauls Public Stock Offering Rules +Business,Does Kimberly-Clark Have Inner Beauty? +World,Hospital Official: Arafat Has Gallstone (AP) +Sci/Tech,"In War on Locusts, Experts to Use Techni (AP)" +World,"Springsteen, Bon Jovi Join Kerry Campaign (AP)" +World,Source: Zoellick to Give Up U.S. Trade Post (Reuters) +Sci/Tech,"Microsoft previews ""Whitehorse"" developer tools" +Sci/Tech,Dell to tighten Linux ties with Novell pact +World,Sudanese Darfur Rebels Stall Aid Pact for Refugees +World,Queens crash blamed on co-pilot +Business,Consumer Confidence Hits 7-Month Low (Reuters) +Business,SEC Overhauls Public Stock Offering Rules (Reuters) +Sci/Tech,Microsoft previews 'Whitehorse' developer tools +Sci/Tech,Microsoft focuses on apps modeling +Sci/Tech,PluggedIn: The OQO Is Not Just Another Handheld Device +Business,Update 6: Voters Approve News Corp. Move to US +Business,Deal Creates World #39;s Largest Steel Producer +Business,EU okays Oracle bid for PeopleSoft +Business,Woolies wins liquor war +Business,"Cingular, AT amp;T Wireless close \$41 billion merger" +Business,AT amp;T Agrees to Pay \$100 Million to Settle Lawsuit (Update1) +Business,Johnson Controls Profit Up 25 Percent +Business,Microsoft prepares to ship new corporate IM server +Business,Glaxo buys rights to experimental diabetes drug +Sci/Tech,Yahoo! Gets Adobe in its Corner +Sci/Tech,Sky gazers in for a treat -- weather permitting Wednesday #39;s <b>...</b> +Sci/Tech,Sony Takes On iPod with MP3 Walkman +Sports,Longtime Red Sox fan hangs on team #39;s fortunes +Sports,Injured Federer pulls out of Swiss event +Sports,INTER VISIT SURPRISE PACKAGE +World,Clamor over Musharraf #39;s Kashmir peace plan +Sci/Tech,PluggedIn: The OQO Is Not Just Another Handheld Device (Reuters) +Business,Shopping.com Shares Up 52 Pct in Debut +World,"Personal and Political, Bush's Faith Blurs Lines" +Sci/Tech,Defendants Accused of Sending Spam (AP) +World,Prince Charles leaves Turkey after touring historic sites (AFP) +Sports,"Moya Beats Roddick, Gives Spain Davis Cup (AP)" +Business,Lockheed Earnings Up on Plane Sales +Sci/Tech,EU approves Oracle bid for PeopleSoft +Sci/Tech,U.S. Nuclear Panel Closes Online Library (AP) +World,Security Council Votes for Nairobi Meeting (AP) +World,Combatants brutally raped tens of thousands in Congo: Amnesty report (Canadian Press) +Sci/Tech,"Cingular, ATT Wireless merge after clearing last hurdle (AFP)" +Sports,Daniilidou Wins in Round 1 of SEAT Open (AP) +Sci/Tech,EU clears Oracle-PeopleSoft takeover (AFP) +Business,BP Has Bumper Profits on High Oil Price +Business,Marsh to escape criminal charges +Business,Australia #39;s Woolworths wins battle for ALH pubs +Business,Consumer Confidence Hits 7-Month Low +Business,"Germany, France support Turkish invitation to EU membership talks" +Business,AT amp;T Settles Shareholder Lawsuit +Business,"Two into one just won #39;t go, says ANZ" +Business,Johnson Controls reports 24 earnings increase +Sci/Tech,Cassini Closes in on Titan +Sci/Tech,"AOL Reconsiders, Backs Sender ID" +Sci/Tech,NASA Testing Robot Satellite Seeker +Sci/Tech,Russia to Confine Military Satellite Launches to Northern Center +Sports,"If the Red Sox win, Reverse the Curse ice cream loses" +Sports,Ruud pleads guilty to FA charge +Sports,Megson to quit West Brom +Sports,Bengals Still Kicking +World,Israel #39;s Azam Azam released by Egypt +Business,Coolbrands Cuts Year-End Profit Outlook +Business,Coach Is Breaking Rules +Business,"Schroeder Seeks More Budget Leeway, Says Euro Gains Worrying #39;" +Sports,"Sorry, Bosox fans, the curse lives" +World,Mending the Franco-German Industrial Rift +World,Abu Hamza in Court on 16 Charges +World,iTunes expands into nine more European countries (MacCentral) +World,Powell's China Comments Anger Taiwanese (AP) +World,Globalist: Signs that the worst may be over in Africa +World,Allawi: 'Major Neglect' Led to Recruits' Deaths +World,78 Die in Military Custody in Thailand +World,Veteran British DJ John Peel Dies in Peru +Business,Oracle can buy PeopleSoft: official +Business,US Oct. consumer confidence sinks to 92.8 points - +Business,Barrick Gold Earnings Fall on Lower Sales +World,Iraq PM Blames U.S.-Led Forces' 'Neglect' for Massacre (Reuters) +Sci/Tech,Cassini Flies Past Saturn #39;s Moon Titan Today +Sci/Tech,Home Computer Users Wearing Security Blinders +Sports,Garcia and Nelson accept probation for bullpen incident +Sci/Tech,Celebrities let their Web sites do the talking (USATODAY.com) +World,Sudanese Darfur rebels stall aid pact for refugees (Updated 12:45 <b>...</b> +World,"German, French Business Leaders to Discuss Industry Cooperation" +Sci/Tech,AT T Settles Lawsuit for \$100 Million +World,'Honour killings' law tightened +Sci/Tech,Celera Genomics Quarterly Loss Widens +Business,L-3 earnings rise on strong sales growth +Business,"Centerra Gold reports Q3 profit of \$28.7M, up from \$2.8Ma year ago" +Business,Coolbrands Cuts Year-End Profit Outlook +Business,AT amp;T Agrees to Pay \$100 Million to Settle Lawsuit (Update2) +Business,Flu prompts delay in Enron barge trial +Business,Settlement reached on Sumitomo copper suit +Sci/Tech,Va. Tech speeds up Mac OS X supercomputer by almost 20 +Sci/Tech,PalmOne Debuts Treo 650 Smartphone +Sci/Tech,"Vendors Address Productivity, Convergence at Wireless Expo" +Sports,Two ex-Yankees to get partial probation in bullpen brawl +World,South Korea boosts North security after fence cut +Sci/Tech,Panasonic Unveils International 3G Cell Phone +Sci/Tech,Defendants Accused of Sending Spam +Business,"Treasuries Flat, Consumer Gloom No Shock" +Business,"U.S. Data, European Outlook Raise Dollar" +World,Injured Ganguly could miss finale +World,Thais plan origami #39;peace bombs #39; +Sci/Tech,SGI claims lead in supercomputer race +Business,US justice dept clears Cingular #39;s AT amp;T deal +Business,AT amp;T Settles Lawsuit for \$100 M +Business,Update 1: Defendants Accused of Sending Spam +Business,WM Wrigley Posts Higher 3Q Profit +Sci/Tech,Clearwire Partners With Intel on WiMAX Networks +Sci/Tech,PeopleSoft Tries Out CRM In A BlackBerry +Sports,"NY Yankees def. Milwaukee Braves, 4-3" +Sports,Childress to replace Gordon in #39;05 +World,Tons of explosives gone missing: whose fault? +Sci/Tech,Panasonic Unveils International 3G Cell Phone (PC World) +Sci/Tech,Microsoft confirms participation at next year's CeBIT trade fair (AFP) +Business,Marsh to Scrap Fees Spitzer Faulted +World,"Putin Arrives in India to Boost Business, Energy, Military Ties" +Business,"Treasuries Flat, Consumer Gloom No Shock (Reuters)" +Business,"UPDATE 4-Marsh to scrap fees Spitzer faulted, sets reforms" +Business,Microsoft to release communication server +Business,Wireless helps fuel Rogers Communications profit +Sci/Tech,Space Travelers Call Mission Successful +Sci/Tech,'Monster Mash' Revived As Anti-Bush Song (AP) +Sports,Huge blow for Middlesbrough Football Club +Business,SEC: Hedge Fund Advisers Must Register +World,Tribesmen die in Pakistan attack +World,Allawi Says 'Major Neglect' by U.S. Troops Led to Ambush +Sports,Bobcats Beat Heat for Second Preseason Win (AP) +Sports,Els Withdraws from Florida Event with Finger Injury +Sci/Tech,Fanning #39;s new swap shop +Business,"Marathon Profit Drops, Outlook Cut" +Sci/Tech,Supercomputer race heats up +Sci/Tech,Colorful Options Offered to Pumpkin Fans (AP) +World,"Notes, Quotes From 2004 Campaign in Ohio (AP)" +Sci/Tech,News: Insecurity begins at home +Business,Cognizant 3Q Profit Jumps 63 Percent +Business,UPDATE 1-US SEC orders hedge fund adviser registration +Business,Update 13: Oil Prices Little Changed on Norway News +Sci/Tech,Intel Bets on WiMax +Sci/Tech,"Microsoft Changes Sender ID, AOL Back On Board" +Sci/Tech,Dell fields 17-inch notebook +Sci/Tech,Puretunes settles: \$10.5M +Sports,Megson Reign Comes to End +Sports,Pinkel suspends Tigers #39; top running back +World,Bush regrets using the word 'crusade' in war on terror (AFP) +Business,Cingular Buyout of AT amp;T Wireless Wins Approval +Business,EU to end transatlantic dispute by lifting sanctions on US imports +Business,Brinker International reports first-quarter income drop +Business,SEC to require hedge fund registration +Business,Flaming truck smashes into Children #39;s Aid building +Business,Sirius Available in 2006 BMW 3 Series +Business,Barrick Gold Earnings Fall on Lower Sales +Sci/Tech,Total eclipse could give moon a seasonable glow +Sci/Tech,X Prize to be awarded Nov. 6 in St. Louis +Sci/Tech,PalmOne updates the Treo smart phone +World,Kashmiris must have veto power: Kasuri +World,Foreign News Agencies Jump on Announcement of Possible NK <b>...</b> +Business,EU Lowers 2005 Growth Forecast to 2 on Surge in Oil Prices +Business,"Developing nations, coal users to account for growth: IEA" +Sci/Tech,Sprint PCS becomes first carrier to offer new Treo +Sci/Tech,Web surfing pandas go wireless +Sports,Martyns ton gives Aussies upper hand +Sports,Zook never had a chance to fill Spurrier #39;s shoes +Sports,Odd Things Expected as Red Sox Meet Cards in Game Three +Business,Daily Gulf oil production increases a bit +Business,Flashbacks and Financial Lessons +Sports,Talent Pool Deeper Than Ever on PGA Tour (AP) +Business,SEC: Hedge Fund Advisers Must Register (Reuters) +Sci/Tech,"Apple intros Photo iPod, U2 iPod (MacCentral)" +Sci/Tech,Earth to See Total Eclipse of the Moon (AP) +Sports,Federer Out of Basel Event with Thigh Injury +World,Iraq Blames U.S.-Led Forces for Army Massacre +Sports,Carter to Miss Two Games to Fight Lawsuit (AP) +Sci/Tech,"Dell lineups gain SuSE Linux, 17-inch notebook" +Business,IBM Board OKs \$4 Billion Buyback +Business,"Sun Micro, Vodafone in Wireless Pact" +Sci/Tech,Cassini takes a close-up look at Saturn #39;s giant moon Titan +Sci/Tech,"Microsoft Revises Sender ID, AOL Signs On" +Sci/Tech,Voting methods under close watch +Sports,"Martyn, Kartik, Khan set tone for thriller" +Sports,Atlanta Track to Honor Hendrick +Sports,Bell would be more than just Davids Buddy +World,Indonesian cleric to face fresh terror charges amid questions over <b>...</b> +Sci/Tech,Sony's location-free TV makes local shows portable +World,"""Greed and arrogance,"" made Rod Stewart keep concert deposit, court hears (AFP)" +Sci/Tech,Web Server Takedown Called Speech Threat (AP) +World,Roadside bomb kills 11 in Kashmir +World,Judge Rules in Electoral College Lawsuit (AP) +Business,Europe clears Oracle takeover +Business,Sirius Satellite Radio: Jewtopia Comics on quot;Radio Playbill quot; Oct. +Sci/Tech,Microsoft Bolsters Instant Messaging Strategies +Sci/Tech,New Cassini Images of Titan Reveal Stunning Surface Detail +Sci/Tech,Sidebar: PeopleSoft Puts CRM App on BlackBerries +Sports,Odd Things Expected as Red Sox Meet Cards in Game Three +Sports,West Brom sack Megson +Sports,Queen honours England rugby stars +Sports,Carter to miss two preseason games to fight lawsuit +Sports,RADCLIFFE CONFIDENT OVER NEW YORK BID +World,Iraq Blames US-Led Forces for Army Massacre +World,Europeans to Resume Talks With Iran (AP) +Sports,Radcliffe Decides to Race in NYC Marathon (AP) +Sci/Tech,"Apple intros Photo iPod, U2 iPod, iTunes 4.7 (MacCentral)" +Business,EU OKs Oracle's Bid for PeopleSoft +Business,DuPont Banks Shiny Quarters +Business,T. Rowe Price Has Wind in Its Sails +Business,Cingular completes AT amp;T Wireless merger +Business,European Union to lift sanctions against United States +Business,Mace Shares Up 75 Pct on New Product +Sci/Tech,"Intel, Clearwire Pair For WiMAX" +Sci/Tech,Moon to turn copper red for last lunar eclipse until 2007 +Sci/Tech,Apple Launches EU iTunes Music Store +Sci/Tech,Dell Launches 17-inch Inspiron 9200 Laptop +Sports,Glazer #39;s bid for Manchester United not over yet +Sports,Paula Radcliffe to run New York Marathon +World,"Egypt frees four Muslim Brothers, extends custody of 52 (AFP)" +Sci/Tech,XM to Sell Portable Receiver for #36;350 (AP) +Sci/Tech,Storage products unveiled at SNW show (InfoWorld) +Business,"Delta Up on Financing, Analyst Upgrades" +Business,"Ad Groups Omnicom, WPP See Strong Earns" +Business,EU clears Oracle #39;s takeover bid for PeopleSoft +Sci/Tech,"McCaw #39;s Clearwire Goes WiMAX, Intel Makes #39;Significant Investment #39;" +Sci/Tech,Apple Introduces iPod Photo +Sci/Tech,New Sony Walkman Challenges iPod Mini +Sports,West Brom Replaces Team Manager Megson With Assistant Burrows +Sports,Tennis: Stockholm could hold Masters Cup key for Agassi +Sports,United Plans the Next Big Gamble +Sports,Radcliffe decides to race in NYC Marathon +World,Eitam: Disengagement plan is dangerous +Sci/Tech,SanDisk doubles memory card capacities +Sci/Tech,Storage products unveiled at SNW show +Business,Treasuries Down After Auction Results +World,Flawed cable insulation suspected for causing submarine fire: report (AFP) +Sci/Tech,"AOL Reconsiders, Backs Sender ID (NewsFactor)" +Sci/Tech,"Apple intros iPod Photo, iPod U2, iTunes 4.7 (MacCentral)" +Sci/Tech,Cingular Getting the Nod To Buy AT T Wireless (NewsFactor) +Sci/Tech,Intel Intros New Flash Software (NewsFactor) +Sci/Tech,EU Expected To Okay Oracle-PeopleSoft Buy (NewsFactor) +Sci/Tech,Mac Supercomputer Gets Performance Makeover (NewsFactor) +World,U.S. Denies Report It Wants to Sideline U.N. Tribunal +Sci/Tech,"Apple Rocks with U2, Rolls Out iPod Photo" +Sci/Tech,E-Voting Raises New Issues +Sci/Tech,Fashion on eBay +Business,US Steel reports \$354M profit +Business,XM radio goes portable +Sci/Tech,Earth to See Total Eclipse of the Moon +Sci/Tech,"AOL Reverse Course, Readopts Microsoft Antispam Tech" +Sci/Tech,Red Hat Warns of Email Scam +Sci/Tech,"Apple Rocks with U2, Rolls Out iPod Photo (Reuters)" +Sports,Federer Pulls Out in Basle +Sports,F1 back to Mexico Starting 2006 +World,Zimbabwe deports South African trade union fact finders +World,Court Won't Put Nader on Ballot in Ohio (AP) +Business,Johnson Controls Earnings Rise 24 Percent +Sports,"ABC to Bring Azinger, Faldo to the Booth (AP)" +Sci/Tech,"Apple unveils color iPod, U2 edition" +Business,EU OKs Oracle #39;s Bid for PeopleSoft +Business,FCC approves Cingular/AWS merger +Business,Emperor with flair for extravagance +Business,Consumer confidence flat in October +Business,Crude Oil Climbs on Expectations Fuel Inventories Will Decline +Business,Eskew: UPS CEO Joins IBM #39;s Board +Business,Official: Iraq not likely to hurt economy +Sci/Tech,Intel Buys Growth +Sci/Tech,Microsoft #39;s Biz IM Server Goes Gold +Sci/Tech,Apple delivers 60GB iPod Photo +Sci/Tech,Mac supercomputer speeds up +Sci/Tech,Dell Announces 17-inch Inspiron 9200 Notebook +Sci/Tech,Is E-Voting Secure? +Sports,Why Mego had to go +Sports,Swede Johansson powers though in Stockholm +Sports,Martyn Century Helps Australia to 362-7 in India Test (Update1) +Sports,Pat #39;s 2 Cents: Zook #39;s Marriage To UF Doomed From Start +World,"Apple opens EU iTunes Music Store, Canada in Nov. (MacCentral)" +World,Nigeria's Main Union May Restart Strike (AP) +World,Sudanese Darfur Rebels Block Aid Pact for Refugees +World,Allawi Faults U.S.-Led Forces on Execution of Iraqi Soldiers +Business,Cingular Closes \$41 Bln ATT Wireless Deal +Business,Oil Ends Above \$55 on Winter Supply Fears +World,Experts Worry About Missing Iraqi Arms (AP) +World,BMW to Launch Its New 3-Series in March (AP) +Business,Consumer Confidence at 7-Month Low in Oct +Sci/Tech,Canada's Environmental Record Bad-Official Report (Reuters) +Sci/Tech,Apple Announces iPod Photo and iPod +Sci/Tech,"When You Log On, Look Out" +Sci/Tech,Red Hat Linux targeted by security email scam +Sports,Injured Federer pulls out of tournament +Sports,"After three-game skid, Holmgren looks for answers" +World,Iraq Blames US-Led Forces for Army Massacre +World,India not Mushy on Jammu and Kashmir +World,Bill to resume nuclear activities +Sports,Hundreds Mourn Fan +Business,Marsh #39;s New Chief Makes Compliance Unit; Shares Rise (Update7) +Business,Cingular Closes \$41 Bln ATT Wireless Deal +Business,Troubled KB Toys to close more stores +Business,INTRERVIEW-Thomson Corp. CEO says buying binge to cool +Sports,Seahawks Look Like They Are in a Funk (AP) +Sci/Tech,"Apple Rolls Out iPod Photo, Rocks with U2" +Sci/Tech,News.com Extra: Voting methods under close watch +Sci/Tech,Wi-Fi gets ready for next-generation Net +Sci/Tech,Dell to make house calls +Business,The future of Marsh depends on Spitzer +Business,StanChart buys US\$1.5b ANZ loans to boost project finance +Sci/Tech,NASA #39;s Cassini Has Closest Encounter with Titan +Sci/Tech,"Apple Rocks with U2, Rolls Out iPod Photo" +Sci/Tech,Bush campaign Web site blocks overseas visits +Business,Auto Sales Seen Falling from September +Business,U.S. Stocks End Higher as Insurers Climb +World,Fugitive Karadzic's Novel Best Seller (AP) +Sci/Tech,Mozilla vs. Microsoft (The Motley Fool) +World,Kosovo Vote No Magic Wand for Independence (Reuters) +World,U.S. Seeks Help on N.Korea Talks; Pyongyang Says No +Sci/Tech,Cingular wraps up AT T Wireless acquisition +Business,Oil prices return to above \$55 per barrel +Business,Deciphering Reserve Banks credit policy +Business,UPDATE 2-US SEC orders hedge funds to register +Business,Witness: Ovitz #39;s compensation was unreasonable +Business,Philips Chip Chief to Take Over at Broadcom +Sci/Tech,"Apple Rolls Out iPod Photo, Rocks with U2" +Sci/Tech,Canada #39;s Environmental Record Bad-Official Report +Sci/Tech,Taiko: Drum Master ships to retail +Sports,Vogts #39; future as manager of Scottish soccer side still in the <b>...</b> +Sports,Australia may send Lehmann home +World,Prime minister blames US-led coalition for #39; #39;great negligence #39; #39; in <b>...</b> +World,Russia's Putin Lauds Ukraine PM in TV Appearance (Reuters) +Sci/Tech,What's the Story With Flat-Panel TVs? (AP) +World,Opposition Leader Urges Region Pressure on Mugabe (Reuters) +Business,EDS Sets Voluntary Retirement Offer +World,Opposition Leader Urges Region Pressure on Mugabe +World,Russia's Putin Lauds Ukraine PM in TV Appearance +World,"U.S. lost moral leadership under George W. Bush, says ex-candidate Dean (Canadian Press)" +Business,Cingular wraps up AT amp;T Wireless acquisition +Business,KB Toys plans to close underperforming stores +Business,EDS offers early retirement +Business,The right time for a long drive is... now +Business,UPDATE 2-Anthem gets subpoena from Connecticut atty general +World,India Reacts Coolly to Pakistan Gesture of Flexibility on Kashmir +World,Myanmar won #39;t let Indian rebels use its soil +Business,Marsh to Scrap Fees Spitzer Faulted +Business,"Moody #39;s cuts SBC, BellSouth, and Cingular ratings" +Business,World oil prices set for significant fall over next two years +Business,"EDS offers early retirement to 9,200 workers" +Business,RBI clears air over coins +Business,"IBM earmarks \$4B for stock buyback, names UPS #39; CEO to board" +Sci/Tech,Apple Launches U2 IPod +Sci/Tech,"Microsoft Changes Sender ID, AOL Back On Board" +Sci/Tech,Best places to watch Wednesday #39;s lunar eclipse +Sports,Rain threatens Game 3 of World Series +Sports,Boston faces riot-control test +Sports,Hendrick Motorsports plane crash victims showed evidence of faith +Sports,Bayern rein in leaders Wolfsburg with 2-0 win +Sports,Bobcats Beat Heat for Second Preseason Win +World,Sharon urges OK of Gaza pullout +World,PALESTINIAN CITED AS SINAI BOMBINGS HEAD +Business,KB Toys may close Opry Mills location +Business,"Risk norms for home, consumer loan to avoid asset bubble: RBI:" +Business,Update 1: BMW to Launch Its New 3-Series in March +Business,Cable Operators Seen With Good Financial Results +Sports,Azeri will run in Classic +Sports,Pizarro double boosts Bayern hopes +World,"Musharrafs new floater leaks, badly" +World,IAEA: EXPLOSIVES MISSING FROM IRAQ +World,Web site: Militant group abducts 11 Iraqi soldiers +Business,Marsh amp; McLennan to cease collecting disputed fees +Sports,Ross to Dress for Buckeyes on Saturday (AP) +Sports,"Federer Pulls Out; Dent, Srichaphan Lose (AP)" +Business,"Stocks Jump; Insurers, Home Builders Help" +World,Chile Group Plans Bush Welcome with War Crime Suit +World,Palestinian grievances behind Egypt attack +World,Antigay remarks spark EU row +Sci/Tech,QuickTime won't make quick time to cell phones +Sci/Tech,Photos: iPod gets the picture +Sci/Tech,Debate: Bush's IT approach contrasts with Kerry's +Business,Oracle #39;s bid for PeopleSoft cleared +Business,KB Toys mulls closing Crabtree location +Business,"EDS offers early retirement to 9,200 workers" +Business,Stock markets higher as insurance rally offsets uptick in oil <b>...</b> +Sci/Tech,Cassini Heads Toward Giant Moon on Saturn +Sci/Tech,"Adobe, Yahoo! join forces" +Sci/Tech,Virgina Tech #39;s #39;System X #39; Supercomputer Rebuilt for Speed +Sci/Tech,Look... face it: Your PC is NOT secure +Sci/Tech,Canada failing as environmental leader: report +Sci/Tech,Borland to Provide UML Support to Microsoft Visual Studio 2005 <b>...</b> +Sci/Tech,Why Sun #39;s JDS deserves a try +Sports,Azeri to take on the boys in Breeders #39; Cup Classic +Sports,Crewe 0-3 Man Utd: FT Report +Sports,Pro football: Eagles survive toughest test yet +Sci/Tech,Shopping.com Shares Soar 60 Pct. in IPO (AP) +World,Koizumi Surveys Japan #39;s Earthquake Damage +Sci/Tech,Softbank Acquiring Cable Wireless Unit (AP) +Sports,Hrbaty Suffers Upset at St. Petersburg (AP) +World,Pre-Election Suits Feed Election Doubts (AP) +World,Summary: Bush Guard Service Still Mystery (AP) +Sci/Tech,Cassini Flies Past Saturn's Moon Titan Today (SPACE.com) +Sci/Tech,Rebel Stars Cross Paths with Sun (SPACE.com) +Sports,Angus Fraser: Solanki puts a gloss on the shortcomings +Sci/Tech,The U2 iPod +Sci/Tech,EU iTunes Music Store +Sci/Tech,iPod Photo +Business,Ovitz: Eisner Blocked Plans for Disney +Business,EDS Sets Voluntary Retirement Offer +Sports,Wife's Illness Gives Coach Perspective (AP) +Business,ADV: MidwestAthletic.com - Your Letter Jacket Store +Business,"IEA: Oil, Gas Sector Will Need \$900Bln" +Business,KB Toys announces store closings +Business,McGregor: Back In The US To Head Broadcom +Business,"UTStarcom 3Q Profit Down, Beats Estimate" +World,Lebanese PM appoints new cabinet +Sci/Tech,AOL Supports Microsoft Antispam Plan +Sci/Tech,Microsoft details new domain-specific modeling tools +Sports,Bengals win in Monday night return +World,"US neglect led to killing, says Allawi" +Sci/Tech,The Science of Hiding in Plain Sight +Sci/Tech,Xandros unveils Linux Desktop Management Server app +Sci/Tech,"U.S. Bancorp, VeriSign team on banking security" +Sci/Tech,Cingular completes AT T Wireless acquisition +Sci/Tech,Microsoft details new domain-specific modeling tools +Sci/Tech,Bush campaign Web site blocks overseas visits +Sci/Tech,Update: EU okays Oracle bid for PeopleSoft +Sci/Tech,Microsoft prepares to ship new corporate IM server +Sci/Tech,Intel eyes remote wireless device management +Sci/Tech,Navy deal may pose more financial problems for EDS +Sci/Tech,FALL CTIA - US carriers come together on MMS +Sports,Fregosi Hopes for Second Stint With Phils (AP) +World,Ingersoll-Rand 3Q Profit Surges 54 Percent (AP) +World,Israeli Officer Arrested Over Killing of Gaza Girl +World,Cuba to Get Rid of Dollars After a Decade +Business,M A Industry Weighs Fees Against Size (Reuters) +Sports,Ill-Prepared Broncs Look Bad Under Lights (AP) +Business,"DoJ Approves Cingular, AT amp;T Acquisition" +Business,"Stocks Jump; Insurers, Home Builders Help" +Business,Goodrich Posts Higher 3rd-Quarter Profit +Sci/Tech,Apple #39;s Beefed-Up New iPod Also Stores Digital Photos +Sci/Tech,Orange Moon Lunar Eclipse +World,Kasuri says Pakistan ready to move away from UN resolution on <b>...</b> +World,Russian fleet #39;s presence in Ukraine legal - Putin +World,Powell seeks Asian support in dispute over N. Korea #39;s nuclear <b>...</b> +Business,"New Hummer Is Smaller, Cheaper and Less Gas Hungry" +Sci/Tech,"Apple Rolls Out iPod Photo, Rocks with U2" +Sci/Tech,PluggedIn: the OQO Is Not Just Another Handheld Device +Sports,Chiefs Not Using Revenge Vs. Indy (AP) +World,Putin Travels to Ukraine to Praise PM (AP) +Sci/Tech,U2 iPod To Boast 400 Pre-Loaded Tracks +Sports,Former Commissioner Has Heart Surgery (AP) +Sports,Bailey welcomes Azeri to the Breeders #39; Cup Classic +Sports,Memo to Florida: Call Spurrier +Sports,Federer Pulls Out of Swiss Indoors (AP) +World,Supreme Court Won't Put Nader on Ohio Ballot (Reuters) +World,French Troops Trade Fire with Gunmen in Ivory Coast +Sci/Tech,Court May Clear the Way for Cheaper Ink +World,Israeli Settlers Vow to Fight Sharon Plan (AP) +Sports,Auburn in Running for Bowl Game (AP) +Sports,Odd Things Expected as Red Sox Meet Cards in Game Three +Sci/Tech,Appeals court rules against Lexmark in cartridge case +Sci/Tech,Photo: Dell's Inspiron 9200 +Business,Halliburton Co suffers loss +Business,Wal-Mart fights Prop 72 in California +Business,Bonds tumble on rise in inflation estimate +Sci/Tech,Google Investors Revel in Stock's Success (AP) +Sci/Tech,Lunar eclipse coming Wednesday night +Sports,"UPDATE 1-Villa suffer Cup upset, Man United ease through" +Sports,The streak? Steelers concerned more about own run than Patriots #39; <b>...</b> +World,78 suffocate to death in Thai army custody +World,UN Security Council going to Africa for Sudan meet (AFP) +Business,Pritzker: Judge Rules Settlement Case Open +Sci/Tech,Apple #39;s U2 #39;box set #39; a sign of shifting music pricing? +Sci/Tech,Lifting the Veil on Titan +Sci/Tech,Fincke would return to ISS #39;tomorrow #39; +Sci/Tech,System X drops back +Sci/Tech,IBM Offers Companies Monthly Security Report Service +Sci/Tech,Canada slipping on environment: report +Sci/Tech,Users look to ease SAN adoption +Sci/Tech,Dell Inspiron 1000 +Sports,Martyns 114 gives Aussies early impetus +World,Al-Zarqawi group says kidnapped Japanese in Iraq: website +Business,SEC Orders Hedge Funds to Register +Business,ATA Files for Bankruptcy +Sci/Tech,Top supercomputer race continues with NASA/SGI box +Sports,Gators Bemoan Coach Ron Zook's Firing (AP) +World,Six found guilty in Pitcairn abuse case +World,Winnipeg police arrest 35 people in raid on Hells Angels puppet club (Canadian Press) +Sci/Tech,Start-up Seven addicted to Java +Sci/Tech,"Via's twin-core processor may upstage AMD, Intel" +Business,Cingular Deal Wins FCC Backing +Business,PeopleSoft Reviews EU Approval of Oracle Bid +Business,"AirTran to pay \$87.5 million for ATA gates, slots" +Business,"Questar 3Q Net Up, Company Boosts View" +Business,Confidence holds before election +Business,SEC OKs Hedge Fund Registration +Business,Crude Oil Tests Record High +Sci/Tech,Apple Unveils Photo IPod +Sci/Tech,Taiko Drum Master +Sci/Tech,"HP, QLogic Unveil SAN-in-a-Box" +Sports,Keegan to apologise for outburst in tunnel +Sports,Top seeds advance in Stockholm +World,Tokyo checking suspected kidnapping of Japanese in Iraq (AFP) +World,Sharon wins key Gaza vote +World,Pakistan changes tack on Kashmir +World,Tensions rise as Ukraine poll nears +World,Karzai Wins First Ever Afganistan Election +Business,Cingular Closes \$41 Bln ATT Wireless Deal +Business,The Tax Man May Bite (Reuters) +Sports,Foster to Miss Four to Six Weeks (AP) +Sci/Tech,Xandros rolls out Linux desktop management app (InfoWorld) +Sci/Tech,Ruling on refilled printer cartridges touches DMCA +Business,Oil thirst #39;makes Middle East crucial #39; +Business,Australian-Listed News Corp. To Shift to Wall Street +Sci/Tech,U2 Can iPod with Pictures +Sci/Tech,Astronomers predict red moon during total lunar eclipse +Sports,Disaffected Megson is shown exit by Albion +Sports,O #39;Leary embarrassed by Cup exit +World,Karzai Victorious in Afghan Elections +Business,Delta stocks soar after optimism on talks +Business,AT amp;T settles investor suit +Business,Court ruling on refilled printer cartridges touches DMCA +Business,Judge rules Pritzker case to take place in open court +Sports,Hendrick Motorsports Reopens Its Doors +World,Japanese taken captive in Iraq +World,Allawi charge is boost for Kerry +Business,US Trade Deficit No Cause for Alarm-Evans +Business,ATA Files for Bankruptcy +World,Nigeria Unions Delay Strike Decision Until Sunday +Business,News Corp #39;s move to US backed by investors +Business,Crude prices fall after good news from Norway +Business,F5 Networks bests consensus on strong revenue growth +Business,US consumer confidence fell more than expected in October +Business,Cardinal Health Posts Higher 4Q Profit +Business,Halliburton says profit in Iraq is weak +Sci/Tech,Cassini spacecraft takes a close-up look at Saturn #39;s giant moon <b>...</b> +Sci/Tech,TAIKO: Drum Master +Sci/Tech,IBM Starting Warning List on Threats to Networks +Sci/Tech,Microsoft previews #39;Whitehorse #39; developer tools +Sci/Tech,Dell Inspiron 9200 17 quot; Desktop Replacement Notebook Released +Sports,Cards Try to Narrow Gap in Game 3 +Sports,Two goals by Pizarro as Bayern beats fearful Wolfsburg +Sports,Gary Megson dismissed as manager of West Bromwich Albion on <b>...</b> +Sports,Brit hopes to erase taste of Athens woes +Sports,Ht Burnley 1 Aston Villa 0 +Sci/Tech,Coffee-Based Log Burns Cleaner -- But No Starbucks Smell +Sci/Tech,"Money-Saving Energy Tips From ""This Old House"" Pro" +Sci/Tech,Bringing Order to the Fungus Among Us +World,French Soldiers Clash with Gunmen in Ivory Coast +Sci/Tech,SGI to upgrade high-end Linux servers next week +Sci/Tech,VOIP boosted in Cisco PBX +Business,ATA Files for Bankruptcy Protection +Business,Oil prices take a breather +Business,Softbank to buy C amp;W IDC +Business,A rally and subpoena Cardinal Health +Sci/Tech,New Supercomputer Claims to Be Fastest (AP) +Sci/Tech,Apple Releases Two New iPods and Updated iTunes +Sports,Smith proves he has class to fulfil all United needs +Sports,"Hearst, Bell move up the depth chart" +Sports,"CFL has staged two testing sessions of instant replay, league boss <b>...</b>" +Business,Fifth Avenue tops shops rich list +Sci/Tech,Kerry report: Economy 'threatened' by offshoring +Sci/Tech,Traction bolsters enterprise Weblogs +Business,DoJ: Cingular Free to Buy AT amp;T Wireless +Business,Oil majors cash in as price hikes mean soaring profits +Sci/Tech,Apple #39;s IPod Features U2 Collaboration +Sci/Tech,Microsoft Previews Visual Studio Team System +Sci/Tech,Nokia Announces Mobile Content Delivery Platform +Sports,Germany: Bayern beat Wolfsburg in top clash +World,Opposition rejects Musharraf #39;s proposal on Kashmir (LEAD): +Business,US consumer confidence dips again +Sports,Favre's Wife Diagnosed With Breast Cancer (AP) +Business,Ace 3Q Falls on Storm Payouts +Business,Ovitz: Eisner Blocked My Plans for Disney +Sci/Tech,NASA Unveils its Newest Most Powerful Supercomputer +Sci/Tech,My First Night In San Andreas: One #39;GTA #39; Addict #39;s Account +Business,US Trade Deficit No Cause for Alarm-Evans (Reuters) +Sports,Chat during World Series Game 3 +Sports,"Megson, WBA part ways" +Sports,Pacers #39; Foster out 4-6 weeks +World,What #39;s next for historic Gaza pullout plan +World,"Negligent US forces to blame for massacre of recruits, says Allawi" +World,JKLF lauds President Musharraf #39;s proposals on Kashmir settlement +Business,Funds Grapple With Insurance Scandal (Investor's Business Daily) +World,Bush Keeps Three-Point Lead on Kerry -Reuters Poll (Reuters) +World,Call for Thailand deaths probe +Sci/Tech,Hard drives to accelerate into gadgets +Business,LATEST FUTURES NEWS +World,New Round of Darfur Peace Talks Stall (AP) +Sci/Tech,Europe's Regulators Say It's OK If Oracle Acquires PeopleSoft (Investor's Business Daily) +Sports,"Sixers Robinson, Dalembert Get Demotions (AP)" +Sports,A's Add Rene Lachemann As Bench Coach (AP) +World,Israeli Parliament Backs Sharon Gaza Pullout Plan (Reuters) +Sports,Cards Look for First Win in World Series (AP) +Business,AirTran to acquire ATA #39;s Chicago gates +World,Israeli Army Makes Arrest in Child's Death (AP) +Sci/Tech,"IBM, Borland and Microsoft boost developers #39; ability to <b>...</b>" +Sci/Tech,SNW #39;04: 4 Gbps FC products step it up a notch +Sports,F1 teams plan rival series in 2008 +World,India urged to consider Musharrafs proposal +World,"Martin, premiers reach #36;28-billion equalization deal; Williams storms out (Canadian Press)" +Business,"Tokyo Stocks Open Higher, Exporters Lead" +World,Cheney Rejects Kerry Criticism on Iraq (AP) +World,Rebel Leader Says Haiti Must Meet Demands (AP) +Sports,Trying to Keep Nelsen +Sports,O'Brien Shifts 76ers +Sports,Tapp Tops Hokie 'D' +Business,Softbank to acquire C amp;W IDC +Business,"VeriSign, AOL team up to make chats safer of kids" +Business,Court May Clear the Way for Cheaper Ink +Sci/Tech,Apple launches new U2 iPod +Sports,Fleming Becomes New Zealand #39;s Record Test Run-Scorer (Update2) +Sports,Doba: roll the dice against the No. 1 Trojans +World,Iraq blames US for deadly raid +World,More face charges +Business,Ex-Disney President Ovitz Says Eisner Was Obstacle (Update4) +Sci/Tech,"Microsoft changes Sender ID, AOL back on board" +Sci/Tech,Microsoft Live Communications Server 2005 Coming Dec. 1 +Sci/Tech,Download Crackdown Downunder +Sports,Azeri #39;s mission: the Classic +World,Israeli parliament backs Gaza pullout plan +World,Swept under the carpet +Sci/Tech,Space Station Stint Deemed a Success (AP) +World,Iraq Militants Issue Hostage Death Threat to Japan (Reuters) +Sports,Pacers' Foster to Miss Four to Six Weeks (AP) +Sports,Arizona Makes New Offer to Richie Sexson (AP) +Sci/Tech,SGI supercomputer: Two records in one day +Sci/Tech,Experts Join Forces to Stop Aquatic Pests (AP) +Sci/Tech,Cingular Completes Acquisition of AT T Wireless +Business,C amp;W Says Sayonara to Japan +Sci/Tech,Apple Introduces Photo-Display iPod +Sci/Tech,NASA Mountain View claims world #39;s fastest computer +Sports,Giants wave bye to winning streak +World,Trouble back on England's terraces (AFP) +World,US seeks probe into deaths of Thai protesters +World,Arafat in pain but expected to recover-Shaath +Sports,Millar Left Out of Boston's Lineup (AP) +World,"Liberals add #36;33 million to child care, boost family subsidy by #36;200 (Canadian Press)" +Business,"Tokyo Stocks Open Higher, Exporters Lead (Reuters)" +World,Al-Qaqaa Spokesman Says No Weapons Search (AP) +Business,Tenth-largest US airline ATA files for bankruptcy protection <b>...</b> +Sci/Tech,U2 can have an iPod +Sci/Tech,Cassini Heads Toward Giant Moon on Saturn +Sci/Tech,Microsoft revises anti-spam standard +Sci/Tech,SGI supercomputer: two records in one day +Sci/Tech,Tighten Security Now +Sports,"For the Giants, Signs of Peace Are Gone" +Business,Japan Shares Rise +Business,Marsh to Scrap Fees Spitzer Faulted +Sports,"Players fit to drop, warns Rusedski" +Sports,Service Scheduled at Hendrick Complex +Sports,Martyn hits century to deny India +World,Sharon survives revolt to win battle of Gaza +World,78 Thai Muslims Suffocate to Death in Police Trucks +Sci/Tech,E-Voting Cos. Reveal Software to Feds (AP) +Sci/Tech,NEC to Market DVD Burners (PC World) +Sci/Tech,Cingular Completes Acquisition of AT amp;T Wireless (PC World) +Business,EU backs Oracle #39;s bid for PeopleSoft +Business,AirTran: Airline to open hub at Chicago #39;s Midway Airport +Sci/Tech,Cassini Spacecraft Flies By Saturn Moon +Sci/Tech, quot;Grand Theft Auto quot; Hits Stores +Sports,Red Sox Lead Cards 1-0 After One Inning +Sports,Scottish stay of execution for Vogts +World,Afghan vote: Karzai #39;clear winner #39; +World,Koizumi Surveys Japan #39;s Earthquake Damage +Sports,Mariners' Martinez Gets Clemente Award (AP) +Business,Dollar Inches Up Versus Euro +Sci/Tech,"Cats suffer stress, experts say" +World,"Strong Quake Jolts Northern Japan, Felt in Tokyo (Reuters)" +World,6.0-Magnitude Earthquake Hits Japan Again (AP) +Sci/Tech,News.com Extra: Can billions of political spam emails sway the election? +World,Three guerrillas killed in Kashmir gun battle: +Sci/Tech,Apple rolls out photo-display iPod +Sports,Megson Sacked By West Brom +Sports,Villa boss slates players after Burnley embarrassment +Sports,Lukas Pulls Azeri Surprise +Sports,NASCARS Finest Call +Sports,D-Backs increase offer to Sexson +Sports,Paterno Is Seeking Answers for an Age-Old Problem +Sports,Broncos Griffin reportedly out for season +Sports,Francona Fails to Manage Martnez +Sports,Azeri Will Join a Strong Field in Classic +Sports,Sporting News names Bonds player of the year +World,"EU, Iran to Meet Again on Nuclear Offer (Reuters)" +Sci/Tech,Korean and Japanese Phone Makers Win -Survey (Reuters) +Sci/Tech,Giant Pandas in China Reserve Get Wi-Fi (AP) +World,"EU, Iran to Meet Again on Nuclear Offer" +World,Strong new earthquake hits Japan +World,Cancer services 'need shake-up' +Business,Murdoch gets emotional as he moves out +Business,Worries over rising carbon dioxide emissions +Business,Ovitz #39;fell out with Eisner from start #39; +Business,Surging Oil Prices Lift BP #39;s Quarterly Profit 43 +Business,Advertising #39;set for tougher year #39; +Business,American refit helps boost BAT profits by 20 +Sports,Rival series in motion +Sports,Martinez wins Clemente Award +World,Iraq #39;s Prime Minister Faults US Military in Massacre +World,Australia acknowledges Iraq move increased risk of terrorist attack (AFP) +World,Iraqi Rebels Threaten Japanese Hostage (AP) +World,"New Quake Rattles Northern Japan, Felt in Tokyo" +Sports,Seattle DH Martinez Wins 2004 Roberto Clemente Award (Reuters) +Sports,Seattle DH Martinez Wins 2004 Roberto Clemente Award +Sci/Tech,Newest iPod From Apple Holds Photos and Music +Sci/Tech,Cassini Snaps Photos of Saturn #39;s Moon +Sci/Tech,Shaded moon will be last eclipse of 2004 +Sci/Tech,Intel Unwires Chinas Panda Playground In Wolong +Sports,Radcliffe to take bite at Big Apple +Sports,Giants still have faith in Dayne +World,Zarqawi Aide Killed During US Air Strike +Business,"Dollar Inches Up, Yen Hurt by Quake" +Sports,Terps Hit Speed Bump +Sports,Azeri to Run in Classic +World,China Rejects Powell Call for Dialogue with Taiwan +Business,EC trims eurozone growth figures for 2005 +Business,Business Briefs +Business,Artificial Spinal Disk Gains Approval From the FDA +Business,"Eurozone growth forecast up in 2004, down in 2005" +Sci/Tech,NASA Orbiter Has Closest Encounter with Titan +Sci/Tech,Giant pandas in China reserve get Wi-Fi +Sci/Tech,State appeals pilot activated beacon +Sci/Tech,Grand Theft Auto: San Andreas Radio +Sports,Deanna Favre expected to make full recovery +Sports,Edgar Martinez earns Clemente Award +World,Brutal attack on Iraqis shows greater sophistication +World,Putin arrives in Kiev on working visit +World,South Africans Seized at Talks With Unionists in Zimbabwe +Sports,Hearing Will Be Long +Sci/Tech,Analysts agree with Jobs on iPod strategy (MacCentral) +Business,* Chief blames higher steel and services prices +Sci/Tech,Court rules against Lexmark +Sci/Tech,NASA claims supercomputing crown +Sports,FOOTBALL: PEA SOUPER +Sports,Season of Hardships +Sports,"Needing a Win, Politics Makes Strange Fellas" +World,"New Quake Rattles Northern Japan, Felt in Tokyo" +World,78 die of suffocation after Thai riot +World,Putin #39;s Kiev visit #39;timed to influence Ukraine poll #39; +Business,Marsh amp; McLennan drops fees +Business,Europe blesses Oracle-PeopleSoft union +Business,Update 6: Dutch Steelmaker Buying ISG in \$4.5B Deal +Sci/Tech,No shadow of doubt: lunar eclipse is well worth a look +Sci/Tech,Russian Cosmonaut Shargin Wants to Send Politicians to Space +Sports,Terry gives Papi first shot +Sports,Carmakers to launch new series +Sports,Radcliffe to run New York marathon +Sports,Mets to interview Backman +Sports,Good guy Martinez wins Clemente Award +Business,Consumer Confidence Slips on Job Worries (AP) +World,Israeli parliament OKs #39; #39;disengagement #39; #39; plan +World,Israel allows Arafat to leave his compound for medical treatment +World,Kashmir solution still far off despite Musharraf's gambit: analysts (AFP) +Sci/Tech,"FCC OKs Cingular, AT T Wireless Merger (AP)" +Sci/Tech,NASA: Bush Stifles Global Warming Evidence (AP) +World,"New Quake Rattles Northern Japan, Felt in Tokyo" +Business,"Tokyo Shares Flat After Quake, Dollar Up" +Sci/Tech,Apple Introduces iPod Photo +Sci/Tech,Cassini beaming images of Titan +Sci/Tech,Moon Shadows +World,Russia #39;s Putin Lauds Ukraine PM in TV Appearance +Sports,Source: Westbrook Out With Rib Injury (AP) +Sports,"Martinez, Boston Cruise" +Sci/Tech,Cassini takes a close-up look at Saturn #39;s giant moon Titan +Sci/Tech," #39;San Andreas #39; poised for big sales, big debate" +Sports,Peru Striker Pizarro Gives Bayern Victory Over Leader Wolfsburg +Sports,Vogts Still Hanging on to National Job +Sports,Knicks turn up defence to down Nets +Sports,"Jimmy Spencer, son arrested" +Sports,170 Sign Up to Speak At Baseball Hearing +Sci/Tech,Video games +World,India and France to discuss range of issues during FM's visit (AFP) +Sci/Tech,"Delphi, XM Unveil Handheld Satellite Radio Receiver (washingtonpost.com)" +Sci/Tech,Cellular Union Wins Final Approval (washingtonpost.com) +Business,"Delphi, XM Unveil Handheld Satellite Radio Receiver" +Sci/Tech,Apple introduces colour screen iPod +Sci/Tech,"Cameras Ready, Spacecraft Gets Up Close to Saturn Moon" +Sci/Tech,NASA: Bush Stifles Global Warming Evidence +World,Amnesty Condemns U.S. for War on Terror Torture (Reuters) +World,Russia Ships Join NATO Anti-Terror Patrol (AP) +World,U.S. Keeps 11 Guantanamo Detainees Jailed (AP) +Sci/Tech,"Search Online, Buy Offline: How to Tell?" +Sci/Tech,SAP taps HP for software-as-service push +Business,Marsh to Make Payments More Transparent +Business,ATA Is Latest Airline to File For Protection +Business,McFarlane rewarded for record ANZ profit +Business,Lockheed Martin Profit Jumps 41 in Quarter +Business,SEC May Lift Information Restrictions +Sci/Tech,Robotic Craft #39;s Launch Delayed At Least 2 Days +Sports,Michigan-Ohio State Is a Commercial Deal +World,Iraqi Rebels Threaten Japanese Hostage +Business,"Oil Holds Above #36;55, Braced for Winter (Reuters)" +Business,World oil trade to double in next 25 years +Business,ATA Airlines enters receivership +Sports,Gators will respond strongly +Sports,"Going Back for the Future, Mets to Interview Backman" +World,Sharon gets big win he wanted in vote on unilateral withdrawal +World,Thai Premier Creates Panel to Probe 84 Deaths in Southern State +World,Mubarak and Arafat discuss Israeli pullout plan +World,Attacks Sharpen as Clock Ticks Down +World,Campaign Trail Takes Clinton to South Florida +World,Video Claims Threat to Japanese Hostage's Life +World,11 Iraqi Guardsmen Taken Hostage +World,Colombian Military Kills Militia Leader +Sports,Suns Drop SuperSonics 103-93 in Preseason (AP) +Business,Consumer confidence at seven-month low in US +Business,Foster #39;s sells ALH shares into bid +Sports,Gaffes Haunt Cardinals in Game 3 of Series (AP) +Sci/Tech,iTunes launched in nine European countries +World,Attacks Fly in N.J. County Sheriff Race (AP) +World,Cuba move triggers war of words +Sci/Tech,Cellular Union Wins Final Approval +Sci/Tech,Handheld Satellite Radio Receiver is Unveiled +Sci/Tech,E.U. Regulators Clear Oracle's Takeover Bid +Sci/Tech,Three on Trial in Loudoun in Felony Spam Case +Business,Outer Suburbs Booming +Business,Marsh to Make Payments More Transparent +Business,Ovitz Defends His Tenure +Business,Lockheed Martin Profit Jumps 41 in Quarter +World,US condemned over prison abuses +Business,New CEO of Marsh rejects scandal label +Business,Q amp;A on Cingular-AT amp;T merger +Business,"SEC: Tougher on Hedge Funds, Looser on Quiet Periods" +Business,FDA approves Raynham firm #39;s artificial disc +Business,XM introduces portable satellite radio device +Sci/Tech,NASA: Bush stifles global warming evidence +Sci/Tech,Yahoo and Adobe to boost search tool +Sports,Major League Notebook: Boston mourns death +Sports,Tapp Has a Firm Grip On Hokies #39; Lunch Pail +World,Relatives claim bodies of 78 people who died in riots in Thailand +Sci/Tech,U2 Moves in Digital Ways +Sci/Tech,Promising Ruling In Lexmark DMCA Case +World,"Putin to hold talks with Kuchma, attend Ukraine liberation events" +Business,"After M amp;M reforms, Spitzer rules out most serious charge" +Business,Cingular keeps some AT amp;T execs +Business,Home lending group reportedly bought for \$300 million +World,Independent Probe Sought in Abu Ghraib Case (AP) +Sports,HENMAN BOOSTED BY FEDERER KO +Sports,Sponsorship of football rivalry weakens meaning of tradition +Sports,Arrington #39;s status still uncertain +World,Suffocation cited in most deaths +World,South African delegates arrested +World,Australians Said a Bigger Terror Target (AP) +Sports,O #39;Neal might return tonight +World,Israel #39;s approval of Gaza withdrawal draws mixed reaction +World,Another powerful quake jolts Niigata +Business,Consumer confidence still strong +Business,"Delta labors to avoid bankruptcy, makes some progress" +Business,"Profit up, ex-CEO out at Scottsdale waste giant" +Sci/Tech,Cassini Probes Saturn #39;s Moon +Sci/Tech,Total Lunar Eclipse: October 27/28 +Sports,Rebel F1 series #39;doomed #39; +Sports,Azeri gets opportunity at history +Sports,Heat shows shortcomings +World,White House hails Israel #39;s Gaza plan +Business,What #39;s Next for PeopleSoft? +Sci/Tech,"Apple unveils iPod Photo, rocks with U2" +Sci/Tech,Cassini beams images of Saturn #39;s moon +Sci/Tech,VIBE : Grand Theft Auto: San Andreas The wait is finally <b>...</b> +Sports,Blow as Federer quits home event +Sports,Gators riled up after word of Zook #39;s firing +World,Thai PM offers regrets for deaths +World,"Musharraf for identifying regions, demilitarization before <b>...</b>" +World,Family rescued from Japan quake +World,N Koreans arrested in Beijing +World,"Kerry, Edwards Rarely Campaign Together (AP)" +World,Fla. Will Reject Incomplete Voter Forms (AP) +Sci/Tech,Apple announces online music store ITunes coming to Canada in <b>...</b> +Sports,Boston #39;s dominant play has curse on life support +Sports,Centurion Fleming sets two records +Sci/Tech,Two records in one day for SGI supercomputer +World,Crunch vote for new EU Commission +Business,Apple unveils photo-display iPod +Business,Marsh amp; McLennan will pay customers back +Business,Oracle gets Europe #39;s approval to buy PeopleSoft +Sci/Tech,Watch out: #39;Grand Theft Auto #39; back on streets +Sci/Tech,"Yahoo, Adobe join hands" +Sports,Vikings #39; McCombs openly lobbying for move -- or maybe he #39;ll cash <b>...</b> +World,China says confirmed death toll in mine explosion jumps to 129 (Canadian Press) +World,At Least 78 Die After Riot in Thailand +World,Bush Sued in Chile Over Prisoner Abuse +Sports,Spinal Defect Forces Brezina From Football (AP) +Sci/Tech,Bush campaign website takes a dive (AFP) +Sports,T-Wolves Face Distractions As Season Nears (AP) +World,McGrath strike puts Australia on top (Reuters) +World,Lungs 'best in late afternoon' +Business,"Cingular, AT amp;T Wireless merger approved by FCC" +Sci/Tech,Apple unveils photo-display iPod +Sci/Tech,Clouds may block lunar eclipse +Sports,Gators deny contact with Spurrier +Sports,"Knicks: Wilkens spells out goals, starting with #39;D #39;" +Sports,"Mets: Backman, Leyland on Minaya #39;s list" +World,Sharon #39;s political survival entwined with pullout vote +World,Thai PM: Mistakes made over riots +World,New quake hits Japan +World,UN envoy headed to Darfur +World,Thatcher back in court today to challenge subpoena +World,Presidential campaign gathers steam in final stretch to November 2 (AFP) +Business,M A Industry Weighs Fees Against Size +World,India test-fires nuclear-capable ballistic missile (AFP) +Business,The Tax Man May Bite +Business,"Oil Holds at \$55, Braced for Winter" +Business,"Before big Disney trial, a modest meal" +Business,Shire gets US approval for key drug +Sci/Tech,Londoners have great seat for lunar eclipse +Sci/Tech,"Apple Rolls Out IPod Photo, Rocks with U2 (Reuters)" +Sports,India lose early wickets +World,Israelis vote to pull out of Gaza +World,Optimism on Kashmir? +World,UN agency: Insurgents in Iraq may have missing explosives +World,China shuns talks with Taiwan after Powell call for dialogue +Sci/Tech,"Apple Rolls Out IPod Photo, Rocks with U2" +World,India test-fires nuclear-capable ballistic missile (AFP) +Sports,Martinez Strikes for Red Sox in Game Three +Business,"Dollar Inches Up, Falls Seen Again" +Business,Marsh to avoid criminal charges +Business,US airline ATA files for bankruptcy +Business,Abbey withstands takeover turbulence +Business, #39;QUIET #39; RULE MAY CHANGE +Sci/Tech,Cassini tantalizes scientists with images of Saturn moon +Sci/Tech,Blood moon to make its mark tonight during lunar eclipse +Sci/Tech,Vole releases Instant Messaging Server +Sci/Tech,NASA delays DART launch +World,UK troops in Iraq move north +Sports,West Brom begin search for boss +Sports,Florida notebook: Focus on defense after loss +World,Separatist strike shuts down many parts of Kashmir +World,Taiwan accuses US of betrayal +Sci/Tech,Bloom: Veritas On Track For #36;2B Year (TechWeb) +Sci/Tech,Indymedia Web Server Takedown Called Speech Threat (TechWeb) +Sports,Misgivings in New Jersey; Hope at the Garden +Sports,Radcliffe Competing for the Joy of Running +Sports,He gave command performance +Sports,One win to go for the crown +Sports,Friends feared worst +Business,Gunning to be BMOC +Business,Limo wars +Business,Consumer confidence plummets +Sports,It's a championship heavy wait +Business,Business brisk as Americans stream to Canada for flu shots +Sports,Clutch performance by Nixon +Business,2 biotech giants seeking office space in Cambridge +Sports,No raindrops on Arroyo +Business,"Mixed bag for Putnam Marsh chief's exit met with relief, concern" +Sports,It's a happy homecoming +Business,Mobile phone customers get connected +Sports,"With loss, these Birds on a wire" +Business,Fireman's Fund says it will keep insuring autos in Mass. +Business,Circuit City customer files bias complaint +Business,Red Sox seek approval to expand Fenway capacity by 10 +Business,WordsWorth Books' final chapter is Saturday +Sports,Playoff joyride has built-in meaning for Duquette +Business,Entrepreneur thinks disposable DVD technology a keeper +Sports,Cowher the last word +Sports,Broadcast news: McGahee to start +Sports,Optimism is rampant +Business,"Mixed bag for Putnam Marsh chief #39;s exit met with relief, concern" +Business,US consumer confidence falls as election race goes to the wire +Business,Lakshmi Mittal builds empire from troubled assets +Business,Merck profits beat forecasts +Business,OPEC has asked US for oil help +Business,"Newsom joins picket line, vows boycott of hotels #39;Bad business <b>...</b>" +Sci/Tech,Popular iPod adds picture capability +Sci/Tech,Titan #39;s Drumroll Please +Sci/Tech,Lunar eclipse visible tonight if clouds are absent +Sci/Tech,Google #39;s new Desktop Search software may be too efficient +Sports,"BOSTON 4, ST. LOUIS 1: Red Sox one win to glory" +Sports,West Brom sack boss Gary Megson +Sports,Fleming nears double ton +Sports,Vogts stays in Scotland job +Sports,Union complicates negotiations +Sports,Phillies to meet with Leyland +World,Historic pullout approved by Israel +World,Allawi faults foreign troops in massacre +World,Toll in China #39;s coal mine explosion reaches 129 +World,Zimbabwe Bans S.Africa Labor Chiefs' Visit (AP) +World,Sharon resists Gaza referendum +World,78 detainees die in Thailand +World,"Arafat has gallstone, hospital official says" +World,India lukewarm on Kashmir proposal +World,Next year's combat budget could total \$75b +World,Timeline +World,"Internet video says Japanese man taken captive, faces beheading" +World,"Karzai is winner in Afghan presidential election, officials say" +World,Russian House Ratifies Kyoto Protocol (AP) +Sci/Tech,Articles Highlight Different Views on Genetic Basis of Race +Sci/Tech,First Saturn Moon Close-Ups Arrive After Spacecraft Flyby +Sci/Tech,Artificial Spinal Disk Gains Approval From the F.D.A. +Sci/Tech,NASA Expert Criticizes Bush on Global Warming Policy +Sci/Tech,Newest iPod From Apple Holds Photos and Music +Sci/Tech,Madison Avenue Ponders the Potential of Web Logs +Sci/Tech,"With F.C.C. Consent, Cingular Buys AT T Wireless" +World,U.S. Thinks Explosives Vanished in Spring '03 +World,Small Minority Says Draft Could Happen +Business,US Steel reports 3rd quarterly profit +Sci/Tech,IBM Lends Software Support To EMC Servers +Sports,Wenger keeps up Red Devils attacks +Sports,Leyland among Phils #39; candidates +Sports,Deanna Favre ready for cancer fight +Sports,Paterno is still searching for answers +Sports,Sixers Scoop/Caryl Kauffman Iguodala earns spot in starting lineup +Sci/Tech,Moon to cast red glow; could it be an omen? +Sci/Tech,SGI claims supercomputing victory +Sports,Pizarro inches Bayern closer to Bundesliga lead +Sports,Azeri makes this a more attractive race +World,Fresenius Medical Care subpoenaed by US Justice Department (AFP) +Sports,Two down in India #39;s shaky start +World,Body of missing British tourist found near Australia's Ayers Rock (AFP) +World,Taiwan UMC's profit down 14 percent in third quarter (AFP) +World,Barroso 'backs down' on EU vote +Sports,It's a fancy move from ESPN +Sports,Game time violence penalties proposed +Sports,'Perfect' opportunity +Sports,Azeri makes this a more attractive race +Sports,Today's schedule +Business,Crude Futures Hover Around \$55 a Barrel +Business,EU approves Oracle #39;s PeopleSoft bid +Business,New blow for Unilever +Business,Ovitz says Disney dissed his dreams +Business,Taiwan Semi Outlook Cautious +Sci/Tech,A cosmic picture gallery +Sci/Tech,Lunar eclipse due tonight +Sci/Tech,Apple opens Euro iTunes stores +Sports,Players union seeks revenue +Sports,Lukas goes #39;all-in #39;; Azeri goes to Classic +Sports,Wally in the mix +World,Japan televises appeal for hostage #39;s release +World,British Military Begins Deployment in Iraq +Business,"Oil Holds at \$55, Braced for Winter" +Business,Insurance Broker's Cozy Ties May Prove Hard to Untangle +Business,New Hummer Is Slimmer and Cheaper +Business,Surging Oil Prices Lift BP's Quarterly Profit 43 +World,Glastonbury tribute to John Peel +World,Muslims attend Bangladesh prayer +World,Lawmakers Back Sharon on Plan for Leaving Gaza +World,"As Voting Rolls Increase, So Do the Wild Cards" +World,"Military Assault in Falluja Is Likely, U.S. Officers Say" +Sci/Tech,Poor Lucene Ranking for Short Text +Business,ATA bankruptcy a blow to local economy +Business,Glum #39;s the word for how it is now +Business,Unilever Sales Decline Accelerates on Competition (Update1) +Business,Taiwan #39;s Key Index Falls Modestly +Sci/Tech,Titan #39;s First Close-Up +Sports,Peace summit to end feud +Sports,F1 rivals line up on the grid +World,Massacre Of Iraqi Army Troops Investigated +Business,Oil to hit euro growth next year +Sports,Martinez's Series Win Has Boston Buzzing (AP) +Sports,"Laxman departs, India in trouble, 75 for four" +World,Powell: US not to support Taiwan independence +World,VW Exec Says Job Cuts May Be Necessary (AP) +Sci/Tech,"TiVo, NFL Tackle Tech Discord (Reuters)" +Sci/Tech,EU clears Oracle-PeopleSoft (TheDeal.com) +Sci/Tech,Biotechnology Shaking Up the Pet World (AP) +Business,EU clears Oracle bid for PeopleSoft +Business,Unilever reviews earnings targets +Business,Honda raises forecast on strong demand +Sci/Tech,Can EMC Find Growth Beyond Hardware? +Sports,Teams threaten Ecclestone #39;s empire +Sports,College Football Notebook: Florida #39;s players blast decision to <b>...</b> +World,India tests medium-range missile +Sci/Tech,Missouri Home to Seismic Hot Spot +Sci/Tech,Phone Choices May Affect Polls +Sci/Tech,Boomboxes Are Hip Again +Sci/Tech,Voter Polls Don't Count for Much +Sci/Tech,The Remix Masters +Sci/Tech,Advent of the Robotic Monkeys +World,Militants kill 11 Armymen in Kashmir blast +Sci/Tech,IPod Bloody IPod +Sci/Tech,E-Vote Vendors Hand Over Software +Sci/Tech,Lifting the Veil on Titan +World,Black Watch prepares to fly home for Christmas +Sci/Tech,Camera phones are 'must-haves' +Sci/Tech,Blogger grounded by her airline +Business,Genzyme CEO's pay was tops in biotech +Business,Opec seeks US help to ease oil price +Business,News Corp shareholders okay US reincorporation +Business,Unilever warns of extra costs +Sci/Tech,Moon takes dark journey tonight +Sci/Tech,Army waits for Bush to deploy missile defense +Sports,Rusty Ortiz #39;s play at first picturesque +Sports,Henman in Basel brush +Sports,UL solid pick as No. 1 +Sports,Liverpool Fans #39;Sickened #39; by Millwall Taunts +World,Mugabe hints at woman successor +World,PE firms have palms out in Europe (TheDeal.com) +Business,EU clears Oracle bid for PeopleSoft +Business,Instability looms as currencies slide +Business,Oil prices: OPEC urges US to act +Business,Shire boosted by US approval of kidney drug +Business,"Update 5: Tokyo Stocks End Higher, US Dollar Lower" +Business,Abbey notes progress as takeover looms +Sports,Owen hails his best week at Real Madrid +Sports,Ross #39; fate still pending +World,Black Watch troops move north +World,Sudan atrocities need more than label +World,Thai air force drops 97 million origami birds on southern Thailand +Business,Is AIG #39;s Hank Greenberg next? +Business,"AT amp;T, Cingular get OK to merge" +Business,ATA CHECKED FOR DEPARTURE +Business,Oil prices to cool off EU growth +Business,Foster #39;s sells ALH shares to Bruandwo +Sci/Tech,Cassini Snaps Photos of Saturn #39;s Moon +Sci/Tech,Apple gears up for the holidays +Sports,Wenger takes second swipe at Ruud +Business,Marsh amp; McLennan quot;underweight quot; +Business,German Medical Company Receives Subpoena +Business,Warner Chilcott agrees takeover +World,Qaeda-Linked Militants Killed in Pakistan Shootout (Reuters) +World,Blunkett quot;must go quot; if claims true +World,Israel #39;s Knesset Approves Gaza Withdrawal +World,Pakistan tribal deaths rise to 11 +World,RP bet in top 5 in Miss World; Peruvian wins +Sci/Tech,"iTunes, iTunes ain #39;t calling for Ireland" +Sci/Tech,Moon to turn blood-red on account of total lunar eclipse tonight +Sports,Student Killed in Partying Mourned +World,Thai PM apologizes for riot #39;mistakes #39; +Sci/Tech,Sharp net profit up 40 percent in first half on robust LCD TV sales (AFP) +World,"EU, Iran Deal Uncertain as Talks Resume" +Sports,Eagles' Westbrook Could Miss Some Time +Sci/Tech,NRC Closes Web Library For Security Review +Sci/Tech,Robotic Craft's Launch Delayed At Least 2 Days +Business,ATA Is Latest Airline to File For Protection +World,Russian President Putin left India for Turkey +World,Darfur families face food misery +Sports,Eagles' Westbrook Could Miss Some Time (Reuters) +Business,ATA seeks bankruptcy protection +Business,EU clears way for PeopleSoft takeover +Business,Delta #39;s Decision On Bankruptcy Expected Today +Sci/Tech,Apple snaps at Vaio Pocket with iPod Photo +Sci/Tech,Fallen space explorers honored with superfast tribute +Sci/Tech,"If clouds part, blood-red moon will be seen during eclipse tonight" +Sci/Tech,Expert says White House stifling global warming facts +Sci/Tech,Wireless network links researchers in panda preserve +Sports,Australia #39;s Warne Strikes Early as India Slumps to 95-4 in Test +Sports,Lukas gambles on another Breeders #39; Cup victory with Azeri +Sports,"CAL NOTEBOOK Mystery rushers, QB threaten Bears" +Sports,Fregosi wants to guide a winner +World,Three Japan Quake Victims Found After Four Days +World,UK troops in Iraq start moving north +World,"Cosatu defiant, enters Zim for talks" +Sci/Tech,Intel bets on WiMax by backing Clearwire (SiliconValley.com) +Sci/Tech,Mobile-device safety (SiliconValley.com) +Sci/Tech,HP joins radio-ID competition (SiliconValley.com) +Sci/Tech,Symantec to wrap products in services (SiliconValley.com) +World,"Shrugging Off Mutiny, Sharon Rejects Gaza Referendum" +World,Democrat ad presses Iraq attack +Sports,One last mile to go before they sweep +World,Japan refuses to withdraw troops in hostage drama +World,British Troops Head North for Mission Near Baghdad +Business,Middle East bid for UK water firm +World,Russia's upper house backs Kyoto +Business,OPEC asks US to use oil reserves +Business,Weather dampens Unilever sales +Business,Comcast Posts Profit; Hi-Speed Subs Rise (Reuters) +Business,Mortgage Applications Off in Oct. 22 Week (Reuters) +Sci/Tech,Cassini snapshots murky moon Titan +Sci/Tech,Moon will play hide and seek with us tonight +World,Milosevic Defense Team Asks to Withdraw from Case +World,Arafat doctors say he doesn #39;t have cancer +Business,Stocks Headed Lower; Oil Holds Above \$55 +Business,Mortgage Applications Off in Oct. 22 Week +Business,Blockbuster Posts Big Loss on Charge (Reuters) +Sci/Tech,Cingular hopes to simplify pricing (USATODAY.com) +Sci/Tech,Oracle gets Europe's approval to buy PeopleSoft (USATODAY.com) +World,Iran's Clerics Lean Towards Kerry to Ease Pressure (Reuters) +Business,Child porn threat to betting site +Business,US consumer confidence declines for third straight month +Business,Abbey #39;distracted #39; by Santander tie-up +World,Mitterrand furniture sale to help son in distress (AFP) +Sci/Tech,Cassini beams close-up images of Saturn #39;s giant moon Titan +Sci/Tech,Grand Theft tipped to top games chart +Sports,Eagles #39; Westbrook Could Miss Some Time +Sports,C-USA to undergo transition +Sports,FA: #39;Keegan charged over ref rage #39; +World,US balks at Mush #39;s Kashmir proposal +World,"Arafat in good health, doctor says" +World,S.Korea Probes DMZ But Some Doubt Defector Fled +Sci/Tech,Dell angles for the best seat in the living room +Business,Warner Chilcott Backs 1.6BN Takeover +Business,Quiet period rule on table; hedge fund supervision OKd +Sports,Millwall: We #39;re not to blame +World,Kashmiri militant leader criticises Musharraf plan (Reuters) +World,Cricket: Aussies dominate India +Sports,Football: Navy marches over Army for 42-13 victory +Sci/Tech,Taiwan AU's profit shrink sharply in third quarter amid dim outlook (AFP) +Sports,ND adrift after sudden decision +World,Amnesty Condemns U.S. for War on Terror Torture +Sci/Tech,E-Voting Firms Reveal Software to Feds +Sci/Tech,New Supercomputer Claims to Be Fastest +Sci/Tech,"Apple Rolls Out IPod Photo, Rocks with U2" +Sci/Tech,High Oil Prices Might Be A Blessing In Disguise +Business,"Oil, Gas Prices Lift Amerada Hess Profit" +Business,Apple launches new iPod versions - Photo and U2 Special +Business,Life (Insurance) Is Cheap -- for Now +Business,World energy demand to rise 60 by 30 +Business,Friend to testify in court about OJ Simpson #39;s finances +Business,San Francisco hotels continue lockout of unionized workers +Business,"JPMorgan, CSFB to Buy UK Drugmaker Warner Chilcott (Update2)" +Sci/Tech,Cassini takes first close-ups of Titan +Sci/Tech,World Series #39; Game 4 vs. total eclipse of the moon tonight +Sci/Tech,Products unveiled at storage networking show +Sci/Tech,Web-searching giant now lets users browse their own PCs +Sports,Pedro dazzles; Sox up 3-0 +Sports,Wenger extends Arsenal contract until 2008 +Sports,Fleming double ton +Sports,Wolfsburg gear up for Munich showdown +Sports,UPDATE 3-Pinpoint McGrath puts Australia in command +Sports,IOC Urges Beijing Not to Copy Athens +World,British troops on the move in Iraq +Sports,Jimenez victorious at Omega Hong Kong Open +World,Classy McGrath puts Australia on top in third India Test (AFP) +Sci/Tech,Last Chance Until 2007: Total Lunar Eclipse Tonight! (SPACE.com) +Sci/Tech,Kerry Promises 'A More Balanced' NASA (SPACE.com) +Sci/Tech,Taiwan's UMC sees higher profit on strong demand +Sports,Berlin cheers winning bid for 2009 championships +Sci/Tech,Defendants Accused of Sending Spam (AP Financial News) +Business,Kerr McGee Posts a Drop in Profit +Sports,England set Zimbabwe 262 victory target +Business,Procter amp; Gamble profit up on sales growth +Business,After the battle comes the war +Business,Credit demand helps ANZ profit leap 18 +Business,"Alcoa, BHP to sell Integris Metals" +Sports,Shoaib may miss Sri Lanka test with shoulder injury +World,Japanese PM stands firm on hostage demand +World,Union threatens Zimbabwe blockade after deportation +Sci/Tech,Defendants Accused of Sending Spam (AP) +Sci/Tech,New Crop of Portable Players Nips at IPod (AP) +World,"Iran to respond to EU nuclear offer, diplomats pessimistic (AFP)" +Sci/Tech,Biotech Firm Promises Hypo-Allergenic Cats +Business,"Comcast Up, Blockbuster Off Before Bell" +Business,Comcast High-Speed Customers Up Strongly +Business,"P G Profit Climbs, Outlook Maintained" +Business,Increased Sales Power Tool Company Profit +Business,"Comcast Up, Blockbuster Off Before Bell (Reuters)" +Business,Durable Goods Orders Up 0.2 Percent +Business,Northrop Third-Quarter Profit Rises +Sci/Tech,"NTT DoCoMo, IBM, Intel team to secure mobile devices" +Business,Profit Climbs at Procter and Gamble +Sci/Tech,Germans seek savings through Linux in tough economic times +Business,ConocoPhillips Third-Quarter Profit Rises +Business,Durable Goods Up on Communications Demand (AP) +Sci/Tech,Three on Trial in Loudoun in Felony Spam Case (washingtonpost.com) +Sports,Neville Calls for #39;Ruthless Streak #39; +Business,Santander Posts 64 Percent Profit Rise +Sci/Tech,Cassini Orbiter Gets Closeup Shots +Sports,Walker not interested in rival series +Sports,"Arizona, Stanford favored to share conference crown" +Sports, #39;Perfect #39; opportunity +Sports,Broncos #39; Griffin reportedly out for season +World,Three survive four-day ordeal as strong tremor rattles quake-hit <b>...</b> +World,Iran to respond to European offer as nuclear talks resume +World,Paying China for pressuring Pyongyang +World,Chirac says Turkey #39;s EU bid #39;not a done deal #39; +Sci/Tech,Web Server Takedown Called Speech Threat +Sci/Tech,Apple launch new iPod +Sci/Tech,Cassini takes a close look at Titan +Sci/Tech,Last Chance Until 2007: Total Lunar Eclipse Tonight! +Sci/Tech,Sony Announces PlayStation Portable Price (AP) +Sports,"Davidoff Swiss Indoors, Basel" +World,Gaza withdrawal a victory - Hamas +Business,Durable Goods Orders Edge Up in September (Reuters) +World,Powell Remarks Stir Up China +Business,Durable Goods Orders Edge Up in September +Business,Boeing Quarterly Earnings Jump 78 Percent +Business,"P G's Earnings Climb, Maintains Outlook" +Business,"Cingular, AT amp;T complete merger" +Business,OPEC asks US to tap oil reserves +Business,Comcast High-Speed Customers Up Strongly +Business,Ovitz tells trial Eisner undercut him at Disney +Sports,Former US attorney to probe Boston police pepper ball shooting +Sci/Tech,Google Market Value Tops Yahoo +Sci/Tech,NASA Claims New Supercomputer Is World's Fastest +Sci/Tech,Micron Sees Robust DRAM Memory Chip Demand in 2005 (Reuters) +Sci/Tech,VMware previews virtual server +Sci/Tech,"SAP, HP team on hosted ERP offering" +Business,Global Markets: U.S. Treasuries Pare Gains +Sci/Tech,VMware previews virtual server (InfoWorld) +World,British Troops Head North for Mission Near Baghdad +Business,OPEC urges the US to use emergency oil reserves +Business,Boeing Quarterly Earnings Jump 78 Percent +Business,"Santander Net Soars on Consumer Banking, Stake Sale (Update5)" +Business,Kerr McGee Posts a Drop in Profit +Sci/Tech,Micron Sees Robust DRAM Memory Chip Demand in 2005 +Sci/Tech,"Apple launches 60GB, 40GB iPod Photo" +Sci/Tech,Total lunar eclipse comes out tonight +Sci/Tech,Top supercomputer race continues with Nasa/SGI box +Sci/Tech,"Sun, Microsoft Cite Progress, Not Perfection" +Sports,2 shooters said to be untrained +Sports,Cardinals top pick in C-USA +Sports,Bungling Bengals Play Running Broncos +Sports,Coach praises Lankans for Aus-like fightback +Sports,Baltimore starts trash talk early +Business,"Treasuries Look Past Data to Oil, Auction" +World,Japan #39;s PM determined to face down Iraq hostage-takers +World,Boy rescued after 4 days in Japan quake rubble +World,India at bottom half of media freedom index +Sci/Tech,Dell tightens Linux ties +Sci/Tech,Photos: SGI's Columbia supercomputer +Business,Unilever 3Q earnings rise +Business,Kerr-McGee 3Q Profit Down on Charge +Sci/Tech,Apple launches new iPod; rolls out download stores in Europe amp; <b>...</b> +Sports,Ferriss gave BoSox boost in 1946 Series +World,Europeans resume talks with Iran to avoid UN sanctions +Sci/Tech,Programs: Dubious Lure of Two Fishing Simulations +Sci/Tech,Japan #39;s Phones Are The Coolest -- And Have The Skimpiest Profits +Business,U.S. Urged to Use Emergency Oil Reserves +Sci/Tech,Russia to Test New Soyuz Booster on Oct. 29 (Reuters) +Sci/Tech,Bush site bars overseas visitors +Sci/Tech,Nations to discuss what to do after Kyoto treaty +Business,Stocks Open Near Unchanged; Boeing Up +Business,ConocoPhillips Profit Up on Oil Prices +Business,Boeing #39;s quarterly profits increase 78 per cent +Sci/Tech,Saturn moon has scientists howling Close-ups of Titan seen for <b>...</b> +Sci/Tech," #39;Grand Theft Auto San Andreas #39; blows away gamers, reaps criticism" +Sci/Tech,Microsoft Sharpens Its Software Factory Vision +Sports,Azeri goes for Breeders #39; Classic +Sports,Chat with Miami CB Antrel Rolle +Sports,Owen - in action against Leganes. (Getty Images) +Sports,Mahe makes most of his opportunities +World,3 Russian officials charged with negligence in Beslan <b>...</b> +Sci/Tech,Battle lines drawn on protection of species +Business,Insurance sector braces for fallout from probe +Business,US Urged to Use Emergency Oil Reserves +Business,Commission to approve Oracle take-over of PeopleSoft +Business,Unilever Sales Fall 4 Percent in 3Q +Business,Kerr McGee Posts a Drop in Profit +Business,Honda sales hit record but strong yen limits profit growth +Sports,Manny passes field test with flying colors +Sports,Tendulkar falls cheaply as Aussies strike +Sports,THREE-SY FOR OWEN +World,Human Rights Comment Thai PM Thaksin #39;s Contempt for Human Rights +World,China rebuffs Powell on talks with Taiwan +World,"Press Freedom Under Threat Most In Asia, Mid-East: Report" +World,Democracy wins in Afghan election +World,Parliament Visitors No Longer 'Strangers' (AP) +World,Nigerian woman facing death for adultery to know appeal verdict in two weeks (Canadian Press) +World,Koizumi Says Japan Will Stay in Iraq (AP) +Business,Durable Goods Orders Edge Up in September +Business,Titan Posts Slightly Higher Profit +Business,America West confirms interest in ATA Airlines +Business,US Sept durable goods sales rise +Sci/Tech,Novell Promises Continued Support for SuSE Linux (Ziff Davis) +World,"A Look at Voting Problems, Election Issues (AP)" +Sci/Tech,"For SGI supercomputer, a record-setting day" +Business,"P amp;G Posts Higher Profit, Affirms Outlook" +Business,Northrop Grumman Profit Surges 51 Percent +Sci/Tech,"Apple introduces iPod Photo, digital #39;box set #39;" +Sports,Sensabaugh unimpressed with Miami offense +Business,"Newmont Strikes Gold, Profit Up 12.5 Pct" +Business,Dealer Can Write Off Stolen Drug Money +Business,Agent Ovitz Defends Tenure at Disney +Business,ConocoPhillips Profit Up on Oil Prices +Sci/Tech,Higher IPod Shipments To Boost Apple #39;s Q1 +Sci/Tech,NASA Probe Takes Pictures Of Saturn Moon +Sci/Tech,"Now, NASA supercomputer is #39;fastest #39;" +Sci/Tech,Tiny human is big news +Sports,Scoring streak cheers Owen +Sports, #39;Miami is scary #39; +World,Toddler rescued from rubble +Sci/Tech,Right Whales Return to Georgia Coast Early (AP) +World,Blair: 'Casinos will bring jobs' +Sports,NBA suspends Grizzlies Wright for season opener (AFP) +Business,Mexico's Femsa Brews 53 Pct. Profit Rise +Business,ANZ Banking Prices C\$100M 4 Four-Year Bond At 99.98 +Business,"US big-ticket orders rise, plane orders descend" +Business,Tax Break for Drug Dealer Whose Cash Was Stolen +Sci/Tech,Google en el mercado +Sci/Tech,A giant step for humanoids +Sports,Lukas Betting on Azeri in Breeders #39; Cup +World,Fear and pride from Black Watch +World,Iran #39;s heavy water plant to be operational within month: official +Sci/Tech,Earth to See Total Eclipse of the Moon (AP) +Sci/Tech,Cuban Tree Frogs Moving Toward S.C. (AP) +Sports,IOC Urges Beijing to Get Ready for 2008 (AP) +Sci/Tech,Apple's Photo Finish +Business,Procter Gamble Weigh on Blue Chips +Sci/Tech,Dell talks home economics--and more +Business,OPEC to U.S. - Use Emergency Oil Reserves (Reuters) +Business,Titan Posts Slightly Higher Profit (Reuters) +Business,"Blockbuster Posts Big Loss, COO Resigns" +Business,Weapons sales boost Boeing profit +Sports,Ailing Serena Crashes Out +Sports,Ballesteros Under Tour Probe for Alleged Assault +Business,OPEC Urges U.S. to Use Emergency Oil Reserves +Business,"In Spitzer #39;s office, hours of drudgery, moments of #39;gotcha! #39;" +Business,Nortel Won #39;t File Results by End of Month +Business,Newmont Mining 3Q Profit Up on Gold Prices +Business,"New Home Sales Surge, Durable Goods Up" +Business,Ryerson Tull to Buy Integris Metals +Business,"At Disney, Ovitzworked And Unditzpaid" +Business,Sirius misses Street #39;s target +Business,Pacific Hydro lures bidders +Business,Japan automaker hikes FY forecast +Sci/Tech,News.com Extra: First blood in the new DVD war +Sports,Serena Blames Headache for Linz Upset (AP) +Sci/Tech,Titans First Close-Up +Sci/Tech,ITunes coming to Canada in November +Sci/Tech,"Total Lunar Eclipse to Be Visible Over Series, Most of World" +Sci/Tech,MP3 Players At The Right Size And Price +Sci/Tech,SanDisk doubles capacity of memory cards +Sci/Tech,Cool Batman Photo! +Business,Stocks Up as Oil Drops Sharply +Sports,IOC urges Beijing to get ready for 2008 +Sports,West Brom look to knight for Premiership rescue +Sports,Radcliffe returns +Sports,Fans Blame Each Other for New Den Violence +Sports,"Fallen student, fan mourned" +Business,"Comcast Posts Profit, Gains Customers" +World,Militants Release Video of Japanese Hostage +World,Kashmiris rally on 57th anniversary of Indian invasion +World,British Military Begins Deployment North Toward Baghdad +World,Lebanon rejects US criticism of cabinet +Business,Mortgage Applications Fall +Business,Nortel Restatements Delayed to November +Sci/Tech,Dell plays price card with Novell Linux +World,"EU, Iran Nuclear Talks End, No Immediate Comment" +World,Japan to Keep Troops in Iraq Despite Hostage-Taking +Sci/Tech,Dell to pre-install Suse Linux on servers +Sci/Tech,Are Cheaper Flat-Panel TVs On The Way? +Sci/Tech,Experts: Web Searches for Sex Declining (AP) +World,Berlin Philharmonic to tour Japan for first time with Rattle (AFP) +Sci/Tech,Apple's Photo Finish (washingtonpost.com) +World,CAE wins contract to sell flight simulator to China Eastern Airlines (Canadian Press) +World,Conflicted Evangelicals Could Cost Bush Votes (Los Angeles Times) +Business,Trick or Trump? +Business,Which Is Worse: A Broken Hip or the Bill? +Sci/Tech,"Apple Opens EU iTunes, Unveils iPod Photo" +World,Turkey aids Syria on border fire +Business,Oil Tumbles 3 Pct as Crude Stocks Build +Business,UPDATE 1-IMF says talks with Argentina to follow debt swap +Business,Update 6: Winter Fuel Supply Worries Continue on Data +Business,Mid-East power to grow as oil surges +Business,Google Buys Digital Mapping Company +Business,"Blockbuster Posts Big Loss, COO Resigns" +Business,US durable goods orders weaker than expected +Business,Pacific Hydro Appoints Advisers for Possible Sale (Update2) +World,U.S. Official: Lebanese Govt. 'Made in Damascus' (Reuters) +Sci/Tech,NASA feels the need for speed +Sci/Tech,SanDisk doubles memory card capacities +Sci/Tech,Dell plays price card with Novell Linux +Sci/Tech,More Details: Batman Begins +Sci/Tech,Microsoft details new domain-specific modeling tools +Sci/Tech,Intel polishes first Flash development kit for mobiles +Sports,Red Sox on verge of World Series title +Sports,IOC tells Beijing not to complete Olympic venues too late +Sports,Fast bowlers revel in strangely conducive conditions +Sports,WVU hoops ninth in preseason poll +World,"Kerry slams Cheney as ""Minister of Disinformation"" over weapons drama (AFP)" +World,U.S. Official: Lebanese Govt. 'Made in Damascus' +Business,Attack of the Killer Fees +Sports,Number of NHL Players in Europe Hits 231 (AP) +Sports,"He Shoots, You Score" +Sports,Big East Picks Syracuse Hoops in Preseason +Sports,Number of NHL Players in Europe Hits 231 +World,IATA: World Air Travel Continues Recovery (AP) +Sports,World Cup Refs to Get More Training (AP) +Sports,Priest Who Disrupted Olympics in Abuse Trial +Sci/Tech,News: Big.biz struggles against security threats +Business,Nortel Restatements Delayed to November +Sci/Tech,Apple Launches U2 iPod +Sci/Tech,Cassini unveils mysterious Saturn moon Titan +Sci/Tech,Apple Extends iTunes to Europe +Sci/Tech,Video game release prompts warning +Sports,Dizzy spell dazzles India +Sports,Westbrook Injury Leaves Eagles Thin at RB +World,Thai PM Defiant Amid Anger Over Deaths +World,Black Watch Head for #39;Triangle of Death #39; +World,"Karzai set for election win, mandate to tackle Afghan warlords <b>...</b>" +World,British troops in Iraq head north on risky mission (AFP) +Business,Minister from Dhaka to call +World,Kerry says Bush dodging and weaving with truth on Iraq (AFP) +World,Tied Presidential Election Could Be Mother of All Messes (Reuters) +Business,Oil prices fall as supply fears fade +Business,Nortel Postpones Restatement Filing to Mid-November (Update2) +Business,"Boeing profit up 78 percent in quarter, upbeat on 2005" +Sci/Tech,Spacecraft Cassini Zooms in on Saturn #39;s Big Moon +Sports,A pregnable fortress +Business,McDonald #39;s adapts jet for ailing ex-boss +Sci/Tech,Transatlantic Live Brain Surgery to Be Beamed to UK (Reuters) +Sci/Tech,Verizon picks Motorola for video on fiber +Sci/Tech,Java integration spec pushed +Sci/Tech,IT firms call for patent protection in EU +Sci/Tech,Suse warns of hole in Linux kernel +Business,Oil tumbles back below \$54 +Business,"BEFORE THE BELL: Boeing Up On Strong 3Q,Boosted Outlook -2" +Sci/Tech,Cassini beams back close-ups of Titan +Sci/Tech,SGI Wins Supercomputer Crown for the Moment +Sci/Tech,EA developing tie-in game for Batman Begins +Sports,Akhtar to miss second Test against Sri Lanka +World,US Official: Lebanese Govt. #39;Made in Damascus #39; +World,"Vienna nuclear talks ""very constructive"": Iran (AFP)" +World,Extravagant weddings to land Kashmiris in jail (AFP) +Sci/Tech,Java integration spec pushed (InfoWorld) +Business,US Stocks Rebound as Oil Prices Fall +Business,US new home sales race to third-highest on record +Business,Boeing Posts 78 Percent Higher Profit +Business,BHP to sell US venture +Business,Northrop Third-Quarter Profit Rises +Business,Sirius posts wider loss amid rising costs +Sci/Tech,Apple launches EU iTunes +Sci/Tech,Dell pushes Linux into the data centre +Sci/Tech,New Game Releases Could Herald #39;Holiday of Megagames #39; +Sports,Center of the Universe +World,Gov't to request higher emissions trading allowance (AFP) +World,Al-Zarqawi group kidnaps one Japanese +Business,"Newmont Strikes Gold, Profit and Costs Up" +Sports,Martinez the Magnificent +World,Kerry Wins Fans Abroad with Global Warming Plan (Reuters) +Business,"The Envelope, Please..." +Business,Oil Tumbles 3 Pct as U.S. Stocks Build +Business,Chrysler to Build Sedans in Austria +Sci/Tech,Offshoring: An issue that defies easy answers +World,Armitage praises Russia's anti-terror efforts in Moscow visit (AFP) +World,Envoy Chides Darfur Negotiators for Lack of Urgency +Business,"Durable Goods Orders, Home Sales Rise" +Business,U.S. Stocks Rise as Oil Prices Tumble +Sci/Tech,"Shuttle Enterprise Takes Center Stage, at Last (Reuters)" +Business,"Boeing Posts Higher Profit, Raises Estimate" +World,Price drop prompts oil quota call +World,Cricket: Zimbabwe tour go-ahead +Sci/Tech,'Hobbit' joins human family tree +Business,Oil price hits record high of \$55.45 +Business,"Nortel delays reporting, again" +Business,Real Estate Boom Continues +Business,Planes pull US durable orders lower +Sci/Tech,Earth to see total eclipse of the moon +Sci/Tech,Novell To Offer SuSE On Dell Servers +Sci/Tech,Puretunes.com settles Record Companies #39; Copyright Infringement <b>...</b> +World,"Bush voted ""Movie Villain of the Year"" (Reuters)" +Sports,Your Verdict: OT aftermath +Sports,FIFA hands out suspensions to Belgium players Goor and Deflandre +Sports,Biancone Says Azeri Will Win Classic +World,Chirac says Turkey #39;s EU bid #39;not a done deal #39; +Sci/Tech,"Real, KDE Patch Security Flaws (Ziff Davis)" +Sci/Tech,Scientists Find Prehistoric Dwarf Skeleton (AP) +World,British Troops Head North for Mission Near Baghdad +Sci/Tech,EDS offers early retirement to U.S. staffers +Business,Midway losing ATA to bankruptcy +Business,Comcast Q3 profits about what analysts expected +Business,Sirius Losses Adding Up +Business,Oil Prices Boost Profit at ConocoPhillips (Reuters) +Sci/Tech,Dell moves closer to Linux with SuSE deal +Sports,Roundup: Penn State QB Mills may miss OSU game +Sports,Catch me if you can +World,Officers Called Negligent on School Plot (AP) +World,Edwards: Bush Leads by 'Fear and Failure' (AP) +World,"9-Term Mayor in East Chicago, Ind., Loses (AP)" +Sci/Tech,Study: Few corporations use anti-spyware tools +World,Prince Charles views reconstruction of Al-Aqsa pulpit in Jordan (AFP) +Business,Oil Stumbles Over \$2 as U.S. Stocks Build +Sci/Tech,Protesters Weld Shut Entrance to Brazil Nuclear HQ (Reuters) +Sci/Tech,Summary: Human Ancestor Discovered (AP) +World,US rolls out most expensive jet +Sports,Ravens' Ogden to Miss Three to Four Weeks (AP) +World,Bush Says Kerry Exploits Uncertainty on Lost Explosives +Business,"Boeing #39;s quarterly profits increase 78 per cent, raises 2004 <b>...</b>" +Sci/Tech,Apple iTunes Rocks Europe +Sci/Tech, quot;Hobbit quot; Discovered: Tiny Human Ancestor Found in Asia +Sci/Tech,Could eclipse bring something spooky? +Sci/Tech,Google to back Microsoft browser foe? +Sci/Tech,AOL Returns to Sender ID Support +Sci/Tech,Expedition 9 Lands Safely +Sports,Owen Beaming From Real Big Week +Sports,Argos rule weekly CFL awards +Sports,Packers #39; Green highlights NFC Players of the Week +Sports,Gators ready to #39;circle the wagons #39; +World,The China Post +Business,Blockbuster Posts Loss. Shares Plunge +Sci/Tech,10 facts you should know about outsourcing +Sci/Tech,Inside Dell's manufacturing mecca +World,Egypt authorizes new party for only third time in 27 years (AFP) +Business,Georgia makes secret wealth offer +Sports,Flying Finn Given Two Years for Aggravated Assault +Sci/Tech,Google snaps up digital mapping company +Sci/Tech,Google buys map provider Keyhole +Sci/Tech,Sony #39;s new handheld video game system PSP to enter market in Dec. +Sci/Tech,Ballmer Confronts Linux Head-On +Sports,Spencer arrested while police try to serve warrant on son +Sports,VIRGINIA TECH NOTES +Sports,Broncos' Griffin Done for the Season (Reuters) +World,AU Optronics Reports Lower Profit in 3Q (AP) +Sports,"Nets Waive Damone Brown, Darius Rice (AP)" +World,ZIMBABWE: ZCTU condemns deportation of COSATU delegation +Sports,Broncos' Griffin Done for the Season +Sci/Tech,US rolls out most expensive jet +Sports,Golf: Donald Sets Sights on 3rd European Title +Business,"America West Posts Loss, More Losses Loom" +World,Will Bad News Be Bad for Bush in Election? (Reuters) +World,Japan to Keep Troops in Iraq Despite Hostage Case +Sci/Tech,Wikinews And The Growing Wikimedia Empire +Sports,Injury Sidelines Broncos' Griffin for Year +Sports,European Tour Investigating Ballesteros +Business,Merger fanfare short-lived with downgrades +Business,Oil prices decline on rise in US crude inventories +Business,Black amp; Decker Q3 earns leap 51 +Business,New-home sales up surprise 3.5 in Sept. +Business,Major Water Main Break Floods Street +Sci/Tech,Google Unfolds 3D Mapping Acquisition +Sci/Tech,Dell to Offer SuSE Linux-Based PowerEdge Servers +Sci/Tech,Ont. puts parents on notice about new video game +Sci/Tech,"Jonathan #39;s Space Report No. 537 - October 27, 2004" +Sports,McGrath puts Australia in command; India 146/5 +Sports,Top officials to assess preparations +Sports,Hungry Bayern now second +Sports,FIFA launch plan to ensure top refereeing +World,The Kashmir flashpoint +World,Nigerian Woman Appeals Stoning Sentence +Sci/Tech,Livewire: Today's Pop Stars in It for the URLs (Reuters) +World,Police: Driver Tried to Run Over Florida Rep. Harris (Reuters) +Sci/Tech,Arm collaborates with Philips on low-power processor +Business,Cingular is US #39;s Largest Carrier Now +Business,Confidence index hits 7-month low +Business,Sales of Handheld Devices Dip for Third Straight Quarter +Business,Thousands of Volkswagen workers walk out as company might have to <b>...</b> +Sports,Renault determined to quit F1 +Sports,Injury Sidelines Broncos #39; Griffin for Year +Sports,Ryder Cup reunion at Valderrama +World,China Rejects Powell Call for Dialogue with Taiwan +Business,"City, local biz on hook for ATA failure" +Business,Labor market haunts consumer confidence +Business,US commercial oil inventories up last week +Business,Georgia makes secret wealth offer +Business,Workers of Germany #39;s VW hold major protests ahead of wage talks +Sci/Tech,Scientists Pore Over Pictures Of Saturns Mysterious Moon +Sci/Tech,Scientists Discover Ancient #39;Little People #39; +Sports,Finland fires national hockey coach +Business,Mikelsons: ATA Founder Has Grim Duty In Bankruptcy Filing +Business,"Boeing Profit Up 78 Pct., Raises Forecast" +Sci/Tech,Sony #39;s October surprise +Sports,Azeri in a Breeders #39; Cup Classic Gamble +World,Thai Prime Minister admits army made mistakes +Sports,Azeri in a Breeders' Cup Classic Gamble +Sci/Tech,Anger at greenhouse 'climbdown' +Sci/Tech,"At wireless show, it's Yahoo vs. Google" +Sci/Tech,Dot-Com Business Plan Archive +Sci/Tech,Medical Journal to Be Available Online (AP) +Sci/Tech,Bush's Campaign Site Reported Blocking (AP) +World,Hungary Bans Paprika; National Dish a Health Risk (Reuters) +Sci/Tech,Samsung Electronics develops world's highest-capacity SRAM chip (AFP) +Business,"Newmont Strikes Gold, Profits, Costs Up" +World,Hungary Bans Paprika; National Dish a Health Risk +Business,Fed: High oil constrains spending +Business,New home sales rise +Sci/Tech,A Saturn moon with echoes of Earth +Sci/Tech,Google buys digital mapping company +Sci/Tech,"SanDisk intros higher capacity Memory Sticks, more" +Sci/Tech,Spanish MP3 site owner to pay RIAA \$10m +Sports,Ferguson comes to Vogts #39;s aid +Sports,Germany to kick off 2006 World Cup +Sports,"Green, Rackers, Rogers earn NFC honors" +World,Three police officials charged over Beslan hostage taking +World,Darfur talks falter over security +Sports,Gonzaga Coach Leaving +Sci/Tech,"Yahoo Unveils Mobile Search, Google Rivalry Rages" +Sports,NCAA Places Mississippi State on Probation (AP) +Sci/Tech,"Yahoo Unveils Mobile Search, Google Rivalry Rages (Reuters)" +World,Survivor recognises accused in Best Bakery case (Reuters) +Business,US economy 'continued to expand' +World,Musharraf arrives in UK for talks +Sci/Tech,Wireless Utopia +Business,Local effect of ATA woes unknown +Business,"Beige Book shows growth, despite energy tab" +Business,Fed: High Energy Costs Curbed Spending (Reuters) +Sci/Tech,Small relatives may add layer to human history +Sci/Tech,SanDisk Bumps Up SD and MS Pro Capacities +Sports,"Pak, Sri Lanka lock horns in Karachi Test today" +Sports,Broncos will lose Griffin for year +Sports,FIFA to boost referee training for 2006 World Cup +Business,Fed's Beige Book says oil price curbs spending (AFP) +Sci/Tech,Does Your Car Have a Spy in the Engine? +Sci/Tech,When the Car Beside You Is an XXX Theater +Sci/Tech,Yahoo search goes mobile +Sci/Tech,Cingular/AT T Wireless: Now for Integration (NewsFactor) +Sci/Tech,Open Source Makes Do-It-Yourself CRM Possible (NewsFactor) +Sci/Tech,Symantec Unveils Security Strategy (NewsFactor) +Sci/Tech,iTunes Music Store Blankets EU (NewsFactor) +Sci/Tech,"Yahoo Unveils Mobile Search, Google Rivalry Rages" +Business,Anheuser-Busch: World's Drinking More Bud +Business,Eli Lilly Acquires Rights to Sleep Drug +Sports,ATP Plans 'Safe Supplements' +Sci/Tech,Light-Based Net May Mean Blazing Connections (NewsFactor) +Sci/Tech,"XM, Delphi Deliver Handheld Satellite Radio (NewsFactor)" +World,Signs Point to Imminent Showdown in Iraq (AP) +World,"Japan Shocked, Perplexed Over Iraq Hostage (AP)" +Business,Europe OKs OracleSoft +Business,"Prosecutor: Merrill Lynch, Enron Execs Conspired" +Sci/Tech,Google Buys Digital Mapping Company +World,Hungary Bans Sale of Paprika (AP) +World,Al-Qaida Magazine Appeals to Iraq Fighters (AP) +Sci/Tech,Bush campaign website inaccessible from outside US (AFP) +Business,ATA Airlines files for bankruptcy protection +Business,Oil prices curb spending - Beige Book +Business,Affiliated Managers 3Q Profit Edges Up +Business,Durable goods up slightly +Sci/Tech,Google Buys Digital Mapping Firm Keyhole +Sci/Tech,Yahoo battles Google for the cell phone +Sci/Tech,Sandisk Doubles Capacity Of Small Form Factor Memory Cards +Sci/Tech,Microsoft Previews Vision of #39;Software Factories #39; +Sports,"Bonds #39; 700th homer ball draws bid topping \$800,000" +Sports,Goor will fight five-game FIFA ban +World,2-Year-Old Boy Rescued After Japan Quake +World,"US Soldier Killed, Japan Threatened to Leave Iraq, British Troops <b>...</b>" +World,"EU Trio, Iran Fail to Reach Nuke Deal" +Business,Wall Street Jumps as Oil Prices Fall +Business,Dollar Springs Higher as Oil Prices Slump +Business,Update 2: Prosecutor: Execs Conspired on Sham Sale +Business,Growing plans: AC #39;s newest casino plans big addition +Business,Treasuries Dive as Oil Drops Below \$53 +Sci/Tech,Photo: XM's portable satellite radio +Business,A Small Jewel of a Company +Business,Activision Nails Second Quarter +Business,Sonoco: Which Side Is Up? +Sci/Tech,Compuware looks to cut risks in apps deployment +Sports,Bulldogs Get Punished +Sci/Tech,Compuware looks to cut risks in apps deployment (InfoWorld) +World,Israeli TV Says Arafat Health Has Worsened +World,Israeli TV Says Arafat Health Has Worsened (Reuters) +Business,"Low-Fare Airline, ATA, Seeks Bankruptcy Protection" +Business,S amp;P raises rating on AT amp;T Wireless Services +Business,JoCo consumer confidence rises again +Business,US economy #39;continued to expand #39; +Business,Google Buys Digital Mapping Company +Business,John Snow concedes #39;deficits matter #39; +Business,Boyd Reaps Its Winnings +Sci/Tech,"Socks, Photos, and Rock n Roll" +Sci/Tech,New find raises questions about earliest humans +Sci/Tech,Lunar Eclipse Expected Tonight +Sports,Energised Henman downs Dupuis +Sports,Lukas emphasizes his past success with females against males +World,"Darfur situation ""unbelievably horrible"": UN goodwill ambassador Jolie (AFP)" +Business,Boeing Quarterly Profit Up 78 Percent +Sci/Tech,"From SANs to SATAs, storage vendors continue product march (InfoWorld)" +World,O'Connor Extols Role of International Law (AP) +World,British Troops Head North for Mission Near Baghdad +Business,Gallagher's Mixed Bag +Business,Update 5: Boeing #39;s 3Q Profit Up on Military Sales +Sports,Engram's Ankle Injury Is Slow to Heal (AP) +Sci/Tech,Ballmer: Windows Safer than Linux +Sports,Boston's Epstein on Verge of First Title (AP) +World,80 Thai Muslims suffocate after arrest at protest +World,US downplays Allawi charge after massacre of recruits in Iraq +World,Milosevic #39;s Lawyers Ask to Be Taken Off War Crimes Case +World,Nepal ranks low in media freedom index +Sports,Ryder Cup Holding Reunion at Valderrama (AP) +Business,Oil Prices Fall Sharply on U.S. Inventories +Sci/Tech,iPod chipmaker edges toward stock market +Sci/Tech,"Sony sets price, date for PSP's Japan debut" +Sci/Tech,"From SANs to SATAs, storage vendors continue product march" +Sports,Hedman - admitted he was lucky. (Getty Images) +World,Newfoundland premier invokes historic grievance amid fight with Ottawa (Canadian Press) +Sports,Caddie: Woods to Return to Top of Game (AP) +Business,Study: Viagra Promising in Hypertension +World,Chile 'violates Indians' rights' +Sci/Tech,"""Hobbit"" Discovered: Tiny Human Ancestor Found in Asia" +Sci/Tech,Puffins Return to Scottish Island Famous for Curling Stones +Sci/Tech,Prairie Dogs Poisoned by U.S. in South Dakota +Sci/Tech,"Rare, ""Weird"" Snake Survives in Louisiana" +Sci/Tech,Birding Column: Robins at a Pyracantha Party +Business,Yahoo follows Google; launches web search service for mobiles +Sci/Tech,Movie studios take sides in fight over DVD formats (SiliconValley.com) +Sci/Tech,Saturn Moon #39;s Mysteries Deepen +Sci/Tech,NASA-SGI Supercomputer Tops in Speed and Research +Sci/Tech,CTIA Buzzers +Sports,Henman dispatches Dupuis +Sports,Griffin Blows Knee---Out for the Season +Sports,UPDATE 1-FIFA orders Germany to play World Cup opener +Business,"Orders, House Data Shows Economy on Track" +World,Tape: Hassan Urges British to Leave Iraq +Business,US Federal Reserve #39;s Beige Book says oil price curbs spending +Business,Nortel Delays Release of Financial Reports +Sports,Edwards Rips Into Perceived Moral Victor (AP) +Sports,Agassi Makes Short Work of Vliegen +World,"Florida authorities searching 58,000 missing ballots (AFP)" +Sports,Eagles' Westbrook Questionable Vs. the Ravens +World,Arafat's Health Crisis Prompts Questions (AP) +World,House Race Turns Ugly in Colorado (AP) +Sci/Tech,"Sony sets price, date for PlayStation Portable" +Business,"Economy growing despite energy costs, Fed says" +Business,"Update 1: Anheuser-Busch Earnings Rise, Meet Views" +Business,Wall Street crash barriers stay put +Business,Will Tellabs Push Its Luck? +Sci/Tech,Cassini-Huygens Sends Ghostly Images from Titan +Sci/Tech,"Apple Computer quot;buy, quot; target price raised" +Sci/Tech,"Ancient, Tiny Humans Shed New Light on Evolution" +Sci/Tech,"Sony sets price, date for PSP" +Sci/Tech,Microsoft #39;s Ballmer steps up attack on Linux +Sports,Mississippi St. placed on four years #39; probation +Sports,Tiger #39;s #39; caddie: Woods will return to top of his game +World,"Kodak Closing Labs in Europe, Cuts Jobs (AP)" +World,Justice minister set to announce long-awaited Truscott decision (Canadian Press) +Sci/Tech,"No, broadband's doing fine, thanks" +World,Poll: Kerry Gaining Among Swing Voters (AP) +World,Caroline Kennedy tells Bush to stop invoking JFK (AFP) +Business,Dollar Rebounds as Crude Oil Prices Drop +World,Palestinian Official Denies Arafat Lost Consciousness +World,British Ex-Guantanamo Detainees Sue Rumsfeld +Sci/Tech,Bush Web Site Bars Overseas Visitors +Business,Oil Prices Tumble Nearly 5 Percent +Business,Anheuser-Busch Profit Jumps +Business,UPDATE 4-Nortel restatements now delayed to November +Business,Yahoo Takes Search Mobile +Business,Hedge fund advisers have to register with SEC now +Business,Smartphones Put Handhelds on Hold +Sci/Tech,HP iPod Photo? +Sci/Tech,Microsoft Previews Developer Tools +Sports,West Brom play down Robson appraoch +Sports,Henman progresses at Swiss Indoors +Sports,Text of NCAA statement +Sports,SERENA STUNNED BY RUSSIAN +World,Team of doctors flown to Ramallah to treat Arafat +Sci/Tech,Digital Agenda: 10 facts you should know about outsourcing +Sci/Tech,Review: A Flat Panel That's Also Deep (AP) +World,Earthquake Hits Romania; Strength Unknown (Reuters) +Sci/Tech,Apple posts Security Update 2004-10-27 (MacCentral) +World,Schwarzenegger Says He Won't Travel More for Bush (Reuters) +World,Israel to Permit Arafat to Go to Ramallah Hospital +World,Jail deaths 'disaster for Kenya' +Sports,"Bonds 700th Homer Ball Gets \$804,000 at Auction" +Sci/Tech,Board OKs New Internet Domain Names (AP) +Business,"Stocks Rise, Dow Over 10,000 as Oil Falls" +Business,Anticipation builds for DreamWorks IPO +Business,UPDATE 2-S amp;P says may upgrade Nextel to investment grade +Sci/Tech,Apple Unveils iPod Photo +Sci/Tech,Lunar Eclipse +Sports,Fatigued Henman wins in straight sets +Sports,Mardy Fish Upset at St. Petersburg Open +Sports,"Bonds #39; 700th Home Run Ball Draws Bid Topping \$800,000" +Sports,FIFA to boost referee training for 2006 World Cup +Sports,Ailton breaks goal drought +World,Captors urged to set Japanese free +Sci/Tech,A So-So Debut For Microsoft's Blog Service (washingtonpost.com) +Sports,Giants Fail to Follow Through After Bye (AP) +Sci/Tech,Yahoo Search Goes Mobile (PC World) +Sports,O's Ink Veteran Palmeiro for 2005 Season (Reuters) +Sports,"Hubris, Caution in Boston as Red Sox Eye Victory" +Sci/Tech,"Wireless pioneer reflects on roots, looks to WiMax" +Sports,Ramseys Have 2 Favorites in Breeders' Cup +World,Milosevic's Lawyers Seek to Quit Case (AP) +Sci/Tech,Ballmer: Windows TCO the way to go (InfoWorld) +Sci/Tech,Boeing Quarterly Profit Up 78 Percent (Reuters) +Business,Oil prices below \$54 a barrel +Sci/Tech,Bush Web Site Bars Overseas Visitors +Sci/Tech,Is US Wireless Industry Catching Up on 3G? +Sports,Cricket: Spotlight back on Fleming as Black Caps take charge +Sports,Shoaib ruled out of 2nd Test +Sports,O #39;s ink veteran Palmeiro for 2005 season +Sports,Sun Devils Tailback Reinstated (AP) +World,Jubilation greets boy #39;s miracle rescue +Business,"Anheuser Profit Up on Price Hikes, Growth" +Sci/Tech,OutKast Tops First Digital-Music Sales Awards (Reuters) +Sports,Players Have Different Goals for Chrysler (AP) +World,Ads Make Closing Arguments in Campaign (AP) +Sci/Tech,Ballmer: Windows TCO the way to go +Sci/Tech,Experts Warn of Net Flu Vaccine Scam +Business,JC Penney Picks Questrom Successor +Business,Federal Reserve #39;s Eighth District economy mixed +Business,JDS Uniphase Posts Deeper 1Q Loss +Business,Boeing Quarterly Profit Up 78 Percent +Sci/Tech,Titan Surface Still a Mystery +Sports,Seattle Suspends Use of Controversial Gun +World,Child found after Japan earthquake +Sports,"Boston's Pierce fined 15,000 dollars for spitting (AFP)" +Business,"J.C. Penney Taps Former Macy's, LVMH Head (AP)" +Sci/Tech,"Internet Broadens U.S. Political Debate, Survey Says (Reuters)" +World,UN envoy blames Darfur rebels for deaths of aid officials (AFP) +World,"Man threatens to run over Katherine Harris, of 2000 Florida fiasco fame (AFP)" +World,"Arafat 'Very Sick,' Palestinian Leaders Summoned" +World,Ireland Battered by Year's Worst Storm (AP) +Sports,Pedestrian Ban Reversed +Sci/Tech,Microsoft battles piracy with free software +Sci/Tech,"Europe gets iTunes, Canada is next" +Sci/Tech, #39;Hobbit #39; joins human family +Sci/Tech,"Skygazers, baseball fans watch for lunar eclipse" +Sci/Tech,Yahoo search goes mobile +Sci/Tech,"Sender ID, round two" +Sci/Tech,EMC Takes Storage Router for a Spin +Sports,Celtic suffers its first loss of the season against Aberdeen +Sports,police department suspends use of pepper pellet gun +World,Doctors Visit Arafat As His Health Worsens +Sci/Tech,Hosted SAP service targets midmarket +Sci/Tech,"E-vote vendors to submit software for safekeeping, possible recounts" +Sci/Tech,Java integration spec pushed +World,Brazil Raids Kroll Offices in Spy Probe +Sci/Tech,Nortel again delays earnings restatements +Sci/Tech,"EDS offers early retirement to 9,200 U.S. staffers" +Sci/Tech,"Dell, Novell expand partnership to push Linux" +Sci/Tech,Storage Networking World: ILM a business matter +Sci/Tech,Red Hat sees half of sales outside U.S. within a year +World,"Israel, Egypt Swap Prisoners in Sign of Warmer Ties (Reuters)" +Sci/Tech,"Q A: Dell's Kevin Rollins on EMC ties, storage standards" +Business,Google buys digital mapping company +Business,DreamWorks Animation Raises \$812 Million in IPO (Update1) +Business,NZ #39;s Sixth Rate Increase in 2004 Probably the Last (Update2) +Sports,The Red Sox-Cardinals Legacy +World,Arafat #39;s Health Has Worsened +World,Iran threatens to boycott nuclear talks +Business,Defense sales boost Boeing profit 78 +Business,"JC Penney Taps Former Macy #39;s, LVMH Head" +Business,"JDS Uniphase loss widens, views below Street" +Business,DreamWorks Animation IPO Prices Above Estimates +Business,"Torstar 3rd-Qtr Net Falls on Buyout Costs, Harlequin (Update2)" +Business,Nortel delays third-quarter earnings announcement +Business,Daley Gets Top Marks From Council For Skyway Deal +Sci/Tech,Eclipse will bring a Halloween glow to the moon +Sci/Tech,Sony #39;s New PSP To Hit Japan in December +Sci/Tech, #39;GTA #39; Expected To Drive Holiday Sales +Sci/Tech,Microsoft battles piracy with free software +Sports,O #39;Neill - dealt double blow. (Getty Images) +Sports,Wenger signs again +Sports,Palmeiro signs one-year contract with Orioles +Sports,Ft Chelsea 1 West Ham 0 +Sports,Bonds #39; 700th home run ball fetches 800 grand but legal battle <b>...</b> +Sports,"Ann Heisenfelt, AP" +World,Japan looks for int #39;l help to free Japanese hostage +Business,Conference Board reports lower confidence in October +Business,Fed Reports Continuing Economic Growth +Business,"Update 2: JC Penney Taps Former Macy #39;s, LVMH Head" +Business,Hollinger deal with Conrad Black +Business,DreamWorks Animation IPO Raises \$812 Mln +Business,DreamWorks Animation IPO Raises #36;812 Mln (Reuters) +Sports,Favres Fight Year of Hardships (AP) +Sports,Phillies Consider John Russell for Manager (AP) +World,"Arafat 'Very Sick,' Palestinian Leaders Summoned" +Sci/Tech,Watchdogs: Broadband policy a bust +Sci/Tech,"Bush campaign cuts website off from foreign access for ""security reasons"" (AFP)" +World,"Afghanistan set to regain ""land bridge"" role for Asia: US (AFP)" +World,"Earthquake Hits Romania, No Reports of Casualties" +Sci/Tech,"Ask Jeeves Third Quarter Profit Up, But Stock Falls (Reuters)" +Sci/Tech,"Americans a Bit Taller, Much Heavier, Report Says (Reuters)" +Sci/Tech,MySQL calls open source database enterprise-ready +Sports,Phoenix exercises option on Amare Stoudemire (AFP) +Business,Marsh ex-CEO exercises stock options +Business,New Zealand interest rates lifted for sixth time this year +Sci/Tech,Bush website inaccessible from Australia +Sci/Tech,Moon to disappear Wednesday night - temporarily +Sci/Tech,Yahoo Search Goes Mobile +Sci/Tech,SGI Takes Off With NASA Supercomputer +Sports,Vikings #39; Moss practices despite hamstring injury +Sports,RB McGahee earns Bills starting job +Sports,Bremen come from behind to stun Stuttgart +World,Japan hostage faces execution +Business,Google Plans To Acquire Keyhole +Business,"Stocks Rally on Oil, Economic News" +Sci/Tech,Weaned on Video Games +Sci/Tech,Wednesday Night Features Full Lunar Eclipse +Sci/Tech,Preminet: Nokias Mobile Content Move +Sci/Tech,"Plugging Into the Net, Through the Humble Wall Outlet" +Sports,Red Sox retrospective +Sports,O #39;s ink Palmeiro to one-year deal +Sports,Moss goes through Vikings morning walkthrough +Sports,McGahee earns Bills starting job +Sci/Tech,When the Big-Game Ticket Is Just a Big Fake +Sci/Tech,The IPod's New Trick: Photo Show +World,Sharon savours victory for Gaza pullout +Sci/Tech,Scampering to the Height of Fashion +Sci/Tech,MySQL calls open source database enterprise-ready (InfoWorld) +Sports,Mets Interview Riggleman for Managing Job +World,Haitians Say Police Killed 13 in Pro-Aristide Slum +Business,"Boeing profit up 78 percent in quarter, upbeat on 2005" +Business,OPEC President Urges US To Tap Oil Reserves +Business,Summary: Wall Street #39;s Major Indexes +Sci/Tech,Foreigners Blocked From Bush Site +Sci/Tech,Ballmer: Windows TCO the way to go +Sci/Tech,Intel Launches Storage Processor +Sports,Calderwood #39;s added time quandary +Sports,Bills look to McGahee for a spark +Sports,Safin gets free ride +Sports,BREMEN FOIL STUTTGART RISE +World,REGION: EU and Iran fail to reach nuclear deal +World,British troops start perilous Iraq mission +Sci/Tech,Out with the old at EDS +World,Powerful blast rocks Bordeaux city hall (AFP) +Sci/Tech,Day from Hell May Have Killed Off Dinosaurs (Reuters) +Business,DreamWorks Animation IPO Raises \$812 Mln +Sci/Tech,Cassini Takes A Close Look At Saturns Moon Titan +Sci/Tech,Bush campaign site blocks traffic from abroad +Sci/Tech,1572 AD Explosion Supports Supernova Theory +Sports,Celtic are rocked by Stewart +Sports,Tennis quote provides food for thought... +Sports,"Prediction: Georgia Tech 23, Virginia Tech 20" +Sports,Patience pays off for Kezman +World,Real-life rescue played out on TV +Business,UK report says Linux is 'viable' +Sci/Tech,PayPal Makes Amends for Recent Outage (AP) +Sci/Tech,PDA Sales Continue to Drop (PC World) +World,Earthquake Shakes Romania; No Injuries (AP) +Sci/Tech,Saturn #39;s moon Titan holds mysteries despite close Cassini flyby +Sci/Tech,Jobs unveils Apple #39;s Photo iPod +Sci/Tech,Look to the sky tonight for eclipse +World,Hain hit with eggs in hunt demo +Business,Cingular keeps BBDO Atlanta +Sci/Tech,Two Wireless Broadband Standards Get A Boost +Sci/Tech,SanDisk Intros New Memory Sticks and SD Cards with World #39;s Largest <b>...</b> +World,African Union to finalize security protocol on Darfur crisis +Business,Fall in oil price provides welcome boost for Wall Street +World,Developments concerning Iraq +World,Trapped toddler freed four days after Japanese quake +Sports,Red Sox Go for World Series Sweep Tonight +Sports,Mississippi State Penalized for Football Violations +Business,Mondavi Posts Loss After Restructuring +Business,Market spurts ahead after RB brings tightening to end +Business,PDA Sales Continue to Drop +Sci/Tech,Cassini probe reveals detailed images of Saturn #39;s largest moon +Sports,Arsene Wenger the Arsenal years +Sports,IOC warns against venue delays +Sports,"Palmeiro, Orioles reach terms" +World,Arafat Collapses As His Health Worsens (AP) +World,Martin shuts down nomination battles to avoid repeat of bitter Liberal fights (Canadian Press) +Sci/Tech,Scientists Find Prehistoric Dwarf Skeleton (AP) +Business,"In Last-Minute Deal With Union, Delta May Avoid Bankruptcy" +Sci/Tech,Pitcairn +Sci/Tech,"Sony PSP to cost surprising 20,790 yen, hit shelves Dec. 12" +World,Doctors and wife rush to side of #39;unconscious #39; Arafat +World,Vietnam official on rape charge +World,US voters 'going online for news' +Business,Growth continues despite oil price hike +Business,Fed Reports Continuing Economic Growth (AP) +Sports,10-Men Bremen Stun Stuttgart +World,"Pull charity out of Iraq, pleads Hassan in new video" +Sports,Cashman Admits Pulling for Sox +World,Cdn Islamic Congress rejects president's offer to resign; police launch probe (Canadian Press) +World,Asthma risk set during pregnancy +Sports,"GAME DAY RECAP Wednesday, October 27" +World,Group vows revenge in Thailand +Sports,Tomlinson Expects to Play Against Raiders (AP) +Sports,Boston's Epstein on Verge of First Title (AP) +Sports,Burns Making Progress in Cancer Fight (AP) +Sci/Tech,Cassini Unveils Pictures of Saturn's Moon (AP) +Sci/Tech,News.com Extra: Experts warn of Net flu vaccine scam +Business,Nikkei Up Despite Weak Output Data +World,Mideast upheaval may be welcome +Sci/Tech,Google Buys Digital Mapping Company (AP) +World,Soldiers rush supplies to storm-hit Filipinos +Business,Defence firms cash in on war on terror +Business,DreamWorks Expected To Get Big Reception on Wall Street +Business,US approval for kidney dialysis drug offers timely relief for <b>...</b> +Business,Hollinger offers Black \$100m deal +Business,"Delta, Pilots Reach Tentative Agreement on Wage Cuts (Update1)" +Sci/Tech,Digital Assistants Continue to Lose Ground (AP) +Sci/Tech,UA researchers work on Cassini project +Sci/Tech,Sony aims low with new console +Sci/Tech,Ontario Warns Against Grand Theft Auto Game +Sci/Tech,Review: a Flat Panel That's Also Deep (AP) +World,"PM backs curfews, booze bans" +World,Palestinian officials rush to bedside of ailing Arafat +Business,Unilever admits to weak results as sales fall +Business,Investor tries to block Abbey deal +Sci/Tech,Google Grabs 3-D Mapping Startup +Sci/Tech,Stellar Survivor From 1572 AD Explosion Supports Supernova Theory +Sports,Celtic hit by Dons in full spate +Sports,Union Challenges NFL Revenue Plan +World,Palestinian Icon Yasser Arafat 'Very Sick' +Sci/Tech,palmOne Enhances Treo Smartphone but Challenges Remain +Sci/Tech,Stargazers Enjoy Total Lunar Eclipse (AP) +Sports,Magic Beats Heat in Preseason Finale (AP) +Sports,Watson Declines Post +Sports,New Running World +Sports,"Owens, Lewis Explain" +Sports,Cost Estimate Jumps +Sports,Graham Lauds Mr. O'Brien +Sports,Beamer Sees Gains +Sports,Upshaw Wants Changes +Sports,Marine Wives Rally +Sports,It's All in His Head +Sports,A Lot on the Line +Sports,Suns Extend Stoudemire +Sports,Ace in the Hole +Business,Wall Street stocks rise on hopeful crude and economic reports +Sports,NHL negotiators discuss non-labour issues +Sports,India fall flat as tourists seek a winning note +World,Arafat #39;s Health Reported to Have Turned Sharply Worse +World,Thailand urged to probe protesters #39; deaths +World,Iran Pursues Uranium Enrichment And Nuclear Weapons +World,Statements by Powell About Taiwan Provoke a Diplomatic Dispute +World,Russia Charges 3 Policemen with Negligence in Beslan Hostage <b>...</b> +Business,Nikkei Rises as Oil Sags +Sports,Mets Will Consider Leyland if He's Interested +Sports,Sao Caetano Defender in Critical Condition (AP) +Business,"Delta Reaches Deal With Pilots, Averting Chapter 11 Filing" +Business,Oil Prospecting Under Kremlin Watch +Business,Finding the Future in an Old Industry +World,Paper peace doves fall over southern Thailand as violence <b>...</b> +Business,Report: Delta Reaches Deal with Pilots +Sports,Lowe Shutting Out Cardinals Through Six Innings +Business,Australia #39;s WMC Resources Receives Bid From Xstrata -2- +Sci/Tech,Mysterious Moonscape Seen on Saturn #39;s Titan +Sports,Hosts kick off 2006 finals +Sports,McGrath celebrates 100th Test by punishing India #39;s top order +World,Black Watch Begins Its Long Trek North +World,Muslim cleric Bashir on trial again in Indonesia +World,China to punish embassy intruders +Sci/Tech,SBC Offers #36;19.95/month Broadband to New Customers (Reuters) +World,Trial of Radical Cleric Bashir Starts in Indonesia +World,"Fallujah Talks, and Battle Planning, Continue" +World,India's Ex-Foreign Minister Assails Powell +World,Sao Caetano Defender in Critical Condition +World,Brazil Raids Kroll Offices in Spy Probe +Business,Delta reaches pilot deal: report +Business,Quarterly Profits Rise for Cox and Comcast +Business,Black gets share of Telegraph windfall +Business,Ex-Macy #39;s Executive to Lead JC Penney +Sci/Tech,Ballmer confronts Linux head-on +Sci/Tech,Violent game #39;s poster falls to gentle request +Sports,Upshaw: Players Want a New Deal +Sports,NBA Game Summary - Phoenix vs. LA Lakers +World,Japan Earthquake Rescuers Work to Free Girl (Reuters) +World,Palestinian official denies committee to act for ailing Arafat +World,Iran nuclear talks report progress +World,Prithvi #39;s naval variant is successfully test-fired +Sports,NBA Suspends Four After Bulls-Wizards Fight +World,Indonesian Muslim cleric Bashir claims innocence ahead of terror trial (AFP) +World,Philippine flood victims lose hope as storm nears +Sports,Bucks Beat Timberwolves 76-75 at Buzzer (AP) +Business,MARKET PLACE DreamWorks Animation Raises \$812 Million +Sci/Tech,Stargazers Enjoy Total Lunar Eclipse +Sports,Inter draw with lecce while AC Milan crash Atlanta +Business,Crude Oil Falls for 2nd Day on Larger-Than-Expected Supply Gain +Business,IEA Urges Governments Worldwide to Rethink Energy Policy +Business,Dollar stronger at noon +Business,Kidney drug approval gives Shire some breathing space +World,Indonesian cleric on trial for terrorism +World,Iran Threatens to End Nuclear Talks +World,Blair admits British troops may stay in US area for months +World,"US secretary of state clarifies position on Taiwan, China <b>...</b>" +Sci/Tech,News: New Caller I.D. spoofing site opens +World,Putin to youth: Take relations to greater heights +World,Two Moderate Earthquakes Hit Taiwan (AP) +World,Clinton Feels 'Distant' From Election (AP) +World,Insurgents #39; Attacks Kill at Least 26 Iraqis +Business,WMC turns down Xstrata takeover bid MELBOURNE (Reuters) - Oct 28 <b>...</b> +Business,Shire wins US approval for kidney disease drug +Business,Stocks extend rally for a second session +Sports,Football: Aberdeen beat Celtic 3-2 via last gasp goal +Sports,This Date in Baseball for Oct. 28 (AP) +Sports,A New-Age General Manager Helps End an Age-Old Curse +Sports,Union Challenges N.F.L. Revenue Plan +Sports,Cardinals Fall Flat in Stunning Sweep (AP) +Sports,Spurrier Back at Fla.? +Sci/Tech,"Web Feeds, Blogs Search Engines" +Sci/Tech,Yahoo! follows Google on Mobile Services +Sports,"Payton out with broken thumb, expected back for opener" +World,At Least Five Dead in Russia Mine Blast +World,Howard seizes Australia's Senate +World,Baseball: Boston win World Series +Business,Oil Extends Slide After Stockbuild Drop (Reuters) +Business,Report: Delta Reaches Deal with Pilots (Reuters) +Sports,"Red Sox Lift Championship, Bury Curse" +Business,"MarketWatch, Web News Site, Is Up for Sale" +World,Red Sox Erase 86 Years of Futility in 4 Games +Sci/Tech,Cassini probe #39;s first flyby of Titan reveals some surprises +Sci/Tech,Dell Elevates SuSE Linux +Sci/Tech,Soyuz Capsule Lands on Kazakhstan Steppe +Sports,Cole Continues to Shine +Sports,UPDATE 1-Wenger extends Arsenal contract until 2008 +Sports,UPDATE 2-Fleming completes second test double century +World,"Keeping Our Priorities Straight in Afghanistan, by Ted Galen <b>...</b>" +World,Indonesian Court Opens Bashir Terror Trial +World,New 'yob' targets to be unveiled +Business,Business as usual for ATA despite bankruptcy filing +Business,Energy Costs Crimp Economy +Business,Study Backs Systems to Aid Auto Stability +Business,"Delta, Pilots Come to Tentative Agreement" +Business,Xstrata Offers A\$7.4 Billion for WMC Resources to Add Nickel +Business,"Unilever stalls, P amp;G surges" +Business,First Enron Fraud Trial Nears End +Sci/Tech,Ballmer argues against Linux +Sci/Tech,SBC lowers broadband prices for new customers +Sports,Ready to lead a Gator nation +Sports,"Bonds #39;s 700th? Not Priceless: It Fetches \$804,129 In Internet <b>...</b>" +Sports,Aussies take solid lead in third test as Tendulkar struggles +World,Kidnapped British Woman Begs for Life +Sports,Manny Ramirez Wins World Series MVP (AP) +World,"Arafat 'Very Sick,' Foreign Medics Summoned" +World,Korean Nuclear Talks May Convene in November +Business,Oil prices fall after US report +Business,Cracking the Insurance Biz Wide Open +Business,"Despite Scandals, Boeing Still Wins Wall Street #39;s Favor" +Business,A Hollywood Play For Dreamers Only +Sci/Tech,Apple Has a Virus? Congratulations! +Sci/Tech,Stargazers View Lunar Eclipse +Sports,"Tennis: Nalbandian, Massu and Henman advance" +World,Iranian Leader Rules Out Halt in Uranium Enrichment +World,Margaret Hassan Again Pleads for her Life +Sports,Frustrated Cardinals Can't Hit in Series Loss to Sox +Sports,Frustrated Cardinals Can't Hit in Series Loss to Sox (Reuters) +World,Japan races against clock to secure release of hostage in Iraq (AFP) +World,"Russian Mine Blast Kills 10, Injures 30" +Business,"Delta, pilots reach tentative deal" +Business,Revenue growth of 8 stronger than expected +Business,Fonterra proposal is quot;bird in the hand quot; +Sci/Tech,Saturn mission beams back first images of Titan +Sci/Tech,Apple iPod Photo and U2 Partnership +Sci/Tech,Sony announces dates and prices for new gaming devices +Sci/Tech,Earth #39;s Shadow Completely Covers The Moon +Sports,Eleven Fans Arrested after Chelsea-West Ham Game +World,Relatives Seek Bodies of Thai Muslim Demonstrators +World,Iranian Leader Rules Out Halt in Uranium Enrichment +World,Brazil Makes Arrests After Kroll Raids +World,European Shipbuilders Mull Mergers (AP) +Sports,"Baseball-Red Sox Lift Championship, Bury Curse" +Sports,NBA Game Summary - Miami At Denver +World,U.S. Air Strike on Iraq's Falluja Kills Two (Reuters) +Sports,Ga. Tech #39;s defense buzzing again after wins +Business,Study Shows Stability Systems Cut Crash Risk +Business,"Talks Between D.C. Hotels, Union Still in Deadlock" +Business,Washington Contractors' Sales Increase +Sports,Red Sox Erase Curse With First World Series Title Since 1918 +Sports,Kezman is mobbed after scoring. (Getty Images) +Sports,Gary Megson is disappointed being dismissed so fast +Sports,Penalty call lifts United to key win over Arsenal +Sports,Slow and steady ruins the race +World,Indonesia #39;s Bashir retrial gets underway +World,"Japan Unable to Contact Kidnappers to Negotiate, Koizumi Says" +Sci/Tech,Web TV Tries to Seize New Territory +Sci/Tech,Professor Deconstructs Dot-Com Bombs +Sci/Tech,Nanotech Group Beset by Defections +Sci/Tech,Mysterious Moonscape Seen on Saturn's Titan +Business,Oil prices fall after US report +Business,Update 8: Delta Reaches Tentative Pact on Pilot Deal +Business,Check 21 brings quick clearance to written drafts +Business,Update 3: DreamWorks Animation Seeks Splashy Debut +Sci/Tech,BAY AREA Skywatchers awed by total lunar eclipse +Sci/Tech,Sender-ID Back from the Dead +Sci/Tech,New MySQL Good To Go +Sports,Chelsea #39;s Kezman struck by missile +Sports,"Bonds #39; 700th home run ball: It #39;s going, going, gone for \$804,129" +Sports,"Australia Dismisses India for 185, Leads By 213 in Third Test" +World,Iran to respond over nuclear freeze +World,Discrepancy Found in Explosives Amounts: ABC News (Reuters) +World,Ten reported dead in Russian mine blast (AFP) +Business,Opec begs US help to calm oil market +Business,Australia #39;s National Foods rejects Fonterra bid +Sports,Baseball ball sells for \$1m +World,3 killed in Fallujah attack +World,Summary: Uncertainty Over Iraqi Explosives (AP) +Business,UK house prices 'fell in October' +World,Powell clarifies no change in US cross-strait policy after protests (AFP) +World,"Kerry, Bush scramble for votes (AFP)" +Sports,Nitties shows the right mettle +World,DreamWorks flotation makes \$812m +Sports,Bonds not as dumb as he appears +Sci/Tech,Creative Technology reports sharp drop in quarterly net profit (AFP) +Business,Energy Costs Crimp Economy +World,Japanese peace envoy in Sri Lanka +Sports,Singh Gears Up to Finish With 10 Wins (AP) +Business,Oil prices fall to \$51.97 +Business,SEC #39;s hedge fund debate intense +Business,Australia #39;s WMC rejects Xstrata bid +Sci/Tech,Bush campaign site inaccessible abroad +Sci/Tech,Red sky at night a lunar delight +Sci/Tech,Sandisk releases flasher flash cards +Sports,UPDATE 1-Five-wicket Gillespie puts Australia in control +Sports,Brazilian championship matches stopped for minute of silence after <b>...</b> +Sports,Mets: Interviews continue for Minaya +World,Sharon #39;s bold move in Gaza +World,"Arafat in Serious Condition, Foreign Medics Summoned" +Sports,49ers' First-Round Picks All Struggling (AP) +World,Brussels crisis to cloud EU constitution ceremony (AFP) +Sports,North Texas Backup Nation's Leading Rusher (AP) +World,Japan in Dark as Iraq Hostage Deadline Nears +Sci/Tech,Titan Photos Mystifying Scientists +Sci/Tech,A New Rule of Cursor Control: Just Follow Your Nose +Business,Military Buoys Profit at Defense Firms +Business,Telefonica rejects 2 bln euro bid for TV show unit: rpt +Sports,Red Sox sweep Cardinas to win first crown since 1918 +Sports,Khan hits back for India +Sports,NASCAR glance +Sports,Sao Caetano player collapses and dies during Brazilian <b>...</b> +Sports,Brown Packs Pint-Sized Wallop for Georgia (AP) +World,"Romania-Centered Quake Rattled Turkey, Moldova, Ukraine" +World,U.S. Elections Has Seized Global Attention (AP) +Business,Delta #39;reaches cost-cutting deal #39; +Business,Boeing and Northrop Say Profits Jumped in Quarter +Sci/Tech,Google buys satellite image firm Keyhole +Sports,2003 champ is Classic favorite +World,House Redistricting Schemes Not Perfect (AP) +Sports,No More '1918' Taunts for Lowe to Hear (AP) +World,Small Blast Rocks Mayor's Office in France (AP) +World,Annan Urged to Report Sudan Deaths Daily (AP) +Sci/Tech,Mandrakesoft Ships Upgrade of Linux OS (TechWeb) +Sci/Tech,"Disaster Toll Tripled in 2003 Amid Quakes, Heatwave (Reuters)" +Business,UPDATE 1-Delta Air #39;s pilots reach tentative agreement +Business,Oil prices fall nearly 5 to below \$53 a barrel +Business,Strong defense unit buoys Boeing #39;s profit +Business,US #39;big-ticket #39; orders rise +Business,Study: Stability control systems can reduce fatal accidents +Business,THEY CUT ME OUT +Business,Stocks surge on news about oil prices +Business,Audits of CRA call for reforms +Business,"UPDATE 5-STATS swings to Q3 net loss, sees losses in 2005" +World,Concern grows over ailing Arafat +Sci/Tech,Cassini spacecraft images of Saturn #39;s moon befuddling +Sci/Tech,"Microsoft offers insurance Linux can #39;t, Ballmer says" +Sci/Tech,MIKE WENDLAND: It #39;s an uphill battle to topple Google +Sci/Tech,"Disaster Toll Tripled in 2003 Amid Quakes, Heatwave" +Sci/Tech,UMC: 2005 capex focused on 12-inch capacity ramp +World,EU boss considers several changes +Sports,FA probes Stamford Bridge trouble +Sports,FOOTBALL: DONS PUT BHOYS IN A STEW +Sports,WENGER GUNNING FOR MORE GLORY +Sports,"Baseball: Bonds 700th homer ball nets 804,000 dollars" +Sports,Potent arsenal +Sports,PGA numbers game +World,Health of Arafat said to deteriorate +World,Buried toddler survives +World,PLEASE DON #39;T BRING THE TROOPS TO BAGHDAD ..PLEASE RELEASE THE <b>...</b> +World,Russia ratifies Kyoto Protocol +World,Police defies court and deports S.African unionists +Business,"Despite uncertainty, taxpayers should" +World,A Leap at Freedom for Afghan Wives +World,"Brazilian Police Raid Kroll, Make Arrests" +World,Band Aid single poised for No 1 +World,Love must stand trial for assault +Business,A wake-up call +Business,Marsh Mac's \$845m hole +Business,Novartis to share diabetes research +Business,"Stocks rally, end above 10,000" +Business,Hurricanes fail to dampen economy +Business,Oil prices fall nearly 5 to below \$53 a barrel +Business,"Delta, pilots union agree to concessions package" +Business,"Software firm to expand, add jobs" +Business,High-tech CEO is bullish on region's economic future +Business,Voters OK tax break for technology park +Business,Two tech firms grow by acquisitions +Business,Rise in oil stocks drives prices down +Business,Royal Dutch/Shell merges companies +Business,Elan Corp. Reports Widening 3Q Loss +Sci/Tech,Quarter of Bulgarians Ignorant of Internet-Report (Reuters) +Sci/Tech,UMC posts 160 surge in earnings +Sports,Kezman nearly blinded by thugs +Sports,Haywood suspended 3 games +Sports,MINNESOTA SPLATS +World,Yasser Arafat #39;very sick #39; +World,Report: Iraqs Ramadi province near chaos +World,Russia #39;s Parliament ratifies Kyoto +World,New Bush administration may tilt in Beijing #39;s favor +World,"In Slovakia, the Roma stir change" +World,"With its cellphones, 3d World shrinking" +World,"Advice, facts a call away in Vietnam" +World,EU's Barroso pulls commission +World,Health of Arafat said to deteriorate +World,"On island, scientists unearth modern humans' tiny cousin" +World,Japan urges Iraq hostage's release +World,British troops in Iraq begin redeployment +World,Gunmen kill Iraqis working for US +Sports,YES!!! +Sports,ON TOP OF THE WORLD +Sports,From foremost to footnote +Sports,Global attraction +Sports,Schilling checks in with some heaters +Sports,Heart of order had no pulse +Sports,Big brother was Brett's inspiration +Sports,The possible dream +Sports,Nixon's gamers end frustration +Sports,"For Epstein, actions speak just as loud as words" +Sports,Now the tears are of joy +Sports,End of Series will bring a lot of questions +Sports,"Again, the winners were happy followers of Damon" +Sports,Time to say thanks for job well done +Sports,Punter Miller a return man this week +Sports,Rehabbing receivers are catching up +Sports,Broken thumb sidelines Payton +Sports,College football game on TV +Sports,Gold Helmet winners +Sports,Smith still feels sting +Sports,They've hit a rough patch +Sports,Madison Park snags a deadlock with Jets +Business,Boeing earnings jump 78 +Sports,Red Sox Fans Exult at End of World Series 'Curse' (Reuters) +Sci/Tech,Russia postpones launch of new space booster +Sports,Arsenal Football Club and Manchester United Football Club hold <b>...</b> +World,Ailing Arafat joins Ramadan prayers +World,China Plans Renovation of Forbidden City (AP) +Sports,Cyclocross is making inroads +Sports,Sports Calendar +Sports,NASCAR driver Spencer is fired +Sports,Zito taking shot at triple crowning +Sports,At odds with oddsmaker +World,Digital sales honour for OutKast +Business,Stox #39; surge fueled by dip in oil prices +Business,DreamWorks #39; initial offering pulls in 812M +Business,Shell and ICI lead FTSE charge +Business,"Nortel: Once More, with Filing" +Sci/Tech,AMD Geode Personal Internet Communicator launched +Sports,The Countdown Begins +World,Arafat Prays as Israel Prepares for his Death +World,Barroso opts for last minute #39;face saver #39; +World,French Soldier Threatens to Blow Up Explosives +World,Car Bomb Hits U.S. Patrol in Iraq; 2 Dead (AP) +Sci/Tech,Report: 'Huge Fortune' Spent on Media Influence (Reuters) +World,"Kurdish Rebels Ambush Turkish Troops, One Dead" +Sports,Cursed No More +Sci/Tech,Simulating Psychosis II: Virtual Unreality +Sports,Hosts Germany to kick off 2006 World Cup +World,Al Qaida suspect goes on trial +World,13 killed in Siberian mine explosion +World,THE MYTH OF THE #39;MISSING EXPLOSIVES #39;: A SHAMELESS LIE +Business,Royal Dutch/Shell Reports Earnings Double +Business,"Update 5: Volkswagen, Workers Head Into More Talks" +Sci/Tech,Cassini flyby gives little news on Titan +Sci/Tech,Google vs Yahoo: Battle moves to the mobile +Sci/Tech,That Steve Ballmer Linux memo in full +Sci/Tech,Report lauds locals #39; help in disasters +Sports,AGASSI BACK ON TRACK +Sports,Germany to play the 2006 WC opener match +Business,Royal Dutch/Shell Unifies +World,"Indonesia indicts Ba #39;asyir with Bali, Marriott bombings" +World,Turkey is the 113rd in RSFs Freedom List +World,Sudanese governor accuses rebels of rape +Business,Honda profits drop as sales start to sag +World,Nigerian Protection Force Leaves for Darfur (Reuters) +World,U.S. Bombs Suspected Rebel Site in Iraq (AP) +World,Heat may have killed Briton found dead in Australian outback: police (AFP) +Sci/Tech,Macs under attack ... kind of +Sports,Kaneira strikes twice against Sri Lanka +World,Judge adjourns Ba #39;asyir #39;s trial until Nov. 4 +World,Moving toward peace in the Middle East +World,IRAQ U.S. Air Strike Kills Two in Iraq's Falluja +World,Nigerian Protection Force Leaves for Darfur +World,Ivorian paper vendors 'attacked' +World,IRAQ U.S. Air Strike Kills Two in Iraq's Falluja (Reuters) +Business,Xstrata Offers A\$7.4 Billion for WMC to Add Nickel (Update4) +Business,Nortel Networks fait le point sur sa situation +Sci/Tech,Panda playground in Wolong unwired +Sports,FA investigate Stanford Bridge crowd chaos +World,SCOTS IN THE FIRING LINE: PIN-UP AND A AT #39;EM BOYS +Sci/Tech,The Force is strong in Battlefront +World,Mideast lull presents new chance for peace +Business,Oil Extends Slide After Crude Build Slump +Business,Royal Dutch/Shell Unifies (Reuters) +World,Blast at Russian mine kills 13 in industry's latest disaster (AFP) +Business,"Eurozone economy awash with liquidity, M3 money supply data show (AFP)" +Business,Mining firm rejects Xstrata bid +World,Three Foreign Poll Workers Kidnapped in Kabul (Reuters) +Sci/Tech,NEC posts higher net profit in first half but lowers forecast (AFP) +World,Australian Govt. in Control of Both Houses (AP) +World,Three Foreigners Kidnapped in Afghanistan +World,Pakistan Court Again Delays Pearl Case Hearing +World,Cycling: Tour de France changes +Business,Fewer Pledge to Swap Votes +Business,Shell to scrap twin board structure +Business,Faster check-clearing benefits all of us +Business,Boeing net surges 78 to \$456 mil. +Business,Volkswagen Reports Seventh Quarterly Profit Decline (Update1) +Business,Gold Fields cheers #39;solid #39; performance +Business,Google Improves Local Search With Map Company Buy +Sci/Tech,Apple stock hits four-year high +Sci/Tech,Moon #39;s eclipse like a #39;rusty ball #39; +Sports,"Denver will do the Dew - Action Sports Tour, that is" +World,Taiwan #39;Traditionally Benefits #39; With Republicans in White House +World,The Economist favours Kerry in US presidential vote (AFP) +World,Coronation Begins for Cambodia's New King (AP) +World,"Arafat in Serious Condition, Foreign Medics Arrive" +Sci/Tech,"You Broke It, You Fix It" +Sci/Tech,Bio Data-Cruncher Hits Jackpot +Sci/Tech,When Hilary Met Larry +Sci/Tech,Titan Surface Still a Mystery +Sci/Tech,Lexmark Loss Good for Consumers +Sci/Tech,Internet Users Want a Voice +Sci/Tech,Lost Tribe of Little People +Sci/Tech,Foreigners Blocked From Bush Site +Sci/Tech,English elm 'brought by Romans' +Sci/Tech,Astronomers chart asteroid threat +Sci/Tech,Abortion row fears over eye cure +Business,Shell buoyed by hopes for heftier index weighting +Business,"2nd UPDATE: Xstrata Bids A\$7.4B For WMC, Rivals Circle" +Business,Google buys online map provider +Business,New German business wave in Asia takes shape +World,Election Workers Kidnapped in Afghanistan (AP) +Business,NY Seen Steady as Oil Prices Slip Further +Sci/Tech,Titan close-up only adds to mystery +Sci/Tech,PSP SCE MMO - OMG! +Sci/Tech,Bush can #39;t hide from UK surfers +Sci/Tech,Microsoft #39;s Ballmer tells customers to stick with Windows +Sci/Tech,"AMD, Tata launch Internet Communicator" +Sports,KLINSMANN HAPPY WITH FIFA +Sports,Singh gears up for big finish +World,Blast at Russian mine kills 13 in industry #39;s latest disaster +World,China welcomes Russian approval of Kyoto Protocol +World,Powell clarifies no change in US cross-strait policy after <b>...</b> +World,People want to see a resolution of the Kashmir issue: Musharraf +World,European Stocks Rise as Oil Slips (Reuters) +World,Commonwealth chief meets Indian foreign minister (AFP) +World,Red Cross slams 'misguided aid' +Sports,Jones #39; Sydney medals safe +Sports,Pesky's patience rewarded +Business,Update 10: Crude Oil Prices Slide Further +Business,DreamWorks Animation sets IPO at \$28 +Business,German automaker Volkswagen reports drop in net profit (Updated <b>...</b> +Business,Telefnica rejects bid for maker of Big Brother +Business,Payments rule is one small step in automating banks +Sci/Tech,Sony profits down as rivals up +Sci/Tech,Ballmer launches selective attack on Linux IP protection +Sci/Tech,SGI and Nasa Claim Supercomputer World Record +Sports,Boston baying at moon +Sports,Megson drafts in lawyers to settle contract +Sports,"Davidoff Swiss Indoors, Basel" +Sports,A Classic NY battle +World,"Russian Coal Mine Explosion Kills 13, Injures 23, Ministry Says" +World,US Airstrike on Fallujah Kills 2 +World,MARGARET IN NEW TAPE PLEA +World,DaimlerChrysler Posts #36;1.27B Net Profit (AP) +Sports,FA launches investigation after Stamford Bridge trouble +World,Sri Lanka in trouble against Pakistan in Karachi Test (AFP) +World,Israeli Troops Kill Palestinian Girl -- Witnesses (Reuters) +Business,Shell Scraps Dual Ownership +World,Mideast May Again Become Major U.S. Issue (AP) +Sci/Tech,MicroStrategy Profit Lights Fire Under Stock +Sci/Tech,Former cybersecurity czar: Code-checking tools needed +Business,Delta pilots agreed on cost saving package +Business,Fed finds economy growing in survey +Business,WMC turns down \$5.5bn Xstrata bid +Business,Upbeat Boeing lifts profit forecasts +Sci/Tech,New U2 iPod Released +Sci/Tech,Sony PSP: December 12th 2004 \$185 +Sci/Tech,An Unearthly Ball of Rust in the Sky +Sci/Tech,OutKast tops first digital-music sales awards +Sci/Tech,Temps de lecture estim +Sports,Langer goes after tea +Sports,"Magic send Shaq message, 109-103" +World,Federation Council ratifies Kyoto treaty +Business,Encouraging news on economy +Business,European Stocks Rise as Oil Slips +Sci/Tech,Yahoo launches mobile web search +Sci/Tech,OutKast take digi-download crown +World,Japan appeals for hostage #39;s release +World,Alleged Terror Leader Goes On Trial In Indonesia +World,UK student fraud hits record level +Sports,Ramirez MVP of Red Sox Team Full of Valuable Players (Reuters) +Business,Gridlock at ports may dock retailers (USATODAY.com) +Sports,Red Sox Fans Finally See Team Win Title (AP) +Business,Harmony #39;s hostile takeover bid sparks court challenge in South <b>...</b> +Sci/Tech,Linux Cauldron Gets Another Stir +Sci/Tech,Grand Theft Auto: San Andreas +Sports,Australia Leads by 300 in Test After Dismissing India for 185 +Sports,Anglo-American hope for Leeds +Sci/Tech,Google Buys Digital Mapping Company +Sci/Tech,New Web Domain Names Get Preliminary Nod +Sci/Tech,Digital Assistants Continue to Lose Ground +Sci/Tech,OutKast Tops Digital-Music Awards +World,Crisis in new EU member Latvia after government resigns (AFP) +Business,Raytheon Posts Third-Quarter Net Profit +Business,Dow Chemical Third-Quarter Profit Surges +Business,Viacom Posts Third-Quarter Net Loss +Business,ImClone Posts Profit on Erbitux Sales +Business,Stocks to Watch on October 28 +Business,Black in windfall compromise deal +Business,Dow Chemical Third-Quarter Profit Surges (Reuters) +Business,JetBlue Profit Down 71 Percent (Reuters) +Business,JetBlue Profit Down 71 Percent +World,Sri Lanka upset over monk search +World,Armed Group Claims to Have Iraq Explosives (AP) +Sci/Tech,Verizon Third-Quarter Profit Flat (AP) +Business,Verizon Posts Flat Third-Quarter Earnings (Reuters) +Business,"Ovitz, Eisner Relationship Spotlighted in Disney Suit" +Business,Big-ticket orders edge up 0.2 as sales of new homes surge +Business,Imclone Posts 3Q Profit on Erbitux Sales +Business,Update 1: Volkswagen Reports Drop in Net Profit +Business,Group backs anti-rollover device +Business,"JC Penney names new chairman, CEO" +Sci/Tech,Bush site restricted to foreigners +Sci/Tech,"Now, Yahoo search on mobile" +Sci/Tech,Stargazers enjoy eclipse +Sci/Tech,AMD Personal Internet Communicator Launched +Sci/Tech,ICANN moves closer to approving .post and .travel suffixes +Sci/Tech,"NTT DoCOMo, IBM and Intel team up to secure mobile devices" +Sci/Tech,SAP and HP to offer hosted ERP +Sci/Tech,MoD to save 600m with EDS #39; admin system +World,"Sumitomo files new suit in bid to halt UFJ, Mitsubishi Tokyo merger (AFP)" +Sports,Henman proves he #39;s far from deficient in Basel +Sports,Pak #39;s second string seamers restrict Sri Lanka +World,Arafat Seriously Ill but in Stable Condition +World,Sharon wins Gaza test +World,Iran stays firm on nuclear curbs +World,UK troops on way to Baghdad: Japan rejects militants #39; threat +World,Viewpoint: #39;Margaret Hassan must be released #39; +World,(196) 28-October-2004 - President challenges bishops on morality <b>...</b> +Business,Martha Stewart Living Omnimedia Has Loss +Business,Aetna Earnings Rise as Membership Rises +Sci/Tech,PayPal Makes Amends for Recent Outage +Sci/Tech,Europe likely to opt for biometric passports +Business,ImClone Posts Profit on Erbitux Sales +Sci/Tech,Astonomers finger culprit in 1572 supernova +Business,DaimlerChrysler Operating Profit Rises +Sports,Fort Lauderdale boat show provides a boost to hotels +Sci/Tech,"Smaller, more powerful PC fuel cell is on the way" +Business,DaimlerChrysler Operating Profit Rises (Reuters) +Sci/Tech,Bush Web Site Bars Overseas Visitors (washingtonpost.com) +World,Africa Power Firms Join to Light Up Dark Continent (Reuters) +Business,Dow Chemical Third-Quarter Profit Surges +Business,"JetBlue Profit Tumbles, Misses Estimates" +Business,Exxon Profit Soars on Record Oil Prices +Sci/Tech,"ICANN moves closer to approving .post, .travel domains" +Business,"Taking in AT amp;T, Cingular is largest wireless provider" +Business,Verizon Third-Quarter Profit Flat +Business,Update 1: Sony Profits Surge for Quarter +Business,New Law Could Sink Check Writers +Business,Neptune Orient Lines Profit Up 13 Percent +World,Algeria's Most-Wanted Militant Taken Into Custody (Reuters) +Sci/Tech,Classes turn lunar eclipse into a lesson +Sci/Tech,"SAP, HP Offer Hosted ERP for Midsize Companies" +Sports,Red Sox win World Series with 3-0 win Weds. to sweep St. Louis +Sports,Magic Defeat Heat In Orlando +World,US Air Strikes Hit Al-Fallujah +Business,DaimlerChrysler Posts \$1.18B Quarterly Profit +Sci/Tech,Experts warn of Internet flu vaccine scam +Sci/Tech,Sony net profit more than doubles; Spider-Man 2 a boost (AFP) +World,IRAQ Kidnappers Tighten Screw on U.S. Allies in Iraq +World,Nigerian Protection Force En Route to Darfur +World,Algeria's Most-Wanted Militant Taken Into Custody +Sci/Tech,Moving Ideas Off Campus +Sci/Tech,Verizon 3Q Profit Flat +World,Shell Fuels Gains in European Shares (Reuters) +Business,When two become one +Business,Whitbread unveils sell-offs and savings +Business,Update 4: DaimlerChrysler Posts \$1.27B Net Profit +Business,Marvel 3Q Profit Falls but Sales Surge +Business,China raises lending rate for first time in nearly a decade +Sci/Tech,Licensing Plan Makes Microsoft a Utility Player +Sports,KHAN-AGE +World,Barroso sees clutch of changes +World,Japan Seeks Iraq Hostage Release as Deadline Nears +World,The Gaza gamble +World,"Russian Coal Mine Blast Kills 13, Rescue Efforts Over" +World,A Blog as Big as Texas +World,China welcomes Russia #39;s ratification of Kyoto Protocol +World,Resolving Kashmir with a Musharraf model +Sports,Tour De France Unveils Route for 2005 (AP) +Business,Verizon Wireless Plows Ahead +Business,DaimlerChrysler Operating Profit Rises +Business,Glaxo Sees Dip in Third-Quarter Profits +Business,Coca-Cola Enterprises 3Q Falls +Business,"Sony, Matsushita post Q2 gains" +Business,China Hikes Rates to Cool the Economy (Reuters) +Sci/Tech,Titan #39;s Big Surprise +Sci/Tech,"Apple boasts 70 of the music market, analyst asks: can it keep it <b>...</b>" +Sci/Tech,Keyhole bought by Google for 3D mapping +Sci/Tech,Microsoft #39;s Ballmer questions open source +Sci/Tech,Lunar Eclipse won #39;t happen again for four years +Sports,Garcia full of confidence +Sports,Faure: #39;Jacques was a mistake #39; +Sports,Mainers celebrate Red Sox victory +Sports,"Loss of teams, but not power" +Sports,Tour De France #39;05 Should Suit Armstrong #39;s Rivals +World,Fla. County to Replace Absentee Ballots (AP) +Business,Royal Dutch/Shell to Unify +Business,ADV: Free Anti-Virus Scan +Business,China raises rates to cool growth +Business,Loews Posts Profit vs Year-Earlier Loss (Reuters) +Sports,Irish Priest Who Disrupted Games Acquitted of Abuse +World,S Africans 'armed to the hilt' +World,Algeria 'terror leader' arrested +World,Aid rushed to storm victims +Sci/Tech,Blogs Are Great for Search Engine Ranking +Business,"Shell to become one company, scrap dual boards" +Business,Tribune Profit Stumbles on Scandal Costs +Business,Martha Stewart Living Omnimedia Has Loss +Business,Viacom Posts a Loss on Charges +Business,Check 21 will sink the float on checking accounts +Business,"Fiat third-quarter net loss rises, operating loss is slashed" +Business,CEE profits fall 20 +Business,China Hikes Interest Rates +Sci/Tech,Mobile Phone Gaming to Top #36;1 Billion in '04 (Reuters) +World,Group Claims to Kill Kidnapped Iraq Troops (AP) +Sci/Tech,Google Acquires Satellite Map Company +Sci/Tech,Photographs of the #39;World Series #39; Eclipse +Sci/Tech,Samsung claims DRAM design-win in AMD low-cost #39;PIC #39; +Sci/Tech,BYTE OF THE APPLE +Sports,Cole fires Chelsea victory +Sports,Double the delight for Fleming +Sports,Aussies pile on the runs in Nagpur +Sports,PIZZA IN OUR TIME +Sports,Sauber has no regrets signing Villeneuve +Sports,Lecce sparkle thanks to teenager Bojinov +Sports,"For openers, Curry, Davis will be on bench" +World,Intelligence reform stalls in US Congress (AFP) +World,"US soldier and at least three Iraqis killed in clashes, blasts" +World,Girl trapped 5 days after quake +World,Iraq ; Russia smuggled Saddam #39;s weapons: Report +World,Russia ratifies Kyoto protocol. +Sci/Tech,Mobile Phone Gaming to Top \$1 Billion in '04 +Sci/Tech,AMD Rolls Out Low-Cost Net Access Device in India +Business,Jobless Claims Up More Than Expected +Business,China's Central Bank Hikes Interest Rate +Business,Oil Extends Its Retreat from Record Highs +Business,Viacom Posts a Loss on Charges +Business,Shell stuns City with revamp +Business,Update 1: Viacom Posts Loss on Blockbuster Charge +Business,New Check Regulations Go Into Effect Today +World,Russia Denies Involvement in Iraq Weapons (AP) +Sci/Tech,AMD Rolls Out Low-Cost Net Access Device in India (Reuters) +Sports,Vettori destroys Bangladesh +Sports,Dons seal back-to-back Parkhead wins +Sports,Lawyer: Cop Not Responsible For Snelgrove Death +Sci/Tech,DreamWorks Animation Seeks Splashy Debut +World,Alcatel Swings to Profit (AP) +Business,Stocks Open Lower; China Rate Hike Weighs +Business,Dow Chemical Profit Surges 86 Percent +Business,Stocks surge for second day on falling oil prices +Business,China hikes interest rates for first time in nine years +Business,Aetna Third-Quarter Profits Up +Business,Weak Sales Hurt Coke Enterprises Earnings +Business,"Unemployment Claims Jump by 20,000" +Sci/Tech,Canon posts record profit as digital camera boom continues (AFP) +World,Iraq carnage kills 21 as UN official warns time not ripe for polls +Sci/Tech,"New .travel, .post domains get preliminary nod" +Sports,Hero Kezman plays down missile strike +Sports,Aussies turn screws on India +Sports,Texas not popular choice +Sci/Tech,"SAP, HP Offer Hosted ERP for Midsize Companies (Ziff Davis)" +World,Another woman kidnapped in Iraq +World,Australia #39;s conservative government wins control of both houses of <b>...</b> +World,Control of US Senate hinges on handful of hard-fought contests (AFP) +World,Kidnappers Tighten Screw on U.S. Allies in Iraq +World,4 Iraqis Tell of Looting at Munitions Site in '03 +Business,Crude Drops for Second Day as China Increases Interest Rates +Business,AirTran CEO Sees Another Airline Liquidation Soon +Business,Whitbread to sell historic brewery +Business,Volkswagen Reports Seventh Quarterly Profit Decline (Update4) +Sci/Tech,Google acquires digital mapping firm +Sports,49ers notes: Rattay #39;s forearm is sore again +World,Romanian Earthquake Felt in Turkey +World,COSATU deportations illegal +Business,"Dollar Falls, Market Ponders China's Move" +Business,SEC Probes DaimlerChrysler +Sci/Tech,"In healthy Indian job market, developers want it all" +Sci/Tech,Edward C. Baig: Personal Tech - Google Desktop Search a cinch (USATODAY.com) +Business,"Dollar Falls, Market Ponders China's Move (Reuters)" +World,Japanese high-tech manufacturers enjoy higher profits but outlook mixed (AFP) +World,"Governments can override charter rights in some cases, Supreme Court rules (Canadian Press)" +Sci/Tech,Yahoo Jazzes Up Mobile Search +Business,Economy builds steam in KC Fed district +Business,China raises rates to cool growth +Business,Tribune earnings fall 33 percent +Business,Gillette #39;s Income Up \$475 Mln for Quarter +Business,DreamWorks Animation debuts today +Sci/Tech,Google buys digital mapping company +Sci/Tech,Russia Postpones Launch of Soyuz-M2 Space Booster +Sci/Tech,"Study finds spyware, viruses everywhere" +Sports,Bjorkman battles past Arthurs +Sports,Football365 #39;s Quotes Of The Week +Sports,Leeds holds board meeting to discuss takeover of troubled soccer <b>...</b> +Sports,Soccer: Milan #39;s 3-0 victory keeps Juventus in sight +World,Polish Woman Abducted in Iraq +World,British soldiers take up positions south of Baghdad +World,Armed group kidnaps 11 Iraqi national guards: website +World,Britons die in Jordan bus crash +World,Kerry Calls Red Sox 'America's Team' (AP) +Business,Delta Stock Up After Pilots' Deal Reached (Reuters) +Business,Stocks Fall After China Raises Rates +Sports,Campbell delivers win +Business,Delta Stock Up After Pilots' Deal Reached +Sci/Tech,"Gateway taps out photo, MP3 player beat" +Sci/Tech,Yahoo Search Cleans Cluttered Look +Sci/Tech,Shrek 3: The Wall Street Years +Sci/Tech,Call for curbs on discarded fish +Sci/Tech,San Francisco to Expand Wi-Fi Program (AP) +Sci/Tech,Voters Checking Out Other Sides' Sites (AP) +Sci/Tech,"Aspyr, Wideload offer Rebel Without a Pulse details (MacCentral)" +World,British-Irish national kidnapped in Afghanistan: Straw (AFP) +Business,"Oil Extends Slide, U.S. Inventory, China" +Sports,Spaniard Lara Stung Into Action at Volvo Masters +Business,Update 2: Viacom Posts Loss on Blockbuster Charge +Business,Loss-making FEER goes monthly +Business,\$7.4bn bid for WMC +Business,Coke Enterprises +Sci/Tech,Mystifying findings +Sports,Red Sox end wait with surprising ease +Sports,"2005 Tour de France to start on French island, go through Germany" +World,Total control: PM seizes the Senate +Sci/Tech,THEN: VHS v Betamax +Business,Stocks Fall as China Raises Rates +Business,SEC Probing DaimlerChrylser +Sports,No Alcohol Found in Ex-NFL Player Who Died (AP) +Sci/Tech,AOL to Give Away Anti-Virus Software to Members (Reuters) +World,"Twelve dead, including nine British tourists, in Jordan bus accident (AFP)" +Sci/Tech,Close-ups of Saturn moon received +Sci/Tech,Russia postpones test launch of new booster rocket +Sports,O #39;Neill tries to lower expectations +Sci/Tech,AOL to Give Away Anti-Virus Software to Members +Business,UPDATE 3-Viacom posts loss on charges; sets \$8 bln buyback +Sci/Tech,New Web domain names get preliminary nod +World,Nationals eye greater party room power +Sci/Tech,Switchboard.com: The King Of Local Search +World,'Pirates' kill Bangladesh crew +Sports,Red Sox Fans Exult at End of World Series 'Curse' +Sci/Tech,Nortel delays financial report--again +Business,Xstrata makes play for WMC +Sports,Red Sox Fans Exult at End of World Series 'Curse' (Reuters) +World,Edwards' Down-Home Style Fills a Gap for Kerry (Reuters) +Sports,Backman Exits Mets' Managerial Hunt (AP) +Business,Viacom Posts Loss; Sets \$8 Bln Buyback +Business,Bankrupt U.S. Airways Posts Wider Loss +Business,Exxon boosted by oil price boom +World,Deja Vu as Florida Struggles to Hold Pristine Election (Reuters) +World,"Arafat in Serious Condition, Foreign Medics Arrive" +World,Nigerian Protection Force Arrives in Darfur +Business,Delta Dodges Bankruptcy Bullet +Sci/Tech,AMD rolls out PIC +Sci/Tech,Linux vendors hit back at Ballmer #39;s email +Sci/Tech,Part of the ECT News Network +Sports,Wakefield Knows +Sports,China set for at least three Euro golf events +Sports,"Police: No alcohol, drugs in ex-Steeler #39;s system" +World,Terrorists release new video of Hassan +Sci/Tech,Virus variant targets Google +Sci/Tech,"Burned before, Kyocera recalls cell phone batteries" +Sci/Tech,Logic Express 7 Ships +World,Altana suffers new setback in launch of blockbuster asthma drugs (AFP) +Sci/Tech,National Aeronautics and Space Administration (NASA) +Sports,Volvo Masters lacking former pedigree +Sports,UPDATE 1-Mauresmo joins Zvonareva in Linz quarter-finals +Sports,Stuttgart Slip Again Against Ten-Man Bremen +Sports,Henman back in form +World,Russian upper house ratifies Kyoto Protocol +World,Fleeing MP arrested in Zimbabwe +Business,Some Car Dealer Groups Hurt by Weather +Business,Harmony #39;s hostile takeover bid sparks court challenge in South <b>...</b> +Business,NZ interest rates rise +Business,Shanghai Auto signs deal to buy Ssangyong Motor +Sci/Tech,Overseas Surfers Barred From Bush Poll Site +Sci/Tech,ICANN Negotiates New Domains +Business,Exxon Mobil Profit Up 56 Percent +Sports,Bigger than the Boston tea party +Sports,Australia press for crucial win +Sports,Vice chairman wants Wenger to stay for life +Sports,Spaniard Lara stung into action at Volvo Masters +Sci/Tech,ICANN Negotiates New Domains (PC World) +World,Andhra Pradesh to export farmers to East Africa (Reuters) +World,Nigerian Protection Force Arrives in Darfur +World,Kroll Defends Arrested Employees +Business,"Oil slides again, dips below \$52" +Business,GLOBAL ECONOMY-China rate hike could avert global slowdown +Sports,Road Trip: University of Wisconsin +Business,Aetna Posts \$1.29 Billion in Earnings +World,"11 Iraqi troops executed, video shows" +World,Pak. will not show #39;unilateral flexibility #39; on Kashmir: Kasuri +Business,Grocer recovers from strike +Sci/Tech,Photo: Gateway's MP3 Photo Jukebox player +Sci/Tech,U.K. government report cites merits of open source +Sci/Tech,Study: Firms see mixed results in outsourcing +Sci/Tech,News: Bush Web Site Bars Overseas Visitors +Sci/Tech,Digital Agenda: 10 facts you should know about broadband +Sci/Tech,"QuickTime, RealPlayer Patch Security Holes" +Business,China Raises Interest Rates for First Time in 9 Years (Update6) +Business,DaimlerChrysler posts \$1.2 billion net profit +Business,Gillette posts \$475M US profit in quarter on strong sales of <b>...</b> +Business,"King Pharmaceuticals profits drop, may restate returns" +Sci/Tech,Limited Bush Web Access Drives Away US Voters Abroad +Sci/Tech,New MySQL Ready to Serve +Sports,FA to investigate Chelsea-West Ham violence after League Cup match +World,Iran-UN Nuke Showdown Likely +World,Editorial: Faint hope in Gaza +World,Missing ballots heighten fears of renewed voting chaos in Florida (AFP) +Business,Ryanair to repay illegal subsidy +Sports,Taylor Charged With DUI +Sports,D'Backs to Open RFK +Sports,Redskins' Taylor Arrested on DUI Charge (AP) +Sci/Tech,AOL to give antivirus software away in Version 9 +Business,Q amp;A on the new check-cashing law +Business,Shell Pleases City with Anglo-Dutch Merger +Sci/Tech,Apple #39;s iPod Photo the next big thing +Sci/Tech,AMD digs into high growth markets with PIC +Sci/Tech,"SanDisk ups capacity, again" +World,Australian govt #39;s senate win opens Telstra sale +Sports,"Hawks Cut Lonny Baxter, Donnell Harvey (AP)" +World,Afghan vote count finally ends with Karzai a landslide winner (AFP) +Business,"Less Drinking Hurts Coors, Molson Results" +Sci/Tech,Infocus: Trends in Web Application Security +World,"London shares close higher, as Amvescap, Shell offset a slide in miners (AFP)" +World,Iran-EU Talks to Resume Nov. 5 as Deadline Looms +Sci/Tech,AOL 9.0 Packs Antivirus Protection +Sports,Cavs Pick Up Option on Drew Gooden (Reuters) +Business,CNNfn Network to Close by Mid-December +World,"Explosion Hits Islamabad Hotel, Causes Casualties (Reuters)" +Business,Marsh reported near settlement +Business,DaimlerChrysler Returns to Profit; VW Reports Decline (Update1) +Business,Battery Sales Power Gillette +Business,DreamWorks Animation Shares Rise as Much as 41 (Update2) +Business,Update 1: Coca-Cola Enterprises #39; Profit Falls +Business,Viacom Pegs \$8 Billion for Buyback +Sci/Tech,"1,000 spyware programs and he didn #39;t know" +Sports,Sox fans dress up to celebrate +Sports,Spanish pair claim Masters lead +Sports,"Brazilian player collapses on field, game suspended" +Sports,Valentine back in Japan for Autumn camp +Sports,Leeds stall takeover +Sports,China stops included in #39;05 European Tour +World,Three Foreigners Kidnapped in Afghanistan +Sci/Tech,AOL Files Lawsuit Against IM 'Spim' (AP) +Sci/Tech,AOL 9.0 Packs Antivirus Protection (PC World) +Business,"Liz Claiborne Earns Up, Raises Forecast (Reuters)" +Business,"Liz Claiborne Earns Up, Raises Forecast" +World,Kerry Hammers Away on Explosives as Bush Shifts Focus +Business,Shareholders OK Wachovia-SouthTrust Merger +Sci/Tech,Gateway Launches Photo MP3 Player (PC World) +Sci/Tech,It #39;s black amp; red and signed by U2 +Sci/Tech,Ballmer: Linux Can #39;t Compare to Windows +Business,Dreamworks shares surge on debut +Sci/Tech,IDC: Handheld sales continue downward journey +Sci/Tech,AMD debuts low-cost Net device +Sci/Tech,Photo 5 of 5: New forms for iPod rivals +Business,Delta chief warns that bankruptcy is possible +Business,New national check processing law takes effect Thurs. +Business,"US 30-,15-yr mortgage rates lowest since early Apr" +Business,"GMH Communities, ELong, Build-A-Bear also debut" +Business,AOL 9.0 Packs Antivirus Protection +Sci/Tech,Special edition: Bono shows off his U2 iPod beside a regular model +Sci/Tech,Yahoo follows Google with mobile search service +Sci/Tech,Tech giants launch mobile security specifications +Sports,"Truth amp; Rumors: Oct. 28, 2004" +Sports,"Watson out, Gillick interested in GM role" +Business,CNNfn Network to Close by Mid-December +Sports,"Washington's Arrington, Hall Doubtful for Sunday" +Sci/Tech,India unveils policy to help make nation 'Internet superpower' (AFP) +World,"Explosion in Islamabad's Marriott hotel, injuries: hotel employee (AFP)" +World,Kerry Uses Bush's Own Words to Call Him Unfit (Reuters) +World,Hitchhiker gets 1m web listeners +Sci/Tech,PwC: Firms see mixed results in outsourcing +Business,Natural gas modestly lower after weekly US data +Business,China announces hike in interest rates for the first time in nine <b>...</b> +Business,Congressional act shortens check #39;float time #39; +Business,DaimlerChrysler posts \$1.27 billion US profit after loss last year +Sci/Tech,AMD debuts low-cost Net device +Sci/Tech,ICANN Approves .post and .travel +Sports,"No More Curse, But No Windfall Either" +Sports,Leeds: No deal yet +Sports,Australia take firm grip on third Test against India : +World,International charity CARE closes Iraq operations +World,Japan races against clock to free hostage in Iraq +World,Probe launched into fatal Russian mine blast +World,Gay Ordination: Obasanjo Backs African Bishops +World,Arafat to Fly to France for Medical Treatment +Business,"Exxon Mobil Profit Up 56 Pct, Stock Off" +Business,CNNfn Network to Close by Mid-December +Business,Stocks Down After China Raises Rates +Business,DreamWorks IPO opens at \$39.50 +Business,Update 6: DaimlerChrysler Posts 3Q Profit +Business,Mercedes Dulls DaimlerChrysler's Profit +Sci/Tech,Apple Share Price Tops \$50 +Sci/Tech,Yahoo Builds New Mobile Portal +Sci/Tech,George Bush Site Rejecting Visitors +Sci/Tech,AMD Introduces Low-Cost Net Access Device in India +Sports,Aussies dominate in Nagpur +Business,I Can See My House From Here +Sports,Redskins Rookie Taylor Arrested on DUI Charges (Reuters) +Sci/Tech,AMD Introduces Low-Cost Net Access Device in India (Reuters) +Sci/Tech,New Technology Powers Fuel Cells (PC World) +Business,CNNfn Network to Close by Mid-December (Reuters) +World,Deutsche Bank Board Member Quits (AP) +World,Israeli Soldiers Kill Palestinian Girl (AP) +Sports,Tennis Star Magnus Norman Retires (AP) +World,"Supporters say Truscott has been an inspiration of calm, quiet strength (Canadian Press)" +Sports,Redskins Rookie Taylor Arrested on DUI Charges +Sports,Sweden's Former French Open Finalist Norman Retires +World,Arafat's Health Reported to Improve +Sports,Henman Battles Into Basel Quarterfinals +World,Barely a Contest Among 53 House Races (AP) +World,India farmers may be Africa bound +Sci/Tech,IDC: Handheld sales continue to slide +Sci/Tech,"As iPod evolves, rivals strive to keep pace" +Sci/Tech,New Technology Powers Fuel Cells +Business,Delta trading takes off after pilots give up \$1 billion +Sci/Tech,Yahoo Expands Search Wars to Mobile Service +Sci/Tech,Sony Pegs PSP Price Under US\$200 +Sci/Tech,Stargazers enjoy total lunar eclipse +Sci/Tech,"Smaller, more powerful PC fuel cell is on the way" +Sci/Tech,MySQL Version 4.1 Certified as Production Ready +Sports,Brazilian ace dies +Sports,Parker #39;s contract negotiations on hold +Sports,Watson doesn #39;t want to be DC team #39;s GM +Business,Shrek Maker Dreamworks Charms Wall Street +World,EU Treaty Signing Overshadowed by Buttliglione Crisis +World,British-Irish Woman Kidnapped in Afghanistan +World,Israel #39;s Gaza pull outplan +Sports,Kidd Cleared to Do Some Work on Court (AP) +Sci/Tech,Arctic Birds Use Scent to Find Their Mates (AP) +World,"Blast at Marriott hotel in Pakistan's capital, several injured (AFP)" +Sci/Tech,Framing the Electoral College +Business,CNNfn Shutting Down +Sports,Henman Battles Into Basel Quarter-Finals +Sports,USC-UCLA Notebook: Killeen comes through in the clutch for the <b>...</b> +Business,Delta dodges bankruptcy with labor deal +Business,"JetBlue #39;s profit plunges on fuel prices, competition" +Business,CNNfn network to close +Sports,Auburn likely bound for Sugar Bowl +Sci/Tech,Today's Pop Stars in It for the URLs (Reuters) +Sci/Tech,You're from WHERE!!!!???? +Sports,Hartson double boosts Celts +World,U.S. Eases Some Travel Rules for Nepal (AP) +World,Arafat to Be Flown for Treatment in France +Business,DreamWorks stock soars on Wall Street +Business,US Airways Reports \$232 Million Loss +Business,"JetBlue Profit Tumbles, Misses Estimates" +Business,Viacom Profit Rises on CBS Ads; Plans \$8 Bln Buyback (Update9) +Sci/Tech,Sony Announces PlayStation Portable Price +Sci/Tech,Bush Campaign Web Site Blocking Foreign Access +Sports,Henman Battles Into Basel Quarterfinals +Sports,Backman no longer interested in job +World,AMD introduces low-cost Net access device in India (Reuters) +World,"Three Iraqis were killed in Falluja, London studies hostage #39;s <b>...</b>" +Sci/Tech,Lots Of Interest in Lucene Desktop +Sci/Tech,Review: 'Konga' Great for House Parties (AP) +Sci/Tech,AOL Files Lawsuit Against IM Spam +Sci/Tech,Millions in Americas Watch Lunar Eclipse (Reuters) +Sci/Tech,Scientists Hope to Find More Tiny Indonesia Hominids (Reuters) +Sci/Tech,Ancient Star Dust May Point to Human Origins-Study (Reuters) +Sci/Tech,Scientists Mystified by Images of Titan's Surface (Reuters) +World,Royal Dutch/Shell Announces Merger (AP) +World,Iraq Expected to Dog Next U.S. President (Reuters) +Sports,Mauresmo Joins Zvonareva in Linz Quarterfinals +Sci/Tech, quot;Hobbits quot; Found In Indonesia +Business,"Delta Air Lines averts bankruptcy with pilot deal, faces more <b>...</b>" +Business,The #39;Float #39; Is Gone As #39;Check 21 #39; Goes Into Effect +Business,UPDATE 1-UAL posts narrower third-quarter net loss +Business,UPDATE 3-ArvinMeritor to divest \$1 bln in operations +Business,CNNfn going off the air +World,Polish PM refuses talks on Iraq kidnapping +World,Militants #39;kill 11 Iraqi guards #39; +World,Kerry and Bush Congratulate Red Sox (AP) +Business,DreamWorks IPO Surges +Sports,Carling Cup has its uses +Sports,Owens keeps focus amid endless sideshows +Sports,"Lafleur says locked out league should declare bankruptcy, start <b>...</b>" +World,PM #39;s Senate win opens Telstra sale +World,Remorse-stricken Norwegian pays hotel bill 24 years late (AFP) +Business,DreamWorks Animation Charms Wall Street +Business,CNNfn Network to Close by Mid-December +Business,OPEC asks US to tap its reserve +Business,UPDATE 2-UAL posts narrower loss despite higher fuel costs +Sci/Tech,Yahoo Takes Search to the Airwaves (NewsFactor) +Sci/Tech,Apple Share Price Tops #36;50 (NewsFactor) +Sci/Tech,Ballmer: Linux Can't Compare to Windows (NewsFactor) +Sci/Tech,Novell responds to Microsoft email +Sci/Tech,Low Price Set for Sony Games Console +Sci/Tech,New Video Game Stirs Up Controversy +Sci/Tech,SOE to launch web-based community service +Sports,Individual acts undermining union #39;s argument +World,Arafat to fly to Paris for urgent medical treatment +Business,Coors' Glass Half Full +Business,Cardinal's Good News: No News +Business,Is Verizon's Call Waiting? +Business,Asking Is Too Much for Jeeves +Business,CNNfn Network to Close by Mid-December +Business,Delta: Workers Sigh With Relief +Business,ArvinMeritor to sell some operations +Sci/Tech,Cassini Probe Illuminates Saturn #39;s Moon +Sci/Tech,ICANN Moves To Approve #39;.travel #39; and #39;.post #39; +Sci/Tech,EverQuest II dated +Sports,Schilling coming to Verizon with President Bush +Sports,Kezman Vows to Hit the Goal Trail +Sports,Henman manages to see off Moodie +Sports,Redskins #39; Taylor Arrested on DUI Charge +World,Iraq ; Margaret Hassan calla upon Britain to quit Iraq +World,Zim parly upholds jail sentence +Business,Oil Slumps Below \$51 a Barrel +Sci/Tech,Liquid 'suggested' on Titan +Business,China Hikes Interest Rates +Sci/Tech,Flaws found in Windows-based media players +Sports,Brazil Race Debrief: Fernandos sterling drive +World,Turmoil Clouds EU Constitution Ceremony (AP) +World,Ivory Coast Rebels Warn War Could Start Again +Sci/Tech,"AOL, E-Mail Companies Sue Spammers" +Business,Spitzer Denies Wall Street Journal Report +Business,Delta still not out of the woods in terms of avoiding bankruptcy +Business,Stocks Extend Rally As Oil Prices Plummet +Business,China raises interest rates for first time in nine years +Business,Ovitz: Disney Execs Knew of Agency Pact +Business,DaimlerChrysler reports \$1.2 billion profit after loss last year +Business,Fiat #39;s Overall Loss Widens +Sci/Tech,Yahoo Mobile Offers Search on the Go +Sci/Tech,AMD Hopes PIC Unlocks High-Growth Markets +Sci/Tech,"WiMax: Latest trend, or hype?" +Sci/Tech,"Intel, IBM , DoCoMo push mobile device security" +Sports,"Enjoy it while you have it, Red Sox Nation" +Sports,2005 Tour route is announced +Sports,Sixers exercise Salmons #39; option +Sports,Coaches share mutual respect +Sports,Mum #39;s the word +Sports,"New Washington Stadium Will Cost More, Mayor Told (Reuters)" +World,Russian mine explosion kills 13 +World,Zimbabwe MP arrested over brawl +Business,Delta's Stock Takes Off After Pilot Deal +Sports,"Mauresmo, Sugiyama Reach Quarterfinals (AP)" +Business,Strong inventories send crude oil prices lower +Business,"Investors Stirred, Not Shaken by China (Reuters)" +Sports,Big Hurt Remaining with White Sox for 2005 +World,"Kerry and Bush Tangle on Explosives, Character (Reuters)" +World,Arafat to Be Flown for Treatment in France +Business,CNNfn going off the air +Sci/Tech,Ballmer Takes Anti-Linux Campaign to IT Executive E-mail List +World,French Market Watchdog Weighs Vivendi (AP) +Business,Informer (Forbes.com) +Business,"Location, Location, Location (Forbes.com)" +Business,Penny-Pinched (Forbes.com) +Business,Other Comments (Forbes.com) +Sci/Tech,The Good Old Days (Forbes.com) +Sci/Tech,Dialing for Tech Dollars (Forbes.com) +World,Nigerian soldiers head to Sudan's troubled Darfur region (AFP) +Business,Bench-Pressed (Forbes.com) +Business,"Stocks Inch Up, Oil Drop Offset by China" +Sci/Tech,Brain Scans May Unlock Candidates' Appeal (AP) +Business,Daimler-Chrysler Waiting for Mercedes +Business,All That Glitters Isn't Gold at Newmont +Business,Digging In at Phelps Dodge +Sci/Tech,RIAA files 750 new file-trading lawsuits +Sci/Tech,Still undecided? Web site aids voters to make choice on presidential election +Sci/Tech,News.com Extra: When Hilary and Larry didn't come to blows +Sci/Tech,BellSouths RealPages to Sell Google AdWords +Business,Update 12: Delta Chief: Bankruptcy Still Possible +Business,Update 3: AP: CNNfn Will Shut Down After 9 Years +Sci/Tech,"AOL, E-Mail Companies Sue Spammers (washingtonpost.com)" +Sports,"Mauresmo, Sugiyama reach quarters in Linz" +Sports,Top seed Suarez loses at SEAT Open +Sports,TESTING FORTNIGHT FOR STEELERS +Sci/Tech,Productivity's Battleground (Forbes.com) +Business,A Marvelous 2005 and 2006 +Business,Expanding economy confirmed +Business,Mortgage Rates Hit 6-Month Low +Sci/Tech,Lexmark loses ink cartridge battle +Sports,Football fans clash with police +Sports,Armstrong keeps Tour guessing +Sports,Astros decline option on Kent +Sports,Molik stays hot; Suarez bows out in Luxembourg +Sports,Salmons has fourth-year option picked up +World,IAEA Says It Warned U.S. About Explosives (AP) +World,Militants slaughter 11 Iraqi soldiers abducted south of Baghdad <b>...</b> +World,Poll Watchers to Crowd Voting Venues (AP) +World,Kidnappers Demand Foreign Troops Quit Iraq +Business,Glaxo's Mild Depression +Business,Don't Cry For SUV's (Forbes.com) +Business,Viacom Posts Profit; Sets \$8 Bln Buyback +Business,The Troll Under The Bridge (Forbes.com) +Sports,Top-Seed Suarez Upset at SEAT Open (AP) +Sports,Giddy Red Sox Fans Savor Lifting of 'Curse' +Sci/Tech,PC distributor puts RFID tags in goods +Sports,Agassi Brushes Bjorkman Aside in Stockholm +Sci/Tech,Apple shares barrel past \$50 on iPod juice +Sports,Burress: Pats Still Roughing Up Receivers (AP) +Business,Not Hungry for Applebee's +Business,Business Investment Too Narrow +Business,SAIC signs deal to buy shares of S.Korean auto maker +Business,Viacom swings to loss due to Blockbuster spinoff +Sci/Tech,Common fertility condition linked to migraines +Sci/Tech,No help for Lexmark from DMCA +Sci/Tech,Security Standards Pushed To Encourage M-Commerce +Sports,Agassi rolls back the years +Sports,Koubek topples third-seeded Gaudio +Sports,Judge sends ex-Baylor athlete to mental hospital +Sports,"Hrbaty, Andreev upset at St. Petersburg Open" +World,Blast rocks Islamabad Marriott +Business,After the Bell: Shares McAfee on the Rise +Sports,Hawaii QB Chang Goes for Passing Record (AP) +World,Chinese Muslims Held at Gitmo to Be Freed (AP) +Business,Gateway's Quarterly Loss Narrows +Business,The Dollar Weakens Broadly +Business,Film unit helps Sony post profit +Business,UPDATE 4-Viacom posts profit; sets \$8 billion buyback +Sports,Seattle Suspends Pepper Gun Used in Boston Death +Sci/Tech,DoubleClick Says Quarterly Profit More Than Doubles (Reuters) +Sci/Tech,Business leaders see election affecting offshoring +Sci/Tech,"Burned again, Kyocera recalls more phone batteries" +Sci/Tech,Yahoo Goes Mobile with Search and Images +Sports,Eagles Rusher Levens Gets Starting Nod (AP) +Sports,Titans CB Rolle Gets Antacid Gag (AP) +Business,"Delta, pilots agree to full \$1B reductions" +Business,"NY Fed-Slower cenbank buying would hit dlr, rates" +Business,Update 8: Crude Oil Prices Fall Below \$51 a Barrel +Business,"US Airways, UAL #39;s United Post Big Losses" +Sci/Tech,Google taps BellSouth for help selling ads +Sci/Tech, quot;Serious shortcomings quot; seen in security at Russian nuclear plants +Sports,Agassi wins in straight sets again +Sports,Olson: Hoping to preserve the joy of Sox +Sports,Boston Plans Parade for Red Sox on Sat. +Sports,"Show us your money, say Leeds" +World,"Iraq group says holding Sri Lankan, Bangladeshi drivers: Al-Jazeera (AFP)" +Business,The Dollar Weakens Broadly +Business,DreamWorks #39; share price soars in debut trading +Business,DoubleClick Says Quarterly Profit More Than Doubles +Sci/Tech,Local Search; Still A Long Way To Go +Sci/Tech,Star Wars: Revenge of the Sith For Handhelds +Sports,Injured Ganguly not yet certain for Mumbai Test +World,UN paying attention to Arafat #39;s health: spokesman +Sci/Tech,HP announces new low-end server +Sci/Tech,Recording Industry Files More Downloading Suits +Sci/Tech,Anti-terro measures at Russian nuclear facilities insufficient <b>...</b> +Sports,"Edmonton in, Vancouver out of Champ Car" +World,EU #39;s Barroso Promises Commission Changes +World,US Begins Airlifting African Union Troops into Darfur +Sports,Rossley Fine With His Reduced Role (AP) +Sci/Tech,Titan Rich in Carbons That Gave Life to Earth --NASA (Reuters) +Business,Gateway Posts Operating Profit +Business,FBI Investigates Halliburton's No-Bid Contracts +Business,UN Condemns US Cuba Embargo +Business,One Shell boosts Eurostocks +Business,Far Eastern Economic Review calls it a day +Business,Sony Springs From #39;Spider-Man #39; Web +Business,Update 2-Federated Investors report lower earnings +Sci/Tech,Scientists search for more human species +Sci/Tech,Ballmer settles on scary penguin costume for Halloween +Sci/Tech,Voters checking out other sides #39; sites +Sci/Tech,IDC: Handheld sales continue downward journey +Sci/Tech,Deep Sea Sediment Might Have Sparked Evolution +Sci/Tech,Dragonshard Beta Details +Sports,Juve restore five-point lead +Sports,Sports: Indians reach terms with Elarton +Sports,Koubek beats Gaudio; Henman struggles through +World,"Blast in Marriott Hotel #39;s lobby leaves one killed, over 10 injured" +World,Jordan pledges help to release Japanese hostage in Iraq +World,IRAN WOULD NOT ACCEPT LONG-TERM SUSPENSION OF NUCLEAR ACTIVITIES +Business,Gateway Loss Narrows on Higher PC Sales +Business,UAL posts narrower loss despite higher fuel costs +Business,Exxon Mobil Profit Soars +Sports,"Cubs Cut Loose Alou, Grudzielanek" +World,Chinese Central Bank Increases Rates for First Time in 9 Years +World,South Dakota Sen. Race Deemed Most Costly (AP) +Sci/Tech,"Microsoft, Others File More Anti-Spam Lawsuits" +Sci/Tech,Shiver Me Timbers! Brazil Full of PC Pirates --Study +Sci/Tech,Xbox Owner Sues Over Defective Disk Drives +Sci/Tech,SBC slashes DSL prices in phone bundle +World,Palestinians consider life after Arafat +World,Behind Fallujah strategy +World,India and Pakistan balk at bold Kashmir peace plan +Sci/Tech,"At wireless conference, silly services rule" +Sci/Tech,SBC offers \$19.95 DSL with a catch +Sci/Tech,Gateway trims loss in third quarter +Sports,"Sox Fans Buy Souvenirs, Wonder About 2005 (AP)" +Sci/Tech,Oracle sets applications suite release for Nov. 8 +Sports,Panthers Release Safety Cooper (AP) +Sports,Cavaliers Pick Up Gooden 2005-06 Option (AP) +Sci/Tech,Secret Service busts online organized crime ring +Sci/Tech,Q A: IAITAM President Barbara Rembiesa on asset management issues +Sci/Tech,U.K. report cites merits of open-source +Sci/Tech,Brief: I2 reports Q3 profit +Sci/Tech,Dell touts in-home services +Sci/Tech,Toledo schools may resurrect stalled PeopleSoft apps +Sci/Tech,IDC sees continuing decline in PDA market +Sci/Tech,"Smaller, more powerful PC fuel cell is on the way" +Sci/Tech,Kyocera recalls counterfeit cell phone batteries +Sci/Tech,Oracle sets Nov. 8 date for applications suite release +Sci/Tech,"Google, BellSouth Ink Local Advertising Deal (Reuters)" +Sci/Tech,Shiver Me Timbers! Brazil Full of PC Pirates --Study (Reuters) +World,U.N. Urges U.S. to End Embargo Vs. Cuba (AP) +World,China Pledges Stable Policies +Business,Gateway trims loss in third quarter +Business,UPDATE 2-Alliance Capital profit rises in third quarter +Business,Ottawa provides \$1.5B in loan guarantees for Bombardier +Sci/Tech,"Microsoft, Others File More Anti-Spam Lawsuits" +Sports,"Tennis: Good to be back, says relieved Mauresmo" +Sports,Donnie Nelson moves to front office +World,India and Pakistan balk at bold Kashmir peace plan +Sci/Tech,Police Arrest 28 in Online ID Theft Scams (washingtonpost.com) +World,Justice Thomas Hopes for Smooth Election (AP) +Sci/Tech,Police Arrest 28 in Online ID Theft Scams +Business,Castro turns screws on his own people +Business,Far Eastern Economic Review converts to monthly +Business,"Check 21 Places Demands on Banks #39; Customer Relations, Too" +Business,Federated Investors Buys Cash Business +Sci/Tech,Ballmer weighs in on Windows vs. Linux +Sports,Armstrong short on summits in quest for new peaks +Sports,Brazilian soccer mourns Serginho #39;s death +Sports,O #39;Malley in touch with Spanish leaders +Sports,Kezman vows to hit the goal trail +Sports,"Cubs cut loose Alou, Grudzielanek" +Sports,"Del Piero, Zalayeta score in home win" +Sports,Comeback win delights Mauresmo +Sports,"Astros exercise Biggio #39;s option, decline Kent #39;s" +Sports,Leeds stay cool about Sainsbury takeover bid +World,Deadline passes in Japanese hostage crisis in Iraq +World,More Than 160 Taken Hostage in Iraq (AP) +World,Lukoil Plans Investment With Venezuela +Sci/Tech,Police Arrest 28 in Online ID Theft Scams (washingtonpost.com) +World,Saudi Ambassador Says More Troops Needed in Iraq +Sports,Sluman Hits Course-Record 62 at Chrysler (AP) +Sports,Sluman Fires on All Cylinders at Chrysler +Business,"UPDATE:China Ups Rates, 1st In 9 Yrs; Mkts Look For More" +Business,Gateway Narrows Loss +Business,Update 3: Jury Begins Deliberating Enron Barge Case +Sci/Tech,E-Commerce Times +Sci/Tech,Wireless Nintendo +Sci/Tech,AOL Files First Spim Lawsuit +Sci/Tech,AMD introduces low-cost Internet device +Sci/Tech,Recording industry sues another 750 computer users +Sci/Tech,Microsoft faces lawsuit for selling quot;defective quot; game systems +Sports,Agassi brushes Bjorkman aside in Stockholm +Sports,FA probe into new violence +Sports,"Frank Thomas, Carl Everett to return in Chicago, Sandy Alomar won #39; <b>...</b>" +Sports,Jayhawks No. 1 in preseason coaches poll +Sports,"Astros want Biggio back, Kent to take pay cut" +World,"Arafat, confused and weak, is heading to Paris for treatment" +World,Coonan aims to seal Telstra deal +Sci/Tech,Best Buy Enters Online Photo Processing Fray (Reuters) +Sci/Tech,Apple Shares Close at 4-Year High (Reuters) +Business,Apple Shares Close at 4-Year High +Sci/Tech,Secret Service busts online ID fraud ring +Business,Ariz. Insurance Director Reviews Alleged Broker and Insurer Bid <b>...</b> +Business,ATA board agrees to employee retention bonuses +Business,Gateway Posts Operating Profit +Sci/Tech,Nintendo and Sony execs trade barbs over PSP/DS battle +Sci/Tech,Morality maze for video game that takes no prisoners +Sci/Tech,PDA sales continue slide +Sci/Tech,Millions in Americas watch lunar eclipse +Sci/Tech,Xbox Owner Sues Over Defective Disk Drives +Sci/Tech,PG amp;E talks to residents about powerline project +Sports,Garcia and Lara beat the elements on home turf +World,Nine British tourists die in Jordan bus crash +Sports,Ogden Signs 7-Year Contract With Ravens (AP) +Sports,"Wolves Waive Goldwire, Powell (AP)" +Sports,Adrian Beltre Files for Free Agency (AP) +Sci/Tech,BEA buzzing about Beehive (InfoWorld) +Business,O'Reilly Case Settled Out of Court +World,"Bush, Kerry Trade Charges on Leadership (AP)" +Sci/Tech,Photo: Cybercrime arrests +Sci/Tech,BEA buzzing about Beehive +Sci/Tech,Wiki startup JotSpot draws crowd for product beta +World,Afghan Leader Faces Huge Task After Inauguration (Reuters) +Sci/Tech,Predicting a President: Where the Papers' Online Electoral Maps Agree and Disagree (Editor and Publisher) +World,Klein derided as mean-spirited for comments about handicapped (Canadian Press) +Sports,Avery Johnson retires as player to focus on coaching (AFP) +Sports,Price to Return As Seattle Pitching Coach (AP) +Business,Shell ends dual-entity structure +Business,DreamWorks Animation takes off +Business,Black offers to take Hollinger private +Business,DaimlerChrysler Facing SEC Investigation +Sci/Tech,AOL files #39;spim #39; lawsuit +Sci/Tech,TechBrief: This way to the Web +Sci/Tech,"Wireless pioneer reflects on roots, looks to WiMax" +Sports,"Redskins' Arrington, Hall Out for Sunday (Reuters)" +Sports,Armstrong hits out at Italian investigation +Sports,Garca winds up best in tough going +Sports,Soccer: Player dies in Brazilian league game +Sports,Sluman overshadows Singh +Sports,Pacers pick up option on Fred Jones +Sports,D Wayne does it his way again +World,Cambodia prepares to welcome new king +World,Cambodia set to crown new king +World,Cubans queue to ditch US dollars +Business,Soaring fuel costs undermine industry #39;s cost-cutting programs +Business,Biggest US insurance broker faces penalty #39;far higher #39; than \$500M <b>...</b> +Business,Oil Extends Two-Day Fall as China #39;s Rate Rise May Cut Demand +Business,Hollinger International offers Black olive branch +Business,UPDATE 1-Alliance Capital to sell cash management business +Sports,Redskins' Taylor Arrested on DWI Charge (AP) +Sports,Mourning Plays 10 Months After Transplant (AP) +World,Deadline for execution of Japanese hostage passes with no news (AFP) +Sci/Tech,Cassini Probes Secrets of Saturn #39;s Biggest Moon +Sci/Tech,Yahoo Mobile Brings Search to Cell Phones +Sci/Tech,OutKast Now Have A Digital Platinum Record To Hang On Their Wall +Sci/Tech,Study: Internet Feeds Political Debates +Sci/Tech,Sandisk Increases Phone Memory Capacities +Sci/Tech,"Smaller, more powerful PC fuel cell is on the way" +Sports,2005 Tour may not play to Armstrong #39;s strengths +Sports,Sao Caetano #39;s Serginho Dies After Heart Attack in Soccer Match +Sports,Champ Car Rumors F1 News +Sports,"Sports: Cubs decline options on Alou, Gruzielanek" +Sports,Pacers exercise option on reserve guard Jones +Sports,"Lukas, Paulson gamble with Azeri" +World,Westerners kidnapped in Afghanistan +World,Insurgents kill 11 kidnapped soldiers +World,Kerry Uses Bush's Own Words to Call Him Unfit (Reuters) +Sci/Tech,"No, no, national ID" +Sports,"McNair Exercises, Stretches With Trainers (AP)" +World,Insurgents Slaughter 11 Iraqi Soldiers (AP) +World,Judge OKs Arizona Initiative on Ballot (AP) +Sci/Tech,News.com Extra: Net users trawl for differing views +Sci/Tech,Average techie starting salaries to remain stable +Business,Secret Service busts online ID fraud ring +Sci/Tech,Internet Users Want a Voice +Sci/Tech,Sign-Up for Dragonshard Beta Starts Today +Sports,Sluman leads Chrysler Championship after record 62 +Sports,Avery Johnson announces retirement +Sports,Kerry sees an omen and reflected glory in Red Sox triumph +Sports,Chinese lead pairs; Bulgarians lead ice dance +World,CARE shuts down Iraq operations +World,Howard wins control over Senate to tighten grip on power +World,Zimbabwean MP jailed for a year after shoving minister +World,Significant thaw in Israeli-Egyptian relations +Sports,"Thomas, Everett to Return to Chisox (AP)" +Business,"Unemployment Claims Jump by 20,000 (AP)" +Sci/Tech,"Politics, Gas Fuel Battle Over New Mexico Forest (Reuters)" +Sci/Tech,Congo's Rainforest Faces Danger as Loggers Return (Reuters) +World,Afghan Kidnappings Prompt Big Security Review (Reuters) +Sci/Tech,W.Va. to Sponsor Public Computing Grid (AP) +Business,Dollar in Sight of Six-Month Lows Vs Yen +World,Afghan Kidnappings Prompt Big Security Review +Sports,"Beltran, Beltre Among Those Electing Free Agency (Reuters)" +World,"India ; Rebels set off landmine in Kashmir, 11 dead" +Sci/Tech,Won't Someone PLEASE Think of the Bytes!? +Business,Shell shock as oil giant merges to become one company +Business,Fonterra bids US\$1 billion to buy out National Foods +Sports,"Thomas to return, Ordonez might not" +Sports,Capello delighted as Juventus win +World,Short-circuit causes blast in Pakistan +Sci/Tech,Web-Based Tool Helps Voters Find Polls (AP) +World,Mbeki goes into Ivory Coast peace talks +Sports,Rangers' Francisco Faces Lesser Charge +Sports,Approval for New Stadium in Washington Hits a Snag +Sci/Tech,Scientists Develop Clean Diesel System (AP) +Sci/Tech,Pollution May Be Reducing Calif. Rainfall (AP) +Sci/Tech,Cassini Radar Sees Titan's 'Cat' (AP) +World,Japan's Unemployment Rate Drops in Sept. (AP) +Business,Films push Sony profits up +Business,Shrek creator makes dream debut +Business,Banks Begin Paperless Check Clearing +Business,Fears growing for big drops in house prices +Sports,Cycling: Tougher Tour for Armstrong +Sports,Vancouver Indy race a question mark +Sports,Racing: Lone Star turf magical for Ouija Board +World,Baffling bulletins from the muqata +World,Three UN workers seized by militants in Kabul +World,Isaac Herzog +World,Powell Says US Can #39;t Hunt Iran Nukes in Caves +Business,China Raises Rates to Cool Its Economy +Sports,Injured Favre Misses Another Practice (AP) +Sci/Tech,Webify Helps Insurance Carriers Stretch Legacy Apps (Ziff Davis) +Sci/Tech,Superfluous Wiki Implementations +Business,WMC shares surge on takeover bid +Business,"Black seeks to buy out Hollinger Inc. minority investors, take <b>...</b>" +Sci/Tech,How computer games grew up +Sci/Tech,Craig McCaw describes a global wireless world +Sports,Armstrong leaves Tour de France guessing +Sports,"What #39;s bothering Sourav, injury or something else?" +Sports,Avery Johnson retires from NBA +Sports,Henman struggles through to last eight +Sports,Sainsbury consortium plans 25m bid for Leeds +Business,Gateway loss narrows on PC demand +Sports,Route to make it a stiff test for Armstrong +Sports,Approval for New Stadium in Washington Hits a Snag +Sci/Tech,Getting teens beyond textin' +Business,SAIC takes on Ssangyong Motors +World,"Household Survey Sees 100,000 Iraqi Deaths (AP)" +Sci/Tech,Feds Indict 19 of Online ID Theft Charges (AP) +World,Kidnappers demand foreign troops quit Iraq +World,FEC OKs Unlimited Donations for Recounts (AP) +World,EU leaders to sign constitution +World,Molecule offers Alzheimer's hope +Business,Asian Stocks Ease After China Rate Rise +Sports,Holdsclaw Speaks Out +Sports,Racing's Standard +Sports,Miami (FL) Hurricanes +Sports,Competing for Causes +Sports,Cavs Get Needed Rest +Business,China Raises Rates to Cool Its Economy +Sci/Tech,28 Identity Theft Suspects Arrested in Transatlantic Sting (washingtonpost.com) +World,JAPANESE HOSTAGE DEADLINE PASSES +World,Japanese races to free hostage; hopes fading +World,Pre-Election Tensions Mount in Florida (AP) +Business,"Sometimes, Vaccines Can Be Good for Business" +Business,Two German Automakers Report Mixed Earnings +World,Sharp Increase in Early Voting Alters Campaign +World,Video Shows G.I.'s at Weapon Cache +World,"With Nothing Left to Win, Fans of Red Sox Suddenly Feel a Loss" +Sports,Droughns Is a Perfect Fit in Shanahan's System With Broncos +World,Family Begs for Life of Japanese Hostage in Iraq (Reuters) +World,Second Bomb Injures 9 in Thai South - Witnesses +Business,Billion-Dollar Ball in Delta Pilots #39; Hands +Business,Writing on the #39;wall #39; +Sci/Tech,"Microsoft, Others File More Anti-Spam Lawsuits" +Sci/Tech,Central Texas gets look at lunar eclipse +Sports,FA investigates violence at Bridge +World,Crisis clouds historic EU constitution +World,Girl trapped in buried car confirmed dead; quake toll 35 +World,UN Votes Again for the Lifting of US Economic Blockade Against <b>...</b> +Business,Nervous Cubans swap Yankee dollars for pesos +Sports, #39;04 Series has given us some sloppy baseball +World,Thai PM to address nation on protesters #39; deaths +Business,China Brakes With Interest Rate Hike +Business,"Bill O'Reilly, Producer Settle Harassment Suit" +Business,"Ovitz Defends His Role in ABC Hiring, 'Kundun'" +Business,"US Airways, UAL Post Third-Quarter Losses" +Business,Oil Firms Report Big Profit Increases +Business,New Checking Law Takes Effect +Sports,SEC title all Tigers get +World,Rumsfeld joins Iraq explosive row +World,Aristide 'wants Haiti elections' +Sci/Tech,Techie starting salaries to remain stable +World,Second Bomb Injures 9 in Thai South - Witnesses (Reuters) +Sports,Jimenez Wins Hong Kong Open +Business,Asian Stocks Ease After China Rate Rise (Reuters) +Sports,Cubs Broadcaster Steve Stone Steps Down (AP) +World,Japan Gov. Meets After Body Reported Found (AP) +World,Ky. Democrat Responds to Personal Attacks (AP) +World,Japan Checking Report Asian Body Found in Iraq +World,Pitcairn Men Sentenced to Jail for Underage Sex +Business,Delta Pilot Pay Cuts May Not Be Enough +Business,"US Airways, UAL Post Third-Quarter Losses" +Business,CNN Will Close Financial News Channel +Sci/Tech,ISPs File Suits Against Spammers +World,Two killed in bar blast in South Thailand +Sci/Tech,"Yoran: Feds, companies should continue infrastructure discussions" +Sci/Tech,Internet Giants File 7 Suits Aimed at Stopping Spam +Sci/Tech,ISPs File Suits Against Spammers +Sci/Tech,Transatlantic Sting Nabs Identity Theft Suspects +Sci/Tech,SRA Founder to Step Down as CEO +Sci/Tech,Approved Stem Cells' Potential Questioned +Business,China #39;s central bank raises interest rate +Business,Sony #39;s Profit Surges on Strength of #39;Spider-Man 2 #39; +Business,Fairytale start for DreamWorks shares +Business,AP: CNNfn Will Shut Down After 9 Years +Sci/Tech,AMD Announces Strategy To Hook Up World To Internet +Sci/Tech,Digital ID expo enjoys soaring market +Sci/Tech,Microsoft Sued Over Broken Xbox DVD Drive +Sports,Best airs his views on Arsenal rivalry +Sports,Lone Star ready for Breeders #39; Cup +Sports,"Calvillo surpasses 6,000-yard plateau to lead Als past Argos 58-20" +Sports,Ribeiro: Newspaper report was wrong +World,"A Look at Lawsuits, Voting Problems (AP)" +Sci/Tech,More #39;Spaces #39; reaction +Sci/Tech,ISPs File Suits Against Spammers (washingtonpost.com) +Sports,No. 22 Va. Tech Rallies Past Ga. Tech (AP) +Business,China move hits Australian mining stocks +Sci/Tech,AMD Aims Low-cost Personal Internet Communicator at Developing <b>...</b> +Sci/Tech,Digital ID: How are you managing? +World,Fresh Violence Erupts in Southern Thailand (AP) +Sports,Putting a Lid on Babe's Brew +Business,"China's Bank, in Transition, Raises Rates" +Business,Some Drug Makers Find That Vaccines Are Good Business +Sci/Tech,Google buys digital mapping company +Sci/Tech,Internet Giants File 7 Suits Aimed at Stopping Spam +Sports,"Nuggets 93, Rockets 88" +World,Football: Edu gives fracas details +World,Thai PM to Address Nation as More Bombs Hit South (Reuters) +Sports,This Date in Baseball for Oct. 29 (AP) +Sci/Tech,Search Engine Forums Spotlight +Sports,Hundreds Attend D.C. Meeting on Expos (AP) +Sci/Tech,The iPod's New Trick: Photo Show +Sci/Tech,Weaned on Video Games +Sci/Tech,Xbox owner sues over dud drive +Business,Shell pleases city with UK-Dutch merger +Business,DreamWorks Spinoff Sees Shares Rise 38 1st Day +Business,"Jury Gets Enron, Merrill Lynch Case" +Sci/Tech,Hobbit-sized #39; skeleton astounds scientists +Sports,Sports and Politics +Sports,Castilla would like to return +World,Muslim Insurgency Threat Facing Thailand +Sports,Phillies Interview Pendleton for Manager (AP) +World,Calif. Democrats File FCC Complaint (AP) +World,Military Wives Share Pain -- and Often Politics +World,Ailing Arafat Goes to Paris for Treatment (AP) +Business,A Delta Deal Buys Some Time +Business,Sony: A Bight Picture? +Sci/Tech,Remains of hobbit-like species found +Sports,World Series Notebhook: Lowe now a big hero in Boston +Sports,Cubs TV Analyst Stone Resigns One Month After Making Critical <b>...</b> +Sports,HORSE RACING Optimism Finally Finds a Home in Funny Cide #39;s Camp +World,Charles Visits Jordan Coach Crash Survivors +Sports,Sluman Eases to Lead +Sports,Yao Misses Game +Sports,Mourning Returns +World,Cambodia's coronation under way +Business,"Oil Extends #36;5 Rout, Uneasy Over China (Reuters)" +Business,"Oil Extends \$5 Rout, Uneasy Over China" +Sports,Not too hard to be happy for Red Sox fans +Sports,Start #39;em or Sit #39;em: Ravens-Eagles +Sports,Steelers set to give Patriots a challenge +World,Rebels execute 11 Iraqi soldiers +World,Bombing kills 2 in Thailand; villagers bury 22 who died in custody +World,Armitage warns Ukraine to stage free election +World,China Seeks to Soothe Markets Over Rates (Reuters) +Sports,Differences Emerge +Business,Walkouts at three VW German sites +Business,Uncertainty still reigns at Delta +Business,CNNfn to shut after nine years +Business,ExxonMobil #39;s Q3 profit up sharply +Sci/Tech,Views of Titan hint at frozen volcanoes and methane lakes +Sci/Tech,Survey: People often give out sensitive details +Sports,Nets: Mourning looks strong in comback +Sports,Center likely out four weeks +World,"Study: 100,000 Iraqis died post-war" +World,Blessings for Cambodia's King Norodom Sihamoni as coronation nears (AFP) +Business,"Dollar Near Low V Yen, China Impact Wanes" +Business,ATA bankruptcy could ground traveling IU students +Business,"Chrysler revs past GM, Ford" +Business,Bid-rigging scandal envelops top insurance broker in US +Business,"CNNFN FINALLY PULLS PLUG, ENDING DIFFICULT 9-YR. RUN" +World,Three Afghans Sentenced to Death for Killing Chinese +Sci/Tech,New Images of Titan Show Early Earth-Like Conditions +Sci/Tech,Nintendo amp; Sony Execs Bitch +Sci/Tech,Big ISPs File Second Round of CAN-SPAM Suits +Sports,Red Sox sweep Cardinals to win World Series +World,Sick Arafat Leaves for Treatment in Paris +World,Australia set India 543 to win third test (Reuters) +Business,Japanese Central Bank Holds Policy Steady (AP) +Business,"Market cheers cleaner structure, but reserves loom" +Sci/Tech,Free security SW to members: AOL +Sports,Agassi advances +Sports,Ramsey Owns Three Breeders' Contenders (AP) +World,Retrial of Cleric Begins in Indonesia +Business,DreamWorks Animation hits Street running +Business,UAL posts \$274 million loss for quarter +Business,LOCAL EARNINGS Group 1 Automotive posts \$9.6 million loss +Sci/Tech,UK gives open source the go-ahead +Sports,Short Series was long on highlights +Sports,Mourning #39;s first game after transplant +World,3 kidnapped in Afghanistan +World,Mystery death of British tourist at Ayers Rock deepens after autopsy (AFP) +World,"Weakened Arafat Heads for France, Cancer Suspected" +Business,Frictions over dollar to test global policy-making +Business,WMC rejects \$5.5bn Xstrata bid +Sci/Tech,Millions in the Americas watch lunar eclipse +Sports,Red Sox victory one for the ages +Sports,Public debate begins in DC +World,Twin bomb blasts wound 18 in tense Thai south +Business,"CNN axes financial channel, to retool Headline News" +Business,New act changes check-cashing procedures +Sci/Tech,Ninth-grader named country #39;s top young scientist +Sports,Seeing is believing with Red Sox +Sports,2005 Tour route could level the field +Sports,Hundreds Attend DC Meeting on Expos +Sports,Sluman #39;s sensational start +Sports,Randall ignites Hokies to fourth-quarter rally +Sports,How suite it is at Dallas #39; Lone Star Park +World,Japanese government convenes emergency session after body <b>...</b> +World,Militants kidnap three foreigners in Kabul +Business,Aon chairman fighting for company amid insurance investigation +World,"Kashmir policeman killed, four injured in rebel aattacks (AFP)" +World,Arafat Flies to France for Treatment +Sci/Tech,Radar Images Suggest a Saturn Moon's Landscape Contains Basins of Ice +Business,Fall in price of oil reflects rising supply +Sci/Tech,"DNA as a Sex-Crime Solver: Good Tool, Not Whole Solution" +Sci/Tech,New Species Revealed: Tiny Cousins of Humans +Sports,Iverson's Career at a Crossroads (AP) +Sci/Tech,UK Gives Open Source The OK (TechWeb) +World,Japan Scrambles After Report Asian Body Found in Iraq +World,Arafat flying to Paris for treatment +World,African troops to monitor shaky cease-fire in Sudan +World,More Iraq civilian deaths seen in study +World,The world today +World,Muslims mourn -- and seethe -- over deaths of 78 in Thailand +World,Girl among 3 Palestinians killed +World,"As trial opens, cleric accused in Bali bombings declares innocence" +Sports,Stern says labor worries premature as NBA season approaches (AFP) +Sports,The party rolls on +Sports,Epstein was an old pro +Sports,The feeling is unbelievable +Sports,Silencing St. Louis was as easy as 1-2-3 +Sports,Likely many of this rank could soon be filing +Sports,Fast start to free agency for Beltran +Sports,A site where prayers were answered +Sports,Celebration bringing fans from all over +Sports,Yankee fans forced to face harsh reality +Business,Bank to add up to 900 jobs in R.I. +Sports,NFL games on TV +Business,"After failed attempts, One Beacon gets sold" +Business,AT amp;T settles land-rights suit linking Internet age with 1850s +Business,China hikes rates to cool growth +Sports,"But seriously, folks" +Business,Oil price drops to under \$51 per barrel +Business,Spitzer says Marsh could face penalty 'far higher' than \$500m +Sports,Sour taste left by turnovers +Business,DreamWorks soars on 1st day Shrek-sized hopes lift shares up 38 +Sports,Gators are looking to past -- for future +Business,Malden Mills buyback plan hits setback +Sports,Cowbells will be at the ready +Business,"Rising health costs lead many consumers to cut retirement savings, survey finds" +Business,Raytheon sees quarterly profit +Business,CNN to shut down its CNNfn network +Business,Ovitz defends his tenure at Disney +Sports,Local teams gear up for tournaments +Business,Carriers attempt to stay afloat +Business,Airlines #39; pain is SRQ #39;s gain +Business,"United, Frontier report losses" +Business,Stock-crash calamity unlikely today +Business,Wal-Mart study shows clear bias +Business,"Viacom profits up due to cable, TV" +Sci/Tech,Voting machine has trial by fire +Sci/Tech,Tony Hawk gave up violin for skateboarding +Sports,India rocked early in run chase +Sports,Randall rallies No. 22 Va. Tech +Sports,Ravens #39; Ogden signs long-term deal +Sports,Gators are looking to past -- for future +Sports,What game? TV can #39;t get off sideline +Sports,Defender takes Galaxy personally +World,Troubled Mitsubishi Motors denies reported tie-up with PSA Peugeot (AFP) +World,EU Leaders to Sign Constitution Today +World,Uncertainties remain in Mideast +World,"11 guardsmen killed, Iraqi insurgents say" +Sports,"Purdue's Defense Is Pretty Good, Too (AP)" +Business,"Michael Cherkasky: Now in Public Hotseat, Has Quieter Repute in <b>...</b>" +Sports,"Spaniards Garcia, Lara lead in Spain" +Sports,Sluman sizzling despite bad back +World,Hurricanes Damaged Florida Polling Places (AP) +World,End to N.Korea Crisis Unlikely Under Kim--General +World,Europe vote 'early 2006' - Straw +Business,What can \$2-million do for your office? +Business,State moves against former Metropolitan Mortgage brokers +Business,State Health Care Proposition Would Benefit Many Workers +Sci/Tech, #39;Hobbit #39; find raises debate on humanity +Sci/Tech,"Thursday #39;s foggy commute caused little trouble, police say" +Sports,THE DARKNESS +Sports,Sluman shoots ahead in Florida +Sports,Red Sox celebrations net 39 arrests +World,RI pushes Thailand to apply justice to restore order in south <b>...</b> +World,Cambodia set to crown new king +World,Deutsche Bank third quarter at top end of expectations (AFP) +World,Cheney to Make Visit to Hawaii on Sunday (AP) +World,"Manhunt underway for UN hostages, as fears rise of Iraq-style kindappings (AFP)" +Business,Dollar Falls to 6-Month Low Vs Yen +Business,"Oil Stems Slide, Uneasy Over China Rates" +Business,"Unlike rivals, Chrysler turns profit in sales" +Business,UPDATE: Australia #39;s Fairfax Eyes Role In Media Shake-Up +Sci/Tech,GTA latest to sell 25m +Sports,Mourning sees 1st post-transplant time +World,"Household Survey Sees 100,000 Iraqi Deaths" +World,To Which Viktor the Spoils? +Business,China Seeks to Soothe Markets on Rates +Sports,Key New England games +Sports,This week's schedule +Sports,Transactions +World,Dali aide convicted of 'touch-up' +Sports,"This weekend on TV, radio" +Sports,Today's schedule +Sports,It's a family affair +Sports,Barnstable meets challenge +Sports,College football games on TV +Sports,Townies in control +World,"As Drama Plays Out, Arafat's Neighbors Express Sorrow, Fear" +World,Showdown Over Nuclear Plans Awaits Election Winner +Sci/Tech,Concerns over Windows cashpoints +World,Indian refinery blast injures 16 +World,Filipinos return to devastated homes +Business,"UPDATE 2-French firms Sagem, Snecma plan to merge" +Business,Show is over for CNNfn +Business,Black in offer to buy Hollinger Inc +Sci/Tech,Mandrakesoft screams as Linux OS uprooted +Sports,"Well wishes, fresh plans from George" +Sports,Kiwis crush Bangladesh to wrap up series +Sports,"Davidoff Swiss Indoors, Basel" +Sports,Mourning looks good in return +World,Afghans make arrests over kidnappings +World,Coach Crash Survivors Moved to Capital Hospital +World,From James Hider in Baghdad +World,Australian police concerned over missing British tourist (AFP) +Business,Financial network to end after nine years +Business,Australia #39;s Fairfax poised for growth if media laws relaxed +Business,Gateway tiptoes into the black +World,Iraq deaths claim #39;to be studied #39; +Sports,Sox must now avoid a new kind of #39;curse #39; +World,Porous Border Helps Iranian Smugglers (AP) +World,Boxing: Rumble in jungle recalled +World,Six men sentenced on Pitcairn +Business,Bank to add up to 900 jobs in RI +Sci/Tech,Science: The Earth Explores Cassini Data +Sci/Tech,Microsoft sued over allegedly faulty X-boxes +Sci/Tech,Massive Online ID Fraud Ring Busted +Sports,Golf: Sluman tops Chrysler with course-record 62 +World,Armed group claims to have obtained missing explosives +World,"Optimists, pessimists, realists, fantasists" +Business,Delta still not out of financial woods +Sci/Tech,Prize to be awarded Nov. 6 +Sci/Tech,Earth Reveals Its Sensitive Side +Sports,Looking for Lance +Sports,Australia Needs Five More Wickets to Claim Series Win in India +Sports,Sports Buzz +Sports,TENTATIVE TOOMER +World,Twin bombs rock southern Thailand +World,Businesses Bet on Ukraine #39;s Future +World,Indonesia says cleric incited two bombings +Business,Germany #39;s Volkswagen workers stage warning strikes +Sci/Tech,US giants move to can spammers +Sci/Tech,Space Race Focuses on Money +Sports,Dein reveals Wenger approaches +Sports,Warner can #39;t be like Vikes +World,Sudden change is inevitable +World,Mini-series plan for 9/11 report +World,Gravely ill Arafat bound for Paris for urgent medical care (AFP) +Sci/Tech,DreamWorks Spinoff Sees Shares Rise 38 1st Day +Business,Markets Cool to China's Rate Increase (AP) +Business,NY Heads for Flat Start; Oil Supportive +Sci/Tech,Napster founder introduces new file-sharing service +Sci/Tech,W.Va. to Sponsor Public Computing Grid +World,Security Tightened in Paris for Arafat (AP) +Sci/Tech,Space Race Focuses on Money +Sci/Tech,Porn Is Going Mobile +Sci/Tech,Sun Shines Light on Music History +Sci/Tech,Don't Knock the Birdbrains +Sci/Tech,Pledge Allegiance to the Penguin +Sci/Tech,Earth Reveals Its Sensitive Side +Sci/Tech,File Sharers Win More Protection +World,Scots count cost of plastic bags +Sci/Tech,NTT DoCoMo profits fall on stiff cellphone competition (AFP) +World,"Crucial Senate races costly, caustic (USATODAY.com)" +World,Seven Still at Large in Plot to Bomb Spanish Court +Business,"Sony 2Q net profit rises, revenues dip" +Business,UAL Corp. takes \$274 mil. hit in 3rd quarter +Business,Black to privatise Hollinger Inc +Business,"French firms Snecma, Sagem poised to announce merger" +Sci/Tech,More #39;Spammers #39; in court +Sci/Tech,Drug-delivering contact lenses revealed +Sports,Monty Makes Disappointing Start +Sports,Chelsea Cancels Mutu #39;s Contract After Drug Admission (Update1) +Sports,In the lap of the Hodds +World,French Jewish families demand Arafat interrogation +World,Japan Scrambles After Report Asian Body Found in Iraq +World,Bush should try to cement a possible Mideast breakthrough +Business,Interest rate rise by China has West confused +Business,Martha #39;s company upbeat +Sci/Tech,Yahoo chases Google in mobile search race +Sports,Suddenly in the mix +Sports,Leaders fire six under par +World,Pitcairn sex offenders receive sentences +World,Bennett #39;s family vows to fight against jail sentence +Sci/Tech,"On Internet's 35th birthday, pioneer still excited about its potential (SiliconValley.com)" +Sci/Tech,FCC sends wrong signal on digital TV (SiliconValley.com) +World,"Hitachi net profit up sevenfold in first half, sees slower H2 (AFP)" +Business,"Shares Hit by Earnings, Dollar Falls" +Sci/Tech,Indonesia's Hobbit-Sized Humans Find Humble Home (Reuters) +Business,"Dollar Eyes U.S. Outlook, Hits 6-Mth Low (Reuters)" +Sci/Tech,Digital Agenda: 10 facts you should know about homeland security +Business,"BoJ keeps easy monetary policy, sees slight inflation next year (AFP)" +Business,New mortgages hit four-year low +Business,Crude prices ease further amid China #39;s latest moves to cool its <b>...</b> +Business,Mortgage lending growth slows +Sci/Tech,ISPs File Next Barrage of Anti-Spam Lawsuits +Sci/Tech,Linux not ready for mass market +Sci/Tech,RIAA files 750 new file-trading lawsuits +Sci/Tech,AMD launches PC #39;for the rest of us world #39; +Sci/Tech,AOL to give away McAfee to members +Sci/Tech,Nokia makes play for mobile content +Sci/Tech,Discounts bite into NTT DoCoMo #39;s results +Sports,"Now what, Boston?" +Sports, #39;Would Frank Lampard Have Been Sacked? #39; +Sports,Stone Gone +World,Cambodia crowns former dancer new king +World,Settlers #39; views: Gaza withdrawal +World,Japan Refuses to Give Up Hope on Iraq Hostage +World,Greek Riot Squad Bus Blast Raises Security Fears (Reuters) +World,Seven Still at Large in Plot to Bomb Spanish Court +World,Iraq deaths claim 'to be studied' +Business,Metro hit by slowdown +Business,"Oil Steadies, China Rate Hike Unsettles" +World,Gravely Ill Arafat Arrives in France for Treatment +Sci/Tech,Taiwan's Acer reports lower-than-expected net profit (AFP) +World,Toshiba Returns to Profitability (AP) +Business,Stock Futures Flat Before GDP Data +Business,Pilots at Delta take 33pc cut in pay +Business,Deutsche Bank Boosts Profit Through Cuts +Business,VW workers launch warning strikes +Business,Oil price stems slide +Sci/Tech,AOL Cans quot;Spim quot; +Sci/Tech,Intel and Clearwire forge WiMAX alliance +Sci/Tech,Latest Mandrake Linux distro screams into action +Sci/Tech,A lot of ground to be covered before space tourism can fly +Sci/Tech,Dell updates consumer IT services +Sports,AGASSI ADVANCES +Sports,Tennis: Henman in Swiss Indoors quarters +Sports,Funny Cide a Classic tale of redemption? +Sports,Losing Stone isn #39;ta winning move +Sports,Hawaii QB credits team for record career +Sports,This stop anything but the pits +World,"Polish hostage, 11 Iraqi police men executed in Iraq" +World,Summary Box: EU Leaders Sign Constitution +World,Cambodia #39;s new king sworn in +World,Editor #39;s Notes: The challenge for the Palestinians +Business,Dollar Hits 6-Month Low Vs. Yen +Business,Anadarko Third-Quarter Earnings Rise +Sci/Tech,Internet service providers file more spam lawsuits +Sci/Tech,Summit on eco-friendly buildings +Business,Oracle plots course for growth +World,Iraq body does not resemble Japanese hostage: hospital (AFP) +Business,Start planning today to reduce your tax bill in April +Business,French groups Sagem and Snecma to merge +Business,Avon Third-Quarter Profit Rises +Business,"Gateway surprises, posts operating profit" +Business,Japan deflation struggle nears end +Business,Sears to Pay for Not Reporting Defects +Sci/Tech,Internet service providers file more spam lawsuits +Sci/Tech,Mandrake goes Official with Linux +Sci/Tech,Dell #39;s tech docs now making house calls +Sports,Boston outclassed Cardinals +Sports,Australia clinch series in India +Sports,UPDATE 1-Champion Loeb leads in Catalunya rally +Sports,Levein Says Goodbyes to Hearts Players +World,EU clears Flextronics buy of Nortel units (Canadian Press) +World,Seven Uniformed Men Held But No Word of Kidnapped Britain +Business,Avon Profit Up on International Sales +World,Iran Sees Small Chance of UN Economic Sanctions +World,Death penalty for Afghan killers +Business,FDA Holds Off Approval of New Merck Drug (Reuters) +Business,Bristol-Myers Posts Lower Profit +Sci/Tech,"Not So Fast, Linux" +World,EU constitution signed in Rome +Business,Employment Costs Edge Up in Third Quarter +World,EU leaders trumpet historic new constitution (AFP) +Sci/Tech,Harvard Plans Major Engineering Expansion (AP) +World,Intel Overhaul Draws Yawns From Voters (AP) +Business,Consumer spending lifts US growth +Business,"China #39;s interest rate hike necessary, but not sufficient" +Sports,"Red Sox hot, but owner #39;s funds cold" +Business,"Oil, Gas Prices Help Chevron Earnings" +Business,FDA Holds Off Approval of New Merck Arthritis Drug +Business,Nexen to Buy EnCana Unit for \$2.1 Billion +Sci/Tech,Earnings alert: Cell phone unit shores up Verizon +Sci/Tech,Photo: Secret Service takes over Shadowcrew site +World,Profit Drops at NTT DoCoMo on Service Fees (AP) +Business,Stock Futures Signal a Flat Open Today +Business,"Education Unit, TV Hike Wash Post Profit" +Business,Growth Under Forecast in 3rd Quarter (Reuters) +Business,Bristol-Myers Posts Lower Profit (Reuters) +Business,Employment Costs Edge Up in Third Quarter (Reuters) +Sci/Tech,Shroomin' at the Ballot Box +World,Arafat Arrives in France for Hospital Treatment +Business,"Economic growth less than forecast in Q3, prices muted" +Business,UPDATE: Australia #39;s National Foods Steps Up Bid Defence +Business,EnCana sells British operations to Nexen for \$2.1 billion US +Sci/Tech, quot;Hobbit quot; Joins Human Family +Sci/Tech,Harvard Plans Major Engineering Expansion +Sci/Tech,Russia to Build Space Launch Pad in South Korea +Sports,We all could take a lesson from Red Sox +World,Ailing Palestinian leader Yasser Arafat arrives in Paris +World,Eyewitness: Thailand #39;s deadly protest +World,Reformist Mazen likely to succeed Arafat +Sci/Tech,Tumbleweeds in the Bloodstream +Business,Treasuries Turn Flat on GDP Data +Sci/Tech,Photo: Shadowcrew site in federal custody +Business,"Oil, Gas Prices Help Chevron Earnings (Reuters)" +World,New Era for Cambodia as King Sihamoni Ascends Throne +Business,CORRECTED: Bristol-Myers Profit Sinks +Business,Delta pilots accept pay cut +Business,Nexen to Buy EnCana Unit for \$2.1 Billion +Business,Bristol-Myers Squibb Net Slumps +World,Liberia Slaps Curfew on Capital After Riots (Reuters) +World,New Era for Cambodia as King Sihamoni Ascends Throne (Reuters) +Sci/Tech,"Microsoft, AOL battle spam amp; spim" +Sci/Tech,Scientists find new species of hobbits +Sci/Tech,By 2015 AMD Will IT-Enable Half Of World Populace +Sci/Tech,Sony to launch PlayStation Portable in December +Sports,Cycling: Armstrong question hangs over 2005 Tour +Sports,Big Al chases dos amigos +Sports,Sox ace making pitch for Bush +Sports,Shaq and Kobe eager to show who is the better team leader (AFP) +World,Group claims to kill kidnapped Iraq troops +Business,U.S. Growth Under Forecast in 3rd Quarter +Sports,Midgley carries Cal with career-high 28 +Business,Avon Profit Rises on International Sales +Sci/Tech,US sues student 'song swappers' +Business,Bristol-Myers Posts Lower Profit +Business,Stocks Open Near Unchanged After GDP Data +Sports,Dinner in Geneva Led to Rumble in the Jungle +Business,U.S. Growth Under Forecast in 3rd Quarter (Reuters) +Business,Economy Grows at 3.7 Percent Annual Rate +Business,Markets calm after China rate rise +Business,DaimlerChrysler operating profit increases to \$1.7 billion in Q3 +Business,2 French firms agree on aeronautics merger +Business,"Float Time on Checks Shortens, as of Thursday" +Business,Bristol-Myers Third-Quarter Profit Fell on Costs (Update1) +Business,"French Firms Sagem, Snecma Plan Merger (Reuters)" +Sports,Prem Wrap: Goalfest As Big Guns Flex Their Muscles +Sci/Tech,Cassini radar shows diversity on Saturn #39;s moon Titan +Sci/Tech,Island dwarf is a big find for scientists +Sci/Tech,ISU Student Named In Downloading Lawsuit +Sci/Tech,Dell angles for the best seat in the living room +Sci/Tech,PDA Market Continues its Downslide: IDC +Sports,Chelsea to sack Mutu - with Abramovich approval +Sports,NO MODEL ROUND FROM MONTGOMERIE +Sports,"Juventus beats Roma, stretches unbeaten streak" +Sports,Red Sox will appear on Wheaties box +Business,US economy grows 3.7 percent in third quarter (AFP) +World,Toward a united European voice +World,Six Pitcairn Island men sentenced up to six years for sex attacks +World,Indonesian cleric back in the dock +World,Disgraced and bankrupt British MP back in the money via showbiz (AFP) +World,Japanese Emperor's Comments Cause Stir (AP) +Business,"Oil Steadies, China Rate Hike Unsettles" +Business,Avon Lowers U.S. Sales Forecast +Sports,Young gun Kovalainen puts Schumacher in shade +Sci/Tech,Paying a price to be No. 1 +Sci/Tech,US sues student #39;song swappers #39; +Business,Avon Lowers U.S. Sales Forecast (Reuters) +Sports,Australia breach final frontier +Sports,Schilling to appear with Bush in NH +Business,Higher Energy Prices Help Chevron Earnings +Business,Merck Pain Reliever Gets Preliminary OK +Sci/Tech,Web-Based Tool Helps Voters Find Polls +Sci/Tech,Andrew Kantor: CyberSpeak - Sinclair is the latest to feel the power of blogs (USATODAY.com) +World,Asian Americans fight language barrier in US elections (AFP) +Business,Consumer Sentiment Fades in October +Business,Consumer Sentiment Fades in October (Reuters) +Sports,China's Yao set to carry Rockets with McGrady by his side (AFP) +Sports,BALCO fallout continues +Business,Delta Woes Flown In From Saudi Arabia +Business,US Growth Under Forecast in 3rd Quarter +Business,Southwest Makes Midway Top Priority +Business,Ryanair makes EUR 4m offer over Charleroi +Business,ChevronTexaco Profit Rises 62 on Higher Oil Prices (Update2) +Business,New #39;Check 21 #39; law sinks check-floating practice +Sci/Tech,Microsoft Joins ISPs In Filing Anti-Spam Lawsuits +Sci/Tech,AMD has the PC for developing nations +Sci/Tech,Drug-loaded contact lenses to treat eye diseases +Sci/Tech,PDA market in downward spiral reports IDC +Sports,Chelsea sends Mutu packing +Sports,Manchester United manager wants to get to the bottom of #39;Soupgate #39; +Sports,Cricket: Fired-up Australia end 35-year drought as India hit new <b>...</b> +Sports,Chester gives Rush permission to talk with Wales +Sci/Tech,Review: New 'Hawk' Game Most Thorough Ever (AP) +World,Fix EU executive #39;crisis #39; urges Chirac +World,US Embassy warns diplomats to stay away from Marriott hotel +World,Ukraine challenger predicts mass cheating in vote +Business,Clear Channel Radio Ad Revenue Slips +World,Thai PM to Address Nation as More Bombs Rock South +Sci/Tech,"HP, SuSE target German public sector" +Sci/Tech,Chinese vendor offers Linux mobile platform +Business,"Move Over, Edison (Forbes.com)" +World,Accused Air India bomber is a victim of lies: defense lawyers (AFP) +World,GOP Seeks More Time for Military Ballots (AP) +World,Gravely Ill Arafat Arrives in France for Treatment +Sci/Tech,LookSmart Performs Despite MSN Split and Acquisitions +Business,Vehicle for Change? (Forbes.com) +Business,Some Officials Seeking Shift From Pensions +World,Nations voice concern for Arafat +Business,Economy Grows at 3.7 Percent Annual Rate (AP) +Business,On the Run (Forbes.com) +Business,"Washington Post Profit Up on Education,TV" +Sports,"Packers' Favre, Green Miss Practice (Reuters)" +Business,Readers Say (Forbes.com) +Sports,"Packers' Favre, Green Miss Practice" +World,Workplace Now Terrain of Politics (Los Angeles Times) +Sports,"Horse Racing: Cream of US, Europe to Clash in Texas" +Sci/Tech,Intelligence Gathering: The Study of How the Brain Evolves Offers Insight into the Mind (SPACE.com) +Sci/Tech,NASA Prepares for Future Space Exploration Risk (SPACE.com) +World,"Curfew in Liberia After Riots, Four Dead" +Business,Need a Yawner Investment? +Business,US economy increases 3.7 percent in third quarter +Business, #39;); //-- gt; Eye On Stocks +Business,ChevronTexaco #39;s 3Q profit soars 62 +Business,Archer Daniels Midland Net Rises on Soy Processing (Update4) +Business,Nexen to Buy EnCana #39;s UK Oil Business for \$2.1 Bln (Update4) +Business,Update 1: Ad Sales Spur Growth at Washington Post +Sci/Tech,Cassini spacecraft explores hazy Titan +Sci/Tech,We May Not Be the Only Humans on Earth +Sci/Tech,AMD and VSNL to sell net communicator device in India +Sci/Tech,Forth Road Bridge corrosion found +Sports,A monkey off their back +Sports,Queen honours former Chelsea star Gianfranco Zola +Sports,49ers QB Rattay questionable for Sunday +Sports,Review: New #39;Hawk #39; game most thorough ever +Sports,SEC PREVIEW +World,Erdogan and Gul Sign EU Constitution +World,Liberia violence sparks daylight curfew +World,The eternal circle of the Iraqi insurgency +Business,"Bristol-Myers Profit Down, So Are Shares" +Sci/Tech,Too Close to Call? +Sci/Tech,Mexico rats survive cat onslaught +Business,DreamWorks Draws a Crowd +Sci/Tech,Google Adds AdWords To Froogle Shopping Feed +Sports,Cavaliers Decline Option on Wagner (AP) +World,Report: China's Imports of Steel Fall (AP) +World,Fierce clashes in Somali regions +World,Argonaut founder rebuilds empire +World,Andrew Rawnsley +Sci/Tech,High-Tech Japan Aims to Stop Counterfeit Banknotes +Sci/Tech,Things that go bump on the Net +Business,Australia #39;s National Foods flags 14 per cent profit growth +Business,"Ryanair Won #39;t Use Aid, Pending Appeal" +Business,Merck Pain Reliever Gets Preliminary OK +Business,"Washington Post Profit Up on Education,TV" +Sci/Tech,Probe data reveal Titan #39;s etched face +Sci/Tech,ISPs again go after spammers +Sci/Tech,NASA mulls early retirement for space shuttle +Sports,"Montgomery, Gaines doping cases postponed" +Sports,Rattay prospects for Bears growing dimmer +World,Ailing Arafat Rushed to Paris Hospital +World,Pakistani officials downplay Marriot Hotel blast +World,World digest +World,Artists from new EU-member states put on historic display in Amsterdam (AFP) +Business,Demonizing for Dollars (Forbes.com) +World,"Arafat Conscious, Days Needed for Diagnosis-Aide" +Business,Black to Quit Hollinger Inc 'Within Days' +Sci/Tech,Dozens held over identity fraud +Sci/Tech,Gadgets We Love (Forbes.com) +Sports,Surly Safin Slumps Out of St. Petersburg +Sci/Tech,Spain OKs Stem Cell Research Conditions (AP) +World,Boy held hostage in Iraq is freed +Business,SAA asks public for 'great ideas' +World,"Tricks, Treats and Insulin" +Sci/Tech,Web Site Helps Undecided Voters Choose +Sci/Tech,Reheated Bagle smokes out antivirus defenses +World,Terrorism joins weather disruptions as election planning issue (AFP) +Business,Lawyer introduces harassment scheme in Ovitz case +Business,Update 4: FDA Wants More Safety Data on Merck Drug +Business,"Stocks mixed as US, Canadian economies improve, oil edges higher" +Sci/Tech,UK takes Linux to the heart of government +Sci/Tech,US Secret Service busts 28 ID fraudsters +Sci/Tech,Microsoft Faces Suit for Selling #39;Defective #39; Game Systems +Sci/Tech,Call issued for tenders to inspect Regional Road bridge +Sports,Red Sox primed for encore +Sports,Tennis / Close but no cigar as Ram tests Youzhny +World,Committee to succeed Arafat denied +World,British troops arrive at base in central Iraq +World,CARE International leaves Iraq +World,Leaders of 25 EU Countries Sign New Constitution +World,Second Bomb Injures 9 in Thai South - Witnesses +World,Jordan crash coach had two burst tyres +Sci/Tech,Joke e-mail virus tricks users +Sports,Hurricanes Were Their Own Worst Enemy +Business,"Merck #39;s FDA Delay, Pfizer #39;s Problem" +Business,UPDATE 1-Black to quit Hollinger Inc quot;within days quot; +Sci/Tech,Could Hobbit-Like Creatures Still Live on Earth? +Sci/Tech,NASA Prepares for Future Space Exploration Risk +Sports,William Rivers Pitt: Believe +Sports,Cricket #39;s final frontier conquered +Sports,Surly Safin slumps out of St Petersburg +Sports,Cipollini signs deal with Liquigas +Sports,Peek at the Week: Ben vs. the Streak +Sci/Tech,Cellular Companies Agree on Standards (AP) +World,Lebanon: Kidnappers Have Freed Boy in Iraq (AP) +Sci/Tech,Bands Debut Dual-Sided CD/DVD Hybrid (AP) +World,"Myanmar strongman vows to bring democracy, crush anti-Indian rebels (AFP)" +Sci/Tech,Web Site Helps Undecided Voters Choose (PC World) +Sci/Tech,Billboard to Rank Cell Phone Ringtones (AP) +Sports,Montgomery and Gaines Hearings Postponed +World,Marines Set for Sunni Triangle Battle +World,Mexico rats survive cat onslaught +Sci/Tech,Software-patent battle set to flare up +Sci/Tech,"Ex-manager at Oracle seeks \$679,000" +World,Asian Markets Mixed on China Rate Hike (AP) +Sports,Cal #39;s Arrington has record-tying 11th 100-yard game +Business,"China hikes loans, deposit rates" +Business,Update 2: Clear Channel Earnings Plummet 60 Percent +Sci/Tech,Detailed Image of Titan #39;s Surface +Sci/Tech,Secret Service Nabs 28 in Online Fraud Sting +Sports,Mutu #39;s agent hits out at Chelsea +Sports,Australia #39;s Champion Cricketers Conquer Indian Final Frontier #39; +Sports,Fitful Mauresmo Through to Linz Semifinals +World,UN report: Lubbers guilty of sexual misconduct +Sci/Tech,Antivirus companies warn of new Bagle variants +Sci/Tech,News: US Secret Service busts 28 ID fraudsters +Business,China Seeks to Soothe Markets on Rates +Business,The long good buy +Business,Merck gets good news on drug to replace Vioxx +Business,Rivals await Ford #39;s plans +Sci/Tech,Mandrake Linux 10.1 Official +Sports,Cycling: Bid to rein in cycling great +Sports,AUSTRALIA ROMP TO HISTORIC WIN +Sports,We prepared from 2001: Gilchrist +Sports,Cavs #39; Wagner will be free agent after season +Sports,"KU, OU to play in KC in #39;05" +World,US marines prepare major assault in Fallujah +World,Redeployed Black Watch come under attack +World,Rapists to stay in jail they built +World,Suicide attackers quot;ready to strike quot; Russia +Business,Several Insurers Are Named in Lawsuit (AP) +World,Nine Britons confirmed dead in Jordanian coach crash +World,Earnings of Electronics Makers Improve (AP) +World,"Italians, Canadians gather to honour living legend: VC winner Smoky Smith (Canadian Press)" +Sports,Mauresmo Beats Sugiyama in Quarterfinals (AP) +Sci/Tech,European Search Landscape - Search Engine Strategies Coverage +World,Bush Asked to Stop Using 'Still the One' (AP) +World,Top Senate Democrat Fights for Political Survival (Reuters) +Sports,Revelations should cast Thomas in a different light +Sci/Tech,New 'Hawk' Game Most Thorough Ever +Sci/Tech,Things that scare Sun's Schwartz +Sci/Tech,Secret Service busts suspected ID fraud ring +Sci/Tech,Microsoft Files Seven New Spam Lawsuits +World,Thai PM Says Will Punish 'Wrongdoers' Over Deaths +Sci/Tech,News: Bagle variant outstrips Google-bashing worm +Business,"London shares close lower, with NY down amid mixed data over US economy (AFP)" +Sci/Tech,IBM improves on autonomic toolkit (InfoWorld) +World,Kerry Criticizes Delay in Hunger Report (AP) +World,Putin Gets Duma Nod for Reforms to Boost Power +World,Bush Recalls 9/11 Leadership with Victim Relatives (Reuters) +Sci/Tech,Students suspended for hacking +Business,New law sinks old practice of floating your checks +Business,"ADM Profit Rises Sharply, Shares Up 9 Pct" +Sci/Tech,28 Arrested in Global Web Fraud Sting +World,Official Alleges 17 Mass Graves in Serbia (AP) +Sports,United prepare #39;Battle of the buffet #39; evidence against Arsenal +Sports,Juventus Dump Roma In The Rain +World,Suha: controversial but estranged supporter of husband Arafat +Sci/Tech,IBM improves on autonomic toolkit +Sports,Agassi Overcomes Verdasco Power +World,British Ex-Guantanamo Detainees Sue Rumsfeld (Reuters) +Sci/Tech,Cellular Companies Agree on Standards +Sci/Tech,Open Source Gets Nod From UK Govt. +Business,Web Help for the Voting Disabled +World,"Italians remember Canadians with fondness, gratitude as veterans return (Canadian Press)" +Business,"GDP Up, But Not Enough for Economists" +Business,Martha Stewart: Scarier on Halloween +Sci/Tech,HP developing 'smart rack' to ease data center work +Sci/Tech,"Oracle sex suit winner seeks \$679,000, apology" +Sci/Tech,Netino banks on growth in bioinformatics outsourcing +World,Gunmen rob cricket legend Imran +Sci/Tech,Local and Shopping Search Are Growing Among Internet Users +Business,Clear Channel Earnings Plummet 60 Percent +Business,Bank of America files for compensation in Parmalat case +Sci/Tech, #39;Approved #39; Stem Cells Found Faulty +Sci/Tech,E-voting: Can it be trusted? +Sports, \$3.0 million team option +Sports,Agassi overcomes Verdasco power +Sports,Top seed Safin slumps in St. Petersburg +Sports,Leicester get permission to speak to Levein +Sports,Athletics: Montgomery and Gaines doping cases postponed +Sports,Cavs to let injury-prone Wagner become free agent +Sports,Jones leads early push at Chrysler +World,Ailing Arafat Heads to Paris for Treatment +World,Leaders sign EU #39;s first constitution +World,VIEW: Europes new dawn Jan Peter Balkenende +World,FSB asks media to be responsible in covering terrorist attacks +World,"Lucian Freud portrait of Kate Moss, nude and pregnant, goes on sale (AFP)" +Business,TransActing Up and Down +Business,"ChevronTexaco Profit Up, Misses Forecasts" +Sci/Tech,Defense deals lead in federal IT contracts +Sci/Tech,Making the call as silly as the ring tone +World,A Look at Arafat's Low Platelet Count (AP) +Business,AstraZeneca's Crestor May Harm Kidneys +Business,AstraZeneca's Crestor May Harm Kidneys (Reuters) +Business,Update 1: ADM #39;s Earnings Skyrocket; Stocks Soars +Sci/Tech,IDC sees decline in handheld market +Sports,Hearts say coach Craig Levein to leave for Leicester +World,Prince Charles visits Petra day after crash +World,Zimbabwe #39;s Parliament jails white member +World,Telstra for sale at \$5 a share +World,Philippines Rushes Relief to Flooded Areas +World,Ukraine votes for new leader as Russia and the West watch anxiously (AFP) +World,Colombia Offers Rebels Prisoner Swap (AP) +World,Acer's 3Q Net Profit Plummets 63 Percent (AP) +Sci/Tech,Laboratory Mice Produce Human Antibodies (AP) +Business,Hurricanes Power Gillette's Duracell +Business,World oil prices fall on profit-taking ahead of US election +World,"US believes bomb caused Marriott blast in Pakistan, tells citizens to avoid area (AFP)" +Business,Univ. of Calif. Reaches Settlement with Lehman +Sci/Tech,You broke it. Who fixes it? +Sci/Tech,Lurking threats cast shadow on Net +Sci/Tech,Stem cells scientists can use are tainted +Sci/Tech,Latest #39;Leisure Suit Larry #39; lacking +Sci/Tech,"WSJ, CNBC honor Apple's Jobs" +Sci/Tech,Webmail drops Windows for open source platform +World,S and P watching Shell for possible debt downgrade (AFP) +Sci/Tech,Canada Eyes Internet Pharmacy Drug Supply to U.S. (Reuters) +Business,Stocks Flat on Economic Data Mixed +Business,WRAPUP 2-US consumers help economic growth in third quarter +Business,FDA seeks more safety data on Vioxx successor +Business,Lehman Brothers settles Enron shareholder lawsuit +Business,Hollinger Shares Soar on Buyout Proposal +Sci/Tech,Radar Reaches Titan #39;s Surface Through Clouds +Sci/Tech,"EarthLink, Partners File Spam Lawsuits" +Sci/Tech,"Linux in Government: In Spite of Endorsements, Government Linux <b>...</b>" +Sci/Tech,Secret Service Busts Cyber Gangs +Sci/Tech,Reheated Bagle smokes out antivirus defenses +Sci/Tech,Adults-Only rated Leisure Suit Larry now available +Sports,Dravid blames batting for India #39;s debacle +Sports,Arkansas State will also play in KC in #39;05 +Business,Future Looking Up for Flamel +Sports,Massu and Koubek Reach Basel Semis +Business,UPDATE 1-Univ. of Calif. reaches settlement with Lehman +Business,Bristol-Myers Squibb profit slips 16 percent +Sci/Tech,Reheated Bagle smokes out antivirus defenses +Sports,Garcia battles for the lead +Sports,Mourinho Wary of Baggies Backlash +Sports,Home star Sete grabs provisional pole. +Sports,Rangnick showing magic touch with Schalke +World,U.S. thinks Pakistan blast likely caused by a bomb (Reuters) +World,Iraq death toll #39;soared post-war #39; +World,EU leaders sign first constitution +World,Italy govt set to begin European Constitution ratification +World,Alaskans to Vote on Legalizing Marijuana (Reuters) +Business,"Lucent, Unions to Talk Beyond Deadline" +World,Bush and Kerry Offer Competing Visions of the Future +World,Colombia Offers Rebels Prisoner Swap +World,British Black Watch soldier killed in Iraq vehicle accident (AFP) +World,Colorado could become the Florida of 2004 (AFP) +Business,Black 'to resign from Hollinger' +Business,WR Grace Is Target of Federal Probe +Business,Avon #39;s US Sales Drop Sends Shares Lower; Net Rises (Update5) +Business,ADM #39;s Earnings Skyrocket; Stocks Soars +Sci/Tech,AOL Takes #39;Spimmers #39; to Court +Sci/Tech,NASA prepares for future risk +Sci/Tech,GAME REVIEW: New #39;Grand Theft Auto #39; will pull you in +Sci/Tech,Discovery Shines Ray of Hope on Eye Diseases +Sci/Tech,New Bagle virus declares cyber war +Sci/Tech,Road Bridge cable alert +Sports,Longhorns Hope to Bypass Holiday Bowl (AP) +Sports,Garcia leads Volvo Masters by one after Valderrama victimizes <b>...</b> +Sports,"Angry Safin upset by call, Llodra at St. Petersburg Open" +Sports,Nuggets pick up option on Nene +World,Moscow: 500-plus terror attacks foiled +World,European Leaders in Rome for EU Constitution Signing +World,Report: Japanese Hostage Killed in Iraq (AP) +Sports,Auburn Focused on SEC Championship Spot (AP) +World,Headscarf row mars Turkey's 81st birthday (AFP) +Sci/Tech,New Bagle Virus Declares Cyber War +Sci/Tech,Study: PDA Market in Decline +Sports,"Schalke, Stuttgart Aim to Topple Wolfsburg" +Sports,Munoz recovering from a concussion +Sci/Tech,Secret Service Nabs 28 in Online Fraud Sting (NewsFactor) +Sci/Tech,Study: PDA Market in Decline (NewsFactor) +Sci/Tech,Verizon Wireless Boosts Parent Company (NewsFactor) +Sci/Tech,Trusted Mobile Platform Launches Early Stage Specifications (NewsFactor) +Sports,Molik Beats Golovin in SEAT Open Quarters (AP) +Business,"Bristol-Myers Profit Lower, So Are Shares" +Sci/Tech,"Study: 100,000 civilian deaths due to Iraq invasion" +Sports,Reds Pick Up Casey's Contract Option (AP) +Sports,Schmid to Coach U.S. Under-20 Soccer Team (AP) +Sci/Tech,Intel to debut new Itaniums Nov. 8 +Business,Grace responds to letter about investigation +Business,Snecma and Sagem plan \$6 bn merger +Business,Black #39;to resign from Hollinger #39; +Sci/Tech,Archeologists divided over #39;Home floresiensis #39; +World,A sky-high Swedish farewell cake poisons 13 (AFP) +World,"Egypt, Israel free prisoners in exchange deal (AFP)" +Sports,UPDATE 1-Garcia retains lead after lost-ball incident +Sports,Reds pick up Casey #39;s option +Sports,Times of London Shrinks to Tabloid Format Only +Sports,SI.com #39;s BJ Schecter breaks down a key Big 12 showdown +World,Ukraine votes for new leader as Russia and the West watch <b>...</b> +World,First EU constitution signed: +Sports,"ASU, Cal Defenses Looking for Respect (AP)" +World,Body Resembling Japanese Hostage Found in Iraq +Sci/Tech,New Photoshop Elements +Business,National Foods continues merger talks with SPC +Sports,Marlins Guarantee Mike Lowell's Contract (AP) +Sci/Tech,Titan intrigues scientists +Sports,"Angry Safin Upset by Call, Llodra" +Sports,Terps #39; Jackson Plenty Motivated For FSU Clash +World,Campaign fails to change attitudes on Iraq: poll (AFP) +World,Exiled Ansar founder could be linked to Allawi attack plot (AFP) +Sci/Tech,NASA Picks May 2005 for Launch Date (AP) +Business,Snap-On Ratchets Down Expectations +World,Leaders Sign European Union's First Constitution +Sports,Henman Falls to Novak in Basel +Business,Oil Prices Rebound on Supply Worries +World,Al-Jazeera Says Will Play Bin Laden Tape (AP) +World,Ukraine Challenger Predicts Mass Cheating in Vote +Business,Future's Cloudy for Clear Channel +Business,"US Economy: 3rd-Qtr GDP Grew 3.7, Confidence Ebbed (Update2)" +Business,Lord Black to resign from Hollinger Inc. +Sci/Tech,Intel to debut new Itaniums Nov. 8 +Sci/Tech,Suit Accuses Microsoft of Selling #39;Defective #39; Xboxes +Sports,"Hard work paid off, says Gilchrist after series win" +Sports,Reds pick up Casey #39;s option +Sports,Auburn focused on clinching spot in SEC championship +World,"Study puts civilian tollin Iraq at over 100,000" +World,Iran Sees Small Chance of UN Economic Sanctions +World,Labor Memo Suggests Bush to Win Election (AP) +Sci/Tech,Why Japanese Horror Films Are So Spooky +Sci/Tech,Jerusalem Strife Echoes Ancient History +Sci/Tech,Samoa Worm Sperm Spawns Annual Fiesta +Sci/Tech,Election Is Crunch Time for U.S. Secret Service +Sci/Tech,Natl Geographic Film Fest Gives Voice to Unsung Cultures +Sci/Tech,The Future of Alternative Energy +Sci/Tech,Where's the spark on power line Net? +Business,Future #39;s Cloudy for Clear Channel +Sci/Tech,Secret Service Busts Cyber Gangs +Sci/Tech,Bungie Founder Unearths New Game +Sports,Molik stays on course for second tournament win in row +Sports,Lowell under contract with Marlins through 2007 +World,Thai PM Apologizes to Nation for Deaths in South +World,Island men convicted on sex charges +World,US says #39;time running out #39; for Iran to comply with nuclear demands +World,Violence Prompts Curfew in Liberia Capital +World,Americans from Plattsburgh come to Quebec to get their flu shots (Canadian Press) +Business,"Oil Up on Supply Woes, Election Jitters" +Business,Oil Prices Fall Nearly \$4 Over Past Week +Business,Delightful Discount or Devilish Decline? +Sports,Garcia Leads Volvo Masters by One Stroke (AP) +Sports,Jaguars Upgrade RB Taylor As Probable (AP) +Sci/Tech,Phone Magic (BusinessWeek Online) +World,Klein's bizarre start to cakewalk election raises eyebrows in Alberta (Canadian Press) +Business,Federal regulators want more data before approving new Merck pain <b>...</b> +Business,Say Goodbye to the Float as Checking Enters 21st Century +Business,ING Canada Files IPO Prospectus +Business,"King, Knave, or Village Idiot?" +Sci/Tech,Human embryonic stem cells promising for replacement of blood <b>...</b> +Business,The Other Side of Oil +Sports,Mauresmo charges into Linz semis +Sports,Argonauts offer free tickets after 38-point loss +World,Diagnosis on Arafat Expected in a Few Days +World,Japanese hostage in Iraq reportedly killed +Sci/Tech,New Meta survey: Bush good for outsourcing +World,Henman Falls to Novak in Basel +World,Muslim gathering ends with prayers for peace +Business,Update 1: Ovitz Says He Was Mistaken Over Bonus +Business,Help for Dialysis Patients +World,Germany Expands Same-Sex Couples' Rights (AP) +Sci/Tech,NASA Scientists Find Surface of Titan #39;Very Alien #39; +Sci/Tech,Evolutionary Shrinkage: Stone Age Homo find offers small surprise +Sci/Tech,Eye on IT +Sports,Marquee Matchup +Sports,"Yankees Decline Options on Quantrill, Lee (AP)" +World,Japanese hostage probably killed in Iraq +World,"US urgres free, fair Ukraine vote" +World,"Promoting free trade promotes security for Canada and U.S., ambassador says. (Canadian Press)" +Sports,Michigan to Face Rival Michigan State (AP) +World,Annan under fire as UN considers reform +World,US ; US: 21 Iraqis killed in three attacks +Business,McDonald's Makes Millionaires +World,Alabama Congressional Candidate Injured (AP) +World,Al-Jazeera Airs Video Said to Be of Osama bin Laden +Sci/Tech,Blog Search Engine Adds MoBlog Search +Business,Dow Gains; Caution Rules Before Election +Business,Economy Grows at 3.7 Percent Annual Rate +Business,"Black to leave Hollinger Inc. board, stock soars on privatization <b>...</b>" +Business,SOHU So Hurt by Suspension +Business,"Canadians Buying More Liquor, Especially Foreign-Made Beer" +Sci/Tech,ISPs Take Spammers to Court +Sci/Tech,Teresa Vanhooser Named Co-Deputy Director of Engineering at NASA <b>...</b> +Sci/Tech,Approved Stem Cells #39; Potential Questioned +Sci/Tech,Your Daily Tech News Service... +Sports,Federer pulls out of Paris Masters +Sports,"Yankees decline options on Quantrill, Lee" +Sports,Veteran right-hander might be used in closer role +World,Bin Laden: US security depends on policy +World,"US forces gearing up for showdown with up to 5,000 fighters in <b>...</b>" +World,Constitution signing a springboard for Prodi #39;s return to Italy +Business,Gateway Computes Operating Profit +Sci/Tech,"ISPs unite, sue spammers" +Sci/Tech,NVIDIA SLI Performance Preview with MSI #39;s nForce4 SLI Motherboard +Sports,Boston Prepares For Red Sox Parade +World,Sask. looks at adopting daylight time as the country falls back this Sunday (Canadian Press) +Sci/Tech,Google Shares Flirt With \$200 Mark +Business,Consumers Feed Pick-Up in Economic Growth +Sports,Van Nistelrooy pleads guilty +World,Arab Network to Show New Bin Laden Tape +World,US congratulates new Cambodian king (AFP) +Sports,Agassi Tames Verdasco as Johansson Quits +Business,Update 1: Conrad Black to Step Down As Hollinger CEO +Business,"ChevronTexaco Profit Up, Misses Forecasts" +Business,"Ontario, feds pledge to kick in \$100M each for Ford \$1B Oakville <b>...</b>" +Sci/Tech,AOL #39;s Viral Marketing +Sci/Tech,E-Voting to Face Major Test Tuesday +Sports,Man Utd launch investigation +Sports,Pacers sign Tinsley to extension +Sports, #39;Fever Pitch #39; Gets World Series Footage +Sports,More than bragging rights at stake for Michigan and Michigan State +World,Osama Bin Laden Criticizes President Bush in New Video +World,Ailing Arafat Examined in French Hospital +Business,Canada Eyes Internet Pharmacy Sales to US +Sports,Agassi in Semifinals +Business,"Black to Quit Hollinger Inc., Stock Soars" +Business,"Oil: Oil rebounds on supply woes, election jitters" +Sci/Tech,The End User: What price cheaper ink? +Sports,Former US figure skating champ arrested on gun charge +World,Japanese hostage feared killed in Iraq +World,Thai PM Says Will Punish #39;Wrongdoers #39; Over Deaths +Sports,NBA Champ Pistons Eye Another Title Shot (AP) +Sci/Tech,New Internet worm spreading quickly: experts (AFP) +Sci/Tech,Oracle CEO: His Bid to Buy 49ers Spurned (AP) +World,Kerry Pledges to 'Destroy' Bin Laden (AP) +World,Al Jazeera Airs Videotape Said to Be of Osama bin Laden +Sci/Tech,Sources: Sony Eyes File-Sharing Venture (AP) +Sci/Tech,NASA Aims for May Space Shuttle Launch (Reuters) +Sci/Tech,First Look: Axim X50v Versus Tungsten T5 +Sports,"McNair, Brown Questionable Vs. Bengals (AP)" +Sci/Tech,"GM, Boeing push identity management" +Sci/Tech,Bocada upgrades backup reporting software for SLAs +Sci/Tech,Webmail leaves Windows for open-source platform +Sci/Tech,Brief: CSC signs \$1B outsourcing deal with Textron +Sci/Tech,Antivirus companies warn of new Bagle variants +Sci/Tech,Tech standards set tone for on-demand systems +Sci/Tech,ISPs file more antispam lawsuits +Sci/Tech,Symantec tries to widen reach beyond security tools +Sci/Tech,Update: California lawmakers rip handling of data theft at university +Sci/Tech,Wiki start-up JotSpot draws crowd for product beta +World,Decision reserved in case of Alberta woman charged with abducting son to U.S. (Canadian Press) +Sports,Henman Falls to Unseeded Novak in Basel +Business,Brazil #39;s Globo Media Empire Reaches Deal +Sci/Tech,First Look: Axim X50v Versus Tungsten T5 (PC World) +Sci/Tech,AMD #39;s Low-Cost Web Device Targets Developing World +Sci/Tech,Week in review: iPod rocks on +World,Kabul hunt for seized UN workers +Sci/Tech,First Look: Roku's Sleek Audio Streamer +Business,"GDP: Not Great, but Encouragingly Solid" +Business,Delta Pilots Take Pay Cut as Bankruptcy Looms +Business,Ovitz accused of leaking rumors to press in 1990s +Business,Lehman Forks Out \$225 Million to Enron Shareholders +Sci/Tech,28 Identity Theft Suspects Arrested in Transatlantic Sting +Sci/Tech,Sources: Sony Eyes File-Sharing Venture +Sci/Tech,NASA Aims for May Space Shuttle Launch +Sci/Tech,McAfee Profit Growth Offsets AOL Questions +Sports,Monty #39;s hopes of winning are distinctly paella in the sky +Sports,Safin upset in St. Petersburg +Sports,Pacers extend Tinsley +Sports,How Much Will Moss Play? +World,Japanese hostage reported killed in Iraq +World,Ukraines Choice +Sports,Pacers' O'Neal Expected to Go on Injured List (Reuters) +Sci/Tech,This week in iPod news +Sci/Tech,Google Plans Desktop Search Tool for Apple PCs +Sports,Red Sox Give Mueller Another Year +Sports,"McNair, Brown Questionable" +Sci/Tech,Simpler ID management readied by Microsoft +Sci/Tech,"Dell Expands Consumer Services to Spyware, Peripherals" +Business,Spitzer: Marsh may face more than \$500 million penalty +Business,"Dow Up; Bin Laden, Election Cloud Outlook" +Business,Ottawa Says Time to Stop Protecting Air Canada +Sci/Tech,Sources: Sony Eyes File-Sharing Venture +Sci/Tech,It #39;s flak jacket time for Microsoft #39;s Linux guy +Sports,Chelsea plea to FA over Mutu +Sports,Henman crashes to Novak +Sports,Boston Expects Millions at Red Sox Parade (AP) +Sci/Tech,"Despite Google's Glitter, Other Dot-Coms Face Risks (Reuters)" +Sci/Tech,Google Plans Desktop Search Tool for Apple PCs (Reuters) +World,"'Sabado Gigante' Interviews Bush, Kerry (AP)" +Sci/Tech,'Weightless Wonder' Makes Final Flight (AP) +Business,Black quitting posts at Hollinger Inc. +Sports,Lifting of curse creates dilemma for marketers +World,British soldier killed in redeployment +World,Two bombs explode in Thailand injuring 20 +World,"Bush, Kerry Vow to Destroy Bin Laden After Tape (Reuters)" +World,Brazil's Globo Media Empire Reaches Deal +World,Abkhazia in Confusion After Court Reversal (AP) +World,Berlusconi Says Will Sacrifice Buttiglione +Sci/Tech,Google Buys Digital Mapping Company +Sci/Tech,This week in supercomputers +Business,Disney Nominated Ovitz to Board Before Ousting Him +Business,Enron jury asks for index to evidence +Business,Update 2: Friday #39;s Commodities Roundup +Sci/Tech,Times drops broadsheet edition +Sci/Tech,Sony Announces Price On Portable Video Game Machine +Sci/Tech,Lexmark loses case on toner +Sci/Tech,Stubbs the Zombie: Rebel without a Pulse Announced +Sports,Phaneuf wins women #39;s short program +Sports,"Rangers decline 2005 options on Greer, Jordan" +Sports,NBA #39;04- #39;05: Kobe expected to carry Lakers +Sci/Tech,Hosted E-Mail Service Leaves Windows for Linux (PC World) +World,Putin plan for political overhaul easily passes its first vote +Sports,No. 9 Utes Face Last-Place Aztecs (AP) +Business,Bin Laden Casts Shadow Over Stock Market +Sports,Byrd Ties Sluman for Chrysler Lead +World,White House says bin Laden tape authentic (AFP) +World,Fiji UN-Iraq security force to head out next month (AFP) +World,Edwards Casts Early Vote in North Carolina (Reuters) +Sci/Tech,This week in Dell news +Sci/Tech,Sun to launch next version of Solaris on Nov. 15 +Business,Deutsche rides Germany #39;s tepid recovery +Business,Stocks: US GPD leaves investors lukewarm +Business,"Clear Channel posts drop in profit, but tops forecasts" +Sports,"Vizquel, Wickman File for Free Agency (AP)" +Sci/Tech,UK Agency Report Greenlights Linux +Sci/Tech,"Sun Micro, the Phantom Gamer" +Sports,Chelsea lay down the law on drugs as Mutu is shown door +Sports,Byrd ties Sluman for Chrysler lead +Sports, #39;97 Triple Crown contender will be stud overseas +Sports,India #39;s home rule broken at last to give Australia grand slam +World,US mum on Arafats return +World,Oklahoma Black Leaders Upset Over Candidate Remark (Reuters) +Business,Caught in a regulatory cross fire +Business,Voting along party lines +Business,When good vendors go bad +Business,"US stocks: Dow gains, but caution rules before US election" +Business,Competition Bureau and Air Canada end dispute over predatory <b>...</b> +Sports,Midgley out of position but not out of touch for Bears +Sci/Tech,Island of the Little People +Sci/Tech,Sources: Sony Eyes File-Sharing Venture +Sci/Tech,"Aspyr, Wideload offer Rebel Without a Pulse details" +Sci/Tech,Internet Turns 35 Today +Sports,Top 10 are taking shape +Sports,Disqualification scare for Garcia +Sports,"Sluman slides to a 70, tied for Chrysler lead" +Sports,Nuggets Pick Up Nene #39;s Option +Sports,Jahnke takes a medal to Skate Canada +Sports,Jackson in book: Kobe never wanted to be a sidekick +Sports,Tigers sign LHP Walker +World,Arafat undergoes tests for leukaemia after flight to military <b>...</b> +World,"VIEW: Muslims, America and Israel Syed Mansoor Hussain" +World,"Bin Laden Videotape Fires Up Bush, Kerry (AP)" +Sports,"Soccer, Dec 5" +Sci/Tech,Worst-jobs list makes kissing up to the boss sound fun +Sports,Agassi reaches Stockholm semis +Sports,Blazers #39; Woods in trouble again +Sports,Tigers re-sign lefty Walker +World,Ailing Arafat Faces Days of Medical Tests (Reuters) +World,Ailing Arafat Faces Days of Medical Tests +Business,Talks amid food fight +Business,DreamWorks Draws a Crowd +Sci/Tech, #39;Weightless Wonder #39; Makes Final Flight +Sci/Tech,"Sources: Sony BMG, Grokster in talks on new file-sharing venture" +Sci/Tech,Proxima Technology Teams with Sun Microsystems on N1 Grid +Sci/Tech,Variant of Bagle Worm Spreading Over Internet +Sports,Man U seek justice +Sports,Nuggets hang on to Nene +Sports,Capello fearful of player burnout +World,Bin Laden: U.S. Can Avoid Another Attack (AP) +World,US warns rebels to curb attacks in Darfur +Business,Second Merck drug faces inquiry +Sports,Boston Expects Millions at Red Sox Parade (AP) +Sci/Tech, #39;Weightless Wonder #39; Makes Final Flight +Sports,Jazz Sign Kirilenko to Contract Extension (AP) +Sports,Garciaparra Files for Free Agency (AP) +Sports,Knee injury keeps Knicks #39; Houston out +World,"Bush Rejects Bin Laden Tape, Hits Kerry (Reuters)" +World,"Daschle in Tough, Costly Election Fight (AP)" +Sci/Tech,Keeping a close eye on the election +Sci/Tech,Sun submits mystery license to open source group +Sci/Tech,Google plugs hole exposing Gmail mail-boxes +World,Thai PM Explains Detainees' Deaths on TV (AP) +World,Kerry: Americans' Safety at Stake in Election (Reuters) +Business,Update 1: Summary: Wall Street #39;s Major Indexes +Sports,Tomlinson Expects to Start Against Raiders (AP) +Sports,Report: University can #39;t financially sustain IA status +Sports,"Tragedy still fresh, Gordon faces tough situation in Atlanta" +Business,Bin Laden Casts Shadow Over Stock Market (Reuters) +World,Body Resembling Japanese Hostage Found in Iraq (Reuters) +Sci/Tech,PlayStation 3 chip goes easy on developers +World,Body Resembling Japanese Hostage Found in Iraq +Sci/Tech,Move to Stop Voyeurs Mis-Using Camera Phones +Sci/Tech,VMware aims for four-processor abilities +Sports,Yankees Seek to Keep Pitcher Jon Lieber (AP) +Sports,Sacking Mutu was right insists Chelsea boss Mourinho +Sports,Kirilenko Signs Six-Year Extension with Jazz +Sci/Tech,Cassini Evidence Shows Saturn Moon Alive (AP) +Business,ATA Bankruptcy +Business,China seeks to soothe markets on rate rise +Business,Eurotunnel to cut workforce +Sci/Tech,Apple Unveils New Crop of iPods +Sports,Renteria files for free agency +World,New Cambodia king is crowned +World,Mystery over hostage #39;s fate +World,Times newspaper to go tabloid +World,Marsh CEO sees Spitzer settlement +Sports,"Larkin, Vizquel and Garciaparra File for Free Agency" +World,"Arafat in French Hospital, Facing a Round of Tests" +World,"Sudanese Government, Rebels Fail to Agree on Security" +Sports,Garciaparra Among New-Minted Free Agents (AP) +Business,"Bristol-Myers Profit Lower, So Are Shares (Reuters)" +Sports,"Larkin, Vizquel and Garciaparra File for Free Agency (Reuters)" +Business,Marsh CEO sees Spitzer settlement +Sci/Tech,"New Worm Variant Spreads, Clogging E-Mail (AP)" +Sports,"Yankees decline options on Quantrill, Lee" +Sports,Hendrick Team Knows It #39;s More Than Just a Race +World,Botswana gears up for the polls +Business,Survival of Fittest and Leanest Becomes Strategy for the Airlines +Business,Growth Rate of Economy Edged Higher Over Summer +Sports,Wenger welcomes United probe on Old Trafford food fight +World,Ex-OAS Chief Ordered Held in Costa Rica (AP) +Business,Growth Rate of Economy Edged Higher Over Summer +Business,"In Atlanta, Relief That the Hometown Airline Remains Aloft" +Business,"Cingular Acquires AT amp;T Wireless, the Real Work Begins Now" +Sci/Tech,Caution! New worm on the prowl +Sci/Tech,E-Vote Vendors Hand Over Software +Sports,Pacers #39; O #39;Neal might head to injured list +World,Arafat arrives in Paris for medical treatment +World,Golf: Garcia storms into lead +Sci/Tech,Tricks Fool Caller ID +Business,Southwest plans Chicago expansion +Business,"Small Gains, Led by Energy Shares, Ahead of the Election" +Sci/Tech,Email worm clogs accounts +Sci/Tech,NASA #39;s #39;Weightless Wonder #39; makes final flight +Sci/Tech,NASA will attempt to launch a shuttle in mid-May +Sci/Tech,"Sony-BMG, Grokster deal" +Sports,Vince returns to SC court Monday +Sports,Australia close India file at last +Sports,What a difference a day makes: Chargers game televised locally +World,Indonesian Court Opens Bashirs Trial +Business,"This Kansan Made Good, Maybe Too Good, Some Say" +Business,Prospects Brighten for Maker of Nasal Flu Vaccine +World,"In Video Message, Bin Laden Issues Warning to U.S." +Sports,Taylor Sent Home +Sports,Just Another Game +Sports,Taylor to Be Tested +Sports,Sorry Homecomings +Sports,Bison Changing QBs +Sports,A Change of Course +Sports,Aiming High +Sci/Tech,"Bush is Weak, Inept, and Unfit to Lead" +Sci/Tech,More Voter Supression Rules +Sports,Baseball Expected to Query Franco on Crime Figures +Business,Economic Growth Chugs On +Business,WR Grace Targeted in Mining Probe +Business,Eurotunnel to cut services +Sci/Tech,New Human Species Discovered +Sci/Tech,Saturn #39;s Moon Titan May Hold Methane Lake +World,"UN forces patrol Monrovia, Liberia" +World,Telstra to stay in Aussie hands +Sports,BASEBALL ROUNDUP Red Sox Decide Dropping Mueller Is Not an Option +Sports,O #39;Neal +World,* Prospects of tighter monetary policy played down +Business,Bush Agrees to Consider Textile Limits +Business,Lehman Settles Suit Over Enron +Sci/Tech,More Krazy Kutaragi +Sports,Ghostzapper Has Speed to Burn +Sports,Giants Look to Repeat Success Against Vikings +Sports,The Man With The Golden Arm +Sports,Whipper can crack it in Mile +World,Intense Campaign Down To the Wire in Ukraine +World,"Colombian church, congress support humanitarian exchange with FARC" +Sci/Tech,Drug-dispensing Contact Lens Developed +Sports,DUI Case Leaves Hole in Redskins #39; Secondary +World,Ex-dancer crowned new Cambodia king +World,More powers for Russia #39;s President +Sci/Tech,Test Flights for Shuttle Could Begin Next Spring +Sports,Democratic faithful see omens pointing to Kerry win +Sports,Longtime St. Peter #39;s basketball coach Kennedy dies at 97 +Sports,Carter leads Raptors past Cavaliers +World,Arafat in French hospital +World,"New study puts civilian deaths in Iraq at 100,000" +Sports,Novak topples Henman to advance to semi-finals +World,Thousands flock for glimpse of new Cambodian king as coronation <b>...</b> +World,Annan asks traditional leaders to UN efforts to restore calm in <b>...</b> +Business,US economy grew at 3.7 percent in summer +Business,"By: DEBRA COTTERILL, Family and Consumers Sciences Agent Mason <b>...</b>" +Business,Post Co. Profit Jumps to \$82.5 Million +Sci/Tech,Big Arctic Perils Seen in Warming +Sci/Tech,Hacking pleads not guilty in killing of wife in July +Sports,Schilling cant step onto campaign trail +Sports,Australians win first series on Indian soil in 35 years +Sports,A monkey off their back +World,Thailand Commission to Investigate Muslim Deaths +Business,Update 6: Oil Prices Ease Further Amid China Moves +Business,New rules: No more floating checks +Business,Black to quit posts soon at Hollinger +Business,Lehman agrees to pay \$222.5m to settle Enron suit +Sci/Tech,Bad news (and good) on Arctic warming +Sci/Tech,Zero-gravity jet simulates space for regular folks +Sports,Adjustment Buoys Byrd +Sports,Novak topples Henman +Sports,Hendrick team working through pain +World,Controversy mars EU constitution signing +World,Liberia tightens curfew after capital riots as arms deadline looms +Business,Oil price dip propels stocks to mixed finish +Business,GDP rise slight in quarter +Business,Crude Oil Falls a Third Day in London as China May Slow Demand +Business,Feds delay decision on Merck painkiller +Business,US to Consider Limiting Pants Imports From China +Sci/Tech,Cassini #39;s Titan Photos Stump Scientists +Sci/Tech,DAILY DIGEST +Sci/Tech,U2 online deal hastens last spin for the CD +Sports,Henman crashes out to Novak +Sports,Notebook: Hendrick drivers to speak about plane crash +Sports,Redskins #39; Taylor won #39;t play Sunday +Sports,"Toomer, O #39;Hara still questionable for Giants" +Business,Labor targets Chinese textiles +Sci/Tech,Plans encourage full schedule; shuttle launch goal still mid-May +Sci/Tech,"After 216 years, #39;Times #39; to stop printing as broadsheet" +Business,Traders downplay China move; supply concerns linger +Sports,Miami paying a visit to the Tar Heels +Sports,Taylor Told To Take the Weekend Off +Sports,Spurrier should pass on returning to Florida +World,Afghan Militants Threaten to Kill Hostages +Business,US growth bounces up before vote +Sci/Tech,Shuttle missions could be reduced +Sci/Tech,Lexmark Loss Good for Consumers +Sports,Foundation built for Sox to succeed +Sports,It #39;s Texas #39; turn for a fall classic +Sports,"Prediction: Miami-Florida 38, North Carolina 15" +Sports,Bonds gives reporters silent treatment +Sports,Mourning plays for first time since kidney transplant +World,Body resembling Japanese captive found +Business,Jury ready to view Enron evidence +Sports,Nene leads Nuggets past banged-up Pacers +Sports,Franco #39;s Relationship With Alleged Mobsters to Be Examined +World,Costa Rican ex-president Ridriguez jailed +World,In Arafat #39;s absence +Business,NTT DoCoMo Says Profit Declined 6 in First Half +Sci/Tech,"Internet expands political exposure, study finds" +Sports,Racers return to the track to let the healing process begin +World,All-out US attack on Sunni Triangle is imminent +Business,Surge in car sales spurs economy +Business,DISNEY BOARD BACKED OVITZ +Sports,The bubbles start bursting at Innisbrook +Sports,Pleasantly Perfect tries to repeat as Breeders #39; Cup Classic winner +Sports,Newman Claims Eighth Pole +World,Historic vote on Gaza a boost for democracy +World,Ukraine vote a threat to West +Business,Gateway Computes Operating Profit +Sci/Tech,Court overturns Lexmark DMCA case injunction +Sports,"On parade route, cash registers brace for workout" +World,Threatment of Arafat continues in Paris +World,Body Resembling Japanese Hostage Found in Iraq +World,"Kuchma urges candidates to cool down, pledges national stability" +Sci/Tech,"Titan #39;s surface like an icy eggshell, images show" +Sports,TAMARA AUDI: Sox fan oddly troubled by Series +World,Japan struggles to identify body found in Iraq as civilian hostage <b>...</b> +Business,US GROWTH IS CRIMPED BY OIL +Business,Century Casinos #39; profits rise +Sci/Tech,432 years lapse before Supernova perpetrator is identified +Sports,Pacers #39; Miller breaks bone in hand +Sports,Raps coach wants team to believe +Business,Economy grows at a 3.7 rate in third quarter +Business,"Update 1: Venezuela, Colombia Mull Gas Pipeline" +Sci/Tech,Landing Site for Huygens +Sci/Tech,RIAA Files 750 Infringement Suits +Sci/Tech,Plane #39;s exit chokes #39;em +Sports,Byrd rides birdies to share of lead +Sports,FOOTBALL: I ASKED MUTU: ARE YOU TAKING COCAINE? HE JUST LAUGHED IN <b>...</b> +Sports,NOW IT #39;S SUED VAN NISTELROOY +Sports,Notebook: Breeders #39; Cup gives title hope to several +World,Arafat #39;s condition checked +World,Iraq body #39;not Japanese hostage #39; +World,Soldier killed in Iraq convoy crash +Sci/Tech,Decatur resident becomes key figure in space shuttle travel +Sports,Notebook: Nomar decides to become free agent +Business,Report shows economy advancing +Business,Don #39;t get snared by Check 21 +Sci/Tech,It #39;s violent - and teens will want it +Sports,Boston readies for parade +Sports,Fergie blasts #39;mental #39; Wenger +Sports,Red Sox take camaraderie to new level +World,Japan Says Body Found Not Iraq Hostage +World,No agreement reached on Sudan security +World,Afghan drug statistics to show big rise: Straw +Business,Black quits his media empire +Business,Check is in the mail? But different on arrival +Business,More data requested on Vioxx successor +Business,Crude oil prices #39;will keep falling #39; +Business,"Calif. AG Launches Probe Into Ins. Cos., Broker Practices" +Sports,Ex-Hearts boss Levein unveiled at Leicester +Sports,"In race for top horse, still shot to get Smarty" +Sports,"Grace Park, Koch share lead in Korea" +Sports,Nittany Lions face Buckeyes team with its own share of troubles +World,"EU authorities, facing a crisis in leadership, sign 1st charter" +Business,Delta: hard choice wont protect from bankruptcy? +Sports,Millions expected to cheer their Sox +Sports,Nets make sure Storey has a happy ending +World,Thailand to free 900 protesters +World,Netanyahu Presses for Referendum After Knesset Approves Gaza <b>...</b> +World,"Government, rebels might swap prisoners" +World,Patten: Buttiglione should step down +Sci/Tech,NASA to fly again in May 2005 +World,The Arafat void +Sports,Hendrick team tries to grieve at track +World,Guarded hopes in Israel +World,Botswana elections to hand victory to party in power since <b>...</b> +Sports,Lucier #39;s in for O #39;Hara +Sports,Feds reportedly look at mob ties to Franco +World,Thailand: Muslim detainees to be freed +World,USA unhappy with presidential campaign in Ukraine +Business,"Economy improved, but not as much as expected" +Business,Proposition 72 would be bad for education +Sci/Tech,NASA Sets New Space Shuttle Launch Date +Sports,Boston Decides To Keep Mueller For 2005 +Sports,Eagles #39; offense is too talented +World,Cambodia set to crown new king +World,UN chief condemns violence in Monrovia +World,Afghan Group Says Foreign Hostages Safe +World,Princess Alice dies at 102 +Business,US growth steady in quarter +Business,Black to quit Hollinger Inc. positions +Business,Airline #39;s seats still a rush job +Sci/Tech,Sofia Breaks Through Cyber Gang Firewall +Sci/Tech,"Now, contact lenses that deliver drugs:" +Sports,AROUND THE HORN: Marlins OK Lowell #39;s deal through 2007 +Sports,Racing family unites in sorrow +World,Palace defends Abaya appointment to BCDA +Sci/Tech,Nasa shuttle launch hope +Sports,At Their Fingertips +World,Sources: Doctors suspect Arafat has leukemia +World,Wrong body inspected in Japanese hostage crisis +Sports,Thousands Lining Sox Parade Route +World,"Arafat off to Paris, Middle East Discuss #39;New Period #39;" +World,Afghan Group Says Foreign Hostages Safe; Offers Proof +Business,"Oil Up on Supply Woes, Election Jitters" +Business,Southwest Airlines thinks assigned seating might fly +Sci/Tech,Times newspaper to be printed in tabloid size only +Sci/Tech,Secret Service Busts Internet Organized Crime Ring +Sci/Tech,Google Desktop Search for Mac under development? +Sports,"Azeri #39;s got no chance in Breeders #39; Cup: Zero, zilch, nada" +Sports,Red Sox Victory Prompts #39;Fever #39;ish Script Rewrite +Sci/Tech,Google plans desktop search tool for Apple PCs +Sports, #39;Horse of the Year #39; could be on the line +Business,Southwest Mulls Ending Unique Seating +Business,UC settles one Enron suit +Business,MG Rover tanks up with Shanghai cash +Sports,Loeb won #39;t take it easy despite lead +Sports,Gibernau on home turf +Sports,Schilling cancels scheduled appearance wih Bush +World,Yasser Arafat #39;s unrelenting journey +Sci/Tech,Sony sets price for PSP +Sci/Tech,OPEN SOURCE Software Battle Pits Microsoft Against the Open <b>...</b> +World,Palestinian leaders meet without Arafat +Sports,CLARKE RESUMES REPAIR JOB +World,Arafat May Be Suffering From Leukemia +Sci/Tech,Death of the broadsheet? +Sports,Agassi battles through to final +Sports,Analyzing the Breeders #39; Cup +Sports,India ; Martyn #39;s 114 gives Australia control on Day 1 +World,Thailand frees Muslims detained in protest +World,EU constitution nearer to reality +World,Security tightened in Madhya Pradesh #39;s Chambal belt +Business,"Wal-Mart Says October US Sales Rise 2.8, Within Its Forecast" +Sci/Tech,Saturn moon Titan remains quot;very alien quot; to researchers +Sci/Tech,Times of London goes tabloid after 216 years +Sports,SPORTS BRIEFS +Sports,Wenger has #39;mental problem #39;: Ferguson +Sports,Jayasuriya hits back for Sri Lanka +Sports,No love for Owens +World,25 nations sign first constitution for EU +World,ElBaradei dismisses revenge claim +World,14 die as villagers battle bandits in India +Business,Wal-Mart Preliminary Same-Store Sales Up +Business,AirTran clears jobs hurdle +Sci/Tech,Cassini Sending Back Data on Saturn Moon +Sports,UPDATE 2-Jayasuriya leads Sri Lanka fightback in Karachi +World,"Afghan Kidnap Group #39;s Claims True, Say Diplomats" +World,"Explosion rocks central Baghdad, hits al-Arabiya network offices" +World,Abductors threaten to kill UN trio unless troops leave Afghanistan +Business,How to Make The Right Call On Cell Plans +Sports,Beck outs Llodra to secure final +Sports,MOTOGP NEWS Tamada takes final pole of 2004. +Sports,Newman nabs Atlanta pole +World,Vladimir Putin comes out for dual citizenship between Russia and <b>...</b> +World,Explosion Hits al-Arabiya TV Station +World,World ; IAEA Head Seen Unswayed by US Hostility to New Term +World,"Bangladeshi hostage in Iraq identified, government appeals for <b>...</b>" +World,Sudan translator #39;seized in Iraq #39; +Sci/Tech,Science ; Nasa to resume shuttle missions +World,Clashes in Ramadi as militant group executes 11 Iraqi guards +Sports,Agassi reaches final in Stockholm +Sports,The old stagers take centre stage +World,Straw: #39;No constitution vote until 2006 #39; +World,"Eight US Marines Killed, Nine Wounded in Iraq" +Sci/Tech,1st lawsuit filed against instant-message spam +Sci/Tech,VMware aims for four-processor abilities +Sports,Home series defeats for India +World,Kuwaiti Paper: Laden Lives in a Safe Place in NE of Kabul +World,Hoping to be home by Christmas +Sports,Tamada Makes his Mark +Sports,Johnson strike earns Palace 1-0 win at Birmingham +Business,Grace acknowledges workers at center of federal probe +Sci/Tech,Sony ready to join music file-sharing +World,Explosion rocks central Baghdad +Business,"Wal-Mart #39;s October Sales Rise 2.8, Within Forecast (Update1)" +Sports,Breeders Cup day in Texas +Sports,Pak hold lead despite Jayasuriya #39;s fight back +Sports,Mallett gives Waugh Indian curry +World,Black Watch regroups after first soldier dies +Business,US Airways posts wider 3rd-qtr loss +Sports,"Who #39;s going to win (World Series, election)?" +World,"Physicians in France checking Arafat for leukemia, Palestinian <b>...</b>" +World,Eight US marines are killed in Iraq +World,Japanese quake boy recalls ordeal +Business,UC wins \$222.5M in Enron lawsuit +Sci/Tech,Google Plans Desktop Search Tool for Apple PCs +Sports,"Andy Johnson Scores Again, Crystal Palace Beats Birmingham 1-0" +World,"Thailand Releases 1,100 Muslim Detainees" +World,Ukraine braces for presidential vote +World,Botswana goes to polls +Sci/Tech,Gadget of the week: Catch and hold radio programs +Sports,"Beck, Youzhny gain St. Petersburg final" +Sports,Agassi reaches first Stockholm final +Business,Northwest Airlines Recalls 600 Attendants +World,Buttiglione withdraws from Barroso Commission +Sci/Tech,"Psst, Sony #39;s handheld game goes on sale in Japan on Dec 12" +Sci/Tech,Apple: Upgrade or else! +World,"Eight Marines die, while car bomb strikes TV centre" +Business,"Update 2: Volkswagen, Workers Renew Wage Talks" +Sports,Nalbandian Completes Basel Final Hat Trick +World,Bomb Explodes at Al Arabiya TV Office in Baghdad +World,Russia approves electoral reform +Sports,Van Persie Saves Arsenal; Man Utd Loses 2-0 +Business,Taiwan to continue beef imports +Sci/Tech,NASA To Send Space Shuttle Discovery and Seven Astronauts on STS <b>...</b> +Sci/Tech,VMware Introduces 4-Way Virtual SMP +World,RP backs hunt for Filipino #39;s abductors despite threat +Sports,Chelsea gets closer to Arsenal atop the table +Business,Crude oil prices rise on concerns over labor unrest in Nigeria +World,Family #39;Devastated #39; by Death of Black Watch Soldier +Sports,Ashado in Winning Breeders #39; Cup Start +World,Eight US Marines dead as Baghdad car blast kills at least seven +Sports,Ashado wins Distaff in opening Breeders #39; Cup race +Sports,"Wolfsburg stays on top in Germany with 4-3 win; Bayern, Stuttgart <b>...</b>" +World,Liberia curfew lifted temporarily +World,Boy rescued from earthquake rubble wants mom +Sci/Tech,Recording Industry Files 750 More File-Sharing Lawsuits +Sports,Forsyth grabs lead in Spain +Sports,Martin in strong position to win Catalunya Rally +World,Anti-China protester at Cambodian king #39;s address +World,8 US marines killed in Iraq +Sci/Tech,The Times of London to becone a tabloid +Sports,ATP chief says players to blame for burnout +World,Eight Marines killed in fighting +World,Liberians Venture Back Onto Streets After Riots +World,Flexibility needed to resolve Kashmir issue: Musharraf +World,The papers consider a future without the Palestinian leader +Sports,Forsyth takes over at Valderrama +Sports,NALBANDIAN FACES NOVAK SHOWDOWN +Sports,Sweet Catomine takes BC Juvenile Fillies +Business,Lehman Brothers settles Enron shareholder lawsuit +Business,Tom Online Cuts Revenue Guidance +Sci/Tech,RIAA targets students in new file-swapping suits +Sports,Forsyth leads the way at Volvo Masters +World,Body found in Iraq +World,US forces launch airstrikes in Fallujah +World,Thai probe announced in deaths of detainees +World,Ukraine Steps Up Security On Eve Of Election +Sports,Ashado wins Breeders #39; Distaff +World,Democrats Favored in Botswana Election +Business,The secret world of marsh mac +Sports,Singletary surprise winner of Breeders #39; Cup Mile +Sports,United give FA food for thought +Sports,Tennis: Nalbandian to meet Novak in Basel final +Sports,Ouija Board surges to Filly and Mare Turf win +Sports,Illinois Fighting Illini +Sports,Peterson Gains 249 Yards as No. 2 Oklahoma Tops Oklahoma St. +World,"I did it, Ill do it again: Osama" +Sports,"Mauresmo, Bovina advance to Linz final" +Sports,Singletary Wins Breeders #39; Cup Mile +Sports,Wildcats offense will give Boilers a good challenge +Sports,"No. 15 West Virginia 35, Rutgers 30" +World,First steps toward peace +Sci/Tech,Rain expected across much of nation +Sports,SUPER SINGLETARY HOLDS EUROPEANS AT BAY +World,British judge OKs lawsuit by TV host who says Schwarzenegger <b>...</b> +Sports,Kenseth holds off Kyle Busch to win Aaron #39;s 312 +World,Polish hostage in Iraq calls for troop pullout +World,Iraqi president on landmark visit to Kuwait +Sci/Tech, #39;Hobbit #39; Skeleton Could Rewrite Prehistory +Sports,Ouija Board lives up to hype in Fillies amp; Mare Turf +Sports,Costly win for Lyon +Sci/Tech,Tiny cousins +World,Taliban group claims hostages and vows: We will chop them up <b>...</b> +Sports,Poulter reins back to rise +Sports,Youzhny too hot for Greg +Sports,Valencia lets opportunity slip away +Sports,Matt Kenseth Busch Aaron #39;s 312 +Sports,Michigan State #39;s Stanton out with shoulder injury +World,Al-Arabiya tv bombed in Baghdad +Sports,Ghostzapper dominates field in \$4 million Classic +Sports,Newman earns fourth straight pole at Atlanta +Sci/Tech,"Kutaragi comments on PSP pricing, prospects" +Sports,Sooners respond to Cowboys #39; challenge +Sci/Tech,Bagle Is Still Biting +Sci/Tech,Fair Play +Sports,What next for Mutu? Romanian press ponder sacked strikers <b>...</b> +Sports,Pacers veteran Miller breaks hand +World,Arafat aides say initial tests have ruled out leukemia as cause of <b>...</b> +World,Buttiglione resigns to ease EU crisis +World,Taliban threat to kill Briton +World,"Princess Alice, the oldest royal of all, dies at 102" +World,US to seek ouster of IAEA chief +Business,Lord Black keeps the e-mails flying in adversity +Business,Disney pay-off case sets a precedent for US firms +Business,"This Kansan Made Good, Maybe Too Good, Some Say" +World,European Commission crisis averted as Buttiglione dumped +World,"Musharraf could be a bridge to democracy, says Jugnu Mohsin" +World,Last man standing +Sci/Tech,Report Sounds Alarm on Pace of Arctic Climate Change +Sci/Tech,Ecosse: Big game hunter +Sports,Rossi out to end on a high +Sports,"No. 2 Oklahoma 38, No. 20 Oklahoma St. 35" +Sports,Mile: Singletary sacks field +Sports,Northwestern 13 (17) Purdue 10 +World,US Military in Afghanistan Dismisses Bin Laden Tape +Sci/Tech,The Times Moves to Compact Format Monday Through to Saturday +Sports,"Golden, Park share lead at Nine Bridges Classic" +Sports,Maryland 20 (5) Florida State 17 +Sports,"Another week, another lead for Singh" +World,Britons Prefer Kerry to Bush for World Safety +Business,"Circulation drops will pull down ad revenue, analyst says" +Business, #39;Yukos saga just the start of the battle #39; +Sci/Tech,Strange world of island species +Sci/Tech,LondonTimes goes tabloid after 216 years +Sports,Forsyth holds on as season reaches a thunderous end +Sports,Michigan St. Spartans +Sports,"As Fans Await Spurrier, Gators Fall Again" +Sports,Trainer Enjoys Breakthrough Day +Sports,"Maryland 20, No. 5 Florida State 17" +Sports,"WEST VIRGINIA 35, RUTGERS 30 Mountaineers Embarrassed but <b>...</b>" +World,Ukraine poll marred by fraud and unrest +World,"Princess Alice, oldest ever royal, dies" +World,Black Watch soldier #39;s death mourned +World,Good riddance to tarnished paradise island of Pitcairn +World,Police terror sweeps across Haiti +Sports,12th-Ranked Michigan Beats Michigan St. in 3rd OT +Sports,Better Talk Now beats Kitten #39;s Joy in Turf +Sports,Singh Turns Chrysler in His Direction +Sports,Spanish leader Barcelona draws 1-1 with Athletic Bilbao on <b>...</b> +Sports,Rusedski happy to be back +Business,Economic growth rate falls short +Business,Northwest Airlines to recall 600 flight attendants +Sci/Tech,"China closes 1,600 Internet cafes in campaign to stamp out online <b>...</b>" +Sports,Ashado Wins Opening Breeders #39; Cup Race +Sports,"COL FB: Maryland 20, Florida State 17" +World,79 Haiti Deaths Tallied in Violent Month +Business,Fuel prices likely to be hiked +Sports,Ferguson urges Henry punishment +World,Botswana elections to hand victory to party in power since <b>...</b> +Sports,Happy Halloween: Ghostzapper scares up a Classic win +Sports,"Not a Huge Game, but a Huge Catch" +Sports,FSU notebook: Bowden: No decision on QB +Sports,"Wolverines win triple-OT thriller, 45-37" +World,"Boy, 12, is shot dead by Israelis" +Sci/Tech,NASA Picks May 2005 Shuttle Launch Date +Sci/Tech,The Pods Just Keep on Coming +Sports,"North Carolina 31, No. 4 Miami 28" +World,Army Tactics Anger Thai Muslims +World,Ukraine #39;s Crucial Election +Business,"US Stocks Advance in Week, Lifting S amp;P 500 for 1st Week in 4" +Business,Petrol price hike: Decision tomorrow +Sci/Tech,Grand Theft Auto: San Andreas; Virtual PC for Mac Version 7 +Sports,USC can #39;t afford to relax in upcoming football contests +Sports,North Carolina Stuns No. 4 Miami 31-28 +Sports,"For Statham, Sweet Vindication" +World,Japan Vows to Stay in Iraq After Hostage Beheaded +World,Taliban Faction Threatens to Kill 3 UN Workers +World,Poisonous gas gush kills 15 miners +Business,Communists in India oppose fuel price increase +Sci/Tech,Apple shares show no signs of falling +Sports,Liga Sat. Wrap: Barca Draw As Valencia Crisis Continues +Sports,No Going-Away Party +Sports,Nalbandian vs. Novak in Swiss final +Sports,Terps Catch Seminoles By Surprise +Business,US Airways Watch +Sci/Tech,Study Finds Warming Trend in Arctic Linked to Emissions +Sci/Tech,Moon puts on total spectacle +Sports,Yankees sort through wreckage +World,"Nine Marines dead, deadly explosion rips Baghdad" +World,Rwanda sends reinforcements to African Union mission in Darfur +World,"Funeral held for mother, daughter killed in landslide" +World,Japan Confirms Japanese Hostage in Iraq Beheaded +World,Anwar supporters defy police ban to welcome him home to Malaysia +Business,Checking system going all-electronic +Sports,Paterno second-guessing field goal +Sports,Schilling makes pitch on behalf of president +Business,Third quarter was good +Business,Wall Street: #39;Cheap oil age #39; may be at end +Sci/Tech,China cracks down on Net +Sports,North Carolina stuns unbeaten Miami 31-28 on last-second field <b>...</b> +Sports,"Mauresmo, Bovina set to meet in Generali final" +Sports,Los Angeles Advances to MLS Western Final +World,Beheaded Japanese hostage found +World,"In Uruguay, leftists hope for historic presidential election win" +Business,Riding China #39;s Rising Boat +Business,Wal-Mart same-store sales up 2.8 +Business,Berkshire Hathaway plans to write \$1 billion in premiums +Business,No decision on price hike of fuels: Aiyar: +Business,"Private pension firms find Asia a draw, with risks" +Business,Courses to help teach you +Sci/Tech,5th China air show to open next week +Sports,Football: Barcelona held 1-1 at Athletic Bilbao +Sports,Canes blow into Chapel Hill +World,Buttiglione bows out from EU commission line-up +World,Joy and tragedy of oldest ever royal +World,Botswana election results delayed +Business,Union urges OK of accord +Business,"Petrol, diesel prices likely to be raised" +Business,Money Funds Fell in Latest Week +Business,China May Need More Rate Increases to Contain Economy +Sci/Tech,China to showcase military might in air show +Sports,Golf: Vijay Singh leads Chrysler Championship +Sports,Mauresmo and Bovina advance to Generali final +Sports,Heels shock Miami +Sports,"No. 2 Sooners survive scare, top Oklahoma St." +World,"Bombs Hit Marines, Iraq TV Office" +World,Cambodia Crowns Former Dancer New King +World,"Pakistan, India must step back on Kashmir: Musharraf:" +World,UN sends nuclear inspectors to S. Korea +Business,Canada foresees record drilling +World,Eight Marines killed in bombing in Iraq +World,Rebels threaten to kill kidnapped election workers +Business,Shell is doing things by halves in going Dutch +Sci/Tech,Titan #39;s complex and strange world revealed +Sci/Tech,New tech tricks caller ID +Sports,Parade of idiots +Sports,Instant Analysis: Upsets amp; more +Sports,Expect a Classic shootout +Sports,"After decades of longing, generations can rejoice" +Sci/Tech,Fly me to the moon Titan that is +Sci/Tech,Bush #39;s bold space policy +Sports,Galloping #39;Ghost #39; brightens Frankel #39;s view of Breeders #39; +Sports,Statham finally comes through +World, #39;He Believed He Was Everything #39; +World,Anwar kicks off political comeback with vow to fight for democracy <b>...</b> +Business,NYSE seat not what it used to be +Sci/Tech,NASA to relaunch space mission +Sports,ASHADO WINS FOR PLETCHER +Sports,NCAA Game Summary - Arizona State At California +World,Ukraine faces milestone election +Sci/Tech,NOT PLAYING GAMES +Sports,Greene hooks up with Pope for big plays +Sports,UPSET WIN IS #39;TALK #39; OF TRACK +World,Indira Gandhi remembered +Business,ISS positive on Harmony and Gold Fields merger +Sci/Tech,AMD Introduces Low-Cost Net Access Device in India +Sci/Tech,Google Buys Digital Mapping Company +Sports,ASU offense is a no-show vs. Cal +Sports,DETTORI-LED WILKO RUNS PAST YOUNG FIELD AT 28-1 +World,Koda #39;s wrapped in US flag +Sci/Tech,Caller ID spoof masks real callers +Sci/Tech,China air show to begin +Sci/Tech,Saturn #39;s moon Titan may offer huge clues to Earth #39;s evolution +Sci/Tech,PSP price drops +Sci/Tech,VSNL And AMD Launch The Personal Internet Communicator +Sports,"Roundup: Singh overcomes bogeys, takes lead" +Sports,Agassi advances to final of Stockholm Open +Sports,South Korea #39;s Grace Park wins CJ Nine Bridges Classic +Sports,California Blackout +World,9 MARINES SLAIN +World,Ukraine #39;s presidential election begins +Sports,Terps snap Seminole hex +World,Eight Marines dead in suicide car bombing +World,"Relatives, Muslim groups appeal for release of Sri Lankan hostage <b>...</b>" +Business,Insurance probe doesn #39;t frighten Century Shares +Business,Judge OKs settlement in AT amp;T Wireless case +Business,Tough lessons shape Ford #39;s #39;green #39; vision +Business,"MSU med school plan to move has flaws, study says" +Business,Fuel Prices Likely To Go Up From Tomorrow +Sci/Tech,"Good Times, bad Times? We #39;ll soon find out" +Sports,Broussard gives LSU leg up +World,Yanukovych votes quot;for Ukraine #39;s future quot; +World,Polish hostage in Iraq pleads for life-Video +Business,Pilots #39; pact may benefit Comair +Business,Presidential election effect on stocks is stuff of legends +Business,"For ATA, it all boils down to cash" +Business,Dow Industrial Stocks Fall in Europe; Exxon Slips (Correct) +Sports,GOING OFF ON THE WRONG FOOT +Sports,Three and out +Sports,"MARYLAND 20, NO.5 FLORIDA STATE 17" +Sports,Edwards catches MSU +World,Japan vows troops will stay in Iraq after 24-year-old hostage <b>...</b> +World,Eight US marines killed in Iraq +Sports,Agassi on track for 60 +Sports,Mental miscues hurt the Gators +Sports,Ashado stakes claim as top 3-year-old filly +Sports,The masters of spin win again with point system +World,"Palestinians meet, show solidarity" +World,Anwar thanks Malaysian PM for release +World,Philippine envoy in Kabul to seek release of hostage +Business,New law: Check 21 speeds up check processing +Sports,Park takes victory in South Korea +World,Buttiglione bows out to resolve EU crisis +World,Pitcairn Island mayor sacked +Business,China opposes US import limits on cotton trousers +Sports,Singh poised for history +Sports,"Job is gone, but pride isn #39;t" +Sports,QB controversy? Give Bowden few minutes +Sci/Tech,Stargazers Enjoy Total Lunar Eclipse +World,Thai officials placate south with release of prisoners +Business,CPM asks govt to delay fuel price hike +Sci/Tech,"China closes 1,600 Internet cafes" +Sports,Park wins CJ Nine Bridges in a rout +Sports,Zook #39;s Gators didn #39;t give up +Sports,Jayasuriya gets his ton as Lankans battle on +World,French doctors check Arafat for virus +World,Parents of beheaded man in shock +World,"Polish Hostage in Iraq Pleads for Her Life, Al-Jazeera Reports" +World,15 People Wounded in Chechen Car Bombing +World,Iranian parliament passes bill backing uranium enrichment +Sci/Tech,"Humans are getting taller, but we still weigh too much" +World,Japan mourning the death of Iraq hostage +World,Kidnapped Briton gets Afghan deadline +World,Blair launches ad blitz for early polls +Sci/Tech,New Net domains near approval +World,Voting opens in Ukraine election (12:20 PST) +World,Video Shows UN Hostages in Afghanistan +Business,It #39;s never too early to be thinking about retirement -- just ask <b>...</b> +Business,Aon sees profit dip in 3Q +Business,China #39;s rate rise not enough: expert +Sci/Tech,"China Closes 1,600 Internet Cafes In Crackdown" +Sci/Tech,Nano-Engineers in Singapore Create Drug-Delivery Contact Lenses To <b>...</b> +Sports,Chelsea have destroyed me complains Mutu +Sports,NEXTEL CUPCHASE FOR THE CHAMPIONSHIP +World,Peacekeepers airlifted into Darfur +World,Pakistan has not given up stand on Kashmir: Musharraf +Sports,AROUND THE HORN +Sports,Owners turn Singletary into party animal +World,Japanese troops to stay in Iraq +World,Ukrainian Voting to Be Closely Watched +World,Iranian Lawmakers OK Uranium Enrichment +World,Deadliest day for US in 6 months +Sci/Tech,Online companies facing huge losses in battling Web extortion +Sci/Tech,Info.com: Consumer Focused Meta Search +Sports,Forsyth leading Volvo Masters +Sports,Sri Lanka edge ahead against Pakistan +Sports,"Gators, Zook Never Quit" +Sports,Seminoles Finally Fall Off Upset #39;s Edge +World,Japan to maintain troops in Iraq +World,Iranian MPs approve uranium bill +World,Iranian bill backs nuke energy drive +Sci/Tech,Thumbthing For Everyone +World,Japan vows to stay in Iraq despite killing +World,Hostage murder to hurt Koizumi +Business,Putin holds key to fate of Yukos +Business,AT amp;T Wireless Settles Lawsuit Over Billing Practices +Sports,What we learned +Sports,Another chapter in TO saga +World,Mortars hit British army camp +Sports,Agassi Reaches Semifinals at Stockholm +World,Eight Marines Killed as Fallujah Assault Looms +World,European Leaders Sign EU Constitution +World,Iranian parliament approves uranium enrichment +World,Philippine Govt to monitor UN hostage negotations in Afghanistan +Business,Airport stands to lose big if ATA departs +Business,"No increase in petrol, diesel prices" +Business,President sees lead shrink on U of I Electronic Markets +World,Buttiglione Bows Out From EU Commission Line-up +Sports,Youzhny wins St Petersburg title +World,Palestinian leaders give show of unity in Arafat #39;s absence +World,Japan says decapitated body is that of kidnapped tourist +Sports,Park Claims Title at CJ Nine Bridges +Sports,"Singletary executes Chatlos #39; plan, wins Cup race as 16-to-1 <b>...</b>" +World,Sharon says ready to negotiate with new Palestinian leader +Business,Shell bosses in a charm offensive +Sci/Tech,A Rising iPod Lifts All Boats +Sports,UPDATE 1-Kenyon refutes criticism over Mutu sacking +Sports,Steelers set their sights +World,Iraq #39;s Patience Running Out in Fallujah +Sports,Kaneria spins through Lankans +Business,Lessons Of The #39;29 Crash +Sci/Tech,"China purge closes 1,600 net cafes" +Sci/Tech,Online extortionists cripple e-commerce +Sports,Grace Park leads them a merry dance in Korea +Sports,COL FB: California 27- Arizona State 0 +World,Iran approves bill requiring government to resume uranium <b>...</b> +Sports,Mauresmo powers to Linz victory +Business,Spitzer A guerrilla fighting corruption +Sci/Tech,Scientists hope to find more tiny hominids +Sports,Kicker Treat: Heels boot Miami +Sports,Maryland football: Terps stun fifth-ranked Florida State +Business,NY voters react to bin laden video +Business,Markets up when Democrats win +Business,"Health Highlights: Oct. 31, 2004" +Sci/Tech,"Space shuttle Enterprise takes center stage, at last" +Sci/Tech,Newest GTA is sure to please and outrage +Sci/Tech,"China Closes 1,600 quot;Internet Bars quot;" +Sci/Tech,High solar activity to last for few decades only: +Sci/Tech,Vegetarians see red over Smarties colouring +Sports,Wenger ends Fergie war of words +Sports,Mauresmo thrashes Bovina to win Linz title +Sports,Read #39;s mega Diva dare +Sports,"Zook, Gators frustrated again" +Sports,Local media turn on Ganguly +World,"Palestinians, Israelis meet to plan for Arafat #39;s absence" +World,Rebels vow to use chemical weapons +World,Newspapers report Blair may call election earlier than expected? <b>...</b> +World,Wake-up call on terrorism +Business,Dow winds blow in favour of Kerry +Sports,Kaneria gives Pakistan the edge +Sports,Cruel Britannia as Rooney delivers +World,9 Marines killed in Iraq fighting +Sports,Weld plays waiting game +World,"15 Iraqis, 9 US Marines killed in one of Bloodiest Day" +World,Tokyo TV: Beheaded Japanese Hostage Found In Iraq +Sci/Tech,Non-legendary little people +Sports,CRICKET: Pak in with chance to level series +World,Video shows UN Afghan hostages +Sci/Tech,China continues internet crackdown +World,"Sudan, Darfur Rebels Fail to Agree on Security" +World,Japan denounces Iraq hostage death +World,Video of UN hostages telecast +World,17 Injured in Chechnya Car Bombing +Business,Govt postpones fuel price hike +Sports,Johansson upsets Agassi to win Stockholm Open +Sports,Martin Triumphant in Catalunya +Sci/Tech,Is the Mainstream Ready for Linux? +World,Arafat: Doctors to Carry Out New Tests +World,Prime Minister Says Japan Remains quot;Resolute quot; +Sci/Tech,"China closes 1,600 Internet cafes" +Sci/Tech,Compact format sign of Times +World,Americans on nerves #39; edge at risky post +World,Shells Land Near Black Watch Base +World,Car bomb targeting Chechen security force injures 15?(updated PM5 <b>...</b> +World,Outage stops Kuwaiti oil flow +Sci/Tech,Apple Introduces the U2 iPod U2 and Apple Partnership Fuses Art <b>...</b> +Sports,Rossi wins Valencia MotoGP +Sports,"Cricket: Aussies crowing, Indians deathly quiet" +World,Afghan Militants Threaten to Kill Foreign Hostages +World,Blair spokesman denies snap election report +Business,From black coffee to a green cause +Business,Summer growth carries economy +Sci/Tech,"New game from Wideload, Alex Seropian named, dated" +Sports,Agassi loses Stockholm Open final +Sports,Mutu #39;Lied #39; - Chelsea Chief +Sports,Garcia and Poulter in play-off +Sports,Surging Molik in another decider +Sci/Tech,Apple introduces the U2 iPod +Sci/Tech,Zombie Wideboy +Sports,Poulter celebrates at Valderrama +Sports,In-form Molik storms to second title in a week +World,Iran backs enrichment as government demands commitments from <b>...</b> +Business,"No oil price hike, says Aiyar:" +Sci/Tech,Titan: Where #39;s the Wet Stuff? +Sports,Baseball Beat: Red Sox just played much better +Sports,Mauresmo dominates Linz final +Sports,Park hangs on to win Nine Bridges +World, quot;February election quot; report played down +Sports,Poulter pips Garcia in a play-off +Sports,"Martin, the asphalt master" +Sports,Schilling back in game for Bush +Sports,Wake Forest #39;s chances could rest on player with #39;cat burglar #39; <b>...</b> +World,Iranian bill backs drive for nuclear energy (updated AM 00:29) +Sci/Tech,AMD rolls out low-cost Net access device in India +World,"Palestinian officials say Arafat #39;s condition is curable, stable" +World,Stike threatens oil exports +Business,S and P watching Shell for possible debt downgrade +Business,Indian Government moves to cushion oil shock for consumers +Sci/Tech,Sunspots leave telltale marks in trees +Sports,ATP St. Petersburg Sunday results +Sports,Rangers wins convincingly to hold on to second +Sports,Poulter defeats Garcia in playoff at Valderrama +Sports,Martin wins Rally of Catalonia +Sports,Lions WR Roy Williams misses game in Dallas +World,Ukraine PM to meet challenger in poll run-off +World,Iran bill backs drive for nuclear energy +World,Thai PM promises independent probe into protesters #39; deaths +World,AU Mission Expands in Sudan #39;s Darfur +Business,Delta pilots to vote on proposed pay cut agreement +Sci/Tech,"Drug May Block Alzheimer #39;s, Scientists Say" +World,New Video Shows Kidnapped UN Workers in Afghanistan +World,Nigerian oil strike looms +Sports,"Rossi says no to F1, for now" +Sports,Martin wins in Catalunya +Sports,Cisse suffers double leg break; likely out for season +World,Video shows UN hostages in Afghanistan +Sci/Tech,China closes 1600 internet cafes +Sports,"Hayden crashes out, Barros mounts another spirited charge" +Sports,MAURESMO WINS LINZ EVENT +Sports,Cisse Out for Season after Leg Break +World,Ukraine Election To Go To Second Round +World,UN Hostages Plead for Their Release +World,Rebels target Black Watch troops +Business,Vaile hopeful of trade deal with China +Business,Indiana 1 of 3 holdouts in nation +Business,Election Will Dominate Wall Street #39;s Moves +Business,"Airbus to Buy More Parts, Build Base in China, Official Says" +Sports,Nextel leader Busch goes out early with blown engine +World,Arab TV airs video of 3 UN hostages in Afghanistan +World,Second group claims bombing +World,Chechen Warlord Issues Warning to Russia +Business,"Price freeze may cost oil firms Rs 10,000 cr" +Business,Financier #39;s bet on steel pays off big +Sports,Busch looks to increase points lead +World,UN Repeats Appeal For Hostages #39; Release +Business,"Wall St. Wants a Quick, Clean Election" +Sports,Watney moves to the front +Sports,Bolton end Souness honeymoon +World,Nigerian unions threaten to resume strike over fuel price hike on <b>...</b> +World,Chavez allies and opposition vie for key posts as Venezuelans vote <b>...</b> +Business,"No petrol, diesel price hike for now" +Business,"China May Avoid Sudden Slowdown as Rates Rise, Survey Shows" +Business,Steel #39;s New Spring +Sports,Youzhny Wins St. Petersburg Open +Sports,Bolton on the move after Newcastle win +World,Killing of Japanese hostage by militants in Iraq pressures Japan #39;s <b>...</b> +Business,No oil price hike before US polls +Sports,Schilling delivers for Bush; team execs shill for Kerry +Sports,Moss #39; hamstring forces another early exit +World,Car bomb targeting Chechen security force injures 17 after earlier <b>...</b> +Sports,England: Bolton too strong for Newcastle +World,A Whole New Line +Sci/Tech,The Nation #39;s Weather +Sports,World Series items head to Cooperstown +Sports,Youzhny ends title drought +Sports,Schilling delivers for Bush; team execs shill for Kerry +Sports,Kaiserslautern save coach with late win over Bielefeld +World,Allawi Warns of Low Patience on Fallujah +World,"Mortars hit British army camp in restive Iraq province, no <b>...</b>" +World,Voters stick with ruling party +Business,Office Depot Plans to Cut 900 Jobs +Business,Legal concerns delay Canadian version of US-style terror list for <b>...</b> +Sci/Tech,Beetles used to make Smarties +Sci/Tech,Fragile Arctic region endangered by greenhouse gases: report +Sci/Tech,Voters Checking Out Other Sides #39; Sites +Sports,Ghostzapper to return in 2005; Azeri might retire after two more <b>...</b> +Sports,"Johansson, Novak, Youzhny take tennis titles" +Sports,Eagles WR scores winning TD in grudge match against Ravens +Sports,Northwestern Notebook +World,Powerful blast kills 15 Iraqis in Tikrit +Sci/Tech,Arctic endangered by greenhouse gases: report +Sports,"Packers 28, Redskins 14" +World,Challenger takes lead in Ukraine vote +Business,Check 21 law to process checks faster +Sci/Tech,Novel Approach Targets Alzheimer #39;s Development +Sports,No mas: Giants stomp Moss-less Vikings +Sports,Green Bay Packers +Business,First Russian IPO on NYSE since 2002 +Business,US indict 19 on ID theft charges +Sports,Testaverde #39;s scramble sparks Cowboys +World,Tests on Arafat reveal no signs of leukemia +World,Japanese official arrives in Kuwait to repatriate Koda #39;s body +Sports,ATP Stockholm Sunday results +Sports,Golf: Grace Park cheers home fans with LPGA victory +World,Compromise Said Possible on Iran Nukes +Sports,Valencia: Rossi wins 2004 +Sports,"Chelsea have destroyed me, complains Mutu" +Sports,Novak outlasts Nalbandian in Basel +Sports,Martin holds on for third win in Rally Catalunya +Sports,"Texans 20, Jaguars 6" +World,Koda #39;s Iraq trip was driven by sheer curiosity +Sports,Topsy-TURVY Baseball World Entices Fans +Sports,Poulter turns around frustrating year at Volvo +Sports,Bolton 2-1 Newcastle +Sports,Novak takes Swiss Indoors crown +Sports,Lions #39; Williams sidelined in Dallas +Sports,Cisse suffers suspected leg break +Sports,NFL Game Summary - Indianapolis at Kansas City +World,Leftist Coalition Predicted to Win Uruguay #39;s Presidency +Sci/Tech,Video games muscle in on movies +Sci/Tech,WIDELOAD GAMES ANNOUNCES FIRST TITLE +Sports,Singh tops \$10 million with win +Sports,Chiefs spoil Manning #39;s big day +World,15 killed in rocket attack on Tikrit hotel +World,Withdrawl of nominee eases crisis for Europe +World,Afghan group makes demands for hostages +Business,Credit where it #39;s due? +Sci/Tech,"In Britain, no more hiding behind The Times" +Sci/Tech,Aussie scientists see palaeontology gold rush +Sci/Tech,Apple rolls out iPod Photo +Sports,Heels savor 1st win over top 5 opponent +World,Tony Blairs office plays down reports of Feb elections +Business,Australia #39;s Incitec Pivot FY04 Net A\$75.1 Million -2- +Sci/Tech,Companies Scramble to Deal With Spyware +Sci/Tech,Bright star: Fresh insight into historic find +Sports,Singh is first \$10 million man +Sports,Football loss signals Kerry win +Business,Crude oil futures may fall: survey +Sports,Singh becomes first \$10 million man in golf +Sports,First defeat tastes so sour for Souness +Sports,History says Redskins defeat the end for Bush +Sports,GOLDBERG ON FOOTBALL: The Eagles gain by winning small +Business,Reinsurance firm confident on future prospects in China +Business,Russian oil exports to go north +Business,Australia #39;s Natl Foods Confirms Rejection Of Fonterra Bid +Business,Beware abuses of 529 plans +Sports,Mauresmo Gunning for No. 1 Again at ATP Linz +Sports,"No Safin, But Alt-Russian Youzhny in ATP St. Petersburg Final" +Sports,Owens Has Last Laugh on Ravens as Eagles Improve to 7-0 +World,Iran votes to resume nuclear programme +World,Milburn uses election to galvanise Labour +World,Nigerian Strike to Target Oil Exports +Sci/Tech,China Reissues Information Of Internet Cafe Closures +Sci/Tech,Xbox owner sues over defective disk drives +Sports,Golf: Vijay clinches ninth win of season with Chrysler <b>...</b> +Sports,Owens shows Ravens what they #39;re missing +World,Allawi: Major military action in Falluja imminent +World,Uruguay #39;s left headed for poll win +World,Int #39;l aviation amp; aerospace exhibition to open in Zhuhai +Business,Johnson Electric Acquires Majority Stake In Nanomotion +Sports,Vijay breaks \$10m mark +Sports,Revolution Make Eastern Conference Finals +Sports,"Lions #39; miscues let Cowboys slip by, 31-21" +World,"Uruguay #39;s Vazquez Wins Presidency in 1st Round, Exit Polls Show" +Business,Incitec rakes in \$75.1m profit +Business,"Japan #39;s Nikkei Average, Topix Fall; DoCoMo, Canon Lead Decline" +Business,Goldman mulls fresh offer for Warner Chilcott +Business,M amp;G #39;s McLintock touted as potential Bloomer successor +Sci/Tech,AMD expands global reach +Sports,Focused Poulter keeps his cool +Sports,Johansson beats Agassi to win Stockholm Open +Sports,Chelsea chief: We #39;re right to sack Mutu +Sports,"Redskins Loss: Bad News for Bush, Touchdown Kerry" +Sports,NFL Game Summary - Oakland at San Diego +Sports,Will Colts defense ever catch up? +World,Japan to stay in Iraq despite beheading +World,More quakes rock Japan +Sports,Liverpool confirm Cisse out for season +Business,UK PRESS: Goldman-Carlyle Mull Warner Chilcott Counterbid +Business,China #39;s oil company sues Yukos over failure to resume shipments +Business,Pru investors seek to vent frustration +Sports,Poulter wins Volvo Masters in playoff +Sports,Champion Loeb forced to drop out +Sports,Molik secures back-to-back titles +Sports,"NFL Today, Week 8" +Sports,Red Devils prepare Arsenal dossier +World,"Time Running Out in Fallujah, Warns Allawi" +World,Labour denies plan for February poll +World,China vows to push for rapid reform of aviation industry +Sports,"Ruths curse may be dead, but other fun ones live on" +Sports,Cisse injury leaves Benitez facing striker crisis +Sports,Gridiron prediction: Kerry +Sports,Five things to watch +Sci/Tech,"Cybercrime Marketplace Shut Down, 28 Arrested" +Sci/Tech,Voters see both sides online +Sports,Wary Martin gets the drop on Loeb +Business,GIC wants to sell stake to private insurers +Sports,Owen on target for Real +World,Ukrainians vote for president amid fears of rigging and unrest +Sports,Singh breaks \$10 million mark +Sports,"EAGLES 15, RAVENS 10 Owens Breaks Some Tackles and Burns More <b>...</b>" +Sports,Lions hit a bump in the road +World,Allawi threatens Fallujah with military assault +World,Video threat to kill UN hostages +World,Kuwait hit by blackout +Business,Tokyo Stocks Fall as Exporters Sag +World,Tests Continue on Arafat +World,Nearly 50 hurt in Spanish subway crash +Sports,Wenger finds soft centre hard to accept +World,Iran Votes to Resume Nuclear Work +World,Crude Oil Rises After Nigerian Unions Call Strike to Cut Supply +Sports,Kerry claims victory after Redskins #39; loss +Sports,Broncos v. Falcons Photo Gallery Part 1 +World,TOKYO REACTION Koizumi Vows No Japanese Withdrawal After Tourist #39;s <b>...</b> +World,Uruguay poised to elect leftwinger +Sci/Tech,ISPs Band Together Against Spam +Sci/Tech,NASA Prepares for Future Space Exploration Risk +Sports,Not quite the devil in a Blues dress +Sports,Patriots Back Among the Mortal +World,"Political prisoners release a legal matter, says Aziz" +Business,Update 1: Tokyo Stocks Lower; Dollar Up Against Yen +Sci/Tech,Google #39;s Desktop Search Could Change SEM Forever +Sports,Thank heaven it #39;s Saturday +World,Vote Expected to Bolster Chavez +Business,Stock market crash course: what goes down doesn #39;t necessarily come <b>...</b> +Business,"Oil Extends Jump Above \$52, Eyes Vote" +Business,Australian govt predicts positive conclusion to FTA with China +Sports,"Redskins swing, miss on orchestrating complete game" +Business,Close election weighs heavily on stock markets +Sports,EMOTIONAL FAREWELL FOR SAINZ +World,Violence continues in Fallujah +World,US Agent Sparks Afghan False Alarm +Business,A tale of two tycoons +Sci/Tech,"Dogged Crying, Lower IQ Linked" +Sports,Owens Gets a Little Too Funky +Sports,Man Utd boss wants FA rap for Arsenal #39;s Bergkamp +Sports,Steelers end Patriots #39; winning run +Sports,Moss #39; Hamstring Forces Another Early Exit +World,Video shows three foreign election workers kidnapped in <b>...</b> +Business,Oil prices higher in Asian trading on strike threat in Nigeria +Sci/Tech,GTA - training game for murderers? +Sci/Tech,Google Desktop Search Tool For Mac- Now for sure +Sci/Tech,Rain expected across most of the US +Sports,Cheeseheads for Kerry +World,Anwar critical of Malaysian poll +Business,Australian Trade Deficit Widens as Imports Increase (Update4) +World,Marxist rebels free 4 hostages +Business,Update 1: China Needs to Do More to Control Spending +Business,Worldwide pants: trade flap between US and China +World,Ukraine Election in the Balance +World,Deadly clashes rock Iraqi rebel hotspots +World,Kidnappers send video +World,Musharraf #39;s Kashmir solution hypothetical: Aziz +World, #39;Hundreds #39; killed in ethnic clashes in China +World,Yudhoyono faces power struggle in parliament +Business,Delta goes all out for China route +Sci/Tech,Brightest Lights Rise Together +Sports,Real Madrid beat Getafe +Sports,Park fires closing 65 for easy victory +World,Several dead in ethnic clashes in China -resident +Sci/Tech,Resident Evil 4 Exclusive No More +Sports,SINGH ON SONG YET AGAIN +Sports,Tennis: Novak beats Nalbandian in five-set thriller +Sports,Bergkamp Backing Van Persie to Shine +World,Unions in Nigeria Call for an Oil Strike +World,Undercover American agent sparks false alarm about Afghan suicide <b>...</b> +Business,China warns rising energy prices to lead to more inflation in 2005 +Business,China warns US against restricting imports of cotton trousers +Sports,"Giants: Without Moss, Vikings get trampled" +World,Residents say martial law imposed on Chinese town after deadly <b>...</b> +World,N.Korea says US overture a quot;crafty trick quot; +Business,Office Depot Says It Will Cut 900 Jobs +Sports,"World #39;s Greatest Golfer, Vijay Singh is The PGA #39;s \$10 Million Man <b>...</b>" +Sports,"Now That Curse Has Ended, Marketers Love Red Sox" +Sports,Masters blow to Agassi +Sports,King new Windies coach +Sports,Miami #39;s defense becoming costly +World,Iran bill backs nuclear energy drive +World,Martial law in Chinese city after riot +Business,Singapore #39;s Unemployment Rate Falls in Q3 +Sports,Izenberg: Hats off to Derby-less Frankel +Sports,Giants un-Daunted +World,Allawi warns of new assault on Fallujah +World,Arafat #39;s condition improving +World,Kerry adviser raps Australian PM over pro-Bush comments +Business,Crude Oil Rises After Nigerian Unions Call Strike to Cut Supply +Business,UPDATE: Singapore 3Q Unemployment Rate Falls To 3-Yr Low +Business,Office Depot cuts 900 jobs +Business,Elections to Move Stocks in Short Term +Business,"Not as Much Ventured, but More to Gain?" +Sci/Tech,News: Resident Evil 4 For PS2 +Sci/Tech,They think it #39;s OK to make money hijacking my PC +Sports,Texans remain red hot +Sports,Juventus extends Italian lead +Sports,Canes Reeling After Loss To UNC +World,"4BR/3B Home, Convenient-" +World,Boy escapes from jaws of croc +Sci/Tech,A new cousin found on island +Sports,New England streak ends in Pittsburgh +Business,Nikkei weakens ahead of poll +Sci/Tech,Ballmer #39;s open source assault gives Linux a leg-up: OSIA +World,Middle East ; Bill backs pro-nuke energy drive in Iran +World,Gunmen kill deputy governor of Baghdad +Sci/Tech,China confirms more Internet cafe closures +Sci/Tech,Bagle back from the dead +Sports, #39;Perfect #39; Mauresmo cruises in +World, #39;Ethnic violence #39; in China region +World,Baghdad deputy governor killed +Business,Ovitz Set for More Grilling Monday +Business,Early rates rise tipped for Australia after near record imports +Business,ABN Amro warns of lower op. profit on US mortgage mkt +Business,MGM Gives Blow-By-Blow Report of Sale Process +Sports,Singh hits \$10 million +Sports,Redskins #39; loss may be Kerry #39;s gain +Sports,Ferguson Adds Bergkamp to FA #39;Hit-List #39; +Business,Japan stocks close lower +Business,SingTel logs 38 user growth in Q3 +Business,"Hitachi, Matsushita, Toshiba to set up LCD panel venture" +Sci/Tech,China #39;s Shenzhou VI to carry two astronauts on five-day mission <b>...</b> +Sports,Fright Night in Chicago +World,Ailing Arafat Feeling Much Better: Aides +World,Baghdad Deputy Governor Assassinated +World,Developments concerning Iraq +Business,Taiwan takes steps to prevent new SARS outbreak +Sci/Tech,AMD rolls out low-cost online-access device in India +Sci/Tech,Two men to circle space for five days +Sports,Crowd size could be in the eye of beholder +World,Ukraine to have second round of election anyway official +World,Top Baghdad official shot dead +Business,TIP SHEET: Travel -- Vacationers shop as part of their fun +Business,Shell coy on bosses #39; performance-related pay +Business,MERCK RECEIVES APPROVABLE LETTER FOR ARCOXIA; EMPHASIZES ITS <b>...</b> +Sci/Tech, #39;Lo #39; and behold! The internet turns 35 +Sci/Tech,Second manned space mission in 2005: China +Sports,World ; Australian board congratulates new Windies coach +World,China slams Bush on eve of poll +Business,"Visteon pays employees to buy Ford cars, aid race with Chevy" +Business,Airbus plans more links with China +Sci/Tech,XBox Owner Sues Microsoft +Sports,It #39;s the same old story for Panthers: +Sports,Football Game Could Lead to Kerry Win +Sports,Plummer takes bad with good +World,Allawi warns Fallujah assault is near +World,Video shows British aid worker and her colleagues huddled beside a <b>...</b> +World,Liberia faces disarmament deadline +World,Venezuelan president votes at regional election +Business,"US to ease loan goals for Fannie, Freddie - WSJ" +Business,Bonus bonanza for Shell bosses +Business,"Visteon: Buy a Ford, get a \$1,000 bonus" +Business,Brent oil to start trading in Dublin +Sports,"Less thinking, more winning" +Sports,Giants defense is on the fast track +Sports,Notebook: Florida teams fall in polls +Sports,IT #39;S A BIG STRIDE FOR POULTER AS SERGIO IS PIPPED +Sports,Now Fergie accuses Bergkamp +World,Prime minister takes lead in Ukrainian election +World,Who #39;s in line to take over the reins +Business,Election likely to put investors in motion +Business,"Visteon pays employees to buy Ford cars, aid race with Chevy" +Business,"Optus adds 200,000 mobile users" +Sports,Upsets shake up ACC +World,"Arafat condition improves, illness still a mystery" +Sports,Sri Lanka frustrate sloppy Pakistan +Business,Shell restructures Dutch gas business +Business,Volkswagen Union Stages Warning Strikes at 3 German Factories +Sports,Eagles tough out a win +Sports,Chelsea Football Club eye 15 million Owen swoop +Sports,Poulter beats Garcia in play-off +Sports,FERGIE vs WENGER - YAWN +World,Ukrainian PM Yanukovich Takes Early Lead in Presidential Race +Business,Toyota #39;s 2nd-Qtr Profit Shrinks on Truck Unit #39;s Slump (Update4) +Business,Singapore jobless rate falls +Business,A gumshoe #39;s in charge +Sports,Steelers halt Pats #39; streak +Sports,Dein peace vow undermined +Sports,NFL roundup +World,US issues terror warning in northern Europe +Business,Tokyo shares down ahead of US elections +Sports,SOUNESS BLASTS BOLTON #39;S STYLE +Sports,"Finish line, November 1" +Sports,"Tom amp; Lewis team up," +Sports,Mutu facing a damages claim +Business,UPDATE: Australia #39;s St George FY Net Up 18;Outlook Rosy +Sci/Tech,Kutaragi comments on PSP prici +Sports,Manchester United Football Club manager wants Bergkamp charged +World,Deadline Set for Hostages in Afghanistan +World,Ethnic groups battle in central China +World,Baghdad Deputy Governor Shot Dead +Sci/Tech,Mobile phone gaming set to boom +Business,Volkswagen Workers Stage New Stoppages +Business,Toyota Profits Jump in First Fiscal Half +Business,Air China inaugural flight lands at Dubai International Airport +Sci/Tech,Future of the web is on the move +World,Explosion Kills Four in Tel Aviv Market +World,Friday deadline set for hostages in Afghanistan +Business,"ABN Amro Profit Rises, Buoyed by Sale of Asia Stake (Update4)" +World,"Arafat #39;s condition improving but further tests needed, say <b>...</b>" +World,Top Baghdad official assassinated +Business,UK urged to join US insurance action +World,Armed police start Singapore patrols +Business,"Netherlands Buys Gas Pipes From Exxon, Shell Venture (Update1)" +Business,JP Morgan will stay as Gold Fields advisor-source +Sci/Tech,End of an era as Times ditches broadsheet for compact +Sci/Tech,Microsoft Deepens Indemnity +Business,Toyota Motor interim net profit up 11.4 percent to hit record high +Sci/Tech,New Bagle variants storm the internet +Sports,BREAKING POINT +World,Four die in suicide attack +World,Afghan hostage deadline extended +Business,Will sagging Dow predict the winner? +Sci/Tech,Part of the ECT News Network +Sci/Tech,Ballmer #39;s Linux Spin +Sports,Bambino #39;s curse still working magic +Sports,Cisse operation successful +World,At least 4 killed in suicide attack in Tel Aviv +World,Several killed in ethnic clashes in Henan +World,Pakistani PM starts tour in Nepal +Business,Gold Fields to publish bid attack +Sci/Tech,GTA: San Andreas - an in-depth look +World,Police: 3 dead in Tel Aviv suicide bombing +World,Summary: Yanukovych leads Ukraine election +Business,"Shell, Esso sell part of Dutch gas company for 2.78 bln euros" +Business,Update 1: Volkswagen Workers Stage New Stoppages +Business,October probably had job growth +Business,"At churches, an 8th sit-in begins amid hope, closing" +Business,"Office Depot plans call centre closures, job cuts" +Sci/Tech,Bagle.BC sparks red alert +Sci/Tech,BEST Magazine #39;s best stuff of the season +Sci/Tech,Rutan shares space dreams with UT students +Sports,Record-breaker Singh stretches ahead of Els in rankings +Sports,Kenteris denies faking bike crash +Sports,Cisse blow for Liverpool Football Club +Sports,Park wins before home fans +World,Suicide bomber kills 4 in Tel Aviv #39;s Carmel Market +World,Militants holding UN hostages set Friday deadline +World,Pakistani PM leaves for Nepal on three-nation South Asian tour +World,Iraqi cameraman killed in Ramadi +World,Hyderabad youth killed in police shootout +Business,"Toyota #39;s 2nd-Qtr Profit Shrinks on Yen, Units #39; Slump (Update5)" +Business,ABN Amro Profits Rise in Third Quarter +Sci/Tech,Google blocks Gmail exploit +World,China criticizes Bush ahead of election +Business,Update 1: Toyota Profit Jumps As Sales Grow Globally +Business,Shell in Dutch gas grid disposal +Business,Nymex to Challenge IPE in Ireland +Business,"Tyco Swings to Profit, Warns on Estimates" +Sci/Tech,Shuttles to return to flight in May +Sci/Tech,RIAA Files 750 New File-trading Lawsuits +World,"Bomb in Tel Aviv Market Kills 3, Wounds 32" +World,Afghan kidnappers deny deadline extension +World,Reuters cameraman killed in Ramadi +Business,US Stocks Seen Flat as Election Weighs +Business,Ryanair signs engine maintenance deal with General Electric +Sci/Tech,"Microsoft, Others File More Anti-Spam Lawsuits" +World,Suicide bomber kills 3 in Tel Aviv +World,Pakistan PM arrives in Nepal +World,Milosevic wins new defence rights +Business,Oracle sweetens Peoplesoft offer to \$24/shr +Business,Gazprom sets up new daughter company Gazpromneft +Business,Oil Slows Manufacturing Growth +Sports,Kerry campaign cheers Packers #39; victory +World,"US posts warning for Nordic, Baltic states" +World,Afghan hostages #39;split up #39; +World,Afghan kidnappers negotiating with government +Business,Shell restructures Dutch gas business +Business,Report: Merck Tried to Bury Vioxx Concerns for Years +Business,Taiwan Stocks Close Lower +Business,Gazprom Head Orders Creation of Gazpromneft Company +Business,Honeywell to Bolster Research in India +Business,Delta #39;s position still precarious +Sci/Tech,"Yes, Linux Is Competition For Us, Admits Microsoft" +Sci/Tech,Herb Weisbaum: Privacy Concerns With Google Search Software +Sci/Tech,China to launch Shenzhou VI +World,Suicide bomber kills 3 in Tel Aviv +World,Martial Law in Chinese Town After Riots Kill Seven +Business,Boeing bringing the fight to Airbus +Business,ABN Amro #39;s Q3 profits up 26 +Business,Hard calls whoever wins the White House +Sci/Tech,"China shuts 1,600 cybercafes" +Sci/Tech,Smart Web Changes World +Sci/Tech,Internet service providers file more spam lawsuits +Sports,Ball in Henman #39;s court for Houston +World,Highest US troop level ahead of Fallujah assault +World,"UN court rules Milosevic must keep lawyers, but can lead his own <b>...</b>" +Business,Oracle ups PeopleSoft offer to \$24 per share +Business,Singapore Extends War Insurance For Air Sector +Business,Boeing Looks To China For 80 7E7 Orders +Sci/Tech,New Chinese missile featured at air show +World,Market bomber kills five in Tel Aviv +Business,Internet ad firm Doubleclick mulls sale +Sci/Tech,Google plugs hole exposing Gmail mail-boxes +Business,"UPDATE 1-Oracle raises PeopleSoft offer, sets deadline" +Business,"UPDATE 2-Tyco posts profit, outlook misses expectations" +Sci/Tech,"1,600 internet cafes closed in China" +Sports,Golf: Vijay Singh wins Chrysler Classic +Sports,Michelin secure asphalt clean sweep. +World,Many Muslims Killed in Chinese Ethnic Clashes +World,Shell Try to Block Nigeria Oil Strike +Business,Shell sells Dutch pipeline stake +Sci/Tech,Intel to unveil 1066MHz FSB Pentium 4EE CPU this week +Sci/Tech,End of broadsheet Times +World,Time #39;nearly up #39; for Iraq peace deal +Business,Tyco Sells Unit to India Phone Provider +Business,"Sainsburys Back King, Bid Talk Silly, #39; Family Says (Update1)" +Business,St George lifted by lending +Business,Jobless rate in Singapore declines to a 3-year low +Sci/Tech,Next Chinese manned space trip in 2005 +Sci/Tech,Dell Spyware Decision Spurs New Trend +Sports,Henman Qualifies for Masters Cup as Rivals Withdraw From Paris +World,Qureia condemns Tel Aviv attack +World,Iran sees 50 pct chance of nuclear compromise +Business,States and rivals attack Wal-Mart health policy +Business,Airbus to Set Up Center in China Next Year +Business,Oil Extends Rebound Ahead of Election +Sci/Tech,CA #39;s Open-Source Ingres Now Available +Sci/Tech,China aims at five-day space shot +Sci/Tech,Smart Web to Usher in Host of New Services-Gartner +Sports,Futility still a theme for the #39;cursed #39; few +World,Suicide Bomber Kills Three in Tel Aviv +World,Ruling Party Wins Botswana Elections +Business,"US Spending Up in Sept., Inflation Tame" +Business,Oracle boosts offer for PeopleSoft +Business,St George roars with \$717m net +Business,Report: Merck Played Down Vioxx Risks +Business,Nymex launches Dublin oil trading +Sci/Tech,NASA eyes May launch for Shuttle +Sci/Tech,"iTunes going places, but no music for our ears" +Sports,Bayliss in timely return to podium +Sports,Wet-weather plunge on Vinnie +Sports,Johansson beats Agassi in final +Sports,Two in a row for hot Molik +Sports,Injured pitching ace makes surprise appearance for Bush +World,Four dead in Tel Aviv bombing +Business,"UPDATE 2-Oracle raises PeopleSoft offer, sets deadline" +Business,Takeover rumours spur Sainsbury stock +Business,General Director of Gazpromneft appointed +Sci/Tech,Human races +Sports,Will Packers Help Kerry For President? +Sports,Forsyth mulls over that late Volvo stutter +Business,Wachovia Completes SouthTrust Acquisition +Business,"Netherlands Buys Gas Pipes From Exxon, Shell Venture (Update2)" +Sci/Tech,The Times goes tabloid +Sci/Tech,US stem cells tainted by mouse material +Sports,Valentino Rossi and Formula 1 +Sports,Wolverhampton fires manager Jones +World,Suicide Bomber Kills 3 in Israel with Arafat Abroad +World,Kabul kidnappers demand foreign troop pullout +World,"Iraqi vice president looms of imposing the emergency law, Falluja <b>...</b>" +Business,Oracle Ups PeopleSoft Offer +Business,CASTING ITS #39;NET +Sci/Tech,Intel #39;s Stealth Release +Sci/Tech,The Matrix Online finds its voice +Sports,Place your bets for the party of the year +World,UN appeals for release of Kabul kidnap trio +Business,Consumers return in Sept.; spending up 0.6 +Business,DoubleClick Rises on Buyout Hopes +Business,"UPDATE 1-Valero to acquire Kaneb Services, Pipe Line" +Business,L-3 Communications to Buy CAE #39;s Marine Unit for C\$328 Million +Sci/Tech,"Intel boards a faster bus, picks up Dell" +Sci/Tech,Usefulness of available stem cells questioned +Sci/Tech,Gmail Accounts Vulnerable to XSS Exploit +Sci/Tech,OpForce takes on apps +Sci/Tech,iTunes 4.7 disables iPod Download application +Sci/Tech,Matrix cast to lend voice talent to Matrix Online +Sports,Molik on cusp of world top 10 +Sports,IOC Chief Positive on China #39;s Olympic Bid +Sports,Jones sacked after dismal start +Business,"US consumer spending soars by 0.6 in September, led by auto <b>...</b>" +Business,Delta lands \$500M in financing +Business,L-3 to Buy CAE Marine Controls Division +Business,BorgWarner Takes Over Supplier Beru +Business,Balfour Beatty wins work on largest mall +Sci/Tech,iTunes 4.7 Disables iPod Download +World,Sharon says Tel Aviv blast proves no change in Palestinian <b>...</b> +World,"Fresh US troops arrive in Iraq, ex" +World,Nordic leaders say US terror alert serious but security already <b>...</b> +Business,Oracle Raises PeopleSoft Bid by 14 to \$8.8 Billion (Update5) +Business,Manufacturing Sector Grows in October +Business,Delta Gets Letter for \$500 Million Credi +Business,Update 1: Humana Reports Sharply Higher 3Q Profit +Business,CHINA: Textile Industry Slates US quot;Trade Protectionism quot; +Sci/Tech,Intel Boards a Faster Bus +Sci/Tech,"IT Confidential: Spim, Spam, Spyware, And The Flu Vaccine" +Sci/Tech,Resident Evil 4 coming to PS2 #39;end of 2005 #39; +Sci/Tech,BT spins prop on SME VoIP promo +Sports,Srichaphan sets up clash with Henman in Paris +Sports,Rogge confident in Beijing Games +World,Rare Chinese Jewellery Stolen from British Museum +Business,Oracle sees future in \$8.8bn PeopleSoft +Business,"Shell, Exxon Mobil Sell Gas Pipelines" +Business,Trouser traders scent foul play +Sci/Tech,Toshiba announces exchange program for PC notebook memory +Sci/Tech,Resident Evil 4 +Sports,Rogge: Good Games ahead +Sports,"Fouts, Coryell gang never did it better" +Business,"Valero to Buy Kaneb Services, Pipe Line" +Business,"Electronics, Health Care" +Business,DoubleClick appoints advisers to look at potential sale +Business,Humana shows improvement in third quarter +Business,Unleash the dragon +Sci/Tech,"Crackdown closed 18,000 Internet cafes in China" +Sci/Tech,Veritas Retools Server Provisioning +Sci/Tech,Macromedia introduces publishing tool for eBay +Sports,Cricket: Pakistan level series against Sri Lanka with nervous win +World,Arafat condemns Tel Aviv attack +World,"Nuclear Chief Pressures Iran, N. Korea" +World,Adams Urges Stronger UN Response to Darfur Crisis +Business,St George profit \$782m +Business,"NYMEX in London trade talks, eyes Dubai, Singapore" +Business,"Denver storm covers roads in ice, knocks out power." +Sci/Tech,CA sets Ingres database free +Sci/Tech,China plans five-day space mission +Sports,Vinnie roe to rule - if he starts +Business,Oracle Makes #39;Final #39; PeopleSoft Offer +Business,Stronger yen clips Toyota #39;s profit +Business,Mylan #39;s migraine +Sci/Tech,Google Plugs GMail Security Hole +Sci/Tech,"Grokster, Sony BMG to develop legit P2P service?" +Sports,STAR WARS II +Sports,Park shoots 65 to win South Korea tourney +Sports,Did Steelers send message? +Sports,Draw for Confederations Cup +World,Six Iraqis killed in Ramadi as Fallujah braces for all-out assault +Business,Update 1: Manufacturing Growth Slows in October +Business,Kennametal Signs Amended Credit Agreement +Business,Update 1: Lockheed to Cut 4Q Earnings on Suit Loss +Sci/Tech,Dells new blade home grown or not? +Sports,Owen: Real saviour with 4 goals in 4 matches +Sports,Offensive struggles continue for Ravens +Sports,Rookie among Mavs #39; starting five +World,"Milosevic can defend himself, court rules" +Business,"Valero to Buy Kaneb Services, Pipe Line" +Business,Crude futures close 5 higher for the month +Sci/Tech,"IT must act as driver for change, says Gartner" +Sci/Tech,Google Plans Desktop Search Tool for Apple PCs +Sports,Tennis: Paradorn sets up Henman clash in Paris +Sports,Steelers stop streak by stunning New England +Sports,Argentina vs. Tunisia in Confederations Cup opener +Sports,Dolphins vs. Jets (Position-by-position) +Sports,"Eagles 15, Ravens 10" +World,Suicide bomb rips through market +World,Leftist candidate declares victory in Uruguay election +World,"US embassies issue terror warnings in Nordic, Baltic region" +Business,US Stocks Climb as Crude Oil Falls \$2 +Business,India #39;s Tata Group Acquires Tyco Network At Bargain Price +Sci/Tech,Space shuttle delayed again +Sci/Tech,Gartner Sees Shift to Bite-Sized Business Software +Sci/Tech,Google plans desktop search tool for Apple PCs +Sports,Report: Backman tabbed as new Diamondbacks manager +World,Afghan Kidnappers Ready to Negotiate +World,Marines Welcome Arrival of British #39;Black Watch #39; Regiment +Business,Oracle ups bid for PeopleSoft in #39;final #39; offer +Business,US factories expand at slower pace in October +Business,Humana earnings rise 36 +Sports,Vogts faced uphill task -- as will his successor +Sports,Sprewell wants trade if no deal is reached +Sports,Part of Olympic champion horse #39;s drug test stolen +Business,Oracle unveils #39;final #39; PeopleSoft offer +Business,Yukos may face \$10B more in tax +Business,BorgWarner Makes \$759 Million Takeover Offer for Beru (Update5) +Sci/Tech,"Intel releases Pentium 4 EE 3.46, 925XE chipset for 1066 MHz FSB" +Sci/Tech,Flyby hints of Titan #39;s terrain +Sports,Bennett Kings Picks Aussie Assistant +Sports,"USC, Oklahoma remain 1-2 in BCS; #39;Canes and #39;Noles plummet" +Sci/Tech,China Plans Five-Day Manned Space Mission for 2005 +Sci/Tech,Why a browser makes sense for Google? +Sci/Tech,Dell takes new stab at blade design +Sports,Johansson shocks top seed Agassi +Sports,Waterford Crystal #39;s B sample missing +Sports,Redskins defeat spurs Kerry hopes for victory +Sports,Vieira: #39;We won #39;t be intimidated #39; +World,Ukrainians to vote in second round +Business,"Ellison: Oracle Makes #39;Final #39; PeopleSoft Bid, But CEO Can #39;t Buy <b>...</b>" +Sci/Tech,Amazon #39;s A9 toolbar now available for Firefox +Sci/Tech,Google Corrects Gmail Exploit +Sci/Tech,Smart Web - Looking Into the Future +Sports,"Berti Vogts Quits as Scotland Soccer Coach, Cites Abuse by Fans" +Sports,Changes at the top: Astros to replace GM Hunsicker +World,Clashes in Ramadi as US Troop Reinforcements Arrive in Iraq +Business,Oracle increases its offer price for PeopleSoft +Business,Oil prices tumble ahead of election +Business,Lockheed to Take Charge on Court Decision +Sci/Tech,Top ten viruses and hoaxes reported to Sophos in October 2004 +Sports,Smith - McQueen #39;s choice to take over (Getty Images) +Sports,"Agassi, Nalbandian withdraw from Paris Masters" +Sports,Jets welcome the Dolphins to the Meadowlands +Sports,"Redskins lose, so Kerry should win" +World,Allawi Threatens New Offensive To Take Over Al-Fallujah +World,Palestinian Officials Offer Differing Accounts of Arafat #39;s <b>...</b> +World,Former Chinese Minister attacks #39;Bush doctrine #39; +World,Hostages seized by gunmen in Iraq +World,Botswana Ruling Party Wins Election by Landslide +Business,"US consumer spending soars by 0.6 in September, led by auto <b>...</b>" +Business,Yukos faces additional tax claims: Interfax +Business,Humana #39;s Quarterly Earnings Rise +Business,Oil prices rise on Nigerian strike concerns +Sci/Tech,China Cracks Down on I-Cafes +Sci/Tech,Intel Pentium 4 Extreme Edition 3.46GHz and i925XE Express <b>...</b> +Sci/Tech,Google Planning Desktop Search for Mac Computers +Sci/Tech,NetSky variant tops virus list again +Sports,Spat-on Vogts resigns +Sports,Wenger handling European pressure +Sports,Miami #39;s loss is Utah #39;s gain +Sports,"Bryant, O #39;Neal Rivalry Focus of New NBA Season" +World,"American, three other foreigners kidnapped in Baghdad; Baghdad <b>...</b>" +World,Palestinian teenager blows himself up in Tel Aviv market; 3 killed +Business,Report: Yukos Is Hit With New Tax Claims +Business,Indian Telecom Adds Tyco Network +Sports,"Scotland Coach Vogts Quits, Citing Fans" +Sports,Purpura replaces Hunsicker as GM of Astros +World,Top 2 Candidates in Ukraine Presidential Vote Face Runoff +World,Shell Files Suit to Block Oil Workers in Nigeria Strike +World,Heavy clashes in Ramadi as troops buildup +Business,Manufacturing Growth Slowing +Business,Anadarko to Sell Colorado Properties +Business,"Tyco Returns to Profit, Shares Gain" +Business,Shell gains 968m from sale of gas stake +Business,O #39;Connor: DoubleClick Hires Investment Bankers To Explore Sale +Sci/Tech,Veritas beefs up utility software +Sports,Vogts resigns as Scotland boss +Sports,Golf: VJ shatters season earnings record +Sports,Defeat of Panathinaikos would put Arsenal in comfort zone +Sports,D-Backs hire Backman +Sports,Pigskin Prediction: As Go the Redskins... +Sports,Magic acquire Brandon Hunter from Bobcats +World,NYi0 ms jameson +Business,Church #39;s Chicken has a new owner +Business,DoubleClick Hires Investment Bank +Business,"Exxon, Shell sell gas pipelines" +Sci/Tech,Latest Bagle Virus Remains a Threat +Sci/Tech,Macromedia Goes After eBay Sellers With Contribute 3 +Sports,Vogts resigns +World,Latvia on terror alert +Business,UPDATE 1-Argentina files \$100 bln restructuring with US SEC +Business,Lockheed to take \$110 million Q4 charge for court ruling +Business,Nordic countries join forces at EXPO 2005 +Sci/Tech,The TV set that cried wolf--by satellite +Sci/Tech,Gmail Security Flaw Discovered +Sports,"Latest BCS a feel-good for Cal, upset stomach for Utah" +World,"Iraq Group Kidnaps Four, Including an American, AFP Reports" +World,"US Warns Visitors to Nordic, Baltic Lands" +Business,World oil prices plunge below 50 dollars +Business,Effect of Google IPO Felt by Newer Deals +Sci/Tech,Nokia 9500 Communicator receives Wi-Fi certification +Sports,Cocaine and opiates found in Caminiti #39;s body +Sports,Bobcats Trade Hunter to Magic for Bogans +World,"Six people, including one American, Asian kidnapped in Baghdad" +World,Pakistan PM due tomorrow +Business,Oil rose on Nigeria strike-call +Business,"US Economy: Manufacturing Index Falls, Incomes Lag (Update2)" +Business,Argentine Gov #39;t Presents Repayment Details +Sci/Tech,Intel unveils #39;Extreme #39; system for power users +Sci/Tech,Toshiba Announces Global Notebook Recall +Sci/Tech,Resident Evil 4 breaks out +Sci/Tech,"eBay, Macromedia, deal" +Sports,Effects of drugs ruled cause of death for Caminiti +Sports,Greek Sprinter Wants to Clear His Name +World,Baghdad deputy governor shot dead +Business,Update 7: Oil Prices Sink Below \$50 a Barrel +Business,"Oracle makes its best, last offer for PeopleSoft" +Business,Netflix Lowers Rental Price by \$4 +Business,India #39;s Tata Group Buying Tyco Network At Bargain Price +Business,Canada renews plan to decriminalise pot possession +Sci/Tech,Iogear launches Bluetooth mini mouse +Sci/Tech,Bagle Gets Stale But Remains a Threat +Sports,Here are 10 things you should know about the No. 1 golfer in the <b>...</b> +Sports,Vogts Resigns! +Sports,Official says Caminiti died of drug overdose +World,"American, Nepali, 2 Arabs Kidnapped in Baghdad" +World,"Why my boy, asks bomber #39;s mum" +Business,Crude oil prices dropping in NY +Business,Yukos faces new tax claims; total bill above \$17.6 bn +Sci/Tech,Intel P4 Extreme Boosts Performance off the Clock +Sci/Tech,The Times of London Goes Tabloid +Sci/Tech,NASA Aims For May Shuttle Launch +Sci/Tech,Toshiba Fixes Notebook Flaws +Sci/Tech,IOGEAR #39;s mini mouse goes Bluetooth +Sci/Tech,Google fixes Gmail hijacking flaw +Sports,"Agassi, Nalbandian pull out" +Sports,Huskies reportedly fire Gilbertson +Sports,Greek sprinter says he didn #39;t fake accident +Sports,Magic trade Bogans to Charlotte Bobcats +Sports,Assistant Purpura takes over immediately +Sports,"Schilling, he #39;s Bush league!" +World,"American, 3 others kidnapped Mon. in Baghdad" +World,Elecciones presidenciales en Ucrania +World,Arafat health speculation runs wild +World,Uruguay elects first leftist leader +Business,Update 1: Indian Telecom Buys Tyco Network Assets +Business,Nation #39;s manufacturing segment shows continued growth +Business,Oracle makes #39;best and final #39; PeopleSoft offer +Business,Manufacturing Sector Grows +Business,Merck Shares Plunge on Vioxx Denial News +Business,Valero buys Keneb for \$2.8 billion +Business,"S amp;P to Hold Telephone Conference Today on AIG, ACE" +Business,Personal Income Inches Higher +Business,Icahn pushes harder to stop Mylan #39;s King acquisition +Sci/Tech,Intel Launches 3.46GHZ P4 EE +Business,Merck knew of Vioxx health risks: report +Sci/Tech,The Matrix Online Gets Talent +Sports,Gilbertson will step down at end of season +Sports,Diamondbacks Hire Backman As New Manager +World,Arafat #39;s Condition Is Improving +Business,Oracle Raises Its Hostile Offer for PeopleSoft +Business,Merck stock plunges on news report +Business,S amp;P lowers America West outlook to negative +Business,Union Seeks to Represent Wal-Mart Workers +Business,Lockheed to take \$110M Q4 hit from court ruling +Business,Doubt Grows PNC Will Close Riggs Deal +Sci/Tech,AT amp;T upgrades Net security tools +Sci/Tech,Google Plugs Hole in Gmail +Sports,Ferguson hopes of Arsenal action fading +Sports,Gilbertson fired? +Sports,Raines joins White Sox as coach +Sports,Tonight #39;s matchup: Miami at New York Jets +Sports,Astros GM Hunsicker Resigns After Successful Season +World,A Race Too Close to Call +World,EU-Iranian talks on resolving nuclear issue still on track <b>...</b> +World,Uruguay Elects its First Leftist President +Sci/Tech,Is Google Bobbing for Apple? +Sports,Arsenal coach Arsene Wenger says feud with Man U of #39;no interest <b>...</b> +Sports,"Jets, Dolphins reflect on memorable Monday night meeting" +World,Iraq: A limitless insurgency +World,IRAQ VOTER REGISTRATION BEGINS +World,Pakistan vows to back Nepal in fight against terrorism +Business,Is IVAX Ailing? +Business,California City Extends Outsourcing Deal +Business,VSNL Buys Tyco #39;s Subsea Network +Business,PNC Deal to Buy Riggs Seen in Jeopardy +Sci/Tech,Veritas Reveals OpForce Upgrades +Sci/Tech,China aims at five-day space shot +Sci/Tech,Macromedia Bids For More eBay Users +Sports,Singh show not yet over for 2004 +Sports,Agassi cruises +World,Seven Dead in Riot +World,Botswana president wins landslide victory in general elections +Business,Copper Prices Fall Amid Concern of Slowing Consumption in China +Business,Delta Pilots Vote On One-Third Pay Cut +Sci/Tech,Apple Introduces iPod Photo Your Entire Music amp; Photo Library in <b>...</b> +Sci/Tech,Google Plans Desktop Search Tool for Mac +Business,Nigerian Oil Unions Take on Shell +Business,Merck shares plunge almost nine per cent after report it had Vioxx <b>...</b> +Sci/Tech,Memory Problem Prompts Toshiba Notebook Recall +Sci/Tech,Resident Evil 4 Exclusive No More +Sci/Tech,432-Year Search: Lost Star Found +Sports,Aussies go for Makybe Diva +Sports,Wenger fed up with fall-out +Sports,Lions sack king Porcher retires +Sports,Baseball Shock At Caminiti Death +Business,Merck Falls as E-Mails Suggest Vioxx Smoking Gun +Business,Update 1: Argentina Files Repayment Plan With SEC +Sports,"NY Coroner Cites Drugs, Disease in Caminiti Death" +Business,UPDATE 1-Argentina to issue up to \$41.8 bln in bond swap +Business,Humana Leads Insurance Sector Higher +Business,"Ivax down after earnings, revenue miss Wall Street views" +Business,"Update 2: DoubleClick Studies Sale, Other Options" +Business,UPDATE 5-BorgWarner bids 621 mln euros for diesel maker Beru +Business,Valero to buy Kaneb +Sci/Tech,NASA Announces May 2005 For Shuttle Flight +Sci/Tech,Ingres goes open-source +Sci/Tech,"VERITAS Advances Server Provisioning, Automates Discovery <b>...</b>" +Sports,Fergie winning mind games with Arsenal +Sports,Big Sam Slams Souey Slur +World,"American, 3 Others Kidnapped in Iraq" +World,US embassies issue terror threat warning in northern Europe +World,US to Question China About Bush Comment +World,"Seven killed, 42 hurt in central China communal violence" +World,Japan earthquake drama overshadows hostage death +World,All Eyes On Nigeria As Oil Price Bounces +Business,New \$8.8B tender offer requires removal of poison pill +Business,Delta gets \$500M in financing +Business,Maxim Joins Inventory Buildup Chorus +Sci/Tech,China shuts internet cafes +Sci/Tech,Intel Offers Ultra-High-End P4 Extreme Edition +Sci/Tech,"Ingres r3 open source database ships for Linux, Windows" +Sci/Tech,Nokia 9500 Communicator Receives Wi-Fi Certification +Sports,Houston Astros general manager resigns +Sports,Lynch lost with broken tailbone +Sports,Elvstroem all set for race that stops a nation +World,Norway closes Latvian embassy +Business,Oracle Boosts PeopleSoft Bid to \$8.8 Billion +Business,Weaker Dollar Causes Toyota #39;s Profit to Slip +Business,Manufacturing growth slows +Business,J amp;J May End Stent Shortcomings With Guidant Buy +Sci/Tech,"Intel pushes Pentium 4 bus to 1,066-MHz for gamers" +Sci/Tech,Protect your computer +Sci/Tech,"AOL Partners with Microsoft, Earthlink And Yahoo For Spam Lawsuits" +Sci/Tech,Nokia 9500 Communicator Receives Wi-Fi Certification +Sports,Masters organisers hold crisis meeting over withdrawals +Sports,Auburn Moves Into Third Place in BCS +World,Norway Shuts Embassy amid Terror Warning +Business,"Update: Oracle makes #39;final #39; PeopleSoft offer, raises bid" +Business,"Startup no more, Netflix girds for DVD rental price war" +Business,Videsh Sanchar to Buy Tyco #39;s Undersea Cable System (Update1) +Business,Wal-Mart Workers in British Columbia Want to Unionize (Update1) +Sci/Tech,China Cracks Down on Internet Cafes +Sci/Tech,Enter your e-mail: +World,Courts to decide fate of political prisoners: PM +World,Senate Okays uniform bill +Business,National Semi Warns on Buildup +Business,Forest Labs Lowers 2005 Outlook +Business,VSNL buys out Tyco unit for \$130 mn +Sci/Tech,Chinese Internet Crackdown +Sci/Tech,Macromedia Puts Custom Storefronts at EBay Users #39; Fingertips +Sci/Tech,"Toshiba To Replace Parts in 650,000 Notebooks" +Sci/Tech,Veritas beefs up utility software +Sci/Tech,"Chrysler Group recalling 23,600 minivans in Canada over fire <b>...</b>" +Sci/Tech,Macromedia Targets eBay Users +Sci/Tech,Air and Space museum expands offerings once again +Sci/Tech,Feds Issue Test Copies of E-voting Software +Sports,Singh attends THE PLAYERS charity luncheon +Sports,Norwich Glean Seventh Draw After City Lead +Sports,Porcher retires early from Lions +Sports,Raines joins White Sox staff +World,PM opposes bilateral issues at SAARC forum +Business,The Marketplace Report: Vioxx Risks Long Known? +Sci/Tech,NASA Sets New Space Shuttle Launch Planning Window +Sports,Gilbertson to step down after the season +World,Timing an issue in Tel Aviv hit +World,REGION: UN presses Iran and N Korea on N-threat +World,Senate stamp on Pervez post +Business,Forest Laboratories Cuts Profit Outlook +Business,Briefs: Delta gets financing from GE +Business,US faces record borrowing requirement +Business,Stocks: US data send Wall Street a mixed message +Business,HUD Eases Affordable-Housing Goals +Sci/Tech,Toshiba is taking back bad memory +Sci/Tech,Veritas Upgrades OpForce +Sci/Tech,BP warning to randy staff +Sci/Tech,The War of Words +World,"Ukraine headed for runoff vote, officials say" +World,Arafat is still in charge:Minister +Sci/Tech,AT amp;T Adds Worm And Virus Protection To Firewall Service +Sci/Tech,Macromedia and eBay make the Web business prettier +Sci/Tech,Grab a Bigger Mech +Sports,Henman to add Texas date to his schedule +Sports,Fragile Arsenal need to shake off fallout from Old Trafford +World,Probe focuses on bomber #39;s route +Business,Roundup: Vioxx News; Weight And Your Heart; Benefits Of Being <b>...</b> +Sci/Tech,AT amp;T Builds In Network Security +Sci/Tech,Macromedia Software Helps eBay Sellers Build Stores +Sci/Tech,MechAssault 2 gets limited edition +World,Poll leaves Ukraine facing run-off +Sports,Arsenal cannot escape from tunnel vision +Sports,Kenteris keen to clear his name +Sports,Italians shake off shackles +Sports,Patriots run brought to an end by Pittsburgh +Business,Textile heads mull end of quotas +Sci/Tech,Deja Vu at AT amp;T +Sci/Tech,CA sets Ingres database free +Sci/Tech,MechAssault 2: Lone Wolf +Sci/Tech,AT amp;T upgrades security tools +Sci/Tech,Make the Case: Business Case Template for Voice Over Internet <b>...</b> +Sci/Tech,"The TV That Sent Out a Cry for Help, via Satellite" +World,Uruguay elects leftist leader for first time +World,"Darfur rebels, complaining of fresh violence, plan to withdraw <b>...</b>" +Business,National Semi Cuts Guidance +Business,Freddie Mac to Resume Quarterly Profit Reports in #39;05 (Update4) +Business,Workers weigh grocery concessions +Sci/Tech,Study: FireFox still gaining on Internet Explorer +Sci/Tech,Bluetooth mini-mouse +Sci/Tech,"Microsoft, Others Launch Anti-Spam Lawsuits" +Sports,"Misfiring Gunners can win Champions League, says Wenger" +Sports,Beijing to learn from experiences from Olympic host cities +World,IAEA chief calls on Iran to voluntarily suspend uranium enrichment <b>...</b> +World,Sergeant #39;committed suicide #39; +Business,Toyota #39;s Shares Decline After Unexpected Quarterly Profit Drop +Business,Industrialist Lord Hanson dies at 82 +Sports,Purpura Succeeds Hunsicker As Astros #39; GM +Sports,Rockets give \$83 million to McGrady +World,Lejeune Marines Get Help From British Troops +Business,Tokyo stocks open lower +Business,Brother: Castro Improving After Fall +Sci/Tech,Internet Explorer Takes Another Market-Share Hit +Sci/Tech,MPs blame lack of cash for failure of Beagle 2 +Sci/Tech,Capcom undecided on Resident Evil cross-platform strategy +Sci/Tech,IOGEARs new Wireless Bluetooth Mini Mouse +Sports,Smith gets Scots Vogt +World,Opp rejects two-offices bill +Business,"Tokyo Stocks Open Higher, US Dollar Up" +Sci/Tech,Readers React to RE4 +Sci/Tech,IOGEAR #39;s Wireless Mini Mouse Uses Bluetooth +Sports,"Lowe, Varitek among 10 Red Sox filing for free agency" +World,"North Korea Poses Serious Challenge, #39; IAEA #39;s ElBaradei Says" +Business,"Macrovision 3Q Net Slumps, Beats Views" +Business,US: Rothschild Chalone takeover is go +Business,"240,000 Minivan Radios May Be Susceptible To Fires" +Business,Piracy Clampdown By Nintendo +Business,Cuba rules out US change of policy towards it +Sci/Tech,CA Announces General Availability of Ingres r3 Under CA Trusted <b>...</b> +Sci/Tech,Will desktop searching reveal all your hidden PC secrets? +Sci/Tech,"Avaya, Polycom Unveil Internet Videophone" +Sci/Tech,Bosses ban bonking +Sports, #39;Spat upon #39; Vogts quits Scottish job +Sports,Henman gains Masters place +Sports,Kederis awaits drugs charges +Sports,Cup stars to keep on racing +Sports,Van Gundy concerned over injured O #39;Neal #39;s limited practice time +World,China blasts Bush as #39;arrogant #39; ahead of presidential poll +World,The Asahi Shimbun +World,North Korea Says South #39;s Navy Staged Provocation +Sci/Tech,Nasa to relaunch shuttles two years after #39;Columbia #39; +Sci/Tech,Macromedia Introduces Publishing Tool for EBay +Sports,Benesova Wins at Advanta Championships +Sports,It #39;s a Brees: Chargers pound Raiders +Sports,Miami vs. NY Jets +World,"US condemns beheading, praises Japan for not bowing to terrorists" +Business,"Here #39;s a look at Houston #39;s family #39;s companies, lawsuits" +Sci/Tech,Veritas releases OpForce 4.0 +Sports,Owen on target again +Sports,Benesova wins at Advanta Championships +Sports,Warriors sign two players to extensions +Sports,Purpura replaces Hunsicker as Astros GM +World,Ethnic Clashes Are Confirmed by Beijing; Toll Is Unclear +World,"US Issues Nordic, Baltic Security Alert" +World,"Miloevic can defend himself but must accept court lawyers, UN <b>...</b>" +Business,Toyota Q2 Earnings Slip 1 Percent +Business,"240,000 Minivan Radios May Be Succeptible To Fires" +Sci/Tech,Failed Mars Probe Blamed on Lack of Funds +Sci/Tech,"Ill., Mich. Want New Federal Isotope Lab" +Sports,Report Says Overdose Killed Caminiti +Business,Cuba seeks US food trade +Sports,Mariners Won #39;t Pick Up Guardado Option +Business,"Cuba, US sign major food deals" +Sports,Drugs in sport: Olympic horse #39;s urine sample stolen +World,Senate Allows Musharraf To Hold Duel Office +Business,Update 1: Tokyo Stocks Trading Higher +Business,Investors pour robust \$5.5 billion into venture funds +Business,"Northwest adds Guangzhou, more flights from Indianapolis" +Business,VW Workers protest as pay talks start +Business,Oracle sets PeopleSoft deadline +Business,Painkiller firm #39;hid heart risk #39; +Business,Cuba signs more food deals in days before critical US election +Business,Dutch state takes over gas network +Sci/Tech,Barrett: Intel Releases #39;Extreme #39; Chip To Mixed Reviews +Sci/Tech,AT amp;T Adds Worm And Virus Protection To Firewall Service +Sci/Tech,Microsoft Help Promotes Google Web Search +Sci/Tech,Ready for Liftoff +Sci/Tech,"Avaya, Polycom Dial in Videoconferencing" +Sports,Vinnie firms as storm strikes Flemington +Sports,Ranieri under pressure at Valencia +Sports,"BCS Is Shaken by Upsets, But Top Two Stay in Place" +World,Milosevic wins appeal on defence +World,Setback in Darfur peace talks +World,First female British soldier dies in Iraq +Business,Matsushita Sues Over PDP Patent +Business,"HUD Sets New Goals For Fannie, Freddie" +Business,Lockheed Must Pay for Failed Dump Cleanup Firm to Take \$110 <b>...</b> +Sci/Tech,Intel goes #39;Extreme +Sci/Tech,Nokia 9500 Communicator receives Wi-Fi Certification +Sci/Tech,Cassini Close-Up on Titan +World,Gunmen seize US and Arab hostages +World,Karma Nabulsi +World,GUNMEN KILL OFFICIAL +World,PM visits to help bring positive changes in region: PML +Sports,"In the NBA, Shaq and Kobe Are Still the Show" +Sports,Randolph Appears to Be Leader in Clubhouse +World,Unions and VW narrowing differences +Business,"ANZ, Royal Group Join on Bank in Cambodia" +Sports,Rain hits ahead of Melbourne Cup +World,China sows confusion over attack on Bush policies +World,Thai King Urges Premier to Be More Lenient in the Muslim South +Business,Oracle boosts hostile bid for PeopleSoft to \$8.8bn +Sci/Tech,Resident Evil 4 Not GC Exclusive +Sci/Tech,Report shows Arctic nations must cut CO2 emissions immediately <b>...</b> +World,Afghan kidnappers agree to talk +Business,PeopleSoft: Sour on a Sweetened Bid? +Business,Oil Below \$50 Deepening \$5 Fall +Business,"IRS Reveals Less Cheating by Businesses, Its Data Show" +Business,Update 1: Casino Reaches Tentative Deal With Workers +Business,"Stock Adviser, on Trial for Fraud, Is Portrayed as a Crusader" +Business,Election jitters keep stock gains modest +Sports,Source: Bowden to take Washington GM job +Sports,"Kidd, Houston start season on injured list" +World,UN Nuclear Agency Chief Urges Iran to Suspend Activities +Business,"S. Korea #39;s LG, Japan #39;s Matsushita in war over display panel <b>...</b>" +Business,Lack of Pay Accord Extends Stoppages at Volkswagen (Update1) +Business,Toyota makes record first half profit of 866 billion yen +Business,"AOL Cutting More Than 700, Most in Virginia" +Business,Wal-Mart #39;s health care under attack +Sci/Tech,Intel Introduces quot;Extreme quot; Chip For Gamers +Sports,Tom Hanson: Singhing the blues over boring wins +Sports,Spurs sign Parker to contract extension +World,Iraq #39;s prime minister urged not to attack Fallujah +World, #39;Southern Thailand could be flashpoint for extremism in Asia #39; +Business,Boeing may have Wichita buyer +Sports,Jets cruise over dreadful Dolphins +World,"Pakistan ; Aziz visit promotes Pakistan, not SAARC" +Business,Yukos tax bill may hit \$17 billion +Business,Oil Prices Fall as Concerns About Supply Begin to Ease +Business,"More than 200,000 barrels of daily production restored" +Business,Cuba buying more US farm products +Business,"Lord James Hanson, prominent British businessman, dies at 82" +Sci/Tech,Study: Firefox still gaining on Internet Explorer +Sports,"McGrady, Rockets make a long-term commitment" +Sports,"As NHL lockout drags on, few cracks starting to develop in players <b>...</b>" +Sports,Sexson files for free agency +World,Suicide bomber kills 3 in Tel Aviv +Business,Drop in price of oil gives boost to financial markets +Business,Investors don #39;t want #39;November surprise #39; in earnings +Business,Freddie Mac to resume reporting +Sci/Tech,A Google-Microsoft War +Sports,Search for new Scotland manager +World,Election reflects Latin America tilt left +World,US Citizen Among 6 Taken Hostage In Iraq +World,Canada #39;s Liberals Try Anew to Decriminalize Marijuana +Business,Time Warner #39;s Parsons Lifts Profit With AOL Advertising Gains +Sports,Makybe Diva wins successive Melbourne Cups +Sports,Auburn gets closer to top of BCS +Business,O #39;Hare Airport to get less flights +Business,Newspaper Circulation Continues to Decline +Business,IRS business audits decline so far this year +Business,"La. seeks new bridge, elevated highway" +Business,Earnings outlook for Q1 falls below expectations +Business,Tyco to Sell its Tyco Global Network to India #39;s VSNL for \$130 <b>...</b> +Sci/Tech,"Ill., Mich. Want New Federal Isotope Lab" +Sports,Vijay Swings to \$10 m kitty +Sports,Longhorns back on BCS bubble +Sports,Fireworks possible at NHLPA meeting +Sports,Backman not one to back down +World,Canada to relax drug law +World,Outrage over murder of Thai Muslim demonstrators +Business,Merck sinks on Vioxx risk report +Business,"Newspaper circulations drop by 0.9, report says" +Business,Automobiles lead a surge in spending +Business,Tyco turns corner over year-ago period +Business,"Chrysler recalls 240,000 vans over threat of speaker fire" +Sci/Tech,FireFox better than Internet Explorer +Sports,"JETS 41, DOLPHINS 14 Jets Are at Top of Their Game, and Back at <b>...</b>" +Sports,Bowden will be Expos #39; new GM +World,Six kidnapped in Iraq +World,China seals off villages in central region after ethnic rioting <b>...</b> +Business,Chronicle increases its daily circulation +Sports,Makybe Diva Wins Melbourne Cup Horse Race +Sports,Wenger Highlights Importance Of Panathinaikos Match +Sports,Kobe writing his own LA story +World,The choice in Ukraine +World,50 years of trip-wire weirdness end as US leaves Korean border +Business,US elections polling begins today +Business,"Chrysler recalling 240,100 minivans" +Sports,Players to meet today in Toronto +Sports,NHL player reps to meet in Toronto +World,Three Israelis killed by suicide bomber +World,Chinese deputy Prime Minister attacks #39;Bush doctrine #39; +Business,Yukos #39;faces increased tax bill #39; +Business,Merck plunges on report it hid Vioxx risks +Business,Crude prices fall to near \$50 a barrel +Business,Wal-Mart Eyes New China Stores +Business,UBS Net Slips on Weak Trading Income +Sci/Tech,Get complete U2 catalog sans new iPod +Sci/Tech,UM scientist helps unravel space secrets +Sports,Makybe Diva joins racing immortals +Sports,"West: Without Shaq, who #39;s best?" +Sports,China aims at high-standard 2008 Olympics: President Hu +World,Palestinian suicide bomber kills 3 Israelis +Business,Oracle raises offer for PeopleSoft 14 +Business,UPDATE 2-UBS cautious as weak trading hits quarterly profit +Business,"Chrysler Recalls 240,000 Minivans" +Sci/Tech,Google plans desktop search tool for Apple PCs +Sports,NO DOUBT ABOUT THIS JETS ROUT +Sports,Mets down to final 3 +World,British Army probes woman #39;s death +World,N Korea accuses South over shots +Business,Oil prices fall below \$50 a barrel +Business,Talks proceed tentatively at Volkswagen +Sci/Tech,Yahoo Names Media Executive +Sports,SCOTS HAMPERED BY LACK OF TALENT - DOC +Sports,Day One of tennis Paris Masters +Sports,Confederations Cup to kick off +World,Afghan kidnappers offers to negotiate with UN +Business,Oil slips back below USD50 a barrel +Business,"Oil surge to cause #39;bloodbath #39;, says Ryanair" +Business,"VC funds rake in \$5.5b in quarter, prompting alert" +Business,Storm #39;s blitz snarls Front Range +Business,Cuba signs food deals with US companies +Sports,Lakers to see early returns +Sports,It could be Steel Curtains for rest of NFL +Sports,Gilbertson to step down +World,Rural China reels from violent protests +Business,Market Roundup +Sci/Tech,Intel Takes on Gamers with #39;Extreme #39; Chipset +Sci/Tech,UK MARS MISSION BLASTED +Sports,Monday Night Football: Jets soar to 6-1 in AFC East +Sports,ABUSE IS TO BLAME SAYS BERTI +Sports,"Finish line, November 2" +Sports,What #39;s next? West coaching pool deep for UW +Sports,Sixers prepared to trade Robinson +Sports,Arizona to get ready for Wally-world +Sports,Cal makes move in BCS +World,Suicide bomber #39;s house destroyed +World,Baghdad car blast kills at least five as first British female <b>...</b> +Business,OVITZ: I WANT MY PROPS +Sci/Tech,MIKE WENDLAND: Pricey iPod upgrade worth every dime +Sports,Vinnie Roe caught out by weight +Business,Oracle makes last bid for PeopleSoft +Sports,Vogts driven out by fans +Sports,Blowout eases Giants #39; minds +Business,"Volkswagen workers walk out in Hanover, wage talks to continue" +Business,Europe awaits US poll verdict +Business,Penny stock scammer tried +Sports,Achilles injury forces Campbell out of north London derby +Sports,It #39;s back to work for Pistons Pistons return from banner season +Business,Newspaper says Merck tried to protect Vioxx sales +Sci/Tech,AT amp;T upgrades Internet Protect +Sports,Smith and Strachan in Scotland frame +Sports,All signs point to victory +Sports,Vieira: I #39;ll be Cesc #39;s minder +Sports,Isiah points to backcourt in rebuilding Knicks +Sports,Pistons send NBA back to drawing board +Sports,Break-in Twist in Olympic Horse Dope Test Probe +Sports,Texas rises to No. 7 in latest BCS rankings +World,Tourism in Egypt declines since attacks +Business,Stock picker fraud trial begins +Sci/Tech,Beagle Mars mission spoiled by amateurism +Sci/Tech,"Nokia, Philips and German Public Transport Network Operator RMV <b>...</b>" +Sports,"KEEP YOUR NOSE OUT OF IT, FERGIE" +World,CAR BOMB ROCKS CENTRAL BAGHDAD +Sci/Tech,Internet Explorer loses browser market share to young pretender +Sci/Tech,Cell Phones Do Broadband +Sci/Tech,Shuttle Enterprise takes center stage +Sports,Kiwis too strong for Bangladesh +World,Car bomb kills five at Iraq education ministry +World,China Plays Down Election Eve Barb Against Bush +Business,VW and union resume wage talks +Business,Ryanair beats forecasts +Sports,Shaq #39;s move to Miami won #39;t weaken West +Sports,NHL players to meet; could #39;cap #39; come into favor? +World,Pak to sell arms to Nepal +Business,Election jitters send oil lower +Business,National trims sales expectations +Business,Wal-Mart Plans as Many as 15 New China Stores in 2005 (Update2) +Sci/Tech,Yamaha Offering Free Authoring Tools for Adding Dynamic Graphics <b>...</b> +Sci/Tech,"Illinois, Michigan both want new federal isotope lab" +Sports,Appearances of wickets are deceptive: Dravid +Sports,Overdose played role in death of Caminiti +Sports,Safety sidelined by stress fracture +Sports,McGrady receives a three-year extension +Sports,AU reaches highest BCS ranking +Business,Sasol partners with Malaysia #39;s Petronas +Sports,Makybe Diva wins Melbourne Cup +Sports,Vikings star Moss might get week off +Sports,Japanese point guard makes NBA history +Business,Ryanair H1 Profit Rises 18 Percent +Business,Weak trading hits UBS profit +Business,Hong Kong Shares Close Higher +Business,Union leaders weigh latest contract offer +Sci/Tech,Nokia unveils first NFC phone +Sports,Ex-baseball star #39;s death ruled drug overdose +Sports,Bangladesh crash to Mills pace +World,Dutch filmmaker shot dead: report +World,US Seeks Clarification From China on Election-Eve Criticism +World,Parliament yells quot;Death to America quot; +Business,Oracle makes \$9.2 billion take-it-or-leave-it PeopleSoft offer +Business,Merck shares dive on Vioxx fears +Business,UBS Says Net Profit Slips 1 Percent +Business,Sweden to Boost Infrastructure for Saab +Sci/Tech,Intels extreme step for Gamers +Sci/Tech,Up Close and #39;Awesome #39; +Sci/Tech,Yamaha Offering Free Authoring Tools for Adding Dynamic +Sports,Crisis talks over tennis no-shows +World,No al-Qaeda hand in Sinai bombings +Sci/Tech,Mac version of Google desktop not planned - O #39;Reilly +Sci/Tech,CA supports open source Ingres for Linux and Windows +Sci/Tech,Nokia adds Smartner email and hints at more +Sports,Arsenal #39;s Edu misses Panathinaikos clash +World,Hundreds flee Fallujah after night of US air strikes +Business,"Oracle raises bid, sets Nov. 19 deadline" +Business,Southwest expands Oakland Airport destinations +Business,Ryanair sees profits rise 15 percent +Business,"Chalone to sell, pending other bids" +Sci/Tech,"Apple Intros iPod Photo, iPod U2, and Euro iTMS" +Sci/Tech,Nations 1st space shuttle lands in aviation museum +Sci/Tech,"PORTLAND, Ore.--(BUSINESS WIRE)1er Novembre 2004--" +Sci/Tech,CA releases wireless Lan management software +Sci/Tech,"VSNL, Cisco to make broadband cheaper" +Sci/Tech,Europe lags behind rest of world on IT spend +Sports,Edu out of Arsenal #39;s CL clash with Greeks +Sports,Tendulkar could open bowling in final test v Australia +Sports,Cal up to 4th in BCS Rose Bowl or national title game possible for <b>...</b> +Sports,Wilkens #39; defense on trial +World,Brother of Pinoy hostage appeals for his release (5:15 pm) +Business,Northwest to Expand in Indianapolis +Sci/Tech,"Microsoft, ISPs launch anti-spam offensive" +World,France condemns Tel Aviv suicide bombing +World,Car Bomb Explodes in Baghdad +Business,Oracle announces final PeopleSoft offer +Business,San Diego Financial Analyst Accused of Bribing FBI +Business,Deal in Casino Strike +Sci/Tech,IE alternatives continue to gain +Sports,Athletes to train in Beijing +World,Kidnappers Release 2 of 4 Iraqi Guards +World,"Pak, India have opened many channels for talks: Aziz" +Business,Toyota catching up on GM +Business,Ryanair profit beats forecasts +Business,Retail sales rebound +Sci/Tech,"FireFox, Safari gain as IE loses favour" +Sci/Tech,Spansion Enters Serial Flash Memory Market +Sports,Hackett admits to Athens injury +World,Car Bomb in Northern Baghdad Kills Five +World,Israel razes home of teenage suicide bomber +World,Pakistan ready to provide military aid to Nepal: Aziz +Business,UK retail sales growth rebounds +Sci/Tech,Nokia adds RFID to latest handsets +Sports,Who will be PGAs first \$100 million man? +Sports,Bowden to head Expos +Business,Oracle makes #39;final offer #39; for PeopleSoft +Business,Trading slump hurts UBS profit +Business,Tributes to #39;distinguished #39; businessman +Business,Online ad provider exploring a sale +Business,AOL Reportedly Cutting Jobs +Sci/Tech,Lack of cash killed Beagle 2 +Sports,Wanna know who #39;ll win the title? +Sports,Knicks put Houston on injured list +Sci/Tech,Intel Express Reply to AMD +Sci/Tech,Funding problems led to Beagle failure +Sci/Tech,Mazda Plans Hybrid Version of Tribute SUV Using Ford Technology +World,Baghdad car bomb kills five +World,Dutch PM leads tributes to Van Gogh +Business,Australia mulls Telstra bulk sale +Sci/Tech,"Nokia, Philips to Test German Bus Fare Payment System (Update1)" +Sci/Tech,Mazda will make a hybrid SUV +Sci/Tech,Development of Shenzhou VI makes headway +World,Chinas Muslims to the rescue of Henans Hui minority +World,Asia ; Local Buddhist chief beheaded in Thailands restive south +Business,VW and unions begin a new round of talks +Business,"US audits find fewer business tax cheats, data show" +Sci/Tech,CA ships Ingres r3 database for Linux +Sports,Aston Villa charged over Beattie approach +World,Ukrainian CEC announces results of presidential elections +World,Car explosion in Baghdad kills at least five Iraqis +Sci/Tech,Yahoo executive to head up Blinkz +Sci/Tech,Macromedia contributes to eBay Stores +Sports,Glen proves he #39;s the Boss on magic mare +Sports,Aston Villa Football Club charged over Beattie approach +Sports,NBA Rundown - Coach stands up for player +Business,Downturn hits UBS earnings +Business,Ex-ABC Exec to Head Yahoo Media Division +Business,Report: AOL to cut 700 jobs +Sports,Diamondbacks pick Backman +World,Norway #39;s Riga embassy to reopen after alert +World,First female British soldier dies in Iraq +Sci/Tech,Singapore #39;s investment in Radio Frequency Identification paying <b>...</b> +Sports,"Hoddle to Join West Brom This Week, Papers Say: Soccer Roundup" +World,Family #39;Devastated #39; by Woman Soldier #39;s Iraq Death +Business,AOL employees get fired for Christmas +Business,BAA Reports Strong Net Profit in 1st Half +Business,Shares fall 7.1 percent in Tuesday #39;s pre-open +Sci/Tech,Tree ring study links warming to drought +Sci/Tech,"Europeans want portable music, not video - survey" +Sports,Beijing plans tough doping regime +Sports,Cal jumps into fourth in new BCS rankings +World,"American, several others kidnapped" +World,Liberals retable pot bill +Business,UPDATE 1-Slot machine maker IGT beats estimates +Sci/Tech,CA Airs Wireless Manager +Sports,Farina fears tough draw will hurt Socceroos +Sports,India hoping for consolation win +World,Ukrainian CEC announces elections results: Yushchenko overtakes <b>...</b> +World,Reports conflict about Arafat #39;s illness +Business,Talks Could Again Boost Oracle #39;s PeopleSoft Bid +Business,PG amp;E Profit Falls in Third Quarter +Business,Lord Hanson: a swashbuckling risk-taker +Business,Forest Says Drug Trial Misses Goal +Sci/Tech,"Philips, Nokia trial contactless payments" +Sci/Tech,"Firefox up, IE down" +Sci/Tech,Messaging Anti Abuse Working Group +Sports,Makybe Diva becomes first mare to win Australia #39;s biggest horse <b>...</b> +Sports,Van Nistelrooy certain to face Sparta Prague - Ferguson +Sports,Rush rules himself out of race for Welsh job +World,Eight dead in Iraq car bombing spree on US election day +World,Dutch filmmaker who criticized Islam slain in Amsterdam +World,Baghdad Car Bomb Kills at Least 5 and Leaves Up to 29 Wounded +World,Iran could agree to six month uranium enrichment suspension +Business,Verizon Wireless Won #39;t Oppose Nextel Swap +Sports,NHL players meeting to discuss lockout +Sports,"Like a Rolling Stone, Tabuse makes Suns roster" +Business,Yahoo Hires Former ABC Programmer for Post +Business,"Nextel, Verizon Set Aside Differences" +Sci/Tech,Google Apple desktop search +Sci/Tech,"Samsung, Philips, HP form group to devise consumer APIs" +Sports,Ponting eyes winning finish +Sports,Mystery thickens over Irish gold medallist +Sports,Idle Badgers move up in polls +World,Analysts: Arafat Treatment Seen as Sign of France #39;s Friendship <b>...</b> +Business,"Conrad Black resigns as chairman, CEO and director of Hollinger <b>...</b>" +Sci/Tech,The Fox Cometh +Sports,Singh set to join golfing greats +Business,Volkswagen workers stage marches as #39;difficult #39; pay talks continue +Business,Hollinger Inc. Chief Executive Conrad Black Resigns (Update1) +Business,"AOL Cutting More Than 700, Most in Virginia" +Business,"Walgreen posts higher Oct. sales, Rite Aid lags" +Business,"Emerson #39;s profit, sales grow in fourth quarter, fiscal year" +Sports,Rush rules himself out of Wales manager #39;s job +Sports,Indians to play for pride +Sports,Irish Equestrian Body #39;s Office Burglarized; Horse Sample Stolen +World,"Controversial columnist, gifted filmmaker" +Business,"Verizon, Nextel Resolve Legal Disputes" +Business,Playboy Posts a Profit for Latest Quarter +Business,Dynegy to Acquire Exelon Power Assets +Business,UBS Net Falls on Investment Banking; Fund Unit Gains (Update1) +Sports,Dealing Unit becomes more likely +Sports,League not expected to act immediately +Sports,Albion deny Hoddle offer +Business,Intl Game Tech Posts Lower 4Q Profit +Sci/Tech,Europeans favour music for portable gadgets +Sports,Makybe Diva repeats Melbourne Cup win +Sports,Cuper appointed Mallorca coach +Sports,Pistons open new NBA season +Business,Gateway to Buy Back Shares From AOL +Business,Exelon to sell power generation assets to Dynegy +Business,Chalone to Go Private +Sci/Tech,Not Everyone Likes Those Do-It-All Gadgets +Sports,UPDATE 1-Cuper returns to take charge of Mallorca +Sports,New Zealand beat Bangladesh by 138 runs in one-dayer +Sports,Clarke: Goodenow the problem +World,"American, Nepalese and Filipino confirmed kidnapped, two Iraqis <b>...</b>" +World,"Clashes in al-Ramadi, 15 Iraqis killed in Tikrit, new bombardment <b>...</b>" +World,Suspected insurgents behead official in revenge for deaths of 85 <b>...</b> +Sci/Tech,Europe Left Cold By Portable Video +Sports,"Warne Breaks Thumb, Will Miss Final Cricket Test Against India" +World,Palestinian People #39;s front claims responsibility for Tel Aviv <b>...</b> +World,"American, Nepali and Arabs kidnapped in Iraq" +Business,US Stocks Rise on Optimism About Election; Nextel Advances +Business,Dynegy to buy Exelon assets +Business,Cisco to power Indian Ethernet +Business,Macrovision Takes a Hit +Sci/Tech,Germans Use Nokia Phones In Wireless Ticket Trial +Sci/Tech,PalmOne to make Microsoft WindowsMobile Treo? +Sports,10 Red Sox Players File for Free Agency +World,Filipino abducted in Iraq (7:42 pm) +Business,We want Kerry +Business,BJ Services Shares Fall on 4Q Results +Sci/Tech,Intel Unveils #39;Extreme Edition #39; for Power Users +Sports,WHO #39;S AFRAID OF THE GUNNERS? +World,1st female UK soldier dies in Iraq +Business,Oil prices go down. But for how long? +Business,"UPDATE 2-MBIA 3rd-qtr earnings fall 2.3 pct, stock off" +Business,Dynegy inks \$1B deal to buy Exelon assets +Business,"US job cuts exceed 100,000 again" +Sci/Tech,Yahoo Desktop Search Will Be a Reality +Sports,Benitez on Spanish return +Sports,Ford decides to stay in rallying +World,"Arafat #39;s condition is improving, aide says" +World,Report: UAE president dead at 86 +World,Protester killed during Sichuan demonstration +Business,AOL layoffs due next month +Business,Verizon Wireless Won #39;t Oppose Nextel Swap +Business,Update 2: Clorox Profit Declines on Restructuring +Business,Ryanair 2nd-Quarter Net Rises 15 on New-Route Sales (Update8) +Business,PalmSource Names Jean-Louis Gassee Chairman of the Board +Business,"IGT posts lower quarterly profit, record yearly income" +Business,Job cuts ease in October: report +Business,Stocks in Motion: BJ Services +Sci/Tech,Nokia Unveils Near Field Communication Product +Sci/Tech,SCO not sure pro-SCO site is a good idea +Sci/Tech,"Saturn Moon Titan #39;s Landscape Alien, Familiar" +Sports,Ford Makes Four-Year Commitment +Sports,FERGIE SEEKING HOME COMFORTS +Business,Int #39;l Game Tech Posts Lower Profit +Sci/Tech,SCO has second thoughts about Groklaw alternative +Sci/Tech,Yahoo at work on desktop search +Sci/Tech,Toshiba Third Party Memory Module Failure +Sports,Hoddle still favourite for Baggies post +World,Thai local official beheaded in revenge for deaths of 85 Muslims +Business,Int #39;l Game Tech Posts Lower Profit +Business,"Verizon, Nextel Reach Settlement" +Business,Forest Labs #39; new hypertension drug disappoints in efficacy study +Business,Update 1: Bond Prices Are Mostly Lower at Midday +Sci/Tech,Beagle 2 Just Didn #39;t Have the Money to Succeed +Sci/Tech,China tightens grip on Internet freedom +Sci/Tech,Converged Home Entertainment Standard Mooted +Sports,"When in Rome, moan" +World,"UN says security worsening in Darfur, relief work hampered" +World,Cries of election corruption +Business,Oracle seeks to clinch PeopleSoft with extra \$1bn +Business,Verizon Wireless Won #39;t Oppose Nextel Airwaves Swap (Update3) +Sci/Tech,"Nokia, Good Technology Ink Smartphone Deal" +Sci/Tech,"Yahoo! Building Desktop Search, More Personalization" +Sci/Tech,New Nokia 3230 And 6020 Camera Phones +Sports,Mixed Emotions for Sparta Coach +World,Arafat #39;s doctors rule out leukemia +Business,Nextel and Verizon Settle Legal Disputes +Business,Forest Labs Hypertension Drug Falls Short +Sci/Tech,SPAM vs spam +Sci/Tech,Blinkx Names Former Yahoo Europe Exec to CEO Post +World,"Iraqi Rebels Bomb Baghdad Ministry, Hit Oil Sector" +Business,Tenet Healthcare #39;s Loss Narrows in 3Q +Sci/Tech,"China Shuts Down 1,600 Internet Cafes" +World,Filmmaker Who Criticized Islam Slain +World,Iran Considers EU Compromise Proposal +Business,RPT-UPDATE 2-Slot machine maker IGT beats estimates +Business,Bayer Drug Can Be Combined With Others +Sci/Tech,Yahoo Moving on Desktop Search; Semel Says He Will Stay +Sports,Sauber switch to Michelin tyres for 2005 +Business,DirecTV Posts Wider Third-Quarter Loss +Business,Gassee: PalmSource Names Apple Ex-Exec To Replace Benhamou +Sci/Tech,Former Yahoo top exec to head start-up Blinkx +Sports,Sauber switch to Michelin tyres +Sports,Police investigating theft of Olympic drug test sample +Sports,Official: Cuper Signs With Mallorca +Sports,Ferguson ready to unleash Ruud +World,Sudanese troops surround camps +World,Slain filmmaker Theo van Gogh: #39;a champion of free speech #39; +Business,Does PeopleSoft Deal Make Sense for Oracle? +Business,Fresh tax claims hit Yukos +Business,BJ Services profit jumps 42 percent on drilling surge +Sports,Australia will field its best XI: Po +World,Sudan Army Surrounds Darfur Refugee Camps +Business,Gateway to repurchase stock from America Online +Business,Conrad Black quits Hollinger Inc. +Sci/Tech,IE Dominance Threatened by the Fox +Sci/Tech,"Toshiba Joins Recall Parade, Blames Bad Memory" +Business,US Stocks Gain on Optimism About Election; Nextel Advances +Business,"Playboy Posts Profit, Shares Rise" +Business,Mainframes Power BMC Revenue +Business,Immucor CEO Is Subject of Criminal Probe +Business,No-frills profit boost for Ryanair +Sci/Tech,Nokia extends messaging options in handsets +Sci/Tech,Spam back on the menu +Sci/Tech,Nokia Extends Series 60 Capabilities +Sports,Probe into theft of sample +Sports,Dagenais attends NHLPA meeting +World,Video Shows Beheading of Japan Hostage - Web +Business,AOL to 700 Staff: You #39;ve Got No Job +Business,Citigroup Is Sued Over Alleged Interference +Business,Stocks Move Up Despite Election Jitters +Sci/Tech,Nokia Adds RFID to Latest Handsets +Sci/Tech,"Good Technology, Nokia in cahoots" +Sports,Bowden lands a new GM job +World,Car bomb kills six in Baghdad +World,Palestinian PM condemns Israeli raid in Nablus +Business,"BMC posts profit on technology spending, expense cuts" +Sports,NHLPA remains united in labour dispute +Sports,Warne out of Mumbai +World,The UAE names new energy minister +World,Election Commission Stops Vote Count As Opposition Protests +Business,Oracle Says Latest PeopleSoft Bid Is #39;Final Offer #39; +Sci/Tech,Intel Unveils #39;Extreme #39; Pentium 4 for Gamers +Sci/Tech,Late funds hampered Beagle mission to Mars: MPs +Sci/Tech,Apple Shares Rise to Highest Level in Four Years on iPod Demand +Sports,Gunners look for return to winning ways +Sports,== Report: Jags #39; Leftwich to miss significant time with knee <b>...</b> +Sports,More Red Sox declare free agency +Sports,Parker receives multi-year contract extension from Spurs +Business,"Ex-Computer Associates Execs, SEC Settle" +Business,Hollinger Inc. Chief Executive Conrad Black Resigns (Update4) +Business,Update 5: Tentative Deal Reached in Casino Strike +Sci/Tech,Macromedia Launches Software Version for eBay Stores +Sports,Report: Lehman named Ryder Cup captain +Sports,Ford commits to long-term participation in WRC +Sports,Seau worried injujry could end season +World,Pak wants better ties with SAARC states: PM +Business,"Dow, Nasdaq, S amp;P 500 Retreat on Exit Poll" +Sci/Tech,A Firefox in IE #39;s Roost +Sci/Tech,SCO Skips Legal Issues Web Site +Business,Black: Quits As Hollinger Inc. CEO Ahead Of Investor Action +Business,Blogs Send Stocks Into Reverse +Business,Agilysys Posts 2Q Profit on Acquisitions +Sci/Tech,Nokia launches tri-band 3220 camera phone with Near Field <b>...</b> +Sci/Tech,Nasa scientists find surface of Titan #39;Very Alien #39; +Sports,MORE DIVA MAGIC +Sports,"Germany, Argentina hold no fear for Socceroos" +Sports,Benitez calls for tackling clampdown +Sports,Jags QB Leftwich sidelined with sprained knee +Sports,"Truth amp; Rumors: Nov. 2, 2004" +World,Dutch filmmaker who criticized Islam is slain in Amsterdam <b>...</b> +World,"Baghdad Bomb Leaves at Least 6 Dead, Iraqi Police Say (Update3)" +Business,Insurers #39; Losses Top \$21 Bln for Quarter +Business,"DirecTV Posts Loss, Blames Marketing" +Business,Update 6: Tentative Deal Reached in Casino Strike +Sci/Tech,Bagle Headlines October Viruses +Sports,Hewitt holds off French talent Monfils in Paris +World,Captors set deadline for relief worker +World,No Sorry from the Queen +Sci/Tech,Spansion Makes Splash in Flash +Sports,Roddick defends #39;injured #39; stars +Business,"CanWest Global earns \$62M for Q4, compared with \$45M loss last <b>...</b>" +Sci/Tech,Intel Intros #39;Extreme Edition #39; P4 Chip +Sports,Stolen papers linked to drug saga +Sports,"Halladay, Delgado top rankings" +World,EU: Israel Must Know There is No Power Vacuum in Palestinian <b>...</b> +World,Queen to host German gala to rebuild war-bombed church +World,Canada renews plan to decriminalise pot possession +Business,Update 2: Immucor CEO to Step Aside During Probe +Business,Update 2: Marsh Seeks Incentive Fees for Settlement +Business,Qualcomm #39;s Field Of Streams +Sports,Hewitt beats French teen Monfils to reach third round at Paris <b>...</b> +Sports,Jaguars quarterback out indefinitely +Sports,Parker signs long-term deal with Spurs +Business,Toyota cruising for car maker #39;s crown +Business,Update 2: Insurers Suffer Record Catastrophe Losses +Sci/Tech,Ratchet and Clank: Up Your Arsenal ships +Sci/Tech,Netsky scoops gongs in Sophos October viral count +Sports,"Martin, Jordan power Jets to victory" +World,Thailand Ablaze? +Business,Computer maker Gateway to repurchase stock from America Online +Business,Nextel and Verizon Settle Legal Disputes +Business,"Playboy Posts Profit, Shares Rise" +Business,Update 1: IGT Posts Lower Quarterly Profit +Business,Insurers Lose \$21 Billion from Hurricanes +Business,Nokia makes Good on business phones +Business,Raytheon board recommends annual election of directors +Business,Qualcomm to Build Wireless Media Network +Business,The bullish case for Kerry +Sci/Tech,Nokia phone adopts handwriting recognition +Sci/Tech,PalmSource Drops on Analyst Downgrade +Sports,Tennis: Henman on easy street +Sports,Hairston undergoes ankle surgery +Sports,Drugs in Sport: Break-in thickens Waterford plot +Sports,Roundup: Purdue dubs Orton doubtful vs. Iowa +Sports,Werder Bremen 5-1 Anderlecht: FT Report +World,Report: Captors threaten to hand Margaret Hassan over to group +World,"UN: Violence in Darfur, Chad camps" +World,Blast carnage in Iraq +Business,Exit Poll Talk Hits the Stock Market +Business,Ryanair profits soar to record +Sci/Tech,"Firefox, Mozilla Loosen Internet Explorer #39;s Grip on Browsers" +Sci/Tech,Ratchet amp; Clank: Up Your Arsenal +Sports,Advocaat new Gladbach boss +World,VW locked in tough talks as warning strikes continue +Business,Immucor CEO subject of Italian criminal probe +Business,Raytheon Seeks to Change Board Election +Sci/Tech,NFC Device Payment Technology Gets Boost +Sci/Tech,Firefox Is a Worthy Adversary +Sports,Center fielder makes art of taking away home runs +World,"We #39;ll hand over Hassan to killer of Bigley, warns kidnap group" +World,"Sudan Army Surrounds Darfur Camps, Aid Agency Says" +World,Queen #39;s visit stirs Anglo-German past +Sci/Tech,Yahoo! wants a slice of Desktop Search Market +Sports,Woods considered skipping Tour Championship +Sports,Lehman to be named as Ryder Cup captain +Business,Automakers focus on disabled drivers at 38th motor show +Business,Prudential trounces estimates +Business,Energizer CEO Paul Mulcahy to Retire +Sci/Tech,Nokia launches new camera phone with NFC +Sci/Tech,Nokia pushes hard into smartphone email +Sports,No goals but everyone happy as Valencia hold Inter +Sports,Chelsea lodge complaint with Uefa +Sports,Favourite rewrites history +Sports,Wenger Will Not Panic +Sports,Liverpool boss confirms striker search +Sports,Lehman said to be next US Ryder captain +Sports,UPDATE 1-Own goal gives Panathinaikos 1-1 draw at Arsenal +World,Aid worker #39;s captors give 48-hour deadline for British troops to <b>...</b> +Business,Black steps aside as chairman-CEO of Hollinger Inc. ahead of court <b>...</b> +Sci/Tech,Apple Unveils iPod Suite +Sci/Tech,Nokia to introduce PDA-like phone +Sci/Tech,Yahoo! Follows Google #39;s Lead +Sports,"Jeter, Wells each pick up first career fielding awards" +Sports,Farina relishes two stern tests +World,Controversial Dutch filmmaker shot dead +Business,Latest back-tax bill raises Yukos debt to 9bn +Business,Stocks: Rally continues despite election-day jitters +Business,Marsh puts fees in contingency fund +Business,Priceline Profit Rises But Shares Drop on Outlook +Sci/Tech,And yet it melts +Sports,Cygan #39;s error puts Arsenal in another spot of bother +Sports,NBA: Injured knee slows Kidd #39;s departure +World,Film-maker is murdered for his art +Business,Crude price fall continues +Sci/Tech,Axis amp; Allies marches off to retail +Sports,Jays #39; Wells captures first Gold Glove +Sports,BLUELINES: European-bound NHLers labeled as scabs +Sports,US turn to captain Lehman for Ryder Cup inspiration +World,UAE founder Sheikh Zayed dies +Sports,Liverpool short of firepower for crucial encounter +World,Kidnappers threaten to hand Hassan to al-Zarqawi +Business,Black quits as Hollinger Inc. CEO +Business,Time Warner #39;s AOL Unit to Cut 700 Jobs -Source +Business,Prudential Earnings More Than Doubled +Business,Verizon and Nextel Agree to Drop Lawsuits +Business,Update 2: Ryanair Sees Profits Up Despite High Costs +Sci/Tech,Axis amp; Allies Ships +Sci/Tech,Climax Peeks at Next-Gen Consoles +World,Editorial: The Ideal Prince +Sci/Tech,Apple disables iTunes plug-in +Sports,"Chelsea, Inter Milan Advance in Champions League (Update2)" +Sports,"CL Preview: Bayern host Juventus, Ajax face Maccabi Tel Aviv" +World,Chinese Government Distances Itself from Qians Anti-Bush <b>...</b> +World,China Cordons Off Central Villages Following Ethnic Clashes +Business,Casino Workers Expected to Ratify Atlantic City Settlement +Business,"beach hut sells for 100,000" +Sci/Tech,Internet Explorer keeps losing market share +Sci/Tech,Mad Catz to release first game +Sci/Tech,Google moves to your desktop +Sports,Bayern out for revenge against Juventus +Sports,Four Huskies suspended for unsanctioned summer play +World,Queen #39;reconciles #39; with Germany by dining at Nazi propaganda <b>...</b> +World,Villages set ablaze as ethnic riots break out in China +Business,Marsh opens \$230m fund to appease Eliot Spitzer +Sci/Tech,Nokia phone adopts handwriting recognition +Sci/Tech,The cosmic neighbours from hell +Sci/Tech,Another Slide in IE #39;s Market Share +Sci/Tech,Lack of cash blamed for Beagle 2 failure +Sci/Tech,Mad Catz to Publish #39;MC Groovz Dance Craze #39; Dance Game +Sci/Tech,Ratchet amp; Clank: Up You +Sports,Injured Warne ruled out +Sports,Beni #39;s Raf luck +World,New Violence Hinders Relief Efforts in Western Sudan +World,UAE president dies at 86 +World,Court-martial opens for accused 1960 #39;s Army deserter +World,President Musharraf #39;s bold initiative +Business,Tentative Deal in Atlantic City Strike +Sci/Tech,Intel unveils new chip platform +Sci/Tech,Arctic ice to melt in summer this century unless greenhouse gases <b>...</b> +Sci/Tech,AMD #39;s Spansion unveils new flash memory products +Sports,Chelsea undefeated in Champions League +Sports,"Henman, Hewitt advance into Paris third round" +Sports,Penalty miss allows Arsenal off the hook +Sports,Florida State #39;s Thorpe suspended one game +World,Kidnappers threaten to hand over British aid worker to Zarqawi +World,Filmmaker Van Gogh Murdered +World,"Let history guide our future, Queen tells Germany" +World,"VW, unions hopeful of deal" +World,Thai chief is beheaded in revenge for Muslim deaths +World,Insurgents Blow Up an Iraqi Oil Pipeline +World,Zarqawi takes credit for Japanese slaying +Business,US election reprieve for oil +Sports,FSU #39;s Thorpe gets one-game suspension +Sports,Bonds collects 12th Silver Slugger award +Business,Update 7: Tentative Deal Reached in Casino Strike +Business,Priceline.com Shares Drop After Third-Qtr Sales Miss Forecast +Business,Long-haul lifts BAA to 363m profit +Business,MPC unlikely to raise rates as underlying sales cool +Sci/Tech,Q1 Labs tackles intrusion prevention +Sci/Tech,Avaya Adds Video Calling to IP Softphone +Sports,Melbourne Cup heroine eyes the Arc +Sports,Tourists in a spin without Warne +Sports,Jeter Earns Gold Glove Award for the First Time +Sports,Venus Advances at Advanta Championships +Sports,Jaguars #39; Leftwich Has a Left Knee Injury +World,Anti-Muslim Dutch film maker killed +World,Arafat #39;s condition improves +Business,DirecTV Reports Larger Q3 Loss +Business,Wal-Mart to open up to 15 stores in China next year +Business,American Airlines restores flights to St. Lucia +Sports,NHL players meet to coordinate message +Sports,American League Gold Gloves announced +World,Israel unusually restrained after bombing +Sci/Tech,Q1 Labs Enhances Security Monitoring System +Sports,NHL lockout meeting shows unity among reps +Sports,Irish mystery deepens +World,US soldier Jenkins found guilty of desertion +Sports,Locked In and Loaded: Yanks Lack Flexibility +Sports,Linebacker #39;s future in Miami uncertain +Business,NZ Telecom 1Q Net Likely Up But Competition Hurt Mkt Shr +Business,"US layoffs down 5.6 percent to 101,840: survey" +Business,Wal-Mart enhances mainland presence +Sports,Cup winning formula changing +Sports,Second-seeded Hewitt beats top junior player +Sports,Voters approve tax increases to pay for stadium +Business,Gateway Will Buy Back Stock From America Online +Business,In-Flight Gambling Next On Ryanair #39;s Wish List +Sci/Tech,Saturn #39;s Titan presents #39;alien #39; traits +Sports,Pistons are solid in season debut +Sports,Close call: Bunning hangs onto Senate seat +Sports,Bonds leads Silver Slugger parade +Sports,Hungry Shaq out to feast in East +World,US soldier Jenkins found guilty of desertion +Business,"Global Markets: Stocks, Dollar Inch Up" +Sports,Pistons 87 Rockets 79 +Sports,RELAXED MOOD HELPS HENMAN +Sports,West Brom eye Robson as Hoddle talks stall +Sports,Cowboys win their stadium game vote +Sports,Lehman right for Ryder +World,"Envoys urged not to #39;embrace #39; Abbas, Qureia" +Business,UPDATE: Australia #39;s Orica Triples FY Net To A\$327.8M +Sports,Chelsea make official complaint to UEFA +Sports,NHL Armageddon is done - season is in fact over +Sports,Sheff wins fourth Silver Slugger +World,President seeking opinion to find Kashmir solution: Rashid +Business,Casino-hotel workers make deal +Business,"Nextel, Verizon settling disputes" +Business,NZ stocks: Sharemarket index hits fresh high +Sports,Seau may be done for season +World,SLAIN FILMAKER: Dutch directory made films that questioned Islam +World,Car bombs claim a dozen lives in Iraq +World,Kuwait a half mast; Amir condoles death of Sheikh Zayed +World,"Car bombs kill 12 in Baghdad, Mosul, oil pipeline blown up" +Sports,Nets: Unhappy Mourning pledges to play hard +World,Martial law cools China #39;s ethnic violence +World,Al-Zarqawi says Japan offered ransom for Koda; gov #39;t says it didn #39; <b>...</b> +Business,Skywriting pilot dies in crash +Sports,Nesta - Barca Deserved To Win +Sports,Loretta wins Silver Slugger Award +Sports,Yankees: Jeter wins first Golden Glove +Business,Conrad Black resigns +Business,MARSH TO USE FUNNY \$ FOR SUIT +Business,"Playboy gains on results, outlook" +Business,ELGINDY PAL ADMITS PASSING FBI TIPS +Sports,Ford rallies spirits but Jaguar #39;s future still in balance +Business,FDA letter asks Abbott to pull Kaletra promotions +Sci/Tech,Apple shuts down iPodDownload +Business,Dynegy announces US\$135 million acquisition of Exelon Corp. <b>...</b> +Sci/Tech,NASA Prepares to Launch Swift Observatory +Sci/Tech,Climax Peeks at Next-Gen Consoles +Sports,NHL union firms up its membership +Sports,"Jets: When it comes to November, Edwards is a fall guy" +World,Movie critical of the treatment of Muslim women created an outrage +World,Kidnappers threaten to turn over CARE chief to Zarqawi #39;s group +World,"Iraqis killed, oil fields struck in latest attacks" +Sports,ELLIOTT BAGS BOTH STAKES AT THE BIG A +Business,NTT: Trillions of yen for upgrades +Sports,"Dolphins frustrated, say the won #39;t -- and did not -- quit" +Sports,"Lakers 89, Nuggets 78" +Sports,Lehman a surprise Ryder head +Business,Dollar up in Asia as Bush lead eyed +Business,THE RIDGELINE: Honda touts pickup +Sci/Tech,Memory boost for Nokia phones by #39;05 +Sci/Tech,Real world space exploration +Sci/Tech,Dance on GameCube with MC Groovz danceCraze +Sci/Tech,WWII In Your Hands +Sports,Hewitt and Henman advance in Paris +Sports,Ronaldinho fires Barcelona past AC Milan +Sports,NHL players meet +Sports,Jeter catches first Gold Glove +Sports,"Jets rout Dolphins, tie Pats in AFC East" +Sports,"Mavericks 107, Kings 98" +Sports,O #39;Neal could go either way +World,"US soldier says fear, beatings kept him in North Korea for four <b>...</b>" +Sports,Law out a month to seven weeks +World,"US Deserter Get 30 Days, Dishonorable Discharge" +World,Report: Iraq contractor snatched +World,World ; Another Nepalese taken hostage in Iraq +Sports,Ford to stay in Rally - 03 November 2004 +Sports,US set to name Ryder Cup skipper +Sports,NBA Game Summary - Denver at LA Lakers +World,Founder of United Arab Emirates dies +Business,third quarter piles up losses for insurers +Business,Colorado telecom on buyout streak +Sports,A new leaf for +Sports,Only thing left is Vijay #39;s coronation +Sports,Wenger stays calm despite setback +Sports,Pistons 87-79 over Rockets +Sports,Lehman to be next captain +World,Dubai ruler moves up a notch +World,Car bombs kill 12; US readies attack +Business,Time Warner #39;s AOL to reduce headcount by 700 +Business,Wal-Mart to open up to 18 new stores in China by end-2005: report +Business,"Peso won #39;t be devalued, Cuba bank chief says" +Business,Profit jumps 13 percent for Delta Faucet parent +Business,Tenet #39;s loss narrows; revenue lower +Sci/Tech,Arctic warming at twice global rate +Sci/Tech,"Spansion unveils serial flash-memory, 512Mbit NOR flash" +Sci/Tech,Spam: staging a canny comeback +Sports,Painful start for Nuggets +Sports,Basketball: Reigning NBA champs open by downing Yao #39;s Rockets +Sports,"O #39;Brien makes first point, and it is Iverson!" +Sports,Lehman named Ryder captain +Sports,Shaq may play in Heat opener +Sports,Venus gets off to positive start +World,"Dutch filmmaker, known for criticism of Islam, murdered" +World,"US launches air raids on Fallujah, aid worker #39;s captors give 48 <b>...</b>" +World,Arab world follows closely for US election results +World,Israel destroys home of teenage bomber +Sports,Super sidekick +Sports,Pats #39; Law Said Out 4-6 Weeks With Injury +Business,Amazon sued over Web site feature +Sci/Tech,China #39;s e-crackdown +Sports,NHLPA shows its solidarity +Sports,Don #39;t mention the #39;C #39; word to Hewitt +Sports,Notebook: Law might miss 4-6 weeks +Sports,Everett powerless in loss to Prince George +World,Iran extends condolences over death of UAE president +Business,Black quits top jobs at Hollinger Inc +Business,Stelmar Founder to Vote Against Buyout +Sci/Tech,MSN Remote Record lets you program your Media Center PC to record <b>...</b> +Sci/Tech,"Spansion 512-Mbit NOR flash memory a leader, claims AMD" +Sports,JAGS FACING LEFTWICH LAYOFF +World,Rebels split up hostages +World,Queens Berlin visit stirs World War II row +World,Four Palestinians killed in Israeli raid +Business,Black steps down at Hollinger +Sci/Tech,New Media Center OS Plays Well +Sci/Tech,Can The iPod Keep Leading The Band? +World,Lebanese-American seized in Baghdad +Business,YUKOS Calls Meeting to Mull Bankruptcy +Business,Insurers #39; losses set a record +Business,BMW Keeps 2004 Forecast +Sci/Tech,"Arctic Melt Accelerates, Governments Split" +Sci/Tech,New gaming star +Sports,Abramovich Subdued as Chelsea Beat CSKA in Moscow +Sports,Wenger: We do not think of a catastrophe +Sports,"NHL union, players break ice" +Sports,O #39;Connor disputes positive drug testing +Business,"Ryanair profit beats forecasts, outlook improves" +Business,Yukos Shareholders to Consider Bankruptcy +Business,"Verizon, Nextel set aside conflicts" +Business,"Asian Stocks Gain as Bush Leads Count; AU Optronics, CNOOC Rise" +Business,BMW misses 3rd quarter forecast +Business,"Philippine Shares End Up On Earnings Hopes, Oil Prices" +Business,Cuba to shield peso from devaluation +Sci/Tech,Veritas puts homemade touch on new OpForce +Sports,NHL union head: Season in doubt +Sports,Lehman gets nod as next US captain +Sports,Decision near +Sports,Isiah giving Crawford his shot to score with fans +Business,Magna spinoffs pledge to keep to long-term strategies amid <b>...</b> +World,Kalam to leave for Abu Dhabi to offer condolences +World,Karzai Declared Winner of Afghan Election +World,Iraq #39;s northern oil exports halted +Sports,Robben can lead the Blue revolution +Sports,"Bunning, Osborne Win Re-Election Bids" +World,Woman takes hostages at Caterpillar factory +Business,Wal-Mart to open 18 more stores in China +Business,BMW Reports Fifth Increase in Profit on New Models (Update2) +Business,"Oil, \$, markets up on Bush win prospects" +Sci/Tech,Current Arctic ice cap warms at twice the global rate +Sci/Tech,NASA to Track Odd Explosions +Sci/Tech,Will this pick-up line work for you? +Sci/Tech,Grand Theft Auto: San Andreas #39; has few faults +Sports,FORD IN WORLD RALLY PLEDGE +Sports,IT #39;S VA VA GLOOM +Sports,NHL players determined to fight salary cap +Sports,Lehman tipped to become US Ryder Cup skipper +Sports,Jacksonville QB has torn ligaments +World,SHEER TERROR +World,Sudan camp siege as UN workers flee +World,Barroso Nears EU Revamp as Latvia Replaces Nominee (Update1) +Business,"SingTel, six other Asian operators form regional mobile alliance" +Business,More Wells Fargo data stolen +Sports,Cowboys Are Coming +World,Official Declares Karzai Winner In Afghan Election +World,Thai Prime Minister committed to resolving instability in southern <b>...</b> +World,Arafat does not have leukaemia: official report +Business,Yukos Shareholders to Consider Bankruptcy Next Month (Update3) +Business,Asian stock markets cheer quot;pro-business quot; Bush lead +Business,Petro price hike decision in 48 hrs +Sports,Wenger unruffled by sluggish Arsenal +Sports,Ronaldinho Brilliance in Barcelona-Milan 2-1 +World,Karzai officially declared election winner +Business,Time Warner Posts Profit +Business,Cigna Profit Rises in Third Quarter +Business,Decision on fuel price hike soon +Sci/Tech,Nokia #39;s Ollila Says Global Mobile-Phone Users Reach 1.7 Billion +Sci/Tech,SCO #39;s answer to Groklaw.net on hold +Sports,Tiger ready for #39;fun week #39; after return +Sports,Players attack Bettman +Sports,Houllier Expects Cisse to Bounce Back +Sports,High expectations prompt talk of Arsenal crisis +Sports,Hearts name Robertson as manager +Sports,CL Preview : Man United-Sparta Prague +World,Guarding of Ukraine central election commission relieved +Business,Time Warner Posts Profit +Business,Yukos close to bankruptcy: company CEO +Business,Cellular Firms End Dispute Over Airwaves +Business,PG amp;E profit falls 55 +Sci/Tech,Climax Lifts The Lid On Avalon +Sports,New-look Lakers in sync from the start +Sports,Secondary concerns Pats +World,Iraqi Education Ministry Hit by Car Bomb; 6 Killed +World,Japan denies offering ransom for hostage +Business,"Update 5: Volkswagen, German Union OK Pay Freeze" +Business,Insurer says 2005 earnings to fall from 2004 levels +Business,Dynegy says acquisition #39;sign of turning corner #39; +Sci/Tech,Nokia #39;s latest smartphone gives a widescreen view +Sci/Tech,Dalhousie scientists first in world to successfully clone insects +Sci/Tech,"Moon, Jupiter, Venus slated for get-together" +Sports,Results are in: They #39;re not same old Lakers +Sports,Mackay backs Robertson to succeed +Sports,Mourning #39;s time wasting with Nets +World,"Volkswagen, German Union OK Pay Freeze" +Sci/Tech,Global warming accelerates arctic melt +Sports,UPDATE 1-India lose early wickets in rain-hit final test +Sports,RIJKAARD SALUTES RONALDINHO +World,"US soldier sentenced to 30-day confinement, dishonorable discharge" +World,UAE begins 40 days of mourning for dead president +World,The post-Arafat era began long ago +Business,Jobless numbers increase again in Germany +Sports,PSV on verge of breaking losing Euro streak +Sports,Indiana eyeing bowl bid +World,64-Year Old American Pleads Guilty to Deserting +World,Shalom: Israel must prepare for Arafat #39;s death +Business,Qualcomm to build \$800m US wireless media network +Sci/Tech,SCO sees a little sense +Sports,Soccer: Ronaldinho brings matchless beauty +Sports,Wonderful news: Malcolm Wilson is delighted with the new <b>...</b> +Sports,Tennis: Victory for Henman +World,WFP Says Sudan #39;s Army Blocks Access to Camps +World,Karzai Win Gives Chance to Cleanse Afghan Government +World,Israel wants UN sanctions on Iran over nuclear programme +Business,Seven Asian Mobile Phone Companies Link +Business,BCE 3rd-Quarter Profit Falls on Employee Buyout Costs (Update2) +Sci/Tech,SCO Gives up on Linux Website +Sci/Tech,Plans put on hold for pro SCO website +Sports,Student Suspended for KKK Costume +Sports,Opener is sweet for #39;Zo +World,Iraq rebels stage fresh attacks +Business,"Time Warner net slips on legal reserve Reuters, New York <b>...</b>" +Business,CIGNA Corp. 3Q Profit Up on Gain From Sale +Sci/Tech,Buzz starts at Dalhousie as team clones fruit flies +World,Zayed bin Sultan Dies; Gulf Leader and Statesman +World,Karzai wins Afghan presidential election +World,Iraqi Oil Ministry official killed in Baghdad +World,Midnight death deadlines for Afghan hostages +World,British troops in central Iraq suffer new attacks +World,Middle East ; Israel bombs Nablus homes +Sports,"Day one goes to rain, Australia" +Business,Worker morale may take toll on airlines +Business,Deficit widens at DirecTV +Business,Wall Street Headed for Morning Rally +Sci/Tech,Copernic cible les marchs europens pour son moteur de <b>...</b> +Sci/Tech,Nokia replaces cash with phone +World, #39;Islamist #39; held in van Gogh case +World,Panel says Karzai winner in Afghanistan +Business,"BCE #39;s Q3 profit sinks to \$82M from \$446M as over 5,000 workers <b>...</b>" +Business,Qualcomm Fans Fear 2005 Cooling Trend +Sci/Tech,Nokia unveils near field communication product +Sports,The not-so-great cover-up +Sports,Champ ready for goodbye +Sports,A heavy heart can #39;t weigh down Hewitt +Sports,Foreign failures +World,UAE president #39;s death makes little impact on oil prices +Business,Deal reached in Volkswagen labour dispute +Business,Wall Street expected to surge at open +Business,Satellite radio bids worry industry +Sci/Tech,Arctic ice cap warming at twice the global rate: +Sports,NHL players stick together despite reality +Sports,Ramirez looking forward to playing (and eating) in Japan +World,"Arafat, Musharraf shake logjam" +World,Website shows beheading +Business,Duke earnings jump in third quarter +Business,"Update 1: Asian, European Markets Advance; Oil Up" +Business,Dean Foods Third-Quarter Profit Falls +Business,Insurers obligated to pay controversial Marsh fees +Sci/Tech,"Now, the Japanese come up with the perfect chat-up-line!:" +Sports,Weld jumps to hoop #39;s defence +Sports,Quick healer? Leftwich might play through pain +World,Arafat hopes for US #39;policy of peace #39; +Business,Update 1: Cigna Profit Soars 64 Percent on Unit Sale +Business,Orica profit trebles to \$328m net +Business,German unemployment rises again threatening budget deficit +Business,Acer confident of rise in global PC sales +Sports,McGrath wastes no time as openers fall +Sports,NHL season on ice? +Sports,Old flame Robertson back to rekindle Hearts +Sports,Fergie Urges Strikers To Make Their Mark +Sports,Pistons are grand in opener +Business,Time Warner 3rd-Qtr Profit Falls 7.8 on Legal Costs (Update5) +Business,Globe joins six telcos in Asia-Pacific alliance +Business,Polo Ralph Lauren 2Q Profit Increases +Business,Gold Fields Board Wants Rejection of Bid +Business,FCC approves Nextel spectrum swap +Business,Report: EU #39;s Growth Strategy Off-Target +Sci/Tech,"Climate change is here, now, say scientists" +Sports,Rosen #39;s take on McGrady-Yao debut +Sports,Renegades waiting on owner +World,Europe Sends Transatlantic Messages +Business,"Globe, 6 others to form largest jt venture mobile firm in AsPac" +Business,"Fewer people reported investment income to taxman in 2003, says <b>...</b>" +Sci/Tech,Digital Imaging #39;s Winners And Losers +Sports,Soccer: Old flame Robertson back to rekindle Hearts +Sports,Sacramento Kings Team Report - November 3 +World,Dutch Filmmaker Who Criticized Islam Is Slain In Amsterdam +World,Hungary to withdraw troops from Iraq by March 2005: Gyurcsany +Business,Factory Orders Fall for 2nd Straight Month +Business,Stocks Surge on Presumed Bush Victory +Business,ISM US Non-Manufacturing Index Rises +Business,Duke earnings jump in third quarter +Business,US Treasuries swing lower as Bush holds the lead +Sci/Tech,"Nokia, Philips Team with German Transport Network for NFC Trial" +World,Karzai wins Afghan election +World,Hungary PM Says Troops Out of Iraq by End-March +Business,Wal-Mart improves image by donating new research center in China +Business,Record Labels to Appeal Sony-BMG Merger +Business,Stocks Surge on Presumed Bush Victory +Business,Satellite write-downs widen DirecTV #39;s loss +Sports,Inter #39;s Adriano sees red +Sports,Robertson confirmed as Hearts manager +World,IAEA report on Iran may undermine US demands +World,"EU must stoke growth, report says" +Business,Oil jumps as Bush nears victory +Business,Hesitant world markets hang on for a US election result +Business,BorgWarner Expects \$1.4B in New Business +Business,Verizon wont oppose new spectrum for Nextel +Sci/Tech,Toshiba Fixes Notebook Flaws +World,"For Chirac and Others, a Close Eye on US Vote" +Business,Oil surges as Bush nears win +Business,Advertising #39;s Interpublic Sees Loss Widen +Business,"Verizon Wireless, Nextel Reach Accord" +Sci/Tech,Climate Change Melts Arctic Ice +Sci/Tech,Salesforce.com Enhances Its Software-As-Service Approach +Sci/Tech,Copernic Desktop Search Targeting Multi-Lingual European Markets +Sports,Robben One of Europe #39;s Best - Kezman +Sports,Chelsea replacing Arsenal as the team to beat +Sports,Olympic Horse Doping Test Moved to New York +Sports,Australia flex their muscles +World,Karzai Becomes Afghanistan #39;s First Elected President +World,Palestinians #39;ready to work #39; with any US administration +Business,Airtel in JV with six cell firms in Asia-Pac +Business,Gold Fields rebuffs #39;stretched #39; Harmony +Business,Canadian Natural Profit Rises 55 as Output Increases (Update3) +Sci/Tech,Study: Artic Ice Melt Accelerating +Sci/Tech,Nokia joins NFC fray +Sci/Tech,Climax gives publishers a vision of Avalon +Sports,Campbell needs three more weeks +Sports,UPDATE 1-Boje withdraws from India tour +World,ANALYSIS-Suspected Islamist killing tests Dutch tolerance +Business,"Time Warner sets up \$500 million legal reserve, profit dips" +Business,Seven operators team up for Asian mobile venture +Business,Gold Fields picks up US support against Harmony +Business,Indies challenge Sony BMG merger +Sci/Tech,NHS Strikes Money-Saving Deal with Microsoft +Sci/Tech,Nokia says cellphone future is smart #39; +Sci/Tech,AMD #39;s Spansion unveils new flash memory products +Sci/Tech,Winter constellations returning to view +Sports,Boje bounces out of tour to India +Sports,Ecclestone backs Cape Town Formula One bid +Sports,Seau to miss rest of season with torn pectoral muscle +World,Arab media eye US race +Business,Oil price bites US service firms +Business,In-flight gambling on the way? +Business,Update 1: Rockwell Collins Profit Up on Contracts +Sci/Tech,Halifax team first to clone insect +Sci/Tech,For Sale: Cisco Firewall Source Code +Sports,Peterson college football #39;s ultimate weapon +Sports,Bucks sign Goldwire to replace James +World,"Iraqi guards beheaded, others abducted" +Business,Time Warner Profit Falls on Legal Reserve +Business,Volkswagen management and union reach wage agreement +Business,Gold Fields board urges rejection of bid +Sci/Tech,UK NHS IT project cuts new deal with Microsoft +Sci/Tech,"Yahoo! Says, quot;Me Too! quot;" +Sci/Tech,Hackers Reopen Online Store +Sci/Tech,New Nokia Advances +Sci/Tech,Internet Explorer keeps losing market share +Sports,Banged-up Bucks sign Goldwire +Sports,Doctors wait for irritation to disappear +Sports,Pires summoned to France meeting +Business,Oil Slips Under \$50 as US Supply Swell +Business,US Prosecutors Probe Circulation at NY Tabloids +World,Emirates official media reports Sheik Khalifa chosen as UAE <b>...</b> +Business,Asia-Pacific Mobile Telcos in Regional Joint Venture +Business,Tommy Hilfiger Corp. delays quarterly results as probe continues +Sci/Tech,Companies Unite to Make UHAPI +World,Middle East concern over Bush victory +World,Sudan defends forced relocation +Business,DaimlerChrysler Oct. US Sales Increase +Business,Polo Ralph Lauren #39;s Wholesale Gain +Business,White House: Debt Ceiling Must Be Raised +Business,"Ford sales off again in October, but company bullish on new <b>...</b>" +Sci/Tech,Scientists lift veil on Beagle 3 +Sci/Tech,AMD #39;s Spansion Delivers Serial Flash +Sports,No Crisis Here Insists Freddie +Sports,How will the Chargers deal with the success of QB Drew Brees? +Sports,Outlook bleak on both sides +Sports,Wednesday #39;s preview +Sports,Cycling team challenges Hamilton #39;s blood testing +World,Eight suspected Islamic radicals arrested in van Gogh murder +World,Blair says Mid East peace is key to beating terror +World,Black Watch under rocket attack for sixth successive night +Sci/Tech,"Study: Penguin, Seal Food Source Shrinks" +Sports,Singh shoots for No. 10 this week +Sports,FINE POINT Openers rain on Indian parade +Sports,Transsexual golfer qualifies for Ladies European Tour +Sports,Bucks sign Goldwire +World,UN demands return of Darfur refugees +World,Green Queen Urges Action on Climate Change +Business,Continued growth in US services sector +Business,A Short-Lived Bush Rally? +Business,Orbitz Posts Higher Quarterly Profit +Business,SONY/BMG MERGER CHALLENGED +Sci/Tech,British NHS Strikes Deal with Microsoft +Sci/Tech,"Brief: Salesforce.com pushes on development, integration" +Sci/Tech,Nokia Preminet solution adds support for Handango content +Sci/Tech,SCO Finds a Drop of Common Sense? +World,Sharon Wins Support for Gaza Plan +World,Queen Elizabeth II Opens Climate Forum +Business,Crude oil futures fall below \$49 US a barrel as oil supplies grow +Business,Black steps down as Hollinger CEO +Business,Ford unit sales slip 5 in October +Business,"Ford sales off again in October, but company bullish on new <b>...</b>" +Business,Stem Cell Companies Fall Amid Biotech Rise +Sci/Tech,Nokia Near Field Communications +Sci/Tech,San Andreas Steals UK Record +Sports,Yeast rises to CFL top again +World,World Leaders React to Bush Victory +World,"Man jumps into lions #39; den, tries to #39;save #39; them" +World,German Leader Seeks New Start From Bush +Business,Time Warner profits hit by big legal reserve +Business,New Charges Filed in Philadelphia Graft Scandal +Business,Honda #39;s October Sales Rise 10.2 Percent +Business,Ford Sales Drop 5 Percent in October +Sci/Tech,Schwartz: Sun COO Says Solaris Good For Open-Source Market +Sci/Tech,Apple trims music purchases to iTunes 4.5 or higher +Sports,"Flatley, Rogers on bench for Australia for rugby Test against <b>...</b>" +World,Eight Arrested after Murder of Filmmaker +World,Senior EU official congratulates Karzai on electoral victory +World,UN chief congratulates Bush on re-election +Business,Time Warner Sets Aside Legal Reserve +Business,Oil Rises After Kerry Concedes US Presidential Race to Bush +Business,"Ford, GM October Sales Skid" +Business,Online Travel Sites Post Profits +Business,"Estee Lauder, Beauty Queen?" +Business,"UPDATE 1-GM, Ford October US sales fall, Chrysler up" +Business,Ford reports decline in monthly auto sales +Sci/Tech,Napster brings digital subscription music content to Windows <b>...</b> +Sci/Tech,Internet Explorer #39;s Still-Huge Share Keeps Falling +Sci/Tech,Strange Bedfellows Handango Selected As Preminet Key Content <b>...</b> +Sports,"Tigers lose scholarship, recruiting on road" +World,Eight arrested in Dutch filmmaker #39;s murder +World,"Iraqi officer beheaded, US citizen captured" +World,Revenge Attacks Feared Across Thailand +Business,"Ford #39;s US Auto Sales Fall 5 to 268,474 in October (Update1)" +Business,UPDATE 2-US Treasury to sell \$51 bln next wk;warns on limit +Sports,NHL cancels All-Star Game +Sports,Report: Stottlemyre not returning to NY +World,Dutch fear loss of tolerance +World,Bush win would mean victory over terror: Putin +Business,AOL Plagues Time Warner +Sci/Tech,Enterasys code for sale on Web #39;s black market +Sci/Tech,IE Gets Spanked By Firefox +Sports,NHL cancels All-Star Weekend +Sports,PGA Taps Tom +Sports,"Pistons forward McDyess fined \$5,000" +World,Schools shut in southern Thailand +World,Liberia #39;s ex-warring parties disband +Business,Five execs convicted in Enron barge case +Sci/Tech,Report warns of larger impact on Arctic from human-made warming +Sci/Tech,Two Guilty in First Felony Spam Conviction +Sci/Tech,Possible Source of Cosmic Rays Found +Sci/Tech,"HP, Brocade Integrate SAN Switching, Blade Architecture" +Sports,Roddick reaches third round at Paris Masters +Sports,NHL cancels 2005 All-Star Game +Sports,Birdstone retires after injury +Sports,Transsexual Golfer Qualifies For European Tour +World,Sheikh Maktoum to serve as interim UAE president +World,African Union: Sudan forces bulldozed Darfur refugee camp +World,Hungary Plans to Withdraw Troops From Iraq +Sci/Tech,Napster offers service to AT amp;T Wireless users +World,Dutch Murder Suspect Had Possible Islamist Ties +World,Karzai declared winner of Afghan election +World,Hungarians to withdraw from Iraq +Business,Jury reaches verdict in Enron-Merrill trial +Business,Defense Stocks Rise on Bush Election Win +Business,Ameren Seeks to Slash Workforce +Business,"Services sector up, manufacturing down" +Business,Update 1: Orbitz Profit Soars on Revenue Surge +Sci/Tech,NHS strikes money-saving IT deal +Sci/Tech,2 guilty in nation #39;s first felony spam case +Sci/Tech,Open Source Solaris Stalls +Sci/Tech,Ancient Roman cosmetics resembled modern moisturizer +Sci/Tech,Possible origin of cosmic rays revealed with gamma rays +Sci/Tech,Hewlett-Packard Adds High-Speed Switch To Its Blade Servers +Sports,NHL Cancels All-Star Weekend +Sports,Belmont Stakes winner retires +Business,Lawyers For Florida Smokers Ask Justices To Punish Tobacco <b>...</b> +Sci/Tech,Ancient Roman Cream Used for Beauty +Sci/Tech,Apple blocks music sales to older iTunes +Sports,NHL Lockout Forces All-Star Cancellation +Sports,Roe named ahead of Lyons for Scotland Test +Sports,New blow for Arsenal +World,Eight Held in Dutch Filmmaker #39;s Slaying +World,"Iran can make the bomb, but doesn #39;t want to: Iranian official" +Business,EDS Postpones Third-Quarter Release +Business,Florida Top Court Focuses on Tobacco Class Action +Sci/Tech,More encroachment on Microsoft +Sports,Superb Van Nistelrooy sinks Sparta +Sports,"With rings and belts, Pistons begin defense of title" +Sports,Report: Stottlemyre to retire? +Sports,Birdstone retired to stud +Sports,"Pistons #39; McDyess fined \$5,000 US" +Sports,"Missouri hit with probation, scholarship loss" +World,Leaders Attend UAE President #39;s Funeral +World,World governments hope for policy changes from 2nd Bush <b>...</b> +Business,EDS Might Miss Results Filing Deadline +Business,Five convicted in Enron trial in Houston +Sci/Tech,Britain #39;s National Health Service Gets Money-Saving Deal from <b>...</b> +Sci/Tech,Beagle Team Unveil Potential Successor to Failed Mars Mission +Sports,Missouri basketball program sanctioned by NCAA +Sports,"Jones, Edmonds both win seventh" +World,Karzai win chance to cleanse government +World,World leaders hope for fresh start with Bush +World,"Prodi Congratulates Bush, Urges Steps to Collective Security #39;" +Business,TV Drives Up News Corp. Earnings +Business,Orbitz Profit Soars on Revenue Surge +Business,Mercedes in 3Q Is Ugly Duckling to Chrysler #39;s Swan +Business,New Charges Filed in Philadelphia Probe +Sci/Tech,"Spammer Jailed, Fines Issued In Landmark Case" +Sports,Bomb and arson investigators call device a #39;dud #39; +Sports,Bayern Munich 0-1 Juventus: FT Report +Sports,Memphis Rout Still Stings for Louisville +World,Grim Reminder for Bush as Iraq Savagery Continues +Business,Five Convicted in Enron-Merrill Trial +Business,New Google Stock Supply in 2005 Threatens Rally +Business,"Credence to Close Two Sites, Cut Jobs" +Sci/Tech,Biotechnology conference to explore preservation of tropical art +Sports,Real fights back to earn draw in Kiev +Sports,Vieira: Its Still In Our Hands +Sports,DC City Council Weighs Revised Baseball Plan +World,Dutch police arrest 8 in filmmaker murder probe +World,Blair Congratulates Bush on Re-Election +World,Kidnappers grab second US citizen in a week +World,Ukraine makes a crucial choice +Business,Five convicted in first Enron trial +Business,Update 1: Andrx Misses Forecast on Drug Delays +Business,"Goldman, Ford settle IPO allocation dispute" +Sports,Manchester United stops Sparta Prague +Sports,WRAPUP1-Juventus and Lyon qualify for knockout phase +Sports,Benitez delighted with Liverpool step forward +World,"Arafat #39;s health worsening, aides in Paris say" +World,Labor chief asked: Why are OFWs still in Iraq? +Business,NMCI delays EDS earnings again +Business,CCA Reports Profits Drop +Business,Penn National to Buy Argosy +Business,"Andrx income flat, below forecast" +Sci/Tech,Arctic Ice Cap Warming Rate Accelerates +Sports,Andruw earns seventh Gold Glove +Sports,Lehman named as American Ryder captain +Sports,NHL Lockout Glance +World,Mixed reactions in Mid-East +Business,Wall Street stocks soar as investors cheer Bush #39;s re-election +Sci/Tech,"Your source code, for sale" +World,Arafat #39;s Health Suffers Setback - Envoy +World,UK Prime Minister Blair Warmly #39; Congratulates President Bush +World,US forces pound Falluja +World,Somalia Names New Prime Minister +Business,YUKOS shareholders to consider bankruptcy +Sci/Tech,The Roman road to beauty +Sci/Tech,Napster To Be Available On AT amp;T Wireless +Sci/Tech,"Salesforce.com Adds Customization, Partners" +Sci/Tech,Dalhousie scientists first to clone insects +Sci/Tech,Google Brings Search Technology to the Desktop +Sports,Champions League: Group E - roundup including a tale of 2 <b>...</b> +Sports,Missing sample could save showjumper #39;s Olympic gold +Sports,Thursday #39;s preview +World,Hostage release drive continues +Business,Bushs victory eases fears over trade +Business,Ailing smokers ask Florida justices to restore \$145 billion award +Business,"Global Stocks Rally, Oil Up as Bush Wins" +Business,Update 1: Qualcomm Net Up 35 Percent +Business,Relocated News Corp boosts profit +Sci/Tech,Source Code Club: Hacker Hoax or Cisco Headache? +Sports,Hearts in the right place for Robertson +Sports,Own goal ensures a happy return to Spain for Bentez +Sports,Eagles #39; Westbrook practices; status not certain +World,Victory spells trouble for US-Europe relations +Business,Former Merrill Executives Convicted in Enron Scam +Business,Merger could make Penn National 3rd largest casino operator +Sci/Tech,Europeans to send another Beagle to Mars +Sci/Tech, quot;Grand Theft Auto: San Andreas quot; +Sports,Report: Stottlemyre won #39;t return +World,Arafat #39;s condition deteriorates +World,UAE Supreme Council elects Khalifa as president +World,Karzai elected Afghan president +World,Queen Elizabeth praises Germany #39;s achievements +World,Hungary to remove its troops from Iraq +World,"EU failed to become the world #39;s most competitive economy, report <b>...</b>" +World,Hunters kill last brown bear +Business,"Stocks rise, bonds slide as investors bet on Bush" +Business,Update 1: TV Drives Up News Corp. Earnings +Business,UPDATE 2-Mondavi agrees to be bought by Constellation +Sci/Tech,Tin of Ancient Roman Cosmetic Cream Found in UK +Sci/Tech,Intermec Offers Up RFID Patents For Free +Sports,FOOTBALL: I DON #39;T CARE IF IT #39;S TYNECASTLE OR MURRAYFIELD I #39;D BOSS <b>...</b> +Sports,Roddick and Safin through in Paris +Sports,Transsexual drives off to score a first on the golf course +World,Car bombing hits US checkpoint in Baghdad +World,Gloom for EU growth targets +Business,Penn National to acquire Argosy in \$1.4 billion deal +Business,NZ Fonterra Says National Foods Offer Generous And Full-2 +Sci/Tech,Microsoft browser market share slips slightly +Sports,Garner to Stay on as Astros Manager +World,Palestinian sources: No change in Arafat #39;s condition +Business,Fonterra Says Offer for National Foods Is Generous #39; (Update1) +Business,Five convicted in Enron barge case +Business,Foreign retailers #39; enclosure of land competition in China +Business,PolyMedica to Settle Justice Probe +Sports,"Soccer: Raul, Figo save Real #39;s blushes as Dynamo light up Kiev" +Sports,French Open winner first seed to fall at Paris Masters +World,Karzai is formally declared victor in the Afghan elections +Business,Enron barge jury not finished yet +Sci/Tech,"Cisco, MIT look from lab to market" +Sci/Tech,Napster To Go invades AT amp;T Wireless cellphone +Sci/Tech,Dynasty Warriors PSP +Sci/Tech,Sonic Mega Collection Plus +Sci/Tech,Origin of Cosmic Rays Revealed +World,Strong earthquake shakes northern Japan +Business,Yuganskneftegaz won #39;t be able to repay extraction tax on time <b>...</b> +Business,News Corp Posts Strong Results Ahead of US Move +Business,PolyMedica reaches tentative \$35 million settlement with <b>...</b> +Business,Ailing smokers ask Florida justices to restore \$145-billion class <b>...</b> +Business,Consumers seen as drivers of longer-term semi growth +Sports,Roddick reaches 3rd round in Paris +Sports,Transsexual tees off on ladies #39; golf tour +Sports,Celtic board must make decision +Sports,Lehman to captain America #39;s Ryder #39;underdogs #39; +Sports,"Forget England, India are No 2, says Merv" +Sports,Chelsea makes League #39;s last 16 +Sports,Liverpool silence Riazor with gritty win +World,Palestinians say they hope Bush accepts dealing with Arafat in new <b>...</b> +World,Poland not to withdraw troops from Iraq +World,Queen opens climate summit +Sports, #39;He Hate Me #39; placed on IR +World,Sudan bulldozes Darfur refugee camp +World,Somali president names prime minister to head reconciliation <b>...</b> +Business,Time Warner sets up \$500m legal war chest +Business,Enron Barge Jury Not Finished Yet +Business,News Corp. Profit Rises 27 on Higher Cable Ad Sales (Update2) +Business,Fonterra does not rule out higher offer for National Foods +Business,Pennsylvania company offers \$2.2B for Argosy +Business,"Europe losing growth race, says report" +Sci/Tech,"Roman beauty secrets revealed in 1,800-year-old tin of make-up" +Sci/Tech,"British scientists plan mission to Mars, again" +Sci/Tech,Apple Asks ITunes Users to Upgrade +Sci/Tech,"Source Code Club Reemerges, Offering Cisco Code" +Sci/Tech,First insects are cloned +Sci/Tech,Sonic Mega Collection Plus Ships +Sports, #39;Unbelievable #39; Ruud hits four +Sports,Report: Phillies name Manuel as manager +Sports,"Cancellation is a serious blow to fans, host city" +World,Fresh concern raised over Arafat #39;s health +World,Australia #39;s Howard Says Bush Win a Victory for Terrorism Fight +World,Lion attacks Taiwanese man who jumps +Business,Bush Win Sends Oil Near \$51 a Barrel +Business,Dow Ends Up 101 on President Bush Victory +Business,Chip sales to set record this year +Sci/Tech,Mozilla Firefox: It is Microsoft vs. Online community +Sports,Report: Manuel to helm Phillies +Sports,Transsexual breaks new ground on womens tour +Sports,"Rolen, Matheny also honored for defensive excellence" +World,John Howard congratulates George Bush from Kirribilli house +World,Bomber Hits Near Baghdad Airport +World,Scientists Intrigued by Rare Dead Whale +Business,"Oct. Sales Slow at GM, Ford" +Sci/Tech,Click-less phishing scam steals passwords +Sports,Van Nistelrooy Answers Ferguson With Four More Goals in Europe +Sports,"Juventus, Lyon qualify from group stage in Champions League" +World,Hungary to withdraw troops from Iraq by March 2005 +Business,Time Warner Reserves Funds for AOL Penalty +Business,Bush win brings hope of stock market boom +Business,Jury Convicts 5 Involved in Enron Deal With Merrill +Business,Constellation Agrees to Acquire Robert Mondavi for \$1 Billion +Business,Ford and GM Lose Ground to Imports +Business,Profit at Este Lauder Increases 22 +Business,Ford Settles Investors #39; Suit Over IPO Of Goldman +Sci/Tech,Review: #39;San Andreas #39; Among Best Games +Sports,Singh #39;s Year to Remember Will Be Hard to Forget +World,"Aziz, Zia discuss regional cooperation, bilateral issues :" +Business,Victory of known entity lifts stocks +Business,Chrysler Outpaces Its US Competitors +Business,Decisive Bush re-election victory lifts Wall Street +Sci/Tech,Intel devising chip line for consumer electronics +Sports,Centerfielder only Brave honored for defensive play +World,Rare whale find excites Australian researchers +Business,AOL Parent Sets Up \$500 Million Reserve +Sci/Tech,NASA to hunt gamma bursts +World,HICKSS TRIAL DELAYED +Business,Sick Florida smokers ask top court to restore \$145 billion damage <b>...</b> +Sci/Tech,Jury Finds 2 Guilty of Felony Spam +Sports,Roethlisberger in demand +Sports,Blues glide into final 16 +Sports,Hauritz answers the call... again +Sports,Former Predators Center Zholtok Dies +World,Another citizen of US abducted +Business,US services sector up as factory orders slip +Business,"Bharti, 6 others form Asia-Pacific JV" +Sci/Tech,US Wants No Warming Proposal +Sci/Tech,Review: #39;Mortal Kombat #39; Adds New Modes +Sci/Tech,Canadian Scientists Successfully Clone Fruit Flies +World,Key Witness in India Riot Case Retracts Testimony +Business,Election uncertainty trips Dow +Sci/Tech,"net-enabled PCs for Rs 14,000" +Sci/Tech,Intel devising chip line for consumer electronics +Sports,"Shaq, Heat get hot start, romp over Nets" +Sports,NHL cancels all-star game +World,Arabs unhappy at Bush re-election +World,Strong earthquake shakes northern Japan +Business,Time Warner #39;s profit declines NATIONAL COMPANIES +Business,TCC becomes charter member of Bridge Mobile Alliance +Business,Drug-Safety Reviewer Says FDA Delayed Vioxx Study +Sports,New York Knicks +Sports,Robbo is all Hearts +Sports,NBA Game Summary - Miami at New Jersey +Business,Yukos Shareholders Will Vote on Filing for Bankruptcy +Business,News Corp beats estimates +Business,Debt cloud looms over GOP plans +Business,Business Digest +Business,Jeremy Warner #39;s Outlook: Bush bets on twins cancelling each other <b>...</b> +Sci/Tech,Hardware news brought to you by IBM +Sports,Marino says Roethlisberger deserves high praise for impressive <b>...</b> +Sports,Heat 100 Nets 77 +World,Arafat #39;s health worsens +World,Leaders Jostle to Shape Agenda for a New Term +World,Hungary to Withdraw Troops from Iraq by End of March +Business,Argosy sale will form third-largest US gambling firm +Business,Defense stocks jump on outcome +Sci/Tech,Beauty creams then and now - the same +Sci/Tech,"Wintel, take 2? Companies partner on digital home" +Sports,NHL veteran Sergei Zholtok collapses and dies at end of hockey <b>...</b> +Sports,Streets of New York on deck for Kastor +World,"A Bush victory will make life easier, say Italian and Russian <b>...</b>" +World,Deadline for kidnapped UN workers in Afghanistan passes without <b>...</b> +World,Indonesia #39;s Bashir Mocks Terror Charges in Court +Business,"AOL Accounting, Time Warner Restatement" +Sports,Heat coast to easy win over Nets +Business,Philippine Shares End Down; Profit-Taking In PLDT +Sports,"Lyon, Man U #39;s Ruud put on four-star shows" +Sports,Phillies not likely to hire Leyland +World,Oil company man killed in Baghdad violence +World,Briton #39;s Kidnappers #39;Negotiating with Afghan Government #39; +Business,Markets Join Victory Rally +Business,An Industry-by-Industry Look at the Implications of the Election +Sci/Tech,Arctic ice melt speeding up +Sci/Tech,Ancient Roman Cosmetic Face Cream Discovered +Sports,Mickelson goes back to Augusta to tune up +Business,Crude Oil Falls After US Supplies Rise More Than Expected +Business,"VW, union reach wage agreement" +Business,Markets surge on Bush win +Sci/Tech,"Arctic Warming Rapidly, Affecting Global Climate" +Business,Sachs pays Ford \$13.7M to settle +Sports,"India 104 all out v Australia - fourth test, lunch" +Sports,"Should play resume, league would need all available dates for a <b>...</b>" +Sports,Depleted Wizards stun Grizzlies +World,Answer the call for help in Sudan +World,Win shows #39;red states #39; on the rise +Business,Pepco Plans Average 18 Rise In Residential Rates in District +Sci/Tech,"Apple #39;s iPod Must Beware Woes of Netscape, Nokia" +Sports,"Debutant Hauritz, Gillespie skittle out India for 104" +Sports,Sonics sink in opener +Sports,Randolph hired to manage Mets +Business,"Toshiba, TCL to Cooperate on Appliances" +Sci/Tech,"Shenzhou VI space outfits light, removable" +Sports,Singh bids to make it an elite PGA foursome +World,Arafat in intensive care unit +World,Earthquake-Struck Niigata Shaken Again; No Injuries (Update1) +Sci/Tech,"NHS ties up 330million, 900,000 staff, nine-year deal with <b>...</b>" +Sci/Tech,China to realise its dream of space tourism in 20 yrs: official +Sports,Block party: Kirilenko swats shots as Jazz run past LA +World,Yasser Arafats Health Deteriorates Further +World,Vietnam-era defector gets 30 days in jail +Business,"Five convicted, one acquitted in conspiracy, fraud trial" +Business,Stocks surge on Bush win +Sci/Tech,Hackers reopen stolen code store +World,Aides Say Arafat Has Taken Turn for Worse +World,"Amid fears of coalition #39;s unraveling, Hungary says it will delay <b>...</b>" +World,Seven people killed in Thailand #39;s restive south in escalation of <b>...</b> +Business,Sigh of relief +Business,India test-fires new supersonic missile +Business,Five executives convicted of fraud in Enron barge case +Business,Goldman settles suit involving IPO offer to Bill Ford +Business,Bush seen keeping economic team for now +Sci/Tech,Source: Movie industry to sue computer users +World,Arab world #39;s reaction to Bush #39;s reelection +World,S Thailand hit by fresh violence +Business,"Contract Called for Payout, Ex-Disney Officer Testifies" +Business,Le rapport Kok suscite des ractions mitiges +Business,October auto sales +Business,US-bound News Corp posts strong Q1 profits +Business,Hilfiger Sales and Net Fall Amid Inquiry +Sci/Tech,Piracy suits to be filed +Sports,Ruud response delights Ferguson +Sports,Pistons #39; bench absent in victory +Sports,Mets Going with Randolph +Sports,Golf Notebook: #39;Deadened #39; ball revisited +Sports,Wenger: Euro failure spells disaster for Arsenal +Sports,All-Star Game canceled +World,Arafat in intensive care +World,Hungary to remove 300 troops +World,Talks to be held for UN kidnappers +Business,PM leaves for EU summit +Business,CEO of American Airlines warns of more job cuts +Sci/Tech,Steel yourself for #39;Grand Theft Auto #39; +Sports,TO rips R. Lewis again +World,Afghan kidnappers delay execution +World,Queen visits Berlin war graves +Business,TW profit slips 8 +Business,Argosy is merger target +Business,CEO warns of more job cuts at American Airlines +Business,Mining firm seeks cyanide alternative +Sci/Tech,Mazda to share Fords hybrid SUV +Sports,Swansong for big guns +Sports,Hauritz can #39;t wait +Sports,FOOTBALL: TOTTI IN STAMP SHAME +Sports,TO gets another crack at Lewis +Sports,Defiant Sprewell holds court +Sports,Magic Unveil A New Look +Sports,Kirilenko sparks Jazz with 8 blocks +World,Europe cautiously optimistic about 2nd Bush term +World,GAZA WITHDRAWAL PLAN EDGES FORWARD +Business,Five convicted of fraud in barge case +Business,Bothell #39;s Sonus to buy French biotech firm +Business,"EADS Triples 3rd-Quarter Profit, Raises 2004 Forecast (Update2)" +Sci/Tech,"Microsoft, Intel unite in holiday ad blitz to spread joy of PCs" +Sci/Tech,Cisco PIX Source Code Held at Gunpoint +Sci/Tech,Intermec suspends radio-tag patent claims +Sports,All-Star Game canceled +World,As the government declares a three-day mourning Yemen grieves loss <b>...</b> +Business,House market has worst month since 2000 +Business,Penn National to buy Argosy Gaming +Business,Navy charge delays EDS earnings +Business,Circulation investigation hits Times +Sci/Tech,Roman face cream discovered and reproduced +Sci/Tech,Source: Movie industry to sue computer users +Sports,Van Nistelrooy the four-goal hero +Sports,Shaq slimmer amp; still big risk +Sports,F1 circuit to be extended to Mother City +Sports,He #39;s at home with history +Sports,"SPORTS ROUNDUP: Hockey player, 31, dies" +Sports,Francis has magic touch +World,"Kalam meets Khalifa, offers condolences" +World,Taiwan Court Won #39;t Nullify March Election +World,Bashir appeals for Muslim support +Business,"GM, Ford sales slip in Oct." +World,India ; Zahira volte-face shocks rights activists +Business,Airbus sales to trounce Boeing +Sports,NHL cancels All-Star Game +World,Arafat in intensive care +Business,India test-fires BrahMos +Business,Asian Stocks: Japan #39;s Toyota Gains on Bush #39;s Win; Airlines Drop +Business,UK house prices #39;fell in October #39; +Sci/Tech,Intermec seeks ID tag standard +Sci/Tech,Apple blocks music sales to older iTunes +Sports,"Statistical highlights, Day 1" +Sports,Tennis: Roddick and Safin ride to the rescue in Paris +Sports,Lockout costs Atlanta NHL All-Star game +Sports,Ecclestone: South Africa will host a race +Sports,"Seau #39;s season over, decision on career next" +World,N.Korea Likely to Resume Talks After US Vote -Seoul +Business,Time Warner #39;s net profit down 8 +Business,"EU fails on Lisbon strategy, says report" +Business,Update 5: Tokyo Stocks Up on Bush Re-Election +Sports,Ruud response delights Fergie +World,Chief rivals to Hamid Karzai concede election defeat in <b>...</b> +World,North Korea may talk nukes +Business,Constellation acquires Mondavi +Business,"American Airlines plans 1,100 layoffs" +Sci/Tech,Film industry to sue online pirates +Sci/Tech,Weather hots up under wind farms +Sports,FOOTBALL: DEL BOY #39;S GOT IT IN THE KAHN +World,Afghan opposition accepts Karzai #39;s victory +Business,EDS again postpones Q3 earnings report +Sci/Tech,Napster beams songs to Windows smart phones +Sports,A New Dance Partner +World,In from the Cold +Business,Housing market cools +Sci/Tech,Roman women #39; beauty skin cream secrets revealed +Sci/Tech,Napster claims first with downloads for mobiles +Sci/Tech,iPod and iPod mini win Which? praise +Sci/Tech,Nokia and Philips trial wireless ticketing +Sci/Tech,Cisco Joins MIT Media Lab Consortium +Sci/Tech,Sun: quot;It #39;s Not That We #39;re Trying to Undercut Linux quot; +Sports,Tough road awaits Lehman +Sports,NHL Cancels All-Star Game; is Season Next? +Sports,Francis Makes Magic in Opener +World,Karzai Declared Winner of Afghan Election +World,US jets hit Fallujah ahead of expected offensive; residents report <b>...</b> +Sci/Tech,Hackers re-open stolen code store +Sci/Tech,"Relax with your PC, urges #39;Joy #39; campaign" +Sci/Tech,Microsoft browser market share slips +Sci/Tech,Net Banking Fraudsters Step Up the #39;Phishing #39; Scam +Sports,Sharapova struggles early but wins at Advanta championships +Business,EADS posts robust 3Q profit growth; ups full-year outlook +Business,Enron and Merrill Lynch staff face jail +Business,Stem cell initiative aids state +Sci/Tech,Microsoft signs \$920m NHS software deal +Sci/Tech,Internet fraud #39;phishers #39; widen their net +Sci/Tech,Solaris 10 to launch November 15 +Sports,Utes spread the wealth +Sports,Flaws prove too much for Knicks +World,US Jets Pound Parts of Fallujah +World,Bush Election Will Help Middle East Peace - Blair +World,Europeans hope to start all over +Business,Time Warner profit falls +Business,US auto sales rise in October +Business,Chip trade body revises 2004 sales downward +Sci/Tech,Microsoft and Intel team to conquer the living room +Sci/Tech,Source: Movie Industry To Sue Computer Users +Sci/Tech,Slimmer PlayStation triple sales +Sci/Tech,PalmOne ponders OS options +Sports,UPDATE 2-Gillespie routs India but Kumble hits back +Sports,Liverpool #39;s Benitez Lauds Understudies After Beating Deportivo +Sports,Liverpool Football Club boss keen on Cruz +Sports,Attitude angers Beasley +Sports,Notebook: Murray out another week or so +Sports,"Raptors 95, Rockets 88" +World,US Deserter Begins 30-Day Jail Sentence +Business,Time profits fall as cash put in reserve +Business,News Corp posts 28 rise in profit +Business,Bank of England Leaves Rate Unchanged +Business,US car sales boost for Japanese +Business,Credit Suisse Reports Higher 3Q Net Profit +Business,EDS postpones earnings release +Sci/Tech,Ancient Roman Skin Cream Gave Women Beautiful Complexion +Sci/Tech,"Microsoft, Intel promote Digital Joy campaign" +Sci/Tech,"Take us to Mars, Beagle team says" +Sci/Tech,Microsoft wins 500m NHS IT contract +Sports,Tennis: Federer steps out of Davis Cup match +World,Key Events in Yasser Arafat #39;s Life +Business,Airbus Deliveries +Business,Penn National to buy Argosy Gaming for \$1.4bn cash +Business,Merrill Lynch/Enron Execs Convicted +Business,Ford settles lawsuit over Goldman IPO shares +Business,US: Constellation and Mondavi merger is go +Sci/Tech,Nokia to bring digital TV to mobile phones +Sci/Tech,Apple iTunes locks out older versions +Sports,Cricket: Bowlers take control +Sports,NBA: O #39;Neal wins in debut +Sports,Woods chops down Yao +Sports,Baseball: Maddux wins 14th Gold Glove +World,"Bush May Mean Near-Term Gain, Later Pain for Blair" +World,US planes pound Fallujah +World, #39;Prompt action #39; needed in Darfur +World,President Putin hopes to continue co-operation with EU +Business,Probes: \$500 million fund is set up for legal problems +Sci/Tech,Roman cosmetic secrets revealed +Sports,Van foursome points way for Rooney and co +Sports,Champions League: Group B - Roma drop out and Real Madrid cling on <b>...</b> +World,Sheikh Khalifa bin Zayed al-Nahyan Named UAE President +World,EU leaders hold talks on Iraq +World,N Korea may be next on agenda +World,Taiwan court upholds Chen #39;s election victory +Business,Russia #39;s Watershed +Business,Penn National to Acquire Argosy Gaming +Business,Nokia Seeks Injunctions Against Vitelcom +Business,Liberty to boost its stake in News Corp. +Sci/Tech,Nokia #39;s First NFC Product - Why it #39;s Important +Sci/Tech,Apple forces ITunes users to upgrade +Sports,Heat rout short-handed Nets in Shaq #39;s debut +Sports,About mood and confidence +World,Taiwan court dismisses bid to overturn Chen #39;s election victory +Business,Theede #39;s #39;Day of Reckoning #39; Looms +Business,MCI Posts \$3.4 Billion Loss on Charges +Sci/Tech,In Living Color +Sci/Tech,MSN takes downloads fight to Apple +Sci/Tech,"Sequel has new story, characters" +Sports,Lakers #39; offense offensive +World,Conflicting reports about Arafat #39;s health +World,Czechs extend mandate for troops in Iraq +World,Ivory Coast military planes attack ex-rebel Bouake +World,Fate of aid worker in the balance as date with Zarqawi looms +Business,Markets welcome Bush victory with a stock rally +Business,Airbus parent EADS beats forecasts +Business,Asset Writedown Hurts MCI +Business,Update 1: CVS Reports Lower Profits on Acquisition +Business,"UPDATE 5-Credit Suisse Q3 boosted by insurance, one-offs" +Sci/Tech,Security Bytes: Pix source code for sale +Sci/Tech,Global Warming Has Arrived: Arctic Study +Sci/Tech,Chinese astronauts to wear lighter outfits +Sports,"Mets Name Willie Randolph as Manager, Replacing Howe (Update1)" +Business,No change for euro interest rates +Business,Optus rides the offshore wind +Business,Accounting writedown leads to \$3.4 billion loss at MCI +Business,Malone to raise voting stake in News Corp +Business,Enron Conviction: Milestone Or End Zone? +Business,Qwest reports \$569 million loss in third quarter +Business,More Job Cuts Likely At American Airlines +Sci/Tech,Hollywood lawsuits to target illegal file sharing +Sci/Tech,US in new warming battle over Arctic +Sci/Tech,Over their dead bodies +Sci/Tech,"Firefox, bah humbug" +Sci/Tech,Sun sees brighter days for Linux-Solaris alliance +Sci/Tech,Mystery behind the origin of cosmic rays unravelled +Sports,Bagger just one of girls +Sports,Cursing Russian fires up +Sports,Faux pas by Henman +Sports, #39;No shame in failing to this Australian team #39; +Sports,UPDATE 1-Peugeot/Citroen pull-out deals a double blow +Sports,Boston Red Sox 2004 Review +Sports,Toronto Raptors Team Report - November 4 +Sports,Beasley calls out his 49ers for effort +World,Europe leaders lavish with faint praise +World,"Indonesian cleric accuses US, Australia of mastering his trial" +World,Ivory Coast ceasefire broken +World,Queen #39;s plea to old enemies: learn from history +Business,ECB keeps the rates at 2 percent +Business,Australian unit lifts profit at SingTel +Business,Why Malone #39;s buy is good News +Business,Stocks steady on retail results +Business,Harmony unveils cost saving plan +Sci/Tech,"Microsoft, Intel Spread Digital Joy" +Sci/Tech,Mystery behind the origin of cosmic rays unraveled +Sports,Gillespie rips through India +Sports,United in control at old Trafford +World,Palestinians Meet Amid Reports of Arafat #39;s Declining Health +World,Flanigan kidnappers #39;negotiating with Afghan govt #39; +World,Arafats health said to be deteriorating +World,PRESIDENT PLEASED WITH COURT RULING ON ELECTION: AIDE +Business,UPDATE 2-Qwest posts quarterly loss after SEC settlement +Business,American Airlines Says More Job Cuts Arriving +Sci/Tech,Titan: A Good Mystery +Sports,Caner-Medley strikes plea agreement +Sports,BALTIMORE ARE MEN IN BLACK +Sports,Boston Celtics Team Report - November 4 +Sci/Tech,Apple rolls out iPOD Photo +Sci/Tech,Phishers develop sophisticated lure +Sports,Bagger happy to be trailblazer +Sports,Scots name Burns temporary manager +Sports,Gunners mystery revisited +Sports,"Mets, Phillies, Astros Name New Managers" +World,Van Gogh murder suspect has terror links +World,"Britain will not back Iran war, says Straw" +Business,Dow jumps more than 100 points +Business,News Corp posts strong results +Business,Update 9: Crude Futures Hold Above \$50 +Business,"European Economies: ECB Keeps Rate at 2, Sees Risks Augmenting" +Business,"Jobless Claims Dip, Productivity Slows" +Business,Honeywell to Sell Its Polyester Unit +Sports,Lehman Selected Captain of 2006 US Ryder Cup Team +Sports,Depor need another quot;miracle quot; after Liverpool defeat +Sports,Brown staying with United until 2008 +World,Arafat in intensive care +World,World: Mixed Reviews For Bush +World,Arabs remind Bush of Mideast peace commitment +Business,"Bharti, six Asian mobile operators form alliance to unify <b>...</b>" +Business,"SBC, BellSouth let their fingers do the walking" +Business,Sears sales up slightly in October; apparel still slumping +Sci/Tech,Roman women #39; beauty skin cream secrets revealed: +Sci/Tech,"Microsoft, Intel Plan Joint Campaign for Media Center" +Sports,Mutu Banned Seven Months by English FA for Taking Cocaine +Sports,Holder Henman Crashes Out of Paris Masters +Sports,Slumping Bayern face the hottest Bundesliga team +Sports,Utah Jazz Team Report - November 4 +Sports,Michigan Tech makes a quick turnaround +World,Kidnappers extend deadline +World,"US Recognises Macedonia State, Greece Protests" +World,Israel #39;s Gaza commander resigns +Business,US labour productivity grows at 1.9 per cent pace in third quarter +Business,"EADS profit soars, earnings forecast up" +Business,Alcan profit soars on higher aluminum prices +Sci/Tech,Hackers reopen stolen code store with Cisco source +Sci/Tech,Human Corpse to Be Shown Rotting on TV +Sci/Tech,Scientists Close in on Source of Cosmic Rays +Sci/Tech,Stuff That Crossed My Mind +Sci/Tech,MSN Music expands farther into Europe +Sci/Tech,Grand Theft Auto: San Andreas - A Second Look +Sports,Spurrier withdraws name from Florida vacancy +Sports,Dravid urges batsmen to hit back +Sports,Ruud boys plot big City kill for Fergie +Sports,Andrade gives Liverpool the initiative +Sports,"Citroen, Peugeot to leave rallying" +Sports,Turin Olympic chief set to quit +Sports,Troutman lifts Michigan Tech line +World,Attacks force aid group from Iraq +World,US to Recognize #39;Republic of Macedonia #39; +World,"Sheikh Zayed buried, sadness overwhelms UAE" +Business,Alcan #39;s Q3 results lifted by Pechiney +Business,Germany unveils debt cut measures +Sci/Tech,"Microsoft, Intel team set to conquer US living rooms" +Sci/Tech,Mystery behind the origin of cosmic rays unraveled: +Sports,Frank signs four-year extension with Nets +World,"EU, Iran to hold talks - Teheran torn in nuclear dispute" +Business,Reserve is set aside for AOL +Business,Air Berlin to Order 70 Airbus A320 Planes +Business,"MCI reports \$3.4B loss, but says it #39;s back on track" +Business,"UPDATE 2-Ace, Marsh fire employees amid industry probe" +Sci/Tech,Cisco Source Code Offered for Sale +Sci/Tech,Google Browser - The Future of the Internet? +Sci/Tech,Spam Is Finally a Crime +Sci/Tech,Napster Claims First with Downloads for Mobiles +Sci/Tech,Handango to provide content for Nokias Preminet +Sports,Tom Lehman: A closer look +Sports,Vote: The Battle of Pennsylvania +World,Sudan hopes for normalised ties with Washington +Business,Qwest Posts 3rd-Qtr Loss; Increases Legal Reserves (Update4) +Business,Update 1: Air Berlin to Buy Up to 110 Airbus Jets +Business,"SBC, BellSouth to buy yellowpages.com" +Business,Red Lobster Posts Higher Same-Store Sales +Sci/Tech,Shadows Loom Over Sun #39;s Open-Source Plans +Sci/Tech,Handango Answers Preminet Call +Sci/Tech,New phishing scam even more insidious +Sports,Frank-ly speaking: Nets sign head coach to extension +Sports,"Champions League: Group C - Juve seal qualification, plus roundup" +Sports,Elvis sure hero will be a hit at Tynecastle +Sports,New Staley to face old teammates +Sports,Players excited to have Randolph +Sports,CITROEN AND PEUGEOT ANNOUNCE RALLY PULL-OUT +World,French hospital denies reports +World,Indonesian cleric ridicules trial +World,Afghan militants set new deadline for UN hostages +World,Violence kills 10 people in Thailand over past two days +World,Ivory Coast Military Bombs Rebel City +Business,Crude Oil Little Changed After Yesterday #39;s Election-Led Rally +Business,Asian telecom firms come together +Business,"Former Merrill bankers, Enron executive convicted over Nigerian <b>...</b>" +Business,Motorola Agrees to Buy Crisnet Inc. +Business,Update 3: Holiday Outlook Brightens for Retailers +Sci/Tech,Open-source details hold up Solaris release +Sci/Tech,Napster Announces Smartphone Music Service +Sci/Tech,The Hitman is Back +Sports,Kahn rejects blame for loss despite late blunder +Sports,Villeneuve checks in with Sauber +Sports,Turin Olympic organizer resigns +World,"Karzai Vows Crackdown on Warlords, Drugs" +World,Ivory Coast Military Attacks Rebel Positions +Business,Oil could hamper euro zone growth +Business,Penn National Bets on Argosy +Business,"Jobless Claims Dip, Productivity Growth Slows" +Sci/Tech,MSN Music expands reach to give iTunes a serious challenge +Sci/Tech,Coastal NI under threat from melting Arctic +Sports,"Kumble, Kartik check Australia after Indian batting collapse:" +Sports,Spurrier #39;s decision not that surprising +Sports,Robbo focused on fight ahead +Sports,Eagles #39; Westbrook listed as questionable +Sports,Peugeot and Citroen to quit WRC +Sports,Nets sign Lawrence Frank to four-year contract extension +World,Minister says three British soldiers killed in Iraq +World,Israeli military commander of Gaza quits +Business,"BellSouth, SBC in new JV; to buy YellowPages.com" +Business,Pfizer Shares Fall on Report of Celebrex Deaths +Sci/Tech,Gates: Microsoft Launches MSN Music In Eight New Nations +Sci/Tech,Researchers Grow Sperm Nursery Cells from Mice +Sci/Tech,First Gamma Ray Image +Sports,Spurrier withdraws from Florida coaching search +Sports,"Peugeot, Citroen will withdraw at" +Sports,Benitez delight after crucial win +Sports,Argentina #39;s Sorin joins Villarreal +Business,Altria CEO Says May Split Company +Business,Fremont Settles Mutual Fund Timing Case +Business,Freddie Mac says 30-year mortgage rate rose to 5.7 +Business,GM Recalls 1.5 Million Vehicles in North America +Sci/Tech,Hubble spots triple eclipse on Jupiter +Sci/Tech,Nokia plots enterprise move +Sports,Kenyon slams #39;weak #39; FA over Mutu ban +Sports,India claw their way back after batting collapse +Sports,Turin Winter Games President to Resign +World,3 British troops killed in Iraq +World,Dr Kalam pays tribute to the late UAE president +Business,Update 4: European Central Bank Keeps Rates Unchanged +Business,"BellSouth, SBC Communications to purchase YellowPages.com" +Sci/Tech,Intel and Microsoft to spread quot;Digital Joy quot; for the holidays +Sci/Tech,Apple also announces European version of iTunes Music Store and <b>...</b> +Sports,Mets introduce Randolph as skipper +Business,Strike vote called at Disney World +Sci/Tech,Centuries-Old Makeup Reveals Roman Beauty Secrets +Sci/Tech,Nicotine Addiction Gene Identified +Sci/Tech,Microsoft: Security requires teamwork +Sci/Tech,BT Reaches New Broadband Heights +Sports,"Capriati Hangs On to Stay in WTA Championships Race, Sharapova <b>...</b>" +World,Ba #39;asyir dismisses bombing charges as #39;joke #39; +World,Asia views Bush victory as boost for war on terror +Business,Genzyme to buy back rights +Business,Update 1: Asset Writedown Leads to \$3.4B MCI Loss +Business,"Nokia says handset market to slow, share to rise" +Sci/Tech,You mean we can alienate customers AND throw money down a rathole? <b>...</b> +Sci/Tech,Film Association To File Lawsuits Against Online Movie Swappers +Sci/Tech,Debate Rages over Sun Open Source Plans +Sports,United Need to Be in Ruud Health +Sports,"Lecavalier signs with Russian team, says Richards headed there <b>...</b>" +World,Arafat in grave condition +World,Father of soldier in anxious wait +Business,Pfizer #39;s Bextra Faces #39;Headline Risk #39; +Business,"Altria Prepares Possible Split, Shares Up" +Business,"BellSouth, SBC Buy YellowPages.com" +Sci/Tech,Hollywood studios to sue computer users for online films piracy +Sci/Tech,"Intel, Microsoft To Debut #39;Digital Joy #39; Campaign" +Sci/Tech,IBM: Practice Makes Perfect for the SOA Initiated +Sports,Randolph introduced as Mets manager +World,Three Black Watch soldiers dead +World,Greece protests US move of recognizing Macedonia +Business,Jurors Begin 2nd Phase Of Enron-Merrill Lynch Trial +Business,Ontario Finance Minister Says Deficit Is Unchanged at C\$2.2 Bln +Sci/Tech,Hollywood launches legal assault on illegal movie downloaders +Sci/Tech, quot;World of Warcraft #39; debuts Nov. 23. +Sports,Drug Test Sidelines Mutu for Seven Months +Sports,Aussie-India test could be over in three days +Sports,Yankees happy for Randolph +World,Bush outlines his vision +Sci/Tech,"Microsoft, Intel Want To Bring #39;Digital Joy #39; To The Home" +Business,Telecom Q1 Result On Track +Business,Celebrex Report Hits Pfizer Shares +Business,"GM, Ford October Sales Fall, Japanese Up" +Sci/Tech,Movie Industry Suing Hundreds Of Alleged Online Pirates +Sci/Tech,Growth Factors Confer Immortality to Sperm-generating Stem Cells +Sci/Tech,New Beagle mission plan revealed +Sports,President of Turin 2006 organising committee resigns: report +Sports,Devil Rays outfielder Baldelli to have surgery +Sports,PGA got it right naming Lehman Ryder Cup captain +World,Three UK soldiers killed in central Iraq +World,"New bombing raid on rebel I. Coast north, French say two dead" +Business,CEO: Altria preparing to break up company +Business,Viacom to bid for Marketwatch +Sci/Tech,MPAA Targets Movie Downloaders +Sci/Tech,Lab-grown sperm fathers baby mice +Sports,Devil Ray Baldelli will undergo knee surgery +Sports,Spurrier won #39;t return to Gators +Sports,Hurricanes looking for defensive improvement +Sports,Nets sign Lawrence Frank to 4-year contract extension +World,Israel blocking Arafat burial in Jerusalem +Business,Crude oil prices climb +Business,"ECB as expected keeps rates at 2 pct, eying euro" +Business,Telecom NZ May Report 14 Rise in 1st-Qtr Profit (Update1) +Business,MCI Reports \$3.4 Billion Loss +Business,Viacom to Bid for MarketWatch +Business,"BellSouth, SBC Communications purchase of YellowPages.com" +Business,Fremont settles +Sci/Tech,Update 1: Source: Film Industry Suing Computer Users +Sci/Tech,IBM ups investment in modular-software push +Sci/Tech,Microsoft to Help Users Prep for Patching +Sci/Tech,Blizzard Entertainment Announces World of Warcraft #39;Street Date #39; <b>...</b> +Sci/Tech,Strong broadband business at BT +Sports,Shaq tries to put Miami vise on LeBron +Sports,A one-Man show: Ruud blasts four past Sparta +World,Three British soldiers killed in suicide attack +World,"Karzai Pledges Crackdown On Commanders, Drugs" +Business,UPDATE 4-Oil eases in post-US election lull +Business,Viacom says it plans to bid for all of MarketWatch +Business,Altria considers breakup +Sci/Tech,Molecule may be key to nicotine addiction +Sci/Tech,IT expert eyes RP as Internet program hub +Sports,Ruud and Roy Special +Sports,Brennan to leave Vermont job after season +World,Palestinians Transferring Arafat #39;s Financial Power +World,Bush says main objective in Iraq is free elections +Business,OPEC to monitor impact of US election on oil prices +Business,Qwest posts quarterly loss after SEC settlement +Business,"BellSouth, SBC to Jointly Buy YellowPages" +Business,Ontario Budget Deficit Is Unchanged at C\$2.2 Billion (Update1) +Sci/Tech,Movie Industry Targets The Internet In Piracy Battle +Sci/Tech,Microsoft Adds Europe to Download Music Service +Sports,"Turin Olympics chief organizer resigns, citing power struggle" +Sports,VfB Stuttgart 3-0 Benfica: FT Report +Sports,Smoot Happy With Progress of Contract Talks +World,EP Socialist Group hails Barroso #39;s revamping efforts +Business,Altria Preparing for Possible Split-Up +Business,Linux #39;s Latest Moneymaker +Sports,Spurrier Won #39;t Be Back Next Year +World,Israel and Palestinians brace for worst with Arafat #39;brain dead #39; +World,How Europe Sees It +Business,"Nokia Says Handset Market to Slow, Share to Rise" +Business,Sears Sales Rise on Appliance Strength +Sci/Tech,Movie Studios Plan Lawsuits This Month Against Online Pirates +Sci/Tech,Sperm Stem Cells May Treat Infertility +Sci/Tech,Phishing Without a Lure +World,Ivory Coast Warplanes Bomb Rebel City +World,UN envoy warns of deteriorating security situation in western <b>...</b> +Business,Manulife 3rd-Qtr Profit Rises on Hancock Purchase (Update1) +Business,NY state economic development agency approves proposal +Sci/Tech,Mutant Mice Help Shed Light on Tobacco Addiction +Sci/Tech,Nicotine Addiction Gene Identified +Sci/Tech,Novell CEO Office Vice Chairman to Leave +Sci/Tech,IBM Supercomputer Again Claims Record +Sports,Hubby Tiger mediocre in return to action +Sports,Easy For Newcastle +Sports,UEFA Cup: Zenden double gives Boro win over Lazio +World,EU leaders consider bigger role in Iraq +World,Seoul worried about Bush #39;s N. Korea stance +Business,Airbus-maker EADS raises forecasts +Sci/Tech,Hollywood lawsuits to strike Net pirates +Sci/Tech,IBM supercomputer claims new record +Sci/Tech,IBM Supercomputer Again Claims Record +Sci/Tech,Opera Software and SlipStream Data partner to accelerate Opera <b>...</b> +Sports,Clarke joint leader in season-ending Tour Championship +Sports,Boro sinks Lazio +World,Jenkins sentenced after pleading guilty to desertion +World,Aid workers increasingly a target in conflict zones +World,Koizumi hopes US ties deepen +Business,AUSTRALIA PRESS: Malone Snaps Up Bigger News Corp Stake +Business,Update 3: CEO: Altria Preparing to Break Up Company +Business,Conexant Shares Plunge on 4Q Loss +Business,Casino workers end strike in Atlantic City +Sci/Tech,MPAA to Sue Movie File Swappers +Sci/Tech,Reports: Halo 2 already on sale in Midwest +Sports,Capriati and Molik advance at Advanta Championships +Sports,Turin #39;06 organizer resigns +Sports,"Lyon, United make merry" +Sports,Lehman the right man to lead Ryder Cup revival +World,Iraq suicide bomber kills three men of Black Watch +Sci/Tech,"Make-up, another thing the Romans did for us" +Sci/Tech,MPAA Sues P2P Movie Fans to Reduce Piracy +Sci/Tech,IBM Supercomputer Sets New Speed Record +Sci/Tech,Microsoft wants servers to drive Office sales +Sci/Tech,Novell Slides on Exec Departure +Sci/Tech,Altec Lansing MX5020 Speakers +Sports,Double Dutch to Lazio +Sports,Turin Winter Games President to Resign +Sports,"Van Nistelrooy is both workhorse and thoroughbred, target man and <b>...</b>" +World,Strong quake jolts northern Japan +Business,Singapore Telecom #39;s Lee Says Impact of Cheap Calls Limited +Business,Hartford executive #39;s stock sale probed +Sci/Tech,"Cisco Source Code Up For Sale: Only \$24,000" +Sci/Tech,IBM Forms SOA Practice +Sci/Tech,Elegant Bose SoundDock Broadcasts Your IPod #39;s Music +Sports, #39;Special #39; Win for Boro +Sports,Shearer shows lasting value +Sports,Radcliffe facing tall order after Athens +Sports,Cowart might not be back against Buffalo +World,Arafat reportedly in a coma +Business,CEO Louis Camilleri says Altria preparing to break up company +Business,Cardinal 1Q Earnings Fall 25 Percent +Business,Conexant Sees Continued Revenue Decline +Business,Viacom confirms MarketWatch interest +Business,FDA Researcher Says Supervisors Delayed Vioxx Study That Found <b>...</b> +Sci/Tech,Hollywood Wants File Sharers to Fade Out +Sci/Tech,Microsoft wants servers to drive Office sales +Sci/Tech,Stone Rolls Away From Novell +Sci/Tech,Internet bankers face new phishing scam +Sci/Tech,MSN Music launched in eight European countries +Sports,Sacked Chelsea striker Mutu banned 7 months +World,Mystery surrounds what ails Arafat +World,US #39;s Syria embassy temporarily closed +Business,OPEC To Monitor Impact of US Polls on Oil Prices +Business,ECB chief warns on oil prices +Business,FDA Official Alleges Vioxx Report Obstruction +Business,Gambling board gives conditional OK to Bangor slot license +Sci/Tech,"Microsoft, Intel Ads Coming to a Screen Near You" +Sports,WSU Notes and Quotes From Pacific-10 Men #39;s Basketball Media Day +Sports,Three East Carolina players involved in car accident +Business,Merck Should Have Pulled Vioxx in 2000 -Study +Business,Viacom Will Bid for Marketwatch +Business,Commonwealth Bank Affirms EPS Growth at Least 10 Through 2006 +Business,"SBC, BellSouth Buying YellowPages.com" +Sci/Tech,IBM Supercomputer Claims New Record +Sci/Tech,Cornell moves into the driver #39;s seat for Mars rovers +Sports,Zenden brace invigorates vibrant Middlesbrough +Sports,NJ Drops Rape Charges Against 2 Teens +World,Arafat supporters hold overnight vigil outside hospital in Paris <b>...</b> +World,Three British soldiers killed in Iraq +Business,US investor raises stakes in shift of News Corp power +Business,European Central Bank to maintain rates as costs surge +Business,Australia #39;s Seven 1H05 EBIT To Be Down 20 On 1H04 -2- +Sci/Tech,2 NC residents convicted of spamming +Sci/Tech,Microsoft Shores Up Security Effort +Sports,Henman is scuttled by Youzhny #39;s guile +Sports,Newcastle stumble past poor opponents +Sports,Eagles ink Brown to six year deal +World,UN condemns Ivory Coast bombing +Business,House price slide puts rates on hold +Business,Cazenove set to unveil tie-up with JP Morgan +Business,About China #39;s Richest +Sci/Tech,MPAA Does the Unexpected: Targets Downloaders +Sci/Tech,Cisco source code for sale +Sci/Tech,Hope for the hooked after scientists find nicotine gene +Sci/Tech,Sperm grown in the lab fertilises eggs +Sci/Tech,Xbox execs on Sony PSP +Sports,Hauritz fills the boots of Warne +Sports,Turin chief frozen out +Sports,Eagles CB Brown signs six-year extension +Sports,"NY, NY: Randolph takes over hometown team" +Sports, #39;Escalation of success #39; is groundwork for disaster +Sports,F-16 fighter jet attacks school +World,Militants used grenade attacks to lure Black Watch into deadly <b>...</b> +World,"Darfur crisis now affects two million, UN reports" +Business,Damning report on EU economic ambitions under fire +Business,Australia #39;s Seven Chmn Stokes: No Plans To Sell 43 Stake +Business,Judge freezes \$600 million linked to tax scheme peddled to doctors +Business,"State financial picture brightening - on income side, at least" +Sports,Saints-Chargers game blacked out +World,Note left on body had death threat +World,Barroso claims his revamped team will now win backing from MEPs +Business,Rates pegged as house prices drop +Business,Australia #39;s Seven Chmn: No Plans To Sell 43 Stake -2- +Business,Airbus beats Boeing to \$6bn order from low-cost carriers +Sci/Tech,Linux cluster companies attract new funds +Sports,Middlesbrough Beats Lazio in UEFA Cup Soccer Match (Update1) +Sports,Notes: Randolph to tutor Matsui +Sports,Jet fires rounds through school +Sports,"Oregon State latest to try to slow Bush, USC" +World,Three British troops killed +World,Darfur talks near collapse +World,A tragedy and an opportunity +Business,Lawmakers approve \$242 million package for Dell +Business,SEC: Ponzi Scheme Preyed on LA Blacks +Business,Arthritis drug warnings #39;ignored #39; +Business,Sorbara says #39;restraint #39; required to stay on plan to balance <b>...</b> +Sci/Tech,IBM #39;s Blue Gene Picks Up Speed +Sports,"At Vermont, starting at point a 4-year lock" +Sports,Woody Williams won 11 games for the Cardinals in 2004. (Eric Gay <b>...</b> +World,BUSH #39;S MIDDLE EAST SETBACK FOR BLAIR +Business,MCI and Qwest Report Large Losses as Revenue Falls +Business,First contract signed with US companies at Havana Trade Fair +Sci/Tech,Hollywood lawsuits to strike Net pirates +Sports,Kastor remains in awe of Radcliffe +Sports,Tiger Woods sues yacht builder over use of his name +World,3 UK Black Watch members among 17 killed in Iraq attacks +World,UN Envoy: Darfur Sliding Toward Anarchy +Business,ECB toughens stance over inflation dangers +Business,\$500 Million Frozen in IRS Crackdown in Doctors #39; Tax Case +Business,Altria Seeks Ways to Split Into 3 Units +Business,SEC: Scheme targeted LA black community +Business,"Toyota, Honda, Nissan Lead Asians to Peak US Share (Update4)" +Sci/Tech,Nokia Sees Multimedia Phones As Major Growth Driver in Asia <b>...</b> +Sports,"Beat goes on for Manuel, Thome" +Sports,Eagles lock up CB Brown with extension +Sports,Gay playwright #39;s a natural for writing about baseball +World,Ivory Coast Cease-Fire Ends With Airstrikes Against 2 Rebel Towns +Business,Weather Service Praises Its Isabel Response +Sci/Tech,Movie Studios to Sue Internet File Traders +Sci/Tech,Cornell explores Mars +Sci/Tech,Microsoft E-Mail Looks Like Spam to Some +Sports,"To Play Late, Play Well, Wilkens Tells Knicks" +World,"Suspected Muslim rebels attack monk-protection unit, killing one <b>...</b>" +Business,"Bush, Retailers Drop in Oil Prices Give Markets Boost" +Business,OPEC To Monitor Oil Prices in Wake of US Election +Business,Insurance Executives Fired in Bid Probe +Business,Wachovia to Pay \$37 Million SEC Fine +Business,Lawyer in Philly corruption probe dies +Sci/Tech,Movie Industry Preparing Suits on File Sharing +Sports,A Chipper New Skipper +Sports,"Accuser in Montclair Rape Case Consented to Sex, Sources Say" +Sci/Tech,Mars Rovers Get Mystery Power Boost +Sports,McClaren Hails quot;Special quot; Boro +Sports,Astros #39; Clemens Said Close to Retirement +World,"Darfur Increasingly Unstable, UN Envoy Warns" +Business,Liberty will up vote in News Corp. +Business,United Seeks \$2 Billion More in Cost Cuts +Business,House prices down by 1.1 +Business,NYRA Picks Chief Out of Racing Form +Sports,HENMAN PUTS FRENCH WOE BEHIND HIM +Sports,Carragher: Euro success will fund new Liverpool striker +Sports,Leyland Reflects on the Job That Got Away +Sports,Eagles ink CB Brown to six-year extension +Sports,Fans mourn death of Sergei Zholtok +World,Italy #39;s steady Frattini heading to EU Commission +World,Afghan talks break down but Nayan may be spared +World,Karzai pledges to check warlords +Business,FDA Unveils New Rules For Supplement Labels +Business,October Airline Traffic Up at Independence +Sports,RADCLIFFE READY TO TACKLE BIG APPLE +Sports,Thome honored for work off field +Business,United Airlines details new contract proposals that include <b>...</b> +Sci/Tech,China: commercial flights in 20 years +Sports,(14) Louisville 56 Memphis 49 +Sports,Losing start for Charlotte +Sports,LATE KICK MAY BOOST RADCLIFFE +World,Government planes bomb rebel towns in Ivory Coast +Business,Update 3: United Aims to Replace Pension Plan +Business,NY public transit authority reduces proposed fare hikes +Business,October retail sales reassuring +Sports,"Clemens considers retirement, but no decision yet" +World,British troops killed in Iraq suicide bombing +Business,Verizon to buy Nextwave licenses for \$3 billion +Business,BODY COUNT RISES +Business,Qwest trims loss; sales decline slows +Sci/Tech,Studios to sue over online film piracy +Sci/Tech,Didn #39;t Take Long: IBM Regains Supercomputing Crown +Sci/Tech,"Mars rovers struggle with sandy slopes, solar winter" +Sci/Tech,"Intel, Microsoft Run Digital Home Campaign" +Sci/Tech,Pacific Assault Director #39;s Edition ships +Sports,Disbelieving Hauritz bowled over by Bombay turn +Sports,Bonds Named Player Of The Year By MLB Players +Sports,Spurrier withdraws from coach search +World,"Darfur falling into anarchy, collapse: UN" +World,Bush pledges to carry on fight against terrorism +World,Deadline for UN workers extended +Business,Analysts await update on Marsh probe +Business, #39;Experts ignored risks of drug #39; +Business,"Altria up on outlook, possible breakup" +Sci/Tech,Xbox Ghost Recon 2 deploys 2 weeks early +Sports,Kastor carries new celebrity status into NYC Marathon +Sports,Arizona #39;s Stoops not enjoying first taste of losing +Business,Verizon to Buy NextWave Licenses for \$3 Billion +Business,Vioxx Dangers Were Known In 2000 +Sci/Tech,Major movie studios vow to sue Internet pirates +Sci/Tech,Spirit captures some evidence that underground source created rock <b>...</b> +Sci/Tech,Scientists close in on source of cosmic rays +Sports,"India, Australia evenly poised at lunch" +Sports,Offense owns the night +Sports,Boosters Say They Understand Spurrier #39;s Decision +World,Thailand Braces for Worse Violence in the South -PM +World,Hungary to pull troops from Iraq +Business,Official to Leave Fed for College Post +Sci/Tech,Blue Gene breaks speed records +Sci/Tech,Thieves spoil release of hot new video games +Sci/Tech,EA #39;s Medal of Honor Pacific Assault Director #39;s Edition PC-DVD in <b>...</b> +Sports,"A three-way tie, and Singh lurking" +Sports,Will Spurrier take a swing? UF has few sure candidates past ex <b>...</b> +Sports,Trio of talented backs lift Vikings +Sports,Phils appear to be settling for 2nd-best +World,3 Britons killed in Iraq +World,Buddhist chief beheaded in revenge for Muslim deaths +World,US soldier killed by roadside bomb in Iraq +Business,United Airlines Seeks Staff Concessions +Sports,Undefeated Diaz retains title +Sports,Baseball: Mets introduce Willie Randolph as manager +World,Russia OKs Global Warming Treaty +World,3 British soldiers die in Iraq +Business,McTeer appointed new A amp;M chancellor +Sci/Tech,Studios launch legal offensive against online movie swappers +Sci/Tech,Rover control shifts to Ithaca +Sci/Tech,Video game pirates hard at work +Sports,Houston no problem so Henman takes off +Sports,Nuggets Nudge Timberwolves 94-92 in OT +Sports,"No. 14 Louisville Defeats Memphis, 56-49" +Business,ACE changes its practices +Business,Japan Airlines Returns to Profit +Business,"UPDATE:Australia Seven Lags Nine, Ten Amid Bleak Outlook" +Sci/Tech,Planetary Society Asks People to Imagine Titan Surface +Sports,"NBA Wrap: Heat Downs Cavaliers, 92-86" +Sports,"For Woods, Els, #39;It was a tough day #39;" +Sports,Mutu in pledge to rebuild career +Sports, #39;Perfect #39; Boro Have Mcclaren Purring +Sports,Shorter season would liven up Series +World,Putin Signs Bill to Ratify Kyoto Protocol +World,"US Seals Off Iraq #39;s Falluja, Air Raids Kill Three" +World,Lawyer says deserter believes sentence was fair +World,Fallujah focus for US forces +Business,"Markets surge on oil drop, election" +Business,Australia #39;s Commonwealth Bank says earnings set to increase +Business,Update 1: McTeer Seen As Raising Dallas Fed Profile +Business,Seven shares dive on downgrade +Business,Nokia Plans 40 New Handsets for 2005 +Sci/Tech,MPAA to Take Legal Action +Sci/Tech,Clue to nicotine addiction found +Sci/Tech,VUG Goes For #39;True #39; Simultaneous Release With Half-Life 2? +Sci/Tech,Phishing Attacks May No Longer Require Lure +Sports,Shaq debuts in Miami win over New Jersey +Sports,Bobcats fall in first regular-season game +Sports,Cats try to bust out of cellar +Sports,The strain starts to tell for Irureta +Sports,Charges dropped against MHS students in rape case +World,"Arafat in Coma, Critical State -Palestinian Envoy" +World,Arafat and Palestinians +World,US closes Syrian embassy +Business,Qwest posts loss of \$569 million in third quarter +Business,Japan Air #39;s 2nd-Qtr Profit Soars Sixfold on Demand (Update2) +Business,Ralph fires risk warning +Sci/Tech,SPAMMER IN THE SLAMMER +Sci/Tech,Cornell moves into the driver #39;s seat for Mars rovers +Sci/Tech,Munch Museum will stay closed until 05 +Sports,Notebook: Spurrier #39;s news may affect UW job search +Sports,Notebook: Cardinals #39; Williams files for free agency +Sports,"Roddick, Henman upset at Paris Masters" +Sports,Wizards welcome Bobcats to NBA +Sports,Nuggets snag win this time +Sports,"Don #39;t blame Manuel, yet" +Sports,ATHLETICS: I CAN #39;T LET ATHENS AGONY DESTROY MY LIFE +Business,United seeks pension cuts +Business,"JP Morgan, Cazenove agree joint venture deal" +Sci/Tech,MPAA to sue Net pirates +Sci/Tech,Study of nicotine addiction advances +Sci/Tech,Drastic changes to Scream museum +Sci/Tech,Planets in dazzling array; conjunction peaks next week +Sports,Former Chelsea Football Club star will return to football +Sports,Notes: NCAA #39;s Brand wants fiscal responsibility +Sports,Radcliffe out to put Athens in rearview mirror +World,Putin approves ratification of Kyoto Protocol +Business,"Cazenove, JP Morgan Unveil Joint Venture" +Business,Retailers grin over Oct. sales +Sci/Tech,IBM Builds Worlds Fastest Computer +Sci/Tech,Hitman: Blood Money announced +Sports,Shaq is hot stuff +Sports,Henman targets Houston +Sports,VENUS NARROWLY AVOIDS UPSET +Sports,Locals take Spurrier decision in stride +Sports,Nuggets battle past T-wolves in overtime +World,Jail sought for #39;JI bomb tutor #39; +Business,"Bush rally continues, with Dow soaring 177" +Business,Oil price drops below \$49 mark +Business,Backs off drastic fare amp; service plans +Business,Cazenove in JP Morgan deal +Business,Three Bid on Australia National Bank Units +Sci/Tech,Virginia Convicts NC Spammers +Sci/Tech,Solaris source code schedule slips +Sci/Tech,Microsoft to step up music sales effort +Sports,Clarke eyeing first win +Sports,Spurrier to UF: Look elsewhere +Sports,United prepare for a flood +Business,Japan air profit up on overseas demand +Sci/Tech,Trio of Hot New Games Victimized by Piracy +Sports,Middlesbrough Football Club boss hails perfect team +Business,Judge freezes \$500 million linked to Xelan +Business,City poised to give +Sci/Tech,Studios to sue net movie swappers +Sci/Tech,Cry foul over NBA +Sports," #39;Boro, Magpies notch UEFA group wins" +Sports,Peugeot and Citroen to pull out of racing +Sports,Crystal Palace v Arsenal +Sports,Fool #39;s gold or silver lining? +World,Arafat #39;s passing could remove roadblock to US peace efforts +World,Threats to Dutch Politicians After Killing +World,"US jets, artillery hit Fallujah" +World,Barroso makes limited changes to Commission +Business,Oracle faces the masses at OpenWorld +Business,Stock buybacks not always a good sign +World,U.S. Forces Set for Imminent Assault on Iraq's Falluja (Reuters) +Sci/Tech,Trio of Hot New Games Victimized by Piracy (AP) +Business,Study reports jump in SUV ownership +Sci/Tech,IBM Supercomputer Again Claims Record (AP) +Business,United Airlines Seeks Staff Concessions (Reuters) +World,Chirac Denies He Refused to See Iraq's Allawi (Reuters) +Sports,Chiefs' Holmes on Track for 32 Touchdowns (AP) +Sci/Tech,"Seeking Edge, Hoop Teams Try Video Game (AP)" +World,Afghan Kidnappers Meet on Fate of U.N. Hostages (Reuters) +Sci/Tech,REVIEW: Device Lets You Record Radio Shows (AP) +Business,Time for Alternative Minimum Tactics +Sci/Tech,Ex-Student Indicted on Hacking Charges (AP) +Business,"Cazenove, JP Morgan Unveil Joint Venture (Reuters)" +Sci/Tech,Taipei Plans City-Wide Wi-Fi by End 2005 (Reuters) +Business,"Jobless Claims, Productivity Growth Dip (Reuters)" +Sports,Shaq a big draw in home debut for Heat (AFP) +Sci/Tech,"Nokia Says Handset Market to Slow, Share to Rise (Reuters)" +Sports,Giants Pitcher Pleased by Honor From Peers (AP) +Sci/Tech,Nokia Plans 40 New Handsets for 2005 (AP) +World,Chidambaram says possible to raise GDP growth to 7-8 pct (Reuters) +Business,United Aims to Replace Pension Plan (AP) +Sports,Drug Test Sidelines Mutu for Seven Months (AP) +Sci/Tech,Linux Networx Lands #36;40 Million Funding (TechWeb) +World,"Martens not guilty, says her days in assisted suicide movement are over (Canadian Press)" +Business,Holiday Outlook Brightens for Retailers (AP) +Sports,Southern Miss Looks to Extend Win Streak (AP) +Sci/Tech,Microsoft To Issue Early Warnings For Patch Tuesday (TechWeb) +Sports,Venus Advances at Advanta Championships (AP) +Sci/Tech,A So-So Debut For Microsoft's Blog Service +Sci/Tech,Sun Capital buys Honeywell unit (TheDeal.com) +World,"Bush Vows No Letup in Iraq, War on Terror (AP)" +Sci/Tech,World of Warcraft coming Nov. 23 (MacCentral) +World,Elizabeth Edwards Has Breast Cancer (AP) +Sci/Tech,Congressional Republicans to Push Stem-Cell Issue (Reuters) +World,Democrats Have Bad Case of the Blues (AP) +Sports,Three Hold Lead at Tour Championship (AP) +Sci/Tech,Researchers Grow Sperm Nursery Cells from Mice (Reuters) +Sci/Tech,Scientists Close in on Source of Cosmic Rays (Reuters) +Sci/Tech,Tin of Ancient Roman Cosmetic Cream Found in UK (Reuters) +Business,Dollar Struggles Above Record Lows +World,Rehnquist More Likely to Step Aside Now (AP) +Sci/Tech,Adviser: Britain Hopes to Push U.S. on Climate Change (Reuters) +Sci/Tech,Study: Antarctic Wildlife Facing Food Shortages (Reuters) +Sports,Venus Leads Seeds Into Advanta Quarter-Finals +Sci/Tech,France Suspends Hunting to Save Orphaned Bear Cub (Reuters) +Business,"Cazenove, JP Morgan Unveil Joint Venture" +World,Putin keeps IT-date with Infosys +Sports,"Roddick, Henman Bounced from the Paris Masters" +World,U.N.: Sudan Forces Relocating Refugees (AP) +Sports,WADA: Botched Tests Allowed Hamilton to Keep Olympic Gold +Business,Stocks Rally as Oil Prices Drop +Sci/Tech,Astronomers Untangle Black Hole Radiation (SPACE.com) +Business,Retail Sales Rise Is Biggest in Months +Sci/Tech,Control of Mars Rovers Shifts to Cornell (AP) +Sports,Spurrier Withdraws Name from Florida Vacancy +Sci/Tech,Titan: A Good Mystery (SPACE.com) +Sci/Tech,Mars Rovers Get Mystery Power Boost (AP) +Sci/Tech,Digital Temblors: Computer Model Successfully Forecasts Earthquakes (SPACE.com) +World,Chirac Denies He Refused to See Iraq's Allawi +Sci/Tech,"Deer, Raccoons Are the Top Crop Raiders (AP)" +Sci/Tech,Possible Source of Cosmic Rays Found (SPACE.com) +Sports,Pioli may be Browns #39; best bet +Sci/Tech,Program Turns Restaurant Food to Compost (AP) +Sci/Tech,Mystery of Magnetic Stars Solved (SPACE.com) +Sci/Tech,Scientists Search for War Remnants in Ga. (AP) +Sports,Phillies Name Manuel as Their New Manager +Business,All Geared Up to Serve +World,"Ivory Coast Opposition Targeted, War Fears Grow" +Sci/Tech,432-Year Search: Lost Star Found (SPACE.com) +Sports,Serie A wrap: Milan close on Juve - Inter thump Messina +Business,"Bush, Retailers Drop in Oil Prices Give Markets Boost" +Sci/Tech,"Study: Penguin, Seal Food Source Shrinks (AP)" +Business,Insurance Executives Fired in Bid Probe +Sports,Mets and Randolph Launch a New Era +Sports,Lonard wins Australian PGA Championship +Sci/Tech,Scientists Intrigued by Rare Dead Whale (AP) +Sports,"Unshaken by Loss, Nets Extend Frank" +Business,Judge Refuses to Delay Rouse Shareholder Vote +Business,Upscale Hotel Planned in Prince William County +Sci/Tech,Memphis Has No Days of High Air Pollution (AP) +Sports,Haas Lines Up Perfect Ending to Season +Business,BP and Sinopec in retail tie-up +Sci/Tech,Researchers Get Grant for Vaccine Study (AP) +World,Waging 'inner jihad' on an empty stomach +Sci/Tech,Scientist Stephen Hawking Decries Iraq War (AP) +World,Aid workers increasingly a target in conflict zones +Business,Price war hurts telecoms firm MCI +Sports,Championship tour rolls on +Business,India power shares jump on debut +Sci/Tech,Summary: Penguin Food Source Declines (AP) +Sports,Stuck in the middle +Business,EADS boosted by Airbus orders +Sci/Tech,"Ill., Mich. Want New Federal Isotope Lab (AP)" +Business,"Brown may miss target, PwC says" +World,Chirac 'snubs' Allawi at EU talks +Business,UK house market 'losing impetus' +Sci/Tech,UNH Center to Study Stormwater Treatment (AP) +Sports,Dillon is not yet up to speed +Business,Cahoot hit by web security scare +World,Ex-East Timor governor acquitted +Sports,Fatalism? It's an old frame of mind +Business,Broadband in the UK growing fast +Sci/Tech,Restoration Said May Help Gulf of Maine (AP) +Business,Nigeria union calls second strike +Sports,Zholtok death shakes hockey world +Sci/Tech,Experts Study Skeletal Remains in Utah (AP) +Business,Convictions in Enron fraud trial +Sports,Key New England games +Sci/Tech,Study: Bears Kill More Elk Than Wolves (AP) +Sports,Receiver refused to lose grip +World,UN condemns Ivory Coast bombing +Sports,UMass draws support +Business,Trouser traders scent foul play +Sports,Hopefuls in the homestretch +Sci/Tech,Rare White Rattlesnake Finds Home (AP) +Business,Germany unveils debt cut measures +Sports,Fighting over Brown +Business,India and Iran in gas partnership +Sports,Brennan has the last word +Sci/Tech,Study Links Tree Rings to Global Warming (AP) +Sports,"Bentley, C.W. Post expect to have berth marks" +World,Japan warns of prison crowding +Business,SFO to investigate BAE contracts +Sports,Louisville holds off Memphis +Business,India raises petrol pump prices +Sci/Tech,Failed Mars Probe Blamed on Lack of Funds (AP) +Sports,Saving grace +World,Football: Uefa Cup round-up +Business,Textiles boost Bangladesh exports +Sci/Tech,Researcher Risks Killer Snails for Study (AP) +Sports,Late charge lifts Wellesley +Business,A national league +Sci/Tech,Alaska's Lone Elephant Getting Treadmill (AP) +Sports,Matt Nuzzo +Business,Gold Fields fate now in the hands of shareholders +Sci/Tech,Cassini Sending Back Data on Saturn Moon (AP) +World,Dead Black Watch soldiers named +Business,Electric plan could hit consumers +Sports,This week's schedule +Sci/Tech,Farming Killer Cone Snails a Risky Affair (AP) +Business,Citizens plans push to get customers to switch banks +World,Arthritis drug warnings 'ignored' +Business,"Markets surge on oil drop, election" +World,Awesome power of Iceland volcano +Business,Productivity growth slows +World,Supercomputer breaks speed record +Sports,Mitchell has leg up on rematch +Business,Dynogen enters drug licensing deal +Sports,"This weekend on TV, radio" +Business,Local firm in pact to turn corn to plastic +Sports,Shaq turns up Heat at home +Business,Merck could suffer from Vioxx lawsuits +Business,"Fremont settles with Spitzer, SEC" +World,Note on slain filmmaker's body makes threat on Dutch politician +World,Antiterror change urged in Europe +Sports,Wizards Play Spoiler +Business,United Seeks an Additional \$2 Billion in Cost Cuts +Sports,Journey Nears an End +World,Soldiers say they watched 'chaos' as Iraqis looted munitions +Business,Ace Dismisses 2 Executives in Response to Inquiry +Sports,Shaq Wins Home Debut +Sports,Spurrier Pulls Out +Business,Service Bundling Sweeps Up +Sports,Davis Gets a Grip +World,"Arafat's Condition Is Deteriorating, Reports Indicate" +Sports,Cardinals Outgun Tigers +Sports,No More Clubbing +Sports,Colonials Favored +Business,MCI Could Become a Value +World,"Despite G.O.P. Gain, Fight Over Judges Remains" +Sports,Singh Hangs Close +World,Oldest Profession Is Still One of the Oldest Lures for Young Nigerian Women +Sports,T. Batista a Free Agent +Business,Reasons to Like Four Seasons +Sports,Clemens Still Not Sure +Sci/Tech,"George Walker Bush, Jr., Re-elected President of the United States" +World,Confusion Marks Reports on Arafat +Sci/Tech,An Introduction to Scoring Baseball Games +World,Finding Courage at Iraq Field Hospital +Sci/Tech,Electoral College Change Without Amendments +World,Australian Says Practicality Key in Iraq +Sci/Tech,Understanding Aviation +Sci/Tech,Al Qaeda claim to 9-11 Bodes Ill +Sci/Tech,A Tale of Two Osamas +Sci/Tech,Why YAML? Why not? +Sci/Tech,Hillary Rosen Loves Larry Lessig (and other improbable tales) +Sci/Tech,The Rumors on the Internets +Sci/Tech,Rojo Hits 1 Million Feeds +World,Karzai Officially Declared Winner +World,Latin American Leaders Discuss Haiti +Sci/Tech,In AD 2004 +World,Fujimori on List Blocking Entry to U.S. +World,US Group Seeks to Defuse Venezuela Funding Row +Sci/Tech,More Election Response +Sci/Tech,Another Four Horrible Years. +Sci/Tech,No More Books +World,Power Struggle +Business,EDS again postpones Q3 earnings report +World,French Plays Defense +World,A Lapdog Bares its Fangs +Sports,"No style points, only a win for Illini" +Business,Salesforce.com unveils Winter '05 at user conference +Business,BEA touts industry-specific solutions initiative +Business,Spam Is Finally a Crime +Business,XM Makes a RadioPod +Sports,Meyer makes it official +Business,"Pols, Don't Count on Recounts" +Business,China Cracks Down on I-Cafes +Business,Smart Web Changes World +Business,Brazilians Hot For Broadband +Sci/Tech,"3D patent suit extended to Dell, HP, IBM, Sony, others" +Sports,Sugar Bowl will leave Tigers with bitter taste +Business,Dollar Struggles Before U.S. Jobs Report +Sci/Tech,MPAA to Sue Over Movie File Sharing +Sci/Tech,Microsoft E-Mail Looks Like Spam to Some +Sci/Tech,Third-Quarter Loss \$3.4 Billion for MCI +Sci/Tech,Jury Finds 2 Guilty of Felony Spam +Sci/Tech,FBI Pursuing More Cyber-Crime Cases +Sci/Tech,Tech Investors See Brighter Future +Sci/Tech,Bloggers Gain Attention In 2004 Election +Sci/Tech,XM Satellite Radio's Loss Narrows +Sci/Tech,Time Warner Plans for Settlement +Sci/Tech,Citigroup Unit Violated Its Fiduciary Duty +Sci/Tech,Huang to Push For a Research Institution +Business,Cazenove links up with JP Morgan +Sci/Tech,How to Make the Right Call on Cell Plans +Sci/Tech,Annual Cell Phone Guide +Sci/Tech,'San Andreas' Among Best Games +Sci/Tech,Supercomputer breaks speed record +Sci/Tech,World 'will act on climate gases' +Sports,Kovalainen stuns competition in +Sci/Tech,Scientists lift veil on Beagle 3 +Sci/Tech,Minister upbeat on climate change +Sci/Tech,Cyprus planes to destroy locusts +Sci/Tech,Roman cosmetic secrets revealed +Sci/Tech,Antarctic food web under threat +Sci/Tech,Supernova produces cosmic rays +Sci/Tech,Sarin 'Gulf war syndrome cause' +Sports,BALCO founder goes public in sports steroids scandal +Sci/Tech,China aims for five days in orbit +Sci/Tech,Nasa to resume shuttle missions +Sci/Tech,Cloning of flies is latest buzz +Sci/Tech,Climate gas cuts 'are affordable' +Sci/Tech,Fury at killing of Pyrenean bear +Sci/Tech,Arctic heads into warmer future +Sci/Tech,Male Fish Producing Eggs in Potomac River +Sci/Tech,Hairy Legs Help Bugs Walk on Water +Sci/Tech,Spellbinding Planets +Sci/Tech,Actor Ewan McGregor on Globe-Spanning Motorbike Adventure +Sci/Tech,Kite-Assisted Expeditions Cover New Ground #151;Fast +Sci/Tech,Fed-up Americans eyeing Canada? +Business,Housing market #39;heading for stagnation #39; +Business,Cazenove joins forces with JP Morgan +Business,Singapore Shares End Slightly Higher +Sci/Tech,Reliving Lewis and Clark: An Adventure in Its Own Right +Sci/Tech,Workplace blues in election aftermath +Sci/Tech,Apple kit rated five out of five by... er... Apple +Sci/Tech,Are Electronic Voting Machines Reliable? +Sci/Tech,The case for women in the technology business +Sci/Tech,"Antarctic Lakes: 145 and Counting, Scientists Say" +Sci/Tech,Photo: Company president holds morale meeting +Sci/Tech,Microsoft wants servers to drive Office sales +Sci/Tech,First US Spam Conviction +Sci/Tech,What triggers nicotine dependency? Revealing study +Sci/Tech,Microsoft to help users prepare for patching +Sci/Tech,Blizzard dates World Of Warcraft in US and Down Under +Sci/Tech, #39;Grand Theft Auto: San Andreas #39;: one wild ride +Sci/Tech,Lost faith in Internet Explorer? Try another browser +Sci/Tech,Munch Museum to Stay Closed Well Into 2005 +Sci/Tech,Nokias smartphones +Sci/Tech,IBM ups investment in modular-software push +Sports,Vijay stalking the leaders in Atlanta +Sports,Turin 2006 president to resign +Sports,Manchester United Football Club in Figo link +Sports,RUUD SCORES +Sports,Enough points to go around +Sports,Teske well placed in Japan +Sci/Tech,Social responsibility in dollars and cents +World,Arafat #39;s health raises questions about Mideast +World,"Militants attack army unit in Thailand, killing one soldier" +Sci/Tech,Cahoot hit by web security scare +Sci/Tech,Open-source details hold up Solaris release +Sci/Tech,SugarCRM to launch on-demand service +Sci/Tech,Gadget show heralds MP3 season +Sci/Tech,Slim PlayStation triples sales +Sci/Tech,EDS delays earnings again +Sci/Tech,Seamen sail into biometric future +Sci/Tech,US duo in first spam conviction +Sci/Tech,Earnings alert: Write-downs widen DirecTV's loss +Sci/Tech,Adobe dipping toes into desktop Linux waters +Sci/Tech,Queen sell pirate music to fans +Sci/Tech,Madagascar Readies More Protected Nature Sites (Reuters) +Sci/Tech,US blogger fired by her airline +Sci/Tech,MP calls for eBay 'gun crackdown' +Sci/Tech,Inuit language finds home on net +Sci/Tech,Linux cluster companies attract new funds +Sci/Tech,Late surge to US campaign sites +World,Winners and losers (USATODAY.com) +Sci/Tech,Asian telecom firms come together +Sci/Tech,Carphone lifted by buoyant sales +Sci/Tech,Sun marketing exec heads to start-up Azul +Sci/Tech,IBM revs supercomputer in rankings race +Sci/Tech,Consumers 'snub portable video' +Sci/Tech,"SIA: Chip sales to hit record, flatten" +Sci/Tech,Intel devising chip line for consumer electronics +Sports,Dossier: Bob Bells review of the 2004 season +Sci/Tech,GTA sequel is criminally good +Sci/Tech,Intel looks to the high end +Sci/Tech,Dell closing in on plans for new U.S. plant? +World,Putin Makes First Visit to Turkey (AP) +World,Afghan Kidnappers Meet on Fate of U.N. Hostages +Sci/Tech,AMD's slow but steady market share gains +Sci/Tech,Taipei Plans City-Wide Wi-Fi by End 2005 +Sci/Tech,Radio Shack exec joins AMD board +Sci/Tech,"Nokia Says Handset Market to Slow, Share to Rise" +Sci/Tech,Exploit code makes IE flaw more dangerous +Sci/Tech,Microsoft Expands European Music Download Business +Sci/Tech,Microsoft: Security requires teamwork +Sci/Tech,Verizon to Buy NextWave Licenses for \$3 Billion +Sci/Tech,16 candles for first Internet worm +Sci/Tech,Programs: 'Larry' Series Is Still Behaving Badly +Sci/Tech,Virus report points to profit-hungry hackers +Sci/Tech,ID cards to double U.K. passport fees +Sci/Tech,"Nokia Challenges Sagem, Vitelcom on Patents" +World,Air of Expectation Is Heavy as G.I.'s Itch to Prove Their Mettle in Falluja +Sci/Tech,Psst...now it's Cisco source code up for sale +Business,Trying to Catch a Falling Currency +Sci/Tech,IE exploit is top of the hacks +Sci/Tech,PluggedIn: Can Radio Kill the Digital Music Star? +Sci/Tech,Microsoft debates spoofing as security flaw +Business,Special jet flies Bell to family +Sci/Tech,Cell Phones Increasingly Used to Snap the News +Sci/Tech,Qwest rides VoIP train to new destinations +Sci/Tech,Cisco target of patent lawsuit +Sci/Tech,Net Banking Fraudsters Step Up the 'Phishing' Scam +Sci/Tech,Openwave names new CEO +Sci/Tech,Sprint in Talks with Qualcomm on TV to Cellphones +Sci/Tech,"SBC, BellSouth let their fingers do the walking" +World,Iran has nuclear talks in Europe +Sci/Tech,Photos: Networks of tomorrow +World,Children killed in Gaza explosion +Business,Dollar Struggles Before U.S. Jobs Report (Reuters) +Sci/Tech,"Cisco, MIT look from lab to market" +Business,Post-election rally rolls +Business,Europe follows US rally +Business,Nokia plans 40 new models in #39;05 +Business,2nd UPDATE: Temasek Cuts SingTel Stake; Raises S\$800M +Business,Verizon Wireless to buy NextWave #39;s licenses for \$3 bn +Sci/Tech,P2P for cell phones: Reach out and share something +Sci/Tech,Time Warner Cable mulling wireless +Sci/Tech,Napster offers service to AT T Wireless users +Sci/Tech,Convicted spammer gets nine years in jail +Sci/Tech,"Enter the World of Warcraft, soon" +Sci/Tech,LOTS OF HOOP-LA IN HARLEM EVICT SUIT +Sci/Tech,RFID royalties suspended for testing +Sports,"Hensby, Appleby close" +Sports,No New Worries for Boro +Sports,Staying home for dream job +Sports,On to what really matters +World,Observers speculate on Mideast peace process without Arafat +World,Chirac to skip EU meeting with Allawi +World,Iran faces tough talks with EU big three +World,Lebanese hostage freed in Iraq +World,"Taiwan issues shooting report, but mystery remains" +Sci/Tech,"At posh hotels, iPod a high-tech mint on the pillow" +Sci/Tech,Gateway looks to pump up direct sales +Sci/Tech,Apple store takes reviews--but not of its own stuff +Sci/Tech,Mac developer looks to Windows to escape Tiger +Sci/Tech,Screen shots: Election night gadgets +Sci/Tech,"Intel, Microsoft team to tout digital home" +Sci/Tech,Newscasters show off election-night gadgetry +Sci/Tech,"PalmOne ponders Microsoft, Linux options" +Business,US jobs and sales figures indicate weakening economy +Sci/Tech,Photo: The Audiovox SMT5600 smart phone +Sci/Tech,Gateway closes AOL chapter with stock buyback +Sci/Tech,Microsoft investigating reports of new IE hole +Sci/Tech,Reporter's notebook: The e-voting debate brought home +Sci/Tech,Wisconsin ruling could set \$300M precedent on modified apps +Sci/Tech,Offshoring company looks to make programmers obsolete in legacy conversion +Sci/Tech,Global chip sales headed for tough times in 2005 +Sci/Tech,EDS again postpones Q3 earnings report +Sci/Tech,"MCI reports \$3.4B loss, but says it's back on track" +Sci/Tech,Internet banking fraudsters step up phishing scam +Sci/Tech,"IBM, SGI win Linux supercomputer deals in Asia" +Sci/Tech,Update: Omnipod beefs up instant messaging service +Sci/Tech,Nokia to revamp mobile handsets +Sci/Tech,Microsoft checks out new IE security flaw reports +Sports,'ROIDS COULD RUIN THE GAME (New York Post) +Sci/Tech,"HP, Brocade hook up for integrated servers" +Sci/Tech,IBM creates SOA practice +Sci/Tech,Microsoft to help users prep for patching +Sci/Tech,Telcos' convergence strategies diverge +Sci/Tech,Update: MCI reports \$3.4B loss but says it's back on track +Sci/Tech,Phishers Adopt Scam Tricks From Virus Writers +Sci/Tech,Microsoft Investigates Reports of New Internet Explorer Hole +Sci/Tech,Microsoft to Help Users Prep for Patching +Sci/Tech,"Microsoft, Intel Spread Digital Joy" +Sci/Tech,Symantec Eyes Mobile Phone Market +Sci/Tech,Mailblocks Finds Its Messages Blocked +Sci/Tech,Tech 2005: What's New and What's Next +Sci/Tech,More E-Voting Problems Reported +Sci/Tech,More Surfers Ditch Internet Explorer +Sci/Tech,Poor Defenders +Sci/Tech,New Media Center OS Plays Well +Sci/Tech,Tech.gov: Paying for Piracy in Advance +Sci/Tech,Qualcomm to Build National Wireless Media Network +Sci/Tech,First Look: NEC's Slick Wi-Fi Projector +Sci/Tech,Tech Spending Outlook Perks Up +Sci/Tech,Search Engine Forums Spotlight +World,Iraq's Allawi Plays Down EU 'Spectators' Remarks (Reuters) +Sci/Tech,Politicians See E-Voting as a Remote Prospect (Reuters) +Sci/Tech,Tuning up your Skills in the Web Search Garage +Sci/Tech,The Search Engine Report - Number 96 +Sci/Tech,Bosch to hire 600 software engineers in India by next year (AFP) +Sci/Tech,Local Search: Missing Pieces Falling into Place +Sci/Tech,Impressions of Search Engine Strategies Stockholm +Sci/Tech,LookSmart and UpSNAP Partner for Cell Phone Directory +Sci/Tech,Feedster Offers RSS Feed Finder +Sci/Tech,Six Ways To Create a Keyword-Rich Domain Name +Sci/Tech,Why you should NOT submit your site on Search Engines +Sci/Tech,Amazon.com Gets Sex Appeal with Adam Eve Deal +Sci/Tech,Importance of Keywords in URLs and Search Engine Ranking +Sci/Tech,Copernic Desktop Search Targeting Multi-Lingual European Markets +Sci/Tech,Yahoo Announces Media Head - Former ABC Chairman Braun +Sci/Tech,ObjectsSearch Offers Open Source Search Results +Sci/Tech,"News: Former University of Texas student indicted for allegedly hacking into computers, stealing info" +Sci/Tech,News: Corporate governance goals impossible - RSA +Sci/Tech,Infocus: SSH User Identities +Sci/Tech,Columnists: The Cost of Security Training +Sci/Tech,Columnists: Phishing For Savvy Users +Sci/Tech,Cell Signaling Technology +Sci/Tech,Reviewing iPod Photo +Sci/Tech,Amazing Animation Effects +Sci/Tech,iPod Photo Worth Every Dime +Sci/Tech,User Serviceable iMac G5 +Sci/Tech,Hardest Tech-Support Job on Earth +Sci/Tech,Phone Sex Is Better Than Porn +Sci/Tech,Incredibles: Another Pixar Winner +Sci/Tech,Progress in an Ancient Tongue +Sci/Tech,Brand Names Take a Beating +Sci/Tech,"Computer Loses 4,500 Votes" +Sci/Tech,Movie Lawsuits on the Way +Sci/Tech,Flu Shots Skin Injection Might Stretch Supply of It +Sci/Tech,Sperm Stem Cells Are Grown Outside Body +Sci/Tech,"Measure Passed, California Weighs Its Future as a Stem Cell Epicenter" +Sci/Tech,Spawning of Interloper Fish in Potomac Worries Experts +Sci/Tech,Drought Unearths a Buried Treasure +Sci/Tech,A Palmtop's Curious Subtraction +Sci/Tech,Have You Called Your Car Lately? +Sci/Tech,Movie Industry Preparing Suits on File Sharing +Sci/Tech,Giving Voice to Video Games +Sci/Tech,Giving Overstuffed Cameras Some Offloading Options +Business,On-time performance soars at O #39;Hare in September +Sci/Tech,Linux cluster storage system takes off +World,Bosnian Government Resigns +World,Seven to be charged with terrorism over killing of filmmaker (AFP) +Sci/Tech,Listwin steps down as CEO at Openwave (SiliconValley.com) +Business,Regions house prices #39;will buck trend #39; +Business,"JPMorgan, Cazenove Announce Joint Venture" +Business,"Despite 1.8bn loss, MCI says it is back on track" +Business,Update 2: Japan Airlines Sees Profit on Int #39;l Travel +Business,Cool weather heats up retail sales +Business,Appliance sales give Sears an Oct. surprise +Business,Musicians push for satellite radio +Business,Shareholders sue Tribune Co. +Sci/Tech,Indonesian experts deny #39;Flores man #39; fossil claim +Sports,NFL FRIDAY: WEEK 9 +World,Top UN arms inspector slams Bush +World,Marines await orders for Fallujah assault +World,EU fast-tracks action to end institutional limbo +World,Security No. 1 for Afghan head +World,Afghan militants may spare Filipino +Sci/Tech,No mutiny from Microsoft's bounty +World,"Iran, EU Nuke Talks Underway, No Breakthrough Seen" +Business,Kuwait Plans Big Oil Project Spending +World,Egypt 'will release Israeli spy' +World,Shining Path leader faces retrial +World,India pull off astounding victory +Business,New menu boosts McDonald's Japan +World,World 'forgets' internal refugees +Sci/Tech,Verizon to Buy NextWave Licenses for \$3 Billion +Sci/Tech,Trio of Hot New Games Victimized by Piracy +Sci/Tech,IBM Supercomputer Again Claims Record +Business,Update 10: Oil Prices Fall on Boost in Crude Supplies +Business,Dividend sweetens Molson-Coors deal +Business,11am Market Update +Sci/Tech,Teraflop topping IBM supercomputer being assembled +Sci/Tech,Qualcomm media network to boost mobile services +Sports,Loeb in limbo as French teams pull out +World,Three British soldiers killed in Iraq suicide attack +World,"Views clash: hero, rogue" +World,Blair Hails Russia Climate Pact Move +World,"Six soldiers killed, air strikes mount ahead of expected Fallujah <b>...</b>" +Sci/Tech,Review: 'San Andreas' Among Best Games (AP) +Sci/Tech,Microsoft E-Mail Looks Like Spam to Some Recipients (washingtonpost.com) +World,Abu Sayyaf kidnapper killed +World,Tibetan exiles in India campaign for monk's release (Reuters) +Sci/Tech,California Company to Make New Anthrax Vaccine (Reuters) +Business,"Molson, Coors to Offer Special Dividend" +Business,Vioxx heart risks apparent for years +Business,Luxury retailers report sales rise +Sci/Tech,Microsoft Improves Security +Sci/Tech,E-gold Tracks Cisco Code Thief +Sports,"NBA: Denver 94, Minnesota 92 (OT)" +World,"EU, meeting Iraqi PM, urged to heal divisions" +World,Philippines Rushes Relief to Flooded Areas +World,Dutch politician threatened in letter pinned with knife to filmmaker's body (Canadian Press) +Sci/Tech,Two Guilty in 1st Felony Spam Conviction (AP) +World,US military 'seals off Falluja' +World,U.S. Troops Urge Civilians to Leave Iraqi Rebel City +World,Iraq Will Hold Elections on Jan 27-Vice President +World,Putin clears way for Kyoto treaty +Sci/Tech,Top Linux exec departs from Novell +Sci/Tech,MSN's download service expanding +Business,Job Gains Strongest in Seven Months +Sci/Tech,IBM aims for top 10 with new Spanish supercomputer +Sci/Tech,Nokia sues over patent and registered designs +Business,Short-Term Rate Futures Sink on Jobs Data +Business,Oil at 5-Week Low as Supply Fears Ease +Business,October Job Growth Stronger Than Expected +Business,Molson and Coors sweeten merger plan with dividend worth \$381 <b>...</b> +Business,MCI reports \$3.4 billion loss +Business,Job growth continues but unemployment rate remains unchanged +Business,Marsh general counsel to resign amid probe +Sci/Tech,MSN #39;s download service expanding +Sci/Tech,Mars rovers working overtime +Sci/Tech,IBM Is Back on Top with Blue Gene Supercomputer +Sci/Tech,Intel readies #39;East Fork #39; digital home PC platform +Sci/Tech,Munch Museum to stay closed well into 2005 +Sports,Stars come out to compete at Advanta Championships at Villanova +Sports,Bellamy on Toon Army battle +Sports,Ol #39; ballcoach draws up another trick play +Sports,"Doping case was flawed, report finds" +Sports,Small Steelers DBs Concerned With Owens (AP) +World,Chirac skips meeting with Allawi +World,Two Palestinian kids killed in Gaza blast +World,Thai PM warns of more violence +World,Coal mine blast in northern China kills 10 miners +Sci/Tech,Studios Launch Legal Offensive Vs. Pirac (AP) +Business,Weak industrial output weighs on British growth (AFP) +Sci/Tech,Review: 'Mortal Kombat' Adds New Modes (AP) +Sci/Tech,Nanotechnology May Change Energy Industry (AP) +Business,Penn National Pays Over \$2B for Argosy Gaming +Business,Unemployment rate holds steady at 7.1 +Business,Seven shares crash 10pc +Sci/Tech,Mars Rovers Get Mystery Power Boost +World,Putin clears way for Kyoto treaty +World,2 children killed in Gaza explosion +World,China Coal Mine Blast Kills 15 -Xinhua +Business,Beazer Homes Posts Higher 4Q Profit +Sports,Au revoir to rally +Sci/Tech,Australia blamed for bin Laden panto appearance +Sci/Tech,Readers embrace Welsh language tool +Sci/Tech,Blunkett-bashing t-shirt remans the barricades +Sci/Tech,BOFH: A little Ray of sunshine +World,Putin Signs Bill to Ratify Kyoto Protocol (AP) +Business,Treasuries Plunge on Huge Payrolls Rise +Sports,This is how its done +Business,Economy Added Far More Jobs Than Expected in October +Business,Cazenove Loses Independence with JPM Deal +Sports,"Hokies capture ACC title, BCS spot" +Sci/Tech,Salesforce.com pushes integration +Business,Dollar Climbs Broadly After U.S. Jobs Data +Sports,USC on track despite Bruin power +Sci/Tech,Nokia Plans 40 New Handsets for 2005 +World,Euro Stocks Rally After Strong U.S. Data (Reuters) +Sports,Autopsy: Zholtok Died of Heart Failure (AP) +Business,U.S. Job Gains Strongest in Seven Months +Business,U.S. Job Gains Strongest in Seven Months (Reuters) +Business,Treasuries Plunge on Huge Payrolls Rise (Reuters) +Sci/Tech,Official: E-Governance Failures Abound (AP) +Business,US adds more jobs than expected +Business,Short-Term Rate Futures Sink on Jobs Data (Reuters) +Business,Record for personal bankruptcies +World,Kerry Supporters Left to Deal With Blues (AP) +Business,Cazenove Loses Independence with JPM Deal +Business,Molson offers special dividend to smoothen merger with Adolph <b>...</b> +Business,"For sixth year, valley leads nation in clean air violations" +World,Philippines Rushes Relief to Flooded Areas (Reuters) +Sci/Tech,Movie swappers put on notice +Sci/Tech,Celestial Summit Meeting +Sports,Singh is a golfer for all seasons +Sports,India spin to memorable win in Mumbai +Sports,Bellamy: I #39;ll fight for my place +Sports,Manchester Derby has Added Significance for United +Business,Goodyear Sees Profit; Stock Up +World,US marines prepare to storm rebel city +World,Darfur Talks Stalled Over Compromise Deal +Sci/Tech,WALKMAN STUMBLES +World,"Arafat Is in Coma 'Between Life and Death,' Spokeswoman Says" +World,Iraqi Prime Minister Meets With European Union Leaders +Sports,Are you sitting comfortably? Then well begin +Sci/Tech,Time for a new Dem agenda +Sci/Tech,Dell sued for alleged global sales patent abuse +Business,US jobs market breaks out of quagmire +Business,Higher Rates Blamed for British Bankruptcy +Business,Cazenove agrees JP Morgan merger +Business,Goodyear to post profit +Business,IFIL to Sell Foods Chains to Auchan +Business,ACE fires two employees in bid-rigging controversy +Sci/Tech,First Jailed Spammer Gets 9 Years +Sports,Chelsea accuse FA of lenient Mutu drugs ban +Sports,Mauresmo hopes to regain top spot +Sports,"Roddick, Henman Out of Paris Masters" +Sports,Spurrier Withdraws From Florida Search +World,Filmmaker #39;s Murder May Spell End of Dutch Tolerance +World,Iraq dominates EU summit +World,Human rights outcry +Sci/Tech,Database to trace stolen phones +Business,Dollar Hits 8-1/2-Month Low Against Euro +Sci/Tech,Internet Movie Piracy +Sci/Tech,IBM to take supercomputing crown +Sci/Tech,Intel preps speedier Pentium 4 +Sci/Tech,Linux cluster firms attract new funding +Business,"Molson, Coors to Pay C\$381 Million to Sweeten Merger (Update1)" +Business,Beazer notifies \$80.1 million 4Q profit +Business,Oil at 5-Week Low as Supply Fears Ease +Sports,Heat on Olympics +Sports,Raptors host defending champs on TSN +World,Two US Marines Killed in Volatile Western Iraq +Business,JP Morgan Buys Queen Elizabeth's Broker +Sci/Tech,Phishers adopt scam tricks from virus writers +Sci/Tech,Spammer Convicted to Nine Years in Prison +Sci/Tech,BellSouth and SBC Partner to Buy YellowPages.com +Sci/Tech,Microsoft Expands MSN Music Store Download Service +Business,Hurricanes Jump-Start Hiring in October (AP) +Sci/Tech,"Seals Bludgeoned, Shot on Irish Island (Reuters)" +Sci/Tech,IBM set to take supercomputing crown +Sci/Tech,Movie industry to sue file-sharers +Sports,Pavin wants to win Vietnam Masters for wife +Sports,Arakawa sits first; pairs team fifth +World,US Forces Launch Night Of Air Strikes On Al-Fallujah +World,EU leaders extend trade carrot in Iran nuclear standoff +Business,The Fool's Look Ahead +World,A Sigh of Relief in Hyde Park +Business,Molson and Coors Agree to Special Dividend +Business,Stocks Rise as Jobs Figures Impress +Business,"Vornado Buys 4.3 Pct. Stake, Shares Soar" +Business,United Says It Needs \$2 Bln More in Cost Cuts +Sci/Tech,'Ultimate game' award for Doom 3 +Sports,Stadium Plan Challenged +Business,Treasuries Trounced on Fears Fed to Hike +World,Ivory Coast's Army Bombs Rebel Towns +World,"Darfur Aid Groups Fear Fresh Violence, Move Staff" +Business,Ace terminates two employees following insurance scandal +Business,Economy Added Far More Jobs Than Expected in October +Business,Verizon Wireless agrees to buy NextWave licenses +Business,Update 1: Beazer Homes #39; Profit Soars on New Homes +Business,Study: Vioxx removal came years late +Business,Goodyear Sees Profit; Stock Up +Business,"Molson, Coors to Pay C\$381 Million to Sweeten Merger (Update3)" +Business,Altria plans to split businesses +Business,"October jobless rate holds steady at 7.1 per cent, says StatsCan" +Sports,Moss Has Slight Tear in Hamstring +Business,Edison International 3Q Profit Soars +Sci/Tech,MPAA to Sue Over Movie File Sharing +Sci/Tech,Fight heating up after nation #39;s first spam conviction +Sci/Tech,Molecule May Be Key to Nicotine Addiction +Sci/Tech,MSN Music adds more European download stores +Sci/Tech,Titan moon holds on to mystery +Sci/Tech,Munch museum tightens security +Sports,MLB All-Stars Rally Past Japan +Sports,Czech Stepanek reaches Paris semis +Sports,Red Sox Hero Ortiz Remains Hot in Japan +Sports,The Steelers try to knock off their second unbeaten team +Sci/Tech,'Incredibles' Shows Pixar's Super Powers +World,EU should forget differences on Iraq Dutch FM +World,Renewed clashes follow Ivory Coast government abandoning ceasefire +World,Arafat: a survivor of many close encounters +World,European Officials Seek to End Iran Nuclear Deadlock (Update1) +World,Afghan election notebook 5 - Out for the count +World,"Seals Bludgeoned, Shot on Irish Island" +Sports,Moss Has Slight Tear in Hamstring (Reuters) +Business,"Vornado Buys 4.3 Pct. Stake, Shares Soar (Reuters)" +Business,(Not So) Simple Simon (Forbes.com) +Business,Far Fewer Jobs Were Added in November Than Forecast +Business,United Needs \$2 Bln More in Cost Cuts +World,Euro rises to new record high 1.2937 dollars (AFP) +Sci/Tech,Verizon Wireless to Buy NextWave Licenses (AP) +World,Saskatchewan court rules traditional definition of marriage unconstitutional (Canadian Press) +World,Analyst: U.S. Weapons Tests in Australia (AP) +Sci/Tech,Russia Looks to Boost Software Production (AP) +World,President to Consider Changes for New Term (washingtonpost.com) +Sci/Tech,Prolific spammer given nine years jail +Sports,Officials try to convince Turin Games chief organizer to stay +World,Six more die in Thai violence +Business,Northwest Pilots OK #36;265 Mln Concession (Reuters) +Business,US jobs market breaks out of quagmire (AFP) +Business,"Vornado Buys 4.3 Pct. Stake, Shares Soar" +Business,UPDATE 1-Northwest pilots ratify \$265 mln concession deal +Business,Verizon Wireless to Buy NextWave Licenses +Business,World economy at risk if oil prices remain high: Conference Board +Business,"Stocks Open Higher, Lifted by Payrolls" +Business,Altria to split businesses; ups FY04 outlook +Sports,Jimmie Johnson Back in Nextel Title Race (AP) +Sci/Tech,US Spammer Facing Nine Years in Jail +Sci/Tech,Novell counters Microsoft #39;s Linux #39;facts #39; with #39;truth #39; +Sci/Tech,Opera 7.60 set to offer faster browsing +Sci/Tech,"Tiger Telematics acquires Integra, confirms Spanish, Portuguese <b>...</b>" +Sports,Allardyce backs Mutu to return +Sports,Officials Ask Turin Games Chief to Stay +Sports,Burns Puts Himself in the Frame +Sports,Ghostzapper won #39;t disappear come awards time +Sports,Redknapp is manager of the month +Business,October Hiring at a Seven-Month Peak +World,Arafat reportedly breathing on his own +Business,Dollar Plunges to Record Low Against Euro +Sports,Miss. State's Roberts to Sit Out Game (AP) +Business,Weak Dollar Weighs on Stocks +Business,Sears Shares Soar as Vornado Boosts Stake +Business,Earnings Miss Dents Manulife Financial +Business,Oil Falls to Six-Week Low +World,Machine Error Gives Bush Extra Ohio Votes (AP) +Business,Sears' Stock Soars After Firm Buys Stake +Sports,"Stepanek, Canas Reach Paris Masters Last Four" +Business,Shoppers rush to pyramid Wal-Mart +Business,Euro Hits Record High Against U.S. Dollar +Business,Fundamental Flaws at Wild Oats +World,Cricket: NZ clinch one-day series +Business,Profit From Management Integrity +Business,A City Invaded by WiFi +Sci/Tech,"How organized religion, not net religion, won it for Bush" +Sci/Tech,"Nerd party needed to replace 'left-wing' Democrats, says area man" +Sci/Tech,Study: Outsourcing mostly domestic +Sci/Tech,Virus writers elude Microsoft's bounty hunt +Sci/Tech,(Almost) free 411 on cell phones +Sci/Tech,Playing god: BiblePlayer for iPod catches on +Sci/Tech,Phishers Adopt Scam Tricks From Virus Writers (PC World) +Sci/Tech,Macworld Boston moves to new venue (MacCentral) +Sci/Tech,Telabria plans U.K.'s first WiMax network +Business,Verizon Catches the NextWave +Business,Update 7: Dollar Hits All-Time Low Against Euro +Business,Molson sweetens Coors merger proposal with \$381-million dividend +Business,Conference Board sees world economy faltering if oil prices stay <b>...</b> +Business,Record for personal bankruptcies +Business,Pfizer calls report on Celebrex safety concerns #39;misleading #39; +Sci/Tech,9 years for spammer Jaynes +Sci/Tech,Microsoft Investigates Reports of New Internet Explorer Hole +Sci/Tech,It #39;s Grand Theft over the internet +Sports,"Henman, Hewitt advance in Paris Masters" +Sports,Burns says he #39;s in #39;pole position #39; for Scotland job +Sports,Underappreciated Murphy a model of consistency +Sports,It #39;s neck-and-neck at polls for Horse of the Year bids +World,"Palestinian factions determined to keep unity, order if Arafat <b>...</b>" +World,"Roh, Bush agree to early six-party talks" +Business,Verizon Catches the NextWave +Sci/Tech,News: Online fraud tutorials... from the Secret Service? +Sci/Tech,News: Email worm poses as Osama videogram +Sports,Diamondbacks Fire New Manager Backman (AP) +Sci/Tech,South Africa Considers Killing Elephants +Sci/Tech,Support for Saving Peatlands Is Squishy but Solidifying +Sci/Tech,"Ban Sale of Water for Profit, Health Activist Says" +Sci/Tech,"""Reindeer People"" Resort to Eating Their Herds" +Sci/Tech,"Geographic's ""Greatest Portraits"" Collected in New Book" +Business,Forty Phones Fuel Nokia #39;s Strategy For 2005 +Business,"It #39;s Official: Verizon, NextWave Sign Pact" +Business,FDA to Review Post-Market Safety Checks +Business,SEC to Propose Tigher Exchange Governance +Business,Update 1: Goodyear Expects to Report 3Q Profit +Business,NVIDIA Is Vindicated +Business,Central bank welcomes IMF #39;s China report +Business,Gold Fields Sues Harmony Gold Mining +Sci/Tech,Spam Scam Lands #39;Em in the Can +Sci/Tech,IBM claims supercomputing crown +Sci/Tech,Car Theft Without Penalty of Prison in #39;GTA: San Andreas #39; +Sci/Tech,Microsoft To Patch ISA Server Next Week +Sci/Tech,Week in Review: Election takes center stage +Sci/Tech,A City Invaded by WiFi +Business,Top Banana Gets Called Out +Sports,Petrova sends Myskina packing in Philly +Sports,No. 5 Badgers out to retrieve Paul Bunyan Axe from Gophers +Sports,Keegan fined for verbally abusing referee +Sports,Owens #39; comments weren #39;t necessary +Business,"Jackpot at 30,000 Feet?" +World,Greece in a furor over Macedonia name +World,Fallujah fighting intensifies +World,Afghan Kidnappers Extend Deadline to Saturday Night +World,Top Brazil party threatens to leave government +World,Canadian Dollar Jumps to 12-Year High; Job Gains Above Forecast +Business,Keeping It Simple +Business,Penny Stocks from Heaven +Business,NVIDIA Is Vindicated +Business,Northwest pilots accept pay cuts +World,Some Democrats Blame One of Their Own +Sci/Tech,Wild condor chick takes off +Sports,Diamondbacks Fire Backman +Sci/Tech,Rover gets mystery power boost +Sports,"Safin Outclasses Hewitt, Heads for Paris Treble" +Sci/Tech,Microsoft commits to XML docs for long term +Sci/Tech,Lloyd Braun's doppelganger +Sci/Tech,SCO seals deal for legal expense cap +World,Israel to free Egyptian students: Cairo media +World,"Ivory Coast Bombs Rebel Zone Again, War Fears Rise" +Sci/Tech,IBM supercomputer top-ranked blade machine +World,Afghan Kidnappers Set Saturday Night Deadline +Sci/Tech,Photos: IBM's Blue Gene/L supercomputer +World,Peru Suspends Retrial of Shining Path Leader Guzman +Sci/Tech,MS debuts 'forthcoming attractions' pre-alert alert +Business,U.S. October Hiring at a Seven-Month Peak +Sci/Tech,Web Site for Complaints Sparks Lawsuit (AP) +Business,Northwest Pilots Ratify \$265 Mln Concession Deal +Sci/Tech,Microsoft to Warn of Security Flaws (AP) +Business,Goodyear Sees Profit; Stock Up +Sci/Tech,Russia Seeks to Boost Software Production (AP) +World,Iran tells UN: sites off limits +Business,Dollar Plunges to Record Low Against Euro +Sci/Tech,Verizon Catches the NextWave (The Motley Fool) +Sports,Diamondbacks Fire Backman (Reuters) +World,Fallujah Is Site of Fiercest Resistance (AP) +World,India ; Putin logs into India #39;s IT capital (LEAD) +Sci/Tech,"Atomic Power Station Halted in Russia, No Radiation (Reuters)" +Sci/Tech,Lithuanians Hunting Missing Radioactive #36;100 Bill (Reuters) +World,"Eventual burial site fuels emotional, political debate" +World,Edwards Positions Himself for 2008 (AP) +World,FEC Dismisses Mailing List Complaint (AP) +World,Fight Over Judicial Nominees Will Go On (AP) +World,Taiwan establishes diplomatic ties with Vanuatu in snub to China (AFP) +World,Philippines asks foreign governments to help rebuild typhoon <b>...</b> +Sci/Tech,Web Site for Complaints Sparks Lawsuit +Sci/Tech,Sun Finalizes Accounting for Kodak Settlement +Sports,Rams' Trev Faulk Gets to Face Cousin (AP) +Sports,'Canes Look to Vent Frustration on Tigers (AP) +World,"Arafat Critically Ill, But Not Deteriorating" +World,U.S. Strikes Fallujah With Air Raids +World,Couple Pleads Guilty to Smuggling Aliens +Business,Verizon Wireless to Buy NextWave Licenses for \$3 Billion +Business,UPDATE 1-China has strong reservations about yuan move-IMF +Business,Sears Shares Soar on 4.3 Vornado Realty Investment (Update5) +World,U.N. Hostages' Captors Extend Deadlines (AP) +Business,A Revival at Hand? +Business,Verizon to buy NextWave #39;s licences for \$3bn +Business,Vioxx recall spurs FDA overhaul +Business,UAL seeks another \$2 bln cost savings +Business,NASD may act against KeyCorp unit +Business,Fed says consumers put credit cards back to work +Business,Goodyear projects robust 3Q profit growth with record sales +Business,Florida Man Files Vioxx Suit +Business,Summary Box: Biggest Jobs Jump Since Spring (AP) +Sci/Tech,Blu-ray Disc Goes Home (PC World) +Sports,No. 7 Utes Go for First School 9-0 Start (AP) +Sci/Tech,Linux Cluster Firms Draw Investors (NewsFactor) +Business,Fed: Consumers Borrowed Freely in Sept. (AP) +Sci/Tech,Admins applaud Microsoft #39;s early warning program +Sci/Tech,Can Mozilla Beat Godzilla? +Sci/Tech,Microsoft to Launch New Small Business Software (Reuters) +Sci/Tech,Didn't Take Long: IBM Regains Supercomputing Crown (NewsFactor) +Sports,Capriati Fails Cut for WTA Championships +Sports,Santini resigns as Tottenham Hotspur coach +Sports,UEFA Cup: Boro almost there! +Sports,Kane sentenced to 18 years in death of ex-wife +Sports,Fan inspired by Red Sox in naming horse +Sci/Tech,"Coyotes Roam, Not Far from White House (Reuters)" +Sci/Tech,Microsoft to Launch New Small Business Software +World,Advocacy Groups Reflect on Their Role in the Election +World,U.N. Issues Warning of Muslim Attacks in Bangkok (Reuters) +World,"Arafat Stays in Coma, Row Looms Over Burial Site" +Business,Incredibles buzz boost for Pixar +Sports,Unselfish Nets dominate Hawks +World,US steps up pressure on Falluja +Business,Careful Where You Complain +Sci/Tech,Tech services jobs keep rising +Sci/Tech,Software piracy whistle-blowers get bigger rewards +Sci/Tech,MSN sets movie times on smart watches +Sci/Tech,"Cisco, Wells Fargo face new security breaches" +Sci/Tech,"Dell's dirty words: Outsourcing, proprietary" +Sci/Tech,Open-source advocate Chris Stone unexpectedly leaves Novell +Sci/Tech,Brief: Taipei plans citywide Wi-Fi by late 2005 +Sci/Tech,IBM aims for top 10 with new Spanish supercomputer +Sci/Tech,Office by the (financial) numbers +Sci/Tech,Microsoft and Sun #39;s difficult dance +Sci/Tech,Verizon Wireless to Buy NextWave Licenses (AP) +Business,Stocks Close Up After Strong Jobs Data +Sci/Tech,FyberSearch Acquires RSS Feed Search Engine +Sci/Tech,iPod: #147;High-Tech Mint on the Pillow #148; +Sports,Memories of Merged Eagles-Steelers Revived (AP) +Sci/Tech,RI scientists refute Flores Man finding +Sports,Zvonareva ends Capriati #39;s season +Sports,D-Backs have become laughingstocks +Sports,Tigers pick up option on Urbina +World,Middle East Prepares for Life without Arafat +World,AP: Syria Sees Hope in Bush Re-Election (AP) +Business,Oil Ends Week Higher But Stays Under \$50 +Sci/Tech,Close encounter may have shaped solar system +World,"Ivory Coast Bombs Rebel Zone Again, War Fears Rise" +Business,U.S. Stocks Extend Post-Election Rally +Business,U.S. Judge Approves Citigroup Settlement +Business,Berkshire Hathaway Profit Falls +World,Clinton Tells Democrats to Work on Image (AP) +World,"Don't slit your wrists over election, Michael Moore urges Democrats (AFP)" +World,Durbin to Be 2nd-Ranked Senate Democrat (AP) +World,Annan Warns Falluja Assault Could Spoil Elections +World,Dutch Filmmaker Murder Suspect Faces Terror Charges +Business,RIM shares atwitter amid case concerns +Business,Update 1: Verizon Wireless to Buy NextWave Licenses +Business,Treasuries Dive on Robust Jobs Report +Business,"Delta releases new details on up to 6,900 job cuts" +Business,"United seeking \$725 million in further labor cuts, ditching <b>...</b>" +Business,McNealy: Sun Micro Q1 Loss Narrows As Kodak Accounting Set +Sports,"Haas Holds Halfway Lead, Woods Lurks" +Sci/Tech,Movie Group Targets Film Piracy +Sci/Tech,"Rovers struggle with sandy slopes, solar winter" +Sci/Tech,Novell Seeks to #39;Unbend #39; MS #39;Facts #39; About Open Source +Sci/Tech,U2 Talk iPod Strategy Band #39;s partnership with Apple has deep roots +Sci/Tech,New Warning Issued for Internet Explorer +Sci/Tech,Press Conferences to Highlight Latest Cassini Results +Sci/Tech,New Opera Release Offers Faster Browsing +Sci/Tech,Microsoft plots next Office release for #39;05 or #39;06 +Sci/Tech,The Philadelphia Inquirer +Sports,Melvin happy to be back in Arizona +Sports,Hendrick Plane Crash Preliminary Report +Sports,Tigers exercise \$4 million option on closer Urbina +World,Palestinian PM to meet with factions in Gaza Saturday: FM +World,Americans step up attacks against Fallujah as showdown with <b>...</b> +World,Liberty Beat by Nat Hentoff Kofi Annan vs. Me +Business,Google Stock Falls on Outlook - Analyst (Reuters) +Sports,Chiefs' Offense on a Roll Again (AP) +Sports,Pierce Knocked Out of Bell Challenge (AP) +Sci/Tech,This week in Dell news +Sci/Tech,Photos: Barcelona's big blade +Sci/Tech,More e-voting glitches surface +Sci/Tech,Symantec builds double-clad security service +Sci/Tech,RIM shares atwitter amid case concerns +Sci/Tech,Microsoft plots next Office release for '05 or '06 +Sci/Tech,"Railroad uses IP net to control signals, switches" +Sci/Tech,Symantec adds threat data to managed security services +Sci/Tech,Microsoft aims at small businesses with new Office edition +Sci/Tech,Cerulean gives Trillian 3.0 IM sneak peek +Sci/Tech,Sun Services CTO talks up Next Generation Data Center +Sci/Tech,Report: E-voting problems cause loss of votes +Sci/Tech,Stock Split Might Not Be in Google's Cards (AP) +Sports,Chargers' Tomlinson Returns to Practice (AP) +Sci/Tech,Estonia to Run Tests on 'E-Voting' System (AP) +Business,Tech Stocks End Slightly Higher on Intel +Sci/Tech,Sun Services CTO talks up Next Generation Data Center (InfoWorld) +Sci/Tech,First Look: Microsoft Small Business Accounting +Sci/Tech,Mirapoint adds spam technology +Business,Berkshire Profit Falls After Hurricanes +Sci/Tech,MS debuts #39;forthcoming attractions #39; pre-alert alert +Sports,Shipbuilder ordered to stop using Woods #39; name +World,"IRAN, EU TRIO IN COMPLICATED TALKS IN PARIS" +World,Black Watch relatives call for UK troop withdrawal +World,EU sets date to resolve institutional limbo +Sci/Tech,Rocky Bullwinkle headed for mobile phones +Business,Research In Motion Ends Bumpy Week +Business,Treasuries Trounced on Fears Fed to Hike +Business,Euro at record high against dollar +Business,"SBC Will Cut 10,000 Jobs by 2005-Filing (Reuters)" +Sci/Tech,Adobe Eyes Linux Desktop Strategy +Sci/Tech,"SlipStream, Opera Enhance Browser" +Sci/Tech,"More Office System Servers, Services On The Horizon" +Sci/Tech,World of Warcraft to launch November 23rd in North America +Sports,Harbhajan and Kartik spin India to stunning victory +Sports,Out for 7 months +Sports,Bengals #39; Warrick out for season +Business,Stocks Extend Post-Election Rally +Sports,Chrebet Questionable for Bills Game (AP) +Sports,"Haas Holds Halfway Lead at Tour Championship, Woods Lurks" +Business,"SBC May Cut More Than 10,000 Jobs" +Sports,NBA Great Calvin Murphy on Trial for Sex Abuse +Business,Berkshire Hathaway Profit Falls +Business,Northwest Pilots Ratify Concession Deal +Sci/Tech,The Failure of the American Experiment +Business,Nokia To Come Out with 40 New Handsets in 2005 +Business,United #39;s Labor Deals May Be in Jeopardy +Business,Time Warner Prepares for Settlement with \$500M Reserve +Business,Jurors deliberate unorthodox Enron sentencing +Business,IMF: China hesitant to float yuan +Business,Microsoft to Launch New Small Business Software +Sci/Tech,IBM to take supercomputing crown +Sci/Tech,European robot looks for clues on Saturn moon +Sci/Tech, #39;Grand Theft Auto #39; back with a vengeance +Sci/Tech,Ridge Racers PSP site gets green flag +Sci/Tech,"A new, more sneaky phishing attack" +Sci/Tech,Gizmondo creator touts smart phone scheme +Sci/Tech,Sun Solaris Open-Source Release Still Undecided +Sports,Randolph Guaranteed #36;1.88M in Mets Deal (AP) +Business,"SBC May Cut More Than 10,000 Jobs (Reuters)" +Sports,Drugs penalty too soft +Sports,Dust to Dust +Sports,Prineville #39;s Backman already out as Ariz. manager +Sports,"Randolph guaranteed \$1,875,000 in Mets contract" +Sports,NBA Returns To Charlotte; Bobcats Lose Opener +Sports,"Berkman Injures Knee, May Miss Opener (AP)" +Sports,"Reed, Vincent Likely to Miss Jets Game (AP)" +World,ARAFAT OUT OF DANGER: OFFICIALS +Sports,Schilling Ankle Exam Postponed (AP) +World,US Warplanes Pound Targets in Fallujah +World,Ayoon wa Azan (On Paper) +World,Two Palestinian Children Killed in Gaza Blast +Business,"Sears, Roebuck and Co. #39;s stock soars after real-estate firm buys <b>...</b>" +World,Saskatchewan court rules definition of marriage unconstitutional (Canadian Press) +Sci/Tech,MPAA Hatches Plan To Sue Movie File-Sharers +Sci/Tech,BlueGene Wins the Supercomputer Speed Race +Sports,"UPDATE 1-Haas holds halfway lead, Woods lurks" +Sports,Santini quits Spurs +Sports,Burns puts himself in Scotland frame +Sports,Sorenstam aims for fourth straight Mizuno Classic +World,IRAQS ALLAWI MEETS WITH EU LEADERS +World,Ohio Machine Error Gives Bush Extra Votes (AP) +World,Democrats Have Bad Case of the Blues (AP) +Sci/Tech,Studios To Sue Online Movie Swappers +Sci/Tech,PSP Launches With Ridge Racer +Sports,Sorenstam leads Mizuno Classic +World,U.S. Urges Sudan to Return Darfur Refugees (AP) +World,Arafat Stable Amid Puzzle Over Burial and Successor +World,Bush Benefits From Efforts to Build a Coalition of the Faithful +Sci/Tech,Colorado Prisoner Gets Access to Sensitive Data +Sci/Tech,Microsoft takes aim at Intuit with 'Magellan' +Sci/Tech,Dell and the definition of 'is' +Sci/Tech,Bank accounts in online security scare +Sci/Tech,SonicWall to bolster next OS with anti-virus scanning capabilities +Business,The cost of safe commerce +Sci/Tech,"Photo: Famous squirrel, moose go wireless" +Business,"JP Morgan, Cazenove tie up" +Business,SBC to Cut Thousands of Jobs +Sci/Tech,Novell Vice Chairman Chris Stone leaves company +Sports,Diamondbacks Fire Backman After Four Days (AP) +Sci/Tech,News: Alleged DDoS kingpin joins most wanted list +Sci/Tech,Verizon And Cingular Gobble Up Spectrum; Stay Ahead Of Pack (Investor's Business Daily) +World,More Battles Likely on Bush Judge Picks (AP) +World,Big Voter Turnout Seen Among Young People (AP) +Sports,Former Missouri Coach Onofrio Dies (AP) +Business,Sharp rise of the euro stirs worry in Europe +Business,Vodafone steps up its US capacity +Business,Hurricanes help to create jobs in US +Business,US insurance scandal set to be focus of Senate inquiry +Business,Complaint filed against Harmony +Business,Household debt leads to record bankruptcies +Business,Molson Adds a Premium for Its Merger With Coors +Sci/Tech,Spain takes a lead in computers +Sci/Tech,RSA sees looming identity crisis online +Sci/Tech,Novell debunks Microsoft anti-Linux FUD +Sci/Tech,Ex-Austin student indicted for data theft +Sci/Tech,"Ministry proposes 2,400 yen per ton carbon tax plan" +Sports,Electric Safin halts Hewitt +Sports,Roundup: Santini resigns as Hotspur coach +Sports,Good health is key to Ferguson #39;s future +Sports,"Keflezighi, Kastor medaled at Athens Games" +Sports,Australia fall flat in spinners #39; heaven +Sports,Clarke shrugs off change +Sports,Mourning wants buyout from Nets so he can play for a winner +World,UN Envoy: Darfur Sliding Toward Anarchy +World,Putin Ratifies Kyoto Protocol on Emissions +World,EU offers Iran incentives to halt nuclear program +World,Peru retries notorious rebel leader +World,Fishermen accused of young seal slaughter +Sci/Tech,Ex-Austin student indicted for data theft +Sci/Tech,SonicWall to bolster next OS with antivirus scanning +Business,Verizon Wireless Will Pay \$3 Billion for Additional Capacity +World,Nigeria fuel shortage hits planes +World,Golf: Woods back to best +World,Football: Spurs manager resigns +World,Hopes of premature labour insight +Sports,Change Is Good as Woods Shoots Day's Best Score +Sports,Crawford Ready for His Closeup in the Garden Spotlight +Sports,"Seahawks Bench Bannister, Hackett (AP)" +World,Peru Retries Shining Path Leader Guzman (AP) +World,U.N. Envoy: Darfur Sliding Toward Anarchy (AP) +World,New Congress to Look More Like Population (AP) +Business,US subsidies in spotlight +Sports,Young Suns Outhustle 76ers 108-98 (AP) +Sci/Tech,Security improvements essential for ebusiness to succeed +Sci/Tech,Reiko Waves On Ridge Racers +Sports,Change Is Good as Woods Shoots Day #39;s Best Score +Sports,Seahawks place Bannister and Hackett on injured reserve +World,Vigil for Arafat as details of his condition remain sketchy +World,Darfur peace push in new UN text +World,War fears rise in Ivory Coast +World,Sales Up for Books on U.S. Electorate (AP) +Sports,Francis Pushes Magic Past Hornets 90-89 (AP) +Business,"United #39;s unions face new hit to pay, pensions" +Business,Sears Stock Jumps as Realty Trust Discloses Stake +Business,FDA #39;s Drug Safety System Will Get Outside Review +Business,African Gold Miner Sues Suitor in US +Business,Berkshire Links Drop in Earnings to Storms +World,EU Recommits Itself to U.S. Relationship (AP) +Sports,Shorthanded Pacers Top Celtics 100-94 (AP) +Sci/Tech,Is Microsoft Ready to Assert IP Rights over the Internet? (Ziff Davis) +Sci/Tech,Spammer Found Guilty Sentenced To 9 Years In Prison +Sci/Tech,Nicotine-sensitive mice aid smoking research +Sci/Tech,NASA Cassini Significant Events for 10/28/04 - 11/04/04 +Sports,"Rockets Bounce Back, Beat Grizzlies 89-81 (AP)" +Sports,"NBA Wrap: Raptors Beat Pistons, 101-89" +Sports,"The Past Costs Backman His Job, Only Four Days After Receiving It" +Sports,Artest sets the pace against Celtics +Sports,"Yankees Want Lieber, but They #39;ll Wait and See" +World,Kidnappers Extend Deadline on British Hostage +Sports,"Wizards Top Galaxy, Head to Championships (AP)" +Business,Putting a Twist on Christmas +World,India warned by extremists +Sports,Rookies Wait it Out +Sports,Woods Makes Run +Sports,Boller Expects More +Sports,Berkman Hurts Knee +Sports,"Yankees Want Lieber, but They'll Wait and See" +Sports,Maryland Wins Exhibition +World,All Sides Prepare for American Attack on Falluja +World,"October Hiring Set Strong Pace of 337,000 Jobs" +World,Russian Jury Convicts Scientist in Retrial +World,U.S. Forces on the Brink of Attacking Fallujah +Business,Europe Still Unhappy With U.S. Tax Subsidy +World,Chilean Army Admits Pinochet-Era Abuses +World,Peru Retries Shining Path Leader Guzman +World,Da Matta Considering Champ Car Return +World,Peru Rebel Chief Scores Publicity Coup in Court +World,Band of brothers vow to survive +Business,Lawyers to Meet Next Week on Merck #39;s Vioxx -NYT +Business,Big bank and broker in merger +Business,"ACE Ltd., Marsh amp; McLennan Dismiss Execs" +Business,Investor not impressed with Molson dividend for Coors merger <b>...</b> +Sports,Too much love of the game? +Sports,Molik runs cold +Sports,"Raptors 101, Pistons 89" +Sports,U-turn for Diamondbacks +Sports,Minaya ready for moves +World,Dutch Charge 7 Muslim Men in Killing of a Critic of Islam +World,UN pressing for peace with new solution in Sudan +Business,Verizon Wireless to Acquire NextWave Licenses for \$3 Billion +Business,"SBC Will Cut 10,000 Jobs by 2005-Filing" +Business,FDA vows to increase efforts to ensure drug safety +Business,No Harmony for gold rivals +Business,"EU Challenges New US Tax Law at WTO, Extending Trade Dispute" +Sports,Brockton beats Everett for title +Sports,Safin Downs Hewitt at Paris Masters +World,Last-chance Iran-EU nuclear talks deadlocked: diplomat +Business,Job growth soars +Business,EU seeks consultations with US on new tax law +Sports,City boss Keegan fined over referee insults +Sports,"Real Madrid will resist Chelsea, Arsenal Beckham offers" +Sports,"Duke 107, St. Francis Xavier 56" +Sports,Radcliffe ready to tackle Big Apple +Sports,The Rundown +World,Car bombs kill a dozen in Iraq +Sci/Tech,Where Only the Antelope Roam +Sci/Tech,"Music at a Wheel's Click, but Do We Really Hear?" +World,A Look at U.S. Military Deaths in Iraq (AP) +Business,"Oil prices rise, but stay below \$50 a barrel" +Business,Northwest Pilots Ratify Concessions +Sci/Tech,Tiger Telematics acquires Integra SP to invest on smartphone +Sci/Tech,"Location: Netherlands, Almere" +Sports,"Heat hot, Cavs not" +Sports,Fergie Favours Fan Power +Sports,"NO BACKUP: Pistons #39; bench outscored, 30-8, in first defeat" +World,Arafat #39;Between Life and Death #39; +World,UN Draws Up Aid-for-Peace Offer to Sudan +World,Al-Zarqawi #39;s group calls for release of CARE executive Margaret <b>...</b> +World,Forces Must Work Decisively in South Unrest-Thai PM +World,"Rebels attack military camp in Kashmir, two dead" +Sports,Nobody Beats the Wiz +Sports,Back in the Saddle +Sports,Talk the Talk +Sports,Baseball World Cup Talks Progress (AP) +Sports,Westwood passes upstart Bishops +Sci/Tech,The Dawn Of HD Radio +Business,"Stocks Finish Strong On Election, Earnings" +World,"Postal Service Tale: Indie Rock, Snail Mail and Trademark Law" +World,S.Korea Asks Bush to Focus on N.Korea Nuclear Crisis +Sci/Tech,Asking Great Questions +Business,"Economy added 337,000 jobs in October, US reports" +Business,Consumers can expect lucrative deals on new vehicles for holidays +World,Zarqawi Group Says It Killed British Troops (Reuters) +Sci/Tech,Grand-scale uproar +Sports,"Diamondbacks dump Backman, hire Melvin" +Sports,Will Graves: Laettner has learned to live with the labels +World,Activists to promote Buddha's birthplace as 'world peace city' (AFP) +World,"Militants attack BSF camp, two dead" +Sports,All things possible for McDermott +Sports,Trail Blazers Beat Clippers in Home Opener (AP) +Sports,Raptors Pound Pistons +Business,"337,000 jobs created in October" +Business,Glowing jobs report boosts stocks +Business,"Business ; SBC May Cut More Than 10,000 Jobs" +Business,Northwest pilots OK pay cut +Sci/Tech,Hollywood Hot To Sue P2P Pirates +Sci/Tech,A Very Long Drive +Sci/Tech,World #39;s fastest supercomputer in US +Sci/Tech,Last-second glitch delays Delta 2 launch; +Sports,"Venus, Capriati end season with defeats" +Sports,"Ponting slams crumbling pitch, India #39;s Dravid finds track <b>...</b>" +Sports,D-Backs made wise choice +Sports,Which UNC team will show up against 18th-ranked Tech? +Sports,Radcliffe ready to take bite out of Big Apple +Sports,"SuperSonics 106, Hawks 85" +Sports,Leiter talks crawl as pitcher closer to free agency +Sports,SuperSonics Ground Hawks 106-85 (AP) +Sports,Woodward leads Mahar +Sports,Military Snipers Learn From Competition (AP) +Business,Judge OKs Citigroup Settlement (Reuters) +World,Mideast without Arafat evokes hope +World,Fallujah talks break down +World,Annan protests Fallujah strategy +World,Zarqavi appeals for release of Margaret Hassan (09:20 PST) +World,Timor ex-governor released from jail +Sports,"Venus, Capriati End Season with Defeats" +World,Va. Civilian Medic Killed at Iraq Prison Clinic +Sci/Tech,Verizon to Buy NextWave Licenses +Sci/Tech,The Dawn Of HD Radio (washingtonpost.com) +Sci/Tech,Verizon To Buy NextWave Licenses (washingtonpost.com) +World,'Mystery Candidate' Wins Without Campaign (AP) +Sci/Tech,Rocket Launches New GPS Satellite from Florida (Reuters) +Sports,Aussie assault on pitch +World,Lawmaker Laments #39;Arrival Of Jihad #39; In Netherlands +World,Allawi rejects Annan #39;s Fallujah warning +Business,VERIZON CATCHES \$3B NEXTWAVE +Sports,Fergie #39;s Happy 18th +Sports,Past woes lead to Backman firing +Sports,TODAY #39;S MATCHUP: VIRGINIA TECH AT UNC +Sports,"NBA: New Jersey 111, Chicago 106 (2OT)" +World,Dutch defy #39;jihad #39; threat +World,US war planes batter Iraqi badlands amid fears of full-scale <b>...</b> +Business,Gold Fields shareholders #39;must reject #39; bid +Sports,Rebuilt Woods back on prowl +Sports,18 years and still rollin #39; +World,Israel says troops kill three Gaza militants +Sci/Tech,IBM supercomputer sets new speed record +Sci/Tech,"Moon, Jupiter, Venus are dancing at dawn" +Sports,Mutu reaps reward of Rio fiasco +Sports,Oklahoma At Texas A amp;M +World,Qorei to meet Palestinian factions +World,UN's Annan warns against Fallujah assault (AFP) +World,Beheadings on Rise Around the World (AP) +Sports,Conway carries Feehan +World,"Two Car Bombs in Iraq's Samarra Kill 8, Wound 20" +Business,"Public Safety Praises Nextel, Verizon Truce" +Business,Sears share gains boost sector +Business,SBC to trim its work force 6 percent by the end of 2005 +Business,Penn National buys Argosy Gaming Co. +Business,Judge Approves a WorldCom Settlement +Business,SEC chairman says unity needed on business ethics +Sci/Tech,Rocket Launches New GPS Satellite from Florida +Sci/Tech,JT Juice for 11-6 +Sci/Tech,"Wireless gaming firms announce acquisitions, partnerships" +Sci/Tech,Continuous satellite launching successes fix China on top world <b>...</b> +Sci/Tech,PalmOne Denies Pocket PC Rumors - Kind Of +Sci/Tech,World of Warcraft On November 23rd +Sports,Safin downs Hewitt in Paris +Sports,Beckham hopes to make injury return later this month +Sports,Burns offered to quit +Sports,Dominant Mourning leads Nets in 2 OT win +Sports,Red Sox victory steals the power of the dour +Sports,Biggest Bosh basher is Chris +Sports,Beckham Sets Comeback Date +World,We Have To Talk +World,Afghan militants extend hostage deadline +Sci/Tech,Competitions Foster Next Generation Of Linux Talent (TechWeb) +Business,Beantown goes uptown +Business,Macworld is moving to the Hynes +Business,UnumProvident probe +World,Mugabe flies to Equatorial Guinea +World,'Zarqawi' call to release hostage +Sci/Tech,"PDA News - Alternative OSes, PalmOne disses Cobalt, European Treo <b>...</b>" +World,Gaza militants die in Israel raid +World,Palestinian Authority faces financial crisis +World,Ivory Coast troops clash with rebels +World,"In Mongolia, 'ninjas' struggle to make a living " +World,Saskatchewan to allow same-sex marriages +Sports,He's got it covered +Sports,Revived Revolution asking: Why not us? +Sports,"Eagles look back, not ahead" +Sports,No. 18 provides finishing kick +Sports,Today's schedule +Sports,Woods's 17 pace Raptors victory +Sports,Problems come into focus +Sports,Blue Hills playoff bound +Sports,Arizona changeup +Sports,Puzzled by the board game +World,Analysis: White House Must Wait on Mideast (AP) +Sports,Alonzo Mourning Helps Nets Win _ for Now (AP) +Sports,"LeFors, Cardinals put Tulane in sorry state" +Sports,Graham Eager to Make Debut for Buccaneers (AP) +World,"Arafat Opens Eyes, Communicating - Israeli Report (Reuters)" +World,Effort to Free Afghan Hostages sensitive' (AP) +Sports,UConn's Kellogg a little big man +Business,Cazenove in pact with JP Morgan +Business,"United #39;s unions face new hit to pay, pensions" +Business,Market roundup +Sci/Tech,Spammers stay a click ahead of US cyberlaw +Sci/Tech,Case for water on Mars is growing stronger +Sci/Tech,Sun Demos Accessibility for Open-Source Systems +World,"Car Bombs, Attacks Kill 27 in Iraq's Samarra" +World,Israeli Troops Kill 2 Militants at Gaza Settlement +Sports,Double overtime does in Terriers +World,Seoul Asks Bush to Focus on N.Korea Nuclear Crisis +World,WorldCom Investors Settle +Sports,Wilmington edges Masconomet +Sports,Taunton's Pollard runs down Rams +Sports,Gloucester slows down Winthrop +Sports,Everett picks up on Peabody miscues +Sports,Blue Stars set to go bowling +Sports,Montana blows out defenseless Wildcats +World,Post-election push on N Korea +Sports,A M Aims to Dodge Another Oklahoma Beating (AP) +Sports,Vols Want Respect by Beating Notre Dame (AP) +World,"Attacks Kill at Least 19 in Samarra, Iraq (AP)" +Sports,"Little doubt about it for Palko, Panthers" +World,Troops capture rebel stronghold in Manipur (Reuters) +World,Vandals Hit GOP Headquarters in N.Carolina (AP) +World,"Four Car Bombs, Attacks Kill 37 in Iraq" +Sci/Tech,Air Force GPS Satellite Roars Into Space (AP) +Sports,"Barea, Huskies have off night" +Business,Heart attack causing arthritis drug should be withdrawn +Business,"United Air whacks pay, ends pensons" +Business,Verizon to buy more licenses +Business,Automakers are likely to raise buying incentives +Business,Tax Shelter #39;s Assets Frozen +Sports,Arnesen denies rift with Santini +Sports,Dravid leads with head over heart +Sports,I OFFERED TO RESIGN TOO - BURNS +Sports,Sorenstam surges clear in Japan +Sports,Nets top Bulls in 2 overtimes +Sports,First blood to Junqueira in Mexico. +World,Arafat in coma as concerns increase over burial +World,"Iran, EU Nuke Talks Still Without Agreement" +World,Seoul Asks Bush to Focus on N.Korea Nuclear Crisis +World,Army admits human rights violations during dictatorship +Business,"Economy Adds 337,000 New Jobs" +Sci/Tech,"Venus, Jupiter come closest" +Sports,Wankhede wicket lambasted by Aussie media +Sports,Scholes Aims to End Goal Drought in Manchester Derby (Update1) +Sports,Junqueira earns all-important pole +Sports,"Duncan, Spurs hold off Lakers" +Sci/Tech,Activists Slam Homeless Tracking +Sci/Tech,"Apply Current, Boost Brain Power" +Sci/Tech,House Dems Seek Election Inquiry +Sci/Tech,E-Vote Glitch Inflates Bush Total +Sci/Tech,Air Force GPS Satellite Roars Into Space +Sci/Tech,Analyzing the Election Data from Ohio +World,"U.S. Bombs Rain on Falluja, Rebels Attack in Samarra" +World,Protesters Attack French in Ivory Coast Rebel Town +World,Fourteen Die in Kashmir Clashes as Minister Visits +Business,Workers muse Uniteds future +Business,"Election Over, Eyes Turn to Rates" +Business,Stock Market Spoilers Could Show Up Soon +Sports,Radcliffe Ready to Take Bite Out of Big Apple +Business,Ex-Marsh Executives Bolster Small Rival +Sci/Tech, #39;Flores man not a new species #39; +Sci/Tech,Sperm Stem Cells Grown in Laboratory Correct Infertility in Mice +Sports,Jol Likely To Get Spurs Nod +Sports,Gilchrist joins elite company +Sports,D-back debacle: Backman fired after four days +Sports,Nets take wild ride to win +Sports,Formula One Needs a New Spark +World,Report: #39;Arafat Opened His Eyes #39; +World,US Forces Pound Fallujah Ahead of Planned Offensive +World,Senior African Union officials hold emergency consultations on <b>...</b> +World,"Ministers underestimated threat, say experts" +World,Chilean army accepts blame for crimes of Pinochet regime +Sports,Delaware KO'd in second OT +World,Thai PM rules out militant talks +World,Three Senators Consider Bids for Governor +Sports,Rosy scenario still possible for Bears +World,African Union Tries to Break Darfur Talks Deadlock (Reuters) +Sci/Tech,Creating sequel a thriller (SiliconValley.com) +Sports,Soccer: Ferguson looking for City present +Business,Wal-Mart Keeps Same-Store Sales Outlook (Reuters) +Business,"Election Over, Eyes Turn to Rates (Reuters)" +Business,Ex-Marsh Executives Bolster Small Rival (Reuters) +World,Santini's departure nothing to do with me insists Arnesen (AFP) +Sports,Illness can't stop Parham +Sci/Tech,Titan moon holds on to enigma +World,Canadians can discover wartime bonds to Washington monuments (Canadian Press) +Sci/Tech,Boat Trips to Resume in Anthrax-Hit Uganda Park (Reuters) +Sci/Tech,Halted Russian Atomic Power Station Resumes Work (Reuters) +World,"Arafat's Condition Critical, Leaders Urge Unity" +World,"U.S. Bombs Falluja, Rebels Strike in Samarra, Ramadi" +Sports,Hokies' victory is sweeter this season +World,"Musharraf in Kabul, Urges Security Cooperation" +Business,Chinese companies invest in Australian iron ore +Sci/Tech,Studios to sue movie pirates +Sci/Tech,Satellite gets perfect ride to space +Sci/Tech,RP developers urged: Write apps for future online devices +Sci/Tech,Supercomputers: The fastest in the land +Sports,Keegan backing City for an upset +Sports,CORKY: \$500K job and no one checked his rap sheet? +Sports,Recovered Mourning looking for buyout from Nets +Sports,Utah Jazz Team Report - November 6 +Sports,"A amp;M, OU battle in Big 12 rivalry" +Sports,Mr Soccer loses fight +World,Arafat #39;s condition critical but not irreversible: aide +World,"Iraq: US Soldiers Wounded in Ramadi, Attacks Hit Samarra" +World,Iran Seeks Compromise at Paris Talks with EU Trio +World,Terrorists calls for hostage #39;s release +World,"Seoul, Tokyo to push for North Korea talks" +World,"Musharraf in Kabul, Urges Security Cooperation" +World,Pakistan offers Afghan terror aid +World,Senate can limit Bush plans (Chicago Tribune) +Sports,Armstrong Says He Might Skip Next Tour (AP) +Sports,Ponting calls for pitch inquiry +Sports,Warrick Out for Season With Leg Injury (AP) +Sports,Former Aussie Soccer Captain Warren Dies (AP) +World,Ivorian Planes Hit French; 8 Killed-UN Source +Sports,Nuggets team up on Heat +Business,Airline requests further cutbacks +Business,"Former Merrill Lynch, Enron Employees Convicted of Fraud" +Business,Fortescue Metals capitalises on China #39;s boom +Sports,Ames seeks Championship lead on TSN +Sports,Why I had to leave Australia +World,Sensitive talks begin to free UN hostages +World,"Eleven dead, 100 wounded in Ivory Coast air raids" +Business,Gold Fields board recommends rejection of Harmony #39;s US\$8.1B <b>...</b> +Business,Ore plan closer to fruition +Business,Edison International Net Profit Climbs +Sci/Tech,China launches another satellite +Sci/Tech,Fossil discovery rewrites human history +Sports,DTM deal ends Mika/ Williams rumours +Sports,Johnny Warren to make visit to Tumut +Business,FTAA will lead to EU-like system +Business,Delta releases new details on job cuts +Business,Florida subpoenas 10 companies +Sports,Arnesen denies Santini rift +Business,NWA pilots OK wage cut +Business,Microsoft To Add LInks To Payroll Services In Next Version Of <b>...</b> +Sci/Tech,Eidos Announces Hitman: Blood Money +Sci/Tech,Open Source Advocate VP Chris Stone Leaves Novell +Sports,Safin reaches final in Paris +Sports,Arnesen dismisses reports of a rift with French coach Santini +Sports,"India win a weekly lottery, Aussies take away the jackpot" +Sports,Eagles extend Sheppard and Rayburn +Sports,Bayern urge Klinsmann to end Kahn-Lehmann battle +World,8 French Soldiers Killed in Ivory Coast +World,Dutch crackdown risks hurting mainstream Muslims +World,African Union Tries to Break Darfur Talks Deadlock +World,Report: British regiment #39;s commander warned against Iraq <b>...</b> +Sports,Schumacher's 2004 Ferrari to Be Auctioned Off +World,"Arafat's Condition Critical, Leaders Urge Unity" +World,"Ivory Coast Warplanes Bomb French Troops, Killing 8" +World,Dutch Make New Arrest in Filmmaker Killing Case +Sports,Celtics rolling uphill +World,France attacks Ivorian airbase +World,"Pay your taxes, Farc hostage told" +World,What Clotheshorses Owe to Horse Clothes +Sci/Tech,File-Sharing Network Thrives Beneath the Radar +Sports,Cleveland has nothing to lose vs. Patriots +World,Springboks hold on against Wales (AFP) +World,Iraqi Militants Release Sudanese Hostage (AP) +Sci/Tech,File-Sharing Network Thrives Beneath the Radar (Reuters) +Business,SEC chief pushes reform compromise +Sci/Tech,IBM Has Created a Monster +Sports,UPDATE 1-Rugby-Springbok grand slam bid underway with Welsh win +Sports,Schilling to be examined Saturday +Business,Judge: Citigroup #39;s \$2.6B settlement OK +Sci/Tech,China launches ZY-2 resource satellite +Sci/Tech,Mars Rover Science Planning Shifts to Cornell +Sci/Tech,US Air Force launches a GPS satellite +Sports,Barclays Premiership Line-Ups +Sports,Celtic stretches Scottish lead to seven pts. +Sports,Rugby-White relieved as South Africa begin with narrow win +Sports,Wolfsburg #39;s road woes continue +Sports,Olympians out with plenty to prove in NYC Marathon +Sports,Eagles Extend Sheppard and Rayburn +World,Arafat: Speculation swirls +World,AU mediators try to break Darfur talks deadlock +World,"US, South Korean Leaders Agree to Press for Action on North Korea" +World,"Fidayeen attack foiled, two militants, one BSF jawan killed" +World,France targets Ivorian air force +World,Bush sends bipartisan message +World,Bickering Iraqis Strive to Build Voting Coalition +World,Bush Secured Victory in Florida by Veering From Beaten Path +Sci/Tech,Communities get hi-tech help +Sports,"Eagles, Steelers Have Super Bowl Dreams (AP)" +Sports,"Pa. Governor Analyzes Eagles Games, Too (AP)" +Sports,Documents: Bryant Accuser Wanted to Sue (AP) +Sports,Women's Preview: Time for Some New Stars (AP) +World,Presidential Second Terms Can Be Painful (AP) +World,Gay Advocates Examine Role in Election (AP) +World,Mine Explosion Kills 23 in Kazakhstan (AP) +Business,Blumenthal expands insurance brokerage probe to municipalities +Sci/Tech,Solving the climate crisis: New study cites serious impacts in <b>...</b> +Sci/Tech,Are you game? +Sci/Tech,Chris Stone to leave Novell Inc. +Sci/Tech,Nokia Takes a Smart Shot +Sports,"Tottenham players were in shock over Santini, says Jol" +Sports,Chelsea top after Palace hold Arsenal +Sports,Red Sox offer Martinez two-year deal: report +Sports,Texas A amp;M Aggies +Sports,Bayern climbs to second in Bundesliga +World,Murder of Dutch Filmmaker Throws Nation into Crisis +World,"Politics: Oil, Arms Stymie Un Efforts On Sudan" +World,Brazil hails Russia #39;s signing of Kyoto climate pact +World,Afghan rebels threatening to kill UN hostages say talks postponed <b>...</b> +World,Violence kills 15 as home minister visits Kashmir +World,Iraq Rebels Hit Back as U.S. Bombs Falluja +World,One person dead as train derails +Sci/Tech,"69 Years Later, Is It Happening Here?" +Sports,"Palace Holds Arsenal, Chelsea Goes Two Points Clear" +World,"Martian Robots, Taking Orders From a Manhattan Walk-Up" +Sports,No. 18 Virginia Tech Squeaks Past UNC (AP) +Sports,Moss to Miss First Game of NFL Career (AP) +Sports,Shipbuilder to Stop Using Woods' Name (AP) +World,France Dispatches More Troops to Ivory Coast (Reuters) +World,Australia reviewing security at embassies around the world (AFP) +Sci/Tech,Private Spaceship Designers Given #36;10M (AP) +Sci/Tech,Whooping Cranes' Migration Interrupted (AP) +World,"Sudan's Darfur on the road to anarchy, UN warns (AFP)" +Sci/Tech,Whooping Cranes #39; Migration Interrupted +Sports,"No. 13 Florida St 29, Duke 7" +World,"US bombs Falluja, rebels hit Samarra" +World,Major train derailment in UK +Sports,Vikings WR Moss to Miss Monday's Game +Business,First Sentence for Violating Privacy Law +Sci/Tech,Spaceship team gets its \$10 million prize +Sci/Tech,Top Linux exec departs from Novell +Sports,"With new caddie, Singh floundering in pursuit of 10th win" +Sports,Safin into Paris final +Sports,UPDATE 1-Villa stroll past Portsmouth +Sports,"After Athens, Marathoners Nurse Emotions" +Sports,Melvin faces major challenge in rebuilding Arizona +Sports,Wales 36-38 South Africa +Sports,No. 18 Virginia Tech Squeaks Past UNC +World,Raids Kill 8 French Troops and American in Ivory Coast +World,Conflicting reports on Arafat #39;s condition +World,China Bolsters Iran in Dispute Over A-Fuel +World,"Israel, the US and the Age of Terror" +World,"Islamabad, Kabul to fight terror" +World,attack on BSF camp in JK; 1 jawan killed +Sci/Tech,iTunes 4.7 Disables Song Transfer +Sports,Official: Hakkinen to race in DTM in 2005 +World,Multiple Fatalities in Train Crash Near London +World,"Living for Today, Locked in a Paralyzed Body" +Sports,Greene Leads No. 8 Georgia to Rout of Kentucky +Sports,Woods Takes Third-Round Lead for First Time in a Year +Sports,Hokies Squeak Past Tar Heels +Sports,Moss to Miss First Game of N.F.L. Career +World,Sudan accuses UN of criticizing govt while ignoring rebel violence +Sports,Snyder Does About-Face +Sports,Imoh Powers Hokies +Sports,No. 15 WVirginia Beats Temple 42-21 (AP) +Sports,NASCAR Contenders Aim to Avoid Mistakes (AP) +Sports,Singh Floundering in Pursuit of 10th Win (AP) +World,SFO swoop on boatyards links Saudi prince to BAE slush fund +Sci/Tech,St. Louis set to award SpaceShipOne X Prize +Sports,Mauresmo through to Advanta final +Sports,Bourdais takes pole for Mexican GP +Sports,REGGINA BURST CAPELLO BUBBLE +Sports,Inside The Lockerroom +Sports,Star Power in Houston Still Finding Its Alignment +World,"Arafat in coma, critical" +World,Zarqawi group says it killed British troops +World,"Britain backs assault on Fallujah, dismisses UN warnings" +Sports,"Venus, Capriati fall in Philadelphia" +Sports,"Before Helping the Red Sox to a Championship, Schilling Helped <b>...</b>" +Sports,Bouncing back +Sports,Air Force Rises Over Army +Sci/Tech,Delta rocket puts on late-night show with GPS launch +Sci/Tech,Ultralights get in the way of whooping crane migration +Sports,Sharapova withdraws from Advanta Championships +Sports,Scotland 14 Australia 31 +World,Hostage talks postponed +World,Statement claims deadly Samara attacks +Sports,Fifth-Ranked Wisconsin Beats Minnesota +Business,Merck faces threat of 10bn actions +Business,SBC Communications to cut jobs +Sports,Woods Shares Tour Championship Lead +Sci/Tech,Private Spaceship Designers Given \$10M +Sci/Tech,Canadian animator who worked on Halo 2 can #39;t wait to go online <b>...</b> +Sci/Tech,Japan now has to get serious about greenhouse gases +Sports,Fifth-Ranked Wisconsin Beats Minnesota +Sports,Droschak: Almost a Special Senior Day +Sports,Trackin #39; the Top 25 +World,French troops die in Ivory Coast flare-up +World,Arafat doctors #39;told to delay #39; brain death tests +World," #39;Four dead, 130 hurt #39; as train hits car at crossing" +Sports,Cincinnati Stuns No. 21 Southern Miss (AP) +World,"Six killed, 11 seriously hurt in train derailment in England (AFP)" +World,Arafat Aide Claims He Is Not in Coma (AP) +Sports,Chelsea Takes Lead in Premier League (AP) +World,Bush Vows to Reach Out to Democrats (AP) +World,Explosions Rock Ivory Coast's Main City Abidjan +World,"Arafat Stable, Not in Coma Says Palestinian Spokesman" +World,"For Railroads and the Safety Overseer, Close Ties" +World,Gunmen kill 17 Iraqi workers +Sports,No. 2 Okla. Outguns No. 22 Texas A M 42-35 (AP) +Business,Gold firms prepare for court fight +Business,FOUND MONEY +Sports,"Palace Holds Arsenal, Chelsea Goes Two Points Clear" +Sports,US Runners Looking to Build in New York +Sports,Irish could silence some critics with win over the Vols +Sports,No. 4 California Nicks Oregon 28-27 (AP) +Sports,Ankle exam for Schilling pushed back again +World,US troops poised for assault on Falluja +World,Blair Coming to Washington for Discussions With Bush +World,Ivory Coast Warplanes Kill 9 French Soldiers +Sports,Irish Pick Off Upset +Business,Pfizer Affirms Celebrex Safety +Sports,"Soccer / Crystal Palace holds Arsenal, Chelsea goes two points <b>...</b>" +Sports,Athletics: Paula has a mind to conquer her demons +Sports,Strange case of the game of two halves +Business,"Dutch unions, employers and government reach agreement on austerity measures (AFP)" +World,"Arafat not comatose but still in intensive care, spokesman says" +World,Six killed as train smashes into car at crossing +Business,Leading economist to run largest Korean-American bank +Business,Russia fund surplus #39;can help curb debt #39; +Sci/Tech,Satellite launching successes fix China on world #39;s top level +Sci/Tech,Issue 65 News Hound: This Week In Gaming +Sports,Soccer: Zamboni comes back to haunt Juventus +Sports,Jonathan Davies: Biggest plus for Ruddock is disappointment +Sports,Scotland 14 - 31 Australia +Sports,Notre Dame Upsets Ninth-Ranked Tennessee +World,Bitter legacy of a flawed leader +World,UK train crash kills 6 +World,The murder that shattered Holland #39;s liberal dream +Sports,Pats' Branch to Miss Sixth Straight Game (AP) +Sci/Tech,Lions Gate deal a Marvel (Variety) +Business,Can General Motors Design a Better Future? +Sports,Second-Ranked Oklahoma Holds Off Texas A M +World,"Bloc flag flap offers ""great opportunity"" to appreciate veterans: Harper (Canadian Press)" +Sports,Mauresmo Through to Final After Sharapova Withdraws +Sports,Oklahoma Rallies Behind White +World,"Arafat Stable, Militants Seek More Powers" +Sports,UPDATE 1-Barcelona fight back to beat Deportivo 2-1 +World,6 Killed in Crash of British Train +Sci/Tech,Web Site for Complaints Sparks Lawsuit (AP) +Sci/Tech,Action Game 'Halo 2' Sold Early on eBay (AP) +World,Buddhists live in fear as reprisal attacks mount in Thailand's south (AFP) +World,GOP Rode Bush Coattails to Senate Gains (AP) +World,Democratic Leader Ready to Work With Bush (AP) +World,Peru's Toledo Wants New Judges for Guzman Retrial +World,Anti-French uproar in Ivory Coast +World,Macedonians to vote in key poll +World,30 Killed in Spate of Attacks in Iraq +World,9 French Troops Killed in Airstrike In Ivory Coast +World,Envoys Report Progress in Iran Talks +World,Bush Signals No Major Shift In Foreign Policy +Business,Man Sentenced in Theft of Patient #39;s Identity +Business,"Merck should have pulled Vioxx in 2000, study concludes" +Business,Mining giant goes to court to avert hostile takeover +Business,Letters to the Editor: Poor odds for super-casinos +Business,China claims US textile quota plans violate WTO rules +World,Domestic Issues on The Front Burner +World,A Tug of War +Sports,United Reaches Final +World,Missing Antiaircraft Missiles Alarm Aides +Sci/Tech,Photos Plus Music Equals an Expensive iPod +Sports,Mutu says sorry to Chelsea fans +Sports,Jol puts hand up for Tottenham post +Sports,It #39;s all Tszyu as Mitchell falls early +Sports,Lance considers future +Sports,Is Oklahoma Orange-worthy? +Sports,Stocco comes into his own as QB +World,France faces war in former Africa colony +World,EU finds cosmetic unity over Bush and Iraq +World,S. Korea Urges US To Push for Arms Talks +World,"Two Palestinians killed in Gaza Strip, teen killed in Jenin" +Sports,Terps Come Out 'Flat' +Sports,S.C. St. Stops Howard +World,Safin Eases Into Fourth Paris Masters Final +Sports,Aggadan Surges to Win +Sports,Cyclones Storm Big 12 +Sports,Tszyu TKO's Mitchell +Sports,NBA Wrap: Heat Stay Unbeaten with Win Over Wizards +Business,Report: BT Poised to Buy Infonet +Sports,Bobcats Nail Down Franchise's First Win (AP) +Sports,Wade Overshadows Shaq As Heat Hit 3-0 (AP) +Sports,NBA Wrap: Heat Stay Unbeaten with Win Over Wizards (Reuters) +Sports,Cleveland has nothing to lose vs. Patriots +Sports,United Edge Revolution 4-3 in Overtime (AP) +Sports,Tszyu knocks Mitchell down 3 times in 3rd round +World,Iran: Problems With EU Countries In Nuclear Talks +World,President Musharraf Leaves For Afghanistan +Sports,NCAA Game Summary - Oklahoma State at Texas +Business,Vioxx Populi? +World,Boxing: Victory for superb Tszyu +Sports,Knicks Embarrassed in Opener at the Garden +World,Progress made over Iran #39;s nuke issue +Sports,Knicks Embarrassed in Opener at the Garden +Sports,"Nowitzki, Mavs Surge Past Memphis 112-88 (AP)" +Sports,Celetics Pound Knicks +Sports,Wade Impresses All +Business,Report: BT Poised to Buy Infonet (Reuters) +World,Accused Taliban Member Appears at Hearing (AP) +Sports,No. 23 Arizona St. Squeaks Past Stanford (AP) +Business,McGuinty Wants Kids in Classroom Not Malls +Business,Cuba developing trade with US companies despite blockade +Sci/Tech,Personal Technology Entertainment goes digital with armchair ease +Sports,O #39;Leary re-signing nears +Sports,"No. 2 Oklahoma uses White #39;s arm, Ags #39; turnovers to stay unbeaten" +Sports,Tszyu in thumping win +Sports,Radcliffe #39;s risky recovery strategy +World,"Home Minister to visit Jammu, Rajouri" +World,"UN, France Demand Gbabgo End Ivory Coast Violence" +Sports,Safin plays injured Canas next +Sports,UPDATE 1-Lowly Reggina hand Juventus first defeat +Sports,Spain: Barcelona beat Deportivo to maintain lead +Sports,Plenty of options for Washington +World,"Over 30 Killed in Iraq attacks, 20 Americans wounded" +Sci/Tech,National Briefs +Sports,Safin storms into Paris Masters final +Sports,Hakkinen to race Mercedes DTM in 2005 +Sports,Schilling Ankle Exam Postponed Again +Sports,Mitchell Ready for Rematch With Rested Tszyu +World,S. Korean leaders congratulate Bush +World,Exercise Displays Japan's Ambitions +World,Wholesale Interest in Chinese Retailing +Business,Wal-Mart says weekly traffic rose +Business,Securities chief says industry is better +World,Attacks kill 22 policemen in Iraq +Sci/Tech,Whooping Cranes Flock Grounded In Indiana +Sci/Tech,"Venus, Jupiter, moon to join forces to form lovely triangle" +Sci/Tech,Beagle 2 #39;fiasco #39;: British govt blamed for being CHEAPSKATE +Sports,Golf Capsules +Sports,Zvonareva joins Mauresmo in Philly final +Sports,Alan Key +World,Eritrea denies jail deaths claim +Sports,Badgers just happy to go #39;one-and-oh #39; +World,Iraq ; Rebels fight back as US bombs Fallujah +World, #39;Several dead #39; and 150 injured as train derails +World,Action on Mideast should flow as quickly as the rhetoric +World,Two elderly Buddhists killed in Thai Muslim south +Sci/Tech,Hello Canada! +Business,Atlantic City Casino Workers Vote To End Strike +Sci/Tech, #39;GTA: San Andreas #39; excels in every area +Business,Some Shoppers Find Fewer Happy Returns +Sports,Fighting to Save Plan +Sports,Longhorns Rip Cowboys +World,Afghan Militants Say to Hold Talks on UN Hostages +Sci/Tech,"Photos, Music Make an Expensive iPod" +Sci/Tech,Service Sends Traffic Images to Cell Phone +Sci/Tech,Digital Contenders All Hotshots +World,Afghan Militants Say to Hold Talks on UN Hostages (Reuters) +World,Anderlecht's Baseggio scores with burst ball (Reuters) +Sports,Park Loses Sight of Sorenstam at Mizuno Classic +World,France Pressures Ivory Coast Government to Cease All Military <b>...</b> +World,Terrorism ; Afghan Militants Say to Hold Talks on UN Hostages +Sci/Tech, #39;San Andreas #39;: Like Gorgeous Graffiti on Your Front Door +Sci/Tech,San Andreas game a masterpiece of mayhem On the warpath in LA <b>...</b> +Sports,Knicks are cooked at home +World,Insurgents launch attacks against police stations in Anbar <b>...</b> +World,Kashmir separatist welcomes Indian ministers Pakistan visit <b>...</b> +Business,Verizon helps NextWave out of cell phone business +Sci/Tech,No fault in Andreas +Sci/Tech,Winners of X Prize get their reward +Sci/Tech,Massive release accompanies highly anticipated video game +Sci/Tech,Nokia sues over patent and registered designs +Sports,Tour #39;s generation scrap +Sports,Almost! Inspired Beavers throw scare in USC before falling 28-20 +Sports,Wizards can #39;t corral Wade +Sports,Lance Armstrong ponders options +Sports,Rams still feel sting of losing Super Bowl +Sports,Tszyu makes quick work of Mitchell in rematch +Sports,Olympians back on track +World,"Seoul, Tokyo highlight resuming 6-party talks" +World,Geo-political shifts likely to influence regional outlook +World,Hattersley Swipe at Blair #39;s US Policy +World,Indian police round-up rebel supporters in Manipur +World,PM welcomes EU #39;s proposal: +World,Iran Says Preliminary Nuclear Deal Reached with EU +World,France Readies Resolution on Ivory Coast Arms Ban +Sports,Taking long way around for hoop dream +Sports,Former NBA pro sharing his skills +Sports,"At 57, he's still semi-tough " +Business,"With Vioxx gone, now what do I do?" +Business,Retailers simplify the rebate process +Business,Uninsured caught in costly twist +Business,Drive to be the coolest puts PCs on cutting edge +Business,Dean takes on his image in ad for search engine +Business,"For designer Michael Kors, it's all in the bag" +Business,Etiquette at Work +Business,Automaker tale never looks under the hood +Business,Internet TV tries to go mainstream +Business,"To tithe, make it first item in budget" +Business,Chasing hot funds is a strategy that courts failure +World,Vatican watchers track rise of key cardinal +Business,Wal-Mart's successis market-driven +World,"In Georgia, transformation isn't fast enough for some" +World,Postwar policy chief to resign from post +World,At least 13 reported killed in Kashmir violence +Sports,No. 7 Utah Defeats Colorado St. 63-31 (AP) +Sports,Steelers seek piece of history +World,Iran Says Preliminary Nuclear Deal Reached with EU (Reuters) +World,Saudi Religious Scholars Back Holy War (AP) +World,Bush to give Supreme Court ultra-conservative edge (AFP) +Sci/Tech,Cassini gets look at Titan +Sports,Blues are Robben first place from Arsenal +Sports,"Sounds of thunder, strikes of lightning" +Sports, #39;Canes keep reeling +World,"Seoul, Washington Reaffirm Dedication to Resolving Nuclear <b>...</b>" +World,Thai unrest intensifies +Business,Penn National becomes US third largest casino giant after takeover <b>...</b> +Business,Grocery workers #39; vote halted in Colorado +Sports,Game of the day; by the numbers +Sports,This is why the Huskies need to go after Tedford +Sports,"Reggina stuns Juventus 2-1, Brescia beats Chievo in Serie A" +World,More Conflicting Reports on Arafat #39;s Health +World,Sri Lankan Tamil rebels to resume talks conditionally +Sci/Tech,The Flu Hunters +Business,Vioxx recall may cost \$18 billion +Business,"Bush victory will buoy market, at least in short term" +Business,"To Salvation Army, Target is the Grinch who stole Christmas" +Sci/Tech,Video game launch on way +Sci/Tech,"Langa Letter: A New Way To Slim Down Windows XP, Including SP2" +Sci/Tech,Digital Contenders All Hotshots +Sports,"Trojans overcome mistakes, weather to rally past Beavers" +Sports,Winning the big moments +Sports,Ed Hardin: Bowl situation not so Peachy +Sports,Bruins take a step back +World,More than 30 Ivorians killed: official +World,"Iran, EU reach nuke agreement" +World,PM says Japan military must contribute to global safety +World,"Sri Lanka Peace Talks May Not Resume, Norwegian Minister Says" +Business,MARKET AS UNRELIABLE AS THE POLLS +Business,Eurozone data to show economy slowing in third quarter: economists +Business,Barrage of credit card offerings grows into a crescendo +Sci/Tech,Spammer Receives 9 Year Prison Sentence +Sci/Tech,Excelling at science +Sci/Tech,A snapshot of camera phones that answer photography #39;s call +Sports,On-form Tiger claims joint lead +Sports,"United, Revs play RFK thriller" +World,India Test Fires Nuclear-Capable Missile +World,Kashmiri separatists cautiously welcome Indian offer +Business,Proift dip at Buffett's Berkshire +Sci/Tech,The Broken Window Fallacy +Sports,Woods back in familiar spot +World,France Readies Resolution on Ivory Coast Arms Ban +World,Qorei urges calm as Arafats condition unchanged +World,New Iraq mission for Black Watch +World,"Foot-Tapping, Heart-Thumping Salute to Sousa" +Business, #39; #39;Strategic partnership #39; #39; to be formalised at summit: PM +Business,ECB Doesn #39;t Want to Halt Euro #39;s Rise Vs. Dollar +Sports,Tszyu takes great satisfaction from Mitchell beat-down +Sports,Safin in Fine Form Over Hewitt at ATP Masters Series Paris +World,Musharraf spends a day with Karzai +Sci/Tech,Service Sends Traffic Images To Cell Phone (washingtonpost.com) +World,Macedonians Voting on Albanian Self-Rule (AP) +World,Iran Says Provisional Nuke Pact Reached (AP) +World,Pro-Pakistan rebels claim Kashmir attack +World,Six dead in British train crash +World,"In J amp;K, Patil greeted with snubs, violence" +World,Other news from Iraq +Sci/Tech,Yacht race sails onto mobiles +Sci/Tech,Private spaceship designers get \$A13m +Sports,Bears hold on for 28-27 win +World,Iran Says Provisional Nuke Pact Reached +World,Ivory Coast: Your experiences +World,Putin ratifies accord with EU +Business,"US phone giant to cut 10,000 jobs" +Business,Buffalo stock index rises +Business,BT Linked to US Acquisition +Sports,Sorenstam wins record fourth straight Mizuno title +Sports,USC Notebook: Byrd back in form against Oregon State +World,Iran says nuclear negotiations quot;complicated but progressing quot; +World,Police Surprised So Many Survive British Rail Crash +World,Iraq Rebels Strike Before US Attack on Falluja +World,Israel ready to ease closures after Arafat dies +World,UN accused of #39;encouraging #39; Darfur rebels +World,Indian farmers turn to Cola to kill pests +Sports,"Still involved, he hails Red Sox as fantasy team" +Sports,Eagles not striking but can go bowling +Sports,Lack of finishing kicks ends Revolution's run +Sports,Rocket became a booster +Sports,"A 7th-rounder, Givens has caught up fast" +Sports,Ivy product climbs in NFL +Sports,Twellman: Booting painful +Sports,Belkin has his work cut out +Sports,Bobcats earn first victory +Sports,Colgate trips up Harvard +Sports,Heels given boot this time +Sports,Home fires burning for Holy Cross +Sports,Late drop helps Bears duck Oregon +Sports,Sexton's play quite a relief +Sports,Greene a real chart-topper +Sports,"Penn streak alive, well" +Sports,New Year's their day? +Sports,Miami melts in OT +Sports,Orange crush hopes +Sports,Bitter' win sweet for UMass +Sports,Cincinnati springs upset +Sports,Crimson have 0 tolerance for Columbia +Sports,Santos helps UNH assure winning season +Sports,Irish are a pain to Vols +Sports,"Who's the man? Haas, Woods share lead" +Sports,Melrose overrules Reading +Sports,Brockton boosts win streak to six +Sports,Belmont Hill takes advantage of BB amp;N errors +Sports,A long wait is over for Duxbury +Sports,Bishops clinch playoff berth +Sports,Quick start works for Welch +Sports,Chelmsford quarterback coaxes a victory +Sports,Eleusis captures Long Island 'cap +Sports,Armstrong may skip next Tour +Sports,"Mourning, and glory" +Sports,Navy cruises past overmatched Army +World,Iraq Rebels Strike Before U.S. Attack on Falluja +Sports,Nuggets team up on Heat +World,Police Surprised So Many Survive British Rail Crash +World,Car bombers target Iraqi police; 16 killed +Sci/Tech,Reach out and sneer: Dem radicals speak to the Red States +Sports,Olympians Aim to Atone in NYC Marathon (AP) +Sports,Listless #39;Canes upset by Hokies +Sci/Tech,Nokia takes Sagem to court +Sports,Armstrong indicates he will skip 2005 Tour +World,India fires nuclear-ready missile +World,Palestinian Leaders Decide on Law-And-Order Plan (Reuters) +World,"Italians Oppose Marriage, Adoption for Gays (Reuters)" +Sci/Tech,On Wall Street: Dominic Rushe: The slammer is no deterrent for the <b>...</b> +World,India test fires nuclear-capable missile +Business,Report: BT Poised to Buy Infonet +Business,US FDA to Review Post-Market Safety Checks +Sports,"Who #39;s the man? Haas, Woods share lead" +Sports,Celtics best Knicks for seasons first win +Sports,USC #39;s Bush shows Heisman candidate form +World,Ivory Coast to Pull Back Its Forces +World,Israel Plans for Arafat Burial in Gaza +World,Preliminary pact reached on Iran nukes +World,"UK Train Line to Be Closed for Days, #39; Police Say (Update1)" +World,Iraqi Interim Government Declares Martial Law +World,Blair Aims to Get Bush to Focus on Peace +World,Two US convoys attacked in Iraq +Sports,NHL's Jagr Signs for Russian Champions Omsk +Business,Away on Business: Environment Control (Reuters) +World,Police Surprised So Many Survive British Rail Crash (Reuters) +World,Myanmar PM sacked to prevent military disintegrating: state media (AFP) +Sports,Spain #39;s Jimenez wins Hong Kong Open by one shot +Sci/Tech,Idaho Residents Seek Compensation for Nuclear Tests (Reuters) +World,"Arafat Has Liver Failure, Officials Say" +Business,UAL seeks additional two billion dollars in cuts +Sci/Tech,Science teacher receives award +Sports,"Hidden swing, crouching Tiger" +World,"Machete-waving mobs loot, attack French targets after Ivory Coast" +World,ISRAEL * PALESTINE * ARAFAT * DEBATES +World,"Iran, Europe Fail to Agree on Uranium Enrichment, IRNA Reports" +World,Another arrest in van Gogh murder +World,"Iran, EU Reach Tentative Nuclear Deal" +Business,News Corp. Enters #39;New Era #39; +World,Myanmar's Ex-Leader Accused of Corruption (AP) +World,State of emergency declared in Iraq +World,"Iraq Declares Martial Law, 23 Police Killed" +World,Syria Says to Sign Border Protocol with Iraq +Sports,"Woods, Haas Share Tour Championship Lead (AP)" +World,Israel plans for Arafat burial +World,Thai premier visits deaths town +Sports,U.S.C. Plays Through the Fog to Remain Undefeated +World,Kabul kidnappers 'ready to talk' +World,Iraq's Allawi Declares Martial Law +World,Policeman 'saw fatal train crash' +World,"Ivory Coast Army Pulls Back, Paris Flies in Troops" +World,"Iraq Declares Martial Law, 23 Police Killed" +Business,PM leaves for India-EU summit +Sci/Tech,Krill decline raises concern for Antarctics food chain +Sci/Tech,Mysteries of newly found hobbit lure tourists to remote <b>...</b> +Sports,Tszyu returns with a bang and Mitchell goes Thud +Sports,Pavin third in Vietnam Masters +Sports,Staley Questionable for Game Vs. Eagles +World,Patriotism Row Exposes Crack in Schroeder Coalition +World,Arafat Aides Agree on Security Plan to Maintain Civil Order +World,Liver Failure Ails Arafat +World,Train crash kills 6 +Business,India to forge strategic partnership with EU +World,"Some 50,000 Muscovites rally for October Revolution anniversary" +World,S. Africa's Mbeki on 'urgent mission' to resolve Ivory Coast crisis (AFP) +Business,Worthy choice for Commerce post +World,"Protest in Kashmir over alleged rape of girl, mother (Reuters)" +World,Afghan Kidnappers Demand Release of 26 Comrades +Business,Finance: Lessons of the Past Five Years +Sports,Major Leaguers Take 3-0 Lead in Japan (AP) +Sports,Red Sox starring in ads +World,Ivory Coast travel warning +World,Policeman #39;saw fatal train crash #39; +World,Japan to Streamline Defense Forces to Fight Terrorism +Business,Wasserstein ready to quit Lazard +World,Concert for Beslan siege victims +Business,Hurricane losses slash profits +Business,Reputation of the FDA in shambles after Vioxx scandal; calls for <b>...</b> +Business,Quota Move on Garments Riles China +Business,PM arrives in the Hague for India-European Union Summit : +Business,Tobacco company wants government to butt out +Sports,Steelers' Staley Out for Eagles Game (AP) +Sci/Tech,Kyoto can #39;t do the job alone says expert +Sci/Tech,Distant cousins +Sports,Woods plays catch up +Sports,Radcliffe Wins Women #39;s New York Marathon +Sports,Staley questionable vs. Philadelphia +Sports,New England vs. St Louis +World,Insurgents widen Iraq fighting +World,Arafat #39;s wife sends message to leaders +World,Train Crashes into Car: Six Dead +World,Patil hints at sending Hurriyat leaders to Pak +World,Thai premier visits deaths town +World,Protestor Killed in Castor Transport +Sports,Safin Beats Stepanek for 3rd Masters Crown (AP) +World,Protester dies under atomic train +Sports,Radcliffe Wins Women's New York Marathon +Business,Pace of US job growth slows +World,Filipino still hostage in Iraq +World,Allawi Declares Martial Law in Iraq +Business,US Airways Argues for New Deals In Hearing +World,Anti-Nuclear Protester Dies as Train Cuts Off Leg +Sci/Tech,Bush Election Causes Suicide +World,"Aide: Arafat Not In Coma, In ICU" +World,Afghan rebels seek release of Guantanamo prisoners in return for <b>...</b> +World,Iraq declares state of emergency +World,Radcliffe redeems herself as she wins New York Marathon (AFP) +World,Israel Plans for Arafat Burial in Gaza (AP) +World,Hollywood actress Mia Farrow sees ravages of war in Darfur (AFP) +Business,Ryanair Could Profit with High Oil - CEO +World,AP Poll: Voters Most Want Stable Iraq (AP) +World,AP-Ipsos Election Poll Questions (AP) +Sports,Blazers' Randolph Fined for Missing Flight (AP) +Business,Eyes on Rates with Election Over (Reuters) +Business,Ryanair Could Profit with High Oil - CEO (Reuters) +Business,PM arrives for India-EU summit +Business,United Air plans \$2 bn cost cuts +Business,Ryanair Could Profit with High Oil - CEO +Sci/Tech,Rutan Collects \$10 Million Ansari X Prize +Sci/Tech,Canada considers curbs on emissions +Sci/Tech,Adoption Awareness Month Begins +Sports,Radcliffe Bounces Back to Win in New York +Sports,Lord of the Ring: Kostya Tszyu stops Mitchell in three +Sports,Safin Beats Stepanek for 3rd Masters Crown +Sports,English Premiership round-up +Sports,"Hurricanes fall to Clemson, 24-17" +Sports,Dutch: Top teams earn easy victories +Sports,Goolsby gallop all good +Sports,"Redskins, Lions Underway" +World,Iraq declares state of emergency +World,"Aide: Arafat Not In Coma, In ICU" +World,Football: Man Utd 0-0 Man City +Business,Delta Details Job Cuts Plan +Sports,Radcliffe Bounces Back to Win in New York +Sports,Blazers Fine Randolph for Missing Team Flight +World,French Troops Deploy in Ivory Coast After Rioting +Sports,"Redskins Lead, 3-0" +World,Low Turnout Likely to Kill Macedonian Referendum +Sci/Tech,Thousands Flock to Japan for Radon Therapy (AP) +Business,Delta Details Job Cuts Plan (Reuters) +Sports,"Panthers' Davis, Morgan Sit Out (AP)" +Sports,Blazers Fine Randolph for Missing Team Flight (Reuters) +Sports,Cal Gets the Breaks to Hold Off Oregon (AP) +Sports,Philadelphia vs. Pittsburgh +Sports,Big Wins for Top Four +World,EU agrees to eight proposals by Iran +World,Iraq #39;s Allawi Hopes to Avoid Falluja Assault-Aide +World,Iraq summit with Bush a win for Blair +Business,"Going, going, fraud! Charges made in online bidding" +World,State of Emergency Declared in Iraq +Sci/Tech,Time Warner Stock Has Room to Rise-Barron's (Reuters) +Business,U.S. Gasoline Prices Fall to #36;2.01/gallon (Reuters) +World,Singapore to install more surveillance cameras as anti-terror measures (AFP) +Business,U.S. Gasoline Prices Fall to \$2.01/gallon +Sports,Safin Targets World Number One Federer in 2005 +World,"Iraq Declares Martial Law, 22 Police Killed" +Business,India Prepares for Special Partnership with EU +Business,"As crude oil supply grows, gas prices drop" +Business,Airlines vicious circle of weak finances and low morale +Business,"Gold May Top 15-Year High as Dollar #39;s Value Falls, Survey Says" +Sci/Tech,"Key Antarctic food source is declining, study says" +Sports,"Radcliffe, Ramaala win NYC Marathon" +Sports,Third Paris crown for Safin +Sports,UPDATE 1-Smith sent off as United held in drawn derby +World,Macedonians Vote on Ethnic Albanian Rule +World,Blair to hold talks with Bush in Washington +Business,"Two #39;s Company: India, EU to enter partnership" +Business,Survey: 1st gas price dip in 2 months +Sci/Tech,"Get MS #39;s Media Centre, change your life" +Sports,"It #39;s Good to Be Back, Says Marathon Winner Paula" +Sports,Tszyu #39;s big fight aim +Sports,Safin of Russia comfortably beats Czech Stepanek at Paris Masters +Sports,Jol pledges to adhere to tradition +Sports,Radcliffe and Ramaala Win New York City Marathon +Sports,"Raptors Down Blazers, Improve to 3-0 (AP)" +Sports,Bills RT Williams Taken Off in Ambulance (AP) +Sports,Trojans Return to Kinder Climate (AP) +Sports,Sportsview: Heisman Race Gets Muddled (AP) +World,Kadhafi urges return to ceasefire in Ivory Coast (AFP) +World,Report Probes Gifts to Schwarzenegger Aides (AP) +Sci/Tech,A single gene may help overcome addiction +Sports,"Wade #39;s 37 points, Jones #39; clutch shots lift Heat" +Sports,Safin beats Stepanek for third Paris Masters crown +Sports,Bara Open Up Breathing Room +World,"Arafat Has Liver Failure, Officials Say" +Sci/Tech,Microsoft to help users prep for patching +Sports,Radcliffe Wins Closest NYC Marathon +Sports,Basketball: Sore Shaq finds his new Kobe as Wade keeps Heat <b>...</b> +Sports,Manchester United draws and makes it harder for themselves +Sports,Barcelona defender Belletti out for two weeks +World,Arafats liver fails +World,Six killed in train crash +World,Bush senior: US will work with Blair on Mideast +World,France Says Hostages Still Alive a Few Days Ago (Reuters) +Sci/Tech,Rogue pilot ruffles feathers on migration +World,UPI NewsTrack TopNews +World,Black Watch block Fallujah supply line +World,Hezbollah claims to send its first reconnaissance drone over <b>...</b> +World,French nuclear shipment heads towards Germany after protest +World,British police search for clues on the train crash that killed 7 (Canadian Press) +World,Leaders consider life after Arafat +World,French Troops on Streets After Ivory Coast Unrest +World,"U.S. Jets Hit Iraq's Falluja, Fierce Ground Clashes" +Business,Singh asks Left to see US reality +Business,Vioxx Recall Draws Attention To Pfizer #39;s Celebrex +Sports,Goosen Holds Off Woods to Win Tour Championship +Sci/Tech,Game for a festive fight +Sci/Tech,Violence still boosts companies #39; bottom line +Sci/Tech,-UNSC Marines whispering as Master Chief kills another Covenant +Sci/Tech,Trend of Foreign Whites Adopting Black US Kids +Sports,Radcliffe finds the old character for her next book +Sports,Champ has #39;couple of beers #39; +Sports,Tampa Bay Buccaneers +Sports,Que wins inaugural Vietnam Masters +Sports,Morning dawns for championship +Sports,Sunday #39;s NFL Capsules +Sports,UPDATE 2-Inter and Milan fail to take advantaqe +Sports,NFL Game Summary - NY Jets at Buffalo +Sports,Self-Described 'Bad Marathoner' Takes Men's Race +World,US heading into major urban assault in Iraq +Sports,Pittsburgh Ends Another Win Streak +World,Death toll of England #39;s train crash rises to seven +World,Iraq Declares State of Emergency as Insurgents Step Up Attacks +World,Egypt road crash kills 33 +World,High stakes of taking Fallujah +World,Anti-French mood roils Ivory Coast +World,Dutch debate a 'values' divide after slaying +Sci/Tech,Some Retailers Offering Online Rebates (AP) +Sci/Tech,8 eBay Sellers Admit to Phony Bids (AP) +Sports,Buccaneers Hold Off Chiefs 34-31 (AP) +Sports,Steelers Pummel Eagles +Business,PM arrives in the Hague +Sports,Bills Scouting Report +Sports,CLARKE URGES BLUES TO TAKE CHANCE +Sci/Tech,Researchers Identify Nicotine Addiction Gene +World,Arroyo asks Muslims for help on Filipino hostages +Business,Gas Prices Drop As Crude Oil Supply Rises +Business,CBI calls for police help against terrorism +Business,BT poised to expand in US with \$1bn deal +Business,Microsoft seeks pre-dividend shift in stock plan +Business,Health-Care Worker To Jail For Identity Theft +Business,SK Corp. faces legal challenge +Business,Menatep plans to sue Kremlin +Business,Bush win not a cure-all for stocks +Business,Enron barge jury deliberating sentencing factors +Sci/Tech,Next Space Race Under Way +Sci/Tech,Tesco jumps on to digital downloading bandwagon +Sci/Tech,Sneaky spyware becomes scourge of Internet +Sci/Tech,Nokia unveils three new camera phones +Sci/Tech,"Crunch, squelch or splash on Saturn #39;s moon Titan?" +Sports,Radcliffe redeemed with marathon win +Sports,Mauresmo through to final as Sharapova withdraws +Sports,Schalke wins club-record sixth in a row +Sports,Jol wants full-time job at Tottenham +Sports,"Spears, Sucha advance to Bell Challenge final" +Sports,Steelers winning the old fashioned way -- they pound it +Sports,San Diego Chargers +Sports,Jets QB Pennington pulled after bruising right shoulder +Sports,Designers unveil plan for Olympic park +Sports,La Liga Sunday Wrap: Real Go Second As Ches Crash Again +World,Israel ensures security during the funeral of the Palestinian <b>...</b> +World,Train crash may have been due to motorist #39;s suicide bid +World,Agreement close on atom deal with Iran +World,Russia #39;s holiday soup +World,Thaksin vows #39;iron fist #39; against rebels in south +World,Protester killed in anti-nuclear demonstration +World,Saudi call for jihad +Sports,"Meyer just says no to Notre Dame, will coach at Florida" +Sci/Tech,Nearly Half European Birds Species at Risk -Report (Reuters) +Business,Manmohan welcomes EU proposal for strategic partnership +Business,Australia #39;s Stockland Plans Statement About GPT +Business,Crude may fall as output spurs supply +Business,Plane skids off runway at Kota Kinabalu airport +Business,Convictions In Enron Scandal +Sports,"Patriots Defeat Rams, 40-22 (AP)" +Sci/Tech,Give the e-mail spammer a life-time of internet pop-up messages +Sports,"Chargers Trounce Saints, 43-17 (AP)" +Sports,Not so fast for US skiers +Sports,Tszyu looks for next fight +Sports,"Steelers, Bettis overwhelm undefeated Eagles" +Sports,Seattle vs. San Francisco +World,Netherlands Reports Anti-Muslim Incidents (AP) +World,Kazakhstan Coal Mine Blast Kills 23 +Sports,Goosen Tops Woods +Sci/Tech,Texas Instruments Chip Brings TV to Cellphones (Reuters) +Sports,"Bears Defeat Giants, 28-21 (AP)" +World,China to Keep to Stable Yuan Policy-Paper (Reuters) +Business,Dollar Retests Record Lows Vs Euro +Business,China to Keep to Stable Yuan Policy-Paper +Sports,Mauresmo Wins Fifth Tournament of 2004 +Sports,Pittman Pops Chiefs +World,Arafat's Lieutenants to Fly to Paris to See Him +Sports,"Steelers Hand Eagles First Loss, 27-3: NFL Week 9 (Update1)" +Sports,Earnhardt wins; championship battle tightens +World,PA endorses domestic security plan +World,Opponents: Macedonian Referendum Will Fail on Low Turnout +World,Guerrillas Kill Two U.S. Soldiers in Iraq's Mosul +World,Mine Explosion Kills 21 in Kazakhstan +Sci/Tech,Enter a Category +Sports,Doubt removed: Steelers simply looking Super +World,More French Troops Deploy in Ivory Coast Amid Protests +World,Palestinian leaders visit dying Arafat +World,Frantic attempt to stop the train - then utter devastation +Sports,Seahawks' Lucas Bruises Chest vs. 49ers (AP) +Sports,Earnhardt Gets Win +World,Roadside bomb kills 11 in Kashmir +Sci/Tech,Satellite launch the fortieth in past 8 years +Sports,"Radcliffe, Raamala win New York marathon race" +Sports,Chargers rain on Saints parade +Sports,Ten-man PSG clinch seventh straight win over Marseille +World,Troops set for Christmas homecoming +Business,Nikkei Erases Gains +World,Palestinian heads to visit Arafat +Business,"Nikkei Dips Down, Yen Weighs on Exporters" +Sci/Tech,Tesco begins music-download site +World,"Bombings kill 16 in Baghdad, Mosul" +Business,Upside to a Dollar That's Falling +Business,S.E.C. Is Said to Examine Stock Pricing By Big Brokers +Business,Microsoft Seeks Video Game Winner With Halo 2 +Business,Australian Job Advertisements Rose 5 Last Month (Update2) +Business,"Australian Gasoline Prices May Ease, Treasurer Costello Says" +Business,British firms increasingly outsourcing jobs abroad: survey +Business,Stockland to Make Proposal That Involves General Property Trust +Business,Knowledge Learning Buying KinderCare +Sports,"Vinatieri, Dillon Pace Pats" +Sports,"Bears Defeat Giants, 28-21" +World,Arafat's Wife Opposes Leaders Visiting Him (Reuters) +Sports,"Goodbye, Numminen" +Sports,THECHAT +Sports,Radcliffe avenges Athens +Sports,Buddha teaches Safin to be master of himself +Sports,Smith Off as Manchester Derby Drawn; Newcastle Loses (Update1) +Sports,Cardinals flip the flailing Dolphins 24-23 +Sports,Redskins 17 - Lions 10: Post-Game Quotes +Sports,Seahawks lose CB Lucas in win +World,Between chaos and progress +World,"21 shot dead in Iraq police station massacre, two US soldiers <b>...</b>" +World,Ivorian Leader Urges End to Anti-French Violence (Reuters) +Business,"Nikkei Dips Down, Yen Weighs on Exporters (Reuters)" +Sci/Tech,On-Demand Apps Break Enterprise Barriers (TechWeb) +Sci/Tech,Microsoft Seeks Change Before Dividend (AP) +Sci/Tech,Eye on Open Source (TechWeb) +Sci/Tech,"Lucent, Unions Delay Contract Deadline (AP)" +World,Macedonians Vote on Ethnic Albanian Rule (AP) +World,Philippine Envoy Pleads for Captive (AP) +World,17 Iraqis Working for Coalition Killed (AP) +Sports,Ed Hardin: Must-see TV: UNC is for real +World,U.S. Marine Tanks Prepare for Falluja Offensive +Sports,"Undefeated Tigers outscore Vols, unlikely to get shot at national <b>...</b>" +Sci/Tech,Shopping With My Friendsters +Sci/Tech,Iran Jails More Journalists and Blocks Web Sites +Sci/Tech,"One Internet, Many Copyright Laws" +Sports,CU drops Big 12 title to Sooners +Sci/Tech,Marketing for the Third Screen +Sci/Tech,"When Etiquette Isn't Enough, a Cellphone Cone of Silence" +Business,Nikkei Down at Midsession +Sports,Pittsburgh: Where the Unbeaten Go to Die +Sports,Bruins manifest spirit +Sports,Giants Slip and Vanish in a Torrent of Turnovers +Sports,Goosen Does Unthinkable and Gets Woods Thinking +Sports,American men picking up speed +Sports,Cropp Lacks Votes +Sports,Roundup: Win keeps US alive in Davis Cup final +World,Palestinian Delegation Hoping to See Arafat +Business,Dollar Hits Record Euro Low (Reuters) +Sports,"SuperSonics Beat Spurs, 113-94 (AP)" +Business,UK Plc under pressure to move jobs offshore +Business, #39;No need #39; for Australian rate rise +Business,Update 2: Tokyo Stocks Move Lower; Dollar Falls +Business,"Eight eBay sellers ordered to pay nearly \$90,000 in restitution <b>...</b>" +Business,China lets in a little more light +Business,Crude price falls further +Business,Westpac Reports 16.3 Percent Profit Boost +Business,Estimating credit score is easy +Business,South Korean oil company chairman faces legal action +Business,China Netcom to fund expansion with IPO proceeds +World,Anti-Nuclear Protester Killed in France (AP) +Sports,"NBA Wrap: Toronto Beats Portland, 101-97 (Reuters)" +World,German FM meets with Palestinian leadership ahead of talks in Israel (AFP) +Sci/Tech,Tesco launches music download business +Sci/Tech,Xbox builds on #39;Halo #39; effect +Sci/Tech,Hobbits #39; boost tourism figures +Sports,Hatton to pursue champion Tszyu +Sports,Marat Safin to face Radek Stepanek in Paris Masters final +Sports,Bills #39; McGahee Hits Pause and Then Runs Fast Forward +Sports,Warner #39;s Mistakes Costly for Giants +Sports,Busch stays on top as the Chase turns at Phoenix +World,Another quake hits northern Japan +World,Castro Shown on Cuban TV in a Wheel-Chair +Sci/Tech,"Nintendo sells 500,000 DS handhelds in first week" +Sci/Tech,Cognos brings software to Linux on Power +World,"President Feels Emboldened, Not Accidental, After Victory" +World,"Guantnamo Prisoners Getting Their Day, but Hardly in Court" +World,More French Troops Are Sent to Ivory Coast as Violence Flares +World,Early Target of Offensive Is a Hospital +Sci/Tech,Taiwan to Rule on Chip Packagers' China Plans -Paper +Business,Job ads on the rise +Sci/Tech,"Study ties molecule, nicotine addiction" +Sports,Radcliffe wins New York marathon +Sports,Bears 28 Giants 21 +Sports,Preview: Spurs vs. SuperSonics +World,Iraq Rebels Strike Before US Attack on Falluja +Sports,"Broncos Pummel Texans, 31-13" +World,Six people killed in high-speed train crash in England +Business,ANZ Australia Newspaper Job Ads 5.0 In Oct Vs Sep +Business,Honda Expanding Production in China +Business,US Gasoline Prices Fall to \$2.01/gallon +World,Allawi declares emergenct rule +Business,Warning of terrorists #39; threat to businesses +Business,"Lend Lease, Stockland, GPT under trade halts" +Sports,Plummer thrives in conservative attack +World,Hamas agrees to avoid infighting +World,Karzai #39;s amnesty offer to Taliban +World,Bus Carrying Egyptian Workers Crashes (AP) +Business,Airlines Only to Profit if Oil Drops-IATA +World,Nuclear summit opens in Australia +Business,Region's Affluence Yields Stable Returns +Business,Australia May Boost Interest Rates +Business,Mitsubishi Motors hit by first half loss +Business,China to cut public spending in 2005 +Business,"Big Tax Plans, Big Tax Risks" +Business,Infy approves Sponsored ADS +Business,Pfizer faces black boxes +Business,Microsoft to change share plans +Sci/Tech,Xbox uses Halo 2 to herd players online +Sci/Tech,IBM #39;s Blue Gene/L goes on sale +Sci/Tech,"Novell rejoins desktop fight, with Linux as ally" +Sci/Tech,P2P Use Increases as Students Return to Campus +Sports,Goosen Overtakes Woods at the End +Sports,"Federer still the man to beat, says born-again Safin" +Sports,NFL ROUNDUP: Steelers ground Eagles +Sports,"Malaga keeper Calatayud aware of Real Madrid, Liverpool interest" +Sports,Coughlin should give Manning the ball +Sports,"Road finally gets easier for Raiders Streak ends at Carolina, but <b>...</b>" +World,Snooker: Eddie Charlton dies +Business,House price growth 'still strong' +Business,UPDATE: Stockland To Unveil A\$7.5B Bid For GPT - Sources +World,French troops sent to quell Ivory Coast unrest +World,County in New Train Death +World,Africa ; Majority backs Macedonia #39;s multi-ethnic future +World,"Iraq declares martial law, US bombs Falluja" +World,Men arrested as Dutch religious tensions increase +World, #39;Pakistan impeding Kashmir talks #39; +World,Four Palestinian millitants killed in Jenin +World,Moscow Marks Anniversary of Communist Revolution +World,Buddhist plea for help in Thailand +World,Match-fixers targeted NZ captain +Sports,Steelers earn their way into NFL elite +Sports,Supersonics sink Spurs +World,Crash probe focuses on car driver +Business,Italy's green primary school +World,"Guantnamo Prisoners Getting Their Day, but Hardly in Court" +World,Strong Quake Jolts Northern Japan +Business,Mitsubishi First-Half Earnings Decline +Business,Treasuries Decline on Concern Fed to Lift Rates Amid Debt Sales +Business,Gas prices drop as crude oil supply increases +Business,"China to cut deficit, curb government investment in 2005: official" +Business,Stockland Bids A\$7.5 Bln for General Property Trust (Update1) +Sci/Tech,Tesco aims to take a bite out of Apple #39;s iTunes +Sci/Tech,Microsoft Seeks Video Game Winner With Halo 2 +Sci/Tech,Smooth criminal +Sports,Mauresmo makes waves at Advanta +Sports,Safin hammers Hewitt in Paris +Sports,Time running out for class of 1996 +Sports,Scoring Summary: Bears 28-Giants 21 +Sports,English Premier League match reports +World,"Iraq declares martial law, US bombs Falluja" +World,21 Iraqi policemen shot dead west of Baghdad +World,Families of dead British soldiers lash out at Blair +World,US Forces Set for Imminent Assault on Falluja +World,Gunmen kill 22 police in attacks in western Iraq +World,RUSSIA * LEFTISTS * RALLY +World,Nuclear terrorism threat real--UN nuclear watchdog chief +Sci/Tech,"Va. Tech, Research Group to Team Up" +Business,Interest rates unlikely to rise before Christmas +Business,Gas Prices Drop As Crude Oil Supply Rises +Sports,Sunday #39;s NFL Roundup +Sports,Jones back on offense +Sci/Tech,"Novell rejoins desktop fight, with Linux as ally" +Sports,"Lakers Defeat Hawks, 106-90 (AP)" +Sci/Tech,Matrix's 3D memory chips target game devices +Sports,"Ravens Pummel Browns, 27-13 (AP)" +Sci/Tech,New clusters emerge at supercomputing show +World,Guerrillas Kill Two U.S. Soldiers in Iraq's Mosul (Reuters) +Sci/Tech,Restitution Is Ordered in eBay Sales (washingtonpost.com) +Sports,NFL Wrap: Buffalo Bills Defeat New York Jets (Reuters) +Sci/Tech,IBM's Blue Gene/L goes on sale +Business,News Corp. Acts to Block Bids (Reuters) +Business,No need for rate rise yet as Australian economy bounds along: central bank (AFP) +Business,Emerging India set for special EU partnership +Business,"US Treasuries flat in Asia, market eyes rate rise" +Business,"China Said to Cut Spending, Trim Deficit" +Business,South Koreans Widen Microsoft Probe +World,UN nuclear watchdog chief calls for rethink on nuclear terrorism (AFP) +World,21 Iraqi guardsmen were kille +World,Two Black Watch soliders fighting for their lives in Iraq +Business,Gutierrez brought new flavor to cereal company +Sci/Tech,Crucial TV test for Microsoft +Sci/Tech,Mozilla Firefox: The Searcher's Browser +Business,No going back on reforms: PM +Business,Gas drops to lowest price in 2 months +Business,Honda to invest US\$340 million to boost auto output in China +Business,Stockland Makes Scrip Bid For GPT -2- +Business,Trade regulator to probe unfair trade allegations -report +Business,Australian Shares Midday:No Buyers To Support S amp;P/ASX 200 +Business,Decision time: Last chance for 2004 tax strategies +Business,"Oil Heads Down, Holds Above \$49" +Business,News Corp. Tries to Fend Off Liberty +World,Thai PM under pressure on South +World,'Biological' kidney implant hope +Sports,Foolproof performance +World,Jitters before assault wearing on soldiers +Sports,There's no faking a team effort like this +World,"As Ivorian crisis deepens, so do concerns for region" +World,"Train surprises, kills antinuclear protester in France" +Sports,Ramirez cuts short Japan tour +World,Arafat's wife says leaders aim to 'bury him alive' +Sports,Brown pulls double duty for defense +World,Low turnout sinks Macedonia referendum +World,"Preliminary nuclear pact OK'd, Iran says" +Sports,St. Louis defenders didn't know what hit them +World,Envoys dispatched to explain emergency +Sports,"Jets can't weather McGahee, Bills" +Sports,On the road to . . . mediocrity? +Sports,Messing with perfection +Sports,Giants turnovers the turning point for Bears +Sports,"After that trip, no going back" +Sports,"Off ice, his shifts are semi-regular" +Sports,Playing with poise +Sports,Maine shuts out Wildcats +Sports,BC has mountain to climb +Sports,Power play showdown +Business,Window of opportunity +Business,Microsoft dividend depends on stock-plan change +Business,Don't let your blog get lost in the fog +Business,"Lucent, unions delay pact deadline" +Business,"Delta details its plans to cut 7,000 jobs" +Business,Netherlands brings me luck: Manmohan Singh: +Business,Eight eBay sellers admit phony bids +Business,"Tokyo stocks finish lower, US dollar slides against euro, yen? <b>...</b>" +Business,More British jobs set to go abroad +Business,"Lucent, unions delay pact deadline" +Business,Labor groups upset over likely Wal-Mart +Sci/Tech,\$10 Million Payday: SpaceShipOne Gets Prize +Sci/Tech,"Industry, regulators ramp up anti-piracy fight" +Sci/Tech,RSA predicts looming identity crisis +Sci/Tech,Public buildings may go wireless +Sports,Goosen puts a fitting end to the year +Sports,Earnhardt remains in control +Sports,Frenchman wins Champ-car title +Sports,Pittman gets upper hand on Kansas City #39;s Holmes +Sports,Supersonics surprise Spurs +Sports,SMITH BREAKS RECORD IN DENVER WIN +World,Iran reaches preliminary nuke deal with EU +World,Earthquake rocks Northern Japan again +World,Killing of Filmmaker Yields Indictments in Netherlands +World,Afghan militants demand 26 pisoners +Sci/Tech,Tesco challenges iTunes #39; domination +Sports,Schalke amp; Stuttgart Close In On Wolves +Sports,"Arizona trips inept, 1-8 Miami" +Sports,Patriots Rebound By Being Ram Tough +Sports,Consecutive turnovers destroy Giants +Sports,Annika achieves historic four-peat +Sports,Rocky Mountain low clouds postseason hopes +World,Explosion damages Muslim school in southern Netherlands town +World,Bush faces foreign challenges +World,Strong Earthquake Jolts Northern Japan +Sports,Runaway Annika equals record +Sci/Tech,Computers snared by spyware +Sports,La Liga Preview: GetafeValencia +Sports,Sorenstam Wins Mizuno to Match Record +Sports,"Plummer steps up, Smith sets record as Broncos win big" +Sports,Reed #39;s record interception saves Ravens +Sci/Tech,Tesco starts music download service +Sci/Tech,Attack on spyware should go further +Sci/Tech,Group warns of threat to UK birds +Business,"Oil Heads Down, Holds Above \$49" +World,Nicaraguans Vote in Municipal Elections (AP) +World,Fleming 'alarmed' by Aussies' thorough planning (AFP) +Sci/Tech,"Fast Arctic Thaw Threatens People, Polar Bears (Reuters)" +Business,Struggling Mitsubishi Motors slips deeper into loss +Business,FDA TO CONDUCT IN-DEPTH ANALYSIS OF ITS DRUG SAFETY PROCEDURES +Sci/Tech,RSA CEO: Beefed Up Security Needed for E-Commerce to Succeed +Sports,Quiet Goosen roars to victory +Sports,The Premiership: Robben #39;s rhapsody in blue +World,Palestinian deputy en route to Paris +World,Sharon #39;s Reason To Mourn +Sports,Bears nab giant surprise +World,Macedonia #39;s referendum fails to give Albanians more autonomy +Business,"BT, Weaker Dollar Weigh on Euro Shares (Reuters)" +Business,China and Asia should brace themselves for US trade friction: economist (AFP) +World,"US forces in Afghanistan ""hopeful"" on release of UN hostages (AFP)" +World,Zimbabwe ruling party elects country #39;s first woman vice-president +Business,Mitsubishi crashes into the red +Business,BA sees profits more than double +Business,GE sells India outsourcing unit +Business,"UK firms to look abroad, CBI says" +Sports,"Radcliffe, Ramaala prove themselves" +World,Islamic School in Netherlands Damaged in Blast +World,Mounting concern Blunkett used tabloids to wreck lover #39;s marriage +World,Two Issues Could Hinder Deal to Freeze Iran's Nuclear Program +World,Ivory Coast to Pull Troops Back +World,Ghana 'coup plotters' await fate +World,Sex case island picks woman mayor +World,Incredibles tops Nemo film record +Business,GE to sell 60 stake in outsourcing unit for \$500 mln +Business,UK #39;s BT Group says committed to dividend policy +Business,Update 4: Tokyo Stocks Fall After Three-Day Rise +Business,Mitsubishi Reports First Half Earnings +Business,DHL buys control of Blue Dart +Business,EBay bid-riggers hit with big fines +Business,Western tops Maclean #39;s rankings +Business,CBI backs British jobs going abroad +Sci/Tech,Tesco launches into online music +Sci/Tech,"Fast Arctic Thaw Threatens People, Polar Bears" +Sci/Tech,"Protecting your Windows PC, Part 1" +Sports,Browne gets to end but he #39;s not finished +Sports,Mauresmo struggles but wins 2nd straight +Sports,United boss blames strikers for loss of form +Sports,Safin out to catch Federer express +Sports,Bears leap on Giants #39; errors +Sports,Redskins top Lions +Sports,Earnhardt reminded to keep it clean +Sports,Smith stays in hot pursuit of turnover +World,Strong Earthquake Strikes Northern Japan +World,Hizbollah UAV infiltrates Israeli air space +World,Car-train crash in England kills six +World,British Airways Profits Rise +World,Nearly half European birds species at risk +Sports,Lots of Points for Top-Tier NFL Teams (AP) +Sports,NBA Today (AP) +Sports,Golfer Goosen Wins the Tour Championship (AP) +Business,Tokyo stocks end down 0.70 percent on uncertain economic outlook +Business,News Corp. sets up #39;poison pill defence #39; to protect Murdoch family <b>...</b> +Business,"Promoters, Newfields sell 98.2 in Blue Dart to DHL" +Sci/Tech,Taipei goes Wi-Fi +Sci/Tech,Flying taxis to hit cities #39;within five years #39; +Sci/Tech,Endangered polar bears on thin ice +Sci/Tech,Novell extols desktop Linux +Sports,Radcliffe wins New York marathon; makes up for Olympic dropout? +World, #39;Suicide #39; theory over train crash +World,Copyright 2004 Houston Chronicle News Services +World,"No pressure from Pak, say Kashmiri separatists:" +World,America begins Fallujah assault +World,Koizumi insists Samawah quot;noncombat quot; zone +Business,Mitsubishi Motors reports large half-year loss +Sci/Tech,Stuck in a jam? Fly your way to work in a jetpod!: +Sci/Tech,Single molecule may lead to nicotine addiction +World,Arafat #39;s Wife Accuses Deputies of Wanting Him Dead +World,Two hurt in suicide attack on Black Watch force +Business,UPDATE 1-GE sells India back office unit stake for \$500 mln +World,Arafat Shrine Grows Outside French Hospital (AP) +Sports,Ferguson blasts player after poor derby show +Sports,Chelsea takes lead in Premier league +World,Mitsubishi Reports First Half Earnings (AP) +World,Palestinian Leaders Going Ahead with Arafat Visit +Business,"Lucent, Unions Extend Talks to Monday" +Sports,Shellshocked? Not these Bears +Sports,Trojans weather the storm +World,BA earnings up +World,Arafat's Wife Lashes Out at Officials (AP) +World,Strong Earthquake Jolts Northern Japan +World,US Forces Pound Falluja Before Offensive +Business,Budget carrier AirAsia plans to order 40 A320 #39;s -report +Business,Early Christmas present on rates +Business,Microsoft downplays Real #39;s complaint +Sci/Tech, quot;Halo 2 quot; ready for blastoff +Sci/Tech,Another Linux Desktop Hits Market Shelves +Sci/Tech,Hollywood to sue internet file sharers +Sci/Tech,Mozilla Firefox: The Searcher #39;s Browser +Sports,Sonics surprise Spurs +Business,India-EU partnership talks begin +Business,US Treasuries Decline on Concern Fed to Lift Rates (Correct) +Business,Noble Group Ltd. Reports Rise in 3Q Profit +Business,Asian Stock Markets Close Mostly Lower +Business,Bush turns eye to tax-law overhaul +Business,Munich Re Lowers Earnings Target on Hurricane Claims (Update4) +Business,China central bank to take quot;gradual and safe quot; approach on currency <b>...</b> +Business,Honda to quadruple capacity in China +Sci/Tech,When jammers meet the jetpods +Sci/Tech,IBM #39;s new supercomputer breaks the world #39;s fastest computer #39;s <b>...</b> +Sci/Tech,Arctic Melting Threatens to Disrupt Oil Pipelines (Update1) +Sci/Tech,Europe #39;s most powerful supercomputer unveiled +Sci/Tech,Lamp makers: Tight supply of projector and RPTV lamps to persist <b>...</b> +Sci/Tech,Nokia sues over patent and registered designs +Sci/Tech,Can Firefox Browser Derail Microsoft? +Sci/Tech,"Krill in decline, report says" +Sci/Tech,Shock as #39;basic #39; security flaw allows hackers into Cahoot +Sports,"Bayern, Schalke Increase Pressure as Wolves Slip" +Sports,Are Eagles all that they #39;re cracked up to be? +Sports,Quick Hits column +Sports,"Carter, Raptors perfect 3-0" +Sports,"Boller prevails, but Garcia wins on style points" +World,Ivory Coast protesters face French troops +World,Palestinian Leadership to Confront Arafat #39;s Angry Wife +World,China jails officials for spying +Business,UPDATE 2-GE sells India back office unit stake for \$500 mln +Business,BT in \$965m US network buy +Business,Murdoch #39;s plan to block News stalker +Business,CBI issues skills warning +Business,Struggling Mitsubishi Motors #39; interim net loss widens +Business,IMF warns of Chinese hard landing +World,Arafat Wife Deputies Plotting to 'Bury Him Alive' +World,SpaceShipOne takes X-Prize spoils +Sci/Tech,Taipei plans city-wide Wi-Fi network +Sports,Meyer brings his expectations and resume of success to Gainesville +Sci/Tech,"Fast Arctic Thaw Threatens People, Polar Bears" +Sports,Reaction from Tottenham Hotspur Football Club +Sports,O-line wearing down opposition +Sports,"Weekend in Review: Spurs know how, why they were built" +Sports,Rollin #39; rollin #39; rollin #39; +Sports,NFL Game Summary - Kansas City at Tampa Bay +World,Macedonian govt wins multi-ethnic victory +World,Strong earthquake strikes northern Japan +Business,"Oil Down as Supply Fears Ease, Funds Exit" +World,Earthquake Strikes Japan; Eight Injured +World,US Barrage Hits Iraq's Falluja Before Offensive +Business,Entrepreneurship emerges as the new song of India +Sci/Tech,"One standard, one Microsoft - how the NHS sold its choice" +Business,British Airways profits soar +Business,Murdoch acts to block rival #39;s takeover bid +Sports,Long return lifts Ravens +Sports,Westwood carries narrow lead +Business,Struggling Mitsubishi Motors slips deeper into loss +Business,October jobs boom may keep US rates rising to the end of 2004 +Sci/Tech,Media Center Gets a Makeover +Sci/Tech,The talk always comes back to sex +Sci/Tech,IBM aims for top 10 with new Spanish supercomputer +World,Suicide theory over crash +World,Report finds European bird species face extinction +Sci/Tech,Clone Ban Unlikely to Pass Senate +Sci/Tech,Got Anti-Nuke Pills? Probably Not +Sci/Tech,Taming the Wild River +Sci/Tech,Living Free and Easy +Sci/Tech,Meet the People Who Made America +Sci/Tech,The Real da Vinci Code +Sci/Tech,Save Soldiers by Remote Control +Sci/Tech,BT secures \$965m US telecoms deal +Business,Laundering suit for spirits firms +Business,BT set to re-enter US market with \$1bn purchase +Business,Soaring Euro Offsets Economic Hopes +Sci/Tech,Sperm #39;s solution to promiscuity +Sports,Pats bounce back behind Vinatieri #39;s TD pass +World,Arafat Wife Deputies Plotting to #39;Bury Him Alive #39; +World,Ivory Army Stops Its Attacks To The North +World,French hostages #39;still alive #39; +Sports,Tigers Take SEC Title and Wait +Business,ADV: Auto Insurance - Cut Your Costs +Sci/Tech,Football Manager scores big time +Sci/Tech,Microsoft--license to deal +Sports,NFL Wrap: Buffalo Bills Defeat New York Jets +World,French Surround Ivory Coast President's Home +Business,Stocks Look to Open Lower After Rally +Sports,Marion #39;s highs and blows +Sci/Tech,ManTech to Support Army Medical Center +World,Iraq's Allawi Imposes Falluja Curfew +Sci/Tech,Remote Control Could Save Soldiers' Lives +World,Palestinians to See Arafat Despite Wife's Fury +Sci/Tech,Keeping Internet Phone Service Simple +Sci/Tech,Some Retailers Offering Online Rebates +World,French Troops Fire to Disperse Ivory Coast Protesters +Business,Carlyle Increases Its Interest in Debt Deals +Sci/Tech,Kazaa Faces Allegations in Copyright Trial +Business,Gas Prices Drop As Crude Oil Supply Rises +Business,BT to Buy Infonet in Deal Worth About \$1B +Business,Mitsubishi Reports Lower 1st Half Earning +Business,Update 2: GE to Sell Stake in Global Outsourcing Unit +Business,Poison pill for News +Business,Oil Prices Down to \$49 +Business,Siemens Launches New Bid for VA Technologie +Business,"EU Files Complaint Against US, Canada" +Business,Gold Fields Appeal to Exchange on Harmony Bid Fails (Update1) +Business,Business lending bolsters profit at Westpac +Business,U. of Waterloo tops Maclean #39;s university ranking +Business,Brit-company four join top women +World,Rebels order Uribe assassination +Sci/Tech,Novell Desktop Linux ready to break Windows +Sci/Tech,Brits roll out jam-busting airtaxi +Sci/Tech, #39;Halo 2 #39; hits stores Tuesday +Sci/Tech,Windows War of Words +World,Dutch court bars Kurd extradition +Sci/Tech,Titan hangs on to its secrets +Sci/Tech,"First in spam? Please, not that" +Sports,Athletics: Radcliffe is redeemed by triumph in epic struggle +Sports,HATTON #39;S COUNTING THE KOST +Sports,Spurs announcement expected +Sports,Ferguson furious as strikers dent United #39;s title aspirations +Sports,Splat go the Eagles +Sports,Vince: #39;I live for these times #39; +Sports,Pot Black ace loved pocket life +Sports,Wily Vinatieri can do more than just kick +World,Allawi Approves US-Led Offensive on Falluja +World,Academics call for apology from Thai PM over Muslim deaths +World,ElBaradei: Nuclear Security Is a #39;Race Against Time #39; +World,Dutch court blocks Kurd rebel extradition +Sci/Tech,Fanning: Napster Guru Unveils Legal File-Sharing Technology +World,G.I.'s Open Attack to Take Falluja From Iraq Rebels +Sports,Earnhardt victory cuts into Busch #39;s Cup lead +Sci/Tech,Novell launches desktop Linux for enterprises +World,State of emergency declared in Iraq as police officers massacred +World,"No pressure from Pak, say Kashmiri separatists" +Sci/Tech,BT buys Infonet in key global expansion move +Sci/Tech,Gateway brings BTX design to business desktops +Business,McDonald's Same-Store Sales Rise 6.1 Pct. +Business,"Before the Bell: Medarex, Biogen Rise" +Business,Airline seeking big concessions +Business,SEC Reportedly Probes Stock Matching at Wall Street Firms +Business,Shares start their week lower in Tokyo +Sci/Tech,Opinion: Microsoft amp; Novell vs. Linux +Sports,Tiger ratings boost on PGA return +Sports,NFL Wrap: Buffalo Bills Defeat New York Jets +Sci/Tech,'See through clothes' scanner gets outing at Heathrow +Business,Fuel Costs Blight BA Profits +Business,United requests OK to cut wages +Sci/Tech,Tesco bid to net music fans +Sports,Bucs outrun Chiefs +World,Macedonia backs multi-ethnic future +Business,Stocks Seen Lower After Three-Day Rally +Sports,NFL Wrap: Roethlisberger Keeps the Steelers Rolling +Business,Novell OKs \$536 Mln Microsoft Settlement +Business,CBI warns on exodus of unskilled jobs +Business,Limited Brands Boosts 3Q Guidance +Business,BT bids for US telecoms provider +Business,"EU Challenges US, Canada Retaliation for Beef Ban (Update1)" +Business,NitroMed to Offer \$65.2 Million Shares +Business,Taser Stun Guns OKed for Use on Flights +Business,McDonald #39;s Same-Store Sales Rise 6.1 Pct. +Business,Oil Prices Down as Supply Fears Ease +Business,McDonald's Same-Store Sales Rise 6.1 Pct +Sci/Tech,To: National Desk and Environment Reporter +Sci/Tech,Tesco aims for iTunes with song-shop launch +Sci/Tech,Novell Releases Linux Desktop +Sci/Tech,Big testicles betray swinging ancestors +Sci/Tech,Spammer gets nine years in slammer +Sci/Tech,IBM #39;s Blue Gene to hit the shelves +Sci/Tech,"XPRESS 200, nForce 4, PCI-Express shaping up to replace AGP" +Sci/Tech,Italian senators fight to save Fiat 500 +Sci/Tech,"Taiwan market: LGE launches three mobile phones, including one <b>...</b>" +Sports,"This time, Radcliffe finishes strong" +Sports,Tiger pushes Ernie into third +Sports,Robinson Will Captain England Against Canada; Cueto Called Up +Sports,"McGahee, Bills still dreaming of playoffs" +Sports,Valencia chief exonerates Ranieri +Sports,Biaggi breaks leg in training accident +Business,"Limited Ups Earnings View, Buyback Offer" +World,PLO Aides Change Course and Travel to See Arafat +World,Europe deal brings hopes on Iranian nuclear curbs +World,UN Says Concerned About Tensions in South Lebanon +World,US forces #39;hopeful #39; on release of UN hostages in Afghanistan +Business,Global Markets: European Shares Dip +Business,Charitable Giving +Business,Poison pill defence for News Corp +Business,Microsoft to Pay Novell \$536 Million +Business,Mandelson calls on EU to reform +Business,British Telecom to Buy Infonet +Business,News Corporation Limited Tries to Fend Off Liberty Media +World,Iraq's Allawi Gives Go-Ahead for Falluja Offensive +Business,Fools Save Half a Billion +World,U.S. Forces Advance Ahead of Falluja Assault +Sci/Tech,Apple iPod Photo +World,Former N.Korea Inmates Tell of Suffering in Camps +World,'Staggering' death rates in Uganda camps +Sci/Tech,Photo: Uncorking a legal challenge +Sci/Tech,Microsoft Announces Legal Settlements +Sci/Tech,"U.S. Unprepared Despite Progress, Experts Say" +Sci/Tech,"Shored Up for Disaster, Area Officials Still Fearful" +Business,Dollar Falls to New Low Against Euro +Business,BT to Buy Infonet for \$965 Million +Business,Malaysia's AirAsia Favors Airbus Planes +Business,FAA OKs Tasers on Commercial Flights +Sci/Tech,Messaging security cuts wider swath +Sci/Tech,CA integrates PestPatrol anti-spyware +Business,"BiogenIdec, Elan Up on Drug Data" +Business,Poison pill defence for News Corp +Business,Taser wins approval for in-flight use +Business,Pilgrim #39;s Pride Profit Up on Acquisition +Sci/Tech,Scientists Find Arctic Warming Quickly +Sports,Jol new Tottenham manager +Sci/Tech,Feedster Hosts Develoment Contest and Launches Blog Search +Business,Novell accepts \$536 million to settle antitrust case with <b>...</b> +Business,Euro Rises Up Further Against US Dollar +Business,Symbol announces possible restatement; shares slip +Sci/Tech,Global warming severest in Arctic: study +Sports,Mabbutt Backs quot;Adventurous quot; Jol +Sports,Biaggi fractures leg in practise +World,UK considering Iran nuclear agreement +Sci/Tech,Novell Puts Desktop Linux to Work +Sci/Tech,British Telecom to buy Infonet +Business,KKR Strikes (Gold) Again +Business,Would You Pay for Airline Food? +World,Aides on Way to See Arafat Despite Wife's Fury +World,Ivory Coast's Army Calls for Calm After Riots +World,U.N. Team in Sudan to Investigate Genocide Reports +Business,GE to sell 60 percent of Indian BPO operation +Business,Tasers Approved for Commercial Flights +Sci/Tech,Medtronic Wins FDA Approval on Insync Sentury ICD +Business,Microsoft Settles With Novell and a Trade Group +Sci/Tech,EU confident over fusion project +Business,H R Block Faces Fraud Charge Over Enron +World,Kazakhstan mining blast kills 18 +Business,Dollar Off Its Knees Before Euro +Sci/Tech,Public value key to BBC websites +Business,Microsoft Ends Decade of US Antitrust Litigation +Business,BT tries to enter US market with Infonet purchase +Business,M #39;bishi Motors widens H1 net loss +Business,News Corp. Announces Plan To Protect Shareholders +Business,"Retailer revises Q3 profit outlook higher, again" +Business,Drugmaker Pfizer Under Pressure on Bextra +Business,Jobs report surprise a bonanza for CME volume +Business,Report: Compensation for 9/11 victims totals \$38.1 billion +Business,Stocks Almost Flat on Profit-Taking +Sci/Tech,Novell Puts Desktop Linux to Work +Sci/Tech,Arctic meltdown gathers speed +Sci/Tech,Halo 2 Poised for Record Sales +Sci/Tech,IBM to commercialize Blue Gene supercomputer +Sci/Tech,"Gateway Shows Cool, New Desktops" +Sci/Tech,Nvidia takes lead in mobile graphics +Sci/Tech,Mac #39;Widget #39; App Set to Make Windows Debut +Sports,Naive? Not our Kev! +Sports,"Mauresmo shows strength, maturity" +Sports,Kovalev joins AK Bars Kazan in Russia +Sports,Blazers #39; Randolph misses team flight +Sports,Chris Graythen/Getty Images +Sports,Struggling Dons Ditch Murdoch +Sports,Browns #39; Garmon injures knee +Business,Symbol Tech to Delay Results +World,Outburst hints at battle over Arafat #39;inheritance #39; +World,Bomb at Muslim school linked to murder of filmmaker +World,Australian imprisoned for online scam +World,Millions gather for mass prayer outside Bangladeshi capital +Sci/Tech,Online spammer free on bond +Sci/Tech,IBM #39;Blue Gene #39; Supercomputer Goes on Sale +Sci/Tech,In Brief: Centive unveils on-demand SPM solution +World,Fraudster jailed for \$5.5m net scam +Sports,NHL's Kovalev Bolsters Already Potent Kazan Lineup +Business,Broken tanker halts Suez traffic +Sci/Tech,Mozilla Firefox Popularity Threatening Microsoft +Business,UK company to buy Infonet for \$965M +Business,"H amp;R Block Touted Unstable Enron Bonds, NASD Says" +Business,"Court case an attempt to distract shareholders, says Harmony" +Business,Pfizer may add to painkiller warning +Sci/Tech,Novell Launches Linux on the Desktop +Sci/Tech,Future features include multicasting and triple the bandwidth +Sci/Tech,Taipei plans city-wide WiFi +Sci/Tech,IBM BladeCenter and POWER Microprocessor Fuel Europe #39;s Most <b>...</b> +Sports,Jagr says he wants to give Russia a shot +Sports,AC Milan striker Inzaghi out for three months after surgery +World,France sends more troops to Ivory Coast in retaliation for <b>...</b> +World,Fallujah curfew starts from 6pm: Allawi +World,Dutch Muslim school attacked +World,Police comb UK train smash wreckage +World,Ivory Coast loyalists confront French soldiers +World,"Iran, EU nuke talks underway, no breakthrough seen" +World,Price increase must for oil PSUs to be profitable: PM +World,First Hizbollah drone enters Israeli airspace +Business,"Stocks Slip, Focus on Weak Dollar" +Business,Feds OK Taser Stun Guns for Airlines +Sci/Tech,Circling the wagons: the net politics of exclusion +World,Secret German Cult in Chile Breaks 43-Year Spell +World,Blunkett #39;s ex #39;asks to testify #39; +Business,Marvel's Unseen Superheroes +Business,Microsoft settlements won #39;t end EU antitrust probes +Business,Pfizer #39;s Gloom Factor +Business,Drug Combo Cut Heart Disease Death Rate in Blacks +Business,Markets await signals from Fed on fifth US rate rise +Business,Stun Guns Approved For Use On Airline +Business,Skilling seeking to move trial out of Texas +Business,European Bank Chief Talks Up Dollar +Business,A Stock From the Industry Side Out +Sci/Tech,World must act now to forestall staggering threat from global <b>...</b> +Sci/Tech,Tesco Launches Online Music Store +Sci/Tech,Microsoft #39;s Halo 2 Set for Midnight Release +Sci/Tech,NASA Studying #39;Rain Man #39;s #39; Brain +Sci/Tech,EU urged to reject US-style software patents +Sci/Tech,New ATI Chipset Desiged For Low-Cost Athlon 64 PCs +Sci/Tech,How promiscuous women made men the shape they are +Sci/Tech,Microsoft to provide early warning of security flaws +Sports,Goosen Comes From Behind to Win Tour Golf Championship +Sports,"United fire blanks, again" +Sports,Germany: Bayern close in +Sports,Utah Slips One Big Spot In BCS Standings +Sports,Serie A Round 10: Best Eleven Of The Week +Sports,Report: Jagr Leaving Czech Team for Russia +World,NORTH PORT L ots starting +World,Dollar replaced by #39;monopoly money #39; in Cuba +World,Choose Arafat Successor Who Will Work for Peace +World,Thai PM slips velvet glove on iron fist +Business,Microsoft Settles Novell Antitrust Suit +Sci/Tech,In search of the albino elephant +Business,"Stocks Dip as Focus Goes to Rates, Dollar" +Business,Microsoft Settles With Novell and a Trade Group +Business,H R Block Faces Fraud Over Enron Bonds +Business,Nigerian Internet Scam Convicted +Sports,"Crosby, Bay Win Rookie of the Year Awards (AP)" +Sci/Tech,8 EBay Sellers Admit to Phony Bids (AP) +Sports,"Kovalev, Jagr Join Russian Hockey Teams (AP)" +Sci/Tech,Nanotechnology-Based Products Have Impact (AP) +Sci/Tech,Trio of New Games Victimized by Piracy (AP) +World,Sharon Gov't Partner Quitting Over Gaza Pullout (Reuters) +Sci/Tech,Australian Imprisoned for Online Scam (AP) +Business,Feds OK Taser Stun Guns for Airlines (Reuters) +World,Muslim school in Netherlands bombed; possible revenge for filmmaker's killing (Canadian Press) +Sports,Browns' Garmon Injures Knee (AP) +Sci/Tech,"Pirated U2 Album Hits Net, Release Date in Limbo (Reuters)" +World,U.S. Commander Predicts Iraq Confrontation (AP) +Sports,Bryant Accuser May Move Lawsuit to Calif. (AP) +Sci/Tech,Microsoft Dimisses RealNetworks' Complaint in Korea (Reuters) +World,Fidel Castro Greets Venezuela's Chavez (AP) +Sci/Tech,Novell Puts Desktop Linux to Work (PC World) +Sports,Arsenal Manager Cited for Improper Conduct (AP) +Sci/Tech,Microsoft Makes Another Antitrust Deal (PC World) +Sci/Tech,IBM to commercialize Blue Gene supercomputer (InfoWorld) +Business,Vornado shops at Sears (TheDeal.com) +Sci/Tech,Rip. Sample. Mash. Share. (SiliconValley.com) +Business,Kmart Debuts Credit Card to Boost Loyalty (AP) +Sci/Tech,"Global Warming Exposes Arctic to Oil, Gas Drilling (Reuters)" +World,UN nuclear watchdog chief says nuclear terrorism a real threat (AFP) +Sci/Tech,Report: Many Species Scramble to Adjust to Warming (Reuters) +Sci/Tech,Musician Urges Parents to Tune in to Mozart Effect (Reuters) +Sci/Tech,France to Host Nuclear Fusion Project - EU Source (Reuters) +Sci/Tech,Egypt Battles Desert Locust Swarms from Libya (Reuters) +Sci/Tech,Exclusive: Rules Set for #36;50 Million 'America's Space Prize' (SPACE.com) +Sci/Tech,Russia Launches New Rocket for 1st Time (AP) +Sci/Tech,Exploded Star Possibly Affected Human Evolution (SPACE.com) +Sci/Tech,New Pressures Threaten Calif. Ecosystems (AP) +World,Watchdogs Criticize New Census Survey (AP) +Sci/Tech,Scientists Find Arctic Warming Quickly (AP) +Sci/Tech,NASA Studying 'Rain Man's' Brain (AP) +Business,Microsoft Moves Closer to Wiping Its Antitrust Slate Clean +Business,BT Planning \$1 Billion Acquisition of Infonet Services +Business,Skilling #39;s lawyers say Houston sees Enron execs as #39;evil #39; +Business,"Treasuries drop, Fed worries outweigh strong sale" +Sci/Tech,Chilling data on global warming +Sci/Tech,Spammers sentenced in Virginia under tough spam law +Sports,Keegan will #39;luv #39; this +Sports,Heidfeld and Davidson to test for Williams +World, #39;Suicide #39; Crossing Crash Driver Named +World,India-EU resolve to combat terrorism +World,Mideast peace process to top agenda of Blair #39;s US trip +Sci/Tech,SC2004 supercomputing show kicks off with focus on business IT +Sci/Tech,Bluetooth group releases three-year road map +Sci/Tech,Novell launches desktop Linux for enterprises +Sci/Tech,Novell OKs \$536M Microsoft settlement +World,Mbeki to go-ahead with Ivory Coast visit +Sci/Tech,News.com Extra: Rules set for \$50 million space prize +Sci/Tech,Security stats sobering as CSI show opens +Business,Microsoft Announces Antitrust Settlements +Business,Poisoned defense +Business,Study: Half of post-9/11 payments came from insurance +Sci/Tech,Scientists Find Arctic Warming Quickly +Sports,Wenger Charged with Improper Conduct +World,Swiss caught in Ivory Coast unrest +World,A Sigh of Relief +Sports,HENRY SHOWS HE IS STILL KING +Sci/Tech,Microsoft to pay Novell \$536 million settlement +Sci/Tech,Group aims to create hallmark of security +Business,NASD charges H amp;R Block on Enron bonds +Business,News sets up takeover defence +Business,A Fantastic Cancer-Drug Deal +Sci/Tech, #39;Halo 2 #39; Has Game Fans Excited +Sci/Tech,NASA Studies #39;Rain Man #39;s #39; Brain +Sci/Tech,"Newer, faster Bluetooth EDR now approved" +Sci/Tech,Mars Rover Discovers Evidence of Moisture ; New Findings From <b>...</b> +Sports,AC Milan ties AS Roma in Italian league +Sports,"Bay, Greene battle for NL rookie honors" +World,Spanish FM makes lightning visit to Syria over Arafat successor: official (AFP) +Sports,Late goals boost Milan title hopes +Sports,Another shootout? +Sports,"Defencemen Bourque, Coffey, Murphy to enter Hall with longtime <b>...</b>" +Sports,Jol confirmed as Spurs boss +Business,"Stocks Flat, Pfizer Weighs on Dow, S P500" +Sci/Tech,News: Aussie 419 ringleader jailed for four years +World,UN urges calm on Lebanon border +Sports,Kansas Tops AP Poll +Sports,Earnhardt Closing in on Busch +World,Guantanamo terror hearing halted +World,Dutch step up Muslim protection +Business,Oracle to Drop Lawsuit If PeopleSoft Tender Fails +Business,Delta: \$135 Million Added Liquidity Needed +Business,Dimon to Acquire tobacco Leaf Rival Standard Commercial +Sports,Top Rookies Named +Business,Microsoft to Pay \$536 Million to Novell to Settle Antitrust Dispute +Business,"Microsoft, Novell Settle Antitrust Suit" +Business,"Arctic Thaw Threatens People, Polar Bears" +Business,"EU to WTO: U.S., Canada Sanctions Illegal" +Sports,Exclusive to pgatour.com.au/Sportal +Sci/Tech,Disney Expanding Video Game Investment +Sci/Tech,Disney Says Expanding Video Game Investment +Business,U.S. SEC Looking Into Broker Trade Prices (Reuters) +Business,Microsoft Deletes More Antitrust Opponents +Business,GE takes back seat at back office +Business,Fed to Raise US Rates to Underpin Steady Growth +Business,Britain #39;s Largest Telephone Company To Acquire Southland Company +Business,US approves stun guns for international flights +Business,Halliburton Says Bribes May Have Been Paid +Business,FCC expected to keep states off VoIP #39;s back +Business,Rogers Communications sees debt refinancng ahead +Business,"EU files WTO complaint against US, Canada in hormone beef dispute" +Business,H R Block Faces Fraud Over Enron Bonds (Reuters) +Sports,Kansas Hoops Takes Preseason No. 1 Spot (AP) +Sci/Tech,Internet Explorer market share drops below 90 percent in Europe +Sports,Danton Sentenced to 7 1/2 Years (AP) +Sci/Tech,Novell launches Linux Desktop for enterprise market +Sci/Tech,"Global Warming Exposes Arctic to Oil, Gas Drilling" +Sci/Tech,"More than a money maker, Halo 2 helps set stage for Xbox #39;s next <b>...</b>" +Sci/Tech,GeForce Go 6800 Announced +Sci/Tech,Dell Puts Open-Source Clustering Tools On New Server +Sci/Tech,Sprint Treo 650 Now Available for Pre-Order +Sci/Tech,Convicted spammer granted bail while he awaits sentencing +Sci/Tech,OSRM Tracing Linux Patents in EU +Sci/Tech,Women Not as Faithful as Gorillas +Sci/Tech,Opinion: Regarding Stallman #39;s Vision +Sci/Tech,Grand Theft Auto: San Andreas +Sports,Paula puts Athens behind her +Sports,Rude awakening for Wenger +Sports,"Crosby, Bay Win Rookie of the Year Awards" +Sports,STRAHAN MAY BE LOST FOR SEASON +Sports,Earnhardt wins extended race in Phoenix +Sci/Tech,Disney Expanding Video Game Investment (Reuters) +Sci/Tech,Microsoft issues Internet Explorer security update +Sci/Tech,Ad agencies sound alert over the mobile phone generation (FT.com) +Sports,"Padres Trade Long for May, Bukvich (AP)" +World,Regulators Rule in Favor of Harmony Gold (AP) +World,Arafat #39;s top lieutenants en route to Paris +World,Unrest sweeps Abidjan +World,Roadside bomb kills British soldier +World,Delhi walks into EU elite club +World,Nuclear waste convoy rolls toward German dump after protester #39;s <b>...</b> +Sports,TCU Hoping to Play in Postseason (AP) +World,"Armitage arrives in Pakistan for talks on Iraq, terrorism (AFP)" +Business,"Dow, Nasdaq Up a Bit, S P 500 Off" +World,Charest says fiscal imbalance holding back modernization of federal system (Canadian Press) +Sci/Tech,"Microsoft Settles With Novell, Trade Group (AP)" +Sci/Tech,Google and Microsoft to update data sharing +Sci/Tech,Oracle Mulls Dropping PeopleSoft Lawsuit (AP) +World,Liberals Dismayed by 'Moral Values' Claims (AP) +World,Coach Humbled by Attention Over Title IX (AP) +Sci/Tech,"Ducks Increase Odds for Asian ""Super Flu""" +Sci/Tech,What's Causing Bird and Amphibian Decline? +Sports,Crosby wins AL Rookie of the Year +Sports,Half of Giants #39; starting defensive line lost for season +Sports,Insider Racing News Archives +Sports,"Manning, Harrison working on NFL record" +World,Arafat #39;s wife claims his men want him dead +World,Few steps towards peace peak +Sci/Tech,Microsoft demonstrates supercomputing Windows +Sci/Tech,Photo: Appro's XtremeBlade +Business,The Marketplace Report: Fed Interest Rate Talks +Business,NitroMed Heart Failure Drug Helps Blacks - Study +Sports,Robben says Chelsea can handle pressure +Sports,Strahan out for year with torn pectoral muscle +Sports,10 Questions for College Football +World,Arafat #39;s Wife Lashes Out at Officials +World,Black Watch soldier killed +World,Muslim suspect in filmmaker #39;s death part of scary European trend +World,APHC under no pressure from Pak to hold talks with India: Masood +World,Blast at Baghdad church wounds 35 +Sci/Tech,McAfee unveils 2005 security suite +Sci/Tech,U.K. to take tougher line on ultrawideband +Sci/Tech,Apple updates Mac OS X +Business,BT Group To Buy Infonet +Business,Knight Ridder Names New CFO +Business,Halliburton: Bribery May Have Taken Place +Business,Delta Updates Liquidity Needs +Business,9/11 victims collect \$38.1 billion US in compensation +Business,Former Enron CEO Skilling Seeks to Move Trial +Sci/Tech,ATI RADEON XPRESS 200 Unveiled +World,"Violence, protests cripple Valley" +Sci/Tech,Why MS paid Novell half a billion bucks today +Sci/Tech,In Search Of Open-Source Experts +Sci/Tech,Comcast taps Microsoft for Seattle set-tops +Sci/Tech,IBM previews new supercomputing server +Sports,Earnhardt closing in on Busch without lost points +Sci/Tech,Bluetooth group releases three-year road map (MacCentral) +Sports,Dennis Tankersley (left) and Terrence Long should play key roles <b>...</b> +Sports,Former NHL player Mike Danton sentenced to 7 1/2 years in murder <b>...</b> +World,Former US Ambassador to Israel Dennis Ross Shares Experiences at <b>...</b> +Sports,"Bay, Crosby Honored as Top MLB Rookies (Reuters)" +Business,Microsoft Settles Antitrust Charges With Novell +Business,Dollar bounces off low against the euro after ECB complaints +Business,GE sells 60 in BPO arm +Business,Murdoch: Bolsters Defense Against News Corp. Takeover +Business,UPDATE 2-Delta says needs \$135 in added liquidity for 2006 +Business,SEC may act against Ex-Lucent CEO +Business,"Comcast, Microsoft to Deploy Video Recorder Set-Tops" +Business,UPDATE 1-US Treasury #39;s Roseboro to step down Dec 31 +Business,Pacific Sunwear 3Q Profit Up 30 Percent +Sports,Gold Medalist Phelps Faces DWI Charges (AP) +Sports,"NFL OKs 6-Year Extensions With Fox, CBS (AP)" +Sci/Tech,IBM to commercialize Blue Gene supercomputer +Sci/Tech,Tesco Opens Online Music Store +Sci/Tech,Bluetooth chews on future plans +Sci/Tech,CA Updates PestPatrol Anti-Spyware Technology +Business,"Merck Named in SEC, DOJ Probes Over Vioxx (Reuters)" +Sci/Tech,Tesco Launches Online Music Store (NewsFactor) +Sci/Tech,Devising a Way to #39;Sail #39; to Mars +Sports,Hurt Pennington to Miss 2 Weeks or More (AP) +Sci/Tech,US heavyweights storm supercomputer league +Sci/Tech,Browsing the Browsers +Sci/Tech,Treo 650 Pre-order Opens on Sprint Network +Sci/Tech,ATI Delivers Chipset for AMD Platforms (NewsFactor) +Sci/Tech,"Bluetooth roadmap includes performance, security" +Business,Former Enron Execs Seek to Move Trial (Reuters) +Sci/Tech,Tiger Telematics Plans Business Smartphone (NewsFactor) +Sports,Gold Medalist Phelps Faces DWI Charges +Sports,"Bourque, Coffey, Murphy enter hockey hall" +Sports,NL Rookie of the Year played at Gonzaga +Sports,Friday News amp; Notes +Sports,Mike Danton Sentenced to 7 1/2 Years +Sports,Padres deal for a pair of pitchers +Sci/Tech,Novell Ships Enterprise Desktop Linux Distro (NewsFactor) +Sci/Tech,Summary: Microsoft Settles With Novell (AP) +Sci/Tech,IBM 'Blue Gene' Supercomputer Goes on Sale (NewsFactor) +World,The Iranian-European nuclear accord is good news on several fronts +World,"US, Africa team up to help Darfur" +World,"Patil came to see, hear and understand" +Sports,Three Enter Hockey Hall of Fame (AP) +World,Nuclear waste shipment rolls toward German storage site after <b>...</b> +World,Blair: Sudan Must End Violence in Darfur (AP) +World,Guite says he never checked if ad firms fulfilled sponsorship contracts (Canadian Press) +Sci/Tech,Georgia School Board in Court Over Evolution Flap (Reuters) +Business,H R Block Faces Fraud Over Enron Bonds +Sports,Woods Is Upbeat for Next Year After 2004 Struggles +Sports,Danton Sentenced to 7 1/2 Years for Murder Plot +World,N.Korea Envoy Doubts Bush Policy Will Change-Paper (Reuters) +World,South Africa's Mbeki Seeks Ivory Coast Peace +Business,Brady Named Editor of washingtonpost.com +World,"EU, Iran Nuclear Deal Seen Doomed Without U.S. Help" +World,Majority Backs Macedonia's Multi-Ethnic Future +Business,E-mails show depth of Boeing tanker scandal +World,Marines enter trip-wired Fallujah +World,"US, Africa team up to help Darfur" +Business,Mixed Signals Sustain Rally +Business,Pacific Sunwear Profit Up +Sci/Tech,LEADER ARTICLE Arctic Alert: Bush #39;s Return Bad News For Global <b>...</b> +World,Microsoft to Pay \$536 Million to Novell to Settle Antitrust Dispute +Sci/Tech,"Comcast, Microsoft to Deploy Video Recorder Set-Tops" +Business,Microsoft cash makes some legal problems disappear +Business,Delta: \$135 Million Added Liquidity Needed +Business,Halliburton admits bribes #39;may have been paid #39; in Nigeria +Sci/Tech,"WebMethods, Global Exchange ink reseller deal" +Sci/Tech,An Arctic alert on global warming +Sci/Tech,Bluetooth chews on future plans +Sci/Tech,Video gamers gather at midnight for first copies of new Halo 2 <b>...</b> +Sci/Tech,Celestial gathering +Sports,Robinson named England rugby union captain +Sports,Outlaw rejoins Suns; Tabuse on injured list +Sports,"Bears waive Gandy, activate Colombo" +Sports,Money no object as Russian teams go after locked out NHL stars +Sports,Hawks sign free agent Jelani McCoy +World,Palestinian Leaders Travel to France to Visit Arafat (Update5) +World,"Car bomb explodes outside Baghdad hospital, many dead" +World,"Germany, 15 Years After the Wall" +Business,Update 1: New York Foreign Exchange +Business,Halliburton admits possibility of bribe payments +Business,Intrawest posts Q1 loss as revenue drops +Business,Taser guns allowed on Korean Air planes +World,"Two car bombs in Iraq #39;s Samarra kill 8, wound 20" +Sci/Tech,Bluetooth chews on future plans +Sci/Tech,Feds expected to ease Net phone rules +Sci/Tech,Macworld Boston to move to smaller digs +Sci/Tech,GE to sell 60 of Indian BPO operation +Sci/Tech,IBM to commercialize Blue Gene supercomputer +Sci/Tech,"Symbol to delay results, cites inventory reporting errors" +Sci/Tech,"Brief: SBC to cut 10,000 jobs" +Sci/Tech,Novell extols desktop Linux +Sci/Tech,Q A: SGI leader looks for Altix OEMs +Sports,Key Expos Vote Set for Tuesday (AP) +Business,Now is the time to decide on itemizing tax filing +Sci/Tech,Reviewing iMac G5 +Sci/Tech,CA gives anti-spyware a consumer face +Business,Interest Rate Hike Likely +Business,CORRECTED - UPDATE 2-Delta says needs \$135 mln in added 2006 <b>...</b> +Business,Western Wireless Posts \$30M in 3Q Profit +Sci/Tech,IBM Puts Blue Genes on the Shelf +Sci/Tech,On womans image... +Sports,Mauresmo defends WTA title +Sports,Eagles regroup after first loss +World,Palestinian leaders arrive in Paris to visit Arafat +World,US updates travel warning to Cote D #39;lvoire +World,Palestinians to see Arafat despite wife #39;s fury +Sports,Improving Bucs Think They're Back on Track (AP) +Sports,A Glimpse of Greatness Lifts an Otherwise Dour Day +Business,EU calls for fresh start in transatlantic trade relations +Sports,"By Going That Extra Mile, the Bronx Shows Its Heart" +Sci/Tech,Tech's leading women get props +Sports,"Like Good Sneakers, a Cellphone Is a Must" +Sci/Tech,Oracle may drop PeopleSoft lawsuit +Business,GE to sell 60 of India call-centre unit +Business,Shareholder rights as Liberty could raise voting stake +Business,Baker: Callaway CEO Adds Two New Executive Feathers To Cap +Business,Knight Ridder names financial chief +Business,Schwab to pay deposed CEO \$10 million in cash plus stock +Business,Cans of turkey luncheon meat recalled +World,Peru Names Official to Clear Up Guzman Trial Mess +Sci/Tech,"Climate change claims flawed, says study" +Sci/Tech,Novell Kick-Starts Desktop Linux Push +Sci/Tech,IBM Wins Supercomputing Crown +Sci/Tech,CA gives anti-spyware a consumer face +Sci/Tech,EverQuest II begins its retail sojourn +Sci/Tech,Linux #39;s SuperComputing day +Sci/Tech,Microsoft Intros Supercomputing SDK +Sci/Tech,Mopheus Grokster battle: II +Sports,Spurs appoint Martin Jol +Sports,Lenard out at least six months after left leg surgery +World,Lebanon justifies drone #39;s dispatch +World,Musharraf formula is casual: Union Home Minister +World,Blair: Sudan must end violence in Darfur +World,Taiwan Hit by Magnitude 6.7 Quake; No Casualties (Update2) +Sci/Tech,"Blue Gene, Linux top supercomputing list" +Business,Stocks End Higher on Falling Oil Prices +World,Germans mark Berlin Wall's fall +Sports,Mayor Says He Has Votes +Business,"Dollar Up Off Record Low, Stocks Flat" +Sci/Tech,ATI launches chipset for AMD desktops +Sci/Tech,Video Game 'Halo 2' to Make Killing for Microsoft +Sci/Tech,IBM Retakes Top Supercomputer Rank as NEC Slips +Sci/Tech,"Comcast, Microsoft to Deploy Video Recorder Set-Tops" +Business,Unocal signs Bangladesh gas deal +Sci/Tech,IBM System Named Fastest Supercomputer (AP) +Business,Oracle may drop PeopleSoft lawsuit +Sci/Tech,Amazon.com Web Site Experiences Slowdowns (AP) +Sports,Mike Danton Sentenced to 7 1/2 Years (AP) +Sports,"NFL OKs 6-Year Extensions With Fox, CBS (AP)" +Sports,Brown Does Triple Duty for Patriots (AP) +Business,"Merck Named in SEC, DOJ Probes Over Vioxx (Reuters)" +Sci/Tech,Scientists Say Fossil Fuel Emissions Warming Arctic Faster Than <b>...</b> +Business,"Dollar Up Off Record Low, Stocks Flat (Reuters)" +Sports,Nuggets #39; Lenard undergoes surgery +Sci/Tech,Court Urged to Hear File-Sharing Case (AP) +Sci/Tech,IBM dominates list of top supercomputers +Sci/Tech,Video Game 'Halo 2' to Make Killing for Microsoft (Reuters) +Sports,Locked Out NHL Players Join European Teams (AP) +Sports,BKC Preseason No. 1 List (AP) +Sci/Tech,"Comcast, Microsoft to Deploy Video Recorder Set-Tops (Reuters)" +Sci/Tech,IBM Retakes Top Supercomputer Rank as NEC Slips (Reuters) +World,Premiers of Nfld. and N.S. to meet with Martin on offshore impasse (Canadian Press) +Sci/Tech,Court Won't Intervene in Gunnison Fight (AP) +World,Senators Compromise on Intelligence Bill (AP) +Business,ADV: Protect Your Family After Your Death +World,Palestinians Hope to See Ailing Arafat Despite Row +World,U.S. Troops Launch Offensive for Iraq's Falluja +World,Chechen rebels killed in clashes +Business,News Corp takes poison pill +Business,Heart disease drug targets ethnic group +Sports,FA show stern hand +Sports,Robinson rises to lead new England +Sports,"NFL Extends CBS, Fox Broadcast Rights in \$8 Billion Deal" +Sports,"Kovalev, Richards and Khabibulin join Russian club" +Sports,Lenard has surgery on Achilles +Sports,"Strahan, Pennington, Leftwich sidelined by injuries" +Sports,Injured Seahawks player should get out of hospital Monday +Sports,Browns' Garmon Injures Knee (AP) +World,Baghdad hit by car bomb blasts +Sports,'Stupid' Cowboys Exasperating Parcells (AP) +Business,Microsoft reduces ranks of its antitrust opponents +Business,"BT to buy Infonet, re-entering US market" +Business,Currencies: ECB comment pares euro #39;s gains on dollar +Business,Mitsubishi optimistic despite downhill slide +Business,Stocks: Wall St. rally slows despite drop in oil prices +Business,"Comcast, Microsoft to Deploy Video Recorder Set-Tops" +Sci/Tech,IBM Claims Top Spot in World #39;s Fastest Supercomputer Listing +Sci/Tech,Need For Speed Underground 2 goes gold +Sports,Holmes Has Strained Knee; Status Uncertain (AP) +Sports,Olympic Champion Phelps Cited for DUI +Sports,Back to School as Wie Plays a Waiting Game +Sports,Agents Seek Bigger Voice in Sport's Future +Business,East Asia poverty levels at low +Business,GE sells India back office unit for 500 mln dlr: +Business,"EU, India decide to forge strategic partnership" +Business,BA flies toward a stormy winter +Business,Dollar Selling Eases as Market Eyes Fed +Business,Six Flags Posts 60 Pct. Drop in 3Q Profit +Sci/Tech,ATI launches chipset for AMD chips +Sci/Tech,IBM offers supercomputer for sale +Sci/Tech,Mozilla readies Firefox 1.0 release +Sci/Tech,DOWNLOAD AND DIRTY +Sci/Tech,"AGs, artists urge top court to hear P2P case" +Sci/Tech,Video game fans eagerly await Halo 2 #39;s release +Sci/Tech,Intel updates Itanium 2 line +Sci/Tech,Apple Releases Mac OS X Updates +Sci/Tech,HP partners Brocade on Bladesystem servers +Sports,Bears Defense Turns It Up (AP) +Business,Mutual Funds Weigh Post-Election Options (Investor's Business Daily) +Sports, #39;Football animal #39; steps up +Sports,Robinson confirmed as England rugby captain +Sports,Swimming: Phelps says sorry after drink-drive offence +Sports,"Fresh off wedding, Canadian Jason Bay wins NL rookie award in <b>...</b>" +Sports,Holmes might miss Chiefs #39; next game +Sports,Giants and Jets both injury-hit +Sports,Seahawks CB Lucas suffers bruised lung +Sports,Jags #39; Leftwich could miss two games +Sports,Bryant Accuser May Move Suit to Calif. (AP) +World,Iraqi PM okay US attack to cleanse Falluja of terrorists: +World,UK soldiers #39; killer may be European +World,Iraq Baghdad Violence +World,"Kashmir visit, a step in the right direction: Patil:" +World,Head of MI5 warns business to guard against terrorism +Business,SEC Looking Into Broker Trade Prices +World,Nation shocked by hatred shown +Sci/Tech,Intel updates Itanium 2 line +Sci/Tech,AMD fleshes out flash plans +World,UN 'will miss education target' +Sci/Tech,New MyDoom draws on IE flaw to spread +Sci/Tech,Cities try last-minute grab for Net phone taxes +World,Iran Claims Draft Accord With Europe on Uranium +Business,"IMF heaps praise on Australia, sees growth at 3.75 percent" +Business,Mandelson stirs dissent with swipe at #39;gloating #39; Brown +World,"U.S. Forces Storm Falluja, Bombs Rock Baghdad (Reuters)" +Sci/Tech,Amazon.com Web Site Resumes Operations (AP) +Sports,Jags QB Leftwich to Miss Two Games (AP) +Sci/Tech,Russia launches new space booster rocket +Sports,Tiger pays for failing to make the kill +Sports,Week 9 NFL Observations +Sports,Bay Pirates #39; first-ever Rookie of the Year +Sports,NFL extends some of its TV contracts +Sports,Quincy takes charge +Sports,"Chiefs Rolling Up Huge Chunks Of Points, Yards" +Sports,"Porto beats Sporting, goes second place in Portuguese league" +Sports,"Gates, Brees power Chargers past Saints" +Sci/Tech,Document spec for e-commerce is approved (InfoWorld) +World,Marenco Likely to Win Nicaragua Elections (AP) +World,Ivoirian Throngs Assemble to Shield President From the French +World,Dutch murder triggers reprisals +World,Sticking points in Iran-EU nuclear talks: diplomats +World,U.N. Investigators Arrive in Sudan (AP) +World,"Bush, China's Hu discuss Taiwan, ties (AFP)" +Sci/Tech,Novell extols desktop Linux (InfoWorld) +Sci/Tech,Toshiba sues Hynix on memory patents +Sci/Tech,IBM Dominates Top Supercomputer List (PC World) +Sci/Tech,Document spec for e-commerce is approved +Business,BA profits sky high +Business,Australian economy to grow by some 3.75 percent in 2004: IMF +Business,I am CCIA of Borg! +Business,Comcast Announces Broad Microsoft TV Software Deployment +Sci/Tech,"Blue Gene, Linux top supercomputing list" +Sci/Tech,Microsoft Update Aims to Secure PCs against Attack +Sports,Benfica #39;s Gomes sprains left knee +Sci/Tech,IBM Dominates Top Supercomputer List +Business,"EU ssks WTO to get US, Canada to lift sanctions" +Business,Loss of face +Sci/Tech,Attacking piracy top priority of new Hollywood lobbyist +Business,Mandelson warns EU to reform economy or fall +Sci/Tech,Study Reveals Global Warming Effects in Arctic +World,UN panel probing genocide arrives in Sudan +World,UN nuclear watchdog to issue report on South Korea next week (AFP) +Business,GE Spins Off Indian BPO Unit +Business,Report unlikely to affect Fed policies +Business,Profits soar but oil fears freeze BA divi +Business,The Times Sells Its Headquarters to a Developer of Office Space +Business,New Study Puts Sept. 11 Payout at \$38 Billion +Business,Taser Guns Allowed Aboard Korean Air Jets +Business,Wall Street slips as profit-takers move in post-election +Sci/Tech,Tul Introduces Its latest PowerColor XPRESS 200 PCI-E Mainboard on <b>...</b> +Sci/Tech,IBM Dominates Top Supercomputer List +Sci/Tech,Telecom Unveils New Mobile Phone Service +Sci/Tech,US Movie Industry Gets Tough with Pirates +Sports,Tiger explains game of risk after losing his way again +Sports,"Arrested for Drunken Driving, Phelps Makes an Apology" +Sports,"Bowden, at Least, Is Certain to Make Moves" +Sports,Angels keep spring home in Tempe +World,Visitors headed for showdown with Arafat #39;s wife +World,Black Watch soldier killed and two injured by roadside bomb +World,US Dollar ends transactions in Cuba +World, #39;Hurriyat gets Rs 150 Cr from ISI #39; +Business,Informal Lenders in China Pose Risks to Banking System +Business,Justice Dept. And S.E.C. Investigating Merck Drug +Business,Microsoft to Pay \$536 Million to Novell in Antitrust Case +Business,A Disappointing Fall for Some Big Names in Clothing +Business,General Electric Sells 60 of Indian Back-Office Unit +Sports,Stating Claim in ACC +Sports,"Big Salary, Big Year?" +Sports,Utah Slips in BCS Poll +Sports,Danton Gets 7 1/2 Years +Sports,'L.A. Angels'? +Business,"Nikkei Inches Up, Mazda Drives Higher" +Sports,Sunday Won't Be Only Ticket in N.F.L.'s New TV Deal +Sports,"Arrested for Drunken Driving, Phelps Makes an Apology" +Sports,Free-Agent Crop Continues to Grow +World,Colombia OKs Extradition of Drug Kingpin +World,Peru Names Prosecutor to Oversee Retrial +Sports,Colts Lead Vikings 14-6 at Halftime (AP) +Business,"Nikkei Inches Up, Mazda Drives Higher (Reuters)" +Sports,Manning-Harrison Set Completions Record (AP) +World,Changes Sway Netherlands Slaying Suspect (AP) +World,Hezbollah Releases Drone Aircraft Footage (AP) +World,"Police pull body of lost autistic man, 46, from Oakville creek (Canadian Press)" +Sci/Tech,Apple's Mac OS X Update Brings Word of Firewire Problems (Ziff Davis) +World,Bush Keeps Card As Chief of Staff (AP) +World,Howard Dean Considering Bid to Chair Dems (AP) +World,Mexico's Fox Says U.S. Migration Deal a Priority +World,"6,500 GI #39;s and 2,000 Iraqis on Attack" +Sci/Tech,Judge Narrows Scope of Suit Over Boston Scientific Stents +Sci/Tech,Microsoft opens portals for governments +Business,GE sells 60 stake in Indian BPO arm +Sports,David Beckham breaks into Hollywood +Sports,Jets #39; Pennington out 2-4 weeks with shoulder strain +World,"Chavitos, Cubas new convertible currency" +Business,Update 3: GE to Sell Stake in Global Outsourcing Unit +World,Brazilian Troops to Remain in Haiti (AP) +Sci/Tech,Microsoft #39;s Xbox sequel #39;Halo 2 #39; goes on sale at midnight +Sci/Tech,Judge Declines to Dismiss Pollution Suit (AP) +Sports,Tottenham put faith in Dutch coach Jol +World,IAEA chief hopes Iran suspend enrichment process +Sci/Tech,Panel Urges Washington to Finance Fast Computer +Sci/Tech,Dancing to That Robotic Engineering Beat +Sci/Tech,F.A.A. Faced With Aging of Computers and Staff +Business,Three Executives at Marsh Removed in Reorganization +Sci/Tech,Miniature People Add Extra Pieces to Evolutionary Puzzle +Business, #39;No free lunches in GE #39; +Sci/Tech,Polar Bears May Face Demise +Sci/Tech,Novell Linux Desktop Arrives +Sci/Tech,Minnesota built computer fastest in world +Sci/Tech,Toshiba Sues Over Patent Infringement (AP) +Business,Legal boost for Microsoft +Business,"In Tussle With Murdoch, Malone Seeks Leverage" +Business,Three Executives at Marsh Removed in Reorganization +Business,Skilling Lawyers Seek Change of Venue +Business,Favorable Report on Mass. Wind Farm +Business,Toshiba seeks damage against Hynix +Business,Microsoft comes to small screen +Business,BA issues fuel cost warning as profit jumps to 335m +Business,UPDATE 1-IMF lauds #39;exemplary #39; Australian economic record +Business,"MMC Makes Management Changes; Egan, Treanor Out" +Business,"Comcast, Microsoft to deploy DVR units" +Sci/Tech,Arctic Thaw +Sci/Tech,But can it leap tall buildings? +Sci/Tech,Stickers Put in Evolution Text Are the Subject of a Federal Trial +Sci/Tech,Bull Announces the Availability of NovaScale Servers Running the <b>...</b> +Sci/Tech,Panel Urges Washington to Finance Fast Computer +Sci/Tech,Gamers line up to grab #39;Halo 2 #39; +Sci/Tech,"AGs, artists urge top court to hear P2P case" +Sci/Tech,Russia launches Soyuz-2 booster rocket +Sports,World track glory pull for Radcliffe +Sports,Beckham plays screen Goal +Sports,"Colts 31, Vikings 28" +Sports,"Now, Quincy must pass test" +Sports,ACC has three top-5 teams in preseason hoops poll +World,Madness in Holland +World,Russian Troops Kill 22 Chechen Rebels +Sci/Tech,Suit Challenges Evolution Disclaimers on Textbooks +Sci/Tech,Supreme Court urged to hear file-sharing case +World,Low Turnout Sinks Macedonian Bid to Kill Rights Bill +World,Paper peace doves set to fall over troubled southern Thailand in <b>...</b> +World,Justice Dept. and S.E.C. Investigating Merck Drug +Business,"In Tussle With Murdoch, Malone Seeks Leverage" +Business,Two Agencies Probe Merck #39;s Handling of Its Vioxx Drug +Business,UPDATE 3-Two Marsh amp; McLennan executives step down +Sci/Tech,Novell Linux Desktop launch this week +Sci/Tech,ATI Xpress 200 Review +Sports,"Manning, James carry Colts to 31-28 win" +Sports,Lucas released from hospital +World,"Facing Iran, With Europe" +World,Organizer identified among killed militants in Chechnya +World,Black Watch push on with mission +Sci/Tech,Officials Lay Groundwork for Cleanup of Great Lakes +Sci/Tech,Microsoft Gives Sharing Tools to Gov't. (AP) +Business,"Oil Hugs #36;49, Concerns Over Heating Fuel (Reuters)" +Business,Australian business confidence falls in October but still good: survey (AFP) +Sports,Mavericks Beat Warriors 101-98 in Overtime (AP) +World,Another Buddhist Beheaded in Thai South Revenge +Sci/Tech,"Firefox, Google and Web Search" +Sports,NBA Wrap: Mavericks Come Back to Beat Golden State +Sports,Cal might be headed our way +Business,Critics hit corps #39; Cape mill report +Business,Standard Chartered Fires 200 in Hong Kong as Competition Rises +Sports,Four-TD Manning masters Minnesota +Sports,Arsenal chairman backs Wenger over Ruud row +Sports,"BMW Williams to Test Webber, Davidson, Heidfeld, and Pizzonia" +Sports,Pirates #39; Bay National League Rookie of the Year +World,Suez Canal blocked by crippled oil tanker +World,Israels nukes blocking Mideast peace: ElBaradei +World,Chechen forces kill 22 separatist rebels +Business,Seeking an Enron Trial Far From Houston +Sci/Tech,ATI Launches Xpress 200 Chipsets +Sci/Tech,Telecom offers broadband to go +Sci/Tech,Russia launches new space booster rocket +World,Suha blasted over #39;deathbed coup #39; claim +World,Africa backs French troops in Ivory Coast +World,EIGHT DIE AS BOMB EXPLOSIONS HIT BAGHDAD +Sports,I had faith in Paula +Sports,NFL Game Summary - Minnesota at Indianapolis +Sports,SportsNetwork Game Preview +Business,East Asia #39;s Economies to Grow Over 7 Pct. +Business,Boeing Probe Widens to \$100 Bln Contract +Business,Maker of Vioxx hit with criminal probe +Business,FCC expected to exempt VoIP from state rules +Business,Moody #39;s may downgrade Philippines +Sci/Tech,Amazon.com has sluggish Monday +Sports,Ferrari will miss F1 team meeting +Sports,Texas a step ahead of Utah in polls +Sports,Jets: Injured shoulder KO #39;s Pennington 2-4 weeks +Sports,Knicks: Suhr replaces Helm as assistant +Sports,Danton Sentenced to 71/2 Years For Murder-for-Hire Plot +Sports,NBA Wrap: Mavericks Come Back to Beat Golden State +World,Afghan Kidnappers Await Prisoner Swap Offer Response +World,Pakistan wants respect to Kashmiri leaderships desire to hold <b>...</b> +World,Palestinians seek to visit Arafat +Sports,Petrino #39;really happy here #39; +Business,Boeing Probe Widens to \$100 Bln Contract +Business,"Tokyo Stocks Slip on Banks, Insurers" +Business,Air Force Seeks Contract Reviews +Business,Skilling Lawyers Seek Change of Venue +World,US Mulls Stopping Aid if No Peace Deal in S. Sudan +Business,Korean Air Stun Guns Approved +Business,US watchdog investigates brokers +Sports,English Premiership round-up +Sports,Colts outscore Vikes in 31-28 victory +Sports,"NFL extends contracts with CBS, Fox for \$8b" +Sports,Consummate Bruin Bourque is enshrined among NHL #39;s finest +World,Palestinian leaders seek to visit Arafat +Business,Boeing Probe Widens to #36;100 Bln Contract (Reuters) +Sci/Tech,New lava dome grows inside Mount St. Helens +Sports,Billups excited to be going back to Denver +World,Afghans Say to Kill UN Hostage if Demands Not Met (Reuters) +World,"Uribe, Chavez Have a Lot of Similarities (AP)" +World,"Criminals preying on Japanese quake victims, police warn (AFP)" +Business,"Novell, Microsoft settle row" +Business,GE sells 60 of pioneering India division +Business,Murdoch tries to hold off takeover +Business,Moody #39;s May Cut Philippine Ratings on Budget Deficit (Update1) +Business,H amp;R Block faces charge +Sci/Tech,Warming hastens Arctic changes +Sci/Tech,Web power to the people +Sci/Tech,Russia successfully launches Soyuz 2-1A rocket +World,Terror Charges In Van Gogh Slay +World,Tremour shook Taiwan +Sports,Surgery sidelines NBA sharpshooter Lenard (AFP) +World,State Department Counterterror Chief Quits (AP) +World,"Specter, Opponents Press Senate Leaders (AP)" +World,Summary Box: Congress Continuity (AP) +World,Iran Says Can Mass Produce Medium-Range Missiles +World,U.S.-Led Forces Thrust Towards Central Falluja +Business,Mobile phones take over in India +Business,BT Group to buy Infonet +Business,Euro soars as dollar nosedives +Business,"Drop in crude futures a trend, say analysts" +Business,Feds probing Merck +Business,"SocGen profit beats forecast Reuters, Paris, November 9" +Business,Salvation Army seeks volunteers +Business,Comcast deal gives Microsoft entry into cable TV +Business,NO OVITZ-SIGHT +Sci/Tech,Scientists warn Arctic is warming quickly +Sci/Tech,The Novell Linux Desktop +Sci/Tech,Big Blue named top computer again +Sci/Tech,Textbook disclaimer on evolution in Ga. court +Sci/Tech,Bluetooth Version 2.0 Enhanced Data Rate Announced +Sci/Tech,Intel Updates Itanium +Sci/Tech,Vocal biologist fired from wildlife agency +Sci/Tech,\$1 million bail for spammer +Sports,Colts can #39;t win it all +Sports,BRITISH PEOPLE HELPED ME WIN IN NEW YORK +Sports,RUUD RAGE +Sports,Report indicates Wannstedt out +Sports,Robinson #39;s class act sweeps snobbery aside at last +Sports,Van Gundy paints offensive strategy +World,Violence flares in Ivory Coast ahead of presidential visit +World,US-Led Forces Thrust Towards Central Falluja +World,13 killed in hospital car bomb +World,After Arafat +World,US to enhance ties with Pakistan: Armitage +World,Powell unhappy at Sudan #39;s Darfur camp relocations +Business,Judge halts patent suits against Columbia +Business,"Novell, Microsoft settle row" +Business,Marsh ousts 2 top executives +Business,McDonald's sales push its stock to 2-year high +World,'Revenge' killing in S Thailand +World,Network fighting huge Janet fine +World,Ivory Coast loyalists in standoff +World,"22 rebels said killed, including key figure" +World,Iraqi envoy backs raid on Fallujah +World,Iraqi called uncooperative +World,Prosettlement party to quit Sharon government over pullout +World,Resentment high on Arafat's wife +Sports,Exemplary assistance +Sports,Things could heat up fast at Miami meetings +Sports,"Colts, Vanderjagt save best for last" +Sports,Wannstedt said set to resign +Sports,Kovalev heading home +Sports,His little pain means big gain +Sports,"Kansas, Tennessee top NCAA basketball polls" +Sports,"Eagles, Mountaineers in a summit meeting" +Sports,"Framingham down, not out" +Sports,Today's schedule +Sports,"For Marine, a case of glove love at first sight" +Sports,Phelps in hot water now +Sci/Tech,Digital Gear: Slimming Down Systems and Users +World,Iran Says Can Mass Produce Medium-Range Missiles (Reuters) +Sci/Tech,Nokia Releases Newest Version Of SSL VPN (TechWeb) +Business,Novell wins windfall Microsoft settlement +Business,"World Bank reports drop in poverty levels in East Asia, Pacific" +Business,Guite defends use of fed slush funds +Sci/Tech,Halo 2 Hits The Streets +Sci/Tech,T #39;s CharlieCard #39; more than just a token effort +Sports,Woods moves to No. 2 in world +World,Ivory Coast loyalists fear leader #39;s overthrow +Business,Lithuanians held over fake euros +World,"Reaching out, Bush hews to stance" +World,French Hospital Says Arafat's Condition Worsened +World,Bomb Explosion in Nepal's Capital Wounds 38 +World,Exit Shinui +Sci/Tech,US top of supercomputing charts +Sci/Tech,Players sought for \$1m tournament +Sports,Young Wildcats receive the spanking on Initiation Day +Business,Microsoft settles two big fights +Business,World Bank: Cambodia Economy to Slow Down +Business,Toshiba takes Hynix to task in patent clash +Business,Tasers OK #39;d for Korean airline +Business,Rose axes four M amp;S directors +Business,"Marsh May Have to Cut Jobs as Earnings Decline, Investors Say" +Sci/Tech,Fans Throng for First Crack at New Game 'Halo 2' +Sci/Tech,ATI #39;s Radeon Xpress 200 chipset reviewed +Sci/Tech,Student Finds New Species of Amphibian +Sci/Tech,"Firefox Browser, a Microsoft Rival, Fully Released" +Sci/Tech,Fans throng for first shot at quot;Halo 2 quot; game +Sci/Tech,Bluetooth For Multi-Player Gaming? +Sci/Tech,Telecom Unveils its 3G Mobile +Sci/Tech,File-swapping case finds friends in court +Sports,Williams to trial 2005 hopefuls +Sports,"\$8-billion deal for NFL, 2 networks" +Sports,Swim phenom sinking on DWI +Sports,Defending champions avoid second lost +Sports,Hall ceremony special nonetheless +Sports,Class of 2004 announced +World,"Arafat's Wife Attacks His Aides, Setting Off a Public Brawl" +World,Critics of Islam on edge after murder +World,Palestinian leadership hinges on Arafat fortune: Israel +World,Iraqi envoy backs raid on Fallujah +World,Basayev associate killed in Vedeno operation +World,Train wreckage operation begins +World,High Stakes in Vegas vs. Macau +World,Brazilian Troops to Remain in Haiti +Sci/Tech,AOL to Be Split Into Four +Sci/Tech,Microsoft Ends Disputes +Sci/Tech,Halo 2 Poised to Ring Up \$80M in Sales +Sci/Tech,Lockheed CEO Sees World of Potential +Business,Brown seeks out global challenge +World,Bomb Explosion in Nepal's Capital Wounds 38 (Reuters) +Sci/Tech,AOL to Be Split Into Four Units (washingtonpost.com) +World,Public hostility to Iraq war at record levels: poll (AFP) +Sci/Tech,Fans Throng for First Crack at New Game 'Halo 2' (Reuters) +World,"Ponting ""dug his own grave"", says controversial Test pitch curator (AFP)" +Sci/Tech,Summary: Student Finds New Amphibian (AP) +Sci/Tech,Student Finds New Species of Amphibian (AP) +Business,Google Blazes Lonely IPO Trail +Business,Toshiba Sues Hynix for Patent Infringement +Business,"WTO complaint filed against US, Canada" +Business,11 banks under review for possible ratings cut--Moody #39;s +Business,Target drops kettles from Salvation Army +Business,Telkom Welcomes Black Consortium As Strategic Shareholder +Business,RPT-CORRECTED-US #39; Al Gore starts sustainable growth firm +Sci/Tech,System X takes seventh place +Sci/Tech,Mozilla Firefox 1.0 Released +Sci/Tech,AMD signs foundry for 64-bit CPU production +Sci/Tech,Fish and Wildlife Service delays panther protection plan +World,British hostility to the war deepens as another Black Watch <b>...</b> +World,"Baghdad Car Bombing Kills 13 People Outside Hospital, AFP Says" +Sci/Tech,Ideas Stolen Right From Nature +Sci/Tech,Stop Trying to Persuade Us +Sci/Tech,The Great Southwest Salt Saga +Sci/Tech,Everything Is Green at This Fair +Sci/Tech,Life-or-Death Question: How Supernovas Happen +Sci/Tech,"Long After Kinsey, Only the Brave Study Sex" +Sci/Tech,"Germs, Germs Everywhere. Are You Worried? Get Over It." +Sci/Tech,A Melting Glacier in Tibet Serves as an Example and a Warning +World,Japanese carrier KDDI to tie up with BT on data communications (AFP) +Sci/Tech,A Diabetes Researcher Forges Her Own Path to a Cure +Business,Key cable TV deal for Microsoft +Business,News Corp. plans poison pill to thwart Liberty +Business,Update 8: Crude Futures Change Little +Business,Schwab ex-CEO to get almost \$10M +Business,"Telkom welcomes BEE deal, shares soar" +Business,DeKalb wins new Target center +Business,UK firms 'embracing e-commerce' +Sci/Tech,Blue Gene quits ivory tower +Sci/Tech,New game #39;will blow past anything Hollywood has #39; +Sci/Tech,P2Pers ask Supreme Court to reject RIAA ban request +Sci/Tech,Spansion maps out future for 8Gbit memory parts +Sci/Tech,Supercomputing Windows skips Itanium 2 +Sci/Tech,"The Music Mess: Advantage, Microsoft" +Sports,Colts Finish One Stride Ahead of the Vikings +Sci/Tech,"Sales of 'Shrek 2' DVD seeing green, possibly sinking 'Nemo' (USATODAY.com)" +Sci/Tech,He's jazzed up over Couric (USATODAY.com) +World,Two Afghan hostages phone home +World,Another Buddhist killed in #39;revenge attack #39; +World,Kidnapped UN hostages call home +World,Russian Troops Kill 22 Rebels in Chechnya Operation Kadyrov +World, #39;LoC fencing by India would complete in March 2005 #39; +Business,Stocks Look to Open Lower; Cisco Awaited +World,Chunghwa Telecom earnings ahead of forecast (AFP) +Business,Dlr Regains Poise After ZEW Slump +Business,Dollar Steers Clear of Record Low Vs Euro +World,Dutch film maker to be cremated +World,Bomb Explosion in Nepal #39;s Capital Wounds 38 +Sci/Tech,Bottom-Dwelling Marine Life Found in Ga. (AP) +Business,Major Brokerages' Trades Investigated +Business,NASD Files Charges Against H R Block +Sci/Tech,Firefox browser takes on Microsoft +Sports,Pleat casts doubt over foreigners +Sports,Eagles pay for inability to stop run +Sports,Vancouver Sun +World,Defense Lawyers Say Rapport with Milosevic Ruined +Sci/Tech,Mio 8390 smart phone +Sci/Tech,MS - NHS tie up unsettles <em>Reg</em> readers +Sci/Tech,The definitive guide to PHP Power Programming +Sci/Tech,P2Pers ask Supreme Court to reject RIAA ban request +Sci/Tech,Firefox browser takes on Microsoft +Sci/Tech,E-university's record 'abysmal' +Sci/Tech,Slowdown Forces Many To Wander for Work +Sci/Tech,E-Mail Firms Seek Spam Solution +Sci/Tech,"'Phishing' on the Rise, But Don't Take the Bait" +Sci/Tech,Polar people 'will need to adapt' +Business,"UK: M amp;S reports lower profit, reshuffles management" +Business,Ad:tech Celebrates Industry Revival +Sci/Tech,Firefox browser fully released +Sci/Tech,How big is #39;Halo 2 #39;? +World,Summary: Yasser Arafat in a Coma (AP) +World,Powerful bomb injures 32 civilians in Kathmandu (AFP) +World,Palestinian Delegation to Visit Comatose Arafat +World,U.S.-Led Forces Reach Central Falluja-U.S. Source +Business,SEC Considers Suing Ex-Lucent Officers +Business,Christmas assistance +Sci/Tech,The new browser on the block +Sci/Tech,IBM regains No.1 supercomputer rank +Sci/Tech,Two-year Bluetooth roadmap laid out +Sports,James Lawton: Only Beijing can bury agony for Radcliffe +World,"EU, India sign strategic partnership deal" +Sci/Tech,Dining with the dolphin hunters +Sci/Tech,Can IT fuel clean energy technologies? +Sci/Tech,"Photos: Invasion of ""Half-Life 2""" +Business,Crude Oil Little Changed as US Inventory Gain Expected +Business,Dollar Steers Clear of Record Low Vs Euro +Business,Case centers on Saudi Arabia bribery investigation +Sci/Tech,Computer gaming #39;s Steam-powered war +Sports,"Tennessee, Kansas Begin At No. 1" +World,Mbeki tries to restore calm in Ivory Coast +World,UN Panel Begins Probe of Genocide Claims in Sudan +World,Officials Attempt to Visit Comatose Arafat +Sci/Tech,EU Threatens to Go It Alone on Nuclear Fusion (Reuters) +World,EU Threatens to Go It Alone on Nuclear Fusion +Sci/Tech,China in for Extreme Weather as Climate Change Felt (Reuters) +World,Pakistan Wins U.S. Praise Over Afghan Vote +Sci/Tech,Australian Farm Group Announces Research (AP) +Sci/Tech,Anthrax Kills Nearly 200 Hippos in Uganda (AP) +Business,Microsoft to end antitrust issue +Business,Update 11: EU Head Office Backs ECB Warning on Euro +Business,US Rejects EU That Hormone-Treated Beef Ban Is Justified +Business,GE plans sale of outsource business +Business,"EchoStar Posts Profit, Adds Subscribers" +Business,"British Bank Shifting 1,000 Jobs to India" +Business,Lucent Reaches Tentative Deal with Unions +Business,Trade gap shrinks as UK exports surge ahead +World,Arafat Worsens as Tension Grows Between Wife and Political Heirs +Sci/Tech,Novell Launches its First Branded Linux Desktop 9 +Sci/Tech,IBMs Blue Gene/L is the Fastest Supercomputer in the World +Sci/Tech,Mozilla: The next Internet Explorer? +Sci/Tech,Firefox browser available today +Sci/Tech,"Parakeets long gone, but DNA makes some wonder" +Sci/Tech,Intel tops out server range with data-crunching Itanium chips +Sci/Tech,China homespun 3G unravels in trials +Sports,Beckham takes football movie role +Sports,Steelers won #39;t get too giddy +Sports,How young Hughes impressed Saint +Sports,Oklahoma Strenghens Number Two Spot In BCS Poll +World,Mbeki in African Union bid to halt new Ivory Coast clashes +World,Kathmandu bomb injures 12 +World,Berlin marks anniversary of Wall #39;s fall +World,New browser takes on Microsoft +Business,ADV: Get a Great Deal on a Home Loan +Sci/Tech,Stealing movies: Why the MPAA can afford to relax +Business,"May Dept. Posts Lower Profit, Sales Fall (Reuters)" +Business,"Marsh McLennan to Lay Off 3,000 Workers" +Business,UK oil balance moves into deficit +Sci/Tech,Race on to Build Fiber Optic Networks - Alvarion +Sci/Tech,Court Urged to Hear File-Sharing Case +Sci/Tech,Convicted Spammer's Bail Set at #36;1M (AP) +Business,Euro reaches new high against the US dollar +Business,EchoStar Earnings Nearly Triple in 3Q +Business,Stocks Seen Slightly Lower; Merck Down +Sci/Tech,Race on to Build Fiber Optic Networks - Alvarion (Reuters) +Sci/Tech,Microsoft offers governments sharing tools +Sci/Tech,Mozilla Launches Firefox 1 +Sci/Tech,Intel Rolls Out Single-Core #39;Madison #39; Chips +Sci/Tech,Modernized version of Soyuz rocket launched +Sci/Tech,Mac-based supercomputer drops to 7th place on Top500 (MacCentral) +Sports,Emlyn Hughes factfile +Sports,"Take it to the bank -- It #39;s USC, Sooners" +Sports,Sri Lanka keeper calls it a day +Business,"Marsh McLennan to Cut 3,000 Jobs" +World,Armitage talks India with Pakistan +Sci/Tech,Microsoft to skip Itanium with supercomputing Windows +Sci/Tech,Update: Toshiba sues Hynix on memory patents +Sci/Tech,Intel: Volume shipments of Montecito expected in 2006 +Business,"Before the Bell: Merck Fall, Sears Up" +Business,"May Dept. Posts Lower Profit, Sales Fall" +Business,Music Surprises to Boost Vivendi Revenues +Business,Lucent Reaches Tentative Deal with Unions +Business,Cablevision Posts Narrower Loss +World,Two Palestinians killed in Gaza +Business,Sales Help Narrow Loss for Sotheby's (Reuters) +Business,Marks amp; Spencer Announces Shakeup +Business,"UPDATE 2-Marsh amp; McLennan to cut 3,000 jobs as profit sinks" +Sci/Tech,Halo sequel delivers on the hype +World,East Germany Becoming a Retro Utopia 15 Years On +World,Dozens casualties in Nepal bomb explosion +Business,Euro stops short of 1.30 dollars as officials raise rhetoric +Sci/Tech,Polar people #39;will need to adapt #39; +Sports,"Freeney finishes with 3 tackles, 2 sacks" +World,Slain Dutch filmmaker is cremated +World,Rebels Kill 45 in Attacks in Iraq #39;s Baquba +World,Musharraf #39;s options on J amp;K forward thinking: Armitage +World,Liverpool legend Emlyn Hughes dies (AFP) +Business,U.S. Wholesale Inventories Up 0.5 Percent (Reuters) +Sports,Alou Leads Major Leaguers to Win in Japan (AP) +Business,Sanofi Weight Loss Drug Effective in 2-Year Study (Reuters) +Business,Microsoft settles disputes +Business,Liberty Media Profit Rises on QVC +Business,WB says costly oil to slash RP economic growth by 1 +Business,Marsh #39;s Dismissal of Egan Was #39;Unexpected #39; +Business,"To cut 75 percent of division in New York, 50 in London" +Business,Abercrombie amp; Fitch Posts Fall in Profit +Business,Anheuser Busch Reaffirms Outlook +Business,Expert: Russian Oil Exports May Decrease +Sci/Tech,T-Online raises outlook after better-than-expected results (AFP) +Sports,Ben Wallace to Miss Time With Pistons (AP) +Sci/Tech,India's mobile phone users surpass land line base (FT.com) +Sci/Tech,Firefox and Beyond: Mozilla President Browses the Future (Ziff Davis) +Sports,Beckham May Be Ready to Play This Weekend (AP) +World,Colombian Drug Kingpin Transported to U.S. +Business,Marks and Spencer unveils major management shake up (AFP) +Sci/Tech,Minnesota explorers sound alarm bells over Arctic warming +Sci/Tech,Firefox version 1.0 released +Sci/Tech,Linux aims to divide and conquer the desktop +Sci/Tech,Bluetooth 2.0 Offers Much Faster Data Transmissions +Sci/Tech,"SUNNYVALE, Calif.--(BUSINESS WIRE)--Nov 8, 2004--" +Sci/Tech,Wil Wheaton to speak at Macworld Expo SF +Sci/Tech,UK supermarket becomes iTunes rival +Sci/Tech,Russia successfully launches new type of rocket carrier +Sci/Tech,UK co joins bid to launch satellite mission +Sci/Tech,Wil Wheaton to speak at Macworld Expo SF (MacCentral) +Sports,Phelps faces jail over drink-driving charge +Sports,"Emlyn Hughes dies, 57" +Sports,Williams tests two +Sports,GP teams see red +Sports,Kelley joins hockey #39;s best in Hall of Fame +Sports,WORLD RALLY NEWS Minor scare for Sainz ahead of final event. +Sports,Big Deal For NFL +World,US assault on Falluja meets with resistance +World,3 killed in Thailand #39;s violence-plagued deep south +World,Israeli coalition partner to quit over Gaza withdrawal +Sci/Tech,Music piracy 'does hit CD sales' +Sci/Tech,Dutch Dioxin Scare Spreads to France and Spain (Reuters) +Sci/Tech,EU to Boost Protection of Endangered Bird Species (Reuters) +Business,Oil Price Dive Deepens as Supplies Swell +World,Rhode Island Senator to Stay Republican (AP) +Business,Sanofi Weight Loss Drug Effective in 2-Year Study +Sci/Tech,New UK Airport Scanner 'Undresses' Passengers (Reuters) +Business,Abercrombie Fitch Posts Fall in Profit +World,Arafat Fate Mired in Confusion +Business,New York Times to Sell Its Headquarters +Business,Liberty Media Profit Rises on QVC +World,Defense Lawyers Say Rapport with Milosevic Ruined +Sci/Tech,IBM System Named Fastest Supercomputer +Sci/Tech,AMD turns to Chartered for help +World,Arafat's Health Worsens as Delegation Arrives +Business,Oil Price Dive Deepens as Supplies Swell +Sci/Tech,"Fans brave long lines, rain for 'Halo 2' debut" +Sci/Tech,"Photos: Halo 2, the adventure begins" +Sci/Tech,"US losing edge in supercomputing, report warns" +Sports,Jaco injury worry for Boks +Sports,Mutu back at Dinamo after dismissing agents +Sci/Tech,IBM to sell supercomputers +Sci/Tech,US is warned on supercomputer funds +Sports,F1 teams meeting in London +Sports,Tuesday #39;s NBA summary +Sports,"Mutu apologizes, turns down offer to become Romanian assistant <b>...</b>" +Sports,Sainz injured in pre-rally testing +World,Ex-chief of prisons ordered to testify +World,Nuclear fusion negotiations go critical +World,British hostage calls home +Sci/Tech,"Europeans debate software patents, interoperability" +Sci/Tech,New MyDoom variant exploits IE flaw +Business,Microsoft placates two foes +Business,"Marsh amp; McLennan to Cut 3,000 Jobs" +Business,Marks and Spencer unveils major management shake up +Business,Abercrombie Earnings Cut by Settlements +Sci/Tech,AMD turns to Chartered for help +Sci/Tech,Trial begins over Georgia county #39;s evolution disclaimers in <b>...</b> +Sci/Tech,Microsoft intros supercomputing developer kit +Sci/Tech,"Parakeets long gone, but DNA makes some wonder" +Sports,Bourque inducted into NHL Hall of Fame +World,Two Afghanistan Hostages Call Home (AP) +World,US troops closing in on central Fallujah +World,Iran mulls critical nuclear decision +World,Sunni Clerics Call for Elections Boycott +Sci/Tech,Kanoodle and TypePad / Movable Type Partner for Sponsored Blogs +Sci/Tech,Clusty Launches Mozilla Firefox Clustering Search Toolbar +Sci/Tech,MSN Search Engine Launch December 2004 +World,German Professionals' Growth Outlook Dips (AP) +Business,Online Trading Tips (The Motley Fool) +Sci/Tech,Microsoft's Legal Cleanup Day (washingtonpost.com) +Business,FCC Exempts Web Phones from State Rule (Reuters) +World,Mexico pushes U.S. on immigration (Chicago Tribune) +World,"Indian family slain in bid to create drugs front, court told (AFP)" +Sci/Tech,FCC Insulates Web Phone Service from State Rule (Reuters) +Sci/Tech,New Trojan Sends Spam (PC World) +Business,Abercrombie Warns of Profit Shortfall (Reuters) +Sci/Tech,Mozilla Launches Firefox 1.0 (PC World) +Business,Oil Price Dive Deepens as Supplies Swell +Business,Sanofi Says Diet Drug Works +Business,FCC Exempts Web Phones from State Rule +Business,"Cocoa Price Off, Ivory Coast Shot to Bits" +Sports,Eagles DT Rayburn in Car Accident +Sci/Tech,Oceans to Rise One Meter by 2100-Arctic Expert (Reuters) +Business,Abercrombie Warns of Profit Shortfall +Business,Dollar Stabilizes on Comments from Europe +Business,"Stocks Flat; Oil Falls, Waiting for Fed" +World,Kerry hints at possible 2008 White House run: reports (AFP) +Business,"Under-fire Marsh cuts 3,000 jobs" +Business,Unrest blocks Ivory Coast cocoa +World,"Arafat Dead, Say Palestinian Sources Amid Confusion" +World,Sudanese Govt. Ready to Sign Darfur Deals-Minister +Sports,Cropp Postpones Vote +Sports,Colts Edge Vikings +World,Oil scandal rocks Polish leadership +Business,Microsoft #39;s Novell Settlement Clears Hurdles +Business,Update 2: Commerzbank to Cut 900 Banking Employees +Business,FCC Insulates Web Phone Service from State Rule +Sci/Tech,Oceans to Rise One Meter by 2100-Arctic Expert +Sci/Tech,Mozilla #39;s Firefox Makes Formal Debut Today +Sci/Tech,Novell: Time for Desktop Linux +Sci/Tech,IBM Retakes Top Supercomputer Rank as NEC Slips +Sci/Tech,Worm Breaks Speed Record from Discovery to Life +Sci/Tech,Roadmap boosts Bluetooth bandwidth +Sci/Tech,Trial Begins Over Cobb #39;s Evolution Disclaimers in Textbooks +Sports,Phelps Apologizes After DUI Arrest +Sports,Becks to play himself in movie +Sports,Wannstedt Quits Dolphins; Bates to Fill In +Sports,Mutu Wants to Set An Example +Sports,Robinson thrilled with England captaincy +Sports,Ferrari - from the firing pan into the fire +Sports,Mother of soccer star kidnapped +Sports,Robson back at West Brom as coach +Sports,"Colts 31, Vikings 28" +Sports,DirecT Touchdown +Business,Update 4: Chipmaker Infineon Sees Net Income Fall +Business,"Merck shares slide on civil, criminal probes into Vioxx" +World,Flowers as Dutch film man cremated +World,The Berlin Wall: 15 years on +World,New Battalion #39;Told to Prepare to Go to Iraq #39; +World,Ban on hunting with dogs pits British townies vs. rural folks +Business,Sanofi Diet Drug Impressive in 2-Year Study +Business,Homebuilder Toll Up 4 Pct on Forecast +World,Afghans Again Extend Deadline for UN Hostages +Sci/Tech,FCC Rules on Internet-Based Phone Services +Sci/Tech,Worm Breaks Speed Record from Discovery to Life +Sci/Tech,IBM unveils Power5-based supercomputing server +Sci/Tech,Photo: IBM's p5-575 server +World,Bomb kills 11 soldiers in Kashmir +Sci/Tech,FCC further deregulates Net calls +Sci/Tech,'Halo 2': Heaven-sent for game players? +Business,Can Jamdat Survive the Hype? +Business,Eyeing Laser Care Profits +Sci/Tech,"Photos: 'Halo 2,' the adventure begins" +Business,Rates rise increases to continue +Business,SEC Issues Plan to Standardize Governance Rules for Exchanges +Sci/Tech,"Another IE flaw, another MyDoom" +Sports,Mother of #39;new Pele #39; is kidnapped +Sports,Ben Wallace loses brother to brain cancer +World,"Arafat #39;s wife under fire, clashes with PA chiefs" +World,Pakistan Wins US Praise Over Afghan Vote +Sci/Tech,Security group sets baseline standard for firewalls +Sci/Tech,Microsoft Sees #36;100 Million First Day for 'Halo 2' (Reuters) +World,"Sudan, Rebels to Sign Partial Peace Pact (AP)" +Sci/Tech,Security group sets baseline standard for firewalls (InfoWorld) +World,Sudan Signs Darfur Deals with Rebels - Mediator +Sci/Tech,Mozilla Firefox 1.0 Ready For Primetime +Sci/Tech,"HP debuts 14 new imaging, printing products" +Sci/Tech,Mozilla launches Firefox 1.0 browser +Business,Dell Plans North Carolina Plant +Sci/Tech,Microsoft Sees \$100 Million First Day for 'Halo 2' +Sci/Tech,Web business standard gets thumbs up +World,"In storm-ravaged Philippines, an urgent plea for food, goods" +Business,FCC further deregulates Net calls +Sci/Tech,Mozilla Launches Firefox 1.0 +Sports,Miami Dolphins Coach Dave Wannstedt Resigns After 1-8 Start +World,"Sudanese govt, rebels sign security and humanitarian deals (AFP)" +Business,Microsoft Shareholders OK \$3 Dividend +World,Arafat's Heart Functioning - Palestinian Minister +World,Anthrax hits Ugandan park hippos +World,Cricket: Sri Lanka keeper quits +Sci/Tech,Shareholders rubber-stamp Microsoft payout +Sports,Wannstedt Steps Down as Dolphins Coach +Business,"Marsh McLennan to Cut 3,000 Jobs" +Business,"UPS to Hire 70,000 Workers for Holidays" +Sports,Spain Unchanged for Davis Cup Final +Business,"Dell Plans North Carolina Plant, to Hire 1,500" +Business,Alcohol ban row rages in Algeria +Sports,Schilling Has Surgery +Business,IMF report #39;not all good news #39; +Business,"Infineon Revs Up, But Slowdown Coming" +Business,FCC Rules VOIP Not Subject to State Rules +Business,"Marsh CEO says most of 3,000 layoffs due Wednesday" +Business,Profit Tumbles at May Department Stores +Business,"Dell makes it official, chooses NC for facility" +Business,SEC seeks more market disclosure +Business,Henley: Oracle May Drop Bid If PeopleSoft Investors Nix #39;Best #39; <b>...</b> +Business,"UPS to Hire 70,000 Workers for Holidays (Reuters)" +Sci/Tech,FCC Rules on Internet-Based Phone Services (AP) +Business,Regulators Probe Fund Trades at Bank of NY (AP) +Sci/Tech,Online Learning Has Schools Nervous (AP) +Sci/Tech,Linux: The New Desktop OS? +Sci/Tech,Spansion Details NOR/NAND Hybrid Roadmap +Sports,Phelps drink-drive charge +Sports,Beckham Makes Timely Training Return +Sports,Miami coach Wannstedt steps down +Sports,Schilling has successful ankle surgery +Sports,Schilling's Ruptured Ankle Tendon Repaired (AP) +Sci/Tech,Iran cracks down on Internet: rights watchdog (AFP) +World,Italian police fear Naples mob war +Sci/Tech,Microsoft Shareholders OK Stock Changes (AP) +Sci/Tech,Apple supported technologies approved by DVB (MacCentral) +Sci/Tech,"T.rex Fancied Ribs, Scientist Says (Reuters)" +Sci/Tech,No Deal on Nuclear Fusion Reactor Site - Diplomat (Reuters) +Sci/Tech,Golf Courses Make Good Homes for Birds (AP) +World,Sudan Signs Landmark Darfur Deals with Rebels +World,Iran's conservatives seen tightening power in republic +Sports,Schilling Has Successful Ankle Surgery (Reuters) +Sports,Schilling Has Successful Ankle Surgery +Sports,Irish Olympic Medal Horse Fails Second Test-Report +Business,Update 9: Oil Prices Briefly Fall Below \$48 a Barrel +Business,TOSHIBA intente une action en justice contre Hynix Semiconductor <b>...</b> +Business,What the Fed Has to Consider at Wednesday #39;s FOMC +Business,Oracle may drop suit against PeopleSoft +Sports,Suns notebook: Suns pack it in on defense +Sports,Schilling #39;s Ruptured Ankle Tendon Repaired +Sports,Second doping test on Irish winner Waterford Crystal positive <b>...</b> +Sports,"Playing indoors will make for a different game in West Final, says <b>...</b>" +Sports,Spain announce Davis Cup line-up +Sci/Tech,Got Firefox? +World,Sunni clerics call for boycott of January elections because of <b>...</b> +World,PORTRAIT OF FALLUJAH: Place of piety was Saddam stronghold +Sci/Tech,IBM Celebrates Supercomputing Triumph +Sports,Swimming: Phelps charged +Sports,Arsenal Football Club boss charged +Sports,Keith highlights CFL Players of the Week +World,Mother cleared of murdering baby +Business,Calm for the Storm: Asset Allocation +World,"Sudan, Rebels Sign Accords" +World,Dutch Mourn Murdered Filmmaker Amid Revenge Fears +Sci/Tech,News.com Extra: Tech steals ideas from nature +World,"Marsh McLennan to Lay Off 3,000" +Sports,A harsh injection of reality +Sci/Tech,Conn. Man Charged with Selling Secret Windows Code +Sci/Tech,IBM Plans Web Meeting Service; Takes Aim at WebEx +Sports,Health Holds Back Mesi +Sci/Tech,Ownership of Anti-Spam Measure Queried at Talks +Business,Moguls Match Up Over News Corp. +Business,EchoStar Dishes Up Value +Business,Give Sonic Solutions More Play +Business,Is Shanda Overvalued? +Sci/Tech,Cisco 1Q Eyed as IT Spending Indicator +Business,"Marsh McLennan to Cut 3,000 Jobs" +Business,SEC Wants More Disclosure for Markets +Business,Liberty Makes Nice with News Corp. +Business,SEC Probes Bank of New York's Pershing +Business,"Stocks Rise, Oil Falls, Fed Wait Resumes" +Sci/Tech,Halo fans' hope for sequel +Business,Witness: Ovitz Wanted Signing Bonus as Disney President +Sports,Champion Irish Horse Fails Second Dope Test +Sci/Tech,Microsoft patches software for Mac version +World,Netanyahu lifts threat to resign +Sports,Best game in town +Business,Microsoft #39;s Novell Settlement Won #39;t Scare Off EU +Business,Marks amp; Spencer Dumps Execs +Business,East Asia: Global Uncertainties Threaten to Mar 2005 +Business,Powell: FCC Chief Gets Ruling In Favor Of VoIP +Business,Dell picks NC for third US plant +Business,Heads may roll at Putnam +Business,Anthem merger could be back on fast track +Business,SEC proposes plan to strengthen governance at stock exchanges +Business,UPDATE 4-Toll posts strong 4th-quarter homebuilding sales +Business,Genta Can #39;t Catch a Break +Business,Microsoft Shareholders OK #36;32 Bln Payout (Reuters) +Sci/Tech,IBM's recycling program goes global +Sci/Tech,Irish urged to reduce gas emissions +Sci/Tech,Desktop Linux: The Final Hurdles +Sci/Tech,Double MyDoom for Internet Explorer flaw +Sci/Tech,IBM Sits Atop Supercomputer List +Sci/Tech,Xbox #39;s quot;Halo 2 quot; video game expected to be blockbuster +Sci/Tech,Limited EyeToy Support in GT4 +Sci/Tech,Chartered to Manufacture AMD64 Processors in 2006 +Sci/Tech,HyperTransport Broadens Its HPC Scope +Sci/Tech, #39;Northern lights #39; possible on LI +Sports,West Brom names former star player Bryan Robson manager +Sports,UPDATE 1-British and French GPs #39;a done deal #39; +Sports,Beckham aims to bend it with Zidane +Sports,Liverpool great Hughes passes away +Sports,Clemens wins seventh Cy Young +Sports,UPDATE 1-Mutu to continue career in England or Italy +Sports,Schilling has surgery on damaged ankle +Sports,Irish gold medal in jeopardy +Sports,Transcript of Andy Geiger #39;s Statement at the November 9th Ohio <b>...</b> +Sports,\$10b NFL TV deal +Business,SEC Wants More Disclosure for Markets (Reuters) +World,"EU Says No Deal, No Breakdown on Fusion Reactor" +World,Armitage: Osama will be caught +World,Iraqi Sunni Clerics Urge Election Boycott for Fallujah Siege +World,Strategy for partnership +Sci/Tech,Ownership of Anti-Spam Measure Queried at Talks (Reuters) +Sci/Tech,Photo: Unisys' updated ES7000 server line +Sci/Tech,"Gateway To Ship New, Cooler Desktops (NewsFactor)" +Sports,"Clarett Rips Ohio State Coach, Staff (AP)" +Sci/Tech,Photo: Hewlett-Packard's Integrity rx4640 server +Sports,"Ferrero, Moya to Lead Davis Cup Team (AP)" +Sci/Tech,Dell to spend \$115 million on new plant +Sci/Tech,"Mac OS X Update Fixes Some Problems, Creates Others (NewsFactor)" +World,"Rebels Set Off Land mine in Indian Kashmir, 11 Dead" +Sci/Tech,NEC Builds Itanium 2 Blade (NewsFactor) +Sci/Tech,Double MyDoom for Internet Explorer flaw +World,"Arafat Dead, Say Palestinian Sources Amid Confusion" +World,Fresh Unrest in Ivory Coast Despite Peace Efforts +World,Haiti Election Panel in Turmoil as Head Resigns +Business,Infineon Posts 10 Percent Profit Drop +Sci/Tech,New Zealand 3G Network Launched +Sci/Tech,Nortel dumps bandwidth exchange suit +Sci/Tech,IBM Plans Web Meeting Service; Takes Aim at WebEx +Sci/Tech,Battle of the big games +World,"Radical change needed in Indigenous affairs, says leader" +Business,Murdoch Sets Up Poison Pill Defense +Business,Lower oil fails to lift stox +Business,Honda to Build Transmission Plant in Georgia +Business,Russia #39;s Severstal makes formal offer for Stelco Inc. amid <b>...</b> +Business,Toll Rings Homebuilders #39; Bell +Business,Boeing tanker deal unlikely +Sci/Tech,Weekdays at 4:45 PM on Radio 990 in Manitoba +Sports,Football pays tribute to Hughes +Sports,Spain unchanged for Davis Cup final +Sports,Clarett says Tressel committed major infractions +Sports,Lefty May to Padres in trade for Long +World,Squeezing jello in Iraq +Sci/Tech,Taipei Opts for Wi-Fi (NewsFactor) +Sci/Tech,"Virtual PC 7 update fixes RAM-based crashes, more (MacCentral)" +Sci/Tech,Crazy Like a Firefox (The Motley Fool) +Sci/Tech,News: Boom times ahead for IT security profession +Sci/Tech,News: Trojan infects PCs to generate SMS spam +World,White House Wants Suicide Law Blocked (AP) +Business,Stelco gets offer from Russian steel giant +Sci/Tech,GT4 Final Spec +Sci/Tech,SC2004: PathScale Introduces World #39;s Lowest-Latency Cluster <b>...</b> +Sci/Tech,Solar weather whips up Northern Lights show +World,Talks on Nuke Fusion Plant End Without Decision +Business,Newsday Replaces Top Editor +Business,"Dow Slips, Nasdaq, S P 500 Flat" +World,Musharraf Says Bin Laden Trail Has Gone Cold -Post (Reuters) +Sci/Tech,IBM cranks up client software push +Sci/Tech,HP unveils low-cost copier +Business,"Dow Dips, Nasdaq Up in Wait for Fed" +Business,"Lucent, Unions Have Tentative Agreement" +Business,Oil Ends Nearly \$2 Down +Business,GM Gives Car Buyers 'Locked-In' Rates +Business,California OKs Anthem-WellPoint Deal +Business,SEC Probes Bank of New York Clearing Unit +Business,Fed Rate Hikes Expected +Business,Brown rules out pre-poll splurge +Business,DVD Rentals for \$15.99? +Business,Midway to Profitability +Sci/Tech,Fans Flock to Buy Sci-Fi Epic 'Halo 2' (AP) +Sports,LSU Star Leads Preseason All-America Team (AP) +World,U.S. Will Deal with Iran When Group Meets in Egypt (Reuters) +Business,"Lucent, Unions Have Tentative Agreement (Reuters)" +Sports,Big Ben Knew He Would Be Good for Steelers (AP) +Sci/Tech,Report asserts Kazaa makes the rules +World,Government building in southern Russia seized in protest over multiple slaying (Canadian Press) +Sports,Giant's Warner Knows Eli's Time Is Coming (AP) +Sports,Rapids Drop Head Coach Hankinson (AP) +Sci/Tech,Cisco First-Quarter Profits Up 29 Percent (AP) +Sports,'Canes Confident Heading Into Va. Showdown (AP) +World,Accused Air India bomber told witnesses to 'keep their mouths shut:' Crown (Canadian Press) +Business,"ADV: \$175,000 Mortgage for Under \$730/Month" +Business,Liberty Media reports robust 3Q sales and profit growth +Business,Toshiba Sues Hynix Semiconductor +Business,Infineon posts 4Q profit decline; sees chip market downturn ahead +Business,Health Insurance Stocks Climb in Trading +Business,Mercer seen remaining in MMC fold for now-analysts +Business,"Lucent, Unions Have Tentative Agreement" +Sci/Tech,Cisco's Fiscal 1Q Profit Jumps 29 Percent +Sci/Tech,"US, Airlines Agree on New Water Testing Guidelines (Reuters)" +Sci/Tech,Teck Cominco to Appeal U.S. Pollution Ruling (Reuters) +Sci/Tech,Arctic Melting Fast; May Swamp US Coasts by 2099 +Sci/Tech,Fans flock to buy sci-fi epic Halo 2 #39; #39; +Sci/Tech,Chartered Semiconductor To Manufacture AMD Chips +Sci/Tech,"HP, Unisys, and SGI Intro Itanium Servers" +Sci/Tech,Trojan horse drives spam into cell phones +Sci/Tech,Collisions in Gran Turismo 5 +Sci/Tech,Computer Associates Fires Latest Round in Spyware Battle +Sci/Tech,Sony will release the Ultra Personal Computer in the USA +Sports,Astros Pitcher Roger Clemens Wins Record Seventh Cy Young Award +Sports,Worsley misses Canucks +Sports,Wannstedt was one of the good guys +Sports,Mutu sorry for his failings +Sports,Rockies dump vice chairman McMorris +Sports,Playing catch-up with the future +Sports,Chelsea skipper Terry signs extension +World,House Democrats to Focus on Debt Ceiling (AP) +World,Dutch Mourn Murdered Filmmaker Amid Revenge Fears +World,"Sudan, rebels reach Darfur accords" +World,UN awaits Iran nuclear letter +World,Rebels #39;stage show of strength #39; +World,Protesters Ransack Russian Gov #39;t Offices +Sci/Tech,HP unveils low-cost corporate copier +Business,Microsoft settles \$536m antitrust +Business,FCC frees VoIP service from state regulations +Business,Toshiba Suits Accuse Hynix of Patent Infringement +Business,"Marsh amp; McLennan to Lay Off 3,000" +Sci/Tech,Fans throng for first shot at Halo 2 +Sci/Tech,IBM tops supercomputing table +Sci/Tech,AMD signs up for extra 64-bit production capacity +Sci/Tech,Symantec plays-down security hole in Norton AntiVirus +Sci/Tech,E-mail commerce vs. politics +Sports,David Beckham to act in a movie trilogy on Football +World,"US-Led Forces Thrust Towards Central Falluja, Air Strikes <b>...</b>" +World,Kohl blames greed for disunity with east +Business,"Liberty Media revenues, cash flow up" +Business,Gold Up as Traders Worry About Inflation +Business,Honda To Build Plant In Northwest Georgia +Sci/Tech,Video games get serious +Sports,"Teams vote for 19-race schedule, test cuts." +Sports,Warner again underwhelming +Sci/Tech,AMD Taps Chartered To Meet Chip Demand +Sci/Tech,Antivirus Subscription Prices Climb +Business,Capital One Financial to Cut 750 Jobs +Sci/Tech,"Screen shots: Invasion of ""Half-Life 2""" +Sports,'Rocket' Clemens Lands Record Seventh Cy Young Award +Sports,McMorris Removed as Director and Officer of Rockies +Sci/Tech,Conn. man charged with selling secret Windows code +Sci/Tech,Q A: Open Text CEO on wrestling with regulatory compliance +Sci/Tech,A DVD Burner Too Far? (washingtonpost.com) +Sci/Tech,Oracle to drop PeopleSoft suit if tender fails +Sci/Tech,FCC frees VoIP service from state regulations +Sci/Tech,Intel delivers updated Itanium 2 chips +Sci/Tech,Review: Halo 2 +Business,Belgian ECB board member warns over euro #39;s rise +Business,US FTC Sues Firms for False Weight-Loss Claims +Sci/Tech,Panel urges Washington to finance fast computer +Sci/Tech,HyperTransport consortium approves HTX expansion spec +Sci/Tech,Belkin debuts TuneBase FM for iPod Mini +Sports,Emlyn Hughes +Sci/Tech,November's coolest gadgets from Japan +Sci/Tech,Oracle to drop PeopleSoft suit if tender fails +Sci/Tech,Study: Information security field to grow steadily +Sci/Tech,FCC frees VOIP service from state regulation +Sci/Tech,Exabyte adds new tape storage +Sci/Tech,Antivirus Subscription Prices Climb +Business,Cisco 1st-Qtr Net Rises 29 Amid Web-Phone Sales Gain (Update2) +Business,Toshiba Sues Hynix for Patent Infringement +Business,UPDATE 2-Russia #39;s Severstal makes offer for Canada #39;s Stelco +World,Islamic School Set Ablaze in Netherlands (AP) +World,U.S. Lowers Chinese Furniture Tariffs (AP) +World,The men who could replace Arafat +Sci/Tech,Tom Siebel plans to sell a portion of his company shares +Business,Sanofi Wins Contract for Flu Shot Vaccine (Reuters) +Sci/Tech,Mozilla Firefox - setting the world on fire +Sci/Tech,Is Microsoft taking dead aim at Linux? +Sci/Tech,Latest IE Worm Developed in Record Time +Sports,D.C. Delays Vote on New Expos Ballpark (AP) +Sports, #39;Rocket #39; Clemens Lands Record Seventh Cy Young Award +Sports,"Clarett Implicates Tressel, Ohio State" +Sports,Fans Calling for Tickets Get Sex Line (AP) +World,The opportunities and dangers of the post-Arafat era +World,Government buildings in Nepal hit by bomb blasts +World,Correct description of missing man's shoes would have helped search: police (Canadian Press) +Business,Moguls Match Up Over News Corp. +Business,VoIP Gets A Boost From The FCC +Business,Tunnelbound NAB sees distant light +Business,North Carolina formally announces Dell plant +Business,Gemstar-TV Guide Intl 3Q Financial Table gt;GMST +Business,Calif. approves Anthem-WellPoint merger +Business,Int #39;l Paper to Sell Woodlands for \$250M +Sci/Tech,Kyoto Protocol not enough to stop warming: scientists +Sci/Tech,"Partners Weigh In On Firefox, IE Faceoff" +Sci/Tech, #39;Halo 2 Flu #39; Overtakes The Country As Game Goes On Sale +Sci/Tech,New MyDoom Variant Aims at IE Hole +Sci/Tech,Man Charged in MS Windows Leak +Sci/Tech,\$1 million bond set for alleged spammer #39;s freedom +Sci/Tech,Ownership of Anti-Spam Measure Queried at Talks +Sci/Tech,New species of fearsome amphibian uncovered? +Sci/Tech,Small Vendors Issue Security Challenge To Large Competitors +Sci/Tech,Microsoft Plugs ISA Vulnerability +Sports,Dolphins coach quits +Sports,"Clarke in, Katich out" +Sports,Names in the Game +Sports,Patient Describes Ankle Tendon Surgery +World,France #39;s Burden in Africa +World,Sunnis quit Iraq government +World,Madonna weighs in on Iraq +Business,Vonage Dodges State Regulations +World,Peru Rebel Leader's Lawyer Decries Access +Sci/Tech,The (mis)information age +Sci/Tech,Sun readies tools line for Solaris 10 +World,Lawyer 'barred from Peru rebel' +World,Israeli Troops Kill Two Palestinians in New Violence (Reuters) +Business,Moody's Raises New York State Bond Rating (Reuters) +Sports,NBA Suspends Bucks' Fizer for One Game (AP) +Business,Liberty denies News Corp plot +Business,NAB profit down 20pc +Business,EDS to file for Q3 report extension +Business,SEC to Propose Tighter Exchange Governance +Business,Int #39;l Paper to Sell Woodlands for \$250M +World,US Middle East reform initiative to hold first session in Morocco (AFP) +Business,Innovation isn't the panacea it seems +Sci/Tech,Halo 2 heads out +Sci/Tech,HyperTransport Consortium Announces HTX Spec +Sci/Tech,"Boeing, Northrop Grumman to Team Up on Spaceship (Reuters)" +Sports,"English League Cup: Arsenal 3, Everton 1" +Sports,Mutu sacks his Romanian agents +Sports,Australia delays announcing lineup +Sports,"Report: Clarett Claims Cash, Cars Among OSU Benefits" +Sports,Schilling set for operation: Expected back in February +World,The conflict without Arafat +Sci/Tech,Mozilla considers desktop search integration for Firefox +Sports,"Browns Place Garmon, Bodden on IR (AP)" +Business,"Cisco Systems Earnings Rise, Stock Falls" +Sci/Tech,StreamCast asks Supreme Court to reject RIAA/MPAA requests +Sports,NBA suspends Fizer for one game following guilty plea on gun <b>...</b> +Business,Legal Woes Swamp Marsh #39;s Quarter +World,Several dead at Ivory Coast demo +World,US troops meet fierce resistance in Falluja +Sports,"No Savior of League Lockout, Says 'Great One'" +Business,"Cisco Systems Earnings Rise, Stock Falls" +World,Fusion reactor decision stalled +Sci/Tech,Microsoft Sees \$100 Million First Day for 'Halo 2' Game +World,Attorney General and Commerce Secretary Resign From Cabinet +Business,Solid growth lifts Cisco fortunes +Business,Halo 2 Rakes in \$100 Million +World,Fumes 'not winter asthma trigger' +Business,Stress-free shopping with a seasoned pro +Sci/Tech,Aviation Key in Climate Change Battle -UK Report (Reuters) +Business,Boston hospital mends its finances +Business,Cisco Systems Earnings Rise 29 Percent +Business,Amazon CEO Predicts Record Holiday Season +World,"Palestinian Sources Say Arafat Dead, Others Deny" +Business,Currencies: Dollar firms on euro amid EU warnings +Business,Chambers: Modestly #39;Pleased #39; As Cisco Profit Rises 29 +Business,"Embattled US insurer Marsh and McLellan axes 3,000 jobs" +Business,National Foods Suspends Discussions With SPC Ardmona (Update1) +Business,Gemstar 3Q Loss Up on TV Guide Devaluation +Business,Courting the Pentagon +Business,NTSB warns of near airplane collisions +World,Afghans Need More Help as Next Elections Near -UN +Sci/Tech,"The game #39;s no angel, but it #39;s got a halo" +Sci/Tech,Patch in for Microsoft server spoofing flaw +Sci/Tech,"Boeing, Northrop Grumman to Team Up on Spaceship" +Sci/Tech,Microsoft to Preview New Search Engine +Sci/Tech,Conn. Man Charged with Selling Secret Windows Code +Sci/Tech,Fantastic fossil find by geology student +World,Israeli Troops Kill Two Palestinians in New Violence +Sports,Silverstone gets green light for GP next year +Sports,Robinson #39;s captaincy completes cross-code revolution +Sports,Coaching change won #39;t help Dolphins win +Sports,Ferguson sure that Fletcher will come good +Sports,Ohio State denies Clarett accusations +Sports,Drug test could cost Ireland its only Athens gold +Sports,"Auburn #39;s BCS gripe understandable, but it can #39;t claim a tough <b>...</b>" +World,VIEW: Arafats ghost Barry Rubin +World,Iraq #39;s Sunni Clerics Call for Election Boycott +World,Fusion reactor decision must wait +World,Fifteen years after the fall +World,Islamic Rebels Behead 2nd Thai Buddhist +World,Afghanistan says hopes rise for release of UN workers +Business,Aftershocks of a fender bender +World,Deadly Clash in Ivory Coast as Mbeki Seeks Peace +Sports,Rocket Wins Record Seventh Cy Young Award (AP) +Business,Healthcare price tag is coming your way +Sports,Rockies Oust McMorris From Management (AP) +Sports,"Wizards, United Prepare for Showdown (AP)" +Sci/Tech,"IBM Plans Web Meeting Service, Takes Aim at WebEx" +Sci/Tech,Will pocket-size Sony PC take on iPod? +Business,Microsoft settles anti-trust case +Business,TechBrief: States can #39;t regulate Net phones +Business,"From mouths of babes: What's hot, what's not" +Business,"Marsh McLennan to Cut 3,000 Jobs (Reuters)" +Sci/Tech,Microsoft to Preview New Search Engine (AP) +World,S.Korea Says Warns North After Boat Intrudes (Reuters) +Sports,Texas Performs 21st Execution This Year +Sci/Tech,By: Jon Wilcox +Sci/Tech,App-Firewall Vendors Challenge Rivals to a Test +Sci/Tech,"IBM Plans Web Meeting Service, Takes Aim at WebEx (Reuters)" +World,British Muslims condemn Fallujah 'slaughter' (AFP) +Sci/Tech,Cisco First-Quarter Profits Up 29 Percent (AP) +Sci/Tech,Mozilla Mulls Desktop Search Features for Firefox Browser (PC World) +Sci/Tech,Sun is upgrading enterprise development tool suite +Sports,Showjumper Faces Losing Gold Medal +Sci/Tech,Oracle Lobbies PeopleSoft on Takeover Bid (AP) +Sci/Tech,Sun is upgrading enterprise development tool suite (InfoWorld) +World,"Dosanjh slams doctors, pharmacists who give prescriptions to unknown Americans (Canadian Press)" +Sci/Tech,IBM trots out new Workplace products +Business,Safety Board Faults FAA Runway Safety Effort +Sci/Tech,IBM Expands Workplace Offerings +Sports,British grand prix thrown a lifeline +Sports,B-test proves positive +Business,Dollar Edges Up After Euro Talked Down (Reuters) +Sports,Trojans Closing in on National Title Game (AP) +Business,Dollar Edges Up After Euro Talked Down +Sports,"Minaya Heads South, and Things Heat Up" +Sports,Pennington May Be Out for a Month +World,Seoul Sees Efforts Gathering Pace for N.Korea Talks (Reuters) +World,Insurgents Warn Iraqis to Stay Home (AP) +Sci/Tech,Amazon CEO Bezos Predicts Record Holiday Season (Reuters) +World,Bush Cabinet Quote Box (AP) +Sci/Tech,Marsh Grass Threatens Plants in S.F. Bay (AP) +Sci/Tech,Study Shows Golf Courses Good for Birds (AP) +Sci/Tech,Solar Sail Craft to Be Launched in March (AP) +World,"Congo Mine, Source of Atom Bombs, Stays Shut -UN" +Sci/Tech,FCC Takes VoIP Regulation Out of State's Hands +Sci/Tech,Mozilla Mulls Desktop Search Features for Firefox Browser +Sci/Tech,Wireless USB Standard Pledged by Year's End +Sci/Tech,Amazon CEO Wants to Go Into Space on Own Rocket (Reuters) +Sci/Tech,News.com Extra: Mozilla claims no Google browser in the works +Sci/Tech,"Northrop, Boeing to Issue Joint NASA Bid (AP)" +Sci/Tech,Verizon expands DSL service +World,'Heavy fighting' ahead in Falluja +Sports,Clarett Accuses Ohio State of N.C.A.A. Violations +Sports,"For Mourning and Others, Higher Stakes Than a Trophy" +Sports,Mets Hire Two Assistants in Front Office (AP) +Sports,U.S. Team Wins Tommy Bahama Challenge (AP) +Business,"Dollar Up, Stocks, Bonds Flat Before Fed" +Business,Cisco Systems Earnings Rise 29 Percent +Sci/Tech,"Cisco boosts Q1 net income, revenue" +Sci/Tech,Antivirus subscription prices climb +Business,Fed to raise US rates to underpin steady growth +Business,"Crude futures continue freefall, with prices at seven-week lows? <b>...</b>" +Business,Euro Disney Sees Capital Increase in Mid-Jan +Business,"Cisco Profits Are Higher, but Investors Want More" +Business,"Insurer will cut 3,000 jobs worldwide" +Business,Sarkozy says UK cannot #39;change its address #39; and ignore Europe +Business,Digital Subscribers Help Cablevision Cut Loss +Business,China Netcom Raises \$1.14 Bln in IPO for Expansion (Update1) +Sci/Tech,"At Last, a Microsoft Search Tool" +Sci/Tech,Connecticut Man Accused of Selling Microsoft Code +Sci/Tech,"Northrop, Boeing to partner in spaceship deal" +Sports,"Emlyn Hughes, a star on the pitch and the screen, dies aged 57" +Sports,Discord in Miami as Wannstedt Quits +Sports,Ferdinand: quot;We #39;re in It Together quot; +Sports,Equestrianism: O #39;Connor to lose gold as drug test confirmed <b>...</b> +Sports,Banned for having weapon +World,Arafat said to be on brink of death +World,Sudan signs key peace deals with rebels as Darfur crisis <b>...</b> +Business,Cisco First-Quarter Profits Up 29 Percent +Business,Dell to spend \$115 million on new plant +Business,Cablevision Captures Customers +Business,Report: Boeing Probe Widens +Sports,Legends remember #39;bundle of joy #39; +Sports,US team wins Tommy Bahama Challenge in playoff +Sports,"Lehmann in, Katich out ... again" +World,US-led forces advance towards heart of Falluja +Sci/Tech,Cisco Systems Earnings Rise 29 Percent (Reuters) +World,"Powell: U.S., Iran to Talk Iraq Stability (AP)" +World,Japan Account Surplus Expands in Sept. (AP) +Business,FCC Takes on Oversight of Internet Phone Services +Sci/Tech,Halo 2 Rakes in \$100 Million +Sci/Tech,Microsoft to Preview New Search Engine +Sports,Rocket Wins Record Seventh Cy Young Award +Sports,NBA #39;s Fizer suspended one game after weapons guilty plea +World,WWW KOTV.com +World,Japan Navy Mobilized After Sub Seen in Japan Waters +Business,US expecting another interest rate hike +Sports,Monday #39;s MLB roundup +World,Dutch Hold Memorial for Slain Filmmaker (AP) +World,China returns N Korea refugees +World,Aides Seeking Arafat Burial in West Bank +World,Even Digital Memories Can Fade +World,Malaysia's laws on gay sex need to be amended: Anwar (AFP) +Sports,Clemens May Take His 7 Cy Youngs and Go Home +Sports,"Jets' Carter Back in the Kitchen, Heat and All" +World,Cricket: Warne back to face NZ +Business,Malone #39;s side: #39;We don #39;t have hostile intentions #39; +Business,Rose wields the axe as M amp;S slide continues +Business,"Marsh cuts 3,000 jobs as lawsuit slashes profits by 90" +Business,FCC Rules Vonage is Not Subject to State Jurisdiction +Business,California Backs Merger of 2 Giant Blue Cross Plans +Business,London analysts hard hit by Commerzbank cuts +Business,"Lloyds TSB transfers 1,000 more jobs to India" +Business,Russia offers to buy Canadian steel company +Sports,Nets Nip Blazers 64-60 in Offensive Dud (AP) +Sci/Tech,Mozilla launches Firefox 1.0 +Sci/Tech,Microsoft launches Halo 2 +Sci/Tech,"Intel Fleshes out Itanium 2 Line with High-performance, Lower <b>...</b>" +Sci/Tech, #39;Ice volcano #39; on Titan +Sports,Knicks Top 76ers Day After Helm Resigns (AP) +Sports,SWIM ACE ON DRINK DRIVE RAP +Sports,Marbury sees point in Iverson +Sports,Kaluwitharana calls it a day +World,Falluja advance encounters sporadic resistance +World,Netanyahu Drops Resignation Threat +World,"US promises enhanced security, economic ties: Islamabad-Delhi <b>...</b>" +World,Kabul in Touch With Captors of UN Aides +Sports,Blues' AHL Team to Move to Peoria for '05 (AP) +Sci/Tech,"Launch Date Set for Cosmos 1, The World #39;s First Solar Sail <b>...</b>" +Sports,"Isiah Thomas, Nobody #39;s Fool, Won #39;t Coach These Knicks" +Business,Legal Woes Cut Into Bottom Line at Riggs +Business,Priming the Public For Hydrogen Fuel +Business,FTC Admonishes Media On False Diet Ads +Business,"Marsh Plans to Cut 3,000 Jobs to Offset Recent Setbacks" +Sports,Heat Hold Off Wizards +Business,"New Study Links Pfizer's Bextra, Similar to Vioxx, to Heart Attacks" +Business,As American as Cowboy Boots? +Business,California Backs Merger of 2 Giant Blue Cross Plans +Sports,"Union, Agents Clash" +Sports,Rimando's Prime-Time Net Work +World,Dreams turn sour for young Indian doctors in Britain (AFP) +World,A Daily Look at U.S. Iraq Military Deaths (AP) +World,"20 years later, the pain from Bhopal lingers on (AFP)" +World,"Mulroney urges Bush to repair damaged relations with Canada, world (Canadian Press)" +Business,Dollar Edges Up After Euro Talked Down +Sports,No Urban renewal for fading Notre Dame +World,Seoul Sees Efforts Gathering Pace for N.Korea Talks +Sports,Lonard claims another win +Business,Marketers Plan Holiday Blitzes +World,Peace Corps Opens Office in Mexico +World,Riggs National Subject of Investigation +Business,China Netcom Prices IPO At HK\$8.48/Shr;Raises US\$1.14B -2 +Sci/Tech,Studies: Arctic Thaw Threatens Livelihoods +Sports,Wizards Fall to Heat In Round 2 +Sports,Former high school football star executed for slaying Houston man +World,Manmohan Singh returns from The Hague +World,Clinton to Democrats: Discuss Convictions (AP) +Business,FCC Takes VoIP Regulation Out of State #39;s Hands +Sci/Tech,Halo 2: It is more than just a game +Sci/Tech,Microsoft ready to launch search engine +Sci/Tech,Microsoft Fixes ISA Server Spoofing Flaw +Sci/Tech,More Gran Turismo 4 Info +Sports,Robinho: Leave us in peace +Sports,NBA ROUNDUP Recovering Hill Powers Magic Past Mavericks +Sports,resignation should be no surprise +Sports,Backers In Line for Reward +Sci/Tech,FCC Rules in Favor of Net Phone Industry (AP) +Sci/Tech,"Digital Memories, Piling Up, May Prove Fleeting" +Sci/Tech,"At Last, a Microsoft Search Tool" +Sci/Tech,F.C.C. Takes on Oversight of Internet Phone Services +Sci/Tech,Mudslinging Weasels Into Online History +Sci/Tech,Digital Subscribers Help Cablevision Cut Loss +Business,InterMune Gets Subpoena from Justice Dept (Reuters) +Sports,"Kobe Nets 31, Lakers Sting Hornets 106-98 (AP)" +Sci/Tech,FCC Asserts Role as Internet Phone Regulator +Sci/Tech,NASA Shoots for Mach 10 +Sci/Tech,GMU Plans Terrorism Defense Lab in Va. +Business,Asia #39;s economic growth drives down poverty +Business,Cisco Systems Earnings Rise 29 Percent +Business,Anthem deal looks healthy for state +Business,Update 3: Commerzbank to Cut 900 Banking Workers +Sci/Tech,Microsoft to preview search engine +Sports,Teams agree deal to save grand prix for Silverstone +Sports,"Knicks 96, 76ers 88" +World,Military recovers Italian worker (10:39 am) +World,Germany marks 15th anniversary of Walls fall +World,Japan #39;s navy gives chase to suspicious sub +World,Italian Hostage Released in Philippines (AP) +Sports,Mets Said to Consider Piazza for Green +Sci/Tech,Microsoft to back customers in infringement cases +World,Phnom Penh counts on donors as it braces for a tough economic year +World,Rebuilding What the Assault Turns to Rubble +Sports,Onuaku Picks Syracuse +Sports,Nets Win Ugly +Sports,Pacers Bench Artest +Sci/Tech,Satellites track albatross flight +Business,"Chapter 11 Filing Possible, Flyi Says" +Business,SEC Backs Stock Market Rules +Sci/Tech,Skype ready for both telephone worlds +Sci/Tech,Cisco's router market takes a hit +Business,California Backs Merger of 2 Giant Blue Cross Plans +Business,"Cisco Profits Are Higher, but Investors Want More" +Sci/Tech,"Cool tools: music players, camera phone and mouse for a PDA" +Business,"Oil Fades Toward #36;47, Awaits U.S. Data (Reuters)" +World,"Venezuelan, Colombian Leaders Hold Talks (AP)" +Sports,Rockets Defeat Winless Grizzlies 90-87 (AP) +Business,"Oil Fades Toward \$47, Awaits U.S. Data" +World,F1: British GP 'saved by deal' +Sci/Tech,More Search and Browsing Fun with Firefox +Business,"Marsh amp; McLennan to lay off 3,000 workers as it deals with fallout <b>...</b>" +Business,World Bank: East Asia growth may have peaked +Business,Cisco #39;s router market takes a hit +Business,China Netcom prices IPO and raises \$1.13bn +Business,Proposal Would Require Independent Board Majorities +Business,"NC should cheer Dell deal, but we must weigh wisdom of incentive <b>...</b>" +Sci/Tech,Firefox ignites demand for alternative browser +Sci/Tech,Microsoft expands software indemnification program +Sci/Tech,"Northrop Grumman, Boeing team up on a space contract" +Sci/Tech,Skype ready for both telephone worlds +Sci/Tech,Justin Merriman/Tribune-Review +Sports,Liverpool legend Emlyn Hughes dies at 57 +Sports,NFL Notebook: Wannstedt out as Miami coach +Sports,Quakes Staying Put...For Now +World,Arafat #39;s condition deteriorating +World,Israeli Minister Retracts Threat to Quit +World,Top US official begins talks in Pakistan +World,No euthanasia for Arafat: Shaath +World,British troops return to southern Iraq after mission near Baghdad +World,10 armymen among 12 killed in Kashmir explosion: +Business,"US stocks: Dow dips, Nasdaq up in wait for word on rates" +Business,SEC wants to strengthen governance at exchanges +Business,GM Offers Locked Rates on Next Two Cars +Sports,UNDATED: fourth quarter. +World,Health ; Arafat #39;s condition described #39;very serious #39; (LEAD <b>...</b> +Business,Stock Markets Wait for the Fed +Business,Microsoft Appeases Novell And CCIA +Business,"Greenspan, Fed Governors Warn on Spending as Succession Looms" +Business,Boeing CEO talks around Druyun problems +Sci/Tech,New Mydoom Worm Exploits IE Flaw +Sci/Tech,India can be among worlds top five by 2010 +Sports,Dolphins GM may not have total job security +Sports,The Dotted Line +World,Kidnapped Italian freed in southern Philippines +Business,"Brokerage firm to lay off 3,000 as earnings plunge amid probe" +Business,Marsh Mac #39;s Deepening Morass +Business,Commission calls VOIP interstate; other issues open +Business,California OKs WellPoint-Anthem deal +Business,InterMune Gets Subpoena from Justice Dept +Business,Pentagon Widens Procurement Investigation +Business,"Buy a GM Car at 0 Now, Get the Same Deal in 5 Years" +Sci/Tech,Microsoft to roll out search service +Sci/Tech,Virus writers exploit Microsofts monthly patch cycle +Sci/Tech,Trojan horse can spread spam to mobile phones +Sci/Tech,EIT has some supercomputer bragging rights +Sci/Tech,"Log in, rock on" +Sports,Liverpool legend Hughes dies +Sports,Clemens claims his magnificent 7th Cy Young Award +Sports,LA restructures baseball operations +Sports,Bidding on #39;The Curse #39; ends without buyer +World,Kidnapped Italian freed in southern Philippines +World,Unidentified submarine found in Japanese waters +World,International environment for India #39;s development highly <b>...</b> +Sci/Tech,Koders - Source Code Search Engine +World,Burma military officers 'jailed' +Sports,National Basketball Association Game Capsules +Sci/Tech,New MyDoom Worms Exploit Unpatched IE Bug +World,Japan on alert as suspected Chinese sub found in territorial <b>...</b> +World,Iraq ; Black Watch soldiers remain defiant +World,U.S. Rules Out Deals with Afghan Kidnappers (Reuters) +Business,China's October industrial output up 15.7 percent (AFP) +World,Powell Tackles Illegal Immigrant Issue (AP) +Sci/Tech,Microsoft Expands Intellectual Property Indemnification Coverage (Ziff Davis) +World,HAL to showcase its wares for Putin +World,Bush Wants Line-Item Veto to Be Revived (AP) +World,Kerry hints White House run in his future (AFP) +World,SUICIDE BOMB IN IRAQ +World,Seoul Sees N.Korea Talks Movement; Japan Sees Sub +Business,Cisco #39;s quarter strong; sales weak +Sci/Tech,MyDoom Spreading Fast +Sci/Tech,Aerospace giants hope to build next craft +Sports,Mets reportedly to consider trading Piazza for Green +World,Germans arrest fourth man in suspected attack on Iraqi prime <b>...</b> +Sports,"NBA Wrap: Magic Beat Mavericks, Lakers Defeat Hornets" +World,Israeli Minister Retracts Threat to Quit +Business,"December pause still possible, many economists suggest" +Business,"Probe hurts stock price, 3,000 job cuts announced" +Business,FCC denies states control of VoIP +Business,SEC plan would end exchange free rein +Business,"Brokerage to Lay Off 3,000" +Sci/Tech,Peak Downloads For Firefox Slows Mozilla Site +Sci/Tech,"Northrop, Boeing plan joint bid for spaceship" +Sports,Minardi boss says British and French GPs saved +Sports,FANS FALL IN LOVE WITH ARIZA +Sports,New York Mets hire two more special assistants in front office +World,US rules out deals with Afghan kidnappers +Business,Fed Seen Likely to Raise Interest Rates +World,S.Africa Says to Host Ivory Coast Peace Talks +Sports,Time isn't in his corner +Sports,Patriots shift Nov. 28 start +Sports,Wannstedt steps down +Sports,"AHL's IceCats will be leaving Worcester for Peoria, Ill." +Sports,Jefferson is getting crash course in NBA +Sports,O'Neal is turning up the Heat +Sports,Harvard and Penn's Ivy tale a familiar story +Sports,Clarett accuses Ohio St. +Sports,Defense steps up for Oliver Ames +Sports,Transactions +World,"As Arafat worsens, leaders prepare funeral" +World,Advancing forces meet sporadic resistance +World,Ivory Coast snapshot +World,Dutch call for end to violence amid memorial for slain filmmaker +World,Chirac belatedly calls Bush over win +World,Netanyahu backs off threat to quit +World,Russia warns about elections; UN fears for civilians +World,"No direct vote in Hong Kong, China tells legislators" +Sports,Shaq Helps Heat to Team's Best Ever Start (AP) +Business,Selling lifestyle and TVs +Business,Why Karp backed out +Business,Flaherty blasts BRA over Fan Pier +Business,Putnam to pay \$40m to settle SEC probe +Business,Gamers get a crack at Halo 2 Long-awaited sequel debuts +Business,Oil prices hit lowest level in 7 weeks +Business,China's boom comes off the boil +Business,"Analogic, partner reach agreement" +Sports,No. 8 Georgia Starts Freshman in Key Game (AP) +Business,Verizon's dim-dad ad for DSL ignites a protest +Business,Dell to build plant in N.C. +Business,'Me-too' prescription drugs win support in Tufts study +Business,Fed seen pushing rates up +Sports,Magic Wins With Hill; Pacers Making Do (AP) +Business,Cable Wireless to cut 600 jobs +Sports,North Carolina holds on +World,Japan Navy Mobilized After Mystery Submarine Spotted +Sci/Tech,When invention turns to innovation +Sports,Meyer says he #39;s headed for Florida +Business,Fed Seen Likely to Raise Interest Rates +Business,Oil Prices Continue to Plummet +Business,AXE amp; SPENCER +Business,FCC: States can #39;t regulate Net phones +Business,"Rivals Boeing, Northrop find common ground in space" +Business,FTC warns news media on diet ads +Business,Trading scandal haunts NAB earnings +Business,States may rethink terms +Business,"GM offers car now, 2nd later, same rate" +Sci/Tech,Vodafone begins 3G mobile service +Sci/Tech,Arctic ice melting twice as fast as expected +Sci/Tech,Is Microsoft rolling out its search engine? +Sci/Tech,ISA Flaw Shows Way In To Phishing Attacks +Sci/Tech,Mission to surf sun #39;s rays +Sci/Tech,Vodafone begins 3G mobile service +Sports,Shaq keeps Heat perfect +Sports,Clemens earns Cy Young No. 7 +Sports,Teams agree test cut +Sports,"Charlton, Spurs linked with sacked Chelsea striker Mutu" +Sports,"Kobe, Los Angeles are getting adjusted to NBA life without Shaq in <b>...</b>" +Sports,Wenger still considering options +Sports,Toledo frustrates Huskies +Sports,No doubt they got message +World,UN backs sanctions against Ivory Coast +World,"Terrorism isnt just US, Israeli problem" +World,ECU professors: Arafat #39;s death unlikely to bring major change +World,Germans grumpy 15 years after wall #39;s fall +Sports,Big 12 notes +World,High profile BJP leader suspended +Sports,Australia's Lonard Wins Third in a Row (AP) +World,"Confusion Over Arafat, Palestinians Prepare Burial (Reuters)" +Sci/Tech,FCC Asserts Role as Internet Phone Regulator (washingtonpost.com) +World,AP: Iliescu Hopes Romania Will Join EU (AP) +World,Arafat to Be Buried at His West Bank HQ (AP) +Sci/Tech,Researchers Show Supercomputer Projects (AP) +World,Japan on alert as suspected Chinese sub detected in territorial waters (AFP) +World,Iraqi PM Allawi's Family Targeted by Kidnappers +Business,So much for the #39;soft patch #39; +Business,Liberty declares #39;no hostile #39; intent +Business,Australian shares back in record territory on NAB strength +Business,GM offers to lock rates for 2 automobile purchases +Sci/Tech,Hacker flogged Microsoft source code +Sports, #39;Only hollow victories in store for Ferrari #39; +Sports,O #39;Neal is turning up the Heat +Sports,Rog still best +Sports,"No Artest, no problem" +World,Top Islamic cleric rushes to bedside of comatose Arafat in French <b>...</b> +World,Powell gives no hint that he will leave post +Business,Putnam will miss majority of Marsh cutbacks +Sci/Tech,Convictions send stern warning to spammers +Sports,NBA Game Summary - Toronto at Sacramento +Sci/Tech,Plan May Keep Bird Off Endangered List +Sci/Tech,BT offers free net phone calls +Business,US Expected to Hike Interest Rates Today +Business,NAB slide #39;unacceptable #39; says Stewart +Business,Strength of global recovery in question - Gordon Brown +Business,"Telecom rockets amid buyback, 600 job cuts" +Sci/Tech,University wins animal rights bid +Sci/Tech,Oil industry feels global warming heat +Sci/Tech,Halo 2 blasts off shelves +Sci/Tech,Skype goes cordless with Siemens +Sci/Tech,Competition Aims To Take Bite Out Of iPod #39;s Business +Sci/Tech,Stem cell research a battle of the coasts +Sports,Romanian Federation asks FIFA to clarify Mutu position +Sports,Clemens awarded seventh Cy Young +Sports,"O #39;Neal, Heat keep rolling" +Sports,O #39;Connor snubbed in Texaco awards +Sports,All #39;s well for Schilling after 3-hou +World,"France, UN launch evacuations from Ivory Coast" +World,Gunmen Kidnap Three Members of Allawi #39;s Family +World,Afghan Kidnappers Say Government Agrees Deal +World,Italian hostage released in Philippines +World,Japan puts navy on alert after unidentified submarine intrudes in <b>...</b> +World,EU wants nuclear reactor built in France +World,Afghan Kidnappers Say Government Agrees Deal +World,"Confusion Over Arafat, Palestinians Prepare Burial" +World,France Prepares to Evacuate Citizens from Ivory Coast +World,War Not an Option Against Iran - Germany's Fischer +World,Israeli Forces Kill 3 Palestinians +Sci/Tech,Microsoft to launch own search engine +Sports,"Hooton confident, Stoddart certain over British GP" +Sports,Knicks rebound for first win of season +Business,Vodafone launches 3G services +Sports,Baseball #39;s image getting Creamed +Business,Students Fight Copyright Hoarders +World,US envoy opposes kidnapper talks +Sports,Sportsview: Don't Count Out Clemens (AP) +Sports,"Timberwolves Topple Clippers 107-100, OT (AP)" +Sports, #39;Crazy Horse #39; Hughes dies +Sports,"Isiah calls it all, except own number" +World,Darfur deal signed +World,Unidentified submarine detected in Japanese waters +World,Ties with Pakistan a high priority: Armitage +Business,Anthem-WellPoint merger deal wins approval in California +Sports,"Zo, Nets break the ice" +World,Kidnapped Italian freed in southern Philippines (AFP) +Sports,Seventh wonder +World,Generic AIDS drugs off WHO list +Sci/Tech,Grim Signs Mark Global Warming +Sci/Tech,Aussies to Bear Missile Shield +Sci/Tech,GTA Throws in the Kitchen Sink +Sci/Tech,"A Kinder, Gentler 911" +Sports,Nine out of 10 teams say that Silverstone is saved +Sports,Baseball Notes - Nov. 10 +World,Islamic cleric in France to see Arafat +World,Dutch police wounded in anti-terrorist raid +World,European stocks start on positive note (AFP) +World,Majority Leader Faces Balancing Act in Senate (Los Angeles Times) +World,Three Dutch Police Injured in Anti-Terror Raid +World,New media clampdown in Zimbabwe +Business,Euro Disney rides to new low with a 145m loss +Business,NAB profits tumble after scandal +Business,Rapid East Asian growth lifts 250m out of poverty +Business,Internet phone victory +Business,Anthem-WellPoint deal OKd +Sci/Tech,Firefox 1.0 open-source Web browser +Sci/Tech,Microsoft extends legal protection to most users +Sci/Tech,Trojan spams Russian mobile phones +Sci/Tech,Itanium 2 stuffed with cache +Sci/Tech,GTA Throws in the Kitchen Sink +Sci/Tech,MICROSOFT AIMS AT IPOD MARKET +Sports,Shaq helps Heat to best start in franchise history +Sports,"Source: Phelps Nearly Hit Trooper, Took Breathalyzer Test" +Sports,Beckham goes to Hollywood +Sports,Wannstedt Quits As Miami Coach +Sports,Sonics hand Nuggets their 4th loss +Sports,"Seminary native, 30, executed in Texas" +Sports,And the beat(ing) goes on +World,Iraqi Premier #39;s Relatives Kidnapped - Threatened with Beheading +World,War Not an Option Against Iran - Germany #39;s Fischer +Business,German exports booming despite strong euro (AFP) +Business,"Oil Fades to \$47, Awaits U.S. Stock Data" +Business,EADS Offers to Split US Tanker Deal With Boeing +World,Mbeki set to meet rebel leaders +World,Japan on alert as suspected Chinese sub detected in territorial waters (AFP) +Sci/Tech,Thousands line up for Halo 2 game (AFP) +Sci/Tech,MSN Search Beta Set to Launch +Sci/Tech,Technology ; Fans Throng for First Crack at New Game #39;Halo 2 #39; +Sci/Tech,"Global warming #39;s impact on US plants, animals determined from <b>...</b>" +Sports,Why Robson is right man for the job +Sports,Clemens wins record seventh Cy Young Award +World,Grenade Thrown as Police Lay Siege to Suspected Terror House +Sci/Tech,Better living--and smarter rats--through chemistry +Business,New round of job cuts for Cable amp; Wireless +Business,House price fears prompt Bank jitters +Sci/Tech,Battle of the searches begins +Sci/Tech, #39;Halo 2 #39; debuts to crowds +Sci/Tech,Microsoft adds IP indemnity to Linux fight +Sci/Tech,Watching Global Warming +Sports,UT reigns on NIU +World,Three Dutch Police Injured in Anti-Terror Raid +Sci/Tech,Microsoft to launch its own search engine (AFP) +Sci/Tech,Vodafone launches mass-market 3G mobile (AFP) +World,Miss Peru crowned Miss World 2004 +Sci/Tech,Fans Flock to Buy Sci-Fi Epic 'Halo 2' +Sci/Tech,Microsoft to Preview New Search Engine +Sci/Tech,"Dell Plans 3rd U.S. Plant, to Hire 1,500" +Sci/Tech,Scientists Show Off Supercomputer Projects +Sci/Tech,Solar sail craft gets launch date +Business,Fed #39;s Tough Decision Comes in December +Business,FCC Gives Internet Calls Half A Push +Business,Cable and Wireless plan major restructuring +Business,Cisco #39;s Chambers Forecasts Slowing Second-Quarter Sales Growth +Business,ProMOS to pay Infineon DRAM license fees +Business,Anthem merger closer to reality +Business,Russia freezes Yukos #39; shares in Sibneft oil company +Sci/Tech,LinkedIn looks to premium services for profit +Business,SunTrust Fires 3 Finance Execs (Reuters) +Sci/Tech,Microsoft to add rivalry to Google on search service +Sci/Tech,Microsoft expands intellectual property protection +Sci/Tech,Vodafone unleashes 3G live! service +Sci/Tech,Vodafone launches 3G in UK +Sci/Tech,Skype Internet Telephony Goes Cordless; Siemens and Skype Combine <b>...</b> +Sci/Tech,Vampire goes head to head with Half-Life 2 +Sci/Tech,"Nike, a magic camera and Gran Turismo Shots and explanation <b>...</b>" +Sports, #39;Emlyn #39;s enthusiasm was unbelievable #39; +Sports,Arsenal midfielder Edu breaks foot +Sports,WTAs elite on display in LA +Sports,Beckham ready to return for Real Madrid +Sports,Ohio State fans react to Clarett #39;s accusations +Sports,Layoff ends for Wolves #39; Griffin +Sports,Australia recall Warne and Lehmann for first NZ test +World,Iran issues nuclear warning +World,Click refresh for updates +World,10 World Briefs +Sci/Tech,"Dell to build factory in N.C., hire 1,500 workers (USATODAY.com)" +World,Members of Allawi's Family Kidnapped +Business,Stocks Seen Up as Oil Falls; Fed on Tap +Sports,"NBA Wrap: Magic Beat Mavericks, Heat Beat Wizards" +Business,Mortgage Applications Fall Last Week-MBA +Sports,Hurricanes #39; offense adds injury to insult +World,Cleric at Arafat's Bedside During 'Final Phase' +World,U.S. Forces Claim Most of Fallujah +Business,SunTrust Fires 3 Finance Execs +Business,Revlon 3rd-Quarter Loss Widens +Business,Marsh amp; McLennan CEO Might Be the First of a Breed +Sci/Tech,Cisco reports record profit but outlook disappoints (USATODAY.com) +Business,Vodafone rolls out 3G mobile phone +World,Former N.C. Congressman Pleads Guilty (AP) +Sci/Tech,Brazil Forests Seen Doomed Without Int'l Aid (Reuters) +World,Auto industry lifts French output +Sports,Wannstedt officially steps down +Sci/Tech,"Arctic Thaw May Open Ship Lanes, But Risks High (Reuters)" +Business,Business: Legacy Costs +World,"Court looks at dogs, drugs, privacy (USATODAY.com)" +World,"Iraqi PM #39;s relatives kidnapped, face execution threat" +World,Afghan Kidnappers Say Government Agrees Deal +World,Muslim Cleric Rushes to Arafat's Side Amid Confusion +World,France Citizens Queue to Leave Ivory Coast +Business,Losing 60 years of experience +Business,Money Talks: Microsoft settle with Novell and the CCIA +Business,"DR Horton Beats, Guides Up" +Business,"DR Horton sets record backlog, eyes #39;strong #39; FY-05" +Business,Cisco Slips on In-Line Quarter +Sci/Tech,"Arctic Thaw May Open Ship Lanes, But Risks High" +Sci/Tech,Skype lures developers with software giveaway +Sports,Injured Sainz forced to retire five days early +World,Hope Rises for Release of Afghanistan Hostages +World,US wants closer ties with Pakistan +World,Israeli NRP quits gov #39;t to protest pullout plan +Sci/Tech,DSL wars come down to a battle of the bundles +Sports,DON #39;T KID YOURSELF +Sci/Tech,Microsoft to launch new search engine technology +Sports,We can #39;t place much stock in Bonds #39; credibility +Sci/Tech,EU objects to Microsoft-Time Warner ContentGuard deal +Sci/Tech,Dell opens another call center in India +Sports,Arsenal back on track with new #39;keeper +Sci/Tech,Microsoft to indemnify most users from legal threats +Sci/Tech,"Update: Cisco boosts Q1 net income, revenue" +Sci/Tech,Apple launches iTunes music store in Canada +Sci/Tech,Microsoft to Launch New Search Engine +Business,DR Horton Net Profit Jumps in 4Q +Business,Infineon and ProMOS kiss and make up +Sci/Tech,Solar sail craft gets launch date +Sci/Tech,Big Dig found riddled with leaks +Sports,Robbo ready to prove a point +Sports,Doctor repairs famous ankle +World,"Majority of Taiwanese See Island as Independent, Sovereign" +Sci/Tech,Cable Wireless to Cut 600 Jobs (Reuters) +World,Parliament Speaker to Succeed Arafat (AP) +Business,"Delta to Cut 6,000-6,900 Jobs" +Business,SunTrust Fires 3 Finance Execs +Business,"Delta to Cut 6,000-6,900 Jobs (Reuters)" +Business,Rate Hike Seen as Federal Reserve Meets +Business,"Music, games, porn - Vodafone launches 3G" +Business,Cosmetic company #39;s Q3 loss widens as sales slip 7 +Business,Martha Stewart Wants Aid with Legal Bills +Business,Back to basics to save bank +Business,Exports rise narrrows US trade gap +Business,UPDATE 1-DR Horton 4th-quarter earnings jump +Business,Bank set to meet inflation target +Sci/Tech,Microsoft to Launch New Search Engine +Sci/Tech,Firefox 1.0 Released +Sci/Tech,Microsoft to indemnify most users from legal threats +Sci/Tech,"For gamers, a midnight wait in line for #39;Halo 2 #39;" +Sci/Tech,Alarm raised over yet another MyDoom bug +Sci/Tech,Skype offers free wireless voice calls +Sci/Tech,Planetary Society sets date for launch of solar sail spacecraft +Sci/Tech,Man charged with selling Windows source code +Sci/Tech,Russian Trojan sends SMS spam +Sci/Tech,Former Speaker reverses stand on stem cell research +Business,SunTrust Fires Three After Investigation (AP) +Sports,Pires dropped by France +Sports,Soccer: Arsenal midfielder Edu breaks toe +Sports,West Bromwich Albion Football Club midfielder retires from <b>...</b> +Sports,Adidas and Soccer Look to Hollywood to Boost Presence in US +Sports,Japanese stars beat Clemens +Sports,"Katich in form, but axed again" +Sports,NFL: Miami #39;s Wannstedt quit to avoid being focal point +World,"Iraqi PM #39;s Cousin Kidnapped, Islamists Threaten" +World,Chinese submarine puts Japan on Red alert +World,Thousands in Kashmir protest alleged rape +Sci/Tech,How to Learn a Language +Sci/Tech,Election Fraud - 20004 +Business,State Coffers Benefit From Boom in N.Va. +World,Rebel Fighters Who Fled Attack May Now Be Active Elsewhere +Business,US deficit pushes euro over \$1.30 +World,"Odd Question on West Bank: Who Is Arafat, Really?" +World,Israel Agrees to Ramallah Burial Site for Arafat +Business,Land 'gift' from Benetton spurned +Sci/Tech,Microsoft Expands Software Indemnification Program +World,Nigeria court overturns stoning +World,Estonian defence minister quits +World,No freedom for nuclear scientist +Sci/Tech,Turning invention into innovation +Sci/Tech,The tree-climbing rhino protectors +World,France Citizens Queue to Leave Ivory Coast (Reuters) +Sci/Tech,Microsoft to Launch New Search Engine (PC World) +Sci/Tech,European Businesses Protest Possible Ban (AP) +Sci/Tech,Microsoft Expands Software Indemnification Program (Reuters) +Business,Trade Gap Narrows on Record Exports +World,US opposes negotiations with Afghan kidnappers: Armitage (AFP) +Business,Federated Department Stores Posts Profit +Business,Tech Stocks Open Lower on Cisco; Dow Flat +Sci/Tech,Satellite Tracking Finds Albatrosses' Deadly Zones (Reuters) +Business,"SunTrust Axes 3 Finance Execs, to Restate" +Business,Developed nations needn #39;t fear outsourcing: IMF +Sci/Tech,"Mining the Moon, the Gateway to Mars (SPACE.com)" +Sci/Tech,New Images Reveal Clouds on Planet Uranus (SPACE.com) +Business,Cases examine alcohol shipments and ad campaign +World,"Darfur Peace Talks Adjourn After Security, Aid Deal" +World,Three Dutch Police Injured in Anti-Terror Raid +World,Killer of Sweden's Lindh Seeks Leniency in Appeal +Sci/Tech,Photos: Sony's pocket-size PC +Business,"Fed opens meeting, poised to raise interest rates" +Business,Stocks Are Mixed Ahead of Fed Meeting +Business,News rebound lifts All Ords index past 3850 +Business,Revlon #39;s loss widens in third quarter +Business,NAB #39;s crumb of comfort +Business,Cable amp; Wireless to cut 600 more jobs +Sci/Tech,MSN To Launch Search Engine +Sci/Tech,What #39;s Next For Mozilla? +Sci/Tech,Astronaut discusses Martian frontier +Sports,Miami Heat Team Report - November 10 +Sports,Train driver #39;not to blame #39; for accident +Sports,Clarett: I #39;took the fall #39; for Buckeyes +World,2 members of Iraqi interim leader #39;s family abducted +World,"Finally, some deals for Darfur" +World,Sunnis drop out +World,Anger wells up in Srinagar over rape +World,Sarkozy defends French backing for Alstom +Business,SunTrust Cleans House +Business,US trade gap shrinks to \$51.6 billion +Business,Jobless Claims Lower Than Expected +Business,Risks vs. benefits +Sci/Tech,"Mining the Moon, the Gateway to Mars" +Business,IRS Probing Bank of America's Pensions (AP) +Sports,"Hard work ahead, warns Robbo" +Sports,Mutu set to meet Juve officials +Sports,Coaching a real possibility +Sports,Rolling Moss gathers win +World,France to expand public stake in nuclear giant Areva to 35-40 pct +Sports,O #39;Connor #39;s medal now #39;tarnished #39; +World,Foreigners flee Ivory Coast +World,Death by stoning sentence overturned +Sci/Tech,MSN Search to Challenge Google and Yahoo +Sci/Tech,Search Engine for Programming Code +Sci/Tech,Higher Rankings the Higher Revenue Per Click on AdSense +Sci/Tech,Is Google the Next Netscape? +Business,Vodafone launches 3G service +Business,"US weekly jobless claims rise 2,000 to 333,000" +Business,Vodafone Launches 3G Services in Europe +World,Scotland Joins Growing Anti-Tobacco Movement (Reuters) +Sci/Tech,Is Google the Next Netscape? (washingtonpost.com) +World,Britain condemns bomb attack in Kathmandu (AFP) +World,Bosnian Serbs sorry for massacre +Sports,NBA Wrap: Magic Stun New Grizzlies Coach Fratello +Business,"Stocks Flat; Cisco, Pfizer Down" +World,Boycott slams ICC 'chucker's charter' (AFP) +World,U.S. Commanders: Fallujah Fight Not Over (AP) +Business,Genetic Code (Forbes.com) +World,Rebels Set Off Land mine in Indian Kashmir; 11 Dead +Sci/Tech,WTO Eyes U.S. Offshore Web Gambling Ban (AP) +Business,"Merck Boosts Blue Chips, Cisco Fells Tech" +Business,Oil Fades to \$47 as Supplies Build +Business,SunTrust Fires Credit Executives Over Reserve Errors (Update4) +Business,EC promises Microsoft anti-trust fight will continue +Business,USDA: Devastating Soybean Disease Found (Reuters) +Sci/Tech,HP Unveils an Array of Printing Products (PC World) +World,Female Genital Mutilation Lives on in Djibouti (Reuters) +Sci/Tech,Microsoft to enter battle of the search engines +Sci/Tech,Microsoft Extends Legal Protection To All Customers +Sci/Tech,Halo 2 gets down to Earth +Sci/Tech,Firefox eyes 10 per cent browser share in US +Sci/Tech,Microsoft Fixes ISA Server Spoofing Flaw +Sci/Tech,A glimpse of SpaceShipOne #39;s historic flights +Sci/Tech,Samsung develops ultra-fast Flash memory for mobiles +Sci/Tech,Aurora Presents Spectacular Display +Sci/Tech,Gran Turismo 4 finished; Sony annouces Nike bundle for Japan +Sci/Tech,Defending Harsh Sentences for Spammers +Sports,Robson Leads Kanu +Sports,Lewsey: We need confidence boost +Sports,Rugby union-Lomu still hopeful of return to action +Sports,Tressel: #39;Allegations Made Against Me Totally False #39; +Sports,Six shots that helped shaped the PGA Tour season +World,Bosnian Serbs apologize for Srebrenica massacre (AFP) +World,Behind the Curtain +Sci/Tech,Microsoft Offers Users Legal Protection (PC World) +World,"France, United States and other nations evacuate foreigners <b>...</b>" +World,Israel #39;s Netanyahu lifts resignation threat +World,China Shipyard Announces Order for Ships (AP) +Business,Fed to Raise Rates as Economy Strengthens +World,Girl Saves Infant Sister From Wild Dog (AP) +Business,Dollar Falls to New Low Vs Euro +World,Pennsylvania Avenue walkable again (USATODAY.com) +Business,Oil Up After U.S. Inventory Data +Business,Delta to Issue 75 Million Shares +Business,"Treasuries Slip Before Auction, Fed Meet" +Business,Update 1: SunTrust Fires 3 on Errors Causing Delay +Business,New EU Members to Transition Smoothly +Sci/Tech,"Microsoft to launch search engine that competes with Google, Yahoo" +Sports,Randy no match for Rocket +Sports,Rugby: Recovering Lomu sets his sights on World Cup glory +Sports,Egil quot;Drillo quot; Olsen returns to Norwegian soccer +World,"Darfur Peace Talks Adjourn After Security, Aid Deal" +Business,Casino giant in \$4bn Vegas plan +Business,EU to monitor anti-piracy efforts +Business,Netflix Sees Green +Business,Cisco #39;s Chambers Expects Slower 2nd-Qtr Sales Growth (Update4) +Business,Martha Stewart asks company to pitch in on legal bills +Business,"Swisscom Plans Job Cuts, Reports Earnings" +Business,New EU set for quick euro switch +Business,USDA Finds Devastating Soy Rust in Louisiana +Sci/Tech,MS search engine rumours abound +Sci/Tech,Microsoft Offers Users Legal Protection +Sci/Tech,Skype Calls on Siemens Phones +Sci/Tech,"Talking face to face, far away" +Sports,"=== Davenport, Serena ready for Day-1 action in LA ===" +Sports,"From horrible contracts to hideous play, Isiah #39;s Knicks are <b>...</b>" +Sports,Clarke seeks club warm-up for NZ test +Sports,Gretzky hasn #39;t said no to coaching +World,Kidnapped Italian freed in southern Philippines +World,Thai riot official death toll questioned +World,Injury after Camp Dogwood attack +World,"At lest 22 die in north Iraq clashes, curfews slapped on <b>...</b>" +Business,Scripps Raises Forecast for TV Ad Revenue +Sci/Tech,Worm exploits Microsoft patch cycle +Sports,Warriors Whack Pacers 104-96 (AP) +Sci/Tech,New Firefox supplies patches in nick of time +Sci/Tech,Siemens' cordless phones gain access to Skype +Sci/Tech,Microsoft Offers Users Legal Protection +Sci/Tech,HP Unveils an Array of Printing Products +Sci/Tech,Samsung SDI develops world's first '3D' mobile display (AFP) +Business,Oil Climbing Back Up After Supply Report +Sports,"Back to 'School' for Walton, and 167 Other Hopefuls" +Business,Nasdaq on the slide +Business,States #39; rights lose out to VoIP +Business,"UPDATE 3-DR Horton earnings jump, sees strong 2005" +Business,MGM Mirage Sees a City +Business,BoE report suggests rates on hold +Business,We disclosed credit card fees say banks +Sci/Tech,Skype Offers Free Wireless Voice Calls +Sci/Tech,Bluetooth v2.0 Introduced +Sports,Mutu in talks with Juventus +Sports,Orlando Magic Team Report - November 10 +Sports,Toronto Raptors Team Report - November 10 +Sci/Tech,Vodafone targets iPod generation +World,Fifteenth Anniversary of the Berlin Wall #39;s Fall +World,India ; India-EU summit was very successful: Manmohan +Business,"Microsoft Enters Legal Agreements with Novell, CCIA" +Business,Hercules falls to loss in 3Q on charge +Business,Federated #39;s 3Q beats Wall Street +Business,Shoppers Drug Mart Q3 profit up 21 at \$92.5M as sales rise 9 to <b>...</b> +Business,FCC Wants No State Strings Attached to VoIP +Business,Microsoft Has Your Back +Business,MGM #39;s Mini-Metropolis for Vegas +Business,US airlines agree to anti-coliform steps on aircraft +Sci/Tech,Microsoft to launch new search engine +Sci/Tech,Microsoft to indemnify most customers from legal threats +Sci/Tech,Vodafone targets iPod generation +Sci/Tech,ISA Server 2000 and Proxy Server 2.0 Internet Content Spoofing +Sci/Tech,Man arrested for selling Windows source code +Sci/Tech,Latest Trojan delivers SMS spam payload +Sci/Tech,"IBM plans Web meeting service, takes aim at WebEx" +Sci/Tech,Cobb County tells its side of evolution flap +Sci/Tech,AMD inks manufacturing deal with Singapore company +Sports,Arsenal midfielder Edu suffers broken toe +World,Interview: Iraqi society in need of intensified dialogue: Sunni <b>...</b> +World,Two soldiers hurt in Iraq attacks +Business,Trade Gap Narrows Thanks to Weak Dollar +Business,USDA Finds Devastating Soy Rust in Louisiana +Business,Oil Prices Rebound After Heating Report +Business,"Delta to Issue Shares, Cut Jobs" +Business,D.R. Horton Profit Up 52 Percent +Business,Strike threat to Christmas post +World,Austrialia Attacks Against Jews Increasing (AP) +Sci/Tech,Saturn moon may have ice volcano +Sports,UEFA Approve Use of Artificial Pitches Next Season +World,Group Seeks Union Election Spending Probe (AP) +Business,Microsoft Has Your Back +Sci/Tech,USDA Finds Devastating Soy Rust in Louisiana (Reuters) +World,"Dutch Anti-Terror Raid Over, Two Held" +Sci/Tech,MyDoom targets Microsoft again +Sci/Tech,Viruses exploit Microsoft patch cycle +Sports,Good Times End With a Thud for Buffaloes (AP) +Sci/Tech,La. Reports First Case of Soybean Rust (AP) +World,French citizens flee chaos in Ivory Coast +Sci/Tech,Vodafone targets iPod crowd +Sports,Japanese Finally Beat the MLB All-Stars (Reuters) +Sci/Tech,Photos: Vodafone's 3G generation +Sci/Tech,Photos: Pocket-size PCs +Sci/Tech,Japan gives OK to Sun desktop suite +World,Security Council +Sci/Tech,FireFox 1.0 Roundup +Business,Shoppers Drug Mart 3rd-Qtr Profit Rises 21 to C\$92.5 Million +Business,"WTO backs Antigua, rules US online gaming ban is illegal" +Business,"Northrop Grumman, Boeing team up to bid on space contract" +Sci/Tech,Microsoft Widens Protection Plan +Sci/Tech,VIDEO GAME REVIEWS: quot;Halo 2 quot; a worthy sequel that mostly lives up <b>...</b> +Sci/Tech,Saturn moon may have ice volcano +Sports,Rockets 90 Grizzlies 87 +Sports,Nuggets in land of the lost +Sci/Tech,Vodafone Launches 3G Services in Europe (AP) +World,Arafat #39;s immediate successor a moderate +World,Holland: Police raid ends terror siege +World,British Troops Wounded as Families Campaign Against War +World,Netanyahu to PM: I #39;ll stay in gov #39;t +World,Shots heard near Dutch building where terror suspects holed up +World,U.S. Embassy's Legal Attache Shot (AP) +World,Iraqi foreign minister stops unexpectedly in Saudi Arabia (AFP) +Sci/Tech,Analysts Laud British Telecom's Pursuit of Infonet (Ziff Davis) +World,Football. Fake grass approved +Sci/Tech,Dogpile Adding Topix.net News Headlines +Sci/Tech,News: Bofra worm sets trap for unwary +Sports,Rugby: Vyvyan called up as England save Worsley for Boks and <b>...</b> +Sci/Tech,Mad Catz Signs Games Accessory Deal with Disney +Sci/Tech,"To Forecast Climate Change, Scientists Core Antarctic Ice" +Sci/Tech,Projects Remember Vets This November 11 +Sci/Tech,Arctic Melting Fast; May Swamp U.S. Coasts by 2099 +Sci/Tech,"Toxic Frogs, Birds May Get Their Poison From Beetles" +Sci/Tech,"Beyond ""Polar Express"": Fast Facts on the Real North Pole" +Sci/Tech,"Birding Column: ""Blind"" Views of Quail and Jays" +Business,Stocks mixed ahead of Fed meeting +Business,WTO confirms ruling against US in gambling dispute with Antigua +Business,"Novell Buries One Hatchet with Microsoft, but Files Suit on <b>...</b>" +Business,France to Sell About One-Third of Areva +Business,"Grinstein: Delta Board OKs Stock Plan; 6,000 To Be Axed" +Business,Canadian Natural Resources snaps up Anadarko gas assets for \$698M +Business,Federated Earnings Up 10 Percent in 3Q +Business,EPA Announces More Airliner Water Tests +Business,Vertex Gains on Novartis Deal +World,French Citizens Flee Ivory Coast Violence +Sci/Tech,Beta Version Of Microsoft Search Goes Out Thursday +Sci/Tech,Microsoft Patches ISA Server 2000 Flaw +Sci/Tech,Siemens Unveils Cordless Phones For Skype Users +Sci/Tech,New Star Wars RTS Coming? +Sci/Tech,Stem cell advocates to request \$1B +Sci/Tech,GTA Dominates Britain +Sci/Tech,Man Charged with Peddling Stolen Windows Source Code +Sci/Tech,Blue Gene Supercomputer Joins IBM #39;s eServer Family +Sci/Tech,ECI Conferencing Services Renews WebEx Contract; Adds Enterprise <b>...</b> +Sci/Tech,Gmail Users Soon Able to Check E-Mail Via Outlook +World,U.S. Links Peru Airline to Trafficking +Business,Oil Rebounds \$1 as Heating Supplies Fall +World,US interest rates to rise to 2 +Sports,Clemens talks retirement after 7th Cy Young win +Sports,NASCAR to give hard-liquor ads green flag +World,Anwar chides Thailand over deaths +Sports,"Cox, Showalter Honored" +Sports,Liquor Ads Allowed +World,Some Canadian citizens trapped in Ivory Coast to be evacuated +World,Arafats Demise a Never-Ending Story +World,EDITORIAL Get the kidnappers +World,Union #39;Cautiously Optimistic #39; About Landing World #39;s First Fusion <b>...</b> +World,US faces criticism in British government human rights report +World,Russian hostel fire kills at least 14 +Business,U.S. Pressed Halliburton in Kuwaiti Deal +World,"Two Held in Dutch Anti-Terror Raid, Police Hurt" +Business,Measured Fed Rate Hike Sends Stocks Up +World,Russian Hostel Fire Kills at Least 19 +Business,This Winter to Be Colder Than Last Year's +World,ITER parties fail to agree on reactor construction site +Sports,"Harvick, Kahne Fined" +Sports,Clarett causes controversy for Ohio State again +Business,Federal Reserve Raises Key Interest Rate +Business,FLYi Says Bankruptcy Possible; Airline Shares Lose Altitude +Sci/Tech,"Intel Doubles Dividend, Expands Buyback" +Sci/Tech,WTO Eyes U.S. Offshore Web Gambling Ban +Sci/Tech,Nanotech's new definition +World,Man accused of shooting at France's Chirac faces trial (AFP) +Sci/Tech,Linux Networx signs pact with Novell +Business,ADV: Free Insurance Quotes and Help +Sci/Tech,Microsoft skips Itanium with new Windows +Business,La. Reports First Case of Soybean Rust +Business,Update 1: Sarkozy Partially Privatizes Areva +Business,"UPDATE 3-Delhaize Q3 net profit jumps 33 pct, ups outlook" +Sci/Tech,Firefox launch roundup +Sports,Robinson #39;blessed #39; by captaincy +World,Israeli forces kill two Palestinians in Gaza gunfight +Sports,About-face for Heels +Sci/Tech,New wireless reseller to aim at 'urban ethnic' market +Business,"Fed Raises Rates Again, to 2, and Sees No Reason to Stop" +Sports,=== Castillo split-decisions Casamayor === +Sci/Tech,Google laces Gmail with POP3 support +Sci/Tech,IBM readying tools for SMB +Sports,BCS Maintains Its Imperfect World +Sci/Tech,Photos: Gateway's wind-tunnel designs +Sci/Tech,CSC lands \$52 million biometrics deal +Sports,American giant: Schlopy snares sixth +Business,Ford May Again Help Parts Maker Visteon +World,EU-Iranian nuclear talks hit snag - diplomats +World,Cat Stevens gets peace prize +World,Burundi President Fires VP for Blocking Peace Process +Business,Philip Morris Challenges \$10.1 Billion Consumer Fraud Ruling +Business,Delta gets share incentive boost +Sci/Tech,PeopleSoft board rejects Oracle bid +Sci/Tech,Mandrakesoft on the fiscal mend +Business,Stocks mixed as Fed raises rates; Cisco pressures tech shares +Business,Oil Rebounds \$1 as Heating Supplies Fall +Business,"Barrett: Intel Doubles Dividend, Will Buy Back 500M Shares" +Business,Is Inept Competition Reason To Punish Microsoft? +Business,"Delta to cut up to 6,900 jobs" +Business,Pfizer defends Bextra after new report on risks +Business,MGM Mirage #39;s Next Big Thing +Business,Fletcher Building Considering Bid for Parts of Amatek Group +Business,Stewart: Martha Seeks \$3.7M In Legal Fees From Namesake Firm +Business,Kinder Morgan to Close Pipeline for While +Sci/Tech,Microsoft Joins Search Party +Sci/Tech,Review: Firefox impresses as IE alternative +Sci/Tech,Gmail Users Soon Able to Check E-Mail Via Outlook +Sci/Tech,Fix Released for ISA Server +Sci/Tech,Vodafone Targets iPod +Sci/Tech,EPA Suspends Study on Kids And Pesticides +Sci/Tech,Top toys list released by testing council +Sci/Tech,Microsoft skips Itanium with new Windows +Sci/Tech,Russian Mobile Phone Users Say Hello to Trojan +Sci/Tech,FBI Charges Hacker With Selling Stolen Windows Source Code +Sci/Tech,French court won #39;t force Apple to open up iTunes +Sci/Tech,Gateway aims to reduce hot air +Sci/Tech,Two agencies may clash over rare bird +Sports,"Farewell, Crazy Horse" +Sports,Sprinter Young banned for life +Sports,"Cox, Showalter honored as top managers" +Sports,That #39;s the Spirits - NASCAR Allows #39;Spirits #39; Sponsors +Sports,Cornhuskers must stop Peterson +Sports,Ricky Ray to be Jets third QB +Sports,Murali on course to bowl doosra again +Sci/Tech,Lyx - WYSIWYM Document Processing +World,Valley erupts in rape rage +World,Navy thwarts infiltrator #39;s landing +World,Car Bomb Targeting Iraqi Police Kills 10 +Sports,"Cox, Showalter Voted Managers of Year (AP)" +Sci/Tech,Photos: Gateway's wind-tunnel design +Sci/Tech,Gmail Users Soon Able to Check E-Mail Via Outlook +Business,Hairballs Haunt Cisco +Business,Opening the Lions' Floodgates +Business,1 1 = Value at Blackboard +Business,Federated Leads Retail Upswing +Sports,New Dolphins Coach Inherits Troubled Team (AP) +Business,"Starbucks Profit Climbs, Extra Week Helps (Reuters)" +Sports,It's Official: No Moss Again for Vikings (AP) +Business,"Intel Doubles Dividend, Expands Buyback (Reuters)" +Sports,N.C. State Eyes Florida State Wins (AP) +Sci/Tech,Computer Sciences lands \$52 million biometrics deal +Sports,Serena Williams Keen on Fashion Career (AP) +World,Deal Said Struck Over Afghan Hostages (AP) +Business,Fed Lifts Rates for Fourth Time This Year +Sci/Tech,Antigua beats odds: WTO confirms ruling against US on web gambling (AFP) +Business,"Starbucks Profit Climbs, Extra Week Helps" +Sci/Tech,iPod Socks coming in Dec. (MacCentral) +Business,"Intel Doubles Dividend, Expands Buyback" +Sci/Tech,Gmail Users Soon Able to Check E-Mail Via Outlook (Reuters) +Sports,Young Given Lifetime Ban for Second Offense +Sci/Tech,New open-source browser from Mozilla aims to challenge Microsoft (AFP) +Business,Oracle: PeopleSoft Board to Reject Bid +World,Dole May Lead GOP Senate Campaign Panel (AP) +Sports,"Eagles' Rayburn, Akers Nursing Injuries" +Sci/Tech,"Oracle ready to walk away from PeopleSoft, sees offer rejected (AFP)" +Business,Stocks Close Flat After the Fed Rate Hike +Business,Treasuries Fall on Prospect of More Hikes +World,Court Considers When Cops Can Use Canines (AP) +Business,Whole Foods Quarterly Profit Rises 27 Pct +World,Defense Lawyers Say Rapport with Milosevic Ruined (Reuters) +Sci/Tech,Medical supply firm to sell patient RFID chips +Sci/Tech,Standards for Anthrax Tests Developed (AP) +World,Chile's Lagos Receives Torture Commission Report +Sci/Tech,i2 looks to technology rollout for a rebound +Sci/Tech,Brief: PeopleSoft revises Q3 earnings up +World,Pakistani PM to meet with Blair +Sci/Tech,Panel: Government backing for supercomputers can benefit business +Sci/Tech,Mozilla mulls desktop search integration for Firefox +Sci/Tech,Microsoft to indemnify most customers from legal threats +Sci/Tech,Cisco Q1 revenue up slightly +Sci/Tech,Eudora adds ScamWatch URL protection +Business,PeopleSoft board rejects Oracle bid +Business,South Korean airliner avoided mid-air collision by 12 seconds <b>...</b> +Sci/Tech,The iMac G5: A PC user migrates to a Mac +Sports,Robinson quot;blessed quot; to lead England +Sports,ESPN: Fiesta Bowl turning point for freshman Clarett +Business,Dollar dodging at the Fed +Business,Oil: Price surges 3 per cent as US heating stocks fall +Sci/Tech,Firefox renews browser war +Sports,"Cox, La Russa up for NL manager of year" +Sports,"Stottlemyre, Mattingly back in Bronx; Girardi bench coach" +Sci/Tech,Opera Browser - Firefox Not the Only IE Alternative +Business,Interest Rates Expected To Rise +Sci/Tech,"Skype, Siemens To Hook Up Cordless VoIP" +World,Hoping for a new kind of Mukata +Sports,Davis Getting Frustrated With Knee Injury (AP) +Sports,Injured Tracy McGrady Likely to Miss Game (AP) +World,Sri Lanka Tigers take flack over enlisting child soldiers (AFP) +Business,PeopleSoft Rejects Oracle Bid +Business,Stocks End Flat After Rates Go Up +Business,Delta Says 185 Workers Take Pay Cut +Business,EU To Persist in Case Against Microsoft +Business,"US should drop ban on offshore Internet gambling, world trade <b>...</b>" +Business,Steak N Shake Doubles 4th-Qtr. Earnings +Business,USDA Confirms Coybean Rust in United States +Sci/Tech,Microsofts search-and-destroy mission +Sci/Tech,Siemens and Skype Combine to Offer Internet Telephony +Sci/Tech,Trojan spams Russian mobile phones +Sci/Tech,"Pick a Number, It #39;s Sequel Season" +Sci/Tech,Pesticide study using children as test subjects postponed +Sci/Tech,Hacker Arrested for Selling Microsoft Code +Sports,Rangers beat Celtic for first time in seven matches +Sports,"Liverpool, Man United reach League Cup quarter-finals" +Sports,Dolphins Terminate Edwards #39; Contract +Sports,NASCAR lifts ban on liquor sponsorship +Sports,UEFA approves use of artificial turf +Sports,Lyon suffer first defeat of season +Sports,MLS to start reserve league in new Adidas deal +Sports,Young Banned for Life for Second Offence +World,Japan on alert after intrusion by suspected Chinese nuclear sub +World,Black Watch pilot shot by rebels +Business,Stocks End Flat After Rates Go Up +Sports,Financing Plan Backed +World,Spanish PM Having Trouble Congratulating Bush +Sports,Rodman Heads to Minors +Sci/Tech,Cyber Crime Tools Could Serve Terrorists -FBI +World,Ecuador impeachment drive dropped +Sci/Tech,The phone-y music business +Sci/Tech,Chart: Cable-DSL growth over past 12 months +Sci/Tech,'Halo 2' clears record \$125 million in first day +Sci/Tech,"E-mail authentication: Cost, standards remain problems" +Business,PeopleSoft Rejects Oracle Bid +Sci/Tech,Apple details plans to Spotlight desktop search +Sci/Tech,Towerstream beams into Los Angeles +Sci/Tech,Samsung raises flash memory bar +Business,PeopleSoft Rejects Oracle Bid +Business,US blue chips gain on rate rise +Business,"Stocks Flat, Investors See Dec. Rate Hike" +Business,Ford CEO asks for government help on health costs +Business,Paris plans partial sale of Areva in early 2005 +Business,Vodafone unveils advanced service +Business,Intel Doubles Cash Dividend and Authorizes Repurchase of 500 <b>...</b> +Sci/Tech,Microsoft Extends Legal Protection To All Customers +Sci/Tech,Sequel to Video Game #39;Halo #39; Debuts +Sci/Tech,Trojan horse targets mobile phones +Sci/Tech,Microsoft Nixes Intel #39;s Itanium +Sci/Tech,Charles Arthur On Technology +Sports,Ht Rangers 0 Celtic 0 +Sports,"Italy: Juventus win, AC Milan held by Brescia" +Sports,Carling Cup: United and Liverpool through as Newcastle are out +Sports,FANS WANT MORE PLASTIC - LEISHMAN +Sports,MLS finalizes landmark deal with Adidas +Sports,Dolphins release safety Edwards +Sports,Soccer: Bayern beat Stuttgart 3-0 to reach last eight of German <b>...</b> +World,Sudanese government and rebels to sign security protocol +World,Iran official warns of nuclear pact pullout if pressurised +World,Burundi: President Ndayizeye Sacks His Deputy +World,Israeli troops kill two Hamas gunmen +World,Arabic TV shows tape of captured Iraqi guardsmen +Sci/Tech,Wanted by the Police: A Good Interface +Sci/Tech,"Pick a Number, It's Sequel Season" +Sci/Tech,Keeping Better Track From Factory to Checkout +Sci/Tech,Does Grandma Need a Hug? A Robotic Pillow Can Help +Sci/Tech,"A Sailor Man, 75, Gets a Digital Nip and Tuck" +Business,Nikkei Opens Firmer on Exporters +Sports,Carling Cup Wednesday Wrap: Big Guns Progress +World,Israel offers burial place for Arafat +Business,Inflation remains well contained: US Fed +Business,PeopleSoft board rejects Oracle #39;s best and last offer +Business,"Oil fades to \$47, awaits US stock data" +Business,Vodafone enters 3G battle against Hutchison +Business,Stewart Seeks Reimbursement From Own Co. +Business,Intel Doubles Cash Dividend +Business,Cyberonics Post 2nd-Quarter Loss of \$2M +Sci/Tech,Proprietary MSN Search Beta launches tomorrow +Sci/Tech,Report: Tobacco Industry Hid Smoking Dangers +Sci/Tech,Skype Launches Free Wireless VoIP +Sci/Tech,Google to support POP connection +Sports,There seems no end to Arsenal #39;s reserves of vivid youthful talent +Sports,Injured Sainz forced out of swansong +Sports,Plastic pitches ready to bounce back into fashion +Sports,Stottlemyre returns for one more +Sports,Ray activated by Jets +World,"Girl, 5, saves baby sister from dingo in island hotel horror" +World,Military operation in Pakistan #39;s tribal area only against foreign <b>...</b> +World,Pakistan urges India to avoid disrupting arms balance +World,"Seven Held in Dutch Anti-Terror Raids, Police Hurt" +Sci/Tech,"Microsoft, Google Square Off in Search Arena" +World,UN in 'forgotten crises' appeal +Business,Oracle: PeopleSoft #39;s Board to Reject #39;Final #39; Buyout Offer +Business,Cable amp; Wireless slashes jobs but rewards investors +Sci/Tech,Wineke: Global warming is a moral issue +Sports,Rangers 2 Celtic 1 (aet) +World,Cat Stevens wins peace prize +World,Racist graffiti painted on homes in Belfast +Business,PeopleSoft Rejects Oracle Bid +Business,"Dollar Recovers from Lows After Fed, Data" +Sci/Tech,"Microsoft, Google Square Off in Search Arena" +World,Sudanese police raid Darfur camp: UN +World,Evidence of hostage murders discovered +World,Spanish PM Having Trouble Congratulating Bush +Business,Peoplesoft turns down Oracle bid +Sci/Tech,Apple no longer reviewing itself +Sci/Tech,HP opens bidding on computing power +Sci/Tech,Sun talks up Java advances +Sci/Tech,PeopleSoft board gives thumbs down to Oracle's offer +Business,Bank warns of fall in house prices as economy slows +Business,Martha Stewart pleads for legal aid +Sci/Tech,Meltdown: Arctic wildlife is on the brink of catastrophe +Sports,Canada slides past Sweden at Four Nations Cup +World,Afghan deal to free UN hostages +World,Stabbing and petrol bombs highlight rise of racism in Ulster +Sci/Tech,Superfast Notebook Graphics: NVidia's GeForce Go 6800 +Sports,Baseball GMs Weigh in on Instant Replay (AP) +Sports,Wake Forest rebounds from Illinois loss +Sports,Red Sox Induct Alumni Into Team Shrine (AP) +Business,Starbucks Profit Meets Estimates (Reuters) +Sports,NASCAR Lifts Ban on Liquor Ads on Cars (AP) +Business,"Dollar Recovers from Lows After Fed, Data (Reuters)" +Sports,Chargers Sign TE Baber to One-Year Deal (AP) +Sports,Wizards Hold Singles Night at Magic Game (AP) +Sports,Nuggets too quick for Heat +Sports,Red Sox Claim Lefty Traber Off Waivers (AP) +Sports,Spurrier Wants to Return to College Ranks (AP) +Business,Hopes thin for future of Astra #39;s blood drug +Business,"Exporters Lead Nikkei Up, Trade Slow" +World,French Citizens Flee Ivory Coast Violence (Reuters) +World,Bush Administration Divide Re-Emerges Over N. Korea (Reuters) +Sci/Tech,Vodafone Unveils High-Speed Net Services (AP) +Sports,"Federer Drawn with Hewitt, Roddick Up Against Safin" +Sports,Medvedenko returns for Lakers +Sci/Tech,Motorola to Introduce 20 New Cell Phones (AP) +World,Burial preparations in Ramallah underway +World,"UN staff, foreigners to be evacuated from Ivory Coast" +Sci/Tech,Reebok Unveils High-Tech Sneaker Pump 2.0 (AP) +World,Dutch Forces Nab 2 Suspects in Standoff (AP) +Sports,Stage set for Miss World showdown +World,Judge Reduces Jail Time for Calderon (AP) +Sci/Tech,Fox to Offer Cell Phone Version of '24' TV Show (Reuters) +Sci/Tech,Fox to Create Series for Wireless Phones (AP) +World,Annan: East Timor Mission Should Continue (AP) +Sci/Tech,Sun talks up Java advances (InfoWorld) +Sci/Tech,PeopleSoft Board KOs Oracle Takeover Bid (AP) +Sci/Tech,PeopleSoft board gives thumbs down to Oracle's offer (InfoWorld) +World,Bush Names Gonzales to Succeed Ashcroft (AP) +World,Bush Moves to Privatize Social Security (AP) +Sci/Tech,Woes of Warming Arctic to Echo Worldwide Via Birds (Reuters) +World,FEC Union Election Spending Probe Sought (AP) +Sci/Tech,Rare Okapi Calf Doing Well at Mo. Zoo (AP) +Sci/Tech,La. Reports First Cases of Soybean Rust (AP) +World,Bush Nominates His Top Counsel for Justice Post +World,"Assault Slows, but G.I.'s Take Half of Falluja" +Sci/Tech,Foreign-student enrollment declines +Business,Nikkei Edges Up Before Machinery Data +Business,Vodafone calling - with fun and games +Business,NAB turnaround to take time +Business,Stewart bills her company for \$3.7m of defence costs +Business,US online gambling ban is unfair +Business,"Delta to cut 7,000 jobs by 2006" +Business,New Zealand Unemployment Rate Declines +Business,OFT says MasterCard overcharges retailers +Business,New legume disease discovered in the US +Business,Coca-Cola Amatil Shares Halted Amid Transaction Talks (Update2) +Sci/Tech,More Skype add-ons showing up on the Internet +Sci/Tech,"Google Gives Gmail POP3 Support, Plans Antivirus" +Sports,Athletics: Young handed life ban +Sports,Battle of Old Trafford resumed +Sports,Magical Evening For the Wizards +World,A land brought low +World,Yusuf Islam awarded peace prize +World,Search underway for resort dingo +World,20 terrorist gangs busted: Sherpao +Sports,"Finally, the Knicks Waive Anderson" +World,Chile Issues Report on Pinochet Torture +World,Colombian Government Removes Army Chief +Sports,Tupa Is a Key Cog +Sports,Bowden Begins Work +Sports,Cavs Big Men Move +Sports,No Free Passes +Sports,Dolphins Dump Edwards +Sports,"Sixers Outgun Nets in Overtime, 108-100 (AP)" +Sports,Replay in Play +Sports,UCLA Guard Bozeman Undergoes Knee Surgery (AP) +World,'Final hours' for Yasser Arafat +World,Ireland Suffers Case of Mad Cow Disease (AP) +World,Chile Issues Report on Pinochet Torture (AP) +World,Nigerian Stoning Death Sentence Quashed (AP) +World,Ohio Still Counting Provisional Ballots (AP) +Business,Officials Blame Contractors in Tunnel Leak +Sci/Tech,CNET News.com Coverage of Mozilla Firefox 1.0 +Sci/Tech,Gmail Users Soon Able to Check E-Mail Via Outlook +Sports,Enter a Category +Sports,Pedro should take Boston #39;s best pitch +World,Chile #39;s Lagos receives torture commission report +Business,PeopleSoft Rejects Latest Oracle Bid as Inadequate +Business,Rise and Fall of Oil Prices Result in a Mixed Forecast +Business,"Microsoft Unveils Its Internet Search Engine, Quietly" +Business,"Oil boom over, says think-tank" +Business,Shell And GM In Hydrogen +Business,Watchdog threatens credit card industry over charges +Sci/Tech,NVIDIA launches GeForce Go 6800 GPU +Sports,Italian Roundup +Sports,Sainz to sit out his farewell rally +Sports,Carter and Jets Ready to Step Into the Unknown +World,Arafat Officially Announced Dead -Al Jazeera +Sci/Tech,Bloodlines bites Half-Life 2 #39;s release date +Sports,Sainz To Miss Rally Australia +Sports,Cardinals Keep Rolling +Sports,Clippers Crush Pacers +Sci/Tech,Microsoft seeks top search spot +Business,"Oil Below \$49, Fears of U.S. Cold Snap" +World,Political Debate at Minn. School Gets Ugly (AP) +World,Arafat to Be Flown to Cairo on Friday - Aide +Sports,Mets Ready to Deal; All They Need Is a Trade Partner +Business,Freeing the Grapes? +World,Arafat Forced His People's Plight Into the World Spotlight +World,Jones Is Said to Be Near a Deal for Barneys +Business,PeopleSoft Directors Reject Oracle #39;s Offer +Business,"Washington Station Offers Gas, Snacks and Hydrogen" +Business,Australian jobless rate hits 27-year low +Business,Record Exports Help Bring US Trade Deficit Down a Bit +Business,Merck Chief Is Asked to Testify +Business,Ex-Disney Director Says He Was Briefed on Ovitz #39;s Pay +Business,Profit Rises 27 at Whole Foods +Business,MGM Mirage hotel-condo complex would be Vegas #39;hub #39; +World,"After Accord, Sudan Camp Raided" +World,Seeking Salvation in the City of Insurgents +World,3 Abu Ghraib Trials Moved to U.S. +Business,G.M. Enlists Orman to Pitch Financing Promotion +Sports,Young banned for life after 2nd doping violation +Sports,"Clippers Thrash Artest-Less Pacers Clippers 102, Pacers 68" +Sports,NC State seeks offensive turnaround +Sports,"No. 21 Wisconsin 81, Wis.-Parkside 42" +Sports,Fighters Look to Separate Themselves From Crowd +World,Cat Stevens gets peace prize +World,Police fire tear gas on rape claim protesters +World,"For Arafat, His Life Personified His Dream" +Business,Falling dollar may raise problems +Sports,Cavs Rally Past Suns 114-109 in Overtime (AP) +Sci/Tech,Search Swagger +Sci/Tech,NASA Tries to Break Speed Record With Last Plane Test (Update1) +Sports,"LeFors, No. 12 Louisville Crush TCU 55-28 (AP)" +Business,"Oil Below #36;49, Fears of U.S. Cold Snap (Reuters)" +Business,"Oh Ho Ho, Those Holiday Sales!" +Sci/Tech,Update: PeopleSoft rejects Oracle's 'final' offer +Sci/Tech,"Google gives Gmail POP3 support, plans antivirus features" +Sci/Tech,Microsoft Unveils its New Search Engine - At Last +Business,"Lawmakers to Question FDA, Merck Over Vioxx" +Sci/Tech,Microsoft: Firefox does not threaten IE #39;s market share +Sci/Tech,Microsoft Expands Software Indemnification Program +Sci/Tech,"Reebok #39;s revives Pump shoe, marking industry shift to high-tech" +Sports,NCAA Game Summary - TCU at Louisville +Sports,Arsenal youngsters punch above their weight again +Sports,UNDATED: seven assists. +Sports,Raptors look to cool off Jazz +World,Israeli Troops Kill 3 Palestinian Militants-Sources (Reuters) +World,Palestinian Leader Yasser Arafat Dies at 75 +World,"Blair heads to US under growing pressure to shed ""poodle"" image (AFP)" +Sci/Tech,Microsoft Launches Its Own Web Search Tool (Reuters) +Sci/Tech,Intel Readies Centrino-Style Push for Desktops (Reuters) +World,Palestinians Mourn Death of Yasser Arafat (AP) +Sci/Tech,PeopleSoft's board recommends shareholders reject Oracle takeover bid (AFP) +Business,SunTrust Fires 3 Executives Over Miscalculations +Sports,Alabama A amp;M coach is in game of his life +World,Jaish gives more time to Afghan govt +World,Annan Urges Greater Effort on Middle East Peace +World,Palestinian Leaders to Transfer Arafat Powers +World,Norway to talk with Tamil Tigers +World,Tributes to Arafat led by Blair +Sports,James Rallies Cavs +World,State for Palestinians and Peace With Israel Left Unrealized +Business,"Dollar Up After Fed, Tokyo Shares Slide" +Business,Some Fight Baseball Tax +Business,"Trade Deficit Falls, But Big Gap Persists" +Business,"Fannie Regulator's Budget Loses Key Backer, for Now" +Business,Waxman Seeks New Halliburton Inquiry +Business,N.Y. Mayor Has Plans To Import Flu Shots +Business,Australia jobless at 26-year low +Sci/Tech,PeopleSoft Directors Reject Oracle's Offer +Sci/Tech,Holiday Forecast: Online Sales to Grow +Sci/Tech,E-Mail Authentication Will Not Stop Spammers +Sci/Tech,Latest Conspiracy Theory Hits the Ether +Business,Fed warns of growing budget gap +Business,Cisco Systems Q1 net up 29 +Business,Fungus hits US soybeans +Business,Magnitude of problem called unclear +Business,Pilots Saying Yes to Less Money May Save Delta Air +Business,MGM has lofty plans for Strip +Business,Tokyo Stocks Drop After Machinery Data +Business,Australia jobless at 26-year low +Business,Condo Pandemonium +Sci/Tech,Microsoft to double ad revenue: CEO +Sci/Tech,Firefox boy Gatecrashes Bills party +Sci/Tech,City man charged with selling Microsoft source code +Sports,Nelson living magical dream +Sports,HOUSTON DRAW FAVOURS HENMAN +Sports,Familiar ref for Ruiz-Golota +Sports,Louisville routs TCU 55-28 +World,Italian kidnap victim freed +World,Australia getting wetter: CSIRO +Sports,No. 20 Notre Dame Defeats Quincy 80-61 (AP) +Sci/Tech,Microsoft Debuts Own Web Search Technology (AP) +World,Palestinian Leaders to Transfer Arafat Powers (Reuters) +World,Norway FM takes peace message to Tamil Tigers (AFP) +World,India lauds Arafat's lifetime devotion to Palestinian cause (AFP) +World,Australia to require Aboriginals to make agreements in return for welfare (AFP) +World,Pageantry Planned for Bush Inauguration (AP) +World,What future for the Palestinians? +World,World reaction +Sports,SuperSonics Clobber Kings 108-78 (AP) +Business,"Dollar Keeps Gains After Trade Data, Fed" +Business,"After Vioxx recall, the FDA and Merck both claim that all other <b>...</b>" +Business,Soy fungus spotted in US +Business,Bextra report questions effects on heart patients +Sci/Tech,Microsoft gets in on search party +Sports,Rowntree Admits: it #39;s Brilliant to Be Back +Sports,BERNIE LEAVING CF HOT OFFSEASON TOPIC +Sports,Sonics clobber Kings +Sports,LeBron leads Cavs back +World,Europeans evacuated from I Coast +World,What is Arafat #39;s legacy? +World,Burma crackdown on luxury cars +Business,Key interest rate at 2 +Business,Oracle Promoted A STINGY Offer +Business,Soybean rust invades US +Business,Blame game begins over Big Dig leaks +Business,"Business briefs, November 11" +Business,US Shows Its Muscle In International Trade +Business,Ford #39;s out to put a lid on costly incentives +Business,MOUSE MADE OVITZ CHEESY DEAL +Business,"Merck, FDA to face Congress over withdrawn Vioxx" +World,High dose vitamin E death warning +Sci/Tech,Microsoft pushes search technology to market +Sci/Tech,"Arctic thaw may open ship lanes, but risks high" +Sci/Tech,Microsoft Expands Indemnification +Sci/Tech,THE NEW PUMP +Sci/Tech,Hypersonic research craft set to fly Monday +World,Singer Love denies bottle attack +Sports,Kuznetsova wins WTA Tour Championships opener +Sports,FOOTBALL: THIS IS FOR YOU EMLYN +Sports,"Tooth and nail: Pierce, C #39;s bite Blazers at buzzer" +Sports,Bernie still maintains claim on centerfield +World,Singapore: Arafat #39;s death chance for peace +World,Blair to meet Bush +World,Darfur warring parties sign new pacts +World,Train driver had just two seconds to brake before hitting car +World,Troops find kidnapper sites +World,N.Korea Urged to Hold Talks But No Dates-Source +World,Row over Australian army photo +World,Palestinian leader Arafat dies at 75 +World,Hostage takers cite pact to free comrades +World,Bosnian Serbs issue apology for massacre +World,"Bush cites opening for peace, leadership" +Business,Cisco hurt on worries about sector #39;s recovery +Business,Witness Testifies on Ovitz #39;s Option Terms +Business,Mich. plant workers reach tentative deal +Sports,"NBA Wrap: Wins for Celtics, 76ers, Lakers Lose" +World,Mass evacuations begin in Ivory Coast +World,Court reverses some Falun Gong convictions +World,Concern many will regroup elsewhere +World,"At times, a fight against boredom" +Sports,Fortson keeps it #39;simple #39; as Sonics stick it to Spurs +Sports,Racers tap new sponsors +Sports,LeFors keeps Cardinals rolling +Sports,Artest gets bum rap from Pacers +Sports,Another road test for #39;Noles +Sports,YOUNG GUNS BRING BACK THE SMILES +Sports,"Down 19, Cavs rally past Suns" +Sports,National Basketball Association Game Capsules +World,Egypt to Host Military Funeral for Arafat +World,Afghan UN Kidnappers Await Release of 26 Taliban +Business,Detroit Diesel deal saves jobs +Sci/Tech,"Not just bigger, it #39;s the best" +Sports,"Green players, gold future?" +Business,WTO rules against US gambling ban +World,Insurgents resist across Iraq +Sports,Red Sox owners differ with Boras +Sports,"Showalter, Cox are tops" +Sports,Surgical precision +Sports,"Votes are in, and so is Remy" +Sports,BC's Bulman ready to tackle Mountaineers +Sports,Pandolfo gives Rockets a lift +Sports,"Against Clarett, Vrabel lines up alongside OSU" +Business,Slowing exports hit German growth +Sports,Memphis police ask questions +Sports,Pacers are at a loss +Sports,Boston in running for marathon trials +Sports,Today's schedule +Sports,College football on TV tonight +Sports,Spielman says he'll be back +Business,"Fed raises key rate to 2, a 3-year high" +Business,Mass. legislators back work on embryonic stem cells +Sports,Bills' patience paying off +Business,Trade gap shrinks to \$51.6b +Business,Concord company recalls defibrillators +Business,Bank's retirement plans face IRS audit +Business,Retail rivals moving to town +Business,Retirees recycle passion into a new career +Sci/Tech,Consumers flock to online shops +Sports,Brazil Defeats Mexico 2-1 (AP) +Sports,Is Syracuse Football on Permanent Slide? (AP) +Business,New EU chief seeks rapid deal in budget haggle (AFP) +World,Egypt to Host Military Funeral for Arafat (Reuters) +Sci/Tech,Holiday Forecast: Continued Growth Of Online Sales (washingtonpost.com) +World,Former Prime Minister Named Leader of PLO (AP) +Sci/Tech,PeopleSoft Directors Reject Oracle's Offer (washingtonpost.com) +Sci/Tech,Trying to Make the Pen as Mighty as the Keyboard +Sci/Tech,Spinach Power Adds Muscle to Batteries +Business,PeopleSoft Rejects Oracle; Ellison Appeals To Shareholders +Business,Vodafone launches 3G services in Europe +Business,Harmony #39;driven by shareholder value #39; +Business,Testimony: Ovitz Was Denied Signing Bonus +Business,Delta Outlines New Liquidity Requirements +Business,Merck CEO vows firm will survive Vioxx recall +Sci/Tech,Still awaiting Microsoft #39;s search entry +Sci/Tech,Fujitsu Siemens Computers launches the LIFEBOOK T4010 +Sports,Sprinter Young banned for life +Sports,NASCAR lifts its ban on liquor ads +Sports,76ers: Williamson helps OBrien capture first home win +World,Dutch violence ends with the arrest of two +World,Train Crash Driver #39;Had Two Or Three Seconds to Stop #39; +Business,"Dollar Steady, Off Record Low Vs Euro" +Business,Oil Prices Fall on Signs of Rising Supply +Business,Sri Lanka rates rise unexpectedly +Business,Consumers flock to online shops +Sci/Tech,A DVD Burner Too Far? +Business,State won't recoup all lost jobs till '08 +Sci/Tech,Hybrid Phones Keep Getting Smarter +Business,A breed apart +Business,PeopleSoft rejects Oracle #39;s takeover bid again +Business,Bank of Ireland Posts Rise in Profit +Business,Nation #39;s first hydrogen fuel pump opens +Business,Fee cuts take toll on stock exchange profits +World,Vanunu arrested by Israeli police +Business,Heating oil fears drive up crude +World,Darfur camp raid 'unacceptable' +Sci/Tech,Microsoft To Spoil Google amp; Yahoo #39;s Search Party +Sci/Tech,Are MS Idemnification Claims For Real? +Sci/Tech,Trojan invades Russian mobiles +Sci/Tech,Game on: Fans are fired up for release of Halo #39; sequel +Sci/Tech,NASA to Attempt Mach 10 Flight +Sci/Tech,Intel nuances Itanium; Microsoft ignores it +Sci/Tech,Philip Morris lab discovered passive smoking risk in 1982: Lancet +Sci/Tech,Gran Turismo 4 finished +Sci/Tech,IBM drives Euro-supercomputer grid +Sports,"Serena fights back, Davenport off to a flier in LA" +Sports,ONeill unhappy at Celtic Football Club defeat +Sports,"Juventus beats Fiorentina 1-0, increases lead atop Serie A" +Sports,Alan Henry: British Grand Prix +Sports,NASCAR OKs liquor sponsorships +Sports,Pires feels wrath of the France national coach +Sports,Grizzlies find Lakers perfect cure for 0-4 start +Sports,Seminoles may have finally solved leadership puzzle +Sports,SL vindicated over Murali +World,'Huge' potential for gene therapy +World,Current Quotations +World,Israeli police detain nuke whistleblower Vanunu +World,20 dead in Russian hostel blaze +World,World Scene +World,Author Chang found dead aged 36 +World,Japan chasing mystery submarine +World,Q A: What follows Arafat? +World,A Dreamer Who Forced His Cause Onto World Stage +Sports,Cup draw serves up Gunners clash +Sports,Brit deal #39;one year only +World,US holds most of Fallujah as fight goes on +Sports,"Despite Tour Championship loss, Woods back to No. 2 in the <b>...</b>" +World,Palestinians Attack Settlement After Arafat Dies +Sci/Tech,Milestone for 'land of the lemur' +Sports,California Hangs on to Beat Southern Miss +World,Norway FM takes peace message to Tamil Tigers +Business,MetLife plans debut sterling bond -leads +Business,Lawyers hold high noon in Marlboro Lights case +Business,Taiwan Chip Giant Seeks Strong Partnerships +Sci/Tech,Microsoft pushes search technology to market +Sci/Tech,Firefox 1.0 Makes Flashy Debut +Sci/Tech,Google delivers POP3 Gmail +Sci/Tech,Passive smoking risk #39;kept secret #39; +Sci/Tech,Euro supercomputer network boots up +Sci/Tech,IBM readies SME tools +Sports,American sprinter banned for life +Sports,Booze boost to Nascar +Sports,France coach offers hope to Anelka +Sports,Wolfpacks slim bowl hopes ride on beating Florida State tonight +World,Blair to push for Mid East peace +World,Report: Chinese fighter jets interfere with +Sci/Tech,Google #39;s index expands and Gmail goes POP +Sports,No charity at Nets #39; stripe +World,"Taiwan offers to cut troops by 100,000" +World,Israel Arrests Nuke Whistleblower Vanunu for 'Leak' (Reuters) +World,Afghan UN Kidnappers Await Release of 26 Taliban (Reuters) +Sci/Tech,EBay Acquires Web Site From Netherlands (AP) +Sci/Tech,Deutsche Telekom Boosts 3rd-Quarter Profit (AP) +World,Nigerian oil unions vow to disrupt crude exports (AFP) +Sci/Tech,PeopleSoft rebuffs Oracle offer (TheDeal.com) +Sci/Tech,Blogs Fuel Election Fraud Fears +Sci/Tech,Firefox 1.0 Makes Flashy Debut +Sci/Tech,NASA to Attempt Mach 10 Flight +Sci/Tech,These Traffic Numbers Are Real +Sci/Tech,Fancy Express to Nowhere +Sci/Tech,Has TiVo Forsaken Us? +World,"Britain #39;s Black Watch Back in Basra, Will Leave Iraq This Month" +Sci/Tech,Show Time for Stem-Cell Science +Sci/Tech,Diebold to Settle E-Voting Suit +Business,WTO rules against US gambling ban +Business,Cisco Stock Falls on Tech Spending Concerns +Business,Mixed response to Louisiana #39;s first US soybean rust cases +Business,EBay buying Dutch Web site +Sci/Tech,Microsoft readies new search engine +Sci/Tech,Open-source browser set for challenge +Sci/Tech,Microsoft Passes on Itanium +Sci/Tech,"With #39;Scramjet, #39; NASA Shoots for Mach 10" +Sci/Tech,Sneaker makers bank on high-tech +Sci/Tech,BYTE OF THE APPLE +Sci/Tech,New SMB Tools Hit IBM AlphaWorks Site +Sports,"Showalter, Cox voted managers of the year" +Sports,Celtics 90 Trail Blazers 88 +Sports,Bout vs. Holyfield puts Donald in the spotlight +World,Palestinians attack settlement after Arafat dies +World,N.Korea urged to resume talks next month +World,Thousands in Kashmir Protest Alleged Rape +World,World ; Tamil Tigers forcibly recruit child soldiers: report +Sci/Tech,"<cite>We</cite> seize servers, <cite>you</cite> can't complain - US gov" +World,Hamas warns against leadership that excludes it +World,Israel re-arrests whistleblower Vanunu +World,President and Foreign Minister express condolences on death of <b>...</b> +World,Iran says will give response on nuclear deal soon +World,"Charles Kartman to Visit Pyongyang, North Korea" +World,Taiwan denies President Chen #39;s plane targeted by Chinese fighter <b>...</b> +World,Tamil Tigers contact Sri Lankan president +World,2nd round of talks on Darfur concludes +Business,Stocks Headed Higher; Fed Outlook Pleases +World,Palestinians Pour Out Grief Over Arafat's Death +Sports,Only Injury Can Stop Peerless Federer at Masters Cup +Business,Jones to Buy Barneys in \$400 Mln Deal +Business,Blockbuster Interested in Hollywood Chain +Business,Cisco reports record profit but outlook disappoints +Business,Vodafone launches music 3G +Business,First case of soybean rust in US +Business,Blockbuster Interested in Hollywood Chain +Business,Tiffany 3rd-Qtr Profit Falls to \$20.8 Mln; Sales in Japan Drop +Business,"Coke Cuts Long-Term Earns, Volume Targets" +Business,Big leaks in Big Dig tunnels irk bigwigs +Business,Update 2: Germany #39;s Lufthansa Posts 3Q Profit +Business,Bank of Ireland profit up +Business,Tiffany Earnings Fall +Sci/Tech,Microsoft unveils new internet search engine +Sci/Tech,Gmail starts to download messages +Sci/Tech,Boeing and Northrop Grumman forge space alliance +Sci/Tech,French competition body rejeccts #39; open iPod #39; claim +Sci/Tech,New Trojan Virus Sends Spam to Russian Mobile Phones +Sci/Tech,Microsoft offers indemnification for all +Sci/Tech,Skype amp; Siemens Bring Wireless VoIP +Sci/Tech,EC delivers ContentGuard concerns +Sports,USADA bans Jerome Young for life after second doping violation +Sports,Silent Assassin +Sports,Winning #39;no matter #39; to Pakistan +Sports,Distilled spirits can sponsor NASCAR +Sports,"Sixers, Cavaliers win in overtime" +Sports,Jefferson unfazed by Clarett #39;s barbs +Sports,Romario scores twice in quot;Grand Farewell quot; friendly +Sports,FOOTBALL: I THOUGHT A SEMI-FINAL SPOT WAS IN BAG AFTER WE SCORED +World,Afghan women offer to take place of UN hostages +World,Minnelli faces sex claim in court +Sci/Tech,BearingPoint Chief Blazer Quits; No Reason Given +Sci/Tech,Dot-Com Back: Varsity Group Turns the Corner +Sci/Tech,Internal Investigation Delays WebMethods' Quarterly SEC Filing +Sci/Tech,Microsoft Debuts Own Web Search Technology +Sci/Tech,Firefox Browser Alternative to Microsoft +Sci/Tech,Robot Is Pivotal Member of the Force +Sci/Tech,Disease raises fears for plants +Sci/Tech,MPs warn over rusty ship disposal +Sci/Tech,Huge potential for gene therapy +Business,Fed raises rates another quarter-point +Business,PeopleSoft to reject Oracle #39;s #39;best and final #39; offer +Business,Vodafone launches new 3G phones +Business,Fungus poses soybean threat +Business,Sold to eBay: Dutch Classified Site +Business,Bechtel #39;s big headache +Business,Update 3: Lufthansa Posts Third-Quarter Profit +Business,Bank of Ireland profits up 6 +Business,Boston Highway Project Said Full of Leaks +Business,Jones to Buy Barneys in #36;400 Mln Deal (Reuters) +World,Only Injury Can Stop Peerless Federer at Masters Cup +Business,Blockbuster Interested in Hollywood Chain (Reuters) +Sports,Cox Voted NL Manager of the Year +Sports,"Clarett, Ohio St. both flunked" +Sports,Cricket: Sri Lanka says ICC ruling buries Muralitharan controversy +Business,Tiffany Earnings Fall (Reuters) +Business,Blockbuster Offers to Buy Hollywood Chain +Business,Tiffany Profit Falls on Weak Japan Sales +Business,Trading spurt lifts London Stock Exchange turnover +Sci/Tech,France rules Apple #39;s DRM denial not anti-competition +Sci/Tech, #39;Murder game #39; is making a killing +Sci/Tech,EU lays out objections to ContentGuard deal +Sports,US: NASCAR lifts spirits ad ban +Sports,A look at top games and assorted other notes in Week 14: +Sci/Tech,TiVo hacks flourish +Sci/Tech,IOS glitch leaves some Cisco gear open to attack +World,"World Recalls Arafat the Icon, Hopes for Peace (Reuters)" +World,Dignitaries Expected at Arafat's Funeral (AP) +Sci/Tech,Oracle's 'best and final' offer rejected (USATODAY.com) +Sports,And that #39;s a wrap for Hokiesand QBRandall +Business,"Fed raises its key rate to 2, traders expect another hike" +Business,Crude futures hover around \$49 mark +Business,Coca-Cola Revises Financial Targets +Sports,"UPDATE 2-Adriano crushes Messina, Milan in Parma comeback" +Sci/Tech,"New Intel Itanium Inside Unisys, HP Servers" +Sports,"Manchester United 2, Crystal Palace 0" +Sports,"Clarett, Owens best seen but not heard" +Sports,Raptors big men key in ending Jazz win streak +World,Forces find hostage quot;slaughterhouses quot; in Fallujah +World,"Bullets, Tears, Hopes of Peace After Arafat's Death" +World,Aboriginal welfare plans cause stir +Business,Blue chip lowers long-term growth targets +Business,Blockbuster seeks to buy Hollywood Entertainment +Business,"D.Telekom sees DSL, US growing higher in Q4" +Business,US Airways to Keep Flying Most Planes +Business,Gold Fields loses high court bid to halt Harmony takeover +Business,Shell Executive:Hydrogen Fuel Station In DC Is Just The Start +Business,Hollinger International Has Spent \$46.3 Million on Black Probe +Business,Hong Kong #39;s De Facto Bank Matches Hike +Sci/Tech,New MSN Search - down +Sci/Tech,Major telcos tout Wi-Fi roaming pact +Sci/Tech,Reebok Revives Pump Sneaker +Sci/Tech,Intel #39;s running out of Itanium options +Sci/Tech,Evolution Warning Labels On Books Challenged In Court +Sports,Caborn urges motor sports to seize F1 opportunity +Sports,Warne says new ICC rules on chucking could cause confusion +Sports,Sainz takes parting shot at world rally set-up +Sports,Phoenix Suns Team Report - November 11 +Sports,NASCAR lifts liquor sponsorships +Sports,New Jersey Nets Team Report - November 11 +Sports,Los Angeles Clippers Team Report - November 11 +Sports,MLB All-Stars beaten again in Japan +Sports,Hoosier hunter injured in deer attack +Sports,Shuttlesworth resigns as president of SCLC +World,Troops to Evacuate Britons from Ivory Coast +World,Iran Will Likely Freeze Nuke Enrichment-Official +Business,Coca-Cola Cuts Long-Term Earnings Targets +Sci/Tech,Philip Morris Hid Link to Research Facility - Study (Reuters) +Business,Target Posts Higher Quarterly Profit +Business,Oil Falls on Signs of Rising Crude Supply +Business,Jones to Buy Barneys in \$400 Million Deal +Business,"Global Markets: Shares, Dollar Rise" +Sports,Steroid users will get slap on wrist +Business,US Air to Keep Flying Most of Its Planes +Sci/Tech,Spitzer Find Warmth in Heart of Darkness (SPACE.com) +Sci/Tech,Quantum Astronomy: The Double Slit Experiment (SPACE.com) +Business,Blockbuster Offers to Buy Hollywood Chain +World,Elizabeth Edwards' Cancer Has Not Spread (AP) +World,Egypt to Host Military Funeral for Arafat +World,Palestinians mourn their leader +World,Falluja troops under heavy fire +World,Zimbabwe 'faces food shortages' +Business,Stocks Open Higher; Fed Offers Relief (Reuters) +World,SL vindicated over Muralitharan +Sci/Tech,Microsoft launches search engine (AFP) +World,Germany's carnival season bursts into life (AFP) +Sci/Tech,BT's Net Profit Increases 14 Percent in 2Q (AP) +Sports,U.S. Beats South Korea in Under-19 Soccer (AP) +Sci/Tech,Microsoft Rolls Out MSN Search Beta (PC World) +Business,High court to hear wine case +Business,ATA to cut most of its Chicago flights +Sports,Twins keep US alive in Davis Cup finals +Sci/Tech,Junk mailers get the human touch +Business,Rogers Communications moves to take back full ownership of Rogers <b>...</b> +Business,Coca-Cola Cuts Long-Term Earnings Targets +Business,Bowser sales pump Coles +Business,"US Airways To Maintain Most of Fleet, United Bidding Out Regional <b>...</b>" +Sci/Tech,Intel Readies Centrino-Style Push for Desktops +Sci/Tech,"Google to give Gmail POP3 support, plans antivirus" +Sci/Tech,Stormy Uranus takes astronomers by surprise +Sci/Tech,ESA #39;s lunar probe closes on target +Sci/Tech,NASA experimental scramjet prepares for Mach 10 attempt +Sci/Tech,Microsoft Launches Its Own Web Search Tool +Sports,Cricket: A new twist on bowling +Sports,Odds and Ends +World,The Irony Of Arafat +World,NEWS ANALYSIS Tension in the Netherlands +World,Indian PM announces troop reduction in Kashmir +Sports,Raptors hand Utah first loss +World,UN workers abducted in Afghanistan phone home as militants seek <b>...</b> +World,Egypt Prepares to Receive Arafat's Body (AP) +Sci/Tech,Intel Names Otellini as Next CEO +Business,Is Health Insurance Killing Retirement? +Sci/Tech,Intel board approves Otellini as CEO +Business,EU seeks clarification of US delay in WTO air row +Business,Target 3rd-Qtr Net Rises 78 After Sale of Two Chains (Update1) +World,Bangladesh announces 3-day mourning for Arafat +Sci/Tech,Intel board appoints Otellini as CEO +Sci/Tech,Microsoft trots out MSN Search beta +Sci/Tech,Techs Can't Find Hangover Cure +Sci/Tech,MSN Beta Search Engine Somewhat Launched +Sci/Tech,Google GMail Opens Up to POP +Sci/Tech,Sharp Unveils First Blu-ray Disc Recorder +Sci/Tech,Microsoft Rolls Out MSN Search Beta +Sci/Tech,Will Microsoft Lose The Browser Wars? +Business,PeopleSoft dips after rejecting Oracle #39;s latest bid +Business,"Target Q3 up 78, lifted by Mervyn #39;s sale" +Business,Intel Names Otellini Chief Executive After Barrett (Update3) +Business,CORRECTED (OFFICIAL)-US Airways lenders OK aircraft use +Business,Verizon Wireless Names Townsend As CFO +Business,BT #39;s Net Profit Rises 14 Percent +Sci/Tech,Microsoft Crawling Google Results For New Search Engine? +Sci/Tech,Microsoft disses Itanium 2 +Sci/Tech,UWB group completes key radio spec +World,Yusuf Islam: Back to Music +World,Potential Arafat Successor to Remain in Israeli Prison +Sci/Tech,Elcoteq Focuses on Design to Tap Hefty Demand +Business,China builds on ties with Brazil +Business,Rate rises followed 'MPC errors' +Business,"Inflation Worriers, Dollar Pessimists" +Business,Intel board backs Otellini as CEO +Business,US: Coke lowers earnings and sales expectations +Business,Canadian Tire #39;s third-quarter profit jumps 17.2 per cent to \$69.4 <b>...</b> +Business,Jones Apparel to Buy Barneys in \$400 Mln Deal +Business,Pep Boys Stock Down After Earnings Miss +Business,Rust Is Here; Get Ready To Respond +Business,Newsday trimming work force by 100 +Business,Prime Group Shares Fall on Cancelled Deal +Sci/Tech,MSN Search debuts today +Sci/Tech,Arctic thaw could open vast oil and gas region +Sci/Tech,Revolutionary plane prepares to set speed record +Sci/Tech,European Spacecraft to Research #39;Moon Colonies #39; +Sci/Tech,Apple Achieves Market Dominance--Not! +Sci/Tech,Sun Desktop Rises in Japan Again +Sci/Tech,Skype Makes Cell Calls Free +Sports,USADA bans sprinter Young for life +Sports,Shota: I thought I #39;d blown chances sky high +Sports,Future of F1 #39;s British Grand Prix is secured +Sports,NASCAR Green-Flags Liquor Sponsors +Sports,German winner of Hawaii Ironman has positive drug test +Sports,Liz Johnson is first female qualifier for PBA Tour event +World,UK says to evacuate 400 Britons from Ivory Coast By Reuters. <b>...</b> +World,Falluja troops under heavy fire +World,Africans salute Yasser Arafat +World,Car bomb kills 17 in Baghdad +Business,Intel Names New CEO +Sports,"Serena Fights Back, Davenport Off to a Flier in LA" +Sports,"Shaq, Wade Have Turned Up the Heat in Miami" +World,"After Arafat Death, Sharon Vows to Pursue Gaza Plan" +Business,Pep Boys Stock Down After Earnings Miss +Business,"Lower Oil Prices, Intel Help Stocks Rise" +Business,Jones Apparel to Buy Barneys in \$400 Mln Deal +Business,Nortel Delays Filing Results -- Again +World,Dutch Say Murder Suspect Linked to Radical Muslims +World,Mars moon emerges from the dark +Sci/Tech,Former Microsoft Workers Charged with Stealing Software +Sci/Tech,Japan gives OK to Sun desktop suite +World,US Forces Meeting Less Resistance in Fallujah +Sci/Tech,Intel board backs Otellini as CEO +Business,Tiffany profit slips on weak Japan sales +Business,Weak German GDP: Eurozone fears +Business,EBay buys top Dutch classified-listings site +Sci/Tech,Frances competition watchdogs do not consider iTunes a problem +Sci/Tech,Intel Introduces New Itanium +Sci/Tech,Wireless operators ink WiFi roaming agreements +Business,WTO ruling on net gambling angers US +Business,Canadian Tire Q3 revenue tops \$2 billion +Business,Tiffany #39;s Net Falls 26; Shares Drop on Forecast Cut (Update5) +Business,Pep Boys 3Q Profit Off 48 Pct. to \$7.7M +Business,Stocks in Motion: GenCorp +Business,EU Clears Disney-Columbia British Venture +Sports,New job offer shocked Robinson +Sports,Gill Fears Glazer Intervention +Sports,WILLIAMS WARY OF COMPLACENCY +World,Rebels fight for life in Fallujah; car bomb rips through Bagdhad +Sci/Tech,Red Hat opens China office +Sci/Tech,In Brief: Infragistics teams with Mercury to automate .Net testing +Business,Update 3: German Recovery Slows in Third Quarter +Business,Steel Partners Offers to Buy Up GenCorp +Business,"EU Clears UK On-Demand Venture by Disney, Sony" +Business,eBay Buys Dutch Classifieds Site +Sci/Tech,Mozilla #39;s Firefox about to be released on market so far dominated <b>...</b> +Sci/Tech,Arctic meltdown opens alternative sea routes +Sports,Cricket: Warne - Leave it to umpires +Sports,"Lee, MacGill help NSW fire out Kiwis for 213" +World,"Arafat, his Legacy and the Future" +Business,Time to Buy a Value Meal? +Sports,Triathlon: Kraft tests positive for drugs +Sports,"Spurs 91, Warriors 71" +Sports,Dime smack: LeBron looking more like MJ +World,Clinton Says Arafat Missed the Chance for Peace +World,Snipers stall Fallujah blitz; Allawi #39;s kin kidnapped +World,Israel Re-Arrests Nuclear Whistleblower Mordechai Vanunu +World,IRAN * EU * ATOM * MORATORIUM +World,At least 17 dead in Baghdad blast as Fallujah fighting goes on +Business,PeopleSoft Rejects Oracle #39;s #39;Best #39; Offer +Business,World Body Wants US To Allow Online Gaming +Business,"Canadian Tire Net Rises 17, Helped by Credit Cards (Update1)" +Business,Nortel Further Delays Release of Financial Statements +Business,Blockbuster offers to buy Hollywood +Sci/Tech,Microsoft v Google Times Online #39;s verdict +Sci/Tech,When the Northern Lights Moved South +World,India announces troop reduction in Kashmir: +World,Chinese sub detected in Japan waters +World,"Settling into Camp Dogwood, Iraq" +World,Junk mailers get the human touch +World,Mystery Lingers: Whereabouts of His Hidden Fortune +Business,"Coca-Cola Lowers Targets, Boosts Spending" +Business,Icelandic firm buys fashion chain +Business,"US economy can manage a rise in rates, say economists" +Business,PeopleSoft reject final Oracle offer +Business,Coke #39;s Isdell: #39;We have underperformed since 1997 #39; +Business,WTO Rules US Must Allow Online Gambling +Business,Intel Taps Otellini As Next CEO +Business,German economic recovery runs out of steam +Business,Soybean rust discovered in US +Sci/Tech,MSN Launches Search Beta +Sci/Tech,Correction: Tech-Test-Firefox-Browser +Sci/Tech,Gmail Gets Off its Web Perch +Sci/Tech,Trojan horse spies on Web banking +Sci/Tech,Big or Small NASA Space Vision? +Sci/Tech,French Courts Give Rights Win to Apple +Sci/Tech,New Trojan Spams SMS +Sci/Tech,SC2004: Top HPC Systems Keep Pushing Performance Limits +Sci/Tech,Microsoft issues one fix in monthly security update +Business,Rogers May Seek Remainder of Its Wireless Unit Shares (Update1) +Sports,Serena Wins Thanks to Myskina Choke at WTA Championships; McEnroe <b>...</b> +Sports,German winner of Hawaii Ironman confirms positive test +Sports,PREVIEW-Rugby-England #39;s Robinson era set for high-scoring start +Sports,Hossa jumps to Swedish league +Sports,Germany could lose equestrian gold +Business,Pep Boys Stock Down After Earnings Miss (Reuters) +Sports,Turin Winter Games Organizers Sign Peace Deal +Sports,Foot ailment in early stages +Sports,Santana had breakout season; Schilling got title +Sports,Pirates agree to terms with Mesa and Torres +Sports,New South Wales starts strongly +Business,Children's Place Pleases +World,Tributes for Arafat Focus on Efforts for Palestinian State +World,"As US Advances in Falluja, New Fighting Erupts in Northern Iraq" +World,"Iran, EU diplomats hold quot;positive quot; nuclear talks, but no deal yet" +World,Insurgents may have fled Fallujah +Business,Whole Foods' Healthy Outlook +Business,Tiffany Profit Slips on Weak Japan Sales (AP) +Sports,Senators' Hossa Heads to Swedish League (AP) +Business,Goings-On Down Under +Sports,Twins' Santana Named AL Cy Young Winner +Business,Oil Drops Another Dollar on Rising Supply +Sports,Turin Winter Games Organizers Sign Peace Deal +World,"As U.S. Advances in Falluja, New Fighting Erupts in Northern Iraq" +Sports,Nets' Mercer Slated for Surgery +Sports,Pirates Agree to Terms with Mesa and Torres +Sports,Berlin to host 2009 world athletics championships +Sci/Tech,Police arrest phishing mob suspect +Sci/Tech,Trojan horse spies on Web banking +World,"After Arafat Death, Sharon Vows to Pursue Gaza Plan (Reuters)" +World,Flooding Kills 11 in Indonesian Java +Sports,"MLS, Players' Union Reach Tentative Deal (AP)" +Sci/Tech,Techs Can't Find Hangover Cure (washingtonpost.com) +World,Bank of Ireland Posts Rise in Earnings (AP) +Sci/Tech,Correction: Tech-Test-Firefox-Browser (AP) +Sci/Tech,Edward C. Baig: Personal Tech - Satellite radio in the palm of your hand (USATODAY.com) +Sci/Tech,Elcoteq Focuses on Design to Tap Hefty Demand (Reuters) +Sci/Tech,Dell close to adopting AMD chips (InfoWorld) +Sci/Tech,Arctic Thaw Could Open Vast Oil and Gas Region (Reuters) +Sci/Tech,Gap's garment gadget blasts your favorite tunes +World,U.S. Had Stormy Relationship With Arafat (AP) +Sci/Tech,Pesticide Study Using Children Postponed (AP) +Sci/Tech,Hurricanes Blamed for Fruit Infection (AP) +Sci/Tech,NOAA Observes Killer Whales After Valdez (AP) +World,Rebels Set Off Land mine in Indian Kashmir; 11 Dead +Sci/Tech,WHO Urges Science to Keep World Healthy (AP) +Sci/Tech,Exclusive: Dell close to adopting AMD chips +World,"Republicans, Democrats Swap Louisiana House Seats (Reuters)" +Business,Nortel delays filing for fourth time +Sci/Tech,Microsoft says Firefox not a threat to IE +World,Iran answer on nuke freeze not definitive-diplomat +Business,Antigua Gets A Piece Of The Action +Sci/Tech,Internet pirates 'cost software firm hundreds of millions' of dollars (AFP) +Sports,Villarreal's Senna Suspended for 60 Days (AP) +Sci/Tech,Gmail Lands In Outlook +Sci/Tech,Suspected Russian mobster charged with phishing +World,U.S. Says Fallujah Assault Successful (AP) +Sports,"Pirates agree to terms with Mesa, 38" +World,Japan raises submarine issue with China: report (AFP) +World,Carter hopes for new peace talks in wake of Arafat #39;s death +World,Bush Honors Fallen American Soldiers (AP) +World,Milosevic calls leaders to trial +Sci/Tech,"Brown Bears Came to N. America Earlier Than Thought, Fossil Suggests" +Sci/Tech,African Bush-Meat Hunting Linked to EU Overfishing +Sci/Tech,"Indonesia Peat Fires May Fuel Global Warming, Experts Say" +Business,NYSE probing late trading for price manipulation +Business,Intel Names Otellini New CEO +Business,Report: Russian Gov #39;t Approves Merger Plan +Business,Jones buying trendy Barneys +Business,Union votes to authorize strike if talks break down +Business,German economic recovery slows down +Business,Steel Partners Bids \$700 Mln for Gencorp +Business,UPDATE 1 - Fitch cuts Merck #39;s triple-A rating by two notches +Business,Charles Schwab to Merge 19 Offices +Business,EBay Buys Dutch Classifieds Site for \$290M +Sci/Tech,NASA #39;s Scramjet Could Reach Mach 10 +Sci/Tech,"Cisco Warns Routers, Switches Are Vulnerable To Denial Of Service <b>...</b>" +Sci/Tech,French Court Rules Apple Need Not Share FairPlay Technology +Sci/Tech,Police arrest phishing mob suspect +Sci/Tech,Reebok Debuts Pricey Pump 2.0s +Sports,Indo-Pak ODI much more than a cricket match: Inzamam +Sports,Santana captures Cy Young Award +Sports,"Roddick, Fish lead US challenge" +Sports,Randle #39;s temper may cost him the season +Sports,Germany Could Lose Third Olympic Equestrian Gold +World,Vanunu re-arrested +Sci/Tech,MSN Launches Search Beta (NewsFactor) +World,Colombia Says It's Winning Vs. Rebels (AP) +World,Court Dismisses Takeover Bid Challenge (AP) +Sci/Tech,Microsoft Sees #36;100 Million First Day for 'Halo 2' Game (Reuters) +World,U.N. Downplays S. Korean Nuke Experiments (AP) +Business,GM Deal: Hitch Included (The Motley Fool) +Sci/Tech,"Intel Introduces New Itanium, but Microsoft Skips It (NewsFactor)" +Sci/Tech,French Courts Give Rights Win to Apple (NewsFactor) +Business,Intel Names Otellini New CEO +World,Trade to Dominate Bush's Farm Agenda (AP) +Business,Coke: Looks Like Sody Pop +Business,Jones Apparel to Buy Barneys for \$400 Mln +Business,I Caught You Looking! +Business,Tiffany Posts Unexpected Dip in Earnings +Business,GM Deal: Hitch Included +Business,Stocks Rally as Oil Drops; Techs Strong +Sports,Vikings' Losses Echo Last Season's Woes (AP) +Business,Steel Partners Bids \$700 Mln for Gencorp +Business,Tire Makers Oppose U.S. Plan for Monitors +Sports,Illinois' Randle Out Up to 10 Weeks (AP) +World,Iran Answer on Nuke Freeze Falls Short - Diplomat +World,Israel Arrests Nuke Whistleblower Vanunu for 'Leak' +Sci/Tech,Playboy is a Mirror for Tomcat? +Sci/Tech,Another Rojo Review +World,The Netherlands: Death of Theo van Gogh +World,Israeli Nuclear Whistle Blower Arrested (AP) +Sci/Tech,Blockbuster Offers #36;700M for Rival Chain (AP) +Business,Sears Up 5 Pct on Real Estate Enthusiasm (Reuters) +Sci/Tech,Quechua 1.0: Microsoft to launch Windows in the language of the Inca (AFP) +World,Survey: Format Influenced Voter Priorities (AP) +Business,Sears Up 5 Pct on Real Estate Enthusiasm +Sci/Tech,Microsoft Unveils Beta MSN Search Site +Sci/Tech,Wanted by the police: A good interface +Business,Crude futures fall despite renewed heating oil fears ahead of <b>...</b> +Business,Evansville Airline Pulling Out +Sci/Tech,Microsoft releases Beta MSN Search to counter Google +Sci/Tech,Google Makes Gmail Portable +Sci/Tech,Life-or-death UI issues +Sci/Tech,Ga. evolution dispute embarrasses some +Sports,Arsenal peace pact with United +Sports,England v Canada (Sat) +Sports,Johan Santana set the Twins #39; single-season club record with 265 <b>...</b> +Sports,The US team is set for Spain for the Davis Cup final +World,Iran gives contradictory answer to European proposal +World,Sharon says recent events may be turning point in Mideast +Sports,"Pakistan team to visit Ganguly #39;s restaurant, watch Mughal-e-Azam:" +Sports,Former PGA Champion Harper passes away +World,S Korea chided for nuclear tests +Sci/Tech,"Otellini: soft-spoken, ruthless and an Intel lifer" +Business,US Airways to end flights to Evansville +Business,"Schwab plans new, smaller branches" +Business,UPDATE 1-Schwab adjusts branch network to save costs +Sci/Tech,Courts not convinced in Apple DRM battle +Sports,"Gunners, Devils to call truce" +World,Tokyo battered by record winds; 14 injured +World,Arafat #39;s death critical time for Palestinian people - Goff +Business,Tech Stocks at 7-Month High as Oil Drops +Sci/Tech,Gap's gadget garment blasts your favorite tunes +Sci/Tech,Intel's Pentium M finally attracts US consumers +Business,A Hollywood Blockbuster +Business,Intel's Extreme Makeover +Sci/Tech,Global Wi-Fi Access Deal Makes World Wireless +Sports,No. 2 Oklahoma Wins Big 12 Title Game Over Colorado +Business,S.E.C. Warns American Exchange Officials of Civil Charges +Sci/Tech,Clinton vs. the evil alien overlords +Business,Dell Profit Rises +Sci/Tech,Inuit Seek to Pressure U.S. to Slow Arctic Thaw (Reuters) +Sci/Tech,"Finding No Fish, Ghanaians Turn to Bushmeat, Report Says (Reuters)" +Business,Fed makes it four in a row +Business,Dell reports strong third-quarter profit +Business,Analysis: Intel #39;s new CEO faces big challenges +Business,S amp;P may cut Blockbuster #39;s rating +Business,Sino-Brazilian ties enter new era +Business,Nortel Misses Third Refiling Deadline +Business,Report: Telecordia to be Bought for \$1.3B +Business,"Moody #39;s cuts Bombardier ratings, outlook negative" +Business,Chip Stocks Up on Intel Personnel Changes +Business,"Schwab unit to merge 19 branches, launch 54 satellite offices" +Business,Tax query for BP's Russian ally +Sci/Tech,UN Nears Showdown on Pact to Ban Stem Cell Study (Reuters) +World,Vanunu arrested by Israeli police +Business,"Coke Cuts Earnings, Volume Targets" +Business,Kohl's Profit Up on New Clothing Brands +Sci/Tech,Attacking the alternative +Sci/Tech,Wireless Carriers Ink International Roaming Deal +Sci/Tech,POP Goes the Gmail +Sci/Tech,Ion drive probe set for lunar orbit +Sci/Tech,Microsoft Issues Only One Fix in Monthly Security Update +Sci/Tech,Environmentalists intend to sue over sharp-tailed grouse +Business,Target Posts Higher Profit +Sports,Pizza pair scoff at FA #39;s call to order +Sports,Paul cracks code to go on mission for England +Sports,Toward sensible soccer tiebreakers +Sports,Truby gets one-year contract +Sports,Red Sox present World Series trophy to Rhode Island +Sports,New York Launches Final 2012 Olympics Bid +Sports,Messina held by Palermo +World,Iran #39;s nuclear deal #39;not definitive #39; +World,Israelis seize Vanunu inside cathedral +World,UN envoy to Iraq discusses political process with Prime Minister +Sports,Roddick to Lead U.S. Against Spain in Davis Cup Final +World,Blair Flies to Stand by Bush in Post-Arafat Plans +Business,Delta Pilots Agree to Cuts +World,Iraq Rebels Hit Back Amid Falluja Battles +Sci/Tech,Samsung to Sell U.S. High-Speed Phone in Early 2005 +World,New rebel tactics emerge in Fallujah +Sci/Tech,Intel's Pentium M finally attracting U.S. consumers +Sci/Tech,Nevada exit poll shows voters prefer paper receipt +Sci/Tech,Dell Posts \$846M in 3rd-Quarter Earnings +World,"On litter-strewn street, Palestinians mourn" +Sci/Tech,Dell's Q3 results set company records +Sci/Tech,Insurers face new technology reality +Sports,Meyer accepts coaching job at Florida +Sci/Tech,Wi-Fi a/b/g superchip threatens Bluetooth +World,W.H.O. Panel Backs Gene Manipulation in Smallpox Virus +Sci/Tech,Q A: Sun's Jonathan Schwartz on the Solaris 10 launch +Business,Tumbling dollar is bringing a global moment of truth +Sci/Tech,T-Mobile in Wi-Fi Roaming Pact +Sci/Tech,ESA TV Service Coverage of Smart-1 Lunar Insertion +Sports,"Roddick, Fish lead US Davis Cup team" +Sports,Woodwork leaves Sicilian derby goalless +Sci/Tech,Microsoft issues one fix in monthly security update +Sci/Tech,"Northrop, Boeing consider teaming on manned space vehicle" +Business,Dell Profit Rises (Reuters) +World,Make Arafats dream a reality - Annan +World,Yasir Arafat Dies +Business,The Airbus Showdown +Sports,"MLS, players #39; union reach tentative agreement" +Sports,Royals seeking Mr. Right Now +Sports,Miami Could Still Shake Up Front Office (AP) +Sci/Tech,Q A: i2's Sanjiv Sidhu on SCM strategies +Sci/Tech,Future Watch: Supercomputing technology to keep tabs on +Sports,NBA Sets First-Week Attendance Record (AP) +Sci/Tech,Energy execs debate future of broadband over power lines +Sports,O'Brien Sues OSU for #36;3.4 Million (AP) +Sci/Tech,Dell's third quarter results break company records +Business,Telcordia to sell for \$1.3B: newspaper +Business,Soy Group Sees Ample Fungicide Supply for Rust +Business,SBC Details Fiber Plans +Sports,Texas #39; Johnson was a finalist in 2003 +World,End of the Arafat era +World,Rebels spread chaos to Mosul +World,Iraq Rebels Hit Back Amid Falluja Battles (Reuters) +Sci/Tech,Samsung to Sell U.S. High-Speed Phone in Early 2005 (Reuters) +Sports,Reds Agree to Minor League Deals (AP) +Sci/Tech,Supreme Court to Hear Case on Cable as Internet Carrier +Sports,NBA Sets First-Week Attendance Record +Sports,O'Brien Sues OSU for \$3.4 Million +Sci/Tech,Microsoft Deadline in Calif. Settlement Extended +Sci/Tech,AOL's Broadband Service in South to End +Business,Energy futures prices rebound on NYMEX +Business,UPDATE 3-SBC sees \$5 billion in costs for fiber build +Business,China builds on ties with Brazil +Business,"Warburg, Providence to buy Telcordia for \$1.3 bln-WSJ" +Business,Martha Stewart Living to replace CEO +Business,USDA confirms Asian soybean rust in US +Business,Tech Stocks Lead Way as Markets Surge +Business,Pixar reports profits up 70 percent +Sci/Tech,Wireless Carriers Ink International Roaming Deal +Sci/Tech,NASA to Attempt Mach 10 Flight Next Week +Sci/Tech,Design Questions and Public Safety +Sci/Tech,FBI Makes Arrest in Windows Source Code Theft +Sports,Santana #39;s amazing run ends in no-question Cy Young +Sports,Guevara honored as MLS MVP +Sports,Sicilian Derby Ends In Draw +Sports,Names in the Game +Sports,Packers seek local rule +Sci/Tech,Contemplating a PC Market Without I.B.M. +World,Norwegian Mistakenly Burns Cash for Heat (AP) +World,Dignitaries Expected at Arafat's Funeral (AP) +Business,Smart Money (Forbes.com) +Business,"Buy, Sell, Insult (Forbes.com)" +Business,Private World (Forbes.com) +Sci/Tech,Checking In as a Do-It-Yourself Project +World,Bush Honors 'Hidden Heroes' in Military (AP) +Business,Delta Pilots Approve Concession Package +World,Fed Panel Presses Gulf War Illness Aid (AP) +Business,"Coke cuts growth goals, saying it missed trends" +Business,Nortel delays report again +Business,Japanese order data weigh on stocks +Business,"S amp;P scores post-9/11 high on Fed statement, lower oil" +Business,Telekom lifts forecast as net rises +Business,Pixar Profit Up 70 Percent +Business,Delta Pilots Vote to Accept 32.5 Percent Pay Cut +Sci/Tech,New MyDoom Attacks May Signal #39;Zero Day #39; +Sci/Tech,Wireless Roaming Crosses Borders +Sci/Tech,Google Adds POP3 Support to Gmail +Sci/Tech,Evolution debate ongoing in Georgia +Sports,Horns honk in Caracas: Santana is unanimous AL Cy Young winner +Sports,Messina draws Palermo 0-0 +Sports,NBA to experiment with 3-point rules in NBDL +Sports,Roddick to Lead US Against Spain in Davis Cup Final +Sports,Moss to miss second straight game +World,Farewell Yasser Arafat +World,Pence Sees Arafat Death as Opportunity for Mideast Peace +World,Lawmakers focus on NK nuclear issue +World,EVENT LISTING FOR NOV. 12 IN TAIWAN +Sci/Tech,The Teeming Crowd in Video Games +Sci/Tech,Dell CEO Says Considering AMD Chips for Servers +Sci/Tech,A Long March From Maoism to Microsoft +World,Two die in Philippine train crash +World,Blair lands in US for Bush talks +World,"Floyd Norris: \$, , : Some historical perspective" +Sports,Moss to Miss Second Straight Game +World,Typhoon-Like Gusts Hit Japan; 13 Injured +Business,Coke scales back goals +Business,US rate hike seen as Fed meets +Business,Dell Posts a Higher Quarterly Profit +Sci/Tech,SBC to invest \$4 billion in fiber upgrade +Sports,Baseball GMs Split on Instant Replay (AP) +Sci/Tech,Privacy experts shun black boxes in cars +World,Up to 30 Reported Killed in Rebel Attacks in Baghdad +Business,Martha Stewart Names Lyne Chief as Patrick Resigns (Update1) +Business,Kohl #39;s 3Q Profit Up 19 Percent to \$143.8M +Sports,Running Deep +Sports,"Clemens, Hentgen File for Free Agency (AP)" +World,Arafat #39;s ultimate failure was that he never dared to let go of the <b>...</b> +World,Fallujah assault sparks Iraq-wide attacks +World,Israel arrests nuclear whistleblower for #39;leak #39; +Sci/Tech,Google Adds More Searchable Pages +Sci/Tech,Google star of Firefox #39;s new browser +Sci/Tech,Hackers Get Very Fast At Exploiting Microsoft Flaws +Sci/Tech,Google #39;s Gmail Gets POP Support +Business,Coca-Cola lowers long-term growth targets +Business,"SBC details plans for fiber network, IP-based TV" +Sports,Mich. Tech: Beacon in College Football (AP) +Sci/Tech,"Otellini: soft-spoken, driven and an Intel lifer" +Sci/Tech,Tech gadget awards offer CES 2005 sneak peek +Sci/Tech,Hot Gadget Preview at CES 2005 Awards +Sci/Tech,MyDoom Worm May Signal Dreaded 'Zero-Day' +Business,Moody #39;s Raises New York State Bond Rating +Sci/Tech,European scientists envisage robotic village on moon +Sci/Tech,Microsoft Security Bulletins +Sci/Tech,Samsung to Sell US High-Speed Phone in Early 2005 +Sci/Tech,Trojan Mugs UK Web Banking Customers +Sports,Federer to clash with Hewitt +Sports,"Krenzel gets in full practice, ready to go" +Sports,LPGA statistics +Sports,Mavs place Finley on injured list +Sports,"Good friends outside the ring, Byrd and McCline meet for <b>...</b>" +Sci/Tech,AOL Tells Customers to Find New Carrier (AP) +Sci/Tech,Dell CEO Says Considering AMD Chips for Servers (Reuters) +Sci/Tech,Pentium M Draws More Buyers (PC World) +Sci/Tech,Motivated Seller (Forbes.com) +Sci/Tech,Google Search Index Booms to 8 Billion +Business,EU approves a small rival for BSkyB +Sports,"Right now, it #39;s not good to be the Kings" +Sci/Tech,Fisheries link to bushmeat trade +World,Intel's President Is Promoted to C.E.O. +Business,Component prices play key role in Dell earnings +Business,SBC lowers projected cost of fiber buildout +Business,"Japanese Stocks Gain, Led by Advantest on Oil; Aeon Declines" +Business,Moody #39;s Upgrades Credit Rating for South Australia State to Aaa +Business,Big Dig leaks water and cash +Sci/Tech,Fossil indicates ancient brown bears migrated south before Ice Age +Sci/Tech,"Arctic warming is good news for oil companies, but not for <b>...</b>" +Sports,Clubhouse Is Opened to Sifford +World,5 confirmed dead in train mishap in northern Philippines +World,Lawmakers question delayed response to sub +Business,Dollar Inches Up Vs Yen +Business,Nikkei Average Rises One Percent +Sports,Santana Wins A.L. Cy Young +Sports,Don #39;t let children buy Bonds #39; pitch +Sports,Paterno Rumor Goes Into Denial +World,African leaders launch peace talks as Ivory Coast evacuation <b>...</b> +World,Over 100 injured US soldiers flown to Germany +Sports,Moss officially out for Green Bay +Sci/Tech,REVIEW: the #36;70 Portable Video Player (AP) +Sci/Tech,Microsoft Launches Web Search Technology (AP) +World,"Bush, Blair to Discuss Life After Arafat (Reuters)" +Sci/Tech,Microsoft Search Encounters Glitches on First Day (Reuters) +Sci/Tech,Microsoft Extends Custom Support For NT Server Through 2006 +World,"Analysis / Public praise, political power" +Sci/Tech,Lycos screen saver attacks spammers +Sci/Tech,Microsoft Search Encounters Glitches on First Day +Sci/Tech,Fossil Indicates Brown Bears Went South (AP) +Sci/Tech,Ancient Elephant Fossil Found in China (AP) +World,Rumsfeld: El Salvador Can Be Iraq Model (AP) +World,Frist Urges Democrats to Stop Filibusters (AP) +Sci/Tech,Test could spot Alzheimer's early +Business,Wall Street takes heart from Fed #39;s upbeat economic outlook +Business,"Asian Stocks: Japan Gains, Led by Advantest; South Korea Rises" +Business,Coca Cola launches bid for SPC +Sci/Tech,MyDoom mutation draws on IE flaw +Sports,Seeds suffer as French Open champion Gaudio exits at Paris Masters +Sports,Soccer: Honduran midfielder named MLS Most Valuable Player +Sports,Houllier pulls out as Welsh name manager +Sports,Venezuelans celebrate Johan Santana #39;s triumph as AL Cy Young Award <b>...</b> +Sports,Spain names its Davis Cup team +Sports,Major-league reshuffling +World,Train derailment in Philippines kills 6 +Sci/Tech,Microsoft registers trademark--19 years late +Sci/Tech,No fun for game developers +Sci/Tech,Component prices play key role in Dell earnings +Sci/Tech,"AOL, Valista team up for micropayments" +Sports,Ironman Winner Admits Using Banned Drug +Sports,Four share Champions lead +Business,Oracle #39;s #39;best and final #39; offer rejected +Business,"Stock markets rally on Fed statement, lower oil prices" +Business,SPC soars on Coke takeover +Sci/Tech,"It #39;s The Business Model That #39;s To Blame, Not The File Sharing <b>...</b>" +Business,Tokyo Stocks Open Lower in Early Trading +Sports,"McGrady Sits Out With Groin, Hip Strains (AP)" +Sci/Tech,Fossil Indicates Brown Bears Went South +Sci/Tech,Cell Phone Call Quality Ranked In Central Florida +Sci/Tech,Hollywood cant stop the BitTorrent +World,Egypt Prepares for Arafat's Funeral (AP) +World,Arab world mourns a defender of right +World,Bush #39;s Re-election Is Likely to Foster US-China Ties +Sports,"Rookies Range From Wait and See, to Watch Them Go" +Sports,"A New Prospect at UConn, 5,000 Miles From Home" +Sports,No. 6 Syracuse Crushes N. Colo. 104-54 (AP) +Sports,Canada-U.S. Tie 1-1 Tie in Four Nations (AP) +Business,Coca-Cola reduces profit targets +Business,PeopleSoft shareholders seen waiting on Oracle bid +Business,Study May ID Source of Vioxx Problem +Business,EC backs movies-on-demand +Business,Coca-Cola Amatil Bids A\$500 Mln to Buy SPC Ardmona (Update4) +Sci/Tech,Jack Schofield +World,India announces troop reductions in Kashmir +World,Liberal culture under threat in Dutch religious and ethnic crisis +World,Tamil Tigers still enlisting thousands of child soldiers +World,"Indonesia earthquake kills 1, injures 20" +World,Iraq Leader Defends Assault in Fallujah (AP) +Business,Japanese Stocks Higher Despite GDP Data +Sports,MLS's Comeback Kid +Sports,Wizards Start Slow +Sports,Terps Take Stock +Business,Yen Rises Against Dollar +Sports,Fight Night at the Hilton +Sports,Giants Hold On to Warner +Sci/Tech,World #39;s first #39;3D #39; cell display developed +Sci/Tech,New Trojan Sends Spam +Sci/Tech,News: Defendant: Microsoft source code 'sale' was a setup +World,Palestinians prepare to bury Arafat +World,Minister urges hunting compromise +World,Palestinians Grieve Over Arafat's Death (AP) +World,"Philippine Rail Cars Crash Into Ravine, 100 Trapped (Reuters)" +World,Choice of Gonzales May Blaze a Trail for the High Court +World,"Iranians, Europeans Meet on Nuclear Deal" +World,35 U.S. Students Hurt in Chile Bus Crash +Business,Safety Isn't Optional +Business,Martha Stewart Living Replaces Chief Executive +Business,Anti-rollover devices to hit 2005 SUVs +Business,EPA Plans to Make Airline Water Safer +Sci/Tech,Microsoft search: Not yet ready for prime time +Sci/Tech,Explore your browser options +Sports,"Canada, US tie 1-1 at Four Nations Cup international women #39;s <b>...</b>" +World,Japan Buddhists pull sponsorship of Myanmar summit after regime shake-up (AFP) +World,Next Session Last for Two Vets in Congress (AP) +Business,S.E.C. Warns Amex Leaders It May File Civil Charges +Business,Weakness in Demand Shrivels Japan's Output +Business,Oil Prices Edge Up Toward \$48 a Barrel +Business,Schwarzenegger tells Japanese investors they #39;ll #39;be back #39; to <b>...</b> +Business,EPA Backs Nanomaterial Safety Research +Sci/Tech,Trojan horse spies on Web banking +Sports,Patriots Open Season With Lopsided Win +Sports,Expos Look to Fill Several Positions +Sports,Jets Defense Bracing for Encounter With #39;Nightmare Train #39; +Sports,No. 3 LSU Outguns Maine 81-50 in Opener (AP) +World,Bush May Call for Major European Role in Post-Arafat Peace Effort +World,"Iranians, Europeans Meet on Nuclear Deal" +Business,Tech Stocks at 7-Month High as Oil Drops +Business,Scientists Raise Concerns about Arthritis Drug Bextra +Business,"Japanese Stocks Rise, Paced by Canon, Nissan as Oil Price Falls" +Business,NJ Transit riders warned to expect fare hikes in July +Sci/Tech,Microsoft heats up search engine war +Business,Governor makes novel pitch in Japan +Sci/Tech,Defendant: Microsoft source code #39;sale #39; was a setup +Sports,Toshack tipped to be Wales manager +Sports,Pak hold edge for ODI +Sports,Posada OK with signing Pedro +Sports,"No. 6 Syracuse 104, N. Colorado 54" +Sports,Third-ranked Lady Tigers will face Arizona State +World,Police attack Darfur refugee camp +World,President #39;s plane not intercepted: MND +World,Japan presses Pyongyang on six-party nuclear talks +Sports,Larkin interested in Expos +Sci/Tech,Using a New Language in Africa to Save Dying Ones +Sci/Tech,Verizon Wireless Makes an Appeal to Rival's Subscribers +Sci/Tech,Dell Profit Rises 25 as Sales Beat Growth Rate for Industry +Business,Companies Struggling to Meet Deadline on Financial Controls +Sci/Tech,Security Vendor Reports XP SP2 Holes; Microsoft Disputes Claims +Sci/Tech,A Legal Gun in the Open-Source Corral +Sports,Mauresmo Wins Easily in WTA Championships (AP) +Sports,"No. 3 LSU 81, Maine 50" +World,Islamabad welcomes move +Sci/Tech,LIDAR Laser Radar Finding More Uses (AP) +Sports,Penn St. Denies Paterno Rumor +World,Caution in Court for Gay Rights Groups +Sports,In A Rush To Return +Sports,NBA Game Summary - Dallas at Miami +Sports,Seminoles Rally +Sci/Tech,Nortel delays filing results -- again +Sci/Tech,Search Engine Forums Spotlight +Business,"GM, Ford to Increase SUV Stability Systems" +Business,"Union Sees Progress In Talks, Hotels Don #39;t" +Sports,"Right man, right time and only choice" +Sports,"Timberwolves 96, Rockets 91" +World,. . . and Lost Chances +World,Singh announces troop reduction in held Kashmir +World,Dutch lawmakers say terror threat underestimated +Sci/Tech,Hewlett-Packard takes another stab at software +Sci/Tech,"Vote Fraud Theories, Spread by Blogs, Are Quickly Buried" +Sci/Tech,Wanted by the Police: A Good Interface +Sports,Skating Champion Hamilton Has Benign Brain Tumor +Sports,Garnett Sinks Rockets +World,"Philippine Rail Cars Crash Into Ravine, 10 Dead" +Business,COO Otellini To Take Helm at Intel +Business,Coke CEO reduces earnings forecasts +Business,Pilots OK cuts to rescue Delta +Business,Blockbuster offers to buy Hollywood Entertainment +Business,S amp;P-500 Reaches Post-9/11 High Point +Business,Martha Stewart Living names ex-ABC official as CEO +Sci/Tech,Microsoft search encounters glitches on first day +Sci/Tech,Voyager Capital Becomes the First Venture Firm to Join the Open <b>...</b> +Sci/Tech,"Boeing, Northrop Grumman to team up on spaceship" +Sci/Tech,Spotlight #39;s on #39;Halo 2 #39; +Sports,Canada-US Tie 1-1 in Four Nations Cup +World,FRIDAY #39;S EDITORIAL +World,Israeli nuclear spy seized in church +World,Pessimism over latest attempts to restart peace talks in Sri Lanka +World,Bulgaria #39;s VP Attends Arafat #39;s Funeral +Sports,No. 12 Mississippi State Tops Fairfield (AP) +Business,Delta pilots approve \$1 billion in concessions +Business,Dell Profit Rises 25 as Sales Beat Growth Rate for Industry +Business,Diddy #39;s New Digs +Sci/Tech,Microsoft #39;s SP2: A fix that derails some computers +Sci/Tech,Venture Capital: Investors see open-source software potential +Sports,Afridi: No clear favourites +Sports,NBA Game Recap +Sports,He Goes From Afterthought to Game-Breaker +World,China's Key Inflation Index Slows (AP) +Business,S P-500 Reaches Post-9/11 High Point +Business,A Blockbuster Bid +Business,"Circulation Fraud Contained, Audit Group Says" +Business,Drug Firm Shares in Slump +Business,A Profession Thrown Into a Tailspin +Business,Laptops drive Dell profits boost +Business,Intel changes put state to test +Business,Coke bottler targets canned fruit +Sci/Tech,Browser war flares again +Sci/Tech,North American cash registers ring up \$125 million US in sales of <b>...</b> +Sports,"No. 12 Mississippi St. 53, Fairfield 49" +Sports,"No. 24 Memphis 102, Savannah St. 40" +Sports,Small market reality arrives +World,Iraqi PM Allawi defends Falluja assault +World,Whistleblower #39;under house arrest #39; +World,Norway Fails to Break Deadlock to Revive Sri Lanka Peace Talks +Business,Grove exits as Silicon Valley legend +Business,Oracle #39;s Fight to the Finish +Business,Dell Q3 profit rises 25 percent +Business,AOL plans to launch travel site +Business,"UPDATE: Wary Of Watchdog, Coke #39;s Amatil Turns to Fruit" +Business,New brands boost Kohl #39;s bottom line +Sci/Tech,"Microsoft Debuts Search Engine, But Skeptics Remain" +Sci/Tech,European craft to probe #39;moon colonies #39; +Sports,Mauresmo crushes Zvonareva +Sports,Artist formerly known as Artest +Sports,Giants: Warner set in his ways +Sports,Elbow bend common in Test cricket: Murali +Sports,JETS STARRING IN #39;SURVIVOR #39; +World,Train falls into ravine in Quezon province; 10 dead +World,Quake claims 6 lives in Indonesia +World,Violence Erupts Across Iraq at Sites Far From Fallujah +World,Baghdad Blast Kills 17 +World,Area's Palestinians Mourn Loss of a Symbol +Sci/Tech,Belgium Assaults Democracy and Self-Determination +Business,World Stock Index at 3-Year High +Sci/Tech,Microsoft overhauls its engine +Sci/Tech,Trojan Horse Targets Mobile Phones +Sci/Tech,Trojan spammers take aim at mobile phones +Sports,Browns Honor Ex-Player Killed in Vietnam (AP) +Sports,NO QUIT IN HOLYFIELD +World,Euopean press review +World,"Yasser Arafat, dead at 75." +World,Local thoughts on Arafat +World,Too early to expect S. Korea #39;s referral to UN Security Council +World,Thailand Drops Millions of Paper Doves on Muslim Provinces +World,"Bosnia's NATO, EU ambitions at risk over warcrimes suspects, Ashdown warns (AFP)" +World,Indian peace move brightens hope for Kashmir peace (Reuters) +Business,Quarterly profit climbs for Dell +Business,Soybean farmers face a winter of decision +Sci/Tech,Trojans begin spam assault on cellphones +Sports,Seminoles rally past struggling Wolfpack +Sports,Back to basics for Giants offense +Sports,Garnett Delivers For Timberwolves +Business,Japanese growth grinds to a halt +World,Japan to Protest to China Over Intruder Submarine (Reuters) +World,China mine blast toll rises to 33 as inspection drive announced (AFP) +Business,Harvard vs. Kmart +Business,Dueling airlines cut fares +Business,Boston condo sales hot; suburb housing cooling +Business,"Both legislators, firms split on stem-cell incentives " +Business,It's time to talk +Business,Delta pilots OK 32.5 pay cut +Business,Blockbuster offers \$700m for rival +Business,"Seeking to refocus, Intel names nonengineer CEO" +Business,"Coke says earnings, sales growth to slow " +Business,America Online buys into rival of travel websites +Business,"Providence, Warburg near Telcordia deal " +Sports,Gay happy to get his chance +Sports,The rap on Artest: He is off-key +Sports,Optimistic signs ahead? +Sports,NFL games on TV +Sports,"Coach's position is clear, isn't it?" +Sports,"But seriously, folks" +Sports,Keeping frustrations in reserve +Sports,Finley shelved by ankle +Business,US stocks hit highest levels for months +Business,Jones Apparel Group will acquire luxury retailer Barneys New York +Business,"Business briefs, November 12" +Business,Nikkei closes up 1.6 +Sci/Tech, #39;Future of Ice #39; is a poetic and urgent frontline report +Sci/Tech,Telstra launches international Wi-fi roaming +Sci/Tech,Bientt de l #39;AMD chez Dell? +World,Death toll rises to 10 in Quezon train mishap (10:50 am) +World,Indian peace move brightens hope for Kashmir peace +World,Quake shakes Indonesia +World,"Bush, Blair discuss peace prospects" +World,China and Taiwan Vie for Vanuatu Ties +World,"Two US soldiers killed, four wounded during attack in Mosul" +World,"Blair, Bush Meet to Discuss Mideast Peace (AP)" +World,U.S. Forces Say Rebels Trapped in Southern Falluja +Sports,College games on TV +Sports,Local entries facing tall tasks +Sports,"This time, Bentley gives advance notice for playoffs" +Sports,Clarett is charged up but can't dent Ohio St. +Sports,"No stopping Whelan, Weymouth" +World,Japan says mystery sub was Chinese +Sports,Q amp; A Julius Williams +Sports,This week's schedule +World,BSE 'link to different CJD types' +World,Hundreds expected at Peel funeral +World,"With eye toward future, Palestinians mourn Arafat " +World,"A sense of loss, but dream of statehood endures" +World,America increases pressure on Annan over UN scandals +Business,Summary: Coke Scales Back Growth Goals +Business,Consumer relief as oil prices fall +Business,"Tech strength, drop in oil prices spark Wall Street rally" +Business,"GM, Ford target SUV rollovers" +Sports,"Rockets 77, 76ers 76" +World,Japan says submarine that intruded into its waters was Chinese (Canadian Press) +Sci/Tech,Novell foray into Linux market targets large enterprise customers +Sports,Nuggets knock Pistons +Sports,Talkin Boxin - November 11th Edition +Sports,AL Cy goes to Santana +Sports,Syracuse rolls after fast start +World,"Arafat #39;s funeral today, world leaders arrive in Cairo to pay last <b>...</b>" +World,Japan to protest to China over intruder submarine +Business,"7,000 Delta pilots OK cut in pay" +Business,Stocks rise as Dow erases loss for 2004 +Business,"Circulation Fraud Contained, Audit Group Says" +Business,Visteon offers worker buyouts +World,BBC reporters' log +World,Vera Drake up for European prize +Sci/Tech,Microsoft to back customers in infringement cases +World,Chance seen to pursue peace +World,Cairo hosting Arafat funeral +World,Clash of civilizations has landed in Holland +Business,Criminals 'joining finance firms' +Business,"Manufacturers 'could cut 22,000'" +Sports,Tiger stripes +Sports,"From start to finish, it was always USC" +Sci/Tech,Invasion of the Video Game Ads +Business,Coke Warns of Slack Sales for a Year or So +Business,Option to bump up CD rate helps those afraid to lock in +Business,Blockbuster deal? +Business,Pixar may shift release of films +Business,Yen Rises Vs Dollar Despite Japan Data +Business,CORRECTED - UPDATE 2-Franklin likely to settle brokerage charges <b>...</b> +Business,PeopleSoft rejects takeover bid again +Sci/Tech, quot;SMART-1 quot; at quot;gateway quot; to the moon +Sci/Tech,1Gbit NAND flash prices to drop 50 by 2Q 2005 +Sci/Tech,Rain moves northern Ariz. down drought scale +Sci/Tech,NASA Scramjet Aims for Speed Record +Sci/Tech,EC vows to pursue Microsoft for abusing its position +Sports,Twins left-hander had 13-0 record after all-star break +Sports,Paterno rumors dispelled by coach +Sports,Boosting MNF by game swaps +Sports,Four tied for 1st after opening round of LPGA Tournament of <b>...</b> +Sports,"Silvertips edge Brandon, 2-1" +Sci/Tech,Lunar Spacecraft SMART-1 ready to orbit around the Moon +Sci/Tech,Micron overtakes Hynix in chip sales +Sci/Tech,Rainfall moves northern Arizona down drought scale +Sci/Tech,Cellphones get debugging tool +Sports,FIGURE SKATING +World,Arafat led Palestinians but failed peace quest +World,"Relief, disbelief in Kashmir as India announces troop reduction" +World,Dutch investigate Muslim militants +Business,Harmony shareholder vote on bid looms +Sci/Tech,New IE Bugs Open Up XP SP2 To Attack (TechWeb) +Sci/Tech,Invasion of the Video Game Ads (PC World) +Sci/Tech,Earlier Editions Of Firefox Flawed (TechWeb) +Sports,Virginia Tech and Miami challenge for a bowl berth +Sports,"Mauresmo Makes Crushing Start, Williams Posts Second Win" +World,Jakarta activist feared poisoned +Sports,"Amid Absences, Rutgers Freshmen Make Presence Felt" +Sports,Big spenders are making waves in Cup +Sports,This week's schedule +Sports,Today's schedule +Sports,"This weekend's sports on TV, radio" +Sci/Tech,Video phones act as dating tools +Sci/Tech,BSkyB subscribers beats forecasts +Sci/Tech,Laptops drive Dell profits boost +Business,COKE #39;S AD POP: \$400M +Business,CEOs resignation a surprise +Business,Jones to buy Barneys +Sci/Tech,"New releases from Google, Firefox" +Sci/Tech,Microsoft Pays \$536 Million in Antitrust Complaints +Sci/Tech,South Korea #39;s LG to file suit to nullify Matsushita PDP patents in <b>...</b> +Sci/Tech,China Mobile to set up experimental 3G network in Beijing +Sports,Football Broadcasters Make Real Thing Look More Like Video Games +Sports,McEnroe backs Henman +Sports,"Huskies face history against Cal, Tedford" +Sports,False alarm triggers response from PSU +World,Tributes for Arafat continue to pour in at UN +World,French women raped in I Coast violence +World,US hits Mosul +World,Govt for early resumption of talks - President +Sci/Tech,Accord Set on Efficiency for Cooling +Sports,No One's Looking Sideways at Georgia Tech Anymore +World,Progress on Japanese abductees +Business,E-tail Fraud Remains a Threat +World,Indian parties to defy strike ban +Sports,Top-Ranked U.S.C. Barely Keeps Grip +Sci/Tech,The great blue vs. red state debate +World,Air travelers to US face longer wait +Business,Intel Chief Barrett Laments Timing Sucks #39; for His Departure +Business,Struggles Continue for Coke +Business,New boss for Martha +Business,Pixar looks to boost film revenues +Business,Insurer Allianz Beats Expectations +Business,Struggling auto parts maker offering buyouts to salaried employees +Sci/Tech,New Microsoft search engine opens war for Internet dominance +Sci/Tech,Dell may sell AMD based servers - Dell CEO +Sci/Tech,Technology ; Four Charged In Microsoft Thefts +Sci/Tech, #39;Halo 2 #39; clears \$125 million in first day +Sci/Tech,Micron Strikes Deal With US in Price Fixing Probe (Update2) +Sports,"UPDATE 1-Mauresmo starts strongly, Williams wins again" +Sports,Don #39;t walk out on Wales this time +Sports,Santana aces Cy vote: Unanimous AL pick gives Schilling due +Sports,Pistons defense falters +Sports,"Canada, US skate to 1-1 draw at Four Nations Cup" +Sports,NFL #39;s TV windfall shows no signs of slowing +World,Arafat #39;s young daughter sees plane off +World,"A hero, a monster, a Mideast icon" +World,Troop withdrawal in Kashmir may begin within a week: +World,UN Says There #39;s No Evidence S. Korea Tried to Make Nuclear Arms +Sci/Tech,BearingPoint May Strive for Adaptability +Sci/Tech,EPA Backs Nanomaterial Safety Research +Sci/Tech,Oracle-PeopleSoft end nears (TheDeal.com) +World,Iraqi Security Forces Fight Rebels in Baghdad +World,"Dutch Raid Kurdish Training Camps, Arrest 29" +World,"Falluja Battle Erupts, Clashes in Baghdad" +Business,A Profession Thrown Into a Tailspin +Sci/Tech,Microsoft release new search engine preview +Sports,Wales expected to appoint Toshack today +Sports,Davis finds it #39;s tough to replace Rivers +Sports,Meehan up from Down Under +World,"People here hope for peace, unity in Middle East" +World,Russian hits McDonald's with coffee burn lawsuit (Reuters) +Business,Otellini #39;s rise moves Barrett and Grove +Business,Delta pilots choose pay cuts +Sci/Tech,Another search beta for Microsoft +Sci/Tech,Europes ticket to the moon +Sci/Tech,"Oddworld Stranger renamed, dated" +Sci/Tech,Video games the answer to society #39;s happiness +Sci/Tech,BOFH: The hostage's guide to lift imprisonment +Sports,"Orange opens 24-0 lead, rolls in laugher" +World,Leaders join Arafat funeral procession +World,Teen flies in plane #39;s landing gear +Business,Otellini to become Intel #39;s CEO +Business,"Target soars, but misses estimates" +Business,Hong Kong Shares Close Higher +Business,Northwest ships Beaujolais to Detroit +Business,"GM, Ford offering safer SUVs" +Sci/Tech,Wells to allow online transfers to other account holders (SiliconValley.com) +Sci/Tech,Microsoft #39;s Google-killer arrives with a #39;whuh? #39; +Sci/Tech,Dell closer to using AMD chips +Sci/Tech,Hit game taking over the streets +Sci/Tech,Defendant: Microsoft source code sale was a setup +Sci/Tech,Microsoft issues one fix in monthly security update +Sci/Tech, #39;Halo 2 #39; is worth the wait +Sci/Tech,Red Hat establishes Chinese operation +Sports,Sharapova lives up to expectations +Sports,New Goodison contract for Moyes +Sci/Tech,Holiday CD showdown: Full press is on (USATODAY.com) +World,Local Muslims reflect on Palestine and peace +World,"Train Accident in Philippines Leaves 10 Dead, 100 Wounded" +World,Iraq Group Claims Kidnapping Of American +World,29 Die in Mine Accident in China +World,"Falluja a #39;Big Disaster, #39; Aid Needed - Red Crescent" +Sci/Tech,PeopleSoft board prepares for worst (USATODAY.com) +Business,Stock Futures Flat Ahead of Data; Dell Up +Business,Oil Holds Near 7-Week Lows on U.S. Weather +Sci/Tech,The \$100 PC: How do we get there? +Sports,Sen. McCain Threatens Baseball Over Steroids +Sci/Tech,Hewlett-Packard takes a new approach to software +Business,European Shares Extend Multi-Year Highs +Sports,Sixth-Ranked Syracuse Opens Hoops Season with Easy Win +Sports,No. 12 Mississippi State Tops Fairfield in Basketball Opener +Business,Dollar Slides Versus Yen +World,Palestinian Mourners Await Arafat's Arrival +Sci/Tech,Cell phones take iPod challenge +Sports,No. 3 Auburn Downs Tennessee for SEC Title +World,Music strikes up at Venice opera +World," #36;350,000 Siphoned From Democrats' Senate Campaign Fund (Los Angeles Times)" +Sci/Tech,Robot Helps NASA Refocus on Hubble +Sci/Tech,Intel Names 30-Year Veteran CEO +Sci/Tech,"GM, Ford Embrace New Systems For SUV Stability" +Sci/Tech,GAO: Social Security Numbers Vulnerable +Sci/Tech,AOL Aims to Lead Internet Travel Purchases +World,Hopes for Eid Solution to Afghan Hostage Crisis +Sci/Tech,Marvel Sues 2 Cos. Over Role-Playing Game +Sci/Tech,Is Microsoft using 'Halo 2' to thwart Xbox hackers? +Sci/Tech,LIDAR Laser Radar Finding More Uses +World,"Falluja Battle Erupts, Unrest Spreads Elsewhere" +World,Dutch raid Kurd 'training camp' +World,Bavaria bans teacher headscarves +World,Palestinians Flood Arafat Compound Before Burial +Sci/Tech,Photo: Are mod chips getting gamers into trouble? +Sports,Sports Buzz +Sports,Comeback establishes James as Cavs #39; leader +Business,Stocks to Watch +World,Norway peace bid for Lanka ends without breakthrough +Business,Report: PeopleSoft prepares for proxy fight with Oracle +Business,Record results for Dell in third quarter +Sci/Tech,Dell #39;going to add #39; AMD CPUs to product line - CEO +Sci/Tech,A brand new way to cell #39;24 #39; +Sports,Everton tie up Moyes until 2009 +World,Japan accuses Chinese sub of entering its waters +World,UN Envoy Decries Excessive Violence in Moving Sudanese Refugees +World,Car Blast Kills 2 in West Bank - Emergency Service (Reuters) +Business,US: No acquisitions on horizon at Coke +Business,"BSkyB gains 62,000 new subscribers beating estimates" +Business,"Nikkei, Hang Seng rally smartly" +World,"For Arafat, Oslo Remained Symbol of Hope (AP)" +Sci/Tech,SMART-1 arrives at the Moon +Sci/Tech,Dell answers the question +Sci/Tech,Former Microsoft Workers Charged With Stealing Software +Sports,New deal for Moyes +Sports,"With president #39;s resignation, civil rights group again in turmoil" +Sports,Athens Olympics cost \$15.2bn +World,Dozens killed in Chinese mine blast +World,Japan Lodges Protest With China Over Sub (AP) +World,"US should not have hyphenated ties with India, Pakistan :" +Business,Charges threat to US market chiefs +Sci/Tech,An Eye on Movie Theater Pirates +Sci/Tech,Curbing Your Enthusiasm +Sci/Tech,These Speakers Go to 11 +Sci/Tech,End of the Road Is Nowhere +Sci/Tech,Longing for a Blogging Candidate +Sci/Tech,Science's Next Big Score +Sci/Tech,Male Contraception Gets a Boost +Business,Cocoa drops as Ivory crisis cools +Business,Virgin 'seeking Indian airline' +Business,Coke CEO: the company may face tough times. Earnings targets <b>...</b> +Business,Jobs: Pixar #39;s #39;Incredibles #39; Derails #39;Polar Express #39; +Business,"Pilots Playing Ball, Sign Delta Pact" +Business,Euro zone growth slows sharply +Business,FAA tries to identify source of ice that struck house +Business,Blockbuster bids for Hollywood +Business,Carrier marks 75th anniversary amid union protest +Business,Retail Sales Up Slightly as Expected (Reuters) +Business,FedEx Ordered to Repay U.S. #36;29 Million (Reuters) +Business,Oil Up from 7-Week Lows on U.S. Weather (Reuters) +Business,"Treasuries Deflated, Consumption Holds Up (Reuters)" +Sci/Tech,Opera Software triples third-quarter loss +Sci/Tech,Red Hat opens office in China +Sci/Tech,Is Microsoft using #39;Halo 2 #39; to thwart Xbox hackers? +Sci/Tech,San Andreas shoots up more than gaming sales charts +Sci/Tech,Trojan targets UK online bank accounts +World,Rebels Shun Ivory Coast Talks as Exodus Goes On (Reuters) +Sci/Tech,Wi-Fi superchip threatens Bluetooth +Sci/Tech,Oddworld Gets Wrathful +Sci/Tech,AOL Enters the Online Travel Market (PC World) +Sports,Chuck stops here +Business,Payless Posts Profit on Cost Control (Reuters) +Sci/Tech,Opera Software Triples Third-Quarter Loss (AP) +World,Gunfire Greets Arafat #39;s Coffin Upon Arrival in Ramallah +World,New peace hope in post-Arafat era +World,10 killed in Philippine train wreck +World,Seoul tests not linked to weapons +World,Indonesian island quake kills 16 +World,"You #39;ll be back, Arnie tells Japan" +World,Dutch raid #39;Kurd training ground #39; +World,Arafat Eulogized as Keeper of Palestinian Dream +World,Hostage in Iraq might be Charlotte man +World,Vanuatu affirms Taipei link +Business,Retail Sales Up Slightly as Expected +World,Coffin Is Carried Through Surging Crowd Ahead of Burial +Sci/Tech,Djibouti Refuge Shelters Endangered Cheetahs (Reuters) +Business,Global Markets: European Shares Climb +Business,FedEx Ordered to Repay U.S. \$29 Million +Business,Stocks Seen Flat Are Oil Edges Higher +Business,Oil Up from 7-Week Lows on U.S. Weather +World,Texas Comptroller Eyes Governor's Race (AP) +Business,"Treasuries Deflated, Consumption Holds Up" +Business,Report: Equity Firms Stalk Adelphia +Sci/Tech,New <cite>Reg</cite> newsletter redefines choice paradigm +Business,Payless Posts Profit on Cost Control +Sci/Tech,The Leonid Meteor Shower 2004: Modest Peak Expected Nov. 16-19 (SPACE.com) +Business,SunTrust Restates Results Over Bad Loans +Sci/Tech,Opportunity Rover to Pack Up and Leave Crater (SPACE.com) +Sci/Tech,"Post-Election Blues, Driven Ever FWD Into the Past" +Sci/Tech,Ancient bear made early migration +Sci/Tech,Web of fury over police pictures +Business,"Long on Cash, Short on Ideas" +Sci/Tech,UN creates Internet governance working group +Sci/Tech,ICANN domain transfer policy takes effect +World,Hopes rest on issue of leadership +Sci/Tech,AOL sets sail into travel search market +World,US marines find Syrian driver kidnapped with French reporters in Iraq (AFP) +World,"17 dead, over 100 injured as powerful earthquakes hit eastern Indonesia (AFP)" +Sci/Tech,AOL Enters the Online Travel Market +Business,"Dollar Ignores Data, Creeps Lower vs. Yen" +World,Chaotic Scenes at Arafat Compound Before Burial +World,Hopes for Solution to Afghan Hostage Crisis +World,"Buddhist Teacher Killed, Two Bombs Hit Thai South" +World,UN Iran Report Held Up as Nuke Freeze Talks Stall +Sci/Tech,Online Holiday Shopping Sales Increase Sharply in 2004 +Sci/Tech,Google and Mozilla Firefox Working Together +Business,Stocks Open Little Changed +Business,Intel #39;s next CEO brings different focus +Business,"Oil rose slightly, supplies increased" +Business,Retail Sales Up Slightly as Expected +Business,Fedex to repay \$29m to US government +Business,Bank restatement shows higher first-half profit +Business,US Stock-Index Futures Rise on Retail Sales; Dell Advances +Business,Update 2: French Gov #39;t May Link EADS With Thales +Business,BSkyB sees profits rise after strong subscriber growth +Business,AOL Enters the Online Travel Market +Business,Nation likely to be 3rd largest trading power +Business,New York's Spitzer Says May Sue Insurer (Reuters) +Business,Consumer Sentiment Improves in November (Reuters) +Sci/Tech,Microsoft search engine thwarted by glitches on first day +Sci/Tech,Microsoft scoffs at #39;10 new XP SP2 flaws #39; +Sci/Tech,Google #39;s Gmail Gains Integration With MS Outlook +Sci/Tech,Warm Warnings +Sci/Tech,MS staff stole \$32.4M in software +Sci/Tech,Halo 2 brings in \$125 million for Microsoft on its first day +Sci/Tech,CA updates spyware-zapper +Sports,"Sharapova, Mauresmo Roll While Serena Struggles at WTA <b>...</b>" +Sports,A major step in the battle for Formula One +Sports,NJ ref a key part of Ruiz-Golota +Sports,Sauber to launch C24 in Malaysia +Sports,Oregon State at Stanford +Business,John Waggoner:Investing - Feel bullish? Try a fund company (USATODAY.com) +World,Arnold hits Tokyo on trade mission +World,Chief of Army to investigate KKK scandal +Business,FedEx Ordered to Repay U.S. \$29M +Business,New Data Shows Slowdown in Euro-Zone Growth +Business,New York's Spitzer Says May Sue Insurer +Business,Consumer Sentiment Improves in November +World,"For Kerik, a Blunt New Yorker, a Complex Washington Task" +World,Probe arrives at Moon's gateway +Sci/Tech,The Election That Never Ends ... Online +World,Bush Pressuring G.O.P. to Approve Intelligence Bill +World,UN Iran Report Held Up as Nuke Freeze Talks Stall (Reuters) +World,French Gov't May Merge EADS With Thales (AP) +World,Activists Storm Parliament in Rebel Georgia Region +Business,Consumers More Upbeat in Early November +Business,Intel Names 30-Year Veteran as Its First Non-Engineer CEO +Business,Stocks Open Little Changed +Business,EADS to make bid for Thales +Business,Siemens plans to delist shares from New York Stock Exchange +Business,New York #39;s Spitzer Says May Sue Insurer +Business,AUSTRALIA: CCA could sell underperforming units +Sci/Tech,Have your say - Microsoft v Google +Sci/Tech,Browser War II: Revenge of Netscape +Sci/Tech,Probe arrives at Moon #39;s gateway +Sci/Tech,Finjan Software warns of ten new vulnerabilities in Windows XP SP2 +Sci/Tech,Gmail users soon able to check e-mail via Outlook +Sci/Tech,Red Hat pushes Linux further into China +Sci/Tech,Trojan logs e-banking habits +Sports,Gronholm has narrow Australia lead +Sports,Athens staged costliest Games +Sports,Sauber to launch new F1 car in Malaysia +Sports,Japanese all-stars rally for baseball win over major leaguers +Sports,Syracuse rolls in tournament +World,"After Chaotic Procession, Arafat Is Laid to Rest on West Bank" +World,EU struggling to reach Iran deal +World,Earthquake rocked Indonesian island killing 16 +Business,"Saks 5th Avenue Names President, COO (AP)" +Sci/Tech,October U.S. Games Sales Up 35 Percent +Sci/Tech,AOL Aims to Lead Internet Travel Purchases (AP) +Business,"Retail Sales Increase, Autos Lose Luster (AP)" +Sci/Tech,AOL Searches for Ad Dollars in New Travel Site (Reuters) +Sci/Tech,"Marathon RePorter extends USB, FireWire, more (MacCentral)" +Sci/Tech,Blue Titan adds reliable messaging to SOA tool (InfoWorld) +Business,Oil Prices Hold Near 7-Week Lows +Business,SunTrust Restates First-Half Results +Business,Spitzer Plans to Sue Insurer +Business,AOL Paddles Into Crowded Travel Pool +Business,Pixar Shares Jump to Record High on Results +Business,"Shortfall sparks downgrades, overshadows Q4 results" +Business,"BSkyB 1st-Quarter Net Increases 3, Adds Subscribers (Update4)" +Business,TXU to Take Eight Power Plants Offline +Business,The Fool's Look Ahead +Sci/Tech,PPC Options +Sci/Tech,European Craft To Probe Possibility of Moon Colonies +Sci/Tech,Police break up European piracy ring +Sci/Tech,More XP SP2 security holes? +Sci/Tech,Dell AMD? +Sci/Tech,IBM #39;s Big Blue back on top as world #39;s fastest computer +Sci/Tech,NASA explores space system companies +Sci/Tech,GoldenEye: RA Goes Gold +Sports,UPDATE 1-FIFA bans Mutu worldwide after cocaine positive test +Sports,"Old Lady running well, Inter Milan held back by X syndrome" +Sports,Hines speeds toward NHRA title in Pro Stock Bike +Sports,Report: NHL not losing as much as it claims +Business,A Fool Looks Back +World,Dutch to Withdraw Troops from Iraq in March +World,"Mine blast kills 33, injures 6 in Henan" +World,Seoul May Ban North Korea College Web Site +World,Activists Storm Parliament in Rebel Georgia Region +World,Leaders pay tribute to Arafat +World,Call for more Darfur peacekeepers +World,EU weighs Iranian nuclear reply +World,Voters show they want more say in growth issues (USATODAY.com) +Sci/Tech,"Greek, British Police Break Illegal Software Ring" +World,Bush to Meet With Latin American Allies +World,Santana Unanimous Pick for AL Cy Young +World,Anheuser Sells CCU Stake for \$299 Million +Business,Oil Little Changed as US Inventories Expected to Meet Demand +Business,"AOL, Kayak to Build Travel Search Site" +Business,Payless ShoeSource Swings to 3Q Profit +Business,US stock futures flat ahead of data +Business,"SunTrust Banks Restates 1Q, 2Q Results" +Sports,Moyes signs new deal +Sports,Peugeot Racing Quotes after SS5 +Sports,LEEDS TAKEOVER COLLAPSES +Sports,Woods ready to get into swing of new game +World,A New Era +World,Leaders pay tribute to Arafat +World,Americans push deeper into Fallujah; Police in Mosul lose control <b>...</b> +Sports,Georgia State Joining CAA a Year Early (AP) +Business,Greece's Olympic bill doubles +Sci/Tech,Red Hat Opens China Office +Sports,Mancini Clashes With Milan Fan +World,"Ivory Coast strife could spread across West Africa, says UN" +World,US forces try to corner militants in Fallujah +World,EU weighs Iranian nuclear reply +Sci/Tech,Study: Supercomputer clusters shortchange security +Sci/Tech,Microsoft grabs lead in handheld market +Business,AOL Doesn't Want Your Business +World,Britain Say 'Miracle Baby' Was a Fraud (AP) +Business,"Payless announces profit, stock surges" +World,Harmony Shareholders Approve New Shares (AP) +World,"Philippine train derails and plunges down slope, at least 12 dead (AFP)" +World,Finance ministers meet to settle dispute over offshore oil revenue (Canadian Press) +Sci/Tech,Dell Contemplates AMD Chip Offerings +Sci/Tech,Administration ignores global warming warnings +World,Rights group: Hundreds missing in Chechnya +World,Computer Glitch Changes Election Result (AP) +Sci/Tech,Sponsor: Cost Savings Through Application Performance Management +Sci/Tech,Blue Titan adds reliable messaging to SOA tool +Sci/Tech,Nortel delays financial restatements again +Sci/Tech,Heat is on...Oceans could rise by a meter by 2100 +Sci/Tech,E-Mail Authentication Faces Hurdles +Sci/Tech,SBC Tunes Into IP-Based TV +Sci/Tech,News: Anti-virus outfit defends job for VXer +Sci/Tech,News: Say hello to the 'time bomb' exploit +Business,"Consumers Keep Spending, Latest Data Show" +Sci/Tech,Space Station Crew to Redock Spaceship (AP) +Business,Jones Apparel: Does Barney's Mean Trouble? +Business,Intel appoints Otellini as CEO +Business,Proxy fight may ensue on Oracle-PeopleSoft saga +Business,"Retail Sales Increase, Autos Lose Luster" +Business,Jones Apparel: Does Barney #39;s Mean Trouble? +Business,Drama Queen's Co. Gets New CEO +Sci/Tech,Supersonic Search Engines +Sci/Tech,Dell Warns Intel with Talk of AMD Inside +Sci/Tech,Parsons: AOL Warns Subscribers Re Broadband Service +Sci/Tech,New observations help Kuiper Belt lose weight +Sci/Tech,Leonid meteor shower to peak next week +Sci/Tech,Hewlett-Packard takes another stab at software +Sci/Tech,"First Verizon, Sprint 3G phone plans emerge" +Sports,Glazer forces out Man Utd directors +Sports,Leeds to sell Elland Road as taekover deal collapses +Sports,Celtic v Inverness CT +Sports,Expos Release Ticket Plan +Sports,Dawgs match up well with Auburn +Sports,=== Rangers re-sign Brocail === +Sports,Ruiz and Golota has the potential for one ugly heavyweight fight +Sports,Artest says he wanted time off for family +Sports,Supah Blitz heads Florida Million card at Calder +Sports,"State of Virginia, not Florida, setting pace" +World,Indonesian island hit by deadly quake +World,Journalists condemn Israel for Vanunu arrest +World,Bush hails Blair as #39;visionary leader #39; +Business,United directors ousted by Glazer +World,Iraqi Insurgents Shoot Down U.S. Army Helicopter +World,"Wild Crowds, Gunfire Force Hasty Arafat Burial" +Sports,Expos Release Plan +Business,"Tech Stocks Edge Higher, Lifted by Dell" +World,Palestinian Minister to Israel: We Want Peace +Sports,Recchi Signs Conditional Deal to Play in Finland +Sports,Artest Back in the Lineup for Pacers +World,Chaos as thousands swarm Arafat burial +Sci/Tech,Microsoft probing reported flaws in Windows XP SP2 +Business,World oil prices rise modestly; to decline further +Business,Air Borne: Delta pilots okay \$1bn in concessions +Business,Survey says Microsoft overtakes Palm +Business,Quest For The Thanksgiving Soda +Sci/Tech,MSN #39;s Latest Search Beta Launched +Sci/Tech,Marvel Sues over City of Heroes +Sports,"Ruiz, Golota Has Potential to Be Ugly" +Sports,Sharapova wins in fine style +Sports,Leeds deny Sainsbury deal extension +Sports,Rangers ride wave of optimism +Sports,Washington-Bound Expos Hire Ticket Agency +Sports,NHL #39;s losses not as bad as they say: Forbes mag +World,Resistance Rages to Lift Pressure Off Fallujah +World,Militants vow to avenge Arafat death +Business,Dollar Ignores Data as Slump Continues +Business,"US Stocks Rise, Led by Technology Shares; Dell Advances" +Business,Microsoft grabs lead in handheld market +Business,Spitzer seen suing Universal Life Resources +Sci/Tech,"Marvel Sues City of Heroes Dev, Publisher" +Sports,"Serena Wins Ugly, Agassi Passes on Masters Cup Benchwarming" +Sports,Keller loaned to Southampton for one month +Business,Spitzer Expects to Sue Universal Life +Sci/Tech,Cybercriminals infiltrating U.K. companies +Sci/Tech,Global warming poses threat to animal life in the Arctic +Sports,Glazer has revenge on Man Utd board +World,Fallujah fighting rages +World,NY #39;s leaders amp; Arabs split +Business,Charitable Donation Rules Are Changing +Sports,Pacers' Artest Back in the Lineup +World,Prosecutor Asks for Eight Years for Berlusconi +Business,US Airways Seeks Court OK to Nix Contracts +Business,Aggregators: Changing the way you book travel online +Business,FedEx told to repay \$29M in 9-11 aid +Business,Forbes Medi-Tech Lifted by EU #39;s Reducol Approval +Business,Romney calls for Turnpike chairman to resign in wake of Big Dig +Business,Kelly: Southwest CEO Slams #39;Anticompetitive #39; Law +Business,China to Invest \$10 Bln Over Two Years in Brazil (Update2) +Business,Windows CE surpasses shipments of Palm OS for the first time +Sci/Tech,Virtualization company moves wares to Windows +Sci/Tech,Can Microsoft Kill Google? +Sci/Tech,Leonid Meteor Shower Peaks Next Friday +Sci/Tech,AMD Climbs on Dell #39;s Server Chip Interest +Sci/Tech,Microsoft Biting the Apple +Sci/Tech,Evolution trial lawyers make final pleas +Sci/Tech,GAME REVIEW: Exciting #39;Halo 2 #39; game shoots for perfection +Sci/Tech,Red Hat Revs Up China Operations +Sci/Tech,Novell sues Microsoft for sinking WordPerfect +Sports,Toshack #39;s big plans for Wales +Sports,Guillen would like to return to Angles +Sports,Badgers ready for conference battle with Spartans +Sports,"Take favorites UTEP, Ball State, Tulane" +World,Europe leverage seems limited in Mideast +World,European-Iran nuclear deal tottering +Sports, #36;11.6B Bill for Athens Games May Climb (AP) +Sports,Pacers' Artest Back in the Lineup (Reuters) +Business,US shoppers splash out in October (AFP) +Sci/Tech,Novell Files Additional Antitrust Suit Against Microsoft +Business,America's Largest Private Companies (Forbes.com) +Business,Spitzer Charges Universal Life with Fraud +Business,"Stocks Resume Rally, Dell Boosts Techs" +World,Black Flags Are Deadly Signals as Cornered Rebels Fight Back +Sci/Tech,US FCC May Back Some Phone Network Sharing-Sources +Business,Target Can Aim High +Business,Kohl's Reconnects With Mothers +Business,Concur Wants to Track Your Travel +World,Dutch Launch International Hunt for Syrian Suspect +World,Rebel Leader Trial Descends Into Chaos -- Again +World,Activists Storm Parliament in Rebel Georgia Region +Sci/Tech,Electronic Arts faces overtime lawsuit +World,Leaders hail Mid-East peace hope +Sci/Tech,Self-Destructing DVDS to Reach More People (AP) +World,Prosecutor Seeks 8-Year Jail Term for Italy's PM (Reuters) +Sci/Tech,The Election That Never Ends ... Online (washingtonpost.com) +Sci/Tech,T-Mobile in Wi-Fi Roaming Pact (NewsFactor) +Sci/Tech,Analyst: Open-Source CRM Not Yet a Contender (NewsFactor) +Sci/Tech,Security Firm Reports Ten New XP SP2 Flaws (NewsFactor) +Sports,No. 22 Alabama Edges Charlotte 101 (3OT) (AP) +Sci/Tech,"PeopleSoft, Oracle: Like Red Sox vs. Yankees? (NewsFactor)" +World,Nigerian President Orders Price Reduction (AP) +Sci/Tech,Context Conference takes place during Macworld Expo (MacCentral) +Sci/Tech,Indigenous Groups Urge U.S. to Slow Arctic Thaw (Reuters) +World,Official: Paige to Leave Education Post (AP) +World,Bush Sees Patriot Act Renewal As Key Goal (AP) +World,Colorado May Be Blueprint for Democrats (AP) +Sports,"BCS takes shape as USC, Auburn complete unbeaten seasons" +Business,Oil Eases as Supplies Offset Winter Fears +Business,Today #39;s business news +Sci/Tech,Novell sues Microsoft over WordPerfect +Sci/Tech,Google doubles search index +Sci/Tech,Police break illegal software ring +Sci/Tech,NASA Managers Available To Discuss Shuttle Return To Flight +Sci/Tech,Probe Gets Cozy with Mars Moon +Sci/Tech,Panel Urges More Funding for US Supercomputers +Sports,IF McCline Is Big Time He #39;ll Defeat Byrd +Sports,FIFA bans Mutu from games worldwide +Sports,Daly #39;s wife pleads guilty +Sports,Hines expects to win title for Pro Stock Bike +Sports,Rose Bowl wants to avoid UM-Wisconsin matchup +Sports,Fulham lose legal fight with Tigana +Sports,Washington-bound Expos hire ticket agency +Sci/Tech,Is Your Domain Name Being Hijacked? +Business,Company: Ameritrade Hldg Corp New +Business,Pixar Guides Higher +Sci/Tech,Study: Supercomputer clusters shortchange security +Sports,US #39;keeper Kasey Keller joins Southampton on loan +Business,DOT orders FedEx to repay \$29 million +World,China to strengthen coal mine safety +Sci/Tech,This answer eclipses all the others +Sci/Tech,Dell CEO says AMD products are on the horizon +Sci/Tech,Major software pirates caught +Sci/Tech,Entreprenuer.com Partners with IndustryBrains for Sponsored Links +Sci/Tech,Windows vs Linux : Web Hosting +Sci/Tech,U.S. OKs Commercial Drilling in Alaska Oil Reserve (Reuters) +Sports,Georgia Vs. Auburn: a Game With Everything (AP) +Business,Oil Finishes Week Below \$50 Per Barrel +Business,Did Dell Excel? +Business,Too High for a Comfortable Fit +Business,Consumers Send Upbeat Signals on Growth +Business,"Stocks Rally on Dell's Outlook, Oil" +Business,The Sound of Gaining 100 in a Day +Business,Microsoft Biting the Apple +Business,"Toys ""R"" Us Has Faithful Friends" +Business,Tiffany's Pricey Elements +Sci/Tech,This week in game news +Sci/Tech,UN creates Internet governance working group +World,Cyprus calls Turkey to EU talks +Sci/Tech,AOL sets sail into travel search market +Sci/Tech,U.S. Airborne Laser Advances to 'First Light' +Sci/Tech,Microsoft probing reported flaws in Windows XP SP2 +Sci/Tech,"Cisco expands WLAN line, teams up with AirDefense" +Sci/Tech,"Greek, British police break illegal software ring" +Sci/Tech,Sun's Linux wins right to be considered in Japan +Sci/Tech,ICANN domain transfer policy takes effect +Business,"US Airways asks to scrap union accords, terminate costly pensions" +Business,Too High for a Comfortable Fit +Business,Hu praises Brazil for recognizing China #39;s market-economy status +Sci/Tech,Nintendo Set to Launch New Game System (AP) +Sci/Tech,Microsoft Takes Lead in PDA Shipments (AP) +Sci/Tech,"Opera Sings Blues, Posting 3Q Losses Triple Last Year #39;s" +Sci/Tech,EPA Will Use Poor Kids as Guinea Pigs in New Study on Pesticides +Sports,Artest #39;s request for time off a troublesome sign; Warriors mull <b>...</b> +World,The Palestinian struggle is greater than Arafat +World,Cry no tears for Arafat +Sci/Tech,Novell Files Additional Suit Vs. Microsoft (AP) +Sci/Tech,Microsoft Biting the Apple (The Motley Fool) +Sports,Vikings' Smith Out Two More Weeks (AP) +World,Bush and Blair present united front on new chance for Mideast peace (Canadian Press) +World,N.C. Voting System Has Many Failures (AP) +Business,Dollar Ignores Data as Downtrend Persists +World,Bush Promises Europe Trip to Heal Divide (AP) +World,Sen. Specter's Critics Turn Fire on Tort Reform (Reuters) +Business,Update 5: Oil Prices Rise Amid Nigerian Worries +World,Ivorian Crisis Vindicates Me -Bagbin +World,Death in the Sudan: The world can no longer delay intervention +World,Scott Peterson Convicted of Murdering Wife +Business,Palm OS PDA Shipments Crash - Windows Mobile (CE) Now #1 +Business,Bombardier Bonds Weaken After Moody #39;s Reduces Rating to Junk +Sci/Tech,Dell CEO Says AMD Looking Good +Sci/Tech,Arguments conclude in evolution sticker trial +Sports,"Sports briefs November 12, 2004" +Sports,Leeds United to sell ground as takeover collapses +Sports,Moyes Dreams of European Adventure +World,Canada's largest Protestant church opposes efforts by some clergy to unionize (Canadian Press) +Sci/Tech,HP to offer first-call support for JBoss app server +Sci/Tech,Vendors seek certification for application security tools +Sci/Tech,Security pros bemoan need for tactical focus +Sci/Tech,Novell's antitrust suit points to continued Office dominance +Sci/Tech,Novell sues Microsoft over WordPerfect +Sci/Tech,AMD talks up hybrid flash memory design +Sci/Tech,First Look: Wearable Camera Debuts +Business,Microsoft Snatches PDA Market Lead From PalmSource +Business,Novell Files Antitrust Suit Vs. Microsoft +Business,More samples from La. and Miss. being tested for soybean rust +Sci/Tech,Nintendo DS Kicking Butt in Japan +Sci/Tech,Sun #39;s Linux wins right to be considered in Japan +Sci/Tech,Possible pollution concerns at Pfizer facility in Portage +World,Arafat #39;s legacy #39;to haunt successors #39; +World,Rumsfeld visits Central America +World,Geographic Photographer Dies in Amazon Plane Crash +World,Brazil Recognizes China as a 'Market Economy' +World,Shining Path retrial halted again +World,Legacy 'to haunt successors' +World,Brazil backs China on trade bid +Sci/Tech,Novell Sues Microsoft Over WordPerfect Software +Business,Stocks Finish Higher on Retail Report +Business,Air Canada holding company reports Q3 loss of \$81M due to <b>...</b> +Business,Novell Sues Microsoft Over WordPerfect Software +Business,JC Penney #39;s Castagna to Leave Company +Business,US Airways asks bankruptcy judge to cancel three union contracts +Business,"Duceppe advocates new, pan-American currency" +Business,AOL Books Reservation for Spot in Online Travel +Sci/Tech,Finjan: Warning users or scaring up business? +Sci/Tech,Dell Soars To Four-Year Highs +Sci/Tech,HP to offer first-call support for JBoss app server +Sci/Tech,Nintendo DS Feature a Day #4 +Sci/Tech,NASA To Try for Scramjet Speed Record +Sports, quot;Night of Heavyweights quot; Features Boxing Champions Past and Present +Sports,Busch wins NASCAR pole in Darlington +Sports,Stumbling Gunners try to steady ship in derby +Sports,SI.com #39;s BJ Schecter breaks down a key SEC showdown +Sports,Who #39;ll be traded first? The favourite is Eddy Curry +Sports,Sentencing hasn #39;t been set +World,US troops push deeper into Fallujah +World,South Korea happy with IAEA report +World,Roadmap for troops cut being readied:Pranab +Sci/Tech,Finjan: Warning users or scaring up business? +Sci/Tech,That's enough peace - Novell sues MS just one more time +Sports,Rogge Says Athens Set News Standards for Beijing +World,Bush Vows Second-Term Push for Palestinian State +Business,Analyst Sees Cingular Awarding Deal Soon +Sci/Tech,This week in VoIP news +World,U.S. May Use Iraq Meeting to Engage Iran +Sci/Tech,JBoss app server to get HP support +Sci/Tech,"AMD reflects on progress, Dell possibilities" +Sci/Tech,"McAfee, CA integrate anti-spyware" +Sci/Tech,UPS reinvents package flow +Sci/Tech,Sun-Microsoft work might leave standards rift +Sci/Tech,First Look: \$100 Video Editing Apps Square Off +Business,Dow Up Again as Stocks Log Second Straight Week of Gains +Sci/Tech,FilePlanet Daily Download +Sci/Tech,Arguments conclude in evolution sticker trial +Sports,Rev It Up: Darlington +Business,US Stocks Rise; S amp;P 500 Has Best Three-Week Rally Since 2002 +Business,Briefs: BSkyB exceeds expectations +Business,Spitzer readies new insurance suit +World,Ivory Coast violence: France will act tirelessly for safety <b>...</b> +Sports,Wenger warns Spurs to expect Arsenal #39;s best +Business,Novell sues Microsoft over WordPerfect +Business,"Volkswagen to Cut Investment, Shuffle Board" +Business,Small Businesses May Get Break on Phones +Sci/Tech,Gold touches 16-year high in Europe +World,Arafat Buried Amid Chaotic Ramallah Scene +World,Fourteen hurt as two bombs rock Thailand +World,NC Man Held Hostage in Iraq +Business,"PeopleSoft, Oracle: Like Red Sox vs. Yankees?" +Business,"Currencies: Despite strong data, the dollar declines" +Business,VW trims investment to increase cash flow +Business,Rogers to raise nearly \$2.8 billion US in private financing to pay <b>...</b> +Business,Regulators focus on phone choices for small businesses +Sci/Tech,Microsoft Seizes PDA Market Lead From PalmSource +Sci/Tech,"Greek, British police break illegal software ring" +Sci/Tech,Marvel Sues Over Role-Playing Game +Sci/Tech,Judge to Rule on Georgia Evolution Disclaimers +Sci/Tech,Nintendo Set to Launch New Game System +Business,"Bypassed for top job, Penney #39;s department store chief leaves" +Business,"3 Months Later, Still Digesting Google" +Sci/Tech,SSL VPN security threatened by desktop search engines +Sci/Tech,"Interview: Dell's Rollins lays out a road map, from services to AMD" +Business,Spitzer widens insurance probe +Sports,Chiefs' Holmes Doubtful for Sunday +Sports,Carolina's Davis Will Not Face 49ers +Business,IT and business align around rules and patterns +Sci/Tech,Virus warning: Cyborgs at risk +World,Black Watch troops back in Basra +Business,Tracking management bugs +Sci/Tech,"AMD sketches out new high-end, low-end chips" +Business,IT blueprint for 2005 +World,Brazil Recognizes China as a 'Market Economy' +Business,Crude oil prices fall slightly on better crude supplies +Business,BSkyB wins vote for shares buyback plan +Business,Lyne Takes Reigns at Martha Stewart Living +Business,Demand propels Dell #39;s profit up 25 in 3rd quarter +Business,Murdoch ducks questions as Malone speaks out on stake +Sports,"GMs Ready to Wheel, Deal for Free Agents (AP)" +Sports,NCAA Game Summary - Illinois at Arkansas +Sports,Pacers Allow Artest to Return to Lineup (AP) +Business,The Dollar Sinks Across the Board (Reuters) +World,Rugby U: Wales crush Romania +Sci/Tech,Mexico Announces Historic Rain Forest Plan +Sci/Tech,Rumors Buzz Again About Dell Considering AMD +Sci/Tech,Marvel sues NCSoft over City of Heroes +Sci/Tech,Virtualization company moves wares to Windows +Sci/Tech,"Micron passes Hynix in Q3 DRAM race, says iSuppli" +Sci/Tech,US Space Agency Aims for New Air Speed Record +Business,Stocks End Higher as Dell Boosts Techs (Reuters) +Sports,Boxing: King promises very heavy night extravagant +Sports,Toshack excited by new challenge with Wales +Sports,Magnier silence condemns board +Sports,Darlington II: Jeff Gordon - GM rain +Sports,It #39;s unanimous: Santana deserves rotation spot +Sports,Browns #39; Warren warned by NFL over Roethlisberger comment +Sports,=== Knicks-ed: Robinson fails physical === +Sports,Pacers #39; Artest Back in the Lineup +Sports,"Lights, #39; Camera, #39;Noles: Sunshine Focuses on FSU" +Sports,"Nets 109, Hawks 88" +Business,Brazil recognizes China as market economy: Hu (AFP) +Sports,Cincinnati Reds Re-Sign Catcher LaRue (AP) +Business,SEC Launches Probe of Hartford Unit (AP) +World,Rebel Leader Trial Descends Into Chaos -- Again (Reuters) +World,Schwarzenegger meets Koizumi during Japan publicity tour +World,Thai bomb blast at restaurant kills 14 +World,Indonesian human rights activist who died on flight was poisoned <b>...</b> +World,Berlusconi #39;should get eight-year jail term #39; +Business,J.C. Penney Exec Castagna Leaves Company (AP) +Sci/Tech,New Options Emerge for Music Video Play (Reuters) +Sci/Tech,"Interview: Dell's Rollins lays out a road map, from services to AMD (InfoWorld)" +Sports,One Man #39;s Opinion - UCLA review +Sci/Tech,Analyst Sees Cingular Awarding Deal Soon (Reuters) +Sports,NBA: Cavs/Raptors +Sci/Tech,SEC Holds Ground on Disclosure Challenge (AP) +World,Nicaragua Says It Will Destroy Missiles (AP) +Sci/Tech,Judge to Rule on Georgia Evolution Disclaimers (Reuters) +World,White House Rejects Trade Case Vs. China (AP) +Sports,Mistakes lead to Berlin fall +World,"Bush, Blair See Hope for Palestinian State (AP)" +Sports,Family Lures Meyer To Gainesville +World,White House to Appeal Guantanamo Ruling (AP) +World,National Archives Opens New Exhibit (AP) +World,U.S.: Sudan Forcibly Moving More Refugees (AP) +Sports,No. 3 Auburn Tops Tennessee for SEC Title +Sci/Tech,VA Software adding Wiki support to collaborative tool +Sports,Forbes: NHL Didn't Lose As Much As Stated (AP) +Sci/Tech,"India, France to Develop Climate Satellite (AP)" +Sci/Tech,Mars Rover to Backtrack Out of Crater (AP) +World,Fears grow for Falluja civilians +Business,Late surge after quiet day sees Dow at highest level for months +Business,Consumers help GDP edge up just 0.1 +Business,Weak economy won #39;t stifle interest-rate hikes +Business,Scientist Who Cited Drug #39;s Risks Is Barred From FDA Panel +Sports,"Francis, Magic Rally Past Lakers 122-113 (AP)" +World,Ivorian Pres. to allow reform debate +Sports,Police ID Officer in Red Sox Fan Death (AP) +Sports,Glazer #39;s United bid dropped by bank +Sports,Two Friends Will Tangle With a Title at Stake +Sports,UPDATE 1-Rugby-Shanklin stars as Wales rout Romania 66-7 +World,Britons airlifted out of Ivory Coast +World,Arafat Doctor: Let Us Know Why He Died +World,Track thieves suspected of causing train crash +World,Rumsfeld praises El Salvador for troops deployment in Iraq +Sports,No. 6 Duke Rolls Past Davidson 89-69 (AP) +World, #39;Miracle #39; birth was simply a deception says judge +World,"France found way to contact kidnappers in Iraq, says relative of <b>...</b>" +World,Mexico Plans to Preserve Tropical Forest (AP) +Business,Spitzer Charges Universal Life with Fraud +Sports,Wales 66 - 7 Romania +Sports,United go to the tape on Wizards +Sci/Tech,New Technology Helps Europe Get to the Moon +Sports,Toshack for Wales +Sports,NBA Star Wants Time Off +Sports,"Knicks Back Away From Bulls, for Now" +World,IAEA delays report on Iran nuclear program +World,10 dead as train falls into ravine +Business,BSkyB #39;s customer numbers beat forecasts +Business,US Air Asks Court to End Labor Contracts +Business,Spitzer Suit on Insurance Names Broker in California +Business,Novell files another Microsoft suit +Sci/Tech,"AMD reflects on progress, charts course for 2005" +Sports,Hoosiers like their shooting guard +Sports,Pacers Want Artest Tuned In on Court Instead of Off It +Sports,Browns #39; Warren Wants To Clock #39;Big Ben #39; +World,Indonesian earthquake kills sixteen +Business,Intel appoints Otellini as CEO +Business,Fed Sticks With Its #39;Measured #39; Pace +Business,SunTrust Posts Restated Figures +Business,The Toy War Begins +Sci/Tech,Microsoft Takes Lead in Software For Handhelds +Sci/Tech,Marvel Sues Over City of Heroes +Sci/Tech,Calling youth market +Sports,Setback cools off Heat #39;s spicy start +Sports,NCAA Game Summary - Princeton at Syracuse +Sports,Grizzlies power past Warriors +World,Pakistan welcomes reduction of troops in IHK +World,Prosecutor: Italian PM deserves prison +World,Nicaragua Agrees to Destroy Antiaircraft Missiles +World,"Miracle baby was victim of trafficking, judge says" +World,New Ivory Coast Violence Shatters French Connection +Business,The Toy War Begins +Business,Insurance Probe Grows +Business,Industry Plans To Keep Up The Pressure +Sports,Confident Mourinho Plans Early End to Title Race +Sci/Tech,Microsoft Takes Lead in Software For Handhelds +Sci/Tech,Spray Flu Vaccine Comes at a Trickle +Sports,Chance to Measure Up +Sports,Corners Spark Defense +Sports,It's Not Personal +Sports,Looking to Break Through +Sports,Glazer's Bold Move +Sports,Tressel Trailed by Allegations +Sports,"Croissants, Coffee and a Kickoff" +Sports,Do Not Do This at Home +Sci/Tech,Cobb: Judge gets textbook case +Sports,Isiah seeks to cook up Curry deal +Sports,Georgia vs. Auburn: a game with everything +World,Quezon train mishap kills 13 +World,Schwarzenegger Barnstorms Japan During Four-Day Trade Mission +World,Haitian Leader Seeks Warrant Vs. Aristide +World,"Roh Urges U.S. Dialogue, Not Showdown, with N.Korea" +Business,US markets post highs +Business,Report Finds Big Dig Has Big Leaks +Business,Novell Files Another Suit Against Microsoft +Business,PeopleSoft keeps up fight +Sci/Tech,European Software Pirates Caught +Sci/Tech,Halo 2 an Immediate Success +Sci/Tech,BHB TO SEEK EXTENSION OF LEVY SYSTEM +Sci/Tech,"Samsung i730, EV-DO, early 2005" +Sports,"Mauresmo, Sharapova and Williams win" +Sports,Tosh blasts back at jibes from Hughes +Sports,Saturday #39;s Top Games +World,A Middle East Opening +World,Call to jail Berlusconi for eight years +World,Amnesty expresses concern over Haiti #39;s justice system +Sports,Spurs Down Heat +Sports,Lighthouse Luke shines out brightly +Business,Panel spurns WFU expert +Business,Romney criticized for blaming Amor +Business,Novell Files WordPerfect Suit Against Microsoft +Business,Pfizer plant faces EPA inquiry +Sci/Tech,Company: Microsoft Corporation +Sci/Tech,Animal life in the Arctic threatened +Sci/Tech,Game review: Halo 2 +Sci/Tech,Is Microsoft Taking Legal Aim at Linux? +Sci/Tech,JBoss Deal Puts HP Back into Middleware Market +Sports,Toshack has Calibre for Wales +Sports,BUDDY BATTLE TOPS HEAVYWEIGHT CARD +Sports,Earnhardt turns to backup +Sports,Slowing Miami priority for UVa +Sports,Boston College still seeking its identity +Sports,JUST TOE BAD +Sports,NBA Game Summary - LA Clippers at New York +World,"Bomb in Southern Thailand Kills One Man, Injures 7 (Update1)" +World,India to hold #39;substantial #39; talks with visiting Pak premier +Sports,Utah #39;s Urban Meyer Named Football Coach at Florida (Update1) +World,Indonesia Extends Emergency in Aceh - Report +Sci/Tech,Intel's Montecito now expected in 2006 +Business,Consumers resume optimistic spending +Business,Illinois has soybean rust plan in place +Business,Office Depot cuts 550 jobs +Sports,Takeover setback for Glazer +Sports,Mississippi St. edges Fairfield +Sports,"Daniels hits late shot to left Sonics over Raptors, 88-87" +Sports,"No. 6 Syracuse 56, Princeton 45" +Sports,Its all there for the taking +World,Army demolishes terror hide-outs +Business,It #39;s round two for Novell v. Microsoft +Business,"Registers ring, stores are listening" +Business,Pilot accord might aid Delta +Business,Sale designed to draw crowd +Sci/Tech,Cell phones take iPod challenge +Sci/Tech,Mobile picture power in your pocket +Sci/Tech,Nintendo DS Japanese Launch +Sports,"Iverson hits buzzer-beater, Hill stars for Magic" +Sports,Roadwork ahead +World,Fischer misses Arafat funeral amid security clampdown +World,Chaos marks Arafat burial +World,Kashmiris waiting for festival and peace to come +World,Prosecutor seeks 8 years in jail for Berlusconi +World,"Blast in Pakistani town, several soldiers wounded" +Business,New York #39;s Spitzer expects to sue Universal Life +Sports,NBA Wrap: 76ers Edge Pacers in Overtime Win +Sports,Myskina downs Davenport at WTA Champs +Sports,"Darlington qualifying rained out, so points leader Busch gets pole" +Sports,"O #39;Brien sues Ohio State, claims firing was unfair" +World,Crackdown Targets New Wave of Mobs +Sports,"Pushing Artest to Tune In on the Court, Not Just Off It" +World,Japan Protests Incursion by Nuclear Sub +Sports,N.F.L. Warns a Headhunter to Keep It Clean +Sports,Second-Half Success Is an Edwards Tradition +Sports,Free Agents Start Taking Offers From Other Clubs +Business,Stent firm still target of federal inquiry +Business,"Registers ring, stores are listening " +Sports,"For most part, bunch of lightweights" +Business,Indian outsource firm joins MIT study project +Sports,Martinez begins life as a free man +Business,Simon Property sues +Business,Pilot accord might aid Delta +Sports,He'll keep nose out of trouble +Business,US Airways seeks end of labor pacts +Business,N.Y. AG sues insurance broker +Business,Massive US trade gap concerned Fed panel +Sports,Shift leaves US's Chu on the defensive +Sports,Opening might: Huskies humble Black Bears +Sports,Hingham shuts out Duxbury +Sports,Pioneer defense clears the path +Sports,Xaverian proves too tough for CM +Sports,N. Quincy serves notice to Warriors +Sports,Jets get second-half surge +Sci/Tech,US urged to help slow Arctic thaw +World,Iran-EU Nuke Negotiations in Final Stages-Kharrazi +World,"At White House, Bush and Blair restart push for Palestinian state" +World,"On Fallujah streets, insurgents mount a desperate fight" +World,Explanation sought on Chinese sub's intrusion +World,Two cases of abuse alleged at base +World,Marines save Syrian hostage +World,Lawmakers seek to mandate Dutch-trained Muslim clerics +Business,Stocks Edge Higher on Retail Report +Business,Seoul enhancing ties with Latin America +Business,Suit claims Microsoft hurt Novell +Business,Salvation Army must #39;target #39; other kettles +Business,Martha wants her bills paid +Sports,Oklahoma-Nebraska Rivalry Still Shines (AP) +Sports,Iverson Hits First Buzzer-Beater for 76ers (AP) +Sci/Tech,Dell Considers AMD For Server Lines +Sci/Tech,T-Mobile roaming worldwide via WBA +Sci/Tech,Uranus photos reveal planet in flux +Sci/Tech,Federal communications panel takes on oversight of internet phone <b>...</b> +Sci/Tech,"Microsoft Takes Aim at iTunes, iPod" +Sports,"No. 1 Davenport Upset at WTA, Sharapova Wins (AP)" +Sports,Chase leaders catch a break +Sports,Laura Diaz Leads Tournament of Champions (AP) +World,Bush goal: Palestinian nation +World,Flames engulf mosque in Netherlands +World,Tour(ism) de force +World,"Fallujah situation #39;disastrous #39;, charity says" +Sci/Tech,Microsoft Takes Lead in Software For Handhelds (washingtonpost.com) +World,Flames Engulf Mosque in Netherlands (AP) +Sci/Tech,VA Software adding Wiki support to collaborative tool (InfoWorld) +World,Trial of Peru Rebel Leader Is Suspended (AP) +Sports,Mississippi State Wins Again Without Star (AP) +World,Profile: Reaction Of Israelis To The Death Of Yasser Arafat And <b>...</b> +Sci/Tech,Pentagon Envisioning a Costly Internet for War +Sci/Tech,"Vote Fraud Theories, Spread by Blogs, Are Quickly Buried" +World,"US Attacks Falluja Rebels, Aid Convoy on Move (Reuters)" +World,"US Attacks Falluja Rebels, Aid Convoy on Move" +Business,BSkyB #39;s go-ahead to share buyback +Business,Spitzer sues insurance broker +Business,Retail sales growth strong +Business,Scientists work to protect crops +Business,NY in with Karl +World,Gulf veterans back illness report +Sci/Tech,Closing Arguments Made in Georgia #39;s #39;Evolution Disclaimer #39; Trial +Sci/Tech,Northrop laser expands missile shield +Sports,Garden fightfest fit for a King +Sports,Fans still wary of Glazer threat +Sports,Moyes signs new Everton Football Club deal +Sports,Irish coach not thrilled with defense in victory +Sports,Lost in translation +Sports,Test discard MacGill puts skids under New Zealand +World,The Terrorist Statesman Took Peace Nowhere +World,Dutch mosque largely destroyed by fire +World,Decision to reduce troops bound to have positive impact: Mufti +World, quot;Miracle babies quot; actually child-trafficking victims +World,U.S. Troops Set for Final Attack on Falluja Force +World,"In Europe, Rising Euro Gathers Much Angst" +Business,"Consumer Inflation in China Is Up, but the Pace Slowed" +Sports,This Banks providing top interest +World,Mourning Palestinians Pledge Vote to Replace Arafat (Reuters) +Sci/Tech,My room +Sports,KRASNER TURNS TO LOCAL BIDDERS +Business,Growth is remedy to big current account deficit: US official (AFP) +World,"France, seeking to calm tensions in Ivory coast, plays down Gbagbo role (AFP)" +World,Two Sunni Clerics Arrested in Iraq Raids (AP) +World,St. Croix Petition Seeks Territory Status (AP) +Sci/Tech,Rumors Buzz Again About Dell Considering AMD (TechWeb) +World,India ready to consider Musharraf's proposals if made formally (AFP) +Business,President Hu expounds proposal for ties with L. America +Business,Another broker accused +Business,Malone Said to Be Pondering Acquisition +Sci/Tech,Mexico announces historic rain forest plan +Sci/Tech,Update 3: Vodafone Unveils High-Speed Net Services +Sports,FOOTBALL: TOSHACK: I #39;LL TAKE NO NONSENSE +World,Worries about civilians trapped in Fallujah +Sports,MYSKINA MAKES NO MISTAKE +Business,Salvation Army seeks volunteer bell-ringers +Business,The week that was +Sci/Tech,Boeing fires airborne laser as part of missile defense +Sci/Tech,Arctic Warming Threatens Wildlife +Sci/Tech,Keck zooms in on the weird weather of Uranus +Sports,FOOTBALL: I WILL BRING THE GLORY GLORY DAYS BACK TO SPURS.. <b>...</b> +Sci/Tech,Free E-Mail Inboxes Get Fatter +Sci/Tech,Airlines Ordered to Expose Data +Sci/Tech,"Kinsey: Sexologist, Hero" +Business,FDA removes arthritics drugs critic from advisory panel meeting +Business,Airline wants out of labor contracts +Business,Broker sued in bid-rig inquiry +Business,Office Depot to Eliminate 800 More Jobs +Sci/Tech,Novell files additional lawsuit against Microsoft +Sci/Tech,Chips trend upward +Sci/Tech,Expropriation to preserve at- risk rain forest +Sci/Tech,Free E-Mail Inboxes Get Fatter +Sci/Tech,What #39;s with the hype about #39;Halo 2 #39;? +Sci/Tech,Dream of London to Sydney trip in two hours +Sports,United Fans Ready For New Attack +Sports,Life in the fast lane +Sports,"NHL overstated losses, report says" +World,Palestine Buries Arafat in the Heart +World,Ivory Coast government pulls troops from front +World,India opens way for Kashmir negotiations +World,Another bomb explodes in Thailand +World,Governor makes his pitch in Japan +World,Blair attends Bigley memorial service +World,Death toll at Poso explosion rises to five +Sports,Clarke Closes in on Taiheiyo Masters Title +Sports,Red Bull Close to Deal with Jaguar Formula One Team +World,Memorial service for Ken Bigley +World,N. Ireland militants' cease-fire OK'd +World,WHO pushes for flu vaccine funding +World,Nicaragua tells US it will destroy its antiaircraft missiles +Sci/Tech,Atlantis Hunt Reveals Structures in Sea Off Cyprus (Reuters) +World,Militants Take Control in Parts of Iraq's Mosul +World,Kidnappings Dog Kabul 3 Years After Taliban Defeat +World,Intel Bill Foe Holds Out +World,"Pakistan Says Militants on the Run, Despite Blast" +World,"More Bombs Hit Thai Muslim South, One Dead" +Business,Update 2: Oil Cos. Agree on \$1B Gas Pipeline Deal +Business,"Analysis: When Fed Says Jump, Investors Ask #39;How High? #39;" +Business,Update 18: Economists Predict Another Rate Increase +Business,Update 2: Novell Files Additional Suit Vs. Microsoft +Sci/Tech,David Nicklaus +World,"After Arafat, peace has chance" +World,India seeks formal proposal on J amp;K +World,Blair returns to UK for Bigley memorial +World,Kidnappings Dog Kabul 3 Years After Taliban Defeat +Sci/Tech,Fellow users are the best support +Business,StocksView: Retail Spurs Wall St. Upturn (Reuters) +World,Arafat #39;s #39;politics of grievance #39; +World,VHP protests arrest of Kanchi seer in murder probe (Reuters) +World,"At Crucial Juncture, Iran Seeks Edge on U.S." +Business,Brazil News: Chinese President Visits +Business,"Toy Thieves Won #39;t Steal Christmas, Group Vows" +Sci/Tech,Closing Words in Evolution Trial +Sci/Tech,This week in VoIP news +World,"More Bombs Hit Thai Muslim South, One Dead" +Business,StocksView: Retail Spurs Wall St. Upturn +Business,Forecasters See No Repeat of 80s Oil Bust +Business,Tax to Encourage Savings Holds Promise +Business,Away on Business: Self-Service Travel +World,Kiev Protesters Look Ahead +World,Palestinians call for peace talks +Business,"Damp and Pushy, but What a Reward: \$99 Designer Frock" +Business,Wal-Mart Still Sees Nov. Sales Up 2-4 Pct +World,India Could Consider Pakistan's Kashmir Proposals +Sports,No. 12 Miss. State Advances at Coaches Hoops Tournament +Sci/Tech,T-Mobile Announces Wi-Fi Roaming Agreement +Sci/Tech,Ignore arctic warming warnings at our own peril +Sports,"NHL padding losses, Forbes says" +Sports,NCAA allows cheaters to win +World,Mourners file past Arafat #39;s tomb +World,India Could Consider Pakistan #39;s Kashmir Proposals +World,Palestinians Look to Future Without Arafat +World,Governor to release details of schedule +World,Rescue teams waiting to enter Fallujah +Sci/Tech,PluggedIn: Smart New World of Digitoys +Business,Wal-Mart Still Sees Nov. Sales Up 2-4 Pct (Reuters) +Business,Forecasters See No Repeat of 80s Oil Bust (Reuters) +Business,FedEx Ordered to Repay US \$29 Million +Sports,Angel Rodriguez +Sports,Clash of Southern Titans Georgia visits No. 3 Tigers +World,US military not meeting hostage-takers #39; demands to release <b>...</b> +Sports,Motor Rally: Loeb on course for record-equalling rally victory +Sports,"Sixers Scoop/Caryl Kauffman: Pacers want to focus on positive, not <b>...</b>" +World,Pakistan ; Pak gears up for Eid +Sci/Tech,Livewire: Web Sites Help Ease Grind of Daily Commute (Reuters) +World,"Pakistan Says Militants on the Run, Despite Blast (Reuters)" +World,"Militants Roam Parts of Iraq's Mosul, City Tense" +Sports,Rain puts leaders out front at Darlington +Sports,Allen-Vince intertwined +Sports,Fleming flies in to bolster faultering Kiwi #39;s +World,Palestinians call for peace talks +World,Dutch extremist suspects planned to murder deputies: report +World,8-year jail term sought for Italys PM +World,Prayers tempered by troubled times +Business,DRUG LIABILITY: Attorneys want to query Merck CEO +Business,Wal-Mart Still Sees Nov. Sales Up 2-4 Pct +Sci/Tech,Firefox Ignites Demand for Alternative Browser +Sports,Loeb set for record rally win +Sports,Captain #39;s ills continue as Kiwis wobble +Sports,"Bryant Hot, But Magic Hotter in Win" +World,Historical enmity behind worsening Japan-China ties +World,Martin set for one-day visit to Haiti +World,Bombs rock Asia +World,Anchor Away +Sci/Tech,Windows Media Player sound files 'edited with warez' +World,U.S. Forces in Falluja Close on Guerrilla Stronghold (Reuters) +World,Phillips winner gives Wigley a stay of execution (AFP) +World,Stampede kills five at railway station in Indian capital; seven injured (Canadian Press) +Sci/Tech,Egypt to Test Tutankhamun Mummy for Cause of Death (Reuters) +Sci/Tech,Vodafone leads charge in 3G offensive +Sports,Santini wanted more say on new men +Sports,San Antonio Spurs Team Report - November 13 +World,Foreigners Leaving Ivory Coast Despite Government Assurances +World,Fallujah Operation Winds Down +Sci/Tech,Firefox 1.0 Renews Interest in the Browser +Sci/Tech,Earning from PPC Search Engine Affiliate Programs +Sci/Tech,Choosing Domain Names for Professional Sites +World,Blair attends memorial ceremony for British hostage slain in Iraq (AFP) +Sports,College Basketball: North Carolina Tops Kentucky +Sci/Tech,US to build wireless network for future warfare (AFP) +World,Dems Say More Funding Needed for Veterans (AP) +Sci/Tech,US maize 'threat' to Mexico farms +Business,Finance: Back to Savings Bonds +Business,US Airways wants court to cut pay +Business,Wal-Mart confirms near-term outlook +Sports,"No. 11 Ohio State Trounces Dayton, 75-42 (AP)" +Sci/Tech," #39;Halo 2 #39; a two-handed blast, but lacks key online option" +Sci/Tech,Security Vulnerabilities Discovered in WinXP SP2 +Sports,UPDATE 2-Rugby-Nine-try New Zealand cruise past Italy +Sports,Gordon Experience key as chase comes to crunch. +Sports,UPDATE 1-Rugby-Robinson hat-trick inspires England rout +Sports,West Virginia Mountaineers +Sports,Wolfsburg Consolidate Top Spot with Stuttgart Victory +Sports,Miami Heat Team Report - November 13 +Sports,Cricket: Strewth! We #39;re at the Gabba next week +World,Palestinians Turn Toward Future as They Continue to Mourn +World,Arafat buried in his Mukata headquarters +World,Plus ca change? +World,Kharrazi: EU-Iran Negotiations in Final Phase +World,HAITI: A Brutal Regime Shows Its Colors +Business,Hurry Up and Watch: DVDs Time Out +World,Store Mannequins Can Now Breathe Out +Sports,Javon Walker Has Arrived for Packers (AP) +Sports,Petrov double sends Wolfsburg three points clear +World,Israeli Arabs march in symbolic Arafat funeral +Business,"US Airways asks court to end 3 union contracts, pensions" +Sci/Tech,Hotspot operators strike international roaming deal +Sports,Santini reveals truth about Arnesen +Sports,Black amp; Blue Review: Week 10 +Sports,Nets have Dirk cut out for them +Sports,No. 6 Syracuse fights off pesky Princeton for win +World,DALE McFEATTERS: France #39;s mini-Iraq +World,Islamist Groups Vow to Spread Fight Across Iraq +World,Bush Sees Great Chance For Creating Palestinian State +World,Asia ; Afghan UN Kidnappers Await Release of 26 Taliban +Sci/Tech,International Carriers Reach Wi-Fi Roaming Agreement +Sports,Javon Walker Has Arrived for Packers +World,Red Crescent aid convoy enters Fallujah +World,"One dead, at least 29 injured in series of blasts in southern Thailand (AFP)" +Sports,Wolfsburg move three points clear +World,Five die in stampede for train +Sci/Tech,FedEx Ground Steps to Bluetooth and GPRS Wireless (Ziff Davis) +Sci/Tech,US courtrooms go hi-tech +Sci/Tech,Banks could refuse fraud refunds +World,More foreigners flee Ivory Coast +World,Malaysia's AirAsia plans to fly to China by February: report (AFP) +Sports,Premier League Leader Chelsea Wins (AP) +Sci/Tech,"Climate change already affecting the global environment, two <b>...</b>" +Sports,O #39;Gara stars in historic victory +World,Dutch Muslims dismayed by anti-Islamic backlash +Sci/Tech,US to build wireless network for future warfare (AFP) +World,Zimbabwe annual inflation drops to 209 percent: report (AFP) +Business,US Fed raises interests rates +World,Palestinians Pledge Vote to Replace Arafat +Sci/Tech,Looking for a 10 +Sci/Tech,Alternate Browsers have an edge over Internet Explorer +Sports,Mauresmo and Sharapova storm into WTA Championship semi-finals +Sports,Robinson issues Springbok warning +Sports,Rugby-Ireland erase tour woes with win over Springboks +Sports,"Barber joins Maroney at 1,000-yard mark, sets NCAA record" +World,Foreigners Continue to Flee Ivory Coast +World,Iran Close to Decision on Nuclear Program +World,India could consider Kashmir proposals +World,COPC condemns slaying of Davao lensman +World,US forces claim hold of Fallujah within two days +World,U.S. and U.N. Renew Quarrel Over Iraq +Sports,Arsenal edges Tottenham 5-4 and ends three-game winless streak +Sci/Tech,Dell flirting with AMD #39;s 64-bit processors +Sports,CHELSEA GOLEO A FULHAM Y RETUVO LIDERAZGO DE PREMIER LEAGUE +World,The Governator Marks a Year in Office +World,Pakistan army kills 40 militants near Afghanistan +Sci/Tech,AMD #39;s share price catches up with Intel #39;s +World,"Ivory Coast in uneasy calm, as foreigners continue to flee" +Business,Fed's Gramlich Urges Fix for Budget Gap (Reuters) +Sci/Tech,FCC Rules That It Alone Regulates Voice Over IP +Sports,Four star Chelsea reclaim top spot from Arsenal +Sports,Lyon back to their winning ways against Nantes +Sports,Purdue Wants to Win for Keady This Season (AP) +World,Barghouti to Run for Palestinian Leader (AP) +World,Egypt Hopes to Solve Riddle of Tutankhamun Death (Reuters) +Sci/Tech,Conservationists Fear for Congo's Rainforests (Reuters) +World,Chronology of Cheney's Health Problems (AP) +Sci/Tech,Reports Point to Proof of Global Warming (AP) +World,No Pause in Foreign Exodus from Ivory Coast +Sports,James Scores 27 Points in Cavaliers' Win (AP) +Business,Consumers stay in spending mode +Business,Oil prices fall as market forecasts enough heating fuel +Sci/Tech,Should You Want the New iPod Photo? It Depends +Sci/Tech,Your guide to the Leonid meteor show +Sci/Tech,Chechen Rebel Web Site Reopened (Reuters) +Sports,"Wolves lead Bundesliga pack, unlucky seven for Schalke" +Sports,"Steelers release St. Pierre, move up Brown" +Sports,World Cup mascot #39;Goleo VI #39; makes TV debut +Sci/Tech,Sound of silence fear for downloads +World,"1,000 dead as troops take Fallujah" +World,Cheney Undergoes Tests at Hospital (AP) +World,Baghdad Airport Closed Indefinitely -- PM Office +Sci/Tech,HELP FILE +World,Zimbabwe plans more youth camps +Sports,Cavs Bury Wizards +World,"In Face of Warnings, Drug Giant Took Long Path to Vioxx Recall" +Sports,A League by Itself +Sports,Nets' Mercer Placed on Injured List +Business,'Tea EO' Aims for Sustainable Brew +Business,Holiday Hopes Brighten for Retailers +Business,Randall Navigates Technology Turbulence +Business,National union leaders set a timeline for change +Sports,No. 3 Auburn Wins SEC Championship (AP) +Sports,"Boston College Upsets W. Virginia, 36-17 (AP)" +World,Ivory Coast military chief sacked +Sports,Mavericks 94 Nets 78 +Sports,Ireland beats South Africa +Sports,Nowak back at MLS Cup in new role +Sports,"Busch, Truex garner wet poles at Darlington" +Sports,"No. 21 Boston College 36, No. 13 West Virginia 17" +Sports,Orton does not start against Ohio State +Sports,"Maryland 89, Carleton 60" +Sports,No. 19 Iowa Survives Scare From Minnesota (AP) +World,Ivory Coast accuses France of shooting civilians +Sports,Jays Claim Song Off Waivers From Montreal (AP) +World,France's Raffarin sticks to optimistic growth forecast (AFP) +Business,Fed #39;s Gramlich Says US Must Cut Deficit to Boost Savings +Sports,Judgment Day for Trella +Sports,Robinson hat-trick in England romp +Sports,Truex wins Busch championship with fourth-place finish +Sports,Minnesota Golden Gophers +Sports,Eriksson Gives Johnson Hope of England Call +World,Arafat laid to rest in Ramallah +World,Death jolts Indonesian rights activists +Sci/Tech,ICANN moves to move VeriSign lawsuit to Paris +Sports,(9) Michigan 42 Northwestern 20 +Sports,Canada reaches final at 4 Nations Cup +Business,What They Know About You +Business,Catering to the Consumers With Animal Appetites +Sports,Lyon Back to Its Winning Ways Against Nantes +Sports,Rodriguez Is Haunted by Yanks' Collapse +Sports,"In Trying to Save Medal and Tour de France Hopes, Hamilton Faces Uphill Course" +Sports,"Last Year Is Last Year, or So the Giants Hope" +Sports,"Jets Have Multiple Choices, but No Easy Answer for Ravens' Lewis" +Sports,The B.C.S.: What Does Excellence Have to Do With It? +Sports,B.C. Tops West Virginia +World,Ivory Coast Army Chief Sacked as Foreigners Flee +Business,STOCKS amp; BONDS Rally on Retail Sales Data Gives Shares 3rd Weekly <b>...</b> +Business,You #39;ll Laugh. You #39;ll Cry. But This Merger May Not Be a Hit. +Sci/Tech,Microsoft overtakes rival palm +Sci/Tech,Nasa wonder plane finally cleared for take-off just as funding <b>...</b> +Sci/Tech,Gates vs. Jobs: The Rematch +Sci/Tech,Superconductors take an odd turn +Sci/Tech,ICANN Flips Switch on New Transfer Policy +Sports,Exclusive Boxer Quotes: What They #39;re Saying in NYC +Sports,Chelsea Beats Fulham 4-1 to Retain Premiership Lead (Update1) +Sports,Canadian women #39;s hockey team advances to Four Nations Cup final <b>...</b> +Sports,Special teams gives BC upperhand in Big East +World,Six killed after vessel crashes into breakwater +World,France #39;s Raffarin sticks to optimistic growth forecast +World,Miracle baby was just a #39;cruel deception #39; +World,"Rumsfeld, Panamanian President Meet (AP)" +World,India Says Will Study Pakistani Proposal (AP) +World,Analysis: Bush Facing Domestic Challenges (AP) +World,Milosevic Wants Clinton to Testify by Christmas (Reuters) +Sports,Anything but a Game +Sci/Tech,X-43A Mach 10 Flight on Schedule For Nov. 15 +Sports,Ireland 17-12 South Africa: Favourite referee quells Springbok <b>...</b> +World,Bomb explodes in Indonesian Poso killing 3 +Sci/Tech,Is Your Domain Locked Down? +World,Israel Moves Quietly to Bolster Palestinian Vote +Sports,No-Names Fuel Rise +Sports,Davenport's Victory Over Williams May Not Be Enough +Business,Do New Drugs Always Have to Cost So Much? +Business,A Bond Strategy Once Thought Foolish Now Looks Smart +Business,Out of the rut at last +Business,"Novell vs. Microsoft, Again" +Business,Cokes latest idea falls flat +Business,Help Wanted (for a Better Way to Count Jobs) +Business,Gauging the Cost of a Loophole +Sports,Loeb is on course to equal win milestone +Sports,No. 3 Auburn Dominates Georgia 24-6 +Sports,Ireland bursts Boks #39; bubble +World,Flights Leave in Odd Calm in Ivory Coast +World,"Calling All Troops, and Then Some, in Iraq" +World,News in brief +Business,Novell Accuses Microsoft of Unfair Competition +Sci/Tech,"AMD sketches out new high-end, low-end chips" +Sports,KUEHNE AND SLUMAN MAKE FORWARD MOVE +Sports,White pays for harsh words +Sports,Ranieri on the Brink +World,Red Crescent barred from city +World,Arms cache found in six Waziristan caves +Sports,Mich. State Routs No. 4 Wisconsin 49-14 (AP) +Sports,No. 5 California Tops Washington 42-12 (AP) +Sports,Beckham back in England hype-fest +Sports,Daly-Donofrio bolts ahead at Tournament of Champions +Sports,(3) Auburn 24 (8) Georgia 6 +Sports,"Parrish, Gore provide push for Miami in defeat of Virginia" +Sports,Leonard-Flesch team grabs lead on strength of six early birdies +Sci/Tech,Vodafone finally launches 3G mobile +Sports,Texas A M Tops Texas Tech 32-25 in OT (AP) +Sports,NCAA Game Summary - Miami-Florida at Virginia +Sports,No. 18 Miami Tops No. 10 Virginia 31-21 (AP) +Sports,Chelsea Beats Fulham 4-1 to Stay on Top (AP) +Sports,U.S. Heads to Four Nations Cup Gold Round (AP) +Sports,Lindsay Davenport Tops Serena Williams (AP) +Business,WTO opens US door for Irish bookies +Business,"Milton Cohen, 93, a Lawyer Who Inspired Market Reform" +Sports,Man Utd in new bid battle as Glazer tries again +Sports,Santini opens up over Spurs #39;divorce #39; +Sports,UPDATE 1-Spanish champions Valencia fail to fire again +World,PM leads tributes at Bigley memorial +World,Pope Urges Greater Christian Harmony (AP) +World,Iraq's Neighboring States to Meet in Iran (AP) +World,"Egypt's Foreign Minister, Powell to Meet (AP)" +World,Japan's Princess Sayako to marry government official: reports (AFP) +World,Cheney Leaves Hospital After Tests (AP) +World,Ads to Back Schwarzenegger for President (AP) +Sci/Tech,West Braces for Elderly Population Boom (AP) +Sci/Tech,Gates vs. Jobs: The Rematch +Sci/Tech,A Seashore Fight to Harness the Wind +Sci/Tech,Open Season on Others' Ideas +Sci/Tech,"Dot-Com Star, Indie Filmmaker" +Sci/Tech,Letting the Internet Knock on the Door +Business,"Labor Vows to Consider Change, but Rebel Voices Discontent" +Business,Microsoft Settles With Novell +Business,Economy slows in Germany +Sci/Tech,Gartner: Microsoft beats PalmSource in PDAs +Sci/Tech,Press Trust of India +Sports,King #39;s heavy-handed grip ripe for KO +Sports,White-hot Lane but Gunners survive +World,"Let Israel, Palestine find their own peace" +World,Ivorian president fires army chief +Sci/Tech,Activists: Chernobyl Radiation Lingers (AP) +Sci/Tech,Reports Point to Proof of Global Warming (AP) +World,Warning on World Diabetes Day +Sci/Tech,"New Rojo Build - Tags, Comments, Photos" +Sci/Tech,AOL looks to outwit Google +Sports,Ireland stand tall to end the Bok dream +Sports,United attack versus Kansas City defense could produce a classic <b>...</b> +Sports,Spartans demolish No. 4 Wisconsin +Sports,(18) Miami 31 (10) Virginia 21 +World,"Prince Charles, widows honor war dead" +Sports,UNITED FEAR FAN TROUBLE +Sports,Badgers fans hyped about teams undefeated season +Business,German Official Criticizes US Deficit +Sports,Beck in the fold +Sports,The Famous Five +Sports,Yorkshire #39;s finest enjoy an afternoon of pure luxury +Sci/Tech,Novell Files Antitrust Suit Vs. Microsoft (AP) +World,German Official Criticizes U.S. Deficit (AP) +World,Jailed Palestinian to Run for President (AP) +Sports,"Utes, Cowboys Sit Through Power Outage (AP)" +Sci/Tech,"McAfee, CA integrate anti-spyware (InfoWorld)" +Sports,Bryan Brothers Win Masters Cup Opener (AP) +Sports,Lynch Leads California to Victory Over Washington +World,African Leaders Meet to Discuss Ivory Coast Crisis +Sci/Tech,Artifacts Found Near Texas Coast (AP) +Sci/Tech,States Hit by Hurricane See Oyster Losses (AP) +World,Junk food adverts 'face TV ban' +Sports,A First for Howard +Sci/Tech,Reebok Unveils High-Tech Sneaker Pump 2.0 +Sports,Billups Sits Out Because of Ankle Sprain (AP) +Business,Slowdown in growth caps worst week for the Euro-zone +Sports,Twickenham #39;s Pro-Am +Sports,Texas A amp;M Aggies +World,Prince Charles honors UK war dead +Sports,Ireland 17 - 12 South Africa +World,Japan Princess to Marry Municipal Official - Media +World,Bhopal faces risk of 'poisoning' +World,Rapper collapses and dies at 35 +Business,Long Fall for Pentagon Star +Business,Top US automakers to offer anti-rollover technology +Sci/Tech,Microsoft #39;s Search Falls Far Short of Google #39;s +Sci/Tech,NASA To Test Jet at Mach 10 +Sci/Tech,Marvel Sues Over City of Heroes +Sports,New York Knicks +Sports,"Small steps, big strides" +Sports,Spartans give Boise all they can handle in 2 OT #39;s. +Sports,Larry Donald Pounds out a Decision Win over Holyfield +Sports,Bama offense faces tough test +Sports,Federer focused on Masters Cup success +Sports,United #39;s Improbable Trip to MLS Cup +World,Militants claim US official slowed UN hostage deal; official <b>...</b> +World,Dutch raid Kurd #39;training camp #39; +World,"Despite Warnings, Drug Giant Took Long Path to Vioxx Recall" +World,Guatemala Shuts Out Bolivia 1-0 +World,Brazil Investment Held Down by Red Tape +Sports,"Rankled by Ranking, Auburn Wins Big" +Sports,Bucks escape with win over Bobcats +Sports,"PACERS 103, KNICKS 97 Crawford and Knicks Take One on the Chin" +Sports,"No. 17 LSU 26, Alabama 10" +World,US Troops Occupy All of Fallujah +World,Dutch arrest 20 in training camp raid +Sci/Tech,Firefox Meme Spread +Sports,"Oklahoma Dominates Nebraska, 30-3" +Sports,"Davenport Victory in Vain, Myskina Advances" +Sci/Tech,IBM to Quit Making PCs +Sports,Holyfield Dominated in Loss to Donald (AP) +Sci/Tech,Conference Studies Blogs' Impact on News (AP) +Sports,Lakers Douse Rockets in 84-79 Victory (AP) +Sports,"Pacers, O'Neal Edge Out Knicks 103-97 (AP)" +Sci/Tech,NASA #39;s hypersonic dream to have last flight tomorrow +Sports,Telephone ties bond Tigers +Sports,Bucks Edge Past Hornets 94-91 +Sports,Spartans give Boise St. wake-up call +Sports,"With Loss, Holyfield Continues His Decline" +Sports,Back on track +World,Palestinians plan elections within 60 days to pick Arafat #39;s <b>...</b> +World,Foreigners Pour Out of Ivory Coast +World,Australian police seize millions of ecstasy tablets from Poland +Sci/Tech,AP Leader Sees Internet As Future of News (AP) +Sci/Tech,Napster Star Changes His Tune +Sports,Kings Edge Past Suns With 113-111 Win (AP) +Sci/Tech,Weather Data for the Masses +Sci/Tech,Firefox Leaves No Reason to Endure IE +Sci/Tech,Calif. Stem Cell Initiative Could Backfire +World,Deadlock in peace talks compounds Sri Lanka's economic woes (AFP) +Sports,Cancer-conquering coach - Yao's NBA father figure - honored by Rockets (AFP) +Sports,NBA Wrap: Lakers Rally to Beat Rockets +Business,Ground-Level Views of What Needs Fixing +Business,Cultivating Materialism +Business,Are you getting the best deal on insurance? +Sports,"Lakers 84, Rockets 79" +Sports,Truex locks up Busch crown +Business,"Eurostar turns 10, still sees red" +World,EU Seeks End to Diplomatic Freeze in Cuba +Sci/Tech,Mozilla Desktop Search +World,US troops diverted to Mosul +Business,Information may end up used against retailer +Business,"Salvation Army bells, kettles herald holiday season" +Business,GM and Ford SUVs to add safety feature +Business,Talks come ahead of Q4 report due Thursday +Sci/Tech,Panel warns US to ratchet up supercomputer research +Sci/Tech,US Airborne Laser Advances to #39;First Light #39; +Sports,Davenport out of WTA Championships +Sports,Hated With A Passion +Sports,The night the lights went out on Georgia +Sports,Federer seeks grand finale to season +Sports,"Rudy T, Bryant share burden inherent with Lakers" +Sports,Canada Beats Finland in Four Nations Cup +Sports,"A loaf, then a laugh Cal dawdles in 1st half, still rips Huskies" +World,"Obsessed with his own survival, Arafat couldn #39;t deliver his people <b>...</b>" +World,Ivory Coast in uneasy calm +World,Fallujah fight is not the walkover the US expected +World,Clash of Civilizations +World,Japan #39;s Princess Sayako to marry Tokyo government official +World,South Korean farmers battle police +World,Our duty beyond Ramadan +Sports,NBA Wrap: Lakers Rally to Beat Rockets (Reuters) +Sports,No. 23 UTEP Beats Rice 35-28 in Double OT (AP) +World,McConnell #39;s Mideast trip at tense time +Sci/Tech,New York Times +Sports,Mauresmo #39;s playing better than Serena +World,Focus / Filling Arafat #39;s shoes +Sci/Tech,Ajay Kumar Leads X-43A Hypersonic Flight Research +Sports,Holyfield embarrassed by Donald +World,Thousands greet coffin of Arafat +World,Japan #39;s princess to marry next year: media +World,Chile steps up security for Apec +Sports,No. 1 Southern Cal Clocks Arizona 49-9 (AP) +Sci/Tech,Ramjet aims at record Mach 10 speed +Sports,"Ruiz, Byrd retain belts in heavyweight fight card at MSQ" +Sports,"Auburn, Rogers pound Georgia" +Sports,"NBA: LA Lakers 84, Houston 79" +Sports,Trail Blazers 105 Raptors 102 +World,Region 8 Muslims celebrate the end of Ramadan +Sports,Major League All-Stars Win 5-0 in Japan (AP) +Business,Low-income housing wins a beachhead in the #39;burbs +Business,Response to soybean rust under planning +Sci/Tech,NASA #39;s X-43A to Attempt Mach 10 Flight Next Week +Sci/Tech,FEDS #39; WTC PLAN SCRUBS CLEANUP FOR DOWNTOWN +Sci/Tech,Ion-drive probe ready for lunar injection +Sci/Tech,California stem-cell move could be test for Scripps +Sci/Tech,IU researchers target video game violence +Sci/Tech,Dell CEO says they are considering AMD +Sci/Tech,The theory behind the theory +Sci/Tech,Airborne Laser used in first test +Sports,"No. 1 Davenport Upset at WTA, Sharapova Wins" +Sports,Trip framed with closing win +Sports,"UCLA 34, Oregon 26" +Sports,A trend seams to be back +World,PALESTINIAN ELECTION #39;BY JAN. 9 #39; +World,The world will feel Ivory Coast #39;s pain +World,Fourth blast in 24 hours hits southern Thailand +Sci/Tech,Pesticide Study Using Children Postponed +Sci/Tech,Slam-bang sequel +Sports,No semifinals for Davenport +Sports,Clarke completes record victory +Sports,ASU bowls over the Cougars +Business,Emerging Asian markets +Business,AG probes state health insurers +Business,A 'fireplace butler' reveals tricks of his trade +Business,A shallow look at celebrities who lost jobs +Business,"Finally, freedom to spend" +Business,Credit card costs buried in the fine print +Business,Selling your small business? Broker can smooth the way +Business,A woman whose life is the stuff of a hit movie +Sci/Tech,How to smash a home computer +Business,Why the Fed acts as it does +Sci/Tech,EPA halts study of pesticides and kids +World,GIs Occupy Fallujah but Fighting Continues (AP) +Sci/Tech,"Among 3 Digital Photo Fixes, Adobe's Is No. 1 (washingtonpost.com)" +World,Death toll in Indonesian Sulawesi bombing rises to six (AFP) +Sci/Tech,The Post-Merger Pervasive (TechWeb) +Sports,Darren Clarke Wins Taiheiyo Masters (AP) +Sports,King of the mountain +Sports,A peak performance +Sports,Ugly does it for Ruiz +Sports,His fire still burning +Sports,Ailing Pacers top NY +Sports,His confidence has kicked in +Sports,Babson finishes strong to reach NCAA tourney +Sports,Savastano's stellar soccer season interrupted by knee injury +Sports,Harvard pens some history +Sports,Carr in the high-speed lane for Bulldogs +Sports,Palko picks apart Irish +Sports,Title party crasher? +Sports,Amherst lords of the field +Sports,Jayhawks can't pull off upset +Sports,Hart powers attack +Sports,Sugar would be sweeter to Eagles +Sports,Walter shines in home finale +Sports,Sooners stay White-hot +Sports,Badgers no longer unbeaten +Sports,Aggies won't be outgunned +World,How exercise protects the heart +World,"In Lebanon's refugee camps, Palestinians unite to mourn" +World,Suspect in '99 blast taken into custody +World,Foreigners flee Ivory Coast amid unrest +World,Arson eyed at Dutch mosque +Business,Airline asks court to void 3 labor pacts +Business,European economic growth losing steam +Sci/Tech,ISS crew to redock Soyuz +Sci/Tech,Panel Urges More Funding for US Supercomputers +Sports,Beckham to Quit England after 2006 Finals +Sports,Bruins bowl over November curse +Sports,Storm surge hits U. Va. +Sports,Spartans get the last laugh +World,Britain Pays Final Respects to Beheaded Hostage +World,Palestinians Pledge Vote to Replace Arafat +World,Muslim mole panics Dutch secret service +World,"South Korean workers rally, vow massive strike over reform bill" +Sci/Tech,Cleaner Los Angeles Air? Don't Hold Your Breath +Sports,Auburn #39;s running backs trample biteless Bulldogs +Sports,Drivers need to keep cool +Sports,"Knicks dig hole early, can #39;t quite climb out" +Sports,Hurricanes deal blow to Cavaliers +Sports,Spoiler Spartans whack Wisconsin +Sports,O #39;Malley ties closings to sex-abuse scandal: Archbishop calls <b>...</b> +World,Emergency supplies arrive in Fallujah +World,UPI NewsTrack TopNews +World,Two planeloads of US soldiers brought to hospital in Germany +World,Basque party 'to call for peace' +World,"Soldier Walks Down Aisle Buoyed by Love, Science" +World,Delay Granted in Trial Of Former Professor +World,Mexico Defeats St. Kitts and Nevis 5-0 +Sci/Tech,BBC News scoops top online award +World,Ammunition stolen from British Army in Kenyan training ranges (AFP) +Business,"Expert urges investors to save, expect lower returns" +Business,Delta Pilots Vote to Accept 32.5 Percent Pay Cut +Sports,Holyfield can #39;t see the end +Sports,Clarke wins Taiheiyo Masters +Sports,Beckham may retire from England after World Cup - media +Sports,"On national stage, Cadillac and friends run over Bulldogs" +Sports,Former Fire player Nowak leads United in MLS Cup +Sports,A second test failed +Sports,TOP 10-BIG 10 ROUNDUP: Auburn wallops No. 8 Georgia +World,Official: No evidence Arafat was poisoned +World,Basque party #39;to call for peace #39; +World,KCEU to Strike from Monday; Relay Strikes May Follow +Sci/Tech,It #39;s time for US action on global warming +Sports,Knockdowns not enough as Golota loses to Ruiz +World,A Rebel #39;s Bloody Odyssey +Sci/Tech,Ancient fossil offers new clues to brown bears past +World,"Mutilated Woman Corpse Found in Fallujah, May be Briton, Pole" +Sci/Tech,Global warming melts arctic ice at alarming rate +Sports,Ready to jump #39; +Business,Bell: McDonald #39;s Denies Report Re Succession Plan +Business,Georgia seeks Anthem concessions +Sci/Tech,Firefox takes on Internet Explorer +Sci/Tech,US to deploy hyper-missiles +Sci/Tech,Microsoft Windows CE beats Palm OS in PDAs +Sci/Tech,Should the US toughen greenhouse gas policies? +Sports,O #39;Sullivan lauds Ireland victory +Sports,United #39;s Petke follows wife #39;s lead +Sports,Winning Southern 500 name of game +Sports,CORKY: Dogfight turns to USC cakewalk +World,Ivory Coast Leader Defiant as Summit Convenes +World,Palestinians to set date for elections for Arafat successor +World,Dutch Violence against Muslims Continues +World,How To Get A War-Torn Region To #39;Shalom #39; +World,Outlawed Protestant group pledges to rejoin Northern Ireland #39;s <b>...</b> +World,"Armed with pen, pad on front line" +World,"These Days, the College Bowl Is Filled With Milk and Cereal" +World,"Senegal's Wade, AU's Konare in Abuja for talks on Ivory Coast crisis (AFP)" +World,South Korean group vows massive strike over labor reform bill (AFP) +World,Egypt Releases 700 Islamic Militants -Newspaper +World,Thousands Pray for Peace in Indian Kashmir on Eid +Sports,Glazer #39;s own-goal at Man U +Sports,NBA Wrap: Lakers Rally to Beat Rockets +Sports,Raising Canes in ACC title chase +World,Namibia set to elect new leader +Business,Wall St. Outlook: Bull Market with Legs? +Business,"S.Korea Unions Set to Strike, Stage Rally" +Business,Wall St. Outlook: Bull Market with Legs? +Business,Vioxx Will Weigh as Drugmakers Consider Strategy +Business,The burden of compliance +Sci/Tech,How Science Abuses Politics +Sci/Tech,Boeing Tests Megawatt Airborne Laser +World,Palestinian election date named +Business,Wall St. Outlook: Bull Market with Legs? (Reuters) +Sports,United to appeal to takeover body +Sports,Zook #39;s Swamp finale a romp +World,Israel may encourage moderate Palestinians +World,Jailed Palestinian leader eyed as Arafat successor +World,Hunting kidnapper in Pakistan #39;s tribal area +World,Britian #39;knew about E-Guinea #39; +World,Arafat death: French minister says no reason to suspect poisoning (AFP) +World,Australians celebrate 200th anniversary of battle to name their nation (Canadian Press) +World,Top Tories back Johnson sacking +World,Palestinians to Elect Arafat Successor on Jan. 9 +Sci/Tech,Microsoft Unveils Search Beta +World,Fallujah resistance reduced to pockets +World,Ecstasy link to Europe gang war +World,Doctor: Arafat May Have Died from Poison +World,Government brings UDA in from the cold +Sports,Arsenal take slapstick approach +Sports,Sports Briefs +World,Afghan kidnappers set new deadline for UN hostages (AFP) +Sports,Just give it a rest It #39;s time for spoiled stars to leave families <b>...</b> +World,German terror suspects detained +Sports,Offense a horror for Nets +World,Policemen injured after fight 14/11/2004 +World,India ready to look into Musharrafs proposal +World,Allawi Sees Victory Over Insurgents in Fallujah +Business,Data will dictate Fed rates +Sci/Tech,HALO 2: The aura still glows +Sci/Tech,Crunch time for Europe #39;s mobile operators as 3G hits mainstream +Sci/Tech,Red Hat opens office in China +Sports,"Tomjanovich, Lakers have a big night" +Sports,Report: NCAA To Reopen OSU Investigation Monday +World,"Background/ Arafat-free at last, Sharon hints at flexibility" +World,BJP holds Lalu responsible for Delhi stampede +World,Britain knew of E.Guinea plot before suspects #39; arrest +World,N.Irish UDA Guerrillas Pledge to End Violence +World,New Democratic Leader in Senate Is Atypical Choice +Sports,"USC, Oklahoma, Auburn Stay Unbeaten (AP)" +Sports,Lakers Help Rudy T Enjoy Homecoming (AP) +Sports,Montgomerie Beats Woods in S. Korean Skins (AP) +World,Frist: Specter Must Prove Himself for Post (AP) +World,Ships stricken by Algerian storm +Sports,Loeb equals record in Australia +Sports,Ohio State welcomes another investigation +World,UK Knew About Coup Plot in Eq. Guinea +Business,Australia Westpac seeks end to takeover restraints +Business,New tax aimed at savings +Sports,Cal train stays on track +World,Witnesses: Gunfire at Arafat Mourning Site (AP) +Sci/Tech,Titanic Founder Fears for Future of Great Wreck (Reuters) +World,Russia makes overture on Kurils +Business,Google exceeds all expectations; can it sustain strong run-up? +Sports,BOLD MOVE FROM UNITED +Sports,"NCAA heads back to OSU, Geiger eager to clear school" +World,Govt works on roadmap for troops cut in J amp;K +World,MENACE IN PIZZA OVEN +World,Former Indonesian intelligence chief says embassies in Jakarta are <b>...</b> +World,"O.D.B., Controversial Rap Artist, Dies at 35" +Business,AG probes state health insurers +Business,"RPT-IPO VIEW-Three months later, still digesting Google" +Sports,Rugby: Irish scalp Springboks +Sports,Ganguly pays price for slow play +World,Palestinians Set Jan. 9 For Vote +World,Indian PM Seeks to End Violence in Kashmir +Sports,Deion Sanders Out for Ravens (AP) +Sports,Heat Sign Free Agent Shandon Anderson (AP) +Sci/Tech,Pentagon's \$20bn war internet will 'cure world hunger' +World,Baghdad Airport to Reopen on Monday -Prime Minister +World,Indian PM Seeks to End Violence in Kashmir +Business,China #39;s foreign trade volume at 926.47 bln US dls in the 1st 10 <b>...</b> +Business,German Official Criticizes US Deficit +Sports,The way I see it - Tottenham v Arsenal +Sports,Ganguly banned for SA Test series +World,Palestinians to Elect Arafat #39;s Successor on Jan. 9 +World,The Limits Of Tolerance +World,Huge drug haul hidden in oven +World,Pakistan Prepares Final Push In South Waziristan +World, #39;Morgan wants four pillars #39; on reform agenda +World,Russia hails settlement of territorial problem with China +Sports,Jones faces ban and medal stripping after expos +Sci/Tech,Bloggers Still Tracking Votes in Wash. (AP) +Sci/Tech,Govs urge endangered species changes +World,Belgian far-right reborn after court slap (AFP) +Sci/Tech,U.S. Researcher Says Finds Atlantis Off Cyprus (Reuters) +World,Gunfire Erupts Near Interim Palestinian Leader +World,Political door reopens for UDA +World,"Storm Off Algeria Sinks Ship, 3 Die, 20 Missing" +Sports,Jol - promising to revive Spurs. (Getty Images) +Sports,Deion Sanders Out for Ravens +World,Gunfire at Gaza mourning tent for Yasser Arafat kills 1 +World,Dutch PM Urges Dialogue After Sectarian Violence +Sci/Tech,Trial Shows How Spammers Operate (AP) +World,Kidnappers Free Women Relatives of Iraqi PM -TV (Reuters) +World,Pop stars gather for re-recording of Christmas hit 20 years later (AFP) +World,Charest trip to Mexico with France's Raffarin will weaken Canada: critics (Canadian Press) +World,Frist Eyes Return to Medical Practice (AP) +World,"Abbas Escapes Gunfire, Palestinians to Vote Jan. 9" +World,Kidnappers Free Women Relatives of Iraqi PM -TV +World,Iran 'to halt uranium enrichment' +Sci/Tech,ISS Is Falling Down Russian Mission Control +Sci/Tech,Domain name rules tightened +Sports,Clarke wins Taiheiyo Masters +Sports,"Green, Porter ejected before Steelers-Browns kick off" +Sports,Holmes out for Chiefs-Saints game +Sports,Bowled by the slower one again +Sports,Juventus beats Lecce to increase lead to six points +World,Abbas escapes assassination in Gaza +World,Post-Arafat Gaza Sees Turmoil +World,After Arafat +World,Kasuri to formally present General #39;s Kashmir formula to India +Sports,Two Ejected in Steelers-Browns Fight (AP) +Sports,"Auburn, Okla. Tied for No. 2 in AP Poll (AP)" +Sci/Tech,Set mercury limits in concrete +Sports,Ganguly suspended for two Tests by ICC +World,Brit terror threat to be detailed in court +Sci/Tech,ICANN domain transfer policy takes effect +Sports,Rooney double sinks Newcastle +Sports,"Daly-Donofrio hits 64, leads LPGA by 3" +Sports,CLARKE SEALS OVERDUE WIN +World,A mistake to belittle Arafat or his vision +World,"Bush calls Philippine leader, affirming ties despite Iraq hostage spat (AFP)" +Sports,Henman Impressed in Houston +World,Iraqis can resume normal lives: PM +World,Palestinians Schedule Election for Jan. 9 +World,Lawmakers Divided on C.I.A. Chief's Leadership +World,The Political Conversion of New York's Evangelicals +Sports,Shortstop Omar Vizquel to Play for Giants +World,Iran Agrees to Full Nuclear Enrichment Freeze +World,Banned Basque Party Calls for Peace Talks +World,Uganda declares limited ceasefire +Business,Bombardier shares fall after junk status rating +Business,Experts on Gazprom and Rosneft #39;s merger +Business,Pixar continues its incredible run +Sci/Tech,Teach what science is: That would help evolution disputes subside +Sci/Tech,Software2005: Open and Loosely Joined +Sports,Heavyweights at The Garden +Sports,Owen Profits in Real Romp +Sports,Auburn and Oklahoma tied for No. 2 +Sports,Ganguly suspended for two Tests +World,Qurei nominated as chief of Palestinian security council +World,1 Dead 5 Injured at Arafat Mourning Tent in Gaza +World,"Bunkers, Human Remains Found In Fallujah" +World,"Abbas, clear favourite to succeed Arafat, escapes from Gaza <b>...</b>" +World,Fatah names former PM Abbas as candidate for PA chairman +World,"US, Allies Drawing Up Plans to Aid Palestinians" +Sci/Tech,Ga. Evolution Dispute Embarrasses Some +World,Iraq PM #39;s two female relatives released: Al-Jazeera +Sports,"Mauresmo Needs to Beat Serena, Hottest Russian to Finish No. 1" +Sports,"Docked for slow bowling, Ganguly to miss SA series" +World,Gbagbo puts hard-liner in charge of Ivory Coast army +World,"Back to future, Israel builds bridges with moderates" +World,Banned Basque Party Calls for Peace Talks +Sports,Redskins Underway +Business,Small-Caps Still Outperform Large-Caps +Business,"WBIX owner attempts suicide, said to admit scam" +Business,Fannie Mae Elects Not to Issue Benchmark Notes(R) in November +Sci/Tech,Microsoft search sparks new war +Sports,Owen Refusing to Predict Barca Role +Sports,NFL Game Summary - Chicago at Tennessee +Sports,"Colts 49, Texans 14" +Sports, #39;Slow #39; Sourav out for 2 Tests +Sports,NFL Game Summary - Kansas City at New Orleans +Sports,Rostock coach resigns following debacle +World,Iran to suspend uranium enrichment +World,African Leaders Call for Ivory Coast Arms Embargo +World,The Dutch dilemma +World,Japan demands apology from China +World,Lost city of Atlantis found? +World,Aussies spy for Jakarta: ex-agent +Sports,Roethlisberger Helps Steelers Win Seven in a Row +Business,Small-Caps Still Outperform Large-Caps +Sports,Stover's Field Goal Lifts Ravens Over Jets +World,"Rumsfeld Tours Panama Canal, Praises Security" +World,Ukraine Opposition Flexes Muscles After Victory +Sports,Ronaldo scores twice as Real Madrid cruises to 6-1 win +Sports,Bears (3-5) at Titans (3-5) +Sports,Time is here for Jones +World,Banned Basque Party Calls for Peace Talks +World,Iran agrees to suspend all uranium enrichment activities +World,Palestinians set date for elections +Sci/Tech,Algae Threatens Croatian Adriatic (Reuters) +World,A recollection of time spent with Arafat +World,"As fasting ends, the lessons of Ramadan linger" +Business,"Oil prices skid, US stocks of crude seen growing" +Business,Wall Street still digesting Google +Sci/Tech,Internet #39;s .Net Goes Out For Bid +Sports,Stunning Real dazzle with 6-1 win +Sports,Loeb cruises to victory in Australia +Sports,Chiefs lose without their Priest on Sunday +Sports,Houston vs. Indianapolis +Sports,Ganguly to appeal against ICC googly +Sports,"McNair active, but Volek starts in Titans loss" +Sports,SAINTS SUCCESS +Business,US stocks: Wall St outlook: bull market with legs? +World,"Rumsfeld Tours Panama Canal, Praises Security (Reuters)" +Sci/Tech,Video-Game Sequels Will Be on Wish Lists (AP) +Sports,"Auburn, Okla. Tied for No. 2 in AP Poll (AP)" +Sports,Federer #39;s fresh start +Sports,GANO MANCHESTER UTD. CON DOS GOLES DE ROONEY +Sports,Roethlisberger Helps Steelers Win Seven in a Row +Sports,ICC crack down on Ganguly +World,US Says 38 Soldiers Killed in Iraqi Offensive (Reuters) +Sports,Shortstop Omar Vizquel to Play for Giants (AP) +World,17 people killed in car bombing in Baghdad +World,US Researcher Says Finds Atlantis Off Cyprus +Sports,"Rams Win 23-12, Top NFC West With Seattle (AP)" +Sports,"Manning, Colts Embarrass Texans 49-14 (AP)" +Sports,"How Will Owens, Eagles Respond to Loss? (AP)" +Sci/Tech,Asian firms bridging the tech divide in Spain (AFP) +World,Mother-In-Law of Slain Teamster Arrested (AP) +Sports,No. 24 Ariz. Beats Rice in Preseason WNIT (AP) +Business,Retail Reports on Wall Street's Plate (AP) +World,N.J. to Swear in Governor Replacement (AP) +World,N.M. Still Counting Provisional Ballots (AP) +World,Top US senator slams 'dysfunctional' CIA (AFP) +Sports,Sen. McCain Threatens Baseball Over Steroids (Reuters) +Business,Atkins Sees Diet Pickup After New Year (Reuters) +Business,Small-Caps Still Outperform Large-Caps (Reuters) +Business,Getting and spending: Russia grapples with excess oil billions (AFP) +Sports,D.C. United Wins Fourth MLS Cup (AP) +Sports,"Bobcats Defeat Knicks, 107-101 (AP)" +World,Inflamed brain link to autism +Business,Soft Drink Company Takes The Cooking Out Of Thanksgiving +Business,Briefs: Hilton Group to sell UK hotels +Business,Down exports up as industry shakes bird flu +Business,BHP #39;s Shenzi-3 Well Finds Oil in US Gulf of Mexico (Update1) +Business,Eurostar turns 10 years old +Business,China Southern Airlines board approves taking over two airlines <b>...</b> +Sci/Tech,Apple #39;s nifty and expensive iPod Photo isn #39;t for everyone +Sci/Tech,European probe to enter lunar orbit +Sci/Tech,The Webmail Wars +Sci/Tech,New Nintendo game system may attract wider audience +Sports,"Barcelona loses, Real beats Albacete" +Sports,Daly-Donofrio wins Tournament of Champions +Sports,Prso the Rangers saviour +Sports,Del Piero and Juventus edge Lecce +Sports,"Johnson wins Southern 500, closes in on Busch" +Sports,Clarke tops Westwood in Taiheiyo Masters for his first win of 2004 +Sports,"Canada beats US for gold, Sweden captures bronze in Four Nations <b>...</b>" +Sports,"Browns, Steelers fight before game" +Sports,Rose Bowl At Stake In Michigan/OSU Game +Sports,Girl who carries Britain #39;s hopes for Games +Sports,Vick pass to Crumpler for 49-yard TD lifts Falcons past Buccaneers <b>...</b> +World,Abbas Caught in Gaza Gunfight +World,Africans Endorse Ivory Coast Sanctions +World,Oven yields record haul of ecstasy +World,Martin says violence preventing democracy from taking hold in <b>...</b> +World,Blair to Urge End to Trans-Atlantic Rift +Sports,Williams Downs Mauresmo to Reach WTA Tour Final +World,Banned Basque party calls for peace talks +World,Codey Takes Oath for New Jersey Governor's Post +Business,"Tokyo Stocks Open Up on Banks, Exporters" +World,Poll: Arafat lost real power years ago +Sports,Harvard Earns Share of Ivy Title +World,Blair to Urge End to Trans-Atlantic Rift (Reuters) +Business,"Tokyo Stocks Open Up on Banks, Exporters (Reuters)" +World,Visitors told to stay away as chocolate festival proves too popular (AFP) +Business,US Airways accord may set the tone for others +Sports,"Cardinals Defeat Giants, 17-14 (AP)" +Sports,"Kuehne, Sluman Win Shootout Title Again (AP)" +World,Intel Agencies Blamed As 9/11 Bill Stalls (AP) +Sports,Daly-Donofrio wins LPGA champions tournament by 4 strokes +Sports,"Kuehne, Sluman win second straight Franklin Templeton Shootout <b>...</b>" +Sports,Rams make statement they #39;re team to beat in NFC West +Sci/Tech,X-Ray of King Tut Mummy May Reveal Clues (AP) +World,Iran agrees to stop uranium enrichment +World,President calls truce with northern rebels +Sci/Tech,Titanic Finder Laments Damage by Visitors (AP) +Business,BHP to sell interests in Laminaria and Corallina oil fields +Sports,Williams reaches final at WTA Championships +Sports,Rooney double helps Man Utd stay alive +Sports,Rested Federer ready to put icing on cake +Sports,Clarke romps home in Taiheiyo Masters +Sports,NFL Game Summary - Cincinnati at Washington +Sports,It may all come down to the computers +World,"Palestinians Say the Future Rests on Vote, Israeli Action" +World,Work cut out for Australia and Indonesia +World,Historic Cuban Church Begins Construction (AP) +Business,Funds: What's Ahead for Fund Investors? (Reuters) +Business,Funds: What's Ahead for Fund Investors? +Business,Cuba dollar tax comes into force +World,New claim on location of Atlantis +World,U.S. Forces Turn to Iraqi Cities Beyond Fallujah +World,Steve Martin wins career honour +Business,Dollar Down Vs Yen +Business,"BHP coffers grow amid sales, discoveries" +Business,"Times, PI staff vote to keep ties with two-paper-town group" +Business,Brazil Gives China Early X-Mas Present... +Business,China exports record no of mobile phones from Jan to Sep 2004 +Sci/Tech,NASA experimental #39;scramjet #39; prepares for Mach 10 attempt +Sci/Tech,Mars Rovers Still at Work +Sci/Tech,"China and Linux: Microsoft, Beware!" +Sports,Glazer will be main topic at Man United shareholders #39; meeting +Sports,Rocastle admits Novo dismissal was #39;harsh #39; +Sports,Johnson sweeps Darlington +Sports,Seattle #39;s Fortson suspended over foul +Sports,"Weekend in Review: Sooners, Tigers battle for position" +Sports,College Hockey: Former Cornell Player Dana Antal Scores Game <b>...</b> +Sports,Even Drummond #39;s 2 return TDs don #39;t add up to enough +Sports,Panthers 37 49ers 27 +Sports,Manning gives Houston problems in rout +World,Mutilated body of #39;Western woman #39; found +World,Japanese princess to marry the best friend of her brother +World,Basque separatists signal end to 35 years of conflict +World,Russia makes overture on Kurils +World,Two shot dead in Yala as Ramadan ends +Sports,Panthers Defeat 49ers 37-27 (AP) +Sports,Russo: Who's No. 2? Auburn or Oklahoma (AP) +Business,"Hu tours Rio hot spots, to meet with ethnic Chinese, on Brazil <b>...</b>" +Business,China exports 4 million home brand mobile phones in first nine <b>...</b> +Business,DVD Sales Will Drive Pixar #39;s Earnings +Sci/Tech,Why MSN Search is good for the consumer? +Sports,No evidence of escorts hired to lure recruits found +World,SEA CITY IS FOUND +World,Thai PM weighs call for conciliatory body +Sports,Top-Ranked USC Beats UCLA to Finished Season Undefeated +World,Groups Want Pensions to Divest From Sudan (AP) +World,Textile town Tirupur brims with optimism as quotas end (Reuters) +Sports,Serie A Wrap: Wins For The Milan Giants +World,Australian cabinet gets down to business with abortion high on agenda (AFP) +World,Clinton Library Features Impeachment Area (AP) +World,Election Losses Further Erode Once Mighty Democratic Base +World,Fighting in Fallujah Nears End +World,Ammo Outpost Assumes Key Role +World,"For an Iraqi Soldier, the Battle in Fallujah Is Personal" +Sci/Tech,Pilotless Jet Will Attempt Speed Record +Sci/Tech,AP chief says Internet represents the future of news +Sports,Canadian women #39;s hockey team edges US 2-1 to win Four Nations Cup +World,"Iran Gives Pledge on Uranium, but Europeans Are Cautious" +World,Heavy storms pound Italy; two killed when landslide sweeps house +Sports,Soccer: D.C. United Take MLS Title Over Kansas City +Sports,Report: No Evidence in CU Recruit Scandal +World,Israeli army to reinstate ban on armed Palestinian security forces +World,William at Cenotaph for first time +Business,Stelco board approves C\$900 mln in financing +Business,Tower to Get A\$130 Mln From Australian Wealth Units (Update2) +Business,New Zealand forestry firms unite to target China market +Sci/Tech,Opportunity Rover to Pack Up and Leave Crater +Sci/Tech,Halo 2 Exceeds Expectations +Sports,"Ruiz, Byrd, Rahman and Donald All Score Wins" +Sports,"Canada beats US for gold, Sweden captures bronze in Four Nations <b>...</b>" +World,Can Arafat #39;s death lead to peace? +World,Wreaths laid in tribute to the fallen +Business,UPDATE: NZ Tower Spin-Off Could Pave Way For New Opers +Business,Two-newspaper group retains union backing +Business,Chirac optimistic despite depressing economic data +Sports,"Federer Fit, Rested and Ready to Defend Crown" +Sports,Red Bull Boss Confirms Jaguar F1 Takeover - Report +Sports,Williams to Meet Sharapova in WTA Champs Final +Sports,Four goals. But can Chelsea really win all four trophies? +Business,Prescription For Trouble +Business,China Southern buys assets to restructure +Business,Dollar Hits 7-Month Low Vs Yen +Sci/Tech,New US Study Faults Automakers for Whiplash +Sci/Tech,Vaccine makes war on sperm-making protein +Sports,Serena Ends Mauresmo #39;s Year-End No. 1 Bid +Sports,Henman has to stay cool in warm-up for Roddick +Sports,Rangers dig in for a capital victory +Sports,Western Michigan fired Darnell +Sports,"With One Race Left, Cup Chase Tightens" +Sports,Charline Labonte rises to challenge +Sports,Lions return star nearly steals Garrard #39;s turn in spotlight +Sports,Martz #39; unorthodox style works wonders for Rams against Seahawks +Sports,"Scoring Summary: Bears 19, Titans 17" +Sports,Vizquel Signs with San Francisco +World,Palestinians hold security meet +World,Murphy to explain UDA decision +World,Princess to wed Tokyo civil servant +World,"Dutch PM Visits Mosque, Urges Dialogue" +World,Truce hopes fade as Basque peace plan falls short +World,Straw faces pressure over African coup plot +Sports,Reasons for U.S.C.'s No. 1 Ranking Run Deep +Sports,Last Stand by the Jets' Defense Comes Way Too Early +Sports,Carter's Subtle Mistake Costs the Jets a Game +World,China Sets Condition for Resuming Talks with Taiwan +Business,Dow Jones Is Said to Agree to a Deal to Buy MarketWatch +Business,A High-Wire Act at Warner Bros. +World,"2 Marines From Woodbridge, Baltimore Area Killed in Iraq" +World,Iran Vows To Freeze Nuclear Programs +World,Sacked Boris 'will bounce back' +Sports,Five Drivers Will Race... For The Nextel Cup At Homestead +World,Report: Iran vows to halt uranium enrichment +World,"Honour memory of Rabin, Arafat - Mbeki" +Business,Elpida Advances as Shares Start Trading in Tokyo (Update2) +Sci/Tech,A contraceptive for men on the anvil: +Sci/Tech,European Spacecraft Prepares To Orbit Moon +Sports,We can catch Chelsea: Rooney +World,Preparation underway for marriage of Japanese Princess +World,Indian PM Singh: Peace Talks With Pakistan Making Progress +World,Canada PM Says Haiti Election Must Include Lavalas +Sci/Tech,Google Investors Await the Dropping of 39 Million Shoes +Sci/Tech,Sun to Introduce Newest Version of Solaris Today +Sci/Tech,"For BizRate, a New Identity and a New Site, Shopzilla.com" +Sci/Tech,Ad Network Monitors Web Habits +Sci/Tech,"In the Battle of the Browsers '04, Firefox Aims at Microsoft" +Sci/Tech,"Hey, Cool Music. And There's a Video Game, Too?" +World,U.S. Plans Assault On Afghan Heroin +Sci/Tech,Adobe to update PDF tools +Business,"Oil Slips, Heads Toward 7-Week Low" +Sci/Tech,Sun aims at Red Hat with new Solaris pricing +Business,10.45am Market Update +Business,Audit Compliance Deadline Proves Costly to Companies +Business,"After #39;The Incredibles, #39; Pixar Can Afford to Play Hard-to-Get" +Business,Verizon ads aim at new merger -- just-merged Cingular/AT amp;T <b>...</b> +Business,Fannie Mae Faces Deadline on 3Q Results +Business,City taken off Moody #39;s watch list +Business,"Witness: Ovitz, Eisner Were Clashing" +Business,Retail Reports on Wall Street #39;s Plate +Sci/Tech,Firefox Could Give IE A Run For The Money +Sci/Tech,Google opens new office in Kirkland +Sci/Tech,More Than #39;Symbolic #39; +Sci/Tech,"Slowly but Cheaply, a New Way to the Moon" +Sci/Tech," #39;Grand Theft Auto: San Andreas #39; is violent, exhilarating game" +Sports,Tennis: WTA C #39;ships: Serena beats Mauresmo +Sports,McLeish considering appeal +Sports,NFL Game Summary - Buffalo At New England +Sports,Wins over division rivals force +World,Iran bows to demands for nuclear suspension +World,Arafat #39;s potential replacement caught in gunfire +World,Arafat #39;s Legacy +World,Canada Presses Haiti on Role for Aristide +World,Mixed reaction over Manmohanss statement on troops reduction in <b>...</b> +World,S.Korea Civil Servants Strike Over Right to Strike +Business,Brothers Team Up to Rule Commercial Sales +Sci/Tech,Sun Microsystems Rolls Out Much-Awaited Solaris 10 +World,Art Fuses With Urbanity in a Redesign of the Modern +Sci/Tech,Telecom Shows Sparkles of Life +Sports,"Nowitzki, Stackhouse Spark Mavericks to Another Win" +Sports,New Parks Offer Lessons +Sports,Falcons Stay On Top +Sports,Sixers Have Answer +Sports,Johnson Creeps Closer +Sports,Tigers Tame Bears +Business,Dow Jones to buy MarketWatch for \$520 million +Business,NZ PRESS:Forestry Companies Work Together To Target China +Business,"Elpida makes solid market debut TOKYO (Reuters) - Nov 15, 2004" +Business,JP Morgan has a conflict of interest in saga +Business,Adobe to update PDF tools +Sports,5 TDs keep Manning on pace for NFL record +Sports,"It's Football, Not 'Footloose'" +Sci/Tech,Another Cool Firefox Search Tool +Sports,Second win of year at Darlington comes in the last Southern 500 +Sports,DC United Wins Major League Soccer Championship +Sci/Tech,Google and Mozilla Firefox Working Together +World,Give E. J #39;lem Arabs the vote +Business,Dow Jones Is Said to Agree to a Deal to Buy MarketWatch +Business,Elpida Advances as Shares Start Trading in Tokyo (Update1) +Business,LIQUID DIET +Sci/Tech,Experiment confirms existence of new electronic state in <b>...</b> +Sports,MOE WILLIAMS 17 YD PASS FROM DAUNTE CULPEPPER (MORTEN ANDERSEN <b>...</b> +Sports,Patriots notebook: Vrabel in starting lineup +Sports,Rams tie for division lead as Hawks can #39;t find end zone +Sports,USC Holds Off UCLA +World,Kosovan war crimes trial begins +Sports,U.S. Still In Contention +Sports,Patriots Handle Bills +Business,Dollar Slips to 7-Month Low Vs Yen +Business,Sun Rolls Out Much-Awaited Solaris 10 +Business,Big media getting bigger +Business,"Perrigo to Buy Agis, a Maker of Generic Prescription Drugs" +Business,Big firms must prove Sarbanes-Oxley compliance +Business,Telstra Pays Lowest Price in A\$750 Mln Stock Buyback (Update4) +Business,Airline cuts bring longer layovers +Business,Dow Jones set to buy Marketwatch +Sci/Tech,Cars rated on whiplash impact +Sci/Tech,NASA aims for fastest flight +Sci/Tech,Sun to Introduce Newest Version of Solaris Today +Sci/Tech,Breathing problems from smoke or toxic fumes +Sports,4-stroke win in LPGA finale earns 3-year exemption +Sports,Colts crush Texans behind Manning; Pats throttle Bills +Sports,Scandals Sink Sports +World,Iranian freeze on enrichment will continue +World,Gunfire disrupts Arafat mourning ceremony +World,Namibians to choose new leader +World,Chen vows to press for UN bid under title of quot;Taiwan quot; +Business,"Perrigo to Buy Agis, a Maker of Generic Prescription Drugs" +Sports,"Favre Leads Packers Past Vikings, 34-31" +Sports,Garrard Subs Nicely +Sci/Tech,Firefox browser outshines Explorer +Sci/Tech,"Immune system could play role in male contraception, researchers <b>...</b>" +Business,Dow Jones amp; Co. to buy MarketWatch Inc. +Business,AMR Research Estimates Sarbanes-Oxley Spending Will Reach \$5.8 <b>...</b> +Business,US Treasuries Fall as Manufacturing Likely Gained This Month +Business,Crunch day for Gold Fields +Business,Dollar Down Vs Yen +Sci/Tech,Sun Microsystems Rolls Out Much-Awaited Solaris 10 +Sci/Tech,There #39;s Google. Then There #39;s Google Desktop +Sci/Tech,Scramjet tries to break speed record +Sci/Tech,Kyoto pressures Korea for action +Sci/Tech,Moon trip needs new Saturn V +Sports,Patriots trounce Bills +Sports,Beckham #39;s back as Real thrash Albacete +Sports,Spartans dispatch N. Michigan with 28-0 run +Sports,Martz gets mad and Rams get even +Sports,Palmer passes Bengals to win over Redskins +World,Chirac says French troops will stay in Ivory Coast +World,Mutilated body of woman found +World,Life after Yasser Arafat uncertain +World,Atmosphere conducive for talks with Pak: Natwar +World,Shooting At Arafat Mourning Tent +World,Anwar #39;s return in Malaysian politics +World,Nation pays silent tribute to war dead +Sports,"Packers 34, Vikings 31" +Business,Red Bull 'poised to buy Jaguar' +World,Verdict due on Iran nuclear plans +World,"At the Mall, Mixing Popcorn and Religion" +World,Blocked on China's Paths to Justice +Sci/Tech,Row brewing over peer-to-peer ads +Sci/Tech,Bidders to snap up mobile photos +Business,AT amp;T Wireless ends storefront presence +Business,Layovers getting longer as US airlines struggle +Business,"Snow Supports Strong Dollar, #39; Says Markets Should Set Value" +Business,Eurostar moves base to St Pancras +Business,Ottawa #39;s unhealthy budget game +Business,Microsoft to hire hundreds more in India +Business,"Small plane crashes in Texas, killing all five aboard" +Sci/Tech,NASA Experimental Jet Prepares for Flight +Sci/Tech,Tired of spyware? Try another browser +Sci/Tech,Searching for root of two evils +Sci/Tech,Adobe improves collaboration and security features in Acrobat 7 +Sci/Tech,Serious Flaws in Windows XP SP2 +Sci/Tech,"News Bits: AMD, Dell Record Sales, nVidia 6800, Samsung Q30, Half <b>...</b>" +Sci/Tech,Briton arrested in counterfeiting crackdown +Sci/Tech,Dutch boys collared for hack attacks +Sci/Tech,Idera Announces Emea Launch of Enterprise-Scale Backup and <b>...</b> +Sci/Tech,Cryptic To Marvel Comic: Gold Digger #39;s Claims Without Merit +Sports,"Mauresmo shows grace on court, and in defeat" +Sports,Hotshot Rooney still has his sights on league title +Sports,DC United captures record 4th MLS Cup +Sports,Notebook: Auburn shares 2nd in AP poll +Sports,Jordan announces Toyota deal +Sports,Soccer: Ancelotti applauds formidable Shevchenko +Sports,"Notebook: Vizquel, Giants agree to terms" +World,Chaos continues in Gaza City +World,SUMMIT ON IVORY COAST CRISIS +World,UDA #39;ceasefire #39; begins today +World,India-Pakistan working for #39;acceptable #39; solution of Kashmir +World,South Korea #39;s police round up striking civil servants +World,More held over Australia drug haul +World,NEWSMAKER-Namibia #39;s Nujoma to stand down but stay in saddle +World,World ; Mexico Opposition Has Early Lead in State Voting +World,Tung rules out HKSAR quot;referendum quot; +World,China says conflict with Taiwan may be unavoidable +Sci/Tech,Status Report: Wormwood to Screwtape +Business,Toyota Prius Voted European Car of Year +Business,Oil Slips Below \$47/bbl to 7-Week Low +World,U.S. Needs to Offer More to N.Korea-Security Report +World,Falluja Fighting Persists; Aid Convoy Rejected +World,"Iran Stresses Nuclear Freeze Is Voluntary, Brief" +World,Afghans Repeat Hostage Threat But Show Flexibility +Business,Red Bull snaps up Jaguar F1 team +World,Namibia votes to elect new leader +Business,End of the line for Waterloo #39;s Eurostars +Business,Business Digest +Sci/Tech,Study Finds Fault With Many Cars #39; Head Restraints +Sci/Tech,"At Mach 10, around the world in 5 hrs" +Sports,Jordan has Toyota power for 2005 +Sports,Red Bull buys Jaguar +World,Abbas Escapes Gaza Shooting Unharmed +World,Israel split over E Jerusalem residents participation in polls : +World,Arafat: A leader without a conscience +Sci/Tech,Sun to unveil much-awaited version of Solaris +Sports,Nelson downplays his first trip back to Philly +Business, #39;The Incredibles #39; keeps passion for Pixar alive +Business,MS to hire hundreds more in India +Sports,UPDATE 1-Jordan offered Toyota engines for 2005 +World,Mystery of woman #39;s body in Fallujah +Sci/Tech,GeekTech: Here Comes BTX +Sci/Tech,Pilotless Jet Will Attempt Speed Record +Sci/Tech,"Arthur H. Robinson, 89, Dies; Reinterpreted World Map" +Business,Update 4: Tokyo Stocks Rally Nearly 1.9 Percent +Business,Stelco gets \$900M bid from bank +Sports,Nothing artistic about MSG canvas +Sports,Given punished as Newcastle fall to fourth straight defeat +Sports,United takes title: Eskandarian scores two goals for DC +Sports,Santini: Unhappy families just a game +Sports,Can #39;t Hackett +Sports,Giants #39; only hope is the future +World,Palestinian elections crucial: Erakat +World,Israel #39;Willing to Co-Ordinate Gaza Withdrawal #39; +Sports,Utah #39;s Meyer Confirms He #39;s Headed To Florida +Business,DJ to acquire MarketWatch +Business,Snow set to feel heat in Europe +Business,Profits at steelmaker Arcelor soar sixfold +Business,GenCorp rejects Steel Partners offer +Business,Asian Stock Markets Close Mostly Higher +Business,WR Grace files bankruptcy reorganization plan +Business,Ebookers job cuts reduce losses +Sci/Tech,Seats can fail in rear crashes +Sci/Tech,"NASA Set to Launch 7,000 Mph Jet" +Sci/Tech,The Internet Column +Sci/Tech,Marvel sues NCsoft over City of Heroes +Sci/Tech,Windows CE Surpassed Palm OS Shipments +Sci/Tech,Dutch teens arrested over cyber crime +Sci/Tech,"Climate change already affecting global environment, reports say" +Sci/Tech,"GM, DuPont Adapt to Kyoto Environmental Standards Bush Rejected" +Sci/Tech,UK iPod users delight - Apple socks ship quot;soon quot; +Sports,Patriots: Four downs +Sports,"Vizquel rejects Sox, signs with Giants" +Sports,Jordan confirm Toyota deal +World,Gbagbo says France backs Ivory Coast rebels +World,Don #39;t expect miracles: Natwar Singh: +World,Just stop fighting! +World,Namibia Votes for New President +World,Australian drug smugglers go on trial +World,South Korean leader visits Argentina +Business,Profiting From Nonproductiveness +Business,Sun to Roll Out Free Solaris OS +Sports,"Ford confirm sale of Jaguar F1 team, Cosworth" +Sports,Hewitt prepared for Moya challenge +Sports,Manning leads way in laugher +World,Another Winter of Discontent +World,Canadian leader commits to Haiti +Business,"Stocks Off, Energy Shares Down, Oil Falls" +Sci/Tech,Dutch charge teenage hacker suspects +World,F1: Red Bull snaps up Jaguar +Sci/Tech,Microsoft's Search Falls Far Short of Google's +Sci/Tech,Sun Unveils Free Solaris +Sci/Tech,Adobe Acrobat 7 unveiled +Sci/Tech,Crash tests of several automakers reveal poor anti-whiplash <b>...</b> +Sci/Tech,Red Hat goes to China +Sports,Red Bull confirms Jaguar purchase +Sports,Carter #39;s Subtle Mistake Costs the Jets a Game +Sports,Sports Scene: DC United wins MLS Cup +Sports,DC wins MLS Cup +World,Namibia votes to elect new leader +Sci/Tech,Institute: Most cars do poorly in whiplash tests +Sports,Grading the Jets +Sports,"Giants, Vizquel agree to terms on 3-year deal" +Sports,"Martz #39;s insults inspire Rams, 23-12" +World,North Korean Nuclear Issue to Feature at Asia-Pacific Summit +Sci/Tech,'Music Is Not a Loaf of Bread' +Sci/Tech,Dark Side of the Band +Sci/Tech,Sci-Fi Paints a Pretty Picture +Sci/Tech,Mario Shows Off a Killer Return +Sci/Tech,CSI Cairo: Mummy's Cause of Death +Sci/Tech,Washington Dems Get Out the Vote +Sci/Tech,Do Blogs Change the News? +Business,Standard Chartered Bank (HK) announces management changes +Sci/Tech,Grand Theft Auto: San Andreas Vs. Halo 2 +Sports,"Serena, Sharapova in rematch" +Sports,DC United stands atop MLS again +Sports,Another BCS controversy could fuel drive for playoff +World,Huge haul of ecstasy in Australia +World,Pits still ahead for post-Arafat Mideast peace process +World,Namibians cast their ballots +World,Straw questioned on Guinea #39;plot #39; +World,Madonna backs new Band Aid single +Sci/Tech,"At tech firms, time again for flextime?" +Business,Dow Jones Co. to Buy MarketWatch Inc. +Sci/Tech,Fact and fiction in the Microsoft-SCO relationship +Business,Political Pollsters Don't Live on Elections Alone +Business,US drug maker buys Israeli firm +Business,"HEADLINE STOCKS: Stocks to Watch, Nov. 15" +World,Israel army pulls back from Jenin +Business,Stocks Set for Slightly Weak Open +World,Christmas comes early for gamers +World,A Goal Is Met. What's Next? +Business,Treasury chief wants stronger dollar +Business,Microsoft to go on Hiring Spree +Business,Perrigo to Buy Israeli Drug Firm Agis +Business,Regis to Buy Hair Club for Men and Women +Business,"Hollinger Ex-Chiefs Face Civil-Fraud Charges From SEC, WSJ Says" +Business,British lender names HK chief +Business,Australia fund buys gas stake in Britain +Business,"Disconnected PDAs are dead, according to RIM" +Business,Airport layovers reportedly lengthen +Business,Update 1: UK Companies Losing Out on EU Contracts +Business,Stelco offered \$900M package +Business,Toyota Prius Voted European Car of Year +Sci/Tech,Solaris strikes back at Linux +Sci/Tech,Nasa jet set for speed record bid +Sci/Tech,Windows CE knocks Palm OS off the top spot +Sci/Tech,Halo 2; Donkey Konga +Sci/Tech,USA: Kraft recalls Lunchables due to mislabelling +Sports,PRSO RUNS INTO A SPOT OF BOTHER +Sports,"NFL: For 3 teams, 3 ways to winning in overtime" +Sports,"Ravens #39; Reed keeps stealing games, passes" +World,Abbas #39;s Brush with Gunmen Makes Vote Urgent -Aide +World,Relief convoy turned back from Fallujah: Red Cross +World,Lost kingdom of Atlantis found in Cyprus +Sports,United planning talks with big two +Sports,Solberg Set Sights on Next Season +Sports,"Patriots rout Bills, go 2 games up in East Division" +World,Our Opinion: Peace prospects +World,Iraqi officials confirm kidnappers released two of Allawi #39;s female <b>...</b> +World,UGANDA: Govt orders unilateral truce in the north +World,Namibians cast votes in presidential election +Sci/Tech,Sun to Give Out Operating System for Free +Sci/Tech,NetInterlink Offers Schools a Way to Stay on Track +Sci/Tech,"Slowly but Cheaply, a New Way to the Moon" +Sci/Tech,Trial Shows How Spammers Operate +Sports,Barca remain confident despite first league defeat +Sci/Tech,Aggregator Sites: One-Stop Shopping? +Sci/Tech,Tests for Tutankhamen mummy +Sports,Ford predict bright future for Red Bull team +World,Pervez plan on way to Delhi +World,Allawi #39;s Female Relatives Released By Captors +Business,Snow still backing strong dollar +Business,Elpida makes solid debut on TSE +Business,Arcelor third-quarter profit jumps sixfold +Business,British companies quot;shut out quot; in lucrative European contracts <b>...</b> +Business,London Share Prices Up at Midday +Sci/Tech,Firefox aims at Microsoft in browser battle +Sci/Tech,Adobe aims at workgroups with Acrobat 7 +Sci/Tech,Apple on top of digital music charts +Sports,Ford confirms Jaguar sale to Red Bull +World,Learning From Arafat: Terrorism is Big Business +World,World Bank: Disengagement Might Make Things Worse +Business,Lowe #39;s income up +Sci/Tech,Microsoft aims to end Apple #39;s sprint on music +Sci/Tech,Security Vendor Refuses To Detail SP2 Flaws +World,Falluja Rebels Fight On; Clashes Across Iraq +Sports,Tennis Masters - Houston USA +World,Meta Arafat! Palestinians deserve his dream +Business,Before the Bell: Intel Falls +Business,"Rigel, Merck Form Development Partnership" +World,"Sudan, Rebels Breaking Darfur Cease-Fire -Report" +Business,Tyson Foods Reports Lower Earnings +Business,Greece admits fiddling euro entry +Business,"Stocks Set for Soft Open, Focus on Techs" +Business,Nigeria announces fuel price cuts +Business,Treasury Chief Wants Stronger Dollar +Business,Lowe #39;s income up +Business,"Wrigley to Buy Kraft Life Savers, Altoids" +Business,Regis Corp. in deal to buy Hair Club for Men and Women +Business,Greece admits fiddling euro entry +Business,Dow Jones to Buy MarketWatch +Sci/Tech,"NASA Jet Will Try to Go 7,000 Mph" +Sports,Jaguar Racing sold to Red Bull +Sports,"The good, bad ... and even better (Texas)" +World,Palestinians play down Abbas shooting incident +World,Thousands of South Korean public servants strike work: +Sports,Bid Books Land in Lausanne as Cities Sweat It Out +Business,Nigerian Govt Aims to Avert Strike +Business,Tyson Foods Posts Lower Earnings +World,Iran Pledges to End Uranium Conversion from Nov. 22 +World,Families of Kidnapped Japanese Say N. Korea Lying +World,Ex-Kosovo Rebels Face First Hague War Crimes Trial +World,US war planes target Iraq rebels +World,UN probe backs Iran nuclear claim +Sci/Tech,Election apology starts net feud +Business,"Wrigley to Buy Altoids, Life Savers From Kraft for \$1.48 Bln" +Business,Perrigo to buy Agis in \$818M deal +Business,GenCorp rejects Steel Partners bid talk request +Business,Kinross Gold revises Q3 to loss \$133.6M +Business,North American markets set to rise as crude oil prices drop below <b>...</b> +Business,US backs quot;strong dollar quot; policy +Business,India ; Microsoft to recruit more staff in India +Sci/Tech,"Sky is the limit, says Nasa #39;s #39;scramjet #39; team" +Sci/Tech,"Solaris 10 Released, Updated amp; Free (Like Speech)" +Sci/Tech,Technology ; Mozilla #39;s Firefox renews browser war +Sci/Tech,Climate change taskforce warns of dangerous warming +Sci/Tech,Investors say Microsoft Search can #39;t edge out Google and Yahoo +Sci/Tech,"Moon Probe, With Revolutionary Engine, to Begin Orbit, ESA Says" +Sports,Cards enter AP top 10 for first time +Sports,Lehmann gives evidence at hearing into Hookes #39; death +Sports,"With back-to-back wins, Patriots are back" +Sports,Vaughan wary of Zimbabwe tour +Sci/Tech,"Warming affects climate, not DC" +World,US-led forces meet resistance in Fallujah +World,UDA seeks part in Ulster talks +World,France #39;s #39;Watergate #39; trial opens +Sci/Tech,Collaboration platforms present unified front +Sci/Tech,IBM fuels the need for speed +Sci/Tech,Sun unleashes Solaris 10 +Sci/Tech,"Data management, tools wrap: Systinet hails UDDI" +Sci/Tech,Symbol upgrades its wireless LAN switch +Business,Stocks Set to Open Flat to Lower Today +Sci/Tech,Microsoft #39;s Service Pack 2 drives some users buggy +Sports,Vaughan admits Zimbabwe tour doubts +Sci/Tech,McAfee takes on more spyware +Sci/Tech,BEA adds app server support to Beehive +World,Princess #39;s marriage raises Japan #39;s hopes to boost birth rate +Sci/Tech,RSA releases delayed single sign-on product +Business,Higher Expenses Trim Barnes Noble Profits +Sci/Tech,Adobe aims at workgroups with Acrobat 7 +Sci/Tech,Adobe Readies Acrobat 7.0 +Sci/Tech,Blinkx Unveils Smarter Desktop Search +Sci/Tech,UK group preps public digital music 'ATMs' +World,"Afghan Militants Reject Ransom, Demand Releases" +Business,"Lowe's Profit Up 15 Pct., Tops Estimates" +Sci/Tech,"Intel, LG to work on single wireless broadband standard" +Sports,Top-Ranked USC Beats UCLA to Finished Season Undefeated +Sci/Tech,Yahoo implements DomainKeys in its mail service +Business,"Wrigley to buy Life Savers, Altoids from Kraft" +Sci/Tech,Biotech in stem cell giveaway +Sci/Tech,Two Miami students die of apparent carbon monoxide poisoning +Sci/Tech,Microsoft takes largest share of PDA market for first time +Sci/Tech,Halo 2 for Xbox +Sports,Jaguar Formula One team taken over by Red Bull beverage company +Sports,Serena out to salvage some lost pride +Sports,Ravens Beat Jets in Overtime +Sports,Worsley returns to strengthen England back row against Springboks +Sports,A night to remember at Gillette with 29-6 victory +Sports,Dallas 122-113 over Wizards +Sports,"Vizquel moves to Giants, opening door for Peralta" +World,Iran Promises UN It Will Suspend Uranium Enrichment (Update1) +World,New Hostage Deadline Set in Afghanistan +World,Macedonian Premier Quits in Ethnic Row +World,Croatia PM makes key Serbia visit +Business,"Maxtor's Tufano Resigns as CEO, President" +Sci/Tech,Music Download Vending Machines Set for Britain +Business,Google finds its way onto cellphones +Business,Change of habit might be key to drug's success +Business,Dollar's slide elicits hands-off approach by US +Business,Verizon activates 12 new cell sites +World,2 killed in shooting at Arafat service +Sci/Tech,Firefox Flames Internet Explorer +Business,Adobe makes home movies easier +World,UDA pledges cease-fire in Northern Ireland +Business,Music industry aims to send in radio cops +World,"Visiting Haiti, Canadian leader presses reconciliation" +Business,Sun Microsystems' new software to be free +World,Leader seeks to end violence in Kashmir +Business,SEC urged to enforce whistle-blower law +World,"US revises its strategy on Sudan, seeks UN aid if peace deal signed" +Sports,Home rule +Sports,Touted opponent simply not up for the challenge +Sports,The end is here for once-great Bledsoe +Sports,Damon was into this game early +Sports,Vinatieri stays upright when offense stumbles +Sports,Packers fend off Minnesota rally +Sports,Glory day for Nowak and United +Sports,US lacks golden touch +Sports,Two may miss BC hoop opener +Sports,No. 19 Eagles desperately want to finish job +Sports,BABC stops Magic act +Sports,Plymouth North stunts Falmouth +Sports,Kelly sparks Bishops +Business,"Wrigley to Buy Life Savers, Altoids" +Business,Energy Secretary Abraham Plans to Resign +Business,"Stocks Open Lower; Intel, Oil Stocks Down" +Business,Alcoa Cautions About Below-Market Offer +Business,Wrigley to Buy Kraft #39;s Life Savers for \$1.48 Bln (Update2) +Business,"Lowe #39;s Profit Up 15 Pct., Tops Estimates" +Business,"Maxtor #39;s Tufano Resigns as CEO, President" +Business,UK #39;s Brown wants to reform EU +Business,Air France-KLM Sales Rise 6.4 on Passenger Increase (Update1) +Sci/Tech,Scramjet bid to fly at two miles per second +Sci/Tech,Adobe Systems Introduces Acrobat 7.0 +Sci/Tech,Dell joins blade server fray +Sci/Tech,Yahoo implements DomainKeys in its mail service +Sports,TOUCH WOOD +World,Israel Willing to Coordinate Gaza Pullout +World,Africa backs Ivory Coast embargo +World,Powell due in West Bank next week: Shaath +Sci/Tech,Gartner: Microsoft beats PalmSource in PDAs +Sci/Tech,Microsoft will hire more staff at Indian facility +Sports,Navy Pounds Army +Business,"Dollar wallows near yen, euro lows" +Business,GE to Buy SPX Fire Detection Unit +Business,"Kinross Gold restates Q3, posts \$133.6 million" +Sci/Tech,"Adobe Unveils New Versions of Acrobat, Reader" +Sci/Tech,RIM signs BT to sell Blackberry +Sci/Tech,US #39;To Radio Tag Drug Bottles #39; +Sci/Tech,Character design under threat: Marvel launches suit +Sports,"USC holds off ULCA, headed to Miami" +Sports,Keeper Barthez misses French date +Sports,Sacramento Kings Team Report - November 15 +Sports,Washington Wizards Team Report - November 15 +Sports,Titans Lose To Chicago Bears In Overtime +World,US patient load surges at military hospital in Germany +Business,Wrigley to Buy Kraft #39;s Life Savers for \$1.48 Bln (Update3) +Business,"American Express Sues Visa and MasterCard, Large Bank Card Issuers <b>...</b>" +Sci/Tech,Whiplash Prevention Tests +Sci/Tech,Blinkx 2.0 Adds Smart Folders +World,Sudan #39;s Darfur security a quot;farce quot; says group +World,Israel anxious to help moderate post-Arafat Palestinian leadership +Sports,Belarussian Paralympic Lifter Banned for Life +Business,"When love comes to MarketWatch, I #39;m gonna catch that...user?" +Business,GE to Buy SPX #39;s Fire-Detection Unit for \$1.4 Billion (Update2) +Business,World #39;s Biggest Aerospace Company in Offing? +Business,Oil Slips Below \$47/bbl to 7-Week Low +Business,The decline of the West: eurozone +Business,Oil Falls Below \$46 to 8-Week Low +Sci/Tech,"Dell, Microsoft make a patch pact for servers" +Sci/Tech,Never away from the office +Sci/Tech,Yahoo! to test new anti-spam tool +Business,Gold Hits 16-Year High - \$440 an Oz. +Sports,Hopes high for Red Bull team +Sports,Coe Confident as London Posts #39;Olympic Winner #39; +Sports,"Serena, Sharapova bitching before final showdown" +Sports,Battle for Supremacy or a circus act? +Sports,Arnesen denies rift with Santini +Sports,Reyna injured again +Sports,Clarke closes in on No. 11 Scott in ranking +Sports,Memphis Grizzlies Team Report - November 15 +Sports,"When handicapping the playoff races, watch teams that can run and <b>...</b>" +Business,The Value Advantage +Business,This Eagle Isn't Endangered +World,UN pressed on Darfur sanctions +World,Al-Jazeera TV: Two women of Allawi #39;s relatives released in Iraq +World,No Going Back On Strike - NLC +Business,The Last Noel +Sci/Tech,"Grokster touts 'legal, licensed' p2p music share system" +Sci/Tech,Dell Sees Market Gains with New Compact Servers +Sci/Tech,Radvision Gets Deal for Partner's 3G Video Trial +World,US maize 'threat' to Mexico farms +Business,MarketWatch shares rise on Dow Jones deal +Business,Wrigley to Buy Kraft #39;s Candy Brands for \$1.48 Bln (Update4) +Business,Oil goes below \$46 +Sci/Tech,NASA scramjet to attempt Mach 10 flight +Sci/Tech,MSN Does Not Steal Google Results to Seed New Index +Sci/Tech,IU Researchers Helping to Study Video Game Violence Link +Sports,"After 50 rounds, still no clear champ" +Sports,"Patriots, Steelers rule AFC" +World,Iran to halt uranium enrichment +World,Chile prepares for international summit +World,Japan unsatisfied with N.Korean probe +Sci/Tech,Dell touts new blades' bang for the buck +Sci/Tech,"Dell, Microsoft make a patch pact for servers" +Business,Snow Likes His Strong Dollar Weaker +Sci/Tech,Computerworld Data Points - Outsourcing +Sci/Tech,".Net development gets new tools, code initiative" +Sci/Tech,Hotline: Use it in a sentence +Sci/Tech,McAfee Enhances Spyware Protection +Sci/Tech,Pioneer Eyes 510GB Optical Discs +Sci/Tech,AOL Enhances Its Google Powered Search Engine +Sci/Tech,MSN Does Not Steal Google Results to Seed New Index +Business,Snow Says Strong Dollar #39; Is in America #39;s Interest #39; (Update4) +Business,Smithfield Foods plans private note offer +Business,Perrigo says deal vaults it into world market +Business,Deutsche Bank Agrees to Sell Private Investment Counsel Business <b>...</b> +Business,"Hollinger #39;s Black, Radler Sued by US SEC, Accused of Fraud" +Business,Tower builds war chest for buys +Business,World #39;s Biggest Aerospace Company in Offing? +Business,Oil prices hold near 7-week lows on US weather forecast +Business,Kinross Restates 3rd-Qtr Profit to Loss on Writedown (Update1) +Business,Factories ship fewer goods in September +World,Falluja Rebels Battle On; Clashes Across Iraq +Sci/Tech,Scientist fears samples of soil or rock might harbor hostile <b>...</b> +Sci/Tech,"Dell, Microsoft to Develop Server Software" +Sci/Tech,BT Picks BlackBerry for Europe +Sports,Five cities submit bids for 2012 Olympic Games to IOC +World,Abu Mazin escapes assassination attempt in Gaza +World,Uda #39;Must Stick to Ceasefire Pledges #39; +World,Turkey OKs EU-Backed Criminal Code Changes (AP) +World,The Eternal Agitator +World,War By Fits And Starts +World,Who Will Lead Them Now? +Business,Dow Jones to Buy MarketWatch for \$463 Mln +Business,Microsoft to Hire Hundreds More in India +Sci/Tech,Woman Auctions Father's Ghost on eBay (AP) +Business,Fed Pension Agency Deficit to \$23.3 Bln +World,Ex-Kosovo Rebels Face First Hague War Crimes Trial +Business,Ex-Boeing CFO Pleads Guilty in Contract Case +Business,Lord Black is charged with fraud +Business,Dow Jones to Buy MarketWatch for \$463 Mln +Business,UPDATE 1-SEC charges Hollinger #39;s Black with fraud +Business,Microsoft to hire hundreds more in India: +Business,UPDATE 2-GE to buy SPX fire detection unit for \$1.4 bln +Business,American Express sues Visa and MasterCard +Business,Kraft Foods confirms plans to sell sugar candy biz +Business,Disc Drive Maker Maxtor #39;s Top Exec Quits +Business,Mexico #39;s Cemex May Sell Two US Plants +Business,Alcoa Responds to Unsolicited TRC Bid +Business,Brown calls on EU partners to open up procurement +Business,Ex-Boeing CFO guilty in hiring scam +Business,Ex-Boeing CFO Pleads Guilty +World,EU Hopes for Clean End to Ukraine Election +Sports,Bates Taps Feeley +Sci/Tech,NASA Jet Hopes to Break Speed Record +Sci/Tech,No Whiplash Help From Most Cars +Sci/Tech,"Microsoft, Dell Team on Server Software" +Sci/Tech,Sun Rolls Out Solaris 10 +Sci/Tech,Dell Unveils Compact Blade Servers +Sci/Tech,Dell Ponders Using AMD Processors +Sci/Tech,Novell Puts Its Weight Behind Desktop Linux +Sports,"Serena, Sharapova Avoid the Choke to Advance to WTA Championships <b>...</b>" +Sports,Darkhorse Dominates Tournament of Champions +Sports,"Soccer: Barca finally beaten, but unbowed" +Sports,New York #39;s failed trick play turns tide +Sci/Tech,Generation Raised With Internet Grows Up (AP) +Sports,WADA Look to Crack Down on Recreational Drug Use +World, #39;Mercenaries #39; attacked tent +World,African Union Pushes for Arms Embargo Against Ivory Coast +World,ABC News Fighting Kills at Least 16 in Iraq +World,UN Security Council to Visit Africa for Talks on Sudan +World,Dutch racial tension erupts +World,Basque separatists fail to renounce violence +Sports,Beckham Aiming to Play Beyond 2006 World Cup +World,Nerve gas death was 'unlawful' +Business,Taking The Plunge +Business,What's a Dejected Democrat to Do? +Business,Dow Jones to purchase Marketwatch for 519 million in cash +Business, #39;Self dealing #39; Black faces fraud charges +Business,"Stocks Open Lower; Intel, Oil Stocks Down" +Business,EU governments favoring home firms +Sci/Tech,NASA #39;s X-43A to attempt Mach 10 +Sci/Tech,Dell/Microsoft team up on system management +Sci/Tech,NetApp eases storage provisioning pain +Sci/Tech,Microsoft Takes Aim at Apples iPod +Sci/Tech,Theft charges filed against four former Microsoft workers +Sports,COE PLANS SCOTS VISIT +Sports,"If healthy, Serena should win title" +Sports,Back to the roots +Sports,Cardinals just one game out of first place +Sports,BCCI yet to get intimation of Ganguly #39;s suspension: +Sports,Klinsmann hoping for another success +Sports,Cole misses England trip +Sci/Tech,"Dell, Microsoft integrate patch management apps" +World,Arafat #39;s succession turns into power struggle +Sports,Hornets' Davis Out with Back Injury +Business,Lowe's Optimistic Outlook +Sci/Tech,Drug Bottles to Carry Tracking Chips +Business,"WR Grace shares fall, plan filed without consensus" +Sci/Tech,Yahoo for DomainKeys +Sci/Tech,NetApp updates Data ONTAP software +Sports,Bears sack their way to win +Business,Stocks Flat; AIG Offsets Oil Stocks +Business,Oil prices skid sharply downwards +World,Israel Holds Out Prospect of Gaza Coordination (Reuters) +Business,Oil Dives Below #36;46 to 8-Week Low (Reuters) +Business,Dow Jones to buy MarketWatch for \$519M +Business,Ballmer Visits New Campus in India +Business,Sabre Holdings Names Gilliland Chairman +Business,GE Agrees To Buy SPX #39;s Fire-And-Security Unit For \$1.4 Billion +Business,Wrigley buys Life Savers for \$1.5 billion +Business,Lancaster Colony Board Raises Dividend +Business,E*Trade Says Trading Jumped in October +Business,Safire to Step Down as Times Columnist +World,U.S. Planes Bomb Falluja as Rebels Battle On (Reuters) +World,Security in Sudan's Darfur a 'Farce' -Rights Group (Reuters) +Sci/Tech,Sun to Give Out Operating System for Free (AP) +Business,Tyson Foods Beats Lowered Expectations (Reuters) +Sports,Dolphins Name A.J. Feeley Starting QB (AP) +Business,Microsoft to Hire Hundreds More in India (Reuters) +Sci/Tech,PortalPlayer Rides Popularity of the IPod (AP) +Business,"Snow seeks to shift focus away from dollar slump, US deficits (AFP)" +Sci/Tech,Dow Jones Settles Defamation Lawsuit (AP) +Sports,Paris Favored to Win 2012 Olympics Bid (AP) +Sci/Tech,Firefox Flames Internet Explorer (washingtonpost.com) +Sci/Tech,McNealy: Sun Micro Gambles On Free Operating System +Sci/Tech,Most cars in whiplash study fail to protect necks: report +Sci/Tech,Dell reenters the blade-o-sphere +Sci/Tech,"Earthlink, Yahoo test new antispam system" +Sci/Tech,Latest iPod adds photos to its mix +Sports,"Drivers can wait, says Red Bull boss Purnell" +Sports,Manchester United Football Club ready for title tilt +Sports,Citys revised bid goes to IOC today +Sports,Spain without Helguera and Puyol for England friendly +Sports,Feeley to start against Seahawks +Sports,Feeley to Start Against Seahawks (Reuters) +Business,Vanguard Makes College More Affordable (The Motley Fool) +Sci/Tech,E*Trade Says Trading Jumped in October (Reuters) +World,PLO chief to meet all Palestinian groups +World,"After Arafat, hope - and a job for Europe" +World,"US urged to negotiate with N. Korea, improve image in Asia <b>...</b>" +Business,Barnes Noble Posts Lower Profit (Reuters) +Sci/Tech,Adobe Beefs Up Flagship Product Acrobat (AP) +Sports,Vizquel Signs with San Francisco (Reuters) +Sci/Tech,Radvision Gets Deal for Partner's 3G Video Trial (Reuters) +Business,The Importance Of Being Private (Forbes.com) +Sports,Moldovan Soccer Team Exec Goes Ballistic (AP) +Sci/Tech,Sun unleashes Solaris 10 (InfoWorld) +Sci/Tech,McAfee Enhances Spyware Protection (PC World) +World,Nigerian General Strike Suspended -Union (Reuters) +Sci/Tech,Dell blades cut deeper to data centers (InfoWorld) +World,US influence in Asia at risk of dwindling: US experts (AFP) +Sci/Tech,Apple's Computer Sales Could Harmonize With iPod's Success (Investor's Business Daily) +World,"Fingerprints, photographs begin at U.S. border crossings with Canada, Mexico (Canadian Press)" +Sci/Tech,Melting Swiss Glaciers Threaten Alps - Scientist (Reuters) +Sci/Tech,Titanic Finder Fears for Future of Great Wreck (Reuters) +Sci/Tech,Australia Faces Weather Blitz from Warming-CSIRO (Reuters) +World,Schumer to Drop Governor's Race (AP) +Sci/Tech,USDA Tests Will Confirm Soy Rust Spread-Source (Reuters) +World,Bush to Name Campaign Chief to Head GOP (AP) +Sci/Tech,Author's Suicide Raises Question of History's Toll (Reuters) +World,Boom Echoes Of f the Clinton Library (Los Angeles Times) +World,Probe: Saddam Made #36;21B From U.N. Program (AP) +Sci/Tech,Greenpeace Hails Bayer India GM Pullout (Reuters) +World,Court Throws Out Texas Death Sentence (AP) +Sci/Tech,U.S. Exhorts Nations to Protect Sharks (AP) +World,Balkan states ready to increase participation in NATO operations (AFP) +Sci/Tech,"NASA Jet Will Try to Go 7,000 MPH (AP)" +Sci/Tech,U.S. Pump Project May Be Linked to Quake (AP) +Sci/Tech,"Nintendo reacts to DS demand as orders, share price rise" +Business,"Infosys amp; Wipro are incredible, says Microsoft" +Business,Mexico #39;s Cemex plans to sell two plants +Business,Asbestos fund included in WR Grace plan +Business,Tiny chips to keep track of drug bottles +World,Hungarian Lawmakers Reject Iraq Extension (AP) +Sci/Tech,Dell and Microsoft to Launch Server Management Tools +Sci/Tech,Britain #39;s Idea to Rock Out +Sci/Tech,"Yahoo Mail Adds Authentication, Storage" +Sci/Tech,"EMC, Sun tout compliance wares" +Sci/Tech,BT To Offer BlackBerry in Europe +Sports,London submits 2012 Olympic bid +Sports,Beckham rules out early retirement +Sports,Jamie Squire/Getty Images +Sports,Worsley reclaims England starting place +Sci/Tech,"Saab, Volvo Rated Best at Preventing Whiplash" +World,UN agency gives Iran a reprieve +Sports,IOC Receives Bid Books From All Five 2012 Bid Cities +Business,SEC Charges Hollinger's Black with Fraud +World,Swiss Glaciers on the Slippery Slope +Business,FDA to Pfizer: Pull Wild Thing Viagra Ad +Business,"Stocks Rise Slightly; AIG, Wal-Mart Up" +Sports,"USC, Oklahoma Still 1-2, Auburn Third in BCS" +World,Strong Quake Injures Six in Colombia +Sports,Red Bull Boss Purnell Says Drivers Can Wait +Business,American Express Suing Card Companies Over Antitrust Violations +World,Nigerian Union Suspends Looming Strike (AP) +Sci/Tech,Nintendo reacts to DS demand as orders rise +Business,"Lowe's Profit Up 15 Pct., Tops Estimates (Reuters)" +Business,The Security-Industrial Complex (Forbes.com) +World,Blair Urges End to Trans-Atlantic Rift +World,Cuban Dance Troupe Seeks Asylum in U.S. +World,Nigerian Union Withdraws Strike Threat +World,Ivory Coast Rebels Sound Warning as Embargo Looms +Sci/Tech,God has graciously granted America a reprieve from the agenda of paganism +Business,Oil-for-Food Investigation: Saddam's Regime Made More Than \$21B +World,Paige Defined by No Child Left Behind Act (AP) +Sci/Tech,Thousands Remain Without Power in Eastern Canada (Reuters) +Sci/Tech,Dell looking 'more seriously than ever' at AMD +World,US moves to corner Falluja rebels +Sci/Tech,Firms tighten up business security +Business,FDA Encourages Radio Tags on Drug Bottles +Sports,NCAA Wins Right to Limit Tournaments (AP) +Business,"Infosys, Wipro in pact with Microsoft" +Business,"Chenault: American Express Charges After Visa, MasterCard <b>...</b>" +Business,Lowe #39;s Sees 15.5 Percent Q3 Earnings Spike +Business,Boston Scientific to Offer Senior Notes +Business,UPDATE 3-GE to buy SPX fire detection unit for \$1.4 bln +Business,UPDATE 2-Cemex to sell 2 US cement plants for \$400 million +Business,"UK firms losing out in Europe, says Brown" +Business,UPDATE 2-US pension agency #39;s deficit swells to \$23.3 bln +Sci/Tech,FDA Encourages Radio Tags on Drug Bottles +Sci/Tech,Sun Trying Something New ... Like Giving Away An Operating System +Sci/Tech,Australian-Scottish Stem Cell Sciences Offers Researchers Free <b>...</b> +Sci/Tech,"Dell, Microsoft Partner Up" +Sci/Tech,Europe #39;s first moon mission nears orbit +Sci/Tech,"Sun Moves Up With NAS, Down With SAN" +Sci/Tech,Rollins signals Dell deal with AMD +Sci/Tech,Microsoft Says SP2 Problems Can Be Remedied +World,EUs turn to respond to Irans goodwill +World,France ends evacuation flights from Ivory Coast as anti-foreigner <b>...</b> +World,Putin to hold summit with Bush at APEC forum +World,Government recognises UDA ceasefire +World,President Roh Visits Argentina +Business,Harmony Grabs Hold of Gold Fields +Sports,NASCAR Shortens Weekend for Race Teams (AP) +Sci/Tech,Firefox Leaves No Reason to Endure Internet Explorer (washingtonpost.com) +World,Putin confirms Russia ready for new peace talks with Japan (AFP) +Sci/Tech,Symbol upgrades its wireless LAN switch (InfoWorld) +World,Australian train derailment injures 79 (AFP) +World,Australia May Say Goodbye to Cowboy Hats (AP) +Business,What About Isle of Capri? +Sci/Tech,Columnists: The Worst Case Scenario +Business,"SEC files civil charges against Black, Radler" +Business,Stelco #39;s dance card getting crowded +Business,Before the Bell: Intel Falls +Sci/Tech,NASA Set To Break Aircraft Speed Record For Second Time This Year +Sci/Tech,A New Solaris Dawns for Sun +Sci/Tech,Dell Gets Back Into Blades +Sports,Bonds named NL MVP +World,"Number of foreign evacuations from Ivory Coast top 5,000: French <b>...</b>" +World,Wounded US soldiers treated in Germany +Business,American Express suing card companies over sale of cards by US <b>...</b> +Sci/Tech,"Radio tagging drug bottles to combat counterfeiting, USA" +World,Update 1: Nigerian Union Suspends Looming Strike +World,Arafat Laid Base for Palestine #39;s Sovereignty +Sci/Tech,Dell Introduces New Blade Servers +Business,Fed Says Banks Ease Loan Standards +Business,"Blue-Chip Stocks Dip, AIG Rises" +Sci/Tech,AMD hatches new naming plan for chip generations +Sci/Tech,Hacker hire costs SecurePoint an ally +Sci/Tech,Acer revs new Ferrari notebook +World,Aid Groups Worry About Fallujah Citizens (AP) +Sports,"No. 1 USC 29, UCLA 24" +World,Abraham Leaves Without Passing Energy Plan (AP) +World,Zarqawi 'urges Iraq insurgency' +Sports,Florida Welcomes Urban Meyer +Sports,Manning Replaces Warner As Giants QB (AP) +Sports,NBA Nets' Mercer undergoes knee surgery (AFP) +Sports,Little Man Robinson Plays Big for Huskies (AP) +Business,FLYi Soars After Amending Airbus Deal +Sci/Tech,CORRECTED: Gmail Users Soon Able to Check E-Mail Via Outlook +Sports,WADA Wants More Funds to Fight Drug Cheats +World,F.D.A. Encourages Radio Tags on Drug Bottles +Sci/Tech,Grand Central spiffs up integration service +Sci/Tech,Dell's server safari +Business,Black: SEC In Suit Vs. Hollinger International Ex-CEO +Sci/Tech,Browsers: Choice Is Yours +Sci/Tech,Sun stares down Red Hat with Solaris 10 +Sci/Tech,Stem cell freebie +Sci/Tech,Adobe Upgrades Flagship Products +Sci/Tech,BT to sell BlackBerrys in Europe +Sci/Tech,AMD hatches new naming plan for chip generations +Sports,Bonds is MVP: Pujols 2nd again +Sports,Big Week for Cities Vying for 2012 Games +World,France says Arafat medical file can be released to family (AFP) +Sports,Late rally keeps Sonics #39; win streak alive +Sci/Tech,Liquid Machines pours out new DRM software (InfoWorld) +Sci/Tech,Gmail Users Soon Able to Check E-Mail Via Outlook (Reuters) +Sci/Tech,PeopleSoft Shareholders May Sue Again (AP) +Sci/Tech,Peru Seizes Cocaine Haul Hidden in Giant Squid (Reuters) +World,Reactions to Powell's Resignation (AP) +Sci/Tech,Photos: Acer's Ferrari notebook +Sci/Tech,PC chip vendors set sights on DVRs +Business,Smithfield Foods expects earnings of 50 to 52 cents per share +Sci/Tech,"Yahoo Rolls Out E-Mail Authentication, Added Storage" +Sci/Tech,ICANN Commences DNT Policy +Sports,"Pujols, Rolen, Edmonds line up behind Bonds, Beltre" +Sports,NCAA Wins Right to Limit Tournaments +Sports,NASCAR changes some weekend schedules for 2005 +World,"As smoke clears, next battles are political" +World,Palestinians request French medical report on Arafat #39;s death +Sci/Tech,blinkx 2.0 with Smart Folders Available Today +Business,Lowe's Forecast Hammers Stock +Business,Investment Group Raises Bid for Shipper +Business,Thousands Powerless in Eastern Canada +World,UN Partly Clears Iran on Nuclear Issue +Business,Barnes Noble Gives Up GameStop +Sports,Bears LB Urlacher Out With Calf Injury (AP) +Business,American Express Suing Card Companies Over Antitrust Violations +Sci/Tech,"Democrats, Greens Aim to Overturn Bush Forest Plan (Reuters)" +Business,Oil Ends Lower as Ample Winter Fuel Seen +Business,"Dow, Nasdaq Rise as Crude Falls" +Business,Dow Jones to Buy MarketWatch for \$463 Mln +Business,Dollar Gains as Oil Price Drops +Business,Europe #39;s Best Defense: France +Business,Deutsche Bank to Sell Scudder Business to Legg Mason +Business,Oil Dives Below \$46 to 8-Week Low +Sci/Tech,HP-Sun war moves to new battlefield +Sci/Tech,NASA tries to set air speed record +Sci/Tech,Auto seat-headrest assemblies rated +Sci/Tech,Yahoo! Doesn #39;t Get It +Sci/Tech,Gov #39;t initiative lets drug companies track meds with embedded <b>...</b> +Sci/Tech,Sun Makes Blockbuster Solaris 10 Free of Charge for Commercial Use +Sci/Tech,Dell Takes Aim at Blade Server Market +Sci/Tech,Adobe #39;s Acrobat Flips For Collaboration +Sci/Tech,Australian company to release stem cell line for free +Sci/Tech,Ion propulsion rocket gets to the Moon +Sci/Tech,MSN Desktop Search Images Surface +Sci/Tech,DomainKeys reach out to more users +Sci/Tech,Acer revs new Ferrari notebook +Sci/Tech,"Cisco, Symbol Keep Wireless Data Safe" +Sci/Tech,Boeing Wields a New Laser +Sports,Beckham back in England squad +Sports,R amp; R WIN IT FOR DEVILS +Sports,Londons chances improve +Sports,Vikings #39; Moss Doubtful for Sunday #39;s Game +Sports,Eli gets the ball +Sports,"Wake Forest opens season with high expectations, hosts George <b>...</b>" +Sports,Ganguly to appeal +Sports,Bears could lose Urlacher for up to a month +World,Tel Aviv to take a second look? +World,Unions suspend strike threat targeting oil in world #39;s No. 7 <b>...</b> +World,UN urged to curb Darfur violence +Sports,GEO WASHINGTON WAKE FOREST +Sports,SuperSonics Stay Atop Northwest Division (AP) +Sci/Tech,Former Microsoft exec joins open-source project +Sci/Tech,Alienware tames prices for home PC users +Sci/Tech,Philly has big plans for Wi-Fi +Sci/Tech,Blogger goes multilingual +Sci/Tech,Intel reaches Pentium 4 speed limit at 3.8GHz +Sci/Tech,UTStarCom to put cell networks on IP +World,Harmony Issues Charge Against Gold Fields (AP) +Business,The Global Startup (Forbes.com) +Sci/Tech,Gluecode releases open-source Java dev platform +Business,IRS seeks people to claim refunds +Business,Putnam Investments to eliminate 100 jobs +Sci/Tech,Sun giving away Solaris operating system +Sci/Tech,Yahoo! Nipping at Google #39;s Heels on Email +Sci/Tech,FDA Encourages Radio Tags on Drug Bottles +Sci/Tech,McAfee Battles Spyware With Enterprise Add-On +Sci/Tech,Acer Announces Ferrari 3400 +Sports,Urlacher sidelined with leg injury +Sports,Giants #39; Bonds Wins Record Seventh NL Most Valuable Player Award +Sports,Wrong or wronged? +World,Mutilated Western Woman #39;s Body Found in Fallujah +World,US Catholics seek new head bishop +Sports,Bears' Urlacher Sidelined with Leg Injury +Business,Stocks Mixed on Weak Job Growth Report +Sports,"Canada Football Star Misses Kick, Receives Manure" +Business,Former Boeing CFO Pleads Guilty +Business,GE to Buy SPX Fire Detection Unit +Business,Dow Jones To Pay \$519 Million for MarketWatch +Business,Conrad Black #39;s troubles +Business,FDA Tells Pfizer to Pull Viagra Ads +Business,Investors take time to digest +Business,More than 700 Wisconsin residents haven #39;t received tax refund +Business,Update 3: Wrigley to Buy Candy Brands From Kraft +Business,E-Trade Trade Volume Surges in October +Sci/Tech,More security worries +Sci/Tech,Newsday Columnist Questions iPod Photo #39;s Focus +Sports,"Beckham denies early retirement rumors, turns down Hollywood offer" +Sports,2012 Olympic plans submitted +Sports,Bonds MVP Award Provides Sparkle in Tainted Season +Sports,Indian board appeals against Ganguly ban +Sports,Eli Manning replaces Warner at quarterback +Sports,WADA could look into recreational use of drugs +Sports,Bobcats activate two from injured list +Sports,Callahan: Oklahoma fans #39; shoddy treatment sparked outburst +Sci/Tech,The Science of Superheroes: Beyond the Incredibles +Sci/Tech,Leonid Meteor Shower Peaks Friday +World,Arab world abuzz with Arafat poisoning theory +World,Bones believed to be Megumi Yokota #39;s brought from N Korea +World,Dashing former England midfielder Weller dies (AFP) +Business,Former Boeing CFO Pleads Guilty (Reuters) +Sci/Tech,Geographic Photographer Dies in Amazon Plane Crash +Sci/Tech,European Software Pirates Caught (NewsFactor) +Sports,Bobcats Shuffle Roster to Help Okafor (AP) +Sci/Tech,Wireless Carriers Cut Portability Fees (NewsFactor) +Sci/Tech,VC Firm Joins Open Source Development Labs (NewsFactor) +Sci/Tech,"Microsoft Inks Deals With Infosys, Wipro (AP)" +Sci/Tech,Sun Rolls Out Solaris 10 (NewsFactor) +Sci/Tech,Surprising Second Black Hole Found in Milky Way's Center (SPACE.com) +Sci/Tech,NASA To Test Laser Communications With Mars Spacecraft (SPACE.com) +Sci/Tech,Sarbanes-Oxley kicks in +Sci/Tech,Defense Dept. tests Net phone calls on IPv6 +Business,"Dow, Nasdaq Rise as Crude Falls" +Business,Federal Tax Agency has Thousands in Refund Checks for Alabamians +Business,Oil dives below \$46 to eight-week low +Business,"Kraft to sell Life Savers, Altoids unit to Wm. Wrigley for \$1.5B" +Business,"New burger has 1,400 calories, 103 grams of fat" +Sci/Tech,Head Restraint Safety +Sci/Tech,Dell Forges New Blades +Sci/Tech,McAfee Enhances Spyware Protection +Sci/Tech,Yahoo Unveils New Mail Enhancements +Sci/Tech,Reconstructing the utility storage system vision +Sports,David Beckham denies quit rumours +Sports,WADA Wants More Funds to Fight Drug Cheats +World,"French troops to stay, minister says" +World,Macedonian Prime Minister resigns +Business,Dow Jones to buy MarketWatch for \$519M +Business,Euro close to record highs as dollar struggles +Business,Pfizer Pulling #39;Wild Thing #39; Viagra Ads +Business,"Oil Giveth, Oil Taketh Away" +Business,"More Than 1,000 Federal Income Tax Refund Checks Returned <b>...</b>" +Business,Govt slashes price of kerosine +Business,Gum maker Wrigley agrees to buy major candy brands from Kraft for <b>...</b> +Business,"Eurozone finance ministers mull rising euro, stability pact" +Sci/Tech,"Here #39;s looking at you, babe!" +Sci/Tech,"Microsoft, Apple and the HP Gambit" +World,Young Palestinians hope for post-Arafat democracy +World,"Macedonia PM Quits, Says Reform Drive Not Supported" +Business,Federal judge stays ruling in UPS case +Sci/Tech,Network Appliance Offers Up Flexible Storage +Sports,Giants Sack Warner; Name Manning Starter +Sci/Tech,Study: Posture Able to Communicate Fear (AP) +Business,"Coffee, Soybeans Rise, Crude Drops" +World,"As smoke clears, next battles are political" +World,"Young Palestinians, after rule of Arafat, hope for rule of law" +World,Europe persuades Iran to cool nuclear program - for now +Sci/Tech,Watch where you point that camera phone +Sports,Navy Pounds Army +World,Bosnian Serb police detain eight war crimes suspects (AFP) +Business,Group Challenges Banknorth-TD Bank Merger (AP) +Business,"Stocks End Flat, Microsoft Lifts Techs" +Business,"Lowe's Profit Rises, But Stock Falls" +Sports,NASCAR to Keep New Points System for 2005 +Sports,Paris Favored to Win 2012 Olympics Bid +Business,Update 1: Fannie Mae Misses SEC 3Q Filing Deadline +Business,Update 2: Interest Rates on Treasury Bills Rise +Business,Prescription Drugs to Get Electronic IDs +Business,Bob Evans 2Q Earnings Tumble 41 Percent +Business,Greece admits deficit figures were fudged +Business,WTO starts negotiations on trade facilitation +Sci/Tech,Microsoft Cracks Down on Xbox Changes (AP) +World,Bush Attends Army-Navy Football Game (AP) +Business,UPDATE 2-US Treasury: Debt limit must be raised this week +Sci/Tech,"As Sun reveals Solaris 10, users pleased" +Sci/Tech,FDA Orders Viagra to Pull #39;Wild Thing #39; Ad +Sci/Tech,"Dell, Microsoft integrate patch management apps" +Sci/Tech,"Yahoo, Earthlink Build Bulwark Against Spoofing" +Sci/Tech,Intel reaches Pentium 4 speed limit at 3.8 GHz +Sci/Tech,PalmOne #39;s next moves +Sports,Toyota sign Jordan deal +Sports,"Angels option on Molina, decline Ortiz" +Sports,Computers Keep Oklahoma No. 2 in the BCS +Sports,Urlacher out four to six weeks +Sports,Backups and Fill-Ins Help Steelers Win (AP) +World,"Young Palestinians, after rule of Arafat, hope for rule of law" +World,"Ivory Coast, France trade jabs" +World,Zarqawi rallies fighters in new tape +World,Wounded US soldiers recount Fallujah battle +Sci/Tech,Craigslist posting offers political fist-fight +Sports,Reggae Boyz Head to World Cup Qualifier (AP) +Sci/Tech,Google Edges Up as Shares Set to Come Onto Market (Reuters) +Sports,Lewis: Player Spit On +World,Resigning U.S. agriculture secretary won't slow border reopening: beef industry (Canadian Press) +Sports,Bonds Wins MVP Award Despite Tainted Season +Sci/Tech,Apache Geronimo readied as Java app server (InfoWorld) +World,"Coleman, Dole Each Claim Enough GOP Votes (AP)" +Sci/Tech,Skype plugs hole in VoIP software +Sci/Tech,"Photo: The Bot, by Alienware" +Sci/Tech,Apache Geronimo readied as Java app server +Sci/Tech,"AMD chips to gain security, virtualization features " +Business,Dow Jones buys MarketWatch for \$519 million +Business,Bob Evans Earnings Down 40 Percent +Business,Greek membership of eurozone not in doubt +Sci/Tech,McAfee Adds Real-Time Scanning to Zap Spyware +Sci/Tech,Grokster teams with P2P radio +Sci/Tech,3.8GHz Intel cap ends an era +Sports,Jaguar given new lease of life by Red Bull +Sports,Daly-Donofrio rebounds from ordinary season +Sports,Glazer signals intentions by opening talks with new bank +Sports,McCaffery:Desperate Cowboys are Eagles challenge +World,Five seriously injured in Tilt Train derailment +World,Wounded US soldiers describe #39;reckless #39; Fallujah rebels +Sports,Bonds wins record seventh MVP in a walk +Sports,"Can this gritty, resilient bunch be the Falcons?" +World,NBC Says Marine Shot Dead Wounded Iraqi Prisoner +Sci/Tech,Europe to Consider Complaints About Online Music Royalties +Business,Fannie Mae Misses Quarterly Filing Deadline +Sports,Expos Suit Tossed Out +Sci/Tech,Faster chip plugged into midrange UltraSparc +World,Hu's South American tour raises hopes of Chinese riches (AFP) +World,Powell Says Will Work Hard Until He Exits (AP) +Business,US backs #39;strong dollar #39; +Business,AmEx files antitrust suit against credit card rivals +Business,US pension agency posts \$23.3B deficit +Business,Delta Hedging Its Bets on Debt Swaps +Sci/Tech,NASA Postpones Launch of Super-Fast Jet to Tuesday +Sci/Tech,Sun to give away new operating system +Sci/Tech,Adobe Acrobat 7.0 Professional +Sci/Tech,Ion-Propulsion Craft Reaches The Moon +Sci/Tech,Alienware tames prices for home PC users +Sci/Tech,Acer Ferrari 3400 Notebook +Sports,Spin doctors must deal with truth +Sports,Ramsey to start for Redskins against Philly +Sports,Threats could force England to cancel trip +World,Acquittal of Iran nuclear programme qualified +World,Abbas Meets Hamas to Urge Unity Pact +World,The two Yasser Arafats +World,Australian train derails injuring 100 +Sci/Tech,Gartner cuts fourth-quarter PC forecast +Business,Microsoft Expands Operations in India +Business,SEC charges Lord Black and takes control of Hollinger +Business,Fannie Delays Quarterly Filing +Business,EADS Seen Facing Hurdles Inside and Out Over Thales +Business,York Int #39;l Unit Recalling Gas Furnaces +Business,Card firms face lawsuit +Business,Britain Says European Contract Competition Is Unfair +Business,"Sarkozy, Clement to discuss Thales, EADS in Berlin on Tuesday" +World,Fourteen die as suicide bombs rock Baghdad and Mosul +Sports,Giants Sack Warner; Name Manning Starter (AP) +Sci/Tech,NASA Delays Flight of X-43A Scramjet +Sci/Tech,Linux looms large for Sun Solaris 10 +Sci/Tech,Consumer Alert: Car Restraint Systems Rated +Sci/Tech,Posture found able to communicate fear +Sci/Tech,"Grokster touts #39;legal, licensed #39; p2p music share system" +Sci/Tech,Acer Ferrari 3400LMi +Sports,Mularkey Sticking With Bledsoe As Bills QB (AP) +Sports,Grand prix snag for Silverstone +Sports,Computers keep Oklahoma BCS #39; No. 2 +Sports,Injury joins insult for winless NBA Hornets (AFP) +Sports,Mets Decline Al Leiter's #36;10.2M Option (AP) +World,U.S. Military Says Has 100 Pct Control of Falluja (Reuters) +World,Australian train derails injuring 100 +World,Arafat left Middle East peace foundations +World,Wounded servicemen describe Fallujah fight +World,Allegation of second affair with secretary in ministerial office +Business,"Eurozone frets over rising euro, stability pact (AFP)" +World,Powell sees #39;progress #39; on Iran nuke talks +World,Qurie seeks Arafat death report +Sports,Federer Makes Winning Return at Masters Cup +Sci/Tech,Update: Apache Geronimo readied as Java app server (InfoWorld) +Sci/Tech,NASA Postpones Launch of Super-Fast Jet to Tuesday (Reuters) +World,Fingerprints for landed U.S. immigrants not on Canada's radar: Sgro (Canadian Press) +World,Powell Vows to Work Hard Until Departure (AP) +World,Veneman Presided Over Wary Food Supply (AP) +Sports,"Liberty Tops No. 19 Kansas State, 77-56 (AP)" +Sci/Tech,NASA Delays Flight of Hypersonic Jet (AP) +World,UN Council Votes Ivory Coast Arms Embargo +Sports,Tulane Green Wave +Sci/Tech,Yahoo Upgrades Its E-Mail Service +Business, #39;Milkfloat #39; motor on road to success +Sci/Tech,Students for security +Sci/Tech,Dell Looking For Bigger Blade Share +Sci/Tech,"VITAL SIGNS Reactions: Your Posture, a Telltale Fright Sign" +Sci/Tech,Ohio EPA plan to revise clean-air rules criticized +Sports,Odds on London shorten as 2012 bids submitted +World,Iran to suspend uranium enrichment +Sports,Lewis Says Bengals Player Was Spit On (AP) +World,Fighting Across Iraq Kills More Than 50 (AP) +Sci/Tech,Chip Makers Set Sights on Digital Video Recorders +Sports,Kjus edges Maier in World Cup giant slalom +Business,RFID Tags May Not Reduce Drug Counterfeiting +Business,EDS posts 3rd-qtr loss on Navy contract charge +Business,AMCC to Lay Off 150 +Business,CalPERS goes after #39;egregious #39; exec pay +Sci/Tech,"Not To Be Outfeatured, Yahoo Adds E-mail Storage" +Sports,Beckham claims he trusts on the capability of Owen +Sports,Ramsey to start for Redskins in Philly +Sports,Big East to be one 16-team division in 2005-06 +World,Bush Names Campaign Manager to Head GOP (AP) +World,Investigation Underway Into Whether Marines Killed Unarmed Iraqi +World,U.N. OKs Iran Deal to Suspend Enrichment (AP) +Business,US SEC files fraud charges against tycoon Conrad Black +Business,Sears: Boeing Ex-CFO Pleads Guilty In Air Force Hire +Business,Oracle Doesn #39;t Want to Take It Higher +World,Colombian Drug Kingpin Transported to U.S. (AP) +Sci/Tech,NASA Delays Mach 10 Flight +Sci/Tech,Pentium 4 Reaches the Speed Limit +Sci/Tech,Grokster launches a legal Net radio +Sports,Red Bull saves 300 British jobs - and Coulthard may make 301 +Sports,Cardinals #39; Isringhausen has surgery +Sports,Mets buy out Leiter #39;s contract +Sports,I couldn #39;t let team down +World,UN orders Ivory Coast arms ban +World,Track inspected hours before crash +World,France #39;s Chirac Says UK Won Nothing from Bush Support +World,Dutch to launch manhunt +Sports,Slugger Bonds Wins Record Seventh NL MVP (AP) +Sci/Tech,Aruba targets wired network security +Sports,Computers Keep Oklahoma No. 2 in the BCS (AP) +Sports,Holmes Likely Out Again for Chiefs (AP) +World,Chelsea go for the jugular (AFP) +World,World Leaders Issue Praise for Powell (AP) +Sci/Tech,Kazaa Faces Piracy Charges in Trial +Sci/Tech,Chip Makers Set Sights on Digital Video Recorders (PC World) +Sci/Tech,Apple releases AirPort 4.1 (MacCentral) +World,Tokyo Stocks Advance in Early Trading (AP) +Sports,Gaudio no match as regal Federer reigns +Sports,F1 Red Bull #39;s takes over Jaguar +Sports,Anxious week for striker +Sports,United warned Glazer will fight +Sports,"Paris, N.Y. Submit Bids" +Sci/Tech,Analysis: #39;Great sage grouse controversy #39; boils down to science +Business,"PBL to Invest in Macau Hotel, Casino" +Sci/Tech,Microsoft takes the lead over Palm OS for the first time +Sci/Tech,Take control of your desktop chaos +Sci/Tech,McAfee Battles Spyware With Enterprise Add-On +Sci/Tech,Stem Cell Research Offered Free of Charge +Sci/Tech,Security Firm Finds 10 Major Vulnerabilities in SP2 +Sports,Netherlands wins field hockey trophy +Sports,"Isringhausen has hip surgery, should be ready for spring training" +Sports,"Leiter takes buyout, becomes free agent" +Sports,Mike Selvey +Sci/Tech,Oracle Slams PeopleSoft Board on Takeover (AP) +Sci/Tech,Study: Chemicals Linger in Environment (AP) +Sci/Tech,Cornell Scientists Produce Simulated Quake (AP) +World,Cricket: India fights Ganguly ban +Business,UPDATE 2-Fannie Mae estimates profit fell 9 percent +Business,CalPERS Votes to Toughen Merger Policies +Business,Some tax refunds still owed +Sci/Tech,Cornell researchers make the earth move to study quake forces +World,Talks With Pakistan on Kashmir Making Progress: Manmohan +World,"Europe, Islam #39;s New Front Line: The Netherlands" +Sports,Seahawks Do Some Soul Searching Over Loss (AP) +Sci/Tech,"Web Still in Early Days, Tech Leaders Say (Reuters)" +Sci/Tech,Microsoft sues spammers for sending unsolicited mail (AFP) +Business,SEC Charges Black with Fraud +Sports,No. 1 USC Tops UCLA for Orange Bowl Trip (AP) +Sports,"Angels renew Molina, not Ortiz" +Sports,What #39;s wrong with the Seahawks? +World,New Israeli-Palestinian ties buoy peace hopes -UN +Sports,NBA-James Inspires Cavaliers to Fourth Straight Win +Business,US watchdog accuses Black of fraud +Business,Amex mounts lawsuit over #39;cards cartel #39; +Business,"Eisner, on Stand, Describes the Courting of Ovitz" +Business,Debt Doubles at Agency that Insures Pension Plans +Business,Wrigley swallows \$1.5bn Life Savers +Business,UK #39;s HSBC eyes Federated #39;s card operations -report +Business,Bermuda Firm Is Subpoenaed in Inquiry Into Insurers +Business,Defence talks add to French rift with Germany +Business,Regis Joins Hair Club For Men +Business,More Than 400 Iowans Haven #39;t Received Tax Refunds +Business,US markets flat +Sci/Tech,NASA delays launch of super fast jet +Sci/Tech,Collaborating on Mission Moon +Sci/Tech,BEA Releases Enhanced Beehive Open-Source Framework +Sports,"LeBron Scores 33, Cavs Win Four Straight" +Sports,Battle for Mediocrity Don Kings Heavyweight Extravaganza +Sports,New Jersey Nets +Sports,"Despite Rout, Auburn Remains 3rd Wheel" +Sports,Club remains interested in re-signing veteran southpaw +World,Macedonia #39;s prime minister resigns +Sports,Griffin Gets Good News +Sports,N.Y. Starts Manning +Sports,Podlesh Is Bright Spot +Sports,Taylor and Rockets Rally Past Nets 80-69 (AP) +Business,SEC Charges Black with Fraud (Reuters) +Business,Dollar Wins Respite as Oil Prices Skid (Reuters) +World,Mexico's Ex-Ruling Party Wins Two Races (AP) +Sports,NBA-James Inspires Cavaliers to Fourth Straight Win (Reuters) +Business,Abercrombie Fitch Lawsuit Said Settled (AP) +Business,Dollar Wins Respite as Oil Prices Skid +Business,"CORRECTED - US stocks rise slightly, Intel offsets jobs data" +Business,Disney tells court of early Ovitz tensions +Sci/Tech,X-43 scramjet test delayed +Sports,Cavs earn fourth straight win +World,Mitterrand #39;ordered phone taps to keep love child secret #39; +World,"Peace in Straits hard to achieve, but essential" +Sports,Stewart-Striet enters golf hall of fame +Business,Pension Agency #39;s Deficit Hits Record +Business,Update 3: Tokyo Stocks Decline in Midday Trading +Sports,Beckham puts Hollywood on hold +Sports,Bonds wins record seventh MVP +World,Britain planning to ban smoking in most public places (AFP) +World,French bugging trial begins +World,N. Korea offers remains it says are Yokota #39;s +World,Tung issues caution over referendum on elections +World,Volunteers Keep an Eye On the People Next Door +World,Trial of Peru Rebel Leader Collapses +Business,Novell #39;s Antitrust Suit Points to Continued Dominance of Office +Business,"Kerry Packer, Stanley Ho Form Asian Casino Venture (Update2)" +Business,Verizon and Sprint to Cut Fee For Transferring Cell Numbers +Business,IRS refund checks +Business,HSBC said keen on US card operations +Business,Oil prices continue fall in Asia +Sci/Tech,NASA Makes Second Attempt at Jet Record +Sci/Tech,Adobe beefs up Acrobat +Sci/Tech,EPA Says Enforcement Shows Results +Sci/Tech,Half-Life 2 #39;s Real Battle +Sports,Sifford celebrates historic entry into Hall of Fame +Sports,Boller #39;s Solid Play Quiets Ravens #39; Boo Birds +Sports,Bears lose Urlacher for 4-6 weeks +Business,"Wrigley buys Life Savers, other Kraft candy brands" +Sports,Eagles Lead Cowboys 42-21 After 3 Quarters (AP) +World,Envoy Cites Chance for Peace in Mideast (AP) +Sci/Tech,Verizon and Sprint to Cut Fee For Transferring Cell Numbers (washingtonpost.com) +Business,Pension Agency's Deficit Hits Record +Business,"Iraq Gained \$21 Billion Illicitly, Senate Panel Says" +Business,Abraham Leaving Energy Department +Business,Flyi Delays Buying Airbus Jets +World,Top CIA staff quit US spy agency +World,Train crashes in north Australia +Sci/Tech,Half-Life 2's Real Battle +Sports,Defending Nobody +Sci/Tech,Carriers to Cut Fee for Number Transfer +Sports,American Collapses +Sci/Tech,Airlines Focus On In-Flight Entertainment +Sports,Big East Sets Schedule +Sports,Boller Silences Critics +Business,Microsoft to expand operations in India +Business,FLYi Shares Advance After Amending Deal +Business,MACY #39;S WEST +Business,Australian Dollar Rises Before Central Bank Governor #39;s Speech +Sci/Tech,Some Car Seats Do Poor Job Of Preventing Whiplash +Sports,UPDATE 1-Beckham and Owen target England records +Sports,Deacons top GW in opener +Sci/Tech,"Wireless to Drive Internet Growth, Tech Leaders Say (Reuters)" +World,Crash line had regular checks +World,UN Security Council off to Africa for Sudan meeting +World,Namibians go to the polls +World,Nigerian labour group whip up support for fuel strike +World,"1,540 Pounds of Cocaine Hidden in Squid" +Sci/Tech,Internet leaders ponder U.S. tech policies +Business,FLYi Shares Up After Amending Airbus Deal +Business,NZD Firms Despite Greenback #39;s Gains +Sports,Beckham not retiring after all +Sci/Tech,"Wireless to Drive Internet Growth, Tech Leaders Say" +Sports,Giants Say It Is Time to Start Manning +World,Japan Considers Sanctions Vs. N. Korea (AP) +Sci/Tech,New Search Related Patents +Business,Digital Gamble +Business,SEC Files Civil Suit Against Former Hollinger Executives +Business,American Express Sues Rivals +Business,Disney #39;s Eisner Defends Ovitz Hire +Business,Time to Tackle the Pension Crisis +Sci/Tech,Can Solaris 10 Make Sun Shine Again? +World,UN Finds No Nuclear Bomb Program in Iran +Sports,Owens Runs Wild as Eagles Destroy Cowboys +Sports,Sharapova Sinks Serena in Thrilling Final +World,Congress Probes Insurance Industry Scandal (AP) +Sports,NBA Wrap: James Inspires Cavs to 4th Straight Win +Sports,ATP Players to Get Approved Nutritional Supplements +Sci/Tech,Europe's Mission to Moon Nears Lunar Orbit (AP) +World,Firefighters hurt by BA jet fumes +World,Tennis: Sharapova wins finale +Business,Online ads on track to hit record; Dow buys MarketWatch +Business,AmEx Charges Rivals for Damages +Business,"FDA Criticizes Viagra Ads, Prompting Pfizer to Halt Them" +Business,Eisner takes the stand: #39;I was not in this alone #39; +Business,IRS seeking local residents due refunds +Business,Blumenthal to testify before Congress about insurance laws +Sci/Tech,Top Researchers Ask Web Users to Join Science Grid +World,Nepal Maoists call for mediation +Sci/Tech,Yahoo Mail to use Domainkeys +Sci/Tech,"Dell, Microsoft Team For #39;One-Click #39; Management" +Sci/Tech,HP #39;s Compaq X PC Uses New Pentium 4 +Sports,Federer beats Gaudio in Masters Cup opener +Sports,Eagles embarrass hometown Cowboys +Sports,MOTOR RACING: COUL FOR BULL +Sports,Beckham denies early retirement rumors +Sports,Holyfield loses third in a row +Sports,Morgan defends Zimbabwe tour +Sports,Charlie Sifford Is Right Where He Belongs +World,Militant leader in Afghanistan says group split over fate of UN <b>...</b> +World,France says Arafat medical file can be released to family +Sci/Tech,Glitch delays NASA #39;s X-43 test +World,China's Shadow Banks +Sports,Federer races to opening win +Sports,Cavs cruise to victory +Sports,Owens Runs Wild as Eagles Destroy Cowboys (Reuters) +Sports,An Afterthought for the A.C.C. Becomes Its Champ +Business,No. 1 insurer reportedly close to settling with SEC +Business,Merck heads to Capitol Hill +Sci/Tech,Microsoft to Work With GarageBand.com (AP) +Sci/Tech,"Yahoo, EarthLink team to fight spam" +Sci/Tech,Dell announces new enterprise-class blade servers +Business,Hu to stand firm on yuan-dollar peg at APEC as China tries to brake economy (AFP) +Sci/Tech,Top Researchers Ask Web Users to Join Science Grid (Reuters) +Business,Kraft Foods Will Sell Altoids And Life Savers to Wrigley +Business,Business Briefs +Business,"Oil Edges Down, Microsoft Boosts Techs" +Business,"UPDATE 3-Macquarie H1 profit jumps, upgrades outlook" +Sports,Computers take liking to Sooners +World,News in brief +World,Namibia Votes for New President +World,Japan Considers Sanctions Vs. N. Korea +Business,Europe blames US over weak dollar +World,Bihar doctors rally over killing +Sci/Tech,Europe probe arrives at the Moon +Business,Asian Shares Lower as Oil Fall Stalls +World,"Men of Pitcairn were just following island customs, says Australian author (AFP)" +Sci/Tech,Half-Life 2's Real Battle (washingtonpost.com) +World,Australian FM praises Powell as a great friend to Canberra (AFP) +Sci/Tech,China Plans to Have Over 100 Eyes in the Sky by 2020 (Reuters) +World,Reid Poised to Be Senate Democratic Leader (AP) +Business,Big payday for MarketWatch Dow Jones agrees to buy SF financial <b>...</b> +Business,Waiting for a refund check? IRS may be looking for you +Business,"OIL SLIDES TO \$46.85 A BARREL, A 2-MO. LOW" +Business,"UPDATE: Casino Moguls Ho, Packer Roll Dice On Asia Deal" +Business,Spitzer May Urge More Insurance Oversight in Senate Testimony +Business,UPDATE: US Hurricanes Fail To Flatten Australia #39;s Rinker +Sci/Tech,NASA delays jet speed record test +Sports,RED BULL PUTS JAG IN F-ONE +Sports,"Eagles, Owens embarrass Cowboys" +Sports,"Bonds presumed innocent, and great MVP voters focus on slugger #39;s <b>...</b>" +Sports,Warner #39;s benching shows that Rams made right choice +Sports,Cavaliers above .500 +Sports,Sifford overcomes obstacles +Sports,Phillies Notes Phillies join hunt for Pavano The Yankees and Red <b>...</b> +World,UN finds no proof of nuclear weapons in Iran +Sci/Tech,Europe probe arrives at the Moon +Sci/Tech,Sun to offer new Solaris as #39;open-source #39; software +Sports,Beckham ready to defy Real +Sports,BCS blunders +Sports,NBA Roundup +Business,"American Express sues MasterCard, Visa, 8 banks" +Business,Snow urges faster growth in eurozone +World,Bush Seeks Limit on Malpractice Jury Awards (AP) +World,Europe probe arrives at the Moon +Sci/Tech,Europe probe arrives at the Moon +Sports,Ruiz #39;s manager Stone suspended +Sports,Delgado draws interest from Yankees +World,Africa ; France airlifts evacuees from Ivory Coast +World,Mr Palestine is dead +World,Japan Says China Apologizes Over Sub Intrusion +Business,Packer moves into Macau gambling +Sports,Slugging it out +Sports,A hike in his play +Business,Advice from a bear: panic +Sports,Pitcher hopes not to miss target +Business,Van Faasen tops in pay; Baker sees big leap +Business,Sun to offer new Solaris as 'open-source' software +Sports,Four colleges double kicks +Business,T-bill rates up +Business,Whither Microsoft? +Business,Putnam cuts 100 more staffers +Business,Wrigley to buy Kraft candy brands for \$1.48b +Business,"\$1.1b spent last year to care for state's uninsured, report says" +World,"Deadly arms, simple tactics" +World,Scotland leans toward approving smoke ban +World,"UN is urged to enforce Sudan arms embargo, add sanctions" +World,Ex-Kosovo rebels face first war crimes trial +World,"In Outback, cowboy hat may be history" +World,Israel promises to aid Palestinian vote +World,UN finds no proof of nuclear weapons in Iran +World,"Blair urges Europe, US to work together" +Sports,"Numb to the Numbers, Bonds Wins Another M.V.P. Award" +Sports,New York and 4 Others Submit Bids for 2012 +World,"Chen vows to press for UN bid under title of ""Taiwan"" (AFP)" +Business,Putnam cuts 100 more staffers +Sci/Tech,FireFox Cures the Web? +Sci/Tech,Yahoo! Storage Now 250 MB +Sports,Federer wins Tennis Masters Cup opener +Sports,Coulthard given Red Bull lifeline +Sports,Giants hand it to Manning +Sports,Pitcher hopes not to miss target +World,PRI wins 2 state races in Mexico; 2 uncertain +World,Iraq #39;s prime minister says leader and members of militant group <b>...</b> +World,Palestinian PM asks French for Arafat medical report +World,UN puts arms ban on Ivory Coast +Sci/Tech,Japan Singles Courted by On-Line Matchmaker (Reuters) +Sports,Red Bull refuse to speculate about drivers +Sports,Owens Runs Wild as Eagles Destroy Cowboys +Sci/Tech,"Crunch! Oof! Well, That's Physics" +Sci/Tech,"Oh, Fine, You're Right. I'm Passive-Aggressive." +Sci/Tech,A Submersible Robot Dives for Steamship Gold +Sci/Tech,"Work Out Now, Ache Later: How Your Muscles Pay You Back" +Sci/Tech,Smart or Misguided? The Proactive Doctor +Sci/Tech,Debating the Evidence on Gulf War Illnesses +Sci/Tech,Microsoft Expands Operations in India +Sci/Tech,Unused PC Power to Run Grid for Unraveling Disease +Sci/Tech,Fired Flight Attendant Finds Blogs Can Backfire +Sports,UNDATED: 14 points a game. +Sci/Tech,"On-Demand Movies at 30,000 Feet" +Sci/Tech,Oracle Insists Bid for PeopleSoft Is Final as Deadline Approaches +Business,Conrad Black charged with fraud in US +Business,FDA LAUNCHES INITIATIVE ENCOURAGING USE OF RFID TAGS TO REDUCE <b>...</b> +Business,Packer #39;s PBL signs deal to build complex on Macau +Business,Verizon and Sprint to lower surcharge +Business,Visteon offers as much as year #39;s pay in buyout +Business,Asian oil prices drop further on expectations of a mild winter +Business,ArvinMeritor posts \$153 million loss in quarter after unit sale +Business,CalPERS Plans to Tackle Abusive Executive Compensation +Business,Putnam Investments to Eliminate 100 Jobs +Sci/Tech,Flight of X-43 delayed +Sci/Tech,CU at epicenter of efforts to help fight quake damage +Sci/Tech,LG One-Ups Rivals with World #39;s First Terrestrial DMB Handset +Sports,Paris is favorite for 2012 +Sports,Tigers stuck at No. 3 in BCS +Sports,Lenox Rawlings +Sports,Hall of Famer Sifford gets last laugh +Sports,THE BLAME GAME +World,Arafat #39;s medical records may be released +World,"IRA can keep guns under British deal, claim Unionists" +Business,"IRS wants to return cash to 2,261 in state" +Business,UK PRESS: HSBC Interested In \$3B Federated Card Ops +Business,United flight attendants threaten strike over cuts +Business,Model train maker Lionel files for bankruptcy protection +Business,Gold Fields accused of spying +Sci/Tech,Moon probe slots into lunar orbit +Sci/Tech,Half-Life 2 is here +Sci/Tech,The Word on the Next iPod: Flash +Sports,Rookie QBs all the rage +Sports,"WAKE FOREST 97, GEORGE WASHINGTON 76: Wake Forest moves on" +Sports,Spady #39;s kin outraged +World,UN orders Ivory Coast arms ban +World,French president: Britain got little for supporting US in Iraq? <b>...</b> +World,Israel eases its stance on Gaza Strip +World,NIGERIA: NIGERIA: Unions call off strike after 11th-hour govt <b>...</b> +World,Ex-Kosovo rebels face first war crimes trial +Business,Snow: No Need to Cut War Spending +Sports,Baseball star used bum and tum jabs +Sports,"BC, O'Brien wise to Owls" +Sports,Transactions +Sports,Today's schedule +Business,Glazer targets new takeover plan +Sci/Tech,Vodafone satisfies investors by doubling dividend (FT.com) +Business,Vodafone doubles dividend +Sci/Tech,"Wireless to Drive Internet Growth, Tech Leaders Say" +Sci/Tech,Timber industry expects no change for northern spotted owl +Sports,No change on pitwall - Purnell +Sports,USC could hold key to opponent +Sports,Giants feel for Warner +Business,SEC charges Black with fraud +Business,Global auto-safety standards on way +Business,Snow: No Need to Cut War Spending (Reuters) +Business,Oil Down Again; U.S. Crude Stocks Seen Up (Reuters) +Sci/Tech,Ungrateful Bastards: Novel Sues Microsoft After Big Payoff +Sci/Tech,Dell debuts denser blade server +Sports,England friendly hit by Olympic row +Sports,Nets need to score +Sports,Huskies upset Gophers in OT +World,Japan says China regrets submarine intrusion +Sports,Sharapova Defeats Serena in WTA Final (AP) +Business,Am Exp suing for billions +Business,Quiz Eisner in shareholder suit +Sci/Tech,Microsoft #39;s Windows Update Services Looms On The Horizon +Sports,Russian Champ Sharapova Defeats Injured Serena at WTA Final +World,Zarqawi urges fighters to prolong battle +Sports,Sharapova Sinks Serena in Thrilling Final +Sports,"Mavs, Nash Doing Fine Without Each Other (AP)" +World,Blair hails 'remarkable' Powell (AFP) +Sci/Tech,Vodafone interim profits dip (AFP) +Sci/Tech,Tourist's Guide To Driving Around Washington D.C. +World,Africa music star awaits verdict +World,Howard states fourth term agenda +Business,Debt Doubles at Agency that Insures Pension Plans +Business,"The Dollar Is Down, but Should Anyone Care?" +Business,Bermuda Firm Is Subpoenaed in Inquiry Into Insurers +Business,"Who, Me? Stealthy?" +World,"From Behind the Scenes, Rice on Stage" +World,F.D.A. Strengthens Warning on the Abortion Pill +World,C.I.A. Churning Continues as 2 Top Officials Resign +World,Terror Informant Ignites Self Near White House +Sci/Tech,Novell's MS complaint: we wuz robbed +World,Japan Families Vent Anger At N. Korea +Sci/Tech,Workers breaking office shackles +Business,"Black, Radler defrauded shareholders, SEC claims" +Business,Brown attacks EU contract bias +Business,"American Express sues Visa, MasterCard and 8 banks" +Business,Oil Down Again; US Crude Stocks Seen Up +Business,Insurer feeling strain +Business,Pataki has reservation about taxes +Business,Harmony accuses Gold Fields of spying +World,PM: Foreign-Educated Muslims Behind Thai Unrest (Reuters) +Sci/Tech,Europe #39;s moon probe safely in orbit +Sci/Tech,Dell pulls out blades in Paris +World,Rising Euro Worries EU Finance Ministers (AP) +Sports,First pics: Red Bull Racing livery. +Sports,"Bad words, worse analysis" +Sports,10 questions about the Eagles-Cowboys game +Sports,Huskies Topple No. 14 Minnesota in OT Thriller +Sports,"NBA NOTES: James, Cavaliers finally pass .500" +Sports,First Canadian in golf hall +World,6 killed in India-administered Kashmir before PM #39;s visit +World,Education by Murder +World,India reserves plan can breach fiscal law - official (Reuters) +World,Bush's Foreign Aid Programs at Juncture (AP) +Sci/Tech,Dual-core IBM PowerPC 'to ship in single-core form' +Business,Vodafone upbeat as 3G takes off +Sci/Tech,Gates to tout network-management software +Business,Microsoft to hire more staff at Indian facility +Business,Oil slips below \$47 a barrel to 7-week low +Business,Japan Downgrades Economic Assessment +Business,Wong quits top post in Hong Kong +Business,"Macy #39;s, Bloomingdale #39;s \$3 billion portfolio in view" +Business,Snow says US committed to reducing budget deficit (AFP) +Sci/Tech,X-43A Mach 10 Mission Delayed +Sci/Tech,1st European Moon probe enters orbit +Sci/Tech,Gates to tout network-management software +Sports,New backing for Glazer? +Sports,Bonds MVP for seventh time +Sports,"Manning in, Warner out for Giants" +Sports,Tigers inch closer to OU +Sports,LeBron gets Cavs above .500 +Sports,Forget Paris: Sammy #39;happy to be a Cub #39; +Sports,In-form French will stay unchanged +World,Chirac: US does not repay favours +World,Afghan Militants Drop Guantanamo Prisoner Demand +World,Indian Army to cut Kashmir troop numbers +World,Two Allawi relatives released by kidnappers in Iraq +Sci/Tech,Europe Mission to Moon Called Success (AP) +World,Kerry Gives Money to Support Dem Races (AP) +Business,Petrol prices drive up inflation +Business,Call for more tax on second homes +Sci/Tech,Selling surveillance - has Blunkett got a deal for <cite>you</cite> +World,France Won't Publish Arafat Medical Records (AP) +World,Suspected rebels kill six ahead of Indian premier's Kashmir visit (AFP) +Business,Emap halts French magazine slump +World,Spanish raids net 15 Eta suspects +World,Bush Downplays Thompson's Terror Worries (AP) +Business,Black day for Conrad +Business,Microsoft expands software development operations in India +Business,Where #39;s your tax refund? Ask the IRS +Business,Fannie Mae issues \$9 bn loss warning for 3Q04 +Sports,"NFL : McNabb, Owens torch Cowboys" +World,Thousands of Westerns flee Ivory Coast drama +World,State Duma Speaker comments on territorial disputes +Business,Hollinger Inc to file accounts soon +Business,British firms lose out to sweet EU contracts +Business,Weaker exports upset Japan recovery +Sci/Tech,Curtain rises on Solaris 10 +Sports,Silvestre Blasts Domenech +World,IAEA Outlook on Iran Brightens +Sports,Montgomery Hearing Set for June in San Francisco +Sci/Tech,Science Braces for Second Term +Sci/Tech,Senate May Ram Copyright Bill +Sci/Tech,"Cattle, the Research Catalyst" +Sci/Tech,EverQuest II Hunts Newbies +Sci/Tech,Marvel Battles Role Players +Sci/Tech,RSS Edges Into the Bureaucracy +Sci/Tech,NASA Delays Mach 10 Flight +World,Dahlan Bows Out of Palestinian Elections (AP) +World,Japan Less Rosy on Economy (Reuters) +Business,Japan Less Rosy on Economy +Business,Stocks Seen Lower; Inflation Data on Tap +Business,Putin Allays Fears of Company Tax Probes +World,Asylum applications rise slightly +World,UK broadband gets speed injection +World,Mideast Donors Show Hope for Palestinians (AP) +World,Remembering and Defending Subway Graffiti +World,The Limits Of Tolerance +Business,Profit Rises for Optimistic Wal-Mart (Reuters) +Business,Petrol prices drive up inflation +Business,Vodafone doubles dividend +Business,"Wrigley adds Altoids, Life Savers to lineup" +Business,PeopleSoft rejects #39;final #39; Oracle bid +Business,Disney World turns up heat on unions +Business,Wall St. Seen Mixed; Retailers Eyed (Reuters) +Business,Euro Zone Presses U.S. on Weak Dollar (Reuters) +Sci/Tech,NASA Aims for Mach 10 +Sci/Tech,Novell #39;s MS complaint: we wuz robbed +Sci/Tech,DomainKeys - Will it Slam Spam? +Sci/Tech,Europe lunar probe enters orbit +Sci/Tech,Unused PC Power to Run Grid for Unraveling Disease +Sci/Tech,"Dell back into blades, partners with Microsoft for Windows <b>...</b>" +Sci/Tech,McAfee takes on more spyware +Sci/Tech,INTERVIEW: Nokia To Launch Over 10 CDMA Handsets Next Yr +Sports,Bonds #39; 7th MVP just a walk in the park +Sports,"Erickson cites mistakes, but backs Rattay" +Business,Wal-Mart's 3Q Earnings Climb on Sales (AP) +World,"Peace must be #39;imposed #39; on I Coast, says France" +World,Turning the screw on Khartoum +World,An opportunity to find lasting peace +World,Putin Says Japan Can Take Back 2 Islands +Sci/Tech,Firefox Web Browser +Sci/Tech,"Wireless to Drive Internet Growth, Tech Leaders Say" +Sci/Tech,Microsoft Cracks Down on Xbox Changes +Sci/Tech,EDS Loses \$153 Million in Third Quarter +Sci/Tech,The Rise and Fall of the Mayan Empire +Sci/Tech,"Across America, low and slow" +Sci/Tech,Photos: Segway--coast to coast +World,Israel Vows Response to Rocket Fire from Lebanon (Reuters) +Sci/Tech,UK Net Entrepreneurs to Run Web Startup Soflow (Reuters) +World,"More than 10,000 Ivorians have fled to Liberia: UNHCR (AFP)" +Sci/Tech,European stocks see early rally fizzle out (AFP) +World,Powell leads new exodus from Bush cabinet (AFP) +Business,"Earnings reports, holidays, will put focus on retailers" +Sci/Tech,SMART-1 settles into lunar orbit +Sports,Williams dejected after latest injury setback +Sports,Rockets down Nets 80-69 +Sports,Little stands in Eagles #39; way +Sports,Bears have big hole to fill +Sports,Complaints prompt #39;Wrestle-O #39; cancellation +World,Talks to Free UN Hostages Snagged +World,World Leaders Issue Praise for Powell +Business,Wal-Mart Raises Full-Year Profit Outlook (Reuters) +Business,Wal-Mart Raises Full-Year Profit Outlook +Business,Oil Steadies After Heavy Falls +Sci/Tech,Gates to announce Windows update tool +World,Japan Says China Apologizes Over Sub Intrusion +World,Spanish police arrest 17 suspected ETA members +World,Amnesty Urges Mandatory UN Arms Curb on Sudan +World,Only Arafat Family Can Get Medical Dossier -France +Sports,Mauresmo Pulls Out of Fed Cup Finals +World,Scared Ivorians flee into Liberia +World,Tagging criminals 'damages trust' +Business,"Wal-Mart Profit Rises, Raises Outlook" +Business,"Home Depot Profit Rises on Services, Pros" +World,Top policeman backs #39;right #39; to kill intruders +Business,Staples Profit Up; Sees 4th Qtr in Line +Business,Saks Slips Into Loss in Third Quarter +Business,J.C. Penney Third-Quarter Profit Rises +Business,Wholesale Prices Jump in October +World,Iranian Hardliners Unhappy with Nuclear Deal +Business,Visa and MasterCard sued by American Express +Business,MarketWatch Deal Seen As Giving Journal Advertisers New Reach +Business,Euro flirts with record high ahead of key data +Business,Microsoft signs up for tie-up with Indian firms +Business,"Wal-Mart Profit Rises, Raises Outlook" +Business,Vodafone doubles 6-month dividend +Business,IRS Has Refunds For quot;Lost quot; NJ Residents +Business,British inflation heats up as energy prices rise +Business,Macau card up Packer sleeve +Business,Ex-Boeing executive admits guilt +Business,EU Court Passes Beer Case Back to Finland +Business,Producer Prices Shoot Up 1.7 Percent (Reuters) +Sci/Tech,"Indymedia seizure ok by us, say readers" +Sci/Tech,Scramjet record attempt delayed by 24 hours +Sci/Tech,Sun won #39;t charge for Solaris 10 +Sci/Tech,Dell and Microsoft integrate patch management apps +Sci/Tech,No Change Expected on Spotted Owl Status +Sci/Tech,BEA adds app server support to Beehive +Sci/Tech,Data Ontap 7G abolishes preallocation tyranny +Sci/Tech,Aruba targets wired network security +Business,Staples Profit Up; Sees 4th Qtr in Line (Reuters) +Sports,Becks Offers Advice to Rooney +Sports,UPDATE 1-Mauresmo pulls out of Fed Cup finals +Sports,Gotta hand it to young Eli +Sports,NFL: Philadelphia cruise past defenceless Dallas +Sports,Reshuffled South Africa hang on for draw +Sports,Olympics: AOC to appeal to CAS for Rogers to get Olympic cycling <b>...</b> +World,British government to seek smoking ban +Business,Zale Reports Wider Third-Quarter Loss (AP) +Sci/Tech,Hotmail founder plans anti-spam startup +Sci/Tech,Va. Panel Kills Bills to Keep Red-Light Cameras +Sci/Tech,Gates touts software 'magic' to cut complexity +Sci/Tech,Nokia demos first mobile call using IPv6 +Sci/Tech,EDS reports net loss of \$153M +Sci/Tech,"Hynix, STMicro plan Chinese memory chip plant" +Business,Government says against EU spending hike +Business,Oracle tries to turn up heat in takeover bid of PeopleSoft +Business,Former exec pleads guilty +Sci/Tech,Europe #39;s First Moon Probe Arrives to Destination with <b>...</b> +Sci/Tech,First deadline passes for Supreme Court Grokster case +Sports,IOC receives bids for 2012 Games +Sports,Giants turn to Manning +Sports,Ganguly and Punishment +World,Spanish police arrest 17 ETA suspects +World,India leader schedules first visit to Kashmir +Sports,"No. 10 Virginia Tech 16, No. 9 Miami 10" +World,India PM's Kashmir Trip Holds Out a Glimmer of Hope (Reuters) +World,Iranian Hardliners Unhappy with Nuclear Deal (Reuters) +Sci/Tech,Film rescued from scrap heap (USATODAY.com) +Sci/Tech,Filipinos Are Getting The Message (BusinessWeek Online) +World,Japan downgrades economic assessment for first time since June last year (Canadian Press) +Sports,Tiger Woods Wants Out of the Tabloids (AP) +Business,Saks Slips Into Surprise Loss in 3rd Qtr. +Sports,Estes stalking PGA win +Business,"Singapore, Sri Lanka Conclude Agreement" +Business,Swiss International Air Lines Posts Profit +Sci/Tech,Gates to announce Windows update tool +Sports,30 Chance of Rain +Sports,Kiwis yawn at Aussie pre-Test taunts +World,Israel Vows Response to Rocket Fire from Lebanon +Sci/Tech,Programming experience up for grabs +Business,Vodafone to double dividend +Business,IRS trying to ensure all get refunds +Sports,Flying Finn upstages Schumacher +Sci/Tech,"Yahoo! deploys, EarthLink tests DomainKeys" +Sci/Tech,Viagra ad stiffed +Sci/Tech,Geronimo looking to be regulations specialist +Sci/Tech,"MS settles antitrust cases with Novell, CCIA" +Sports,Highly valued +Sports,Ganguly Appeals Commissioner appointed +Sports,LeBron scores 33 as Cavaliers rip Golden State +Sports,Police investigate Diouf incident +World,Macedonian Prime Minister Resigns +World,Gov't proposes widespread ban on smoking in public (AFP) +Business,Update 8: Oil Market Cautious on Tight Supplies +Business,Update 4: Wal-Mart 3Q Earnings Rise on Higher Sales +Business,"\$322,000 in refund checks go undelivered in Idaho" +Business,PBL punts on Macau +Business,Producer Prices: Biggest Gain Since 1990 (Reuters) +Sci/Tech,Motorola Releases Razr Phone Via Cingular (AP) +Sci/Tech,Gates expands on Microsoft #39;s IT management vision +Sci/Tech,IBM and Institute for Systems Biology to Fold Human Proteome on <b>...</b> +Sci/Tech,Microsoft offers goodies to lure Novell customers +Sports,Diouf #39;spat at 11-year-old fan #39; +Sports,Foot in door to counter Asia #39;s rise +Sports,Pinball ready to tackle Buono +Sci/Tech,Griffin ships iTrip-Black FM transmitter for iPod (MacCentral) +Sci/Tech,Congress May Act on Internet Piracy Bill +World,Palestinian elections unsettle Israel +World,Zarqawi calls for attacks on US troops +World,Japan spurns Russian initiative +World,Spy scandal rocks Paris +World,US Supreme Court stops execution of mentally disabled man (AFP) +Sci/Tech,Microsoft offers goodies to lure Novell customers +World,U.S. Forces Launch Assault on Iraqi Rebels in Mosul +Business,Global Markets: Euro Eases from \$1.30 +Business,Business Briefs +Business,Wal-Mart Q3 earnings rise on strong sales +Business,Cards no hamper for DJs results +Sci/Tech,Microsoft CEO Meets Indian Prime Minister (AP) +Sci/Tech,Europe Approaches Moon +World,Geneva Conventions Protect Wounded in War (AP) +Sports,Wolves won #39;t go for Merson +Sports,SA avert defeat despite batting collapse +Sports,"Leamy, Bowe to be capped in USA match" +Sports,Bowe and Leamy earn Irish debuts +World,Ivory Coast under embargo as France wraps up evacuations +World,China #39;regrets #39; submarine #39;s trip into Japanese territory +Sci/Tech,First European Craft Enters Lunar Orbit (Reuters) +Business,Garnier wants stronger FDA +World,Palestinian Leader Tries to Win Militant Truce +World,Italy Prepares to Return Prized Ethiopian Obelisk +World,"Early Beatles, U.S. Style" +Sci/Tech,New piece of Sarbanes-Oxley kicks in +Sci/Tech,VoIP: A Shot in Telecom's Arm +World,India to withdraw Kashmir troops +Business,Many in county due tax refunds +Business,Major PeopleSoft shareholder plans not to tender +Business,Pension Agency Doubles Its Troubles +Sci/Tech,Sun Launches Free Solaris 10 With Tiered Subscriptions +Sci/Tech,"Microsoft releases management tools, expands on DSI model" +Sci/Tech,Microsoft Makes a Play for Novell Users +Sci/Tech,Fearful Body Posture Tells Others: Run! +Sci/Tech,Congress May Act on Internet Piracy Bill +Sci/Tech,Cryptic responds! +Sports,Italy to field young squad against Finland +Sports,Goodenow has NHL players #39; trust +Sports,Australians peek in Beijing #39;s door +World,Rights-Sudan: Rhetoric On Darfur Needs to Be Backed By Action <b>...</b> +World,Macedonian PM Kostov resigns over policy disputes +Sci/Tech,Gates announces new Windows update tool +Business,Saks Reports Loss on Store Closings (AP) +Business,Dollar Off Lows After Currency Flow Data +Business,Outlook Weakens for Resting Place Maker +Business,Putin aims to ease business fears +Sci/Tech,Spain sprouts WiMax network +World,Teen in the dock for first Madrid bombings trial (AFP) +Sci/Tech,VoIP: A Shot in Telecom's Arm (washingtonpost.com) +World,Palestinian Leader Seeks Halt in Violence (AP) +Sci/Tech,Microsoft Makes a Play for Novell Users (Ziff Davis) +Sci/Tech,As Microsoft Turns: The Soap Opera Plays On (Ziff Davis) +Sci/Tech,Steve Jobs to keynote Macworld Expo 2005 (MacCentral) +World,New commissioners win MEP support +Business,European chiefs urge US to support dollar +Business,Local Stocks +World,"Vodafone interim profits dip, dividend hiked (AFP)" +Sci/Tech,"Vodafone interim profits dip, dividend hiked (AFP)" +Sci/Tech,As Microsoft Turns: The Soap Opera Plays On +Sci/Tech,Dell jumps back into blade server market +Sci/Tech,Nokia #39;s New CDMA 6235 Series +Sports,Tennis Masters Cup men #39;s update - November 16 +World,Sharon #39;s Gaza Pullout: Not Gonna Happen! +Business,Black's Hollinger Inc. Bids to Go Private +Business,Polish president urges S. Korean firms to boost Polish investments (AFP) +Sci/Tech,Microsoft aims at NetWare users with migration campaign +World,"U.S., Iraqi Troops Launch Mosul Offensive" +Business,"Investors Sell Retailers, Stocks Fall" +Sci/Tech,Iran Admits Mismanagement Behind Huge Quake Tolls (Reuters) +Business,Low Death Rate Cuts Coffin Maker Outlook +World,Beach Boy Brian Wilson Has Reason to Smile at Last +World,U.S. Forces Launch Assault on Iraqi Rebels in Mosul +Business,Update 7: Wal-Mart 3Q Earnings Rise on Higher Sales +Business,US October Producer Prices Rise the Most Since 1990 (Update3) +Business,IRS Looking For Virginians Owed Tax Refunds +Business,Flight attendants union chief wants strike +Business,Zale Loss Widens Blames Hurricanes +Business,Eisner #39;s challenge in court is to field tough questions +Business,EUROPEAN COURT OF JUSTICE RULING FAVORABLE TO +Sports,Magic's Mobley Out for Another Game (AP) +Business,Zale Loss Widens Blames Hurricanes (Reuters) +Sci/Tech,NASA X-43A Mach 10 Mission Scrubbed +Sci/Tech,Are customers ready for Sun #39;s utility vision? +Sci/Tech,Perdue Pharma Tags OxyContin +Sci/Tech,Microsoft Claims Mozilla Firefox Not a Threat to IE +Sci/Tech,IBM Intros World Community Grid +Sci/Tech,Dear Internet Explorer: I #39;m leaving +Business,Stir Crazy (Forbes.com) +Sports,Sharapova sinks Serena in season ending WTA Championships +Sports,Wolves door still open for Megson +Sports,Ganguly waiting on appeal +Sports,Worsley gets his chance to shine +Sports,Bonds wins record 7th MVP +Sports,Bills Still Giving Bledsoe the Nod Over Losman +Sports,Raptors looking for answers in LA +Sports,"Nash, others look good in their new digs" +Sports,New Jersey Nets Team Report - November 16 +World,"UK wants partial smoking ban, limit on junk food ads" +World,Indian army to begin troops reduction in India-controlled Kashmir +World,"Rebels, residents starving" +World,China Explains Sub Incursion +World,"KENYA: Security Council meeting to focus on Sudan, Somalia" +World,Macedonian Prime Minister Kostov Resigns +Sci/Tech,<cite>Reg</cite> hack in daring Gambia charity dash +World,Rice to Move From Behind the Scenes to Stage Front +Sci/Tech,Sony to offer DVD burner for Mac +Sports,England #39;s White ready for Boklash +Sports,Bonds more than a mere MVP +Sports,Quashie #39;s Vogts of thanks to man who spotted him +World,"US, Iraqi Troops Attack Insurgents in Mosul" +Sci/Tech,Speedy Plane Check-In by Mobile Phone Set for 2005 +Sci/Tech,Sony Plans Portable Blu-ray Disc Drives +Sci/Tech,Windows-Based PDAs Prove Popular +World,Vampire-Style Killer Found Dead in Prison (AP) +Sci/Tech,Speedy Plane Check-In by Mobile Phone Set for 2005 (Reuters) +Sci/Tech,Gates Touts Software Magic (PC World) +Sci/Tech,Hints of Unseen Moons in Saturn's Rings (SPACE.com) +Sci/Tech,Arrival! SMART-1 Moon Probe Reaches Target (SPACE.com) +Business,Boston Scientific Buys Stake in Reva +Business,Putin aims to ease business fears +Sports,Golden State Warriors Team Report - November 16 +Sports,TARGET: Owen wants Bobby Charlton #39;s England goalscoring record of <b>...</b> +Sports,Springbok England clash quot;not for faint-hearted quot; +Sports,Sheffield tops list of AL MVP favourites +Sports,Burns in dark over Scots future +Sports,Report: Holyfield banned from boxing in US +World,Rice Seen Holding Steady on US Mideast Policy +World,Amnesty International Calls for UN Arms Embargo Against Sudan +World,Sudan Rebels Hand Over 20 Prisoners of War (Reuters) +Sports,CORRECTED: Report Holyfield Banned from Boxing in U.S. +World,Sudan Rebels Hand Over 20 Prisoners of War +Business,Retailers Offer Solid Holiday Outlook (AP) +Business,"BJ's Profit Rises, Stock Down on PPI Data" +Sports,"No. 13 Vanderbilt Tops Miami (Ohio), 93-50 (AP)" +Business,Wal-Mart expects bumper Christmas +Business,Producer Prices Jump on Energy Costs +World,Family believes 'fear her murder' +Business,Update 2: Eisner Says He Discussed Ovitz Hiring +Business,"Crude oil prices decline on easing winter supply woes, cancelled <b>...</b>" +Business,Producer Prices: Biggest Gain Since #39;90 +Business,Brown Clashes With EU Ministers Over UK #39;s Budget Rebate +Business,Wall Street Not Buying Retail #39;s Optimism +Business,Check up on your check +Business,Flight Attendant Union Calls For Nationwide Strike +Business,"It #39;s a mega-burger, and hold the diet" +Business,Google shares set to hit market +Business,The Sarbanes Raiders +Business,Apple Sailing on Digital River +World,Taleban claim attack on policemen +Sci/Tech,Dell and Microsoft collaborate to reduce patch work. +Sci/Tech,Tiny radio tracking devices to stop bogus drugs +Sci/Tech,Home PCs sought in hunt for cancer cure +Sci/Tech,Sony Debuts Double Layer DVD Burner for Mac +Sci/Tech,Microsoft aims at NetWare users with migration campaign +Sci/Tech,SKorea #39;s LG Elec develops mobile phones capable of receiving media <b>...</b> +Sci/Tech,Adobe releases new version of Acrobat +Sci/Tech,Yahoo! upgrades its e-mail +Sci/Tech,Half-Life 2 Released +Sports,Report: Holyfield suspended indefinitely +Sports,"Giants, #39;Skins, Fins change QBs" +Sports,"Kiwi barrister to hear Ganguly #39;s appeal (LEAD, changing dateline <b>...</b>" +World,US forces launch assault on Iraqi rebels in Mosul +World,US-Iraqi forces attack insurgents in Mosul +World,"Israelis, Palestinians Expect Rice to Implement Bush Policy" +World,Special UN meeting on Sudan quot;momentous: quot; Sudanese sources +World,Dutch Probe Links Between Muslim Radical Suspects +World,Democrats Elect Reid as Senate Minority Leader +World,Blair Sees England's Cozy Pubs as a Smoke-Free Zone +Business,"Conn. AG Urges Tougher State Action, Offers Own Insurance Reforms <b>...</b>" +Business,Hardee #39;s roll out Monster Thickburger +Business,"Germany, France Eye Balance in Possible EADS-Thales Combination" +Business,Producer Prices: Biggest Gain Since '90 +Sci/Tech,Adelstein Tapped for Another Term in FCC +Sci/Tech,Motorola to Acquire MeshNetworks +Business,Wall Street Not Buying Retail's Optimism +Business,Eisner Says He Discussed Ovitz Hiring +Business,CKE #39;s Monster +Business,"Wal-Mart Profit Up, Raises Outlook" +Sports,Sharapova Sinks Serena in Thrilling Final +Business,USDA Tests Show Soybean Rust Spreading +Business,Is It a Clam Or a Phone? +Business,"Retailers, Banks Lower Stocks" +Business,Treasuries Off on Rate Hike Fears +Sci/Tech,Nasa delays Mach 10 flight +Sci/Tech,IBM launches global computing grid +Sports,Serena Williams ends Mauresmo #39;s bid for year-end No. 1 ranking +Sports,Germany's Kraft Stripped of Ironman Title +Business,Update 9: Crude Oil Prices Move Beyond \$47 Mark +Business,"Wal-Mart Profit Up, Raises Outlook" +Business,Spitzer: Only tip of insurance scandal uncovered +Business,Motorola Acquires Wireless Mesh Vendor +Sci/Tech,Major PeopleSoft investor won't tender shares +Sci/Tech,"Dell, Microsoft Team for Management of Dell Servers" +Sci/Tech,European Satellite Enters Lunar Orbit +Sci/Tech,Prescription drug shipments to be tagged electronically +Sci/Tech,LG Electronics unveils worlds first terrestrial DMB-receiving <b>...</b> +Sports,"Deutsche Bank Says It #39;s Not in Talks With Glazer, Denies Report" +Sports,Liverpool captain Gerrard ready to return +World,Aid worker feared killed in Iraq: family (AFP) +Sports,Sore Foot Sidelines Grizzlies' Williams (AP) +Sci/Tech,Motorola to Acquire MeshNetworks (AP) +World,EU warns Japan again over nuclear project (AFP) +Sci/Tech,PeopleSoft Investors Split Votes on Deal (Reuters) +Sci/Tech,"ADIC combines disk, tape in new storage appliance" +Sci/Tech,ObjectWeb adds portal content management middleware +Business,PeopleSoft Investors Split Votes on Deal +Sports,Rugby-Ireland ring the changes ahead of US test +Business,Flight Attendants Union Head Urges Strike +Sci/Tech,What is Search Engine Optimization? +Sci/Tech,Dow Jones Buying MarketWatch for \$519 Million +Sci/Tech,Dulance Shopping Search Offers Product RSS Feeds +Sci/Tech,News: Cisco fixes 'decoy attack' in security software +Sports,Report: Mich. Police ID Two Men in Brawl (AP) +Sci/Tech,Apple #39;s Music Business Looks More Sound +Sci/Tech,CITY OF HEROES HITS BACK AT MARVEL +Sports,Baseball: Bonds wins seventh MVP award +World,GMA off to APEC meeting +World,A winter of promise for J amp;K? +Sci/Tech,Film Industry Files Anti-Piracy Suits (AP) +World,Spaniard Jailed for 6 Years in Madrid Bomb Trial (Reuters) +Sci/Tech,Gates: Forget your passwords +World,Margaret Hassan Believed Dead +World,Thai Queen's plea to end violence +Business,AmEx wants rivals to pay +Business,Wholesale Prices Register Biggest Jump Since 1990 +Business,"S amp;P cuts Merck debt ratings, outlook negative" +Business,EDS Shrugs Off Worries +Business,SBC to Launch Local Internet-Based Calling in 2005 +Business,Flight attendants union chief seeks nationwide strike <b>...</b> +Business,IRS Seeks Taxpayers Due Refunds +Business,IAC/InterActive Names McInerney CFO +Business,Google Stock Falls as Share Lockups Expire +Business,Update 1: Motorola to Acquire MeshNetworks +Sci/Tech,Microsoft Puts New Life Into Its Systems Management +Business,What's Eating at Bob Evans +Sci/Tech,FDA Plans to Tag Certain Medicines to Prevent Fraud +Sci/Tech,IBM Builds World Community Grid for Scientific Research +Sci/Tech,LG Wins DMB Satellite Handset Race +Sci/Tech,What is up with Hotmail and Yahoo! Mail? +Sci/Tech,EPA finalizes proposal for Sandusky River +Sci/Tech,BFG To Release Two GeForce 6600 GTs +Sports,Steelers are on Cloud Nine +Sports,Angry Aragones defends himself over Henry remarks +World,Al-Jazeera says it has video of woman #39;s slaying +World,Britain Proposes Tough Smoking Ban +World,Israel welcomes Rice nomination; Palestinians wary +World,Firepower in Fallujah shocks Puyallup Marine +Business,Disney #39;s Eisner: Ovitz Irritated Other Top Staff +Business,"Kraft Foods quot;market perform, quot; estimates reduced" +Business,Flight Attendants Union OKs Nationwide Strike +Business,Nautilus Shares Sink on Bowflex Recall +Business,"Stocks Slip, Retail, Finance Weigh" +Business,Oil Slides as U.S. Supplies Seen Growing +Business,Google Stock Falls as Share Total Doubles +Business,Euros cash declaration limit set +Sports,"No. 6 Okla. St. Routs Wash. St., 81-29 (AP)" +Sports,N.Y. Boxing Officials Suspend Holyfield (AP) +Sci/Tech,Movie Studios Start Suing Web File Swappers (Reuters) +Sports,Lidle Agrees to #36;6.3M Deal With Phillies (AP) +World,Friction Grows Between Japan and China (AP) +Business,Exide Battery Shares Slump to 6-Month Low +World,Highlights of Bush's Education Proposals (AP) +Sci/Tech,Biologist Seeks Wolves' Return to Rockies (AP) +World,Hotel Offers Inauguration Package (AP) +World,Video May Show Iraq Aid Worker Killed -Husband +World,UN Council Heads to Kenya in Search of Sudan Peace +World,Crime Wave Against Tourists in Rio Sparks Concern +World,Rumsfeld Urges Latin America to Unite in Terror War +Business,Dow Jones Buying MarketWatch for \$519 Million +Business,EDS takes 3Q loss +Business,Flood of shares could hit Google price +Sci/Tech,Gates Touts Software Magic +Sci/Tech,Pfizer Ordered to Pull Viagra Ad +Sci/Tech,Microsoft Puts the Moves on NetWare Customers +Sci/Tech,MPAA Clamps Down on Film Piracy +Sci/Tech,Enter your e-mail: +Sports,Mobley not likely to play until weekend +World,"Asia-Pacific partners fight terror, nuclear spread, trade barriers" +World,British woman hostage in Iraq believed dead +Business,Just Say No (Forbes.com) +World,Peru Splits Up Jailed Lovers Who Led Shining Path +Sci/Tech,It's do or die time for Sun and Solaris x86 +Sci/Tech,SBC to Launch Local Internet-Based Calling in 2005 +Sci/Tech,Hollywood Sues Movie Pirates +Sports,Cowboys' High Hopes Dwindle After Big Loss (AP) +Sci/Tech,SMART-1 Eases into Orbit Around Moon +Sci/Tech,Movie Studios Start Suing Web File Swappers +World,"US, Iraqi Troops Occupy Fallujah as Violence Spreads Other Cities" +World,Spain arrests 17 separatist suspects +Sci/Tech,Photo: The Internet debate +Sci/Tech,Tool time for Microsoft +Sci/Tech,Replace your iBuds +Sci/Tech,Sony makes progress towards smaller Blu-ray/DVD players +Sci/Tech,Sony introduces pro high-definition video system +Sci/Tech,Sharp unveils its first Blu-ray Disc recorder +Sci/Tech,Accounting problem at SunTrust could delay Sarbanes-Oxley filing +Sci/Tech,Microsoft aims at NetWare users with migration campaign +Sci/Tech,Gates touts software 'magic' to cut complexity +Sci/Tech,"EDS posts delayed Q3 results, sees \$153M loss" +Sci/Tech,Napster founder Fanning returns to digital music world +Sci/Tech,Apple releases AirPort 4.1 software +Sci/Tech,Entertainment to go +Sports,Eagles' Mahe Out With Ankle Injury (AP) +Sci/Tech,Enterprise PC Shipments Strong in Q4 (NewsFactor) +Sci/Tech,Will Firefox Ignite Enterprises? (NewsFactor) +Sci/Tech,McAfee Debuts Enterprise Anti-Spyware Tool (NewsFactor) +Sci/Tech,IBM Builds World Community Grid (NewsFactor) +Sci/Tech,Sony Announces DVD Burner for Mac (NewsFactor) +World,Brazil Says Will Open 'Dirty War' Archives +Business,EU battles over stability pact reform +Business,"Wholesale prices jump in October by 1.7 percent, biggest increase <b>...</b>" +Business,Africans Need Jobs Says Former World Bank Official +Sports,"On Football: After four years, Edwards still clueless with a clock" +World,'Luxury' eyes China as market and future competitor (AFP) +Sci/Tech,Hollywood Sues Movie Pirates (washingtonpost.com) +World,Dog lovers appeal to N.B. politicians not to restrict dogs based on breed (Canadian Press) +Sci/Tech,Eyeing the next wave in RISC computing +Sports,Phillies Keep Lidle Around for Two More Years +Business,Beer Brewer Buying +Sports,ABC Apologizes +Business,Flight attendants union board OKs strike plan +Business,"MPAA touts lawsuits, new P2P-fighting software" +Business,Stocks Decline in Late Afternoon Trading +Business,US October Producer Prices Rise the Most Since 1990 (Update6) +Business,Zurich employees plead guilty in insurance probe +Business,"You Say Sell, I Say Potato" +Sci/Tech,EarthLink to Test Yahoo #39;s Antispam Technology +Sci/Tech,Grilled Cheese Virgin Mary Up For Auction +Sci/Tech,Grid Project Puts Unused PCs To Good Works +Sci/Tech,Hewlett-Packard goes Blu for DVDs +Sci/Tech,"Volvo, Saab #39;top in whiplash protection #39;" +Sports,WTA Win Tops Off Big Year for Sharapova (AP) +Sports,Phillies keep Lidle around for two more years +Sports,Coach receives extension after NCAA tourney berths +Sports,Coughlin picked the wrong time to replace Warner with Manning at <b>...</b> +Sports,Pittsburgh prep star King chooses Penn State +Sports,Italy sports new-look squad +Sports,Fiutak: Five Thoughts on the BCS +Sports,Fines Handed Down for Pre-Game Fight in Cleveland (Reuters) +Sports,Utah Activates Point Guard Carlos Arroyo (AP) +World,CARE worker believed to be dead +World,British government plans smoking ban that would bar lighting up in <b>...</b> +World,Rebels attacked in Mosul +World,India to pull some troops out of Kashmir this week +World,Afghan Kidnappers Mull Fate of UN Hostages +Sports,Phillies Keep Lidle Around for Two More Years (Reuters) +Business,Gymboree 3rd-Quarter Earnings Slump (Reuters) +Sci/Tech,Investors duke it out in PeopleSoft bid +Sports,Fines Handed Down for Pre-Game Fight in Cleveland +Business,"Stocks End Lower on Retail, Price Data" +Business,"Oil Extends Slide, Supplies Seen Growing" +Business,Tests Show Soybean Rust Spreading +Business,PeopleSoft Investors Split Votes on Deal +Sci/Tech,Intel climbs flash rankings as market dips +World,Bush Tries to Help U.S. Firms Invest in Libya +World,"Ivory Coast Hate Broadcasts Have Ended, U.N. Says" +Sci/Tech,Gates: Passwords passe +Sci/Tech,"Verizon: Wait for dial tone, punch in number, rock out" +Sci/Tech,"HP strikes Blu note for DVDs, talks of fat storage" +Sci/Tech,Photo: Dialing for a song +World,Bush Tries to Help U.S. Firms Invest in Libya (Reuters) +Sci/Tech,China Airlines scales back in-flight Internet plans +World,Health Researcher Martin Kaplan Dies (AP) +Sci/Tech,Sun previews next version of Java (InfoWorld) +Business,HP Profit Tops Lowered Forecast +World,Activists Worry Election Reform May Wane (AP) +World,Bush Pushes for Progress in Sudan Talks (AP) +World,Use of Private Airport Screeners Easier (AP) +Sci/Tech,Motorola to acquire MeshNetworks +Sci/Tech,"Evolution's ""High Priest"" Returns With New ""Tale""" +Sci/Tech,Landscaped Roofs Have Chicago Mayor Seeing Green +Sci/Tech,Does Life Exist in Antarctic Lake Buried Under Miles of Ice? +Business,SEC Charges Black with Fraud +Business,Is Wal-Mart Warming Up? +Business,Fla. AG Issues Subpoenas to 11 Insurers +Sci/Tech,Solaris 10 Could Brighten Sun +Sci/Tech,It pays to switch with Microsoft +Sci/Tech,Sony Introduces New Mac-Compatible Double Layer DVD Burner +Sports,Kraft disqualified as winner of Ironman championship because of <b>...</b> +World,Ivorian leader rejects blame for airstrike +World,Take Firm Stand Against Chinese Incursions +Sports,"Loss Behind Them, Eagles Dominate Again (AP)" +Sports,Fired Up Hewitt Rallies Past Moya for Opening Win +Business,Possible countermeasure in reaction to steep pay cuts +Business,Update 1: InPhonic Shares Advance in Trading Debut +World,Bush to visit Canada on Nov. 30; mad cow expected to be on agenda (Canadian Press) +Business,Borders Posts Third Quarter Loss (Reuters) +Business,Borders Posts Third Quarter Loss +Sci/Tech,Mobissimo Officially Launches Travel Search Engine (Reuters) +Business,"Home Depot Reports Higher Profit, Sales" +Business,Dollar Mostly Down After Early Gain +Sci/Tech,PeopleSoft shareholders split vote on Oracle bid +Sci/Tech,Superfast Nasa jet pushes Mach 10 +Business,Update 4: Flight Attendants #39; Union Approves Strike +Business,Zurich Financial Executives Plead Guilty in Probe (Update2) +Business,Federal surplus to be \$5.9 billion: Goodale +Sci/Tech,Report: Crooks behind more Net attacks +Sci/Tech,Sun Launches Solaris 10 +Sci/Tech,MPAA Starts Filing Lawsuits Against Movie Traders +Sports,Utah activates Arroyo +Sports,Lyon #39;s Malouda to earn first France cap against Poland +World,Militants kill 12 in J amp;K ahead of PMs visit +World,"US doctor says evacuations, body armor have helped save lives in <b>...</b>" +Sci/Tech,SBC joins the VoIP party +Sci/Tech,"Take-Two Sets Funk, Rap Soundtrack for San Andreas" +World,Moroccan Charged in Europe Terror Probe (AP) +Sci/Tech,"Take-Two Sets Funk, Rap Soundtrack for San Andreas (Reuters)" +Sci/Tech,HP's Reports Rise in Fourth-Quarter Profit +Sci/Tech,Motorola Acquiring Wireless Networking Firm MeshNetworks +Business,Murdoch's News Corp. to Join S P 500 +World,New Senate Dems Leader Seeks Cooperation (AP) +Business,HP Profit Tops Lowered Forecast +Sports,Angels Outfielder Guerrero Claims MVP Award (Reuters) +Sci/Tech,Few tears shed for canceled Comdex +Business,Google Stock Falls as Share Total Doubles +Sci/Tech,Sony Woos Mac Users with DVD Burner +World,Daschle Bids Senate Democrats Goodbye (AP) +Sports,Beckham denies retiring after 2006 +Sports,Anaheim #39;s Guerrero Named AL MVP +Business,S P Lowers Merck Debt Rating Amid Vioxx Concern +World,"Annan: U.S., U.N. Relationship Important (AP)" +Business,GM to Close Md. Assembly Plant in 2005 +Sci/Tech,"Q A: Artemis CEO on aligning IT projects, business goals" +Sci/Tech,"Microsoft talks security, Trustworthy Computing" +Business,Goodale projects \$5.9B surplus this year +Sci/Tech,Lunar Orbit Achieved by European Probe +Sci/Tech,Virgin sandwich back on auction +Sports,Angels #39; Vladimir Guerrero Voted AL MVP +Sports,Jazz Activate Arroyo +Sports,Michigan #39;s Burgess ready for home rival +Sports,Aragones: My Conscience Is Clear +World,Troops reduction in J amp;K to begin today +Business,Wrigley buys Kraft unit for \$1.48 bn +Business,HP Fends Off Critics +Sports,Gordo #39;s Tipsheet: Sunday Edition +Sports,ABC apologizes for football introduction +Sports,Badmann given fifth title +Business,Murdoch's News Corp. to Join S P 500 (Reuters) +Business,Borders Posts 3rd-Quarter Loss Vs Yr. Ago +Business,HP Profit Tops Lowered Forecast +Sports,"A look at Notre Dame, Navy" +World,Iraq aid worker feared dead +Business,Kitchen Gods (Forbes.com) +World,CARE Australia says it appears Iraq hostage Margaret Hassan is dead (AFP) +Sci/Tech,Google Stock Falls as Share Total Doubles (Reuters) +World,"Marine, insurgent tactics evolve" +Sports,Martinez Visits 'The Enemy' +Business,HP beats lowered forecast +Business,Spitzer sees new pleas in probe +Business,Borders Posts 3rd-Quarter Loss Vs Yr. Ago +Business,UPDATE 1-S amp;P delivers third blow to Merck #39;AAA #39; ratings +Business,Nordstrom 3Q Earnings Beat Expectations +Business,GM to Close Baltimore Plant +Business,CanWest buys half of Jerusalem Post to expand its North American <b>...</b> +Business,SBC joins the VoIP party +Sci/Tech,Nasa launches superfast jet plane +Sci/Tech,"Dell, Microsoft to enable systems, software updates with one tool" +Sci/Tech,MPAA Starts Suing +Sci/Tech,Europe #39;s little genius reaches Moon +Sci/Tech,IBM Launches Global Computing Grid to Support Research +Sci/Tech,Smog linked to increase in deaths +Sci/Tech,Adobe Announces New PDF Tools +Sports,Sharapova takes out WTA Champs +Sports,Long wait over for Cavaliers +Sports,ABC Apologizes for Steamy Football Intro +Sports,Thousands watch Gerrard #39;s comeback +Sports,DePaul signs women #39;s basketball coach to contract extension +Sports,Chris Paul amp; Co. help Wake to impressive start +World,A life devoted to Iraq ends with a single bullet +World,"Britain to impose smoking ban in England, Wales" +Sports,Diaz Ends the Year on a Strong Note (AP) +Sports,Safin Storms to Easy Masters Cup Win Over Coria +World,ETA Urged to Quit Fight as 17 More Suspects Jailed +World,World Health Leaders Call for New Research Goals +Sci/Tech,NASA Test Flight Breaks World Jet Speed Record (Reuters) +Sci/Tech,Everest Needs UNESCO Status as Glaciers Melt-Greens (Reuters) +Sports,Fired Up Hewitt Rallies Past Moya +World,Ohio Has Clearer Picture of Ballots Now (AP) +World,U.S. Signs Agreement Targeting Methane (AP) +World,Ivory Coast Leader Says Committed to Reunification +World,"Indian PM Visits Kashmir, Troops Start Pullout" +Sci/Tech,NASA Launches Hypersonic 'Scramjet' +Business,HP Earnings Rebound +Business,World Bank: Global Economy Improving +Business,ATA Holdings Corp. Announces Definitive Agreement With AirTran <b>...</b> +Business,Nordstrom earnings beat estimates +Business,Bush Econ Team to Undergo Gradual Changes (Reuters) +Sci/Tech,Scramjet reaches record of nearly Mach 10 +Sci/Tech,Movie Studios Sue File Traders +Sci/Tech,Solaris 10 appears +Sci/Tech,"Drug companies, retailers adopting RFID for drugs" +Sci/Tech,Microsoft Floats NetWare Migration Promo +Sci/Tech,Sony makes progress towards smaller Blu-ray/DVD players +Sci/Tech,McCain raps Bush on global warming +Sci/Tech,NVIDIA Announces GeForce 6600 GT for the AGP Bus +Sports,Aussies satisfied with a draw +Sports,Keane strikes gives Ireland victory over Croatia +Sports,Junior hockey league bans David Frost from games after incident in <b>...</b> +Sports,MAC to fill Pac-10 #39;s slot in Silicon Valley bowl +Sports,Eagles show Cowboys night of humiliation +Sports,Browns Waive RB James Jackson (AP) +Sports,"Jazz Get Arroyo Back, Put Him in Lineup (AP)" +World,Fate of UN hostages hangs in balance +World,Thatcher to fight call for extradition over #39;coup #39; +Sports,Auburn's Tailback Duo Share Spotlight (AP) +Sci/Tech,PeopleSoft introduces support by subscription +Sci/Tech,Eighth Wonder Bread of the world +Business,Bush Econ Team to Undergo Gradual Changes +Business,Stocks Slip on Strong PPI; HP Climbs +Business,US Flight Attendants Union To Begin Strike Vote +Business,Crude oil prices fall amid optimism over US oil stockpiles +Business,US pension agencys deficit jumps to \$23b +Business,"Some shareholders accept, others reject Oracle bid" +Business,Developing nations #39;to prosper #39; +Business,Zurich Financial Underwriters Plead Guilty in Probe (Update4) +Sci/Tech,Film Industry Files Wave of Anti-Piracy Lawsuits +Sci/Tech,"Fear Is Spread by Body Language, Study Says" +Business,U.S. Stocks Fall on Inflation Fears +Sports,ABC Sports apologizes for steamy intro to #39;Monday Night Football #39; +Sports,Castilla leaving Rockies +Sports,Yankees meet with Martinez +Sci/Tech,Segway completes trans-continental voyage +Sci/Tech,In Brief: Bowstreet unveils pre-packaged portal offerings +Sci/Tech,HP server group sees profit in Q4 +World,US claims 'no fault' in 2003 killing of reporters in Iraq: Reporters Without Borders (AFP) +Sci/Tech,Nokia Demos Mobile Call Using IPv6 (PC World) +World,Iranian Hard-Liners Criticize Nuclear Deal (AP) +Sci/Tech,SDForum: Open source becoming first option (InfoWorld) +Sci/Tech,In Brief: Bowstreet unveils pre-packaged portal offerings (InfoWorld) +Sci/Tech,Nokia Demos Mobile Call Using IPv6 +Sports,"Geiger, Tressel Defend Ohio State (AP)" +Business,Black moves to privatise Hollinger +World,Iran suspending uranium enrichment +World,A revised disengagement strategy +Business,Motorola to acquire MeshNetworks +Business,Borders Posts \$1.5M Loss in 3rd Quarter +Business,Murdoch #39;s News Corp. to Join S amp;P 500 +Sci/Tech,MPAA sues file swappers +Sci/Tech,Euro probe comes in 4th in moon race +Sci/Tech,Revealed: why the fear factor runs with the pack +Sci/Tech,HP PCs To Include Blu-Ray Drives +Sports,Sharapova caps superb year as foil to Williams +Business,"Global economy to slow sharply next year, says the World Bank" +Sci/Tech,"After 13-month flight, Europe arrives at the moon" +Sports,Silvestre lambasts Domenech +Sci/Tech,Hollywood Writer Sues Microsoft Over Yoga Game (Reuters) +Sci/Tech,PeopleSoft Shareholders Clash on Takeover (AP) +World,FDA Chief Counsel Daniel Troy Resigns (AP) +Sci/Tech,Hollywood Writer Sues Microsoft Over Yoga Game +World,Ivorean head won't 'hinder' peace +World,Bush Names Hawkish Rice Top U.S. Diplomat (AP) +World,Execs Tell Congress of More Insurance Woes (AP) +Sci/Tech,Glaciers Said Threatening Mount Everest (AP) +World,"For O.D.B., Fun Was Too Much or Not at All" +Sci/Tech,Europe's First Moon Mission Successful (AP) +Business,Analyst: Outsourcing can save costs in health care +Sports,Davenport Ends Season Top-Ranked Player (AP) +Sports,Kobe Bryant Civil Lawsuit Set to Begin (AP) +Business,Hewlett-Packard 4th-Qtr Net Rises on Server Rebound (Update4) +Business,Peoplesoft bid battle heats up +Business,Murdoch: Plans Cable Rival For #39;Disappointing #39; CNBC +Sports,"Expos OK Deals With 3B Castilla, SS Guzman (AP)" +Business,Growth in developing countries strongest in 3 decades: WB +Business,IRS Announces Thousands In Unclaimed Refunds +Business,Bell Ringers Banned from Target +Sci/Tech,US scramjet clocks 10 times speed of sound +Sci/Tech,FDA Tells Viagra To Soften Its Ads +Sci/Tech,Europe probe safely enters Moon orbit +Sci/Tech,Dell and Microsoft improves patch management +Sci/Tech,Solaris will be available for free +Sci/Tech,Virgin Mary Grilled Cheese Back Up on EBay +Sci/Tech,Hollywood Writer Sues Microsoft Over Yoga Game +Sci/Tech,Spot On: Blu-ray bares teeth in format fight to the finish +Sports,Ireland Beats Croatia in Soccer Friendly; Australia Ties Norway +Sports,Spotlight on entire Giants offense +Sports,Officials hope for calm after Apple Cup +Sports,Wales #39;homecoming #39; adds twist for Henry and Hansen +World,Europe doesn #39;t believe in democracy +World,"Tension high, Dutch ponder old blasphemy law" +Business,Australia #39;s WMC Resources Says No Takeover Offer Made -2- +Business,Hewlett-Packard posts 26.5 per cent rise in fourth quarter profits +Business,Motorola to acquire MeshNetworks +Sci/Tech,US #39;Scramjet #39; Breaks Speed Record +Sci/Tech,Xbox game lawsuit +Sci/Tech,Dell thrusts blade into datacentres +Sci/Tech,RUMOR: Next generation Apple iPod to feature downloadable games? +Sports,Keane On Target As Ireland Win +Sports,PREVIEW-Beckham and Owen to feel at home against Spain +Sports,ABC Sorry for #39;Desperate Housewives #39; Football Plug +Sports,MLB: Anaheim Angels #39; Guerrero Wins MVP Award +Sports,Boks bring #39;streetwise #39; approach to Twickenham +Sports,Hurricanes Strap on the Pads for Tuesday Workout +World,Iraq #39;s tireless worker killed in the country she loved +World,Japan vs. Russia on Kuril islands +World,China Sees Heavy Investment in Argentina in Decade (Reuters) +Sci/Tech,Film Trade Group Files Anti-Piracy Suits (AP) +Sci/Tech,By Matt Bramanti +Sports,Beckham to play beyond 2006 World Cup +Sports,Lauda says Red Bull should hire DC +Sports,World doubles number ones reach semifinals +World,Arafat in Gaza +Sci/Tech,eXo adds portal software to ObjectWeb +Sci/Tech,eXo adds portal software to ObjectWeb (InfoWorld) +Sci/Tech,Study: U.S. needs foreign-born workers +Sci/Tech,TiVo backer Aslop to leave VC firm +Sci/Tech,SBC in Deal With Microsoft to Provide TV on High-Speed Lines +Sci/Tech,Universal Music Said to License Songs (AP) +Sci/Tech,Motorola Acquires MeshNetworks (AP) +World,New Judges Chosen for Peru Rebel Retrial (AP) +World,Pakistan Movie Theater Explosion Kills 2 (AP) +World,Bush Seeks to Build on His Education Base (AP) +World,Congress Ready to Update Special Ed Law (AP) +World,Ozone 'link' to premature deaths +Sci/Tech,Clash of the superheroes +Sports,Guerrero Wins American League M.V.P. Award +Business,European officials urge US to halt dollar #39;s slide +Business,Vodafone pays out 6bn but fears grow on margins +Business,News Corp marked in for S amp;P move +Business,US wholesale prices up sharply in October +Sci/Tech,Scramjet flies at Mach 10 +Sci/Tech,EPA budget audit finds improvement +Sci/Tech,Music rebels seek to tame P2P +Sci/Tech,Senate May Ram Copyright Bill +Sports,Gerrard ready for Liverpool comeback +Sports,New Mexico Coach Gets 2009 Extension +Sports,Former Buc Jackson signs with old team +Sports,Busch stays in front by avoiding finishes in back +Sports,Geiger: No evidence to back accusations +Sports,WC Group 2 Preview: Greece-Kazakhstan +World,Sudan: Peace Deal Must Tackle Past Abuses +World,Witness recants +Business,Dollar Stuck Near Lows Ahead of G20 Meet +Business,St. Paul Travelers gets another subpoena in insurance probe +Business,Vodafone to Buy Back More Shares +Sci/Tech,"NASA Test Flight Nears 7,000 Mph, Breaks Record" +Sci/Tech,Microsoft to NetWare Users: I Want You +Sports,Rep of Ire 1 Croatia 0 +World,Arafat #39;s death a reminder of Palestinian struggle +Sports,Gerrard all set to make a comeback +World,UN Council Heads to Kenya in Search of Sudan Peace +Business,Chancellor takes aim at Brussels for bigger budget demands +Business,Wal-Mart profit rises 13 +Sci/Tech,First European spacecraft in moon #39;s orbit +Sci/Tech,"Microsoft Enlists Channel Help For Server, Desktop Management" +Sci/Tech,Sony Plans Portable Blu-ray Disc Drives +Sports,Keane on target as Republic win +Sports,Rehhagel Gets Tough With Greece +Sports,Varitek Wants Stability in Next Contract (AP) +World,Nine out of 10 pubs face smoking ban +World,"US, Iraqis regain some ground in Mosul" +World,Right wing icon voted greatest Dutchman +Sports,Jerry Graybeal Quits As Weber State Coach (AP) +Sports,Ramsey Settles In +Sports,Hoping for Big Finish +Sports,Jordan To Head Scouting +Sports,Randall Makes Difference +World,Ten Colombian Police Die in Marxist Rebel Ambush (Reuters) +Sci/Tech,Texas Officials Wary of Plan to Hunt by Internet (Reuters) +World,New York Announces New System to Process Families Seeking Shelter +World,Handle With Care: Moving the Modern +World,Some Democrats Believe the Party Should Get Religion +Business,Chinas fixed-asset investment eases slightly +Business,Vodafone doubles dividend +Sci/Tech,X-43A Jet Breaks Air Speed Record +Sports,"Mavs Lose Injured Dampier, Terry (AP)" +Sports,Hewitt states intent with demolition of Moya +Sports,Jerry Graybeal resigns as Weber State coach after 1-10 season +Sports,Hot Stove heats up with Pedro-Steinbrenner meeting +World,Israel has duty to protect citizens +Sports,Skating to Europe +Sports,Losing Puts Frustrated Parcells in a Foul Mood +Sports,College Coach Believes in Manning +Business,China Construction Spending Down in Oct. +World,Reid offers blueprint for fitness +Business,Dollar Stuck Near Lows Ahead of G20 Meet (Reuters) +Sci/Tech,Climate change 'ruining' Everest +Business,HP Lifts Asian Tech Stocks +Business,SBC in Deal With Microsoft to Provide TV on High-Speed Lines +Business,Congress Urged to Conduct Its Own Insurance Inquiry +Business,"Yet Again, Jil Sander and Prada Part Ways" +World,U.S. Troops Move to Rein in Rebels in North of Iraq +Business,World poverty is in retreat +Business,Vodafone doubles dividend +Business,Murdoch #39;s News Corp. to join S amp;P 500 +Sci/Tech,EUROPEAN SPACECRAFT ENTERS LUNAR ORBIT +Sci/Tech,Evil Searches +Sci/Tech,Intel climbs flash rankings as market dips +Sports,Guerrero named American League MVP +Sports,"Boss, Pedro talk shop" +World,US push to rid Mosul of insurgents +World,APEC helps Chile deepen ties with Asia-Pacific region: govt +Sports,"Hawks Rally From 11 Down, Edge Rockets (AP)" +Sports,Terps Deny Musketeers +World,Colombia Rebels Kill 9 Officers in Ambush (AP) +World,"Man arrested after 2 killed, 29 hurt in bombing of Pakistani cinema (Canadian Press)" +Business,Dollar Stuck Near Lows Ahead of G20 +Sports,Steinbrenner and Martnez Meet: Let the Intrigue Begin +World,Gun battle erupts in Kashmir city +World,Business 'booms' for rural crafts +Sci/Tech,Google Falls as More of Its Shares Start Trading +Sci/Tech,"In Texas, 28,000 Students Test an Electronic Eye" +Sci/Tech,PeopleSoft Shareholders Have Opposing Views on Oracle Bid +World,PM #39;s visit to focus on reconstruction of Kashmir +World,"Asia-Pacific powers to set sights on N. Korean nukes, trade <b>...</b>" +Sports,Time to Talk Baseball +Sports,Fans Honor United +Business,China to invest 20 billion dollars in Argentina +Sci/Tech,"NASA #39;Scramjet #39; Soars Almost 7,000 Mph" +Sports,No. 15 Hokies still have ACC title hopes +Sports,Tim Duncan and Spurs Torch Knicks 99-81 (AP) +Sports,Tenth-Ranked Arizona Rips San Diego 80-69 (AP) +Sports,NBA Wrap: Allen Leads Sonics to Seventh Straight (Reuters) +World,New Technique Stirs a Debate in Cardiology +World,"In Texas, 28,000 Students Test an Electronic Eye" +Business,Stocks drop as wholesale prices surge +Business,S amp;P changes its indices +Sci/Tech,NASA Jet Sets Record for Speed +Sci/Tech,Nokia Demonstrates IPv6 Phone +Sports,Beckham wasnt interested in The Pink Panther +Sports,"Eriksson: No Man Utd, Arsenal rifts in squad" +Sports,Yankees #39; Sheffield blackmailed +World,Militants launch attack in Kashmir ahead of Indian PMs visit +World,Rumsfeld terms Ecuador ally in fighting terrorism +World,Specter Gets Hatch Support to Chair Panel (AP) +World,Bush to Visit Canada on Nov. 30 (AP) +World,DeLay Supporters Move to Protect His Spot (AP) +World,U.S. Extends Deadline to Switch Screeners (AP) +Sports,Stock car racing in Canada gets boost from NASCAR deal with CASCAR +World,Ten Colombian Police Die in Marxist Rebel Ambush +Sports,Stern Likes Latest Arena Plan for Kings (AP) +Sports,Arizona Stops San Diego +World,A New Pattern Is Cut for Global Textile Trade +Sports,Skating to Europe and Playing On +Business,Attendant Union Approves Strike Over Contracts +Business,Crude dips below \$US46 +Business,Wholesale Inflation Rises Sharply +Business,"US - Consumer Price Index (Oct, 2004)" +Business,Audit concludes firm overbilled LA by \$4 million +Business,GM to Close Van Factory In Baltimore +Sci/Tech,"NASA #39;scramjet #39; launched, soars at 11,263 kph" +Sci/Tech,Europe #39;s Spacecraft Enters Lunar Orbit +Sci/Tech,eBay pulls carpet from under cheesy miracle +Sci/Tech,World Community Grid +Sports,Sheffield Says Wife Was Blackmail Target +Sports,Kewell back in big time +Sports,NBA roundup: Walker leads Hawks #39; comeback vs. Rockets +World,Leaders condemn #39;Hassan murder #39; +World,Equatorial Guinea resumes coup trial +World,"Russian, Japanese ministers to discuss peace treaty problem" +Business,Silicon Valley Aims to Refresh Its Image +Sports,Roddick Defeats Henman in Masters Cup (AP) +Sports,Tough one for the Gunners +Sci/Tech,Yahoo Launches Premium Personals Service (Reuters) +Sci/Tech,TiVo backer Alsop to leave VC firm +Sports,Excited about Bonds chasing home run record? Not anymore +Sci/Tech,HP profit tops lowered forecast +Sci/Tech,Two big PeopleSoft shareholders split vote on Oracle bid +Business,Enron Inquiry Turns to Sales by Lay's Wife +Business,Starbucks Will Use Cups With 10 Recycled Paper +Sci/Tech,Managing the Firehose of Real-Time Information +Business,Nordstrom posts 71 increase +Business,Crematory Operator to Plead Guilty +Business,"DC Tops Nation In Women #39;s Pay, Equity With Men" +Business,Growth in developing countries strongest in three decades: World <b>...</b> +Business,HP Profit Tops Lowered Forecast +Business,Audit finds firm overbilled LA by \$4M +Sci/Tech,"At 6,600 mph, test plane redefines zoom" +Sci/Tech,Viagra: A Drug Ad Too Far? +Sci/Tech,IBM Launches Public Grid Computing Project +Sci/Tech,Microsoft Sharpens Up Its Elbows +Sports,All Blacks rest captain +Sports,Kings Defeat Winless Bulls 113-106 (AP) +World,Queen Urges Thais to Help Govt. Fight Muslim Unrest (Reuters) +World,Europe eyes end to limbo in EU assembly vote (AFP) +Business,Report: SBC Sets TV Deal with Microsoft +Business,Oil \$46 Ahead of Expected U.S. Stockbuild +Business,Slammed shut +Business,Update 5: Hewlett-Packard Income Surges 27 Percent +Business,Senate Hears of Insurance Misdeeds +Sports,Guerrero Wins AL MVP +Sci/Tech,Hollywood fires first lawsuits at pirates +Sci/Tech,Virgin Mary sandwich? +Sports,NBA ROUNDUP James Helps the Cavaliers Break .500 +Sports,Guerrero is AL MVP +Sports,NCAA Game Summary - San Diego at Arizona +Sports,Ohio State knocks Clarett #39;s allegations +World,"There was no coup plot, say accused" +World,Thailand #39;s queen urges unity in violence-plagued deep south +World,"Fox hunting ban in England, Wales looms after compromise fails (AFP)" +Sci/Tech,Report: SBC Sets TV Deal with Microsoft (Reuters) +World,"Two militants, civilian killed in Kashmir attack (AFP)" +Sci/Tech,Heart Scanner Stirs New Hope and a Debate +Sci/Tech,Boston Scientific Will Invest In Developer of a Plastic Stent +Sports,Clippers Pop Raptors 101-89 (AP) +Business,Earnings Climb at Hewlett +Business,Insurance Investigation Leads to More Guilty Pleas +Business,Retail discord ringing over charity #39;s bells +Business,Murdoch Moves to Avoid a Friendly Fight for Control +Sports,Kings Defeat Winless Bulls 113-106 +World,"Bush Folly, Campaign 2004 and the Middle East" +Business,HP Fares Well in Much of Asia +Business,Four Companies Plan Expansion in Virginia +Business,GM to Close Van Factory In Baltimore +Business,"D.C. Tops Nation In Women's Pay, Equity With Men" +Business,Senate Hears of Insurance Misdeeds +World,Iraq forces 'need extra US help' +Business,Wholesale Inflation Rises Sharply +Sports,Eagles Hang On +World,Australia stunned by murder of aid worker who helped Iraq's poor (AFP) +World,Two dead in Srinagar gunbattle as Manmohan Singh arrives (Reuters) +World,"Federal surplus at least #36;8.9 billion but clouds on horizon, says Goodale (Canadian Press)" +Sci/Tech,"More Than 15,000 Species Said to Be Facing Extinction (Reuters)" +World,"Summary: Rice, Bush Have Good Relationship (AP)" +World,GOP Election Victory Shaping Budget Bills (AP) +World,Israel Vows Response to Rocket Fire from Lebanon (Reuters) +Sci/Tech,Verizon Considering Move to Va. +Sci/Tech,InPhonic Shares Gain During Debut +Business,Flight attendants union OKs strike +Sci/Tech,Hollywood sues film pirates +Sci/Tech,IBM Sponsors Humanitarian Grid Computing Project +Sci/Tech,Albatron debuts Nvidia AGP6600 and AGP6600GT cards for the AGP 8x <b>...</b> +Sports,Roddick outlasts Henman +Sports,Guerrero wins by country mile +Sports,ABC apologizes for intro on #39;Monday Night Football #39; +Sports,ON FOOTBALL A Giant task awaits New York #39;s Manning +Sports,FBI nabs #39;activist #39; on extortion charges +Sports,New Mexico #39;s Long gets extension through 2009 +Sports,Clarett may leave shiners on Buckeyes +Sports,Minnesota #39;s shooters slash Miami #39;s defense +World,New Free Trade Plan For Asia Pacific +World,France won #39;t release Arafat #39;s medical records +Sci/Tech,Craft sets speed record +Sports,Late run propels Guerrero to MVP +Sports,- NY Post: Charles Wenzelberg +World,Gunshots echo in Indian-controlled Kashmir +World,US racing insurgents for influence in Fallujah as battle winds <b>...</b> +World,Thai queen urges nation to unite to end southern violence (AFP) +World,Google shares fall as staff sell +Sports,Final foray +Sports,Holes yet to be covered +Sports,It's bad news bare for ABC +Sports,Revolution veterans left open +Sports,Holy Cross at a glance +Sports,Time to step to the fore +Sports,Harvard at a glance +Sports,Hoopla for 2006 event begins +World,Militants rebuff Abbas truce idea +Sports,"Returns are in, and Merrimack looks like a winner" +World,France won't release Arafat's medical records +Sports,Couto stops Danvers +World,"China regrets submarine's intrusion, Japan says" +World,Britain targets a smoky tradition +Sports,Quincy gets its revenge +Sports,BC High drops Cotter home finale +Sports,Walpole's victory feels like old times +Sports,Brockton rules New Bedford +Business,HP Fares Well in Much of Asia (Reuters) +Sports,Jim Leyland Still Wants to Manage Again (AP) +Business,Singapore cuts 2004 growth forecast after Q3 slowdown (AFP) +Business,Retail discord ringing over charity's bells +Business,SEC details Bleidt's alleged scheme +Business,Taking care of little guy +Business,Offshoring accelerating +Business,"Middle-class, white-collar jobs leaving, too, not just 'grunt' work" +Business,Latinos turning focus to networking +Business,"Just subtract the fear, and add some planning" +Business,Wholesale prices rocket 1.7 increase is the largest in over 14 years +Business,\$8.8m Oracle bid nears judgment day +Business,Flight attendants to hold strike vote +Business,Spitzer warns of further insurance industry woes +Business,2.5 auto insurance rate hike reaffirmed +Business,"SEC, potential WBIX buyer meet" +Business,Facing putting the children through college +World,Specter Closer to Leading Judiciary Panel (AP) +World,Chirac Says Iraq War Created More Dangerous World +Business,Weak Dollar Seen Pinching Developing Countries +Business,China Pledges Investments of \$19.7 Bln in Argentina (Update1) +Business,2 major PeopleSoft shareholders split on Oracle deal +Business,Price surge gains traction +Sci/Tech,Nasa test flight sets new record +Sci/Tech,Film piracy lawsuits accuse 22 in Colorado +Sci/Tech,Microsoft Rolls Out NetWare Migration Package +Sports,Hewitt rallies past Moya +Sports,"NFL ROUNDUP: Fight costly for 2 Browns, 1 Steeeler" +Sports,BRIDGE HANDED ENGLAND CHANCE +Sports,ABC apologizes for sexy #39;MNF #39; intro +Sports,Sonics #39; Defense to Get a Boost with Return of Fortson Allen <b>...</b> +Sports,"Washington-bound Expos find the money for Castilla, Guzman" +World,US forces fight in Mosul; hostage is believed slain +Business,US #39;ignoring dollar worries #39; +Sci/Tech,Tokyo Edge: Autumn Brings Gamers' Delights +Business,"With earnings up 12.7, Wal-Mart shares drop" +Business,Wholesale prices jump in October +Business,Murdoch wants Malone #39;s word +Business,Zurich Financial Q3 falls 31 on hurricane impact +Business,Salvation Army ready to ring in cash +Sci/Tech,NASA completes test flight of super-fast jet +Sci/Tech,Movie industry sues file swappers +Sci/Tech,Microsoft targets older people for web via TV +Sci/Tech,Microsoft Retaliates By Poaching Novell #39;s Customers +Sports,Hewitt rallies to beat Moya; Roddick wins without best serve +Sports,PO Little League +Sports,CHELSEA DUO TO START AGAINST SPAIN +Sports,"MVP Guerrero best in country, AL" +Sports,Let Bob do his job: agent +World,Aid worker who cared for Iraqis is believed slain +Sci/Tech,Tokyo Edge: Autumn Brings Gamers' Delights (PC World) +Sci/Tech,NASA Jet Sets Record for Speed +Business,"China, Argentina to establish strategic partnership" +Business,Microsoft CEO meets Indian prime minister +Business,PPI takes 1.7 jump +Business,Fox not fazed by CNBC +Business,Spitzer warns of further insurance industry woes +Sci/Tech,"X-43 hits 6,600 mph over Pacific Ocean" +Sci/Tech,MPAA files Internet suits +Sci/Tech,Kyoto protocol doesn #39;t have to be out of our reach +Sci/Tech,Grid project puts unused PCs to work +Sci/Tech,Microsoft Cracks Down on Xbox Changes +Sports,Notebook: Guerrero earns MVP +Sports,ABC apologizes for racy TO intro +Sports,Sonics #39; win streak at 7 with 103-95 win over Sixers +World,France #39;s Chirac says UK won nothing from Bush support +Business,Flight Attendants #39; Union Calls For Strike +Business,"Greece #39;s Alogoskoufis Says US, Japan Needed to Buoy Dollar" +Business,"Vodafone doubles interim dividend, extends buy-back" +Business,"Amex sues Visa, MasterCard" +Business,Hewlett-Packard Shares Jump After Sales of Servers Rebound +Business,Rupe tries roadblock +Business,Two top shareholders take opposing positions +Sci/Tech,NASA quot;scramjet quot; breaks speed record +Sci/Tech,Film Trade Group Files Anti-Piracy Suits +Sci/Tech,Europe goes to the Moon +Sci/Tech,Computers worldwide will power big project on proteins +Sci/Tech,Vole stole my Yoga idea +Sci/Tech,Microsoft Unveils Its New Search Engine -- at Last! +Sci/Tech,Microsoft Uses Halo 2 to Catch Xbox Pirates +Sports,Nash enjoys emotional return to Dallas; Garnett gets best of Shaq +Sports,Cahill: Victory Should Have Been Ours +Sports,Basketball: Canada #39;s Nash makes triumphant NBA return to Dallas +Sports,Tim and world are one +Sports,SIGNS OF STARDOM +Sports,Eli takes giant step to starter +World,"Mosul Forces Secure 75 Percent of Police Stations, US Says" +World,Palestinian groups position candidates for election +World,Colin Powell to travel to Middle East on Nov 21-22 +World,Sharon mulls coordinating plan with new Palestinian leadership +Sports,UNH squelches Merrimack +Sports,Angels' Vladimir Guerrero Wins AL MVP (AP) +Business,"US to fight economic imbalances, but responsibility is shared: Snow (AFP)" +Sports,"Pennington Is Ready, if a Bit Rusty" +Business,Insurance probe bags two more +Business,Crematory operator may get 12 years +Business,Audit finds Newsday circulation heavily inflated +Sci/Tech,"12,000 counterfeit track suits seized" +Sports,Cahill felt Aussies deserved win +Sports,Arizona pulls away for another NIT win +World,Chirac Says Iraq War Made World More Dangerous +World,Navy Unit Finds Perils in Rebuilding Fallujah +World,Businessman sues singer Jackson +Sci/Tech,China's IT: An Inside Outsider's View +Sci/Tech,Camera phones threat to privacy +Sports,Revelations Only Confirm Suspicions About Drugs +Sci/Tech,Google Stock Slips as New Shares Hit Market (washingtonpost.com) +World,"Tokyo Stocks Edge Lower, Dollar Down (AP)" +World,Exiles: Iran Hides Secret Military Nuke Site from U.N. +Sports,76ers: Allen drops Sonic boom from long range +Sports,Isiah needs a lone star +Sports,Baptism of Eli passes QB test +Sports,Yanks star swats sex-tortion bid +World,Pakistan hails Indian troop pullout from Kashmir (AFP) +Business,UK unemployment total falls again +Business,Snow: Cutting Budget Deficit Top Priority (Reuters) +Business,Sainsbury #39;s reports first ever loss +Business,UPDATE 3-Vivendi raises 2004 forecast after strong quarter +Business,Oil Retreat Deepens Ahead of U.S. Data (Reuters) +Sci/Tech,Film industry files first wave of anti-piracy lawsuits +Sci/Tech,"Viagra TV ads make unsubstantiated claims, says FDA to Pfizer" +Sci/Tech,Adobe Unveils Acrobat 7.0 Software +Sci/Tech,Firefox takes torch from Microsoft browser +Sports,Roddick beats Henman in Texas +Sports,Not all #39;cheesecake #39; is the same to the NFL +Sports,Radcliffe #39;s resurgence to continue in Finland +Business,Snow: Cutting Budget Deficit Top Priority +World,Hassan Execution Make Relief Work Almost Impossible Says EU +World,Indian prime minister visits Kashmir +World,Minister stubs out smoke policy +World,French media: Israelis aided Ivory Coast military in attacks +World,China-Japan tensions over mysterious submarine +Business,Oil Retreat Deepens Ahead of U.S. Data +World,"Africa Lobbies for More AIDS, TB, Malaria Funds" +Business,Motorola Sees 3G Phone Sales Quadrupling +Business,Vivendi Ups Forecast After Strong Quarter +World,Czechs recall Velvet Revolution +World,Somali leader's house 'attacked' +Business,HP stock surges on record results +Business,"1,100 losing jobs at GM Baltimore plant" +Sci/Tech, quot;Scramjet quot; Breaks Speed Record +Sci/Tech,IBM Community to address social issues +Sci/Tech,Microsoft fires broadside at Novell Netware +Sports,Guerrero wins MVP honors in AL +Sports,ABC gulps down a promo-seltzer +World,Palestinian security talks continue amid fears of unrest +World,Afghans say UN hostages still in Kabul +Sports,Kjus Ends Long Wait for Giant Slalom Win +World,Child Soldiers in Front Line of Wars Across World (Reuters) +World,Arabs Enraged at U.S. Soldier Shooting Wounded Iraq (Reuters) +Sci/Tech,Vivendi Ups Forecast After Strong Quarter (Reuters) +Sci/Tech,"Summary: a Bird? a Plane? No, a Scramjet (AP)" +Business,Backed Into a Currency Corner? Don #39;t Overreact +Sci/Tech,The Final Capitalist Frontier +Sci/Tech,Halo 2: Playing to the Bitter End +Sci/Tech,Vote Recount to Settle Doubts? +Sci/Tech,AntiGrav Not Exactly Uplifting +Sci/Tech,X-43A Jet Breaks Air Speed Record +Sports,Palko Throws for 5 TDs as No. 19 Pitt Routs South Florida +Business,Flight attendants threaten to strike +Business,BoE hints rates on hold for now +Business,Insurance industry misdeeds widening? +Business,Sainsbury profits slashed +Business,Oracle #39;s PeopleSoft Bid May Benefit From Arbitragers #39; Stake +Business,Vivendi Ups Forecast After Strong Quarter +Business,Salvation Army seeks to overcome Target ban +Business,Internet telephone service planned by SBC in early 2005 +Sci/Tech,Studios sue internet film pirates +Sci/Tech,Microsoft hunting last NetWare customers +Sci/Tech,Pulp Fiction writer sues Microsoft over virtual yoga +Sci/Tech,Nokia Extends IPv6 To Phones +Sci/Tech,"GeForce 6600GT AGP, as good as it gets?" +Sports,Roddick ousts Henman in Houston +Sports,FOOTBALL: DEFOE: I #39;LL GO IN ANY POSITION +Sports,Kerr frustrated at victory margin +Sports,FA to complain over racism at under-21 friendly in Spain +Sports,Boss plans raid on Boston market +Sports,"Bulls play hard, lose" +Sports,Garnett does it all for Timberwolves +Sports,Clippers Surge in Second Half +World,CARE Director Believed Slain in Iraq +World," #39;Half measures #39; for pubgoers condemned, Asthma UK" +World,UN Security Council to Meet in Nairobi on Sudan +World,Kim #39;s portraits removed upon instruction from North Korean <b>...</b> +Business,MPC sets record as rates peak +Sci/Tech,Vivendi reports sizzling third-quarter profits (AFP) +Sports,NBA Today (AP) +World,Sudan's main foes say peace deal imminent (AFP) +World,Indian PM offers Kashmir new start as first troops pullout (AFP) +Business,"Sears, KMart to Merge in \$11 Billion Deal" +Business,Oil Extends Retreat Ahead of U.S. Data +Sci/Tech,Microsoft Caught Out +World,Arabs Enraged at U.S. Soldier Shooting Wounded Iraqi +World,Another attack suspect arrested +World,Annan is teetering on his pedestal +Sports,Aragones Causes More Controversy +World,New slaying in southern Thailand after queen #39;s plea for peace +World,"Insurgents strike Iraqi police station, mosque" +World,Czechs Mark 15th Anniversary of Uprising (AP) +Business,Spitzer tells Senate of insurance probe +Business,"Sears, KMart to Merge in \$11 Billion Deal" +Business,HP performance hitting its groove +Business,Murdoch to meet News Corp rivals +Business,Britain #39;s Jobless Rate at New 20-Year Low +Business,Bell-ringer shortage could take toll +Sci/Tech,Nasa jet flies at #39;10 times speed of sound #39; +Sci/Tech,Hollywood sues 200 US internet thieves +Sci/Tech,Half-Eaten Grilled Cheese Draws Large Bids on E-bay +Sci/Tech,RFID tags on medication introduced in US +Sci/Tech,Microsoft sued over #39;stolen #39; game +Sci/Tech,Microsoft bites back at Novell +Sci/Tech,Nokia demos first mobile IPv6 call +Sports,Russian press hails Sharapova +Sports,Red Bull reveal first team livery +Sports,Guerrero landslide honoree +Sports,Aragones scolded for outburst against English +Sports,More woes out West for Bulls +Sports,Black Caps name Test side +Sports,Chiappone seeks 5-year bear hunt ban +World,CARE Director Believed Slain in Iraq +World,Chirac Says Iraq War Created More Dangerous World +Sci/Tech,Caught in a phishing trap +Business,"Sears, KMart to Merge in \$11 Billion Deal" +Business,"HP, Sears Deal May Push Stocks Higher" +World,Warning to child soldier scouts +Business,"HEADLINE STOCKS: Stocks to Watch, Nov. 17" +Business,Final Round in Cable-ISP Fight +Business,European Shares Shrug Off Record Euro +Business,Mortgage Applications Rise Last Week +Business,Microsoft showcases technology initiatives +Sci/Tech,Mozilla fires up tussle with Microsoft +Sports,ABC #39;s #39;MNF #39; crosses line with opening +Sports,McCaw to captain with Umaga left out +Sports,Fiery Aragons loses his temper over race queries +Sci/Tech,SBC to offer Internet telephone service (SiliconValley.com) +Business,European Shares Shrug Off Record Euro (Reuters) +Business,Mortgage Applications Rise Last Week (Reuters) +World,"Clashes, Car Bomb Leave 10 Dead in Beiji (AP)" +Sci/Tech,2 major PeopleSoft shareholders split on Oracle deal (USATODAY.com) +World,India's prime minister offers unconditional talks over Kashmir (Canadian Press) +World,Saudi Policeman Dies in Clash with Militants +Business,"Update 1: Kmart, Sears to Merge in \$11 Billion Deal" +Business,Salvation Army will be ringing bells Friday +Sci/Tech,NASA scramjet smashes speed record +Sci/Tech,Firefox fortune hunters +Sports,Latest R Kelly whistle-blower charged with extortion +Sports,NBA Game Summary - New York At San Antonio +World,US military hopeful UN hostages in Afghanistan will be released <b>...</b> +Sci/Tech,Four Companies Plan Expansion in Virginia +Sci/Tech,District Uses Cyberspace To Tidy Up +Sci/Tech,"SBC, Microsoft in #36;400 Million Deal (AP)" +Sci/Tech,US and 13 Other States Agree on Push to Gather Methane Gas +World,Afghans Say Don't Think Militants Hold UN Hostages +World,The Price Paid for Blood on a Child +Business,Jack in the Box Quarterly Earnings Up (Reuters) +Sci/Tech,Gamers get playing Half-Life 2 +Sci/Tech,Blunkett concern on loyalty cards +Sci/Tech,'Phishing' scam targets NatWest +Sci/Tech,File Sharing +World,Pull-Outs Threaten Polish-Led Force in Iraq (Reuters) +Sports,Ton-Up Solanki Inspires Series Success +Business,Retail giants merge in \$11bn deal +Business,UPDATE 2-Kmart buying Sears in surprise \$11 billion deal +Business,Wal-Mart Stores #39;well placed for Christmas #39; +Business,Flight attendants get OK to strike +Business,"SBC, Microsoft in \$400 million deal" +Business,Sainsbury #39;s falls into the red +Business,UPDATE 4-Vivendi Universal raises 2004 profit forecast +Business,DA #39;s office: Marsh to plead guilty in crematory case +Sports,Chelsea keeps advantage +Business,Consumer Prices Up 0.6 Percent in October (AP) +Sci/Tech,Seagate Ships 400GB Hard Drive (PC World) +Business,Ex-Finance Exec Convicted of Wiretapping (AP) +Sci/Tech,"Space news: Europe #39;s moon probe, NASA #39;s scramjet" +Sci/Tech,"Microsoft, Dell and Vintela aim to eat IBM #39;s lunch" +Sci/Tech,Oscar-Winning Pulp Fiction Screenwriter Sues Microsoft +Sci/Tech,Seagate ships 400GB PC hard disk drive +Sci/Tech,Half-Life 2 In Stores Now +Sports,Boxer Holyfield Suspended +Sports,Purnell thrilled with Red Bull takeover +Sports,New Zealand rank outsiders for the first Test and series +Sports,RUDDOCK HOPING FOR PIECE OF HISTORY +Sports,Raps down and out in LA +Sports,"Duncan, Spurs defeat Knicks" +Sports,US midfielder Reyna out for another six to eight weeks +Sci/Tech,Vivendi Universal Raises Profit Forecast (Reuters) +World,Vivendi Raises Outlook on Music Performance (AP) +World,Aid group says it will try to keep working in Iraq +World,US marines declare Fallujah battle over +World,Backgrounder: African Union #39;s efforts to end Darfur crisis +World,Coup Plot Mercenaries Given Choice of Fines Or Prison +World,European Parliaments OKs new commission +World,APEC Ministerial Meetings Set to Begin in Chile +World,Japan may let women take throne +Sci/Tech,Creative declares marketing 'war' against iPod (MacCentral) +Business,"SBC, Microsoft strike \$400M TV deal" +Business,Samsung ads shifted from Interpublic +Sci/Tech,Lycos Shuts Down Controversial Screensaver +Business,Housing Starts Surge 6.4 Pct. in October (Reuters) +Sports,Soccer: Montella returns as experimental Italy take on Finns +World,Taliban Says Women as Hostages Is Against Islam +Sports,Nelsons Take Lead at Father-Son Challenge (AP) +World,Dutch Suspect Intelligence Leaked to Militants +World,"Gunbattle, Strike in Kashmir as Indian PM Visits" +Sci/Tech,Bill Gates in Paris to Seal UNESCO Deal (AP) +Business,Kmart Buying Sears in \$11 Billion Deal +Sci/Tech,"SBC, Microsoft in \$400 Million Deal" +Business,Consumer Prices: Biggest Jump Since May +Business,Stocks Seen Opening Higher After CPI Data +Sports,RED BULL RACING LIVERY UNVEILED +Business,Sears and Kmart in \$11bn merger +Business,China Cos To Invest \$19.7B in Argentina Over Next 10 Yrs +Business,CORRECTING and REPLACING Vivendi Universal Reports Quarterly <b>...</b> +World,No redrawing of international borders: PM +World,"Afghanistan Says Criminals, Not Militants, Are Holding UN Hostages" +Business,SBC and Microsoft Plan IP TV Service +Business,Vivendi Universal Raises Profit Forecast +Sci/Tech,Nokia unveils first IPv6 mobile phone +Sci/Tech,"US, 13 nations OK methane agreement" +Sci/Tech,Seagate announces worlds highest capacity PC hard drive +Sports,Network Apologizes For Steamy #39;Monday Night Football #39; Opening +Sports,Kings 113 Suns 111 +World,Manmohan nostalgic about the world of academia: +World,Taliban Says Women as Hostages Is Against Islam +World,French Official Says No Sign Arafat Poisoned +World,Animal extinction rate growing fast +Business,Earnings growth slips +Sports,"No. 7 Texas Defeats New Mexico, 73-56 (AP)" +World,China Netcom Makes Strong Exchange Debut (AP) +Business,Dollar dives but Snow resists prop +Business,Oil prices still under pressure +Business,China pledges \$20B to Argentina +Sci/Tech,NASA #39;s speedster scramjet noses near Mach 10 +Sports,SAD DEATH OF NEAR-MISS PUNTER +World,Russia to accomplish major breakthroughs in nuclear sector - Putin +Business,Snow tells Europe to boost growth +Sci/Tech,Scramjet nudges Mach 10 +Sports,Britain #39;s unluckiest punter dies +World,Margaret Hassan #39;s family devastated after murder video +World,Europe ; Russia to acquire new nuclear weapons systems: Putin +Business,Consumer Prices and Housing Starts Surge +Sports,New York Says Best Asset in 2012 Bid Is City Itself +Business,British grocer J Sainsbury rings up first ever loss (AFP) +World,"Iran Got Warhead Design, Bomb-Grade Uranium-Exiles" +Business,Industrial Production Leaps in October (Reuters) +Business,Sears and Kmart Agree to Merge in \$11 Billion Deal +Business,Costs put pressure on Virgin +Business,Talbots 3Q Profit Slides 21 Percent +Business,2 plead guilty in bid scheme +Business,Institutions split over PeopleSoft battle +Business,"SBC, Microsoft in \$400 mn IP-based TV deal" +Business,IRS seeks to refund locals +Sci/Tech,Australia to LA in 1 hour as jet smashes speed barrier +Sci/Tech,MPAA launches software snooping tool +Sci/Tech,"Virgin Mary on toast, but it #39;s a lot of dough" +Sci/Tech,Creative declares marketing #39;war #39; against iPod +Sports,Farina talks up Kewell twist of fate +Sports,Local developer buys stake in Canucks: reports +Sports,Tim Duncan and Spurs torch Kicks 99-81 +Sports,"New uniform, same hair-raising play in homecoming" +World,Hassan: please return my wife #39;s body +Sports,Canada's Nash makes triumphant NBA return to Dallas (AFP) +Sci/Tech,"MmO2 unveils maiden dividend, denies merger rumours (AFP)" +Business,"US consumer prices up 0.6 per cent in October, most in five months" +Business,Fourtou: Vivendi Earnings Are Music To His Ears +Business,Jack in the Box Posts Strong 4Q on Sales +Business,SBC and Microsoft Plan IP TV Service +Business,Dixons and Sainsbury #39;s interims reveal lower sales +Sci/Tech,Redmond targets NetWare with migration incentives +Sports,Desperate apologies for a naked promo +Sci/Tech,Studios sue internet film pirates +Sci/Tech,SBC and Microsoft Plan IP TV Service +World,Saudi policeman dies in shoot-out +Business,Dollar Ignores Data and Tumbles +Business,"Stocks Open Higher After CPI, HP Earnings" +Sci/Tech,Segway completes transcontinental voyage +Business,Dollar Hits New Low Against Euro +Business,Disney lawsuit lifts curtain on real-life Hollywood drama +Business,Jack in the Box Profit Surges 32 Percent +Sci/Tech,Rocket scrams at 10 times speed of sound +Sci/Tech,Hollywood Studios Sue Movie Downloaders/Swappers +Sci/Tech,Ten-Year-Old Grilled Cheese Sandwich Is Back On E-Bay +Sci/Tech,"NetWare holdouts courted by Microsoft, open source" +Sports,English FA lodges protest over abuse of black players in Spain +Sports,NYSAC chairman: #39;It #39;s time the bleeding stopped #39; +Sports, #39;Desperate #39; maneuver bites ABC +Sports,Radcliffe back on track for world title +Sports,Canucks to announce partial sale +Sports,New York files final bid for 2012 Olympics +World,APEC forum: is there any point to it? +World,Marines defend soldier #39;s killing of Iraqi +World,"Muslims, Buddhists Clash in Thailand" +World,Canadian general elected to head NATO military committee (AFP) +World,French Government Says Arafat Was Not Poisoned +World,"Pope Health Seen Stable, Eyes N.Ireland Trip" +Business,British grocer J Sainsbury rings up first ever loss +Sci/Tech,Creative Plans MP3 Marketing Blitz Against iPod +Sports,Ruddock calls on Llewellyn to rise to challenge +World,Kashmir withdrawal: Your views +World,"No sex, drink or smokes, we #39;re British" +Sci/Tech,Epiphany's New CRM Apps Offer Instant Analysis (Ziff Davis) +World,Putin Says Russia Working on New Nuclear Systems +Sci/Tech,Woman #39;blessed by the holy toast #39; +Business,Should You Use Margin? +World,British hostage feared dead in Iraq as rebels attacked in Mosul +World,Singh: We will Withdraw more Soldiers from Kashmir +World,"Environment: World On Alert As Over 15,000 Species Face Extinction" +Sci/Tech,The Matrix: Reworded +Business,US consumer prices surge 0.6 percent (AFP) +Sci/Tech,Whitney Matheson:Pop Candy - What makes a great greatest-hits CD? (USATODAY.com) +Sports,Pitcher Pedro Meets 'Daddy' Steinbrenner +World,Putin vows Russian weapons boost +Sports,No. 10 Va. Tech Wins ACC Championship (AP) +Business,UPDATE 5-Oil extends retreat ahead of US stock data +Business,Consumer Price Index up 0.6 in Oct. +Business,SBC to sell cable-like TV service +Sci/Tech,Technology ; MPAA launches first lawsuits against movie sharers +Sports,"Disney, NFL look bad after racy MNF intro" +Sports,Confidence in Casey +Sports,NBA Roundup: Clippers slice through Raptors +World,Blair defends ID cards for Britain (AFP) +Business,US #39; Snow cites quot;shared responsibility quot; to fight economic <b>...</b> +Business,Dress Barn Posts Lower 1Q Profit +Business,Kmart Buying Sears in \$11.5 Billion Deal +Business,"Stocks Up 1 Pct. on Kmart, Sears Merger" +Business,"AOL at 50,000 Feet" +World,Mourners honour Iraq aid worker +Sci/Tech,Jet zooms into record books - at 7000mph +Sci/Tech,US signs \$53M deal to control methane gas +Sports,Beckenbauer warns about youth vs experience +World,India ; No division of Kashmir on basis of religion: Manmohan +World,Female hostage likely executed by militants +World,Putin Says Russia Working on New Nuclear Systems +World,UN powers #39;arming Sudan #39; +World,Will you be fuming? +World,New Vote of Confidence in European Parliament Tomorrow +Sci/Tech,SBC Gives Microsoft \$400 Mln Internet TV Deal +Business,Explosions rock Argentine banks +World,Polanski court appeal with Lords +Sci/Tech,Hollywood's One Strike Policy +Sci/Tech,SBC Gives Microsoft #36;400 Mln Internet TV Deal (Reuters) +Business,"Thirsty for learning, seniors fill college programs" +Business,The Higher Price of Economic Growth +Business,Developing countries to expand by 6.1 percent this year +Sci/Tech,Historic hypersonic flight for NASA #39;scramjet #39; made in Tennessee +Sci/Tech,NTT DoCoMo Ships Wi-Fi/Cellular Phone +Sci/Tech,PC hard drive expands size and speed +Sports,GLAZER HOUNDED WHERE EVER HE GOES +World,"India pulls 1,000 troops from Kashmir" +World,Fury As Straw Admits to Knowing of Coup Plot +World,Authorities Raid Head Office of Yukos Oil (AP) +Sci/Tech,Hollywood's One Strike Policy (washingtonpost.com) +Sci/Tech,Japan's Docomo Unveils 3G Phones with 3D Sound (Reuters) +Sci/Tech,Swedes Beam Poetry Into Outer Space (Reuters) +Sci/Tech,Venezuelan Beach-Goers Get 'Croc' Shock (Reuters) +World,Palestinians Head to Paris to Probe Arafat's Death +Business,US consumer prices increase 0.6 percent in October +Business,SBC Gives Microsoft \$400 Mln Internet TV Deal +Sci/Tech,NASA #39;Scramjet #39; Beats Air Speed Record Again +Sports,Casey takes back US #39;hate #39; jibe +Sports,"MAC adds third bowl tie-in, strikes deal with Silicon Valley" +World,"Iraqis Angry, Distraught at Aid Worker #39;s Murder" +World,Iran warns nuclear suspension subject to progress in talks +Sports,"No. 7 Louisville Pummels Tulane, 55-7 (AP)" +World,Brazil Official Eyes Secret Military Files (AP) +World,Dole Picked to Head 2006 Senate Campaigns (AP) +World,U.S. Catholic Bishops Join Alliance (AP) +World,Palestinians Head to Paris to Probe Arafat's Death +World,Pink Locusts from North Africa Swarm Through Cairo +World,Russian army off-duty deaths rise +Business,Philips Electronics Takes \$750 Mln Charge +Sci/Tech,"Nokia Demos IPv6 Dual-Stack CDMA Handset, again" +Sports,London organizers reveal Olympic marathon route +Sports,Phoenix Suns Team Report - November 17 +World,Indian PM offers Kashmir five billion dollar peace boost as troops <b>...</b> +World,BTC launches Bulgaria's third GSM network (AFP) +World,"Global health suffering because of toilet taboo, hygiene experts say (AFP)" +World,Nepal police killed by landmine +Sci/Tech,Japan's Docomo Unveils 3G Phones with 3D Sound +Sci/Tech,"Tech, Media, Telecoms Chiefs Brace for Slow 2005" +Sci/Tech,"Microsoft, Dassault Systemes in Strategic Alliance" +Business,Economy Expands Despite Rising Oil Prices +Business,Oil Prices Retreat as U.S. Supplies Build +World,Abbas Fails to Win Palestinian Militant Truce Pledge +World,Brazil Official Eyes Secret Military Files +World,Bombings at Two Buenos Aires Banks Kill 1 +World,Bombings at Two Buenos Aires Banks Kill 1 +World,"Bombs Hit Three Argentine Bank Branches, One Dead" +Sci/Tech,Microsoft to spread software through U.N. +World,Abbas Fails to Win Palestinian Militant Truce Pledge (Reuters) +Business,Hyper Growth = Hot IPO +World,Palestinians Head to Paris to Probe Arafat's Death (Reuters) +World,British soldier wounded in roadside bomb in Iraq (AFP) +Business,Wal-Mart Still Sees Sales Up 1-3 Pct. +Sci/Tech,"Microsoft, Dassault Systemes in Strategic Alliance (Reuters)" +World,Ontario to dedicate #36;12.5 million to water studies and watershed protection (Canadian Press) +World,Ohio Provisional Ballots Seem Legitimate (AP) +Sci/Tech,Pink Locusts from North Africa Swarm Through Cairo (Reuters) +Business,Treasuries Prices Rising +Business,Treasuries Prices Rising (Reuters) +Business,Kmart swings to profit in 3Q +Business,Update 1: Snow Says US Dealing With Budget Deficit +Business,World Bank predicts growth for countries +Business,SBC Tunes in Microsoft #39;s IP TV +Business,Vivendi rings up blistering third-quarter profits +Business,"PBHG Funds, Founders Settle Charges (Reuters)" +World,Indian Prime Minister Takes Peace Proposals to Kashmir +Sci/Tech,Hollywood Strikes Back: MPAA Lawsuits Filed Today +Sci/Tech,Top Researchers Ask Web Users to Join Science Grid +Sci/Tech,Pulp Fiction Writer Sues Microsoft over Yoga Game +Sci/Tech,Sun Releases Solaris 10 for Free +Sci/Tech,Creative plans US\$100m advertising campaign for its MP3 players +Sports,"Federer, Hewitt ready for US Open rematch in Houston" +Sports,Unlucky Aussies +Sports,Source: Thompson to step down at end of season +Sports,Philadelphia 76ers Team Report - November 17 +Sports,Wrexham Handed Two-Week Stay of Execution +World,"Hassan #39;s Family, Officials, Respond To Apparent Killing" +World,Bombs hit three Argentine bank branches +Business,"PBHG Funds, Founders Settle Charges" +Business,SBC Gives Microsoft \$400 Mln Internet TV Deal +Business,USA : Oil price lifts mens apparel prices +Sci/Tech,Seagate announces 400 GByte harddrive +Sci/Tech,Hewlett-Packard strikes Blu note for DVDs +Sports,"Casey #39;s anti-US comments not that smart, says Verplank" +Sports,Spurs #39; Richards says chances of tumour #39;extremely low #39; +Sports,Young US squad set to face Jamaica +Sports,Wrexham win stay of execution +Sports,Houston Rockets Team Report - November 17 +Business,"Stocks Gain on Retail Merger, HP Earnings" +Business,Dollar Sinks to All-Time Low Vs Euro +Sports,Preview: South Africa Bids to Underline Strength +Sports,New York Unveils Olympic Bid +Sci/Tech,U.N. Approves Global Gene-Test Standard (AP) +World,"US Pounds Falluja Diehards, Violence in North" +Business,Enbridge pays US\$613M for Shell natural gas pipelines in Gulf of <b>...</b> +Sci/Tech,IBM launches global research grid +Sci/Tech,Gates: Signs Paris Deal To Bring More Computers To Third World +World,Indian soldiers kill militants +World,Iran #39;s nuclear gamesmanship +World,Ivory Coast Rebel Leader Travels to South Africa +World,"Species disappearing at an alarming rate, report says" +Sports,Bears Wide Receiver Terrell Arrested +Business,RIM's BlackBerry Subscribers Top 2 Mln +World,"U.S. Pounds Falluja Diehards, Violence in North" +Business,Sears and Kmart to Merge +Business,Microsoft Turns On IPTV +Sci/Tech,Historic Hypersonic Flight for NASA #39;Scramjet #39; Made in Tennessee +Sci/Tech,MPAA Files Movie Piracy Lawsuits +Sci/Tech,IPass To Offer Flat-Rate Hotspot Pricing +Sports,Building up ties between the All Blacks and Welsh +World,Anti-APEC protesters unite +Sports,Bears Wide Receiver Terrell Arrested (Reuters) +Business,Sears and Kmart to Merge +Sports,'Monday Night Football' Rankles FCC (AP) +Sci/Tech,Internet auction house eBay launches Philippine operations (AFP) +Business,UPDATE 1-Founders of PBHG funds settle market timing case +Sci/Tech,Wake-up call on climate change +Sci/Tech,Microsoft launches Windows-based hosting solution 3.0 +Sci/Tech,Sony Introduces Double-Layer DVD for Macintosh +Sports,Racism riddles Spanish football +Sports,Mutu forces Chelsea on to back foot with appeal +Sports,Wrexham Crisis Moves into Extra-Time +World,Report Says Dozens Of Iraqi Policemen Abducted +World,Analysis: Rice to spearhead realization of Bush #39;s vision for <b>...</b> +World,EU urged to #39;get back to work #39; after three-week limbo +Business,EU warns of sanctions on US +Business,"Computer, TV Merger Begins" +Sci/Tech,RIM's BlackBerry Subscribers Top 2 Mln +Business,Jack in the Box Has 32 Pct Hike in Profit +World,Miers Picked As White House Counsel (AP) +Sports,Broncos DT Elliss to Miss Sunday's Game (Reuters) +Sci/Tech,Trucking Industry Won't Fight Diesel Rules (AP) +Sports,China Eliminated From World Cup Qualifying (AP) +Business,2 Pilgrim-Baxter Fund Founders to Settle (AP) +Business,Feelin' Blue About Blue Nile +Business,Enbridge to Buy Shell #39;s Gulf Pipelines for \$613 Mln (Update4) +Sci/Tech,US scramjet clocks nearly 10 times speed of sound +Sci/Tech,MPAA Sues First Movie Swappers +Sci/Tech,ebay Fun and Holy Toast! +Sci/Tech, #39;World Community Grid #39; seeks to harness unused computers +Sci/Tech,Seagate ships 400GB hard disk drive +Sports,English FA lodges protest over abuse of black players in Spain +Sports,Denis Doyle/Getty Images +Sports,Thousands remember former England captain Emlyn Hughes +World,WORLD/ASIA +Sci/Tech,Game Review: Classic NES Is Nostalgia Trip (AP) +World,Mutu forces Chelsea on to back foot with appeal (AFP) +World,Quebec TV producer Guy Cloutier pleads guilty to five sex-related charges (Canadian Press) +Business,Vodafone to hand back \$16b +Sci/Tech,Bill Gates to Seal Unesco Partnership +Sci/Tech,Trucking Industry Won #39;t Fight Diesel Rules +Sci/Tech,IT Forum 2004: Microsoft rolls out Windows-Based Hosting +Sports,PARIS HOPE TO LEARN FROM PAST FAILURE +Sports,Wales dare not speak of All Blacks +Sports,"Hot Stove Truth amp; Rumors: Nov. 17, 2004" +Sports,Burris highlights CFL Players of the Week +Sports,Study Looks at Minority Coaching Hires (AP) +World,Sudan conflict under UN spotlight +Business,Yukos faces \$6.2bn tax deadline +Sci/Tech,Pulp Fiction writer sues Microsoft +Sports,Culpepper Leading Pro Bowl Voting (AP) +Sci/Tech,"Humans Were Born to Run, Scientists Say (Reuters)" +Sci/Tech,Ancient Sea Reptiles Gave Birth to Live Young (Reuters) +Sci/Tech,French Harvests Show Hot Spots Over the Centuries (Reuters) +Business,ScanSoft Scans for Deals +Business,"US Economy: Consumer Prices, Industrial Production Rise" +Sci/Tech,Cisco buys IT management start-up +Sports,FCC boss chides ABC for racy MNF intro +Sports,Talk NASCAR with Mike Massaro +Sports,Batting first likely option in Brisbane +Sci/Tech,"Microsoft, ScanSoft pair up for speech software" +Sci/Tech,Microsoft invests in interoperability specialist +World,Bush Turns to Adviser for Education Secretary +Sports,"Staley Questionable, Bettis Probable for Steelers (Reuters)" +World,"New Nuclear Weapon to Surpass Others, Putin Says" +Business,Union prez threatens nationwide strike against 26 airlines +Business,PBHG Funds Founders Barred from Business +Business,UPDATE 2-ConocoPhillips reaffirms production outlook +Business,Internal Revenue Service launches website +Sci/Tech,Try scratching this DVD +Sci/Tech,"Windows XP SP2: A bandage, not a panacea" +Sci/Tech,NTT DoCoMo Launches Wi-Fi 3G Cell Phone +Sports,Henson out to make NZ statement +Sports,Tottenham #39;s Richards remains positive +World,New nukes system for Russia +World,Dozens killed in Iraq unrest +World,Buenos Aires banks bombed +World,APEC leaders to don chamantos +Business,Portuguese PM defends income tax-cutting 2005 draft budget (AFP) +Sci/Tech,Polish rejection may derail EU patent directive +Sci/Tech,Linux distributors team up to push standardization +Sci/Tech,SBC switches on Microsoft in major IPTV deal +Sci/Tech,AMD-Fujitsu venture plans 'mega' Japanese chip plant +Sci/Tech,Seagate ships 400GB PC hard disk drive +Sports,McNair Questionable for Game Against Jacksonville +Sports,"Staley Questionable, Bettis Probable for Steelers" +Sci/Tech,"Five Across introduces server, adds RSS to IM client" +Sci/Tech,Update: Motorola to acquire MeshNetworks +Business,Wall Street Doubts Kmart Strategy +Business,Flight Attendants #39; Union Threatens Strike +Business,Eisner: Lawyer said Ovitz couldn #39;t be fired for cause +Business,"Computer, TV Merger Begins" +Business,ConocoPhillips hikes stake in Lukoil to 10 percent +Sci/Tech,"Humans Were Born to Run, Scientists Say" +Sports,Time for Red Sox to say goodbye to Pedro? +Sports,Big 12 North still a mess +Sports,A look around the Big Ten +World,"India Offers Kashmir Talks, Pulls Troops" +World,Fatah movement demands causes of Arafats death +Sci/Tech,EBay Outlines Policy on Racist Language (AP) +Business,Lewis: Kmart Profit Lets CEO Do #39;More With More #39; +Sci/Tech,IBM Introduces #39;World Community Grid #39;; Public Invited to Donate <b>...</b> +Sports,Haan bows out as China suffer World Cup heartbreak +Sports,Rapper Snoop Dogg works out with top-ranked Trojans +Sports,Lightning Get Rings in Private Ceremony (AP) +World,Deutsche Telekom sells remaining 7.3 pct stake in SES Global (AFP) +World,War on landmines 'shows success' +Business,Consumer Prices Surged 0.6 Percent in October +Business,Update 1: ConocoPhillips Hikes Stake in Lukoil +Sci/Tech,First step a go in shooting down missiles +Sports,Culpepper Ahead in Pro Bowl Voting +Business,Jo-Ann Stores Threading Water +World,Bombings at Two Buenos Aires Banks Kill 1 (AP) +World,"Bombs Hit Three Argentine Bank Branches, One Dead" +Sci/Tech,"Piracy funds terror, <cite>Guardian</cite> lesson tells schools" +Business,Snow prods Europe on economic growth +Business,Hollinger sells Jerusalem papers +Business,China Sees Heavy Investment in Argentina in Decade +Business,Debt Quality Boosts Credit Agricole in 3Q +Sci/Tech,Cisco buys IT management start-up +Sci/Tech,Two More IE Holes Surface +Sci/Tech,iPass Introduces New Flat-Rate Pricing Plans for US Wi-Fi Hotspot <b>...</b> +Sports,Angels Outfielder Guerrero Claims MVP Award +Sports,Tiger looking for his first win in Japan +Sports,Pinball: Argos can score off the field +World,Buenos Aires banks bombed +World,UN envoy discusses Fallujah fighting with Iraqi president +World,Iraqi Man's Slaying Dominates Arab Media (AP) +Sci/Tech,Evolution made humans marathon runners +Sports,ABC Says Sorry Over #39;Monday Night Football #39; Intro +World,"Pacific Rim Nations Meet on Trade, Security (AP)" +Sci/Tech,Next-gen Net addresses move ahead +Sci/Tech,Group aims to smooth kinks out of Linux +Sci/Tech,FX Platform FXall Launches Money Market Service +World,Putin Says Russia Working on New Nuclear Systems +Business,A Price As Good As Gold Kist +Business,No Jamboree for Gymboree +Business,Zale Keeps Its Luster +Business,Economy Expands Despite Rising Oil Prices +Business,Pilgrim Baxter Founders Agree to \$160 Million Settlement +Sci/Tech,Experimental Jet Just Misses Mach 10 +Sci/Tech,Software Gives Parents Chance to Snoop +Sci/Tech,Bidding war for #39;Virgin Mary sandwich #39; +Sci/Tech,Rival engines catch up with Google +Sports,Paris confident it can win bid for 2012 Summer Olympics +Sports,Ringing true +World,"PM unveils gift of peace, a knot in the wrapping" +World,Putin: Russia Developing New Kind of Nuclear Missile +World,"Chilean police, students clash in run-up to Asia-Pacific summit" +World,Analysis: Israel hand seen in Ivorian clash +World,The Plot Thickens: Testing European Tolerance +Business,KMart to Buy Sears in \$11.5 Billion Deal +Business,"Stocks Up on Sears Deal, But Gains Lag" +Business,Wife of Ex-Enron Chief Stock Sale Probed +Business,Wife of Ex-Enron Chief Stock Sale Probed (Reuters) +World,US lawmaker charges BNP Paribas may have stood by in Iraq oil-for-food swindle (AFP) +Sci/Tech,Anorexic Girls Bond on Web to Dismay of Doctors (Reuters) +Business,UK 'needs more foreign workers' +Sports,United Loses Nelsen +Business,UPDATE 4-Kmart to buy Sears in \$11.5 billion deal +Business,SBC Inks Deal with Microsoft for IP TV +Sci/Tech,DoCoMo to launch 5 new 3G FOMA cell phone models +Sports,Aquilini buys half of Vancouver Canucks +Sports,Russia rebound with four-goal win +World,One killed in Buenos Aires bank attacks +World,White House reacting cautiously to Putin nuclear missile remark +World,Over 60 Iraqi policemen kidnapped after training in Jordan +World,Ukranian Pro-Democracy Group Protests (AP) +Sports,FCC Reviews 'Desperate Housewives' Football Promo +Business,Appeals Court Doubt Tobacco Penalty +Business,Heating Oil Price Drops for 2nd Week +World,House Panel Questions Role of French Bank (AP) +Business,Kmart to Buy Sears in \$11.5 Billion Deal +Sci/Tech,"SBC, Microsoft Ink #36;400M Internet TV Deal (AP)" +World,Palestinian Inquiry Probes Arafat's Death (AP) +Sci/Tech,SBC Plans Nationwide VoIP Rollout (NewsFactor) +Sci/Tech,NTT DoCoMo Launches Wi-Fi 3G Cell Phone (NewsFactor) +Sci/Tech,LG Handset Receives Digital Video (NewsFactor) +Sci/Tech,Microsoft To Beef Up Interoperability with Vintela Investment (NewsFactor) +Sci/Tech,Researchers Cruise in Purdue Data Cave (NewsFactor) +Sci/Tech,Product Review: SMC 2804WBRP-G Wireless Barricade G Router (NewsFactor) +World,"Pacific Rim Nations Meet on Trade, Security" +World,Bombings at Two Buenos Aires Banks Kill 1 +Business,Roses in the Pig Sty +World,Abkhazian police defiant +Sports,(10) Virginia Tech 16 (9) Miami 10 +Business,Oil prices flounder after US inventory data +Business,Credit Agricole third-quarter profit jumps 70 pct on lower <b>...</b> +Sci/Tech,Virgin Mary sandwich toast of bidders +Sci/Tech,MGS 3: Snake Eater cooks up retail +Sports,"Spain to ramp up security with 35,000 police for Madrid Games bid" +Sports,NBA finals preview? Wolves vs. Pistons +World,Iran #39;has blueprint for nuke #39; +World,Politics-Ivory Coast: South Africa Attempts to Diffuse Tensions +Sci/Tech,"Linux keeper, SpikeSource CEO talk up open source (InfoWorld)" +Sci/Tech,"If Oracle Backs Off, PeopleSoft Could Rebound (NewsFactor)" +Business,"Stocks Gain on Sears Deal, But Trim Gains" +Business,NASD Calls for Soft Dollar Deal Limits +World,More Troops May Be Needed in Ivory Coast -Mbeki +Sports,Taking care of business +World,French soldiers group slaps Gbagbo with wrongful death suit +World,"Australian Train Derails, Injuring 100 in Queensland State" +World,GIs Find Belongings of Once-Missing Marine (AP) +Business,Oil Up as Winter Heating Supplies Fall +Sci/Tech,USDA Tests Another Louisiana Field for Soy Rust (Reuters) +Sci/Tech,NASA Calls Off Launch of Black Hole Hunter (AP) +World,Revamped art museum 'like teacup' +World,Leading Democrat Senator Won't Block Confirmation of Gonzales +World,"Africa Lobbies for More AIDS, TB, Malaria Funds (Reuters)" +Business,"Sears, Kmart match could pinch rivals, experts say" +Business,Aussie dollar reaches nine-month high +Business,Crude futures bounce around \$46 per barrel range +Business,Oil slides on supply fears +Business,Analysis: China #39;s risks in investing in Argentina +Business,Wife of Enron Founder Under Investigation +Sci/Tech,Beat this for speed: Mach 10 +Sci/Tech,Expert explains grilled cheese miracle #39; #39; +Sci/Tech,NTT DoCoMo To Launch New Mobile Phone Models +Sci/Tech,Pulp Fiction writer sues Microsoft +Sci/Tech,Cambridge SoundWorks gives digital music a spin +Sci/Tech,NASA calls off launch of black hole-hunter +Sci/Tech,Seagate Hatches 400GB Barracuda +Sci/Tech,Two More Internet Explorer Holes Discovered +Sci/Tech,Nokia Demos IPv6 Mobile +Sports,No World Cup for China +Sports,Moscow details its 2012 Olympic bid +Sports,Tigers sign closer Percival +Sports,NBA Roundup: Sonics fly high again in Philly +World,Bomb explosion at banks kills one in Argentine +World,Blair and Chirac to Hold Downing St Talks +World,Powell calls on Israel to enable Palestinian elections +World,The threat at home +World,"Britain, Ireland Launch 'Final' N.Irish Peace Push (Reuters)" +Sci/Tech,EBay Agrees to Limit Racial Slurs on Auction Site (Reuters) +World,Pink locusts swarm over Cairo (AFP) +World,Militant Wanted in Pearl Abduction Killed (AP) +Sports,"Garcia, Jimenez Favorites at Home for Cup (AP)" +Business,Economy Expands Despite Rising Oil Prices +Sports,Thompson Resigns from East Carolina Post +Business,"CORRECTED: Cocoa Drops, Metals Jump on Weak Dollar" +Sports,Ticket Process Begins +Business,Founders of Pilgrim-Baxter fund settle charges of improper trading +Business,Applied Materials 4th-Qtr Profit Rises to Highest in Four Years +World,"Britain, Ireland Launch 'Final' N.Irish Peace Push" +Sci/Tech,Microsoft Swings at Novell +Sci/Tech,Sun Microsystems to give away new operating system +Sports,Urbina #39;s future in doubt after Tigers sign Percival +Sports,"Verplank, Tway to represent US" +Sports,Defender one of six available in expansion draft +Sports,Rapper practices with USC football team +World,Argentina: Bank bomb blasts kill one +World,Taiwan Takes Active Role at APEC Meetings in Chile +World,Palestinian commission to investigate Arafat #39;s cause of death +World,Security Council members arrive in Nairobi ahead of session on <b>...</b> +World,"After Saint Colin, an unprincipled doctor" +World,EG coup plans aired in court +World,Fears for policemen #39;s lives +World,Summit demands clean loos for all +Business,"Kmart, Sears Join Forces" +Business,SBC to use Microsoft software +Business,Applied Materials Signals Caution +Sci/Tech,US FDA: Pfizer #39;s Contraceptive Can Weaken Bones +Sci/Tech,Yahoo upgrades its email service +Sci/Tech,"Sharp Unveils Blu-Ray Disc Recorder with Hard Drive, DVD" +World,Afghan militants to decide fate of UN hostages +Sports,ATP Tour to Give Nutritional Supplements (AP) +Sci/Tech,"Microsoft, Dassault Systemes in Strategic Alliance" +Business,"Cocoa Drops, Metals Jump on Weak Dollar" +Business,"Stocks Rise on Sears, HP; Oil Trims Gains" +World,Student group grabbing Ukrainian spotlight ahead of presidential election (Canadian Press) +Sports,Percival Joins Tigers +Sci/Tech,NASA Scramjet Breaks Aviation Speed Record +Sci/Tech,Presse Economique / Technologique +Sci/Tech,NASA Delays Swift Launch +Sci/Tech,SDForum: Open source becoming first option +Sports,FCC to review steamy intro to #39;Monday Night Football #39; +World,"Chirac, Blair hope to put bad blood behind them" +Sports,Seattle Starting LB Out for Season (AP) +Sports,Hornets' Davis Out With Inflamed Disc (AP) +Business,Top Judges Have Doubts on Tobacco Penalty +Business,Update 12: Kmart Acquires Sears in \$11 Billion Deal +Business,"US Stocks Rise as Sears, Kmart Gain; Technology Shares Climb" +Sci/Tech,Cisco To Acquire Network Management Vendor +Sci/Tech,Can #39;t say I didn #39;t tell you so +Sports,Plenty of Blame to Go Around in Monday Night Meltdown +Sports,Haristeas double hands Greece much-needed victory +World,Chilean police arrest 120 demonstrators against globalization <b>...</b> +World,New push to stop child soldiers +Sports,Redskins Audition Ramsey As Offense Chief (AP) +World,Identity politics: Is a Christian or Kurd 'a Turk'? +World,Putin woos Ukraine with a Russian common market +Sports,Hokies Take It One at a Time (AP) +Business,Dollar Sags to Record Low Vs Euro +Sports,Seattle Starting LB Out for Season +World,"Microsoft's Bill Gates in Paris to seal UNESCO partnership, meet Chirac (Canadian Press)" +Sports,Gannon No Longer Wearing Neck Brace (AP) +Business,Treasuries Stage Rally Despite Inflation +Sci/Tech,MPAA Fights Film Swapping with Suits and Software +Sci/Tech,EBay Agrees to Limit Racial Slurs on Auction Site +Sports,Percival agrees to two-year deal with Tigers +Sports,Arsenal reserve goalkeeper Graham Stack charged with rape +World,Indias leader makes peace overtures in Kashmir +World,World mourns murder of Hassan +World,"New Nuclear Weapon to Surpass Others, Putin Says" +World,Bank bomb blasts kill one +World,Arms embargo imposed on Ivory Coast +Sports,Giants Know It's Not All Up to Eli (AP) +Sci/Tech,"Kabul Museum's ""Lost"" Treasures: Photographs" +Sci/Tech,Did Humans Jog to Their Destiny? +Sci/Tech,Climate Researchers Toast Vintners' Grape Harvest Records +Sci/Tech,Could Kinsey's Sex Research Be Done Today? +Sci/Tech,"Fear Is Spread by Body Language, Study Says" +Sci/Tech,Disney Relaunches Muppets on Web Site (AP) +Sci/Tech,"How ""Jesus Lizards"" Walk on Water" +Business,Calstrs pension fund sees \$23.1 billion shortfall +Sci/Tech,Poland withdraws support for EU patent plan +Sci/Tech,Shape-shifting robot shows off its moves +World,RCMP Commissioner signed papers approving B.C. legislature raids (Canadian Press) +Sci/Tech,US Seeks Jail for Man in Advance-Fee Stocks Scam (Reuters) +Sports,Sorenstam Still Queen of LPGA Mountain (AP) +Business,Applied Materials Profit Up +Business,PBHG Funds Founders Banned from Industry +Business,SEC Delays Annual Report Filing Deadline +Business,Stocks close up on retail merger but off highs on oil price <b>...</b> +Business,"Inflation Spike, Oil Price Hike Temper Rise in Stocks" +Business,Washington Cold-Shoulders Europe on Currencies +Business,"Oil slips under \$46, awaits expected US stockbuild" +Business,Burst: Microsoft policy led to critical e-mails #39; destruction +World,"Iran May Seek to Mate Missile, Nuclear Warhead-US (Reuters)" +Sci/Tech,TiVo Users to Still See Many Ads +Sci/Tech,MPAA Introduces P2P #39;Spyware #39; +Sci/Tech,Four vendors team up on new standardized Linux +Sci/Tech,Seagate Offers Record 400 GB Hard Drive +Sci/Tech,Prehistoric reptile didn #39;t lay eggs: study +Sports,Let #39;s Bring Racism into Football...or not +Sports,Marijuana charges against Nuggets #39; Anthony dropped +Sports,Parcells Has Run Out of Answers +World,Bombs explode at Bueno Aires banks +World,France #39;s vision is not ours +World,New push to stop child soldiers +Sports,Rams Hold Another Physical Workout (AP) +Business,Big Lots Posts Wider Third-Quarter Loss (AP) +World,Williams standing firm in dispute with Ottawa over offshore revenues (Canadian Press) +Sci/Tech,TiVo Users to Still See Many Ads (Reuters) +World,"Bush Presents Awards for Arts, Humanities (AP)" +Sci/Tech,Sun to offer utility pricing for desktops +World,"Iran May Seek to Mate Missile, Nuclear Warhead-US" +Sci/Tech,Study: Fill Gov't Science Posts Faster (AP) +Sports,Colts Could Be Missing 2 Starting Guards (AP) +Business,Hot Topic 3Q Earnings Sink 18 Percent (AP) +Sports,Kobe Bryant Rape Case Could Be Headed to California +Sports,Kobe Bryant Rape Case Could Be Headed to California (Reuters) +Sports,Percival Signs With Tigers +World,Quebec government abandons plans for gas-powered electricity plant (Canadian Press) +Sports,Georgia Tech Lineman Also Wrestles (AP) +Business,Oil Up as Winter Heating Supplies Fall +Business,US Congress Moves to Reinstate Internet Tax Ban +Business,Lampert: Architect of Sears-Kmart Deal Compared To Buffett +Business,Insurance officials propose new brokerage disclosure rules +Business,End to pillow talk on American flights +Sci/Tech,PRODUCT REVIEW: Microsoft search falls far short of Google +Sci/Tech,Seagate Ships 400-GB Drive +Sports,Closer Percival OKs \$12M Deal With Tigers +Sports,"WRAPUP 1-Ukraine stun Turks, Portugal reach 20-goal mark" +Sports,Colts could be missing both starting guards +Sports,Kobe Bryant Rape Case Could Be Headed to California +World,REGION: EU warns Iran nuclear row could still go to UN +World,Guard killed in bomb attacks on Argentina banks +World,Dutch PM: EU must integrate immigrants better +World,PLO chief vows crackdown on violence +World,Congress Said Set to Back Mideast Trade (AP) +World,APEC Ministers Urge New Effort on Trade Talks (Reuters) +Business,Lampert Keeps Low Profile As Kmart Chair (AP) +World,Navy Delays Presidential Helicopter Deal (AP) +World,APEC Ministers Urge New Effort on Trade Talks +Business,"Kmart, Sears To Merge Into One Company" +Business,The man behind the deal +Business,Hot Topic 3Q Earnings Slip 18 Percent +Business,USDA Tests Confirm Soy Rust in Florida +Sci/Tech,"First Americans may have crossed Atlantic 50,000 years ago" +Sports,U.S. Seeks to Keep UBS Cup Streak Alive (AP) +World,Brazil Upset in Ecuador; China Eliminated +World,Bush Wants to Get North Korea Nuclear Talks Going +World,"Iran May Seek to Mate Missile, Nuclear Warhead-US" +Business,USDA Tests Confirm Soy Rust in Florida +Business,U.S. Stocks Up on Kmart-Sears Deal +World,It was the language barrier +Sci/Tech,Netflix Raises Subscriber Forecast After Price Cut (Reuters) +World,Official: Russia Not Cooperating in Probe (AP) +Sci/Tech,Intuit Posts 1Q Loss; Revenue Up 11 Pct. (AP) +World,Canada calls for IMF to take hard look at yuan (AFP) +Sports,Racist Taunts Mar Soccer Match (AP) +Business,Snow chills market as dollar hits a fresh low +Business,HP reports 27 rise in quarterly profits +Business,Sandy Spring Bancorp Lowers 2004 Outlook +Sci/Tech,Scramjet breaks own speed record on final flight +Sci/Tech,Donate Your PC #39;s Spare Time to Help the World +Sci/Tech,Apple plans iTunes for Japan +Sci/Tech,4 Linux Vendors Team Up for Standardized Linux +Sci/Tech,Web Hosting Through Windows +Sports,Henman lives in hope after Roddick setback +Sports,Keane nets 24th goal in win over Croatia +Sports,Dungy: #39;MNF #39; intro racially offensive +Sports,Attorneys in suit against Bryant meet in federal court +Sports,Baseball: Anaheim #39;s Guerrero named American League MVP +World,France #39;hiding nothing #39; about Arafat +World,Gulf war syndrome is genuine says law lords #39; inquiry +World,Militant Wanted in Pearl Abduction Killed +Business,Oil prices rise on heating fears +Sports,Miller #39;s podium-finish streak snapped +World,Football: Spain 1-0 England +World,"On 38th Floor, a \$9 Million Sample Sale" +Sci/Tech, #39;Blog #39; tops words of the year +Sports,Missouri's Season of Hope Disappears (AP) +Sci/Tech,Climate change sceptics 'wrong' +Business,"Kmart, Sears Merger Could Change Low-Cost Shopping" +Business,Wall Street stocks end higher on Kmart-Sears merger deal +Business,Netflix Raises Subscriber Forecast After Price Cut +Business,American yanks pillows +Business,Congress close to renewing ban on Internet access taxes +Business,"Salvation Army Loses \$17,000 in Donations Since Target Refuses To <b>...</b>" +Sci/Tech,Microsoft Rolls Out NetWare Migration Package +Sci/Tech,Microsoft Unveils Management Software +Sci/Tech,Best game yet for the Xbox +Sports,Spaniards #39; racism row intensifies +Sports,Ireland blanks Croatia in friendly +Sports,Arsenal keeper Stack charged with rape +Sports,City dropping drug charge against Nuggets star +Sports,Soccer: Klinsmann tastes first home win against hapless Cameroon +Sports,Real Salt Lake trades for Kreis in first player move +Sports,Quarterback controversy rages as Lions get back to work for <b>...</b> +World,Demonstrations mark opening of APEC summit in Chile +World,Russia researching new missile systems +World,Arafat receives parting shots after death +World,UN Council Wants Sudan Peace Deal by End of Year (Reuters) +Sports,Lawyers Meet in Kobe Bryant Civil Suit (AP) +Sci/Tech,Shawn Fanning downloading again +Sci/Tech,Microsoft Accused of Destroying E-Mails (AP) +World,Russia Developing New Nuclear Missile (AP) +Business,Column: Modified Vintage Cars Get Hot +Sports,Pistons Coach Brown Returns to Bench (AP) +Sports,Padres Sign Jackson and Garcia to Minors (AP) +World,US to tackle Afghan drugs trade +Sci/Tech,SAIC Said Near Deal to Sell Telcordia (AP) +World,Bush Pardons Turkeys After 'Tough Contest' (AP) +Business,Euro at fresh high as Snow dashes hopes of currency intervention +Business,Update 6: Hewlett-Packard Shares Up on Earnings News +Business,Burst.com says Microsoft destroyed evidence +World,Iran strikes another nuclear deal +Business,Mitsubishi secures \$1.23b aid deal: report +Sci/Tech,Virgin Mary Cheese Sandwich Bids on eBay +Sci/Tech,Netscape aims beyond Firefox +Business,Wife of Enron's Lay Investigated (Reuters) +World,Margaret Hassan +World, #39;I only wish my dead comrades were here to hear this verdict #39; +Sports,Kidlow captures first victory +World,Militant Wanted in Pearl Abduction Killed (AP) +Sci/Tech,U.N. Urges Temporary Bottom-Trawling Ban (AP) +Sci/Tech,NM Governor Want UC to Manage Los Alamos +Sports,Percival to visit Tigers +World,Indian troops leave Kashmir +World,Apec ministers urge new effort on trade talks +World,Bombs in Buenos Aires Kill One +Sports,Marijuana Charge Dropped Against Anthony (AP) +Sports,Brazil Upset in Ecuador; China Eliminated (AP) +Business,Wife of Enron's Lay Investigated +World,Democrat Slams Kerry on Hispanic Outreach (AP) +Sci/Tech,Study: Learning to Run Propelled Evolution (AP) +Business,Assassination Is an Issue in Trade Talks +Sci/Tech,Wis. Plans to Invest in Stem Cell Study (AP) +Sports,Percival to Sign With the Tigers +Sci/Tech,EBay Eliminates Offense Verbiage from Listings +Sci/Tech,New Mexico governor backs UC as Los Alamos lab manager +Sci/Tech,Seagate Ships World #39;s Largest HD +Sports,Percival to Sign With the Tigers +Sports,"Intro still generating buzz, mostly negative" +Sports,Agents Tell Players There #39;s Little New In NHL Lockout +Sci/Tech,NASA Calls Off Launch of Black Hole-Hunter (AP) +Sci/Tech,Sun invites outside involvement with Java 6 +Sci/Tech,Microsoft says IE updates possible +Sci/Tech,Earnings alert: Salesforce quarterly revenue rises +Sci/Tech,Salesforce.com posts 82 percent rise in revenue +Sci/Tech,HP to tout Itanium SAP customers +Sci/Tech,Sun changing course on Itanium plans--again +World,Clinton due to open his library +Business,Tired pair join to take on Wal-Mart +Business,US CREDIT-Kmart acquisition hits Sears credit +Business,Europe Unlikely to Win US Agreement on Halting Euro #39;s Surge +Business,Prices slump as stocks rise +Sci/Tech,"Microsoft lures NetWare users with migration tools, support" +Sci/Tech,Linux Core Consortium To Build Common Code +Sci/Tech,"Sun, Gingell Part Company" +Sports,Henman has skills to flush Coria from baseline lair +Sports,Ken Jones: Holyfield the warrior trapped in a world without end +Sports,China beat Hong Kong 7-0 but still eliminated +Sports,MRFIXIT: EASTER PARADE +Sports,Soccer: Ukraine stun Turkey in World Cup qualifiers +Sports,Special to ESPN.com +World,"Suicide car bomb, clashes with insurgents leave at least 10 dead <b>...</b>" +World,Russia developing new missile system +World,Gulf War Syndrome Acknowledgment Urged +Sci/Tech,"Gates, UNESCO Sign Computer Access Deal (AP)" +Sports,No. 19 N.C. State Rips New Orleans 92-58 (AP) +Sci/Tech,REVIEW: Microsoft Search Falls Far Short (AP) +Sci/Tech,More security hiccups for IE +Sci/Tech,Japanese Co. Markets Dual-Network Phone (AP) +Sci/Tech,Biometric pilot program to tighten U.S. borders +Sci/Tech,"Wibhu changes name, lands \$10.25 million" +Sci/Tech,SBC seeks new Net phone fees +Sci/Tech,Cisco buys IT management start-up +Business,Burst.com Claims Microsoft Destroyed Evidence +Sci/Tech,Sun changing course on Itanium plans--again +World,27 killed in Iraq violence +Sports,No. 11 Notre Dame Upends No. 6 Duke 76-65 (AP) +Sports,Manning and Giants in Line of Fire +Business,An Alliance for the Scale to Battle a Common Foe +Business,Kmart snaps up Sears for \$11bn +Business,Dollar melts but Snow stays firm +Business,Mitsubishi Buys Shares in Isuzu Motors +Sports,Stadium on Calendar +Sports,FCC Rebukes ABC +Sports,Chance for McCants +Sports,Reed Takes Offense +Sci/Tech,Vampire: The Masquerade - Bloodlines sinks teeth into retail +Sci/Tech,Sun previews next version of Java +Sports,Kasprowicz strikes twice for Australia +Sports,Race jibes mar Spain #39;s win +Sports,Schaefer fired hours after 3-0 loss to Germany +Sports,Casey opens war with America +Sports,Northwestern Barred +World,Gulf war syndrome did damage to 6000 +World,Barroso heading for victory in commission vote +World,"Widely panned, loos in China get clean-up" +World,LDP to propose self-defense force +Sports,Speed Rules at De Francis +Sports,Trying to Notch a Berth +Sports,Racist Taunts in Spain +Sports,Wizards Outlast Celtics +Sci/Tech,"""Halo 2"" goes AWOL" +Sci/Tech,Photos: Sun execs talk tech +Sports,Michigan Beats Colorado in NIT Tourney +Business,Dollar in Sight of All-Time Low Vs Euro +Sports,SuperSonics Top Nets 79-68 in Ugly Game (AP) +Sports,"Hill Scores 32 Points, Magic Outgun Jazz (AP)" +Business,Column: Cheaper Oil Fuels Stocks Rally +Sports,"New York Unveils Last, Best Bid to Gain the Olympics in 2012" +World,Nigeria lifts Plateau emergency +Business,Tobacco companies say government can #39;t sue under RICO +Sci/Tech,Japanese Co. Markets Dual-Network Phone +Sports,England files complaint on racist chants +Sports,Hampden stroll for Swedes +Sports,Prosecutor drops marijuana charge against Anthony +Sports,"With new #39;aggressive #39; red jerseys, Germany beats Cameroon 3-0" +Sports,"No. 19 NC State 92, New Orleans 58" +Sports,Shevchenko pair puts Ukraine clear +World,Iran got nuke design from Pak: Report +World,Australia-US Free Trade Agreement takes effect New Year #39;s Day +World,New commissioners grilled by MEPs +World,Cities need more toilets +World,Japan may allow women on throne +World,Clinton Library Reflects Its Subject's Volatile Era +World,House Republicans Act to Protect DeLay (washingtonpost.com) +Sci/Tech,"Hit this: Microsoft, Google set to face off" +Sports,Brazil upset in Ecuador China eliminated +Sports,Closer Percival OKs \$12M deal with Tigers +Sports,Ancira GMC Pontiac Buick +World,Inquiry: Gulf War Syndrome Does Exist +Sci/Tech,Google Opens Office in Microsoft's Backyard (Reuters) +World,A Daily Look at U.S. Iraq Military Deaths (AP) +World,Senate votes to raise US debt ceiling to 8.2 trillion dollars (AFP) +Business,The Architect Behind Kmart #39;s Surprising Takeover of Sears +Sports, #39;Monday Night #39; flap gets FCC #39;s attention +Sports,"ONeal, Artest Lead Indy" +Sports,Ecuador stun world champion Brazil +Sports,Pistons 93 Timberwolves 85 +Sports,"Stoudemire, Suns Sting Winless Hornets (AP)" +Sports,"Backup, Go Forward" +Sports,Friends in the End +World,Japan Keeps Monetary Policy Unchanged (AP) +World,B.C. fishermen call for judicial inquiry into Pacific salmon fishery (Canadian Press) +World,English Camps Reflect S. Korean Ambitions +World,Brazil Upset in Ecuador; China Eliminated +World,21 Pacific Rim Nations Hold Trade Talks +Business,2 Fund Managers to Pay \$80 Million Settlements +Business,California Regulator Is Suing Four Insurers and a Broker It Says Received Kickbacks +Business,Philips to Reduce Value of Stake in MedQuist +Sports,Red Sox Take Notice After Yanks Meet Martnez +Sports,Van Gundy's Rockets Look Too Much Like the Knicks +World,Australia PM Says Body of British Aid Worker Found +World,"U.S.: Iran May Seek to Mate Missile, Nuclear Warhead" +Business,Reports Suggest Economy Is Warming Up +Business,Snow says cutting trade deficit a priority +Business,"Noranda opens takeover field to other suitors VANCOUVER, British <b>...</b>" +Business,2 Fund Managers to Pay \$80 Million Settlements +Business,Google Opens Office in Microsoft #39;s Backyard +Business,Philips to Reduce Value of Stake in MedQuist +Sci/Tech,Hollywood #39;s One Strike Policy +Sports,Loss Costs Brazil Top Cup Qualifying Spot +Sports,Kasprowicz #39;s double strike puts Aussies on top +Sports,Judge also refuses to hear doping allegations +Sports,"In a day, Percival falls for Tigers, the town" +Sports,"SONICS 79, NETS 68" +Sports,"Harris leads Michigan past Buffs, into NIT semis" +World,White House praises British aid worker believed killed in Iraq +World,Powell says Iran pursuing nuclear bomb +World,US not alarmed by Russian development of nuclear missile +World,"Asia-Pacific ministers talk trade, protesters battle with police" +World,UN wants Sudan peace deal by end of year +World,BOJ keeps policy ultra-easy +World,"Afghanistan: Briton #39;Kidnapped by Thieves, Not Taliban #39;" +World,"22 killed in Iraq car bombing, clashes" +Sports,Hill Flashes Old Form +World,Mexican Election Tribunal Upholds Wins (AP) +Sci/Tech,Melting Glaciers Threaten World Water Supply (Reuters) +Sports,Sonics Streak to 8-1 +World,Trying to Get Big Enough to Battle Wal-Mart +World,Clinton Library Reflects Its Subject's Volatile Era +Business,Mitsubishi Motors to get US\$960 million in extra aid from group <b>...</b> +Business,"Dulles, BWI Consider Security Shift" +World,Loss Costs Brazil Top Cup Qualifying Spot +Sci/Tech,Nasas scramjet breaks speed record at 7000mph +Sports,O-line must protect Manning +Sports,INTERNATIONAL ROUND UP +Sports,NBA Game Summary - Minnesota At Detroit +Sports,Nuggets Hold Off Raptors 112-106 (AP) +Sports,Moya Tops Gaudio in Rain-Delayed Masters (AP) +World,Moya Masters Gaudio to Keep Title Hopes Alive +World,US tightens its grip on Mosul +World,Bombs explode at Argentine banks +Sci/Tech,Google Rolls Out Search Product for Scholars (Reuters) +Sports,NBA Wrap: Returning Trio Help Pistons End Skid +World,"Iran 'may seek to adapt missiles""" +Business,More strength seen for rampant rand +Business,"Fund Founders to Settle, Pay \$160 M" +Business,Mitsubishi to have second-largest stake after GM -report +World,U.S. Pounds Falluja Diehards; Violence in North (Reuters) +Business,"Troubled retailers Sears, Kmart merge" +Business,IRS looking to give good news to taxpayers +Sci/Tech,Movie pirates under attack +Sci/Tech,Google Rolls Out Search Product for Scholars +Sci/Tech,AOL Concentrates On Security Issues With New Software +Sports,Moya masters Gaudio to keep title hopes alive +World,European Agreement Will Fail To Stop Iran From Getting WMDs <b>...</b> +World,On the brink +Business,Owner of Big Electronic Stock Trading System Is Said to Be for Sale +World,Chinese Move to Eclipse U.S. Appeal in South Asia +World,Report: Israeli Tank Opens Fire on 3 Egyptian Troops (Reuters) +Sci/Tech,Google Introduces New Research Tool (AP) +Sports,Clemens' Son Signs to Play With Texas (AP) +Sci/Tech,AOL Packaging New Security Features (AP) +Business,Oil Steady After U.S. Data +World,Moves to rid schools of weapons +World,Women Voters Enter San Diego Mayoral Fray (AP) +Business,Two Kings Dethroned +Business,Bush Eyes Tax Overhaul +Business,U.S. Knew Last Year of Flu Vaccine Problems +Business,"Fund Founders to Settle, Pay \$160 Million" +Business,"Dulles, BWI Consider Security Shift" +Business,"Gas, Produce Push Price Index Up" +Business,No Action Taken After OFHEO Probe +Business,Stock Sale by Lay's Wife Investigated +Business,Eisner Denies Seeing Ovitz as Threatening +Business,Rival retailers #39; shares fall on Kmart-Sears deal +Business,Treasury Chief Rejects Idea of Trying to Stem Dollar #39;s Fall +Business,"Investors Reward Kmart, Sears and Their Suppliers" +Business,Court Panel Skeptical About Penalty Sought Against Tobacco <b>...</b> +Business,Moratorium On Web Tax Advances +Business,Sears-Kmart: Eddie #39;s Master Stroke +Business,"Analysis: SBC, others pose big challenge to cable" +Sci/Tech,"NASA #39;s #39;Scramjet #39; makes hypersonic flight, 10 times at that :" +Sci/Tech,Itsa miracle one would part with a talisman +Sci/Tech,Running Extra Mile Sets Humans Apart in Primates #39; World +Sci/Tech,DuPont Faces New Complaint +Sports,New York undaunted by underdog Olympic status +Sports,Drop the towel and pick up the pen +Sports,Ronaldo blames altitude after shocking defeat +Sports,"T amp;T, Costa Rica through" +Sports,Grizzlies Beat Blazers for First Road Win +Sports,NBA Wrap: Returning Trio Help Pistons End Skid +Sports,Eriksson forced to hook quot;wild quot; Rooney +Sports,Judge Refuses to Dismiss Case in Yetunde Price Shooting +World,Kashmir separatists to discuss peace plan +World,US Envoy Positive About Security Council Talks On Sudan +World,Barroso finds favor with new cabinet members +World,Srebrenica massacre survivors to sue UN (AFP) +Sports,NBA Wrap: Returning Trio Help Pistons End Losing Skid +World,Report: Israeli Tank Kills 3 Egyptian Troops +World,World leaders condemn aid worker #39;s apparent killing +World,Iran: Concessions equal in agreement with EU +Sports,Boyz bid fails +World,India PM to visit Kashmir camp +World,Report: Israeli Army Mistakenly Kills 3 (AP) +World,Indonesia's Yudhoyono rejects foreign help to solve Aceh conflict (AFP) +World,Wash. Governor's Race Forced Into Recount (AP) +Business,Questions on local impact of Kmart-Sears merger remain +Sci/Tech,Treo 650 voice dialing by VoiceSignal +Sports,Olympic bids in: Let the quest begin +Sports,Ecuador shock Brazil +Sports,"NBA: Miami 113, Milwaukee 106" +Sports,Grizzlies 101 Trail Blazers 82 +World,"British press raps Chirac for Iraq comments, eyes positive future" +World,10 die in attack on US convoy +World,"APEC Ministers Start Trade, Security Talks (AP)" +Business,Dollar Hits New Euro Low; Nikkei Falls +Business,American Airlines #39;Tangos #39; To Better On-Time Record +Sci/Tech,"Firefox - A faster, better web browser" +Sports,"Moya endures rain, Gaudio to advance" +Sports,"New York, Paris make 2012 Games proposals" +Sports,Warriors Defeat Winless Bulls 98-85 +Sports,BUCKS: Shaq #39;s powers Heat to victory +Sports,Hip hip hooray: Billups rallies Pistons past Wolves +Sports,NETS GET LICKED WITH UGLY SHTICK +Sports,ROCKETS BY THE NUMBERS +World,Israeli army mistakenly kills 3 Egyptian soldiers along Gaza-Egypt <b>...</b> +World,Pakistan Arrests Suspect in US Consulate Blast +Business,Dollar Hits New Euro Low; Nikkei Falls (Reuters) +Business,Oil Steady After U.S. Data (Reuters) +Business,South Korea ready to act in case of speculative attack on won: official (AFP) +Sci/Tech,Indonesia's Birds of Paradise Dying Out- Scientist (Reuters) +Sci/Tech,Moratorium on Web Tax Advances +Sci/Tech,New AOL Software Focuses on Security +Sci/Tech,MIT Aims to Make Computing Easy +Sci/Tech,Prayer Breakfast Draws Strong Tech Turnout +Sci/Tech,Congress Poised to Vote On Internet Taxes +Sports,Celtics run out of steam +Sports,Eagle eye +Sports,Team as we know it is history +Sci/Tech,AP: Italy Offers Compromise on Cloning (AP) +Business,Yahoo Extends Microsoft Ad Deal +Sports,"Legal woes for Zukauskas, Terrell" +Sports,Irish women roll by Duke +Sports,Minutemen on the clock +Sports,"Creatini is named All-American, again" +Sports,Waiting on the changeup +Business,Google Plans New Service for Scientists and Scholars +Sports,Taking it from the top +Sports,Gold Helmet winners +Sports,Ephs put to the test +Sports,Scheduling a rerun +Sports,Firepower rests with Bucknell +Sports,Framingham's Noel gets first-team honors +Sports,Quite a swing for Daly-Donofrio +Sports,Canton reaches goal +World,"In Mosul, Kurdish militia helps keep order" +Business,Kmart to acquire Sears +World,Russia announces work on unique nuclear missile system +World,Opposition group alleges Iran hasn't suspended nuclear work +Business,Bleidt's wife denies knowing of scam +World,Russia touts plans for missile system +Business,Report lauds community hospitals +Business,16 churches for sale worth \$28m +World,A determined dig in Vietnam for the missing +Business,"As prices rise, homebuilding surges" +World,One killed in bombings at three bank branches +Business,Inflation picking up steam +Business,Dollar hits new low on Snow speech +World,"WHO urges more research on vaccines for flu, other illnesses" +Business,Franklin Templeton in \$18m settlement +World,India offers unqualified talks on Kashmir +Business,Mass. exports increase 19 in year +World,10 die in attack on US convoy +Business,Uh oh! Franco-American is no more +World,Video of shooting by Marine stirs outrage +World,Recent American deaths in Iraq +Business,Disney chief defends paying \$140m to fired president +Business,Dissecting the Merger +Business,PILGRIM FUND #39;S FOUNDERS FINED \$160M +Business, #39;Ringers #39; feel loss of Target +Business,Workers worry that merger may eliminate their jobs +Sci/Tech,Yahoo Begins Using DomainKeys +Sports,China football faces reform calls +Sports,Brown returns to job while lights are out +Sports,Harris starts to blossom +Sports,Diversity lags in college leaders +World,Iran and Pakistani linked +World,Blair-Chirac focus on Iraq war +World,FRANCE STRUGGLES TO DENY #39;POISONOUS #39; ARAFAT RUMOR +World,Rare UN meeting on Sudan +World,Shake up ordered after violent clash +Sports,Federer beats Hewitt to reach ATP Masters Cup semis +Sports,DESPERATE EXECUTIVES +Sports, #39;I see no hope whatsoever #39; +Sports,C #39;s have nothing extra: Comeback wasted in OT loss to Wiz +World,Luisita victims #39; remains allowed at dispersal site +World,EU MPs Vote for New Commission Team +World,Thai Queen Urges End to Violence in Muslim South +Sci/Tech,eBay Agrees to Limit Racial Slurs on Auction Site (Reuters) +World,Kurdish Rebels Using European Bases (AP) +World,U.S. Sees Sadr City As Model for Fallujah (AP) +World,Iran Said Trying to Fit Missiles for Nukes (AP) +Sci/Tech,AOL Concentrates On Security Issues With New Software (washingtonpost.com) +World,First woman deputy in Zimbabwe +Business,"Justice, tobacco lawyers debate racketeering law" +Business,Sea-Tac keeping federal screeners +Sci/Tech,Yahoo Extends Microsoft Ad Deal +Sci/Tech,"Solaris 10: Sun Struts Its Stuff, Details New Opportunities" +Sci/Tech,Apple iTunes signs Oasis exclusive +Sports,Colts #39; respected coach needs to be heard on issue +Sports,"A Tiger-like run, a Vijay-like year for Sorenstam" +World,PLO Chief Vows Effort Against Militants +Business,"Employees, consumers mostly upbeat" +Business,Calls probe of wife Linda #39;s stock trades quot;troubling quot; +World,"Al-Aqsa opposes Abbas, prefers Barghuti as Palestinian leader" +World,Thai king in southern peace plea +Sports,Lou Henson Hopes to Return to Coaching (AP) +World,Update 5: Euro Reaches New High Against US Dollar +Sports,N.C. State Wins BCA Invitational Opener (AP) +Sports,Annika Sorenstam Having a Vijay-Like Year (AP) +Sci/Tech,British Library gets wireless net +Sci/Tech,BT must open up network to rivals +Sci/Tech,Virgin Mobile adds more customers +Business,"Sears, Kmart merge" +Business,Enron inquiry targets Linda Lay +Business,Vivendi raises forecast as profit soars +Sci/Tech,"Gates, in Paris, is received by President Chirac" +Sci/Tech,eBay to remove racial slurs from listings +Sports,Offensive Linemen May Be Steelers' MVPs (AP) +Sports,Federer beats Hewitt at Masters Cup +Sports,Woods takes early lead at Dunlop Phoenix +World,Jailed militant makes overture +Business,Buyer prices rise in October +Business,Congress moves closer toward reinstating ban on Internet taxes +Business,E-mails highlight Vioxx concerns +Sci/Tech,"Gates, UNESCO Sign Computer Access Deal" +Sci/Tech,Google Plans New Service for Scientists and Scholars +Sports,Village #39;s sporting options have hit rock bottom +Sports,British govt to complain to Spain about racist chants +Sports,UPDATE 3-Kiwis fight back against Australia +Sports,LPGA Tour set for season-ending ADT Championship at Trump <b>...</b> +World,Three Egyptian soldiers accidentally killed by IDF near border +World,Chirac meets Blair under shadow of Iraq +World,"Spokesman says Arafat not in a coma, still in ICU" +World,Euro sets new record high at 1.3063 dollars (AFP) +Sci/Tech,"Bill Gates is most ""spammed"" person in the world: Microsoft CEO (AFP)" +Sci/Tech,Microsoft's Ballmer Warns Asia of Linux Lawsuits (Reuters) +Sports,Barnstable has its way once more +Sports,Marshfield rams way to final +Sports,Woburn back in fine form +Sports,Wellesley makes good in overtime +Sports,Hill finds magic touch +Sports,Flakes? Here's hoping for plenty more of it +Business,Kmart buying Sears in \$11 billion deal +Business,VORNADO MAKES BUNDLE ON SEARS +Business,"Marsh, Aon Trail on Board Independence Amid Spitzer #39;s Probes" +Business,Senate panel to scrutinize FDA over Vioxx review +Business,Radio Chain to Cut Ties to Promoters Paid by Labels +Sci/Tech,MPAA to pirates: We #39;ll shut you down #39; +Sci/Tech,World #39;s largest hard drive released +Sci/Tech,Enjoy the Arctic while it #39;s still here +Sci/Tech,BUZZ: Desktops New publishing system +Sports,Hewitt rallies to beat Moya at ATP Masters +Sports,"2012 Olympics bids could hinge on politics, economics" +Sports,It #39;s a winding road to Nextel Cup glory +Sports,Lippi delighted with new-look Italy +Sports,Wolfpack batters old friend in opener +Sports,Pistons #39; defense puts brakes on Timberwolves +Sports,Success quiets lineup anxiety +World,Iran- Eu deal subject to progress in nuke talks +World,Hassan Body Found in Fallujah: Australian PM +World,Israel kills 3 Egyptian police by mistake +World,US Consulate Bombing Suspect Arrested in Pakistan +World,Revamped EU team faces vote +World,North Korean media drop Kim Jong Il #39;s glorifying title +Business,Honeywell Confident About China Outlook +Business,Virgin Mobile adds more customers +Business,Sears merging with Kmart in US +Sci/Tech,AOL offers its customers online shield free of charge +Sci/Tech,"Regents Weigh Future of Labs, Race Data" +Sci/Tech,Microsoft Director of Windows Product Management Talks Firefox +Sports, #39;Monday Night #39; flap gets FCC #39;s attention +Sports,History not on UF #39;s side +Sports,Union meets with agents; no progress +World,Nablus academic runs to succeed Arafat +Sci/Tech,HP Earnings Rebound (TechWeb) +World,U.S. Accused of Changing Drilling Rule (AP) +Sci/Tech,Microsoft's Ballmer Warns Asia of Linux Lawsuits +Business,"Detail, not retail, drives Lampert" +Business,Dollar #39;s fall worries Japanese officials +Business,Ofcom clampdown on BT +Business,Congress closes in on reviving Net tax ban +Business,Techs lead fall in Europe +Business,"To meet goal, Salvation Army needs our help" +Sci/Tech,Motion Picture Association sues movie downloaders +Sci/Tech,Report follows humans #39; penchant for running +Sci/Tech,"Sun to set Solaris free, after a fashion" +Sports,"After towel drop, some big-league hypocrisy" +Sports,"With no new talks set, NHL lockout expected to drag on" +Sports,Buffs ousted from NIT play +Sports,"SuperSonics 103, 76ers 95" +World,UN Security Council to Discuss Sudan +World,"US, Iraqi assessments: insurgents will to fight not broken by <b>...</b>" +World,Abrams said US choice to succeed Kurtzer as Israel envoy +World,UN appeals for release of Afghan hostages +World,Hamas amp; Islamic Jihad The Attacks Must Continue +World,"Gulf War syndrome real, says inquiry" +Sports,NBA and union at odds over brawl ban appeals +Business,Ofcom shake-up spares BT break-up +Business,South Africa +Sci/Tech,Sun to offer utility pricing for desktops +World,New York funeral for rapper ODB +World,Modernisation plan transforms Britain's Royal Mail (AFP) +World,Intel evaluating India for chip making unit (Reuters) +Sports,"Bettman, Union Meet" +World,Conspiracy Theories Persist on Arafat's Death +World,Kashmiri Separatists to Consider Indian Offer of Peace Talks +World,"APEC Ministers Start Trade, Security Talks" +Business,Sagging Dollar Hits New Low Against Euro +Sci/Tech,New Scientist Gives New Microsoft Search Thumbs Up +Sports,Nuggets use twin powers to win +Sports,"Notebook: McCaw to sell 50 percent of Canucks, GM Place" +World,"North Korean Media Drop Dear Leader #39; Title, Press Monitor Says" +Sci/Tech,Creative declares 'war' on Apple's iPod +Business,"Eisner, on Ovitz, describes a culture clash at Disney" +Business,Lampert rolls with the risks +Business,PBHG funds founders pay \$80M each +Business,"Dexia, Sanpaolo IMI confirm talks" +Business,Microsoft bags \$400 m Internet TV deal +Sci/Tech,NM governor wants UC regents to continue running Los Alamos +Sci/Tech,"Lawmakers Slicing, Dicing Copyright Bill" +Sci/Tech,UC rejects #39;multiracial #39; category +Sci/Tech,Creative declares #39;war #39; on Apple #39;s iPod +Sports,"Federer beats Lleyton, again" +Sports,China to fire Haan +Sports,"First Test, Day one, Aus v NZ" +Sports,NHLPA won #39;t alter original proposal +Sports,Bulls the answer to Warriors #39; struggles +Sports,Percival Signs 2-year deal with Tigers +World,Israel apologises to Egypt +World,PM lifts ban on recruitment in J amp;K +World,Euro sets new record high at 1.3074 dollars (AFP) +Business,Oil Steady as Winter Worries Stem Decline +World,Chirac Visits Blair Amid Rancor Over Iraq (Reuters) +World,Palestinians to Host Western Diplomats (AP) +World,CORRECTED: Microsoft's Ballmer Warns Asia of Linux Lawsuits (Reuters) +Sci/Tech,"Use Linux and you <cite>will</cite> be sued, Ballmer tells governments" +Sci/Tech,CORRECTED: Microsoft's Ballmer Warns Asia of Linux Lawsuits +World,Davao bombing suspects arrested +World,German trial stirs torture debate +Business,Update 1: Philippine Shares End Higher +Sci/Tech,"Running turned humans into what they are today, U. of U. biologist <b>...</b>" +Sci/Tech,eBay to clean up racial slurs +Sports,Crass interference or no flag? +Sports,Woods on top at rain-soaked Dunlop Phoenix +Sports,FOOTBALL: FAB TAKES MICC TO DUMP FINNS +Sports,Bulls nearing wrong record +Sports,Cubs not out of options for closer +Sports,Australia play game of patience +Sports,Minorities remain rare in power +World,UN Security Council meets in Kenya to discuss Sudan #39;s civil wars +World,Russia Says It Will Build Nukes That No One Else Has +World,Mercenaries to testify against Thatcher in coup case +Sci/Tech,Moratorium on Web Tax Advances (washingtonpost.com) +Sci/Tech,"Greens Paint Grim Picture of Future, Warmer World (Reuters)" +World,House GOP Alters Its Rules to Shield Combative DeLay (Los Angeles Times) +Business,US dollar hits record low against euro; Snow rules out <b>...</b> +Business,"Euro continues surge against US dollar, hitting new high of <b>...</b>" +Sci/Tech,UC Regents fail quot;Multi-racial quot; action +World,Chirac in London for Entente Cordiale talks +World,UN appeals for release of workers in Afghanistan +World,Rebels Attack Governor's Office in Iraqi City (Reuters) +Sports,Nitties grabs one-stroke lead in Australian PGA +Business,"Specter of inflation, led by gasoline, rising again" +Sci/Tech,Microsoft devotes entire department to filtering spam from Gates #39; <b>...</b> +Sci/Tech,Barracuda 7200.8 has 400GB capacity +Sports,Lippi Praises New Boys +World,"Sudan govt, southern rebels pledge peace accord" +World,Vote due on new Europe Commission +Sports,Solanki innings a pure delight +Sci/Tech,Microsoft Warns Asian Governments of Linux Lawsuits +Business,Reuters Up on Report Instinet Up for Sale +Sports,Soccer / English Premier League - No change as top four win +Sports,Sen. McCain calls on baseball to #39;restore the integrity #39; +Business,Ofcom delivers ultimatum to BT +Business,Update 7: Sagging Dollar Hits New Low Against Euro +Business,Royal Mail posts daily 1m profit +Business,Crematory operator to get 12 years +Business,Dexia Says It #39;s in Talks With Italy #39;s Sanpaolo IMI (Update3) +Sci/Tech,Ads to pop up when TiVo users scan past commercials (USATODAY.com) +Sci/Tech,"Unlike apes, humans were born to run, study says" +Sci/Tech,Google for the scholarly community +Sci/Tech,Seagate ships 400Gb drive +Sci/Tech,New Mexico gov. urges UC to bid on Los Alamos +Sci/Tech,Microsoft issues warning about Linux lawsuits +Sci/Tech,UC regents vote down plan for #39;multiracial #39; category +Sci/Tech,Cisco Pays \$16M To Acquire Network Management Firm +Sports,Kasprowicz shines as Aussies dominate first day +Sports,Brown returns to steer Pistons past Timberwolves +Sports,NHL Lockout May Not Be Ending Any Time Soon +World,Israel Army Mistakenly Kills Three Egyptian Soldiers +World,EU set to end limbo as lawmakers vote +Sports,Westwood takes lead in South Africa +Business,Overseas executives flock to UK +Business,Ministers promise annuity review +World,Karachi bomb 'mastermind' quizzed +Sci/Tech,"SBC, Microsoft team up on TV over broadband (SiliconValley.com)" +Business,Reuters Up on Report Instinet Up for Sale (Reuters) +World,SAP sets back medium-term profitability targets (AFP) +World,Israel Releases Senior Hamas Leader (AP) +Business,European Shares Flat as Euro Keeps Up Run +World,UN warns of Afghan 'drug state' +Business,Microsoft 'warns of Linux claims' +Business,BT Group PLC Escapes Breakup +Business,Attention shoppers: Kmart to buy Sears +Business,Bolingbrook call center to create hundreds of jobs +Sci/Tech,Microsoft #39;s Gates Is World #39;s Most #39;Spammed #39; Person +Sci/Tech,"Linux keeper, SpikeSource CEO talk up open source" +Sports,Racist taunts at England-Spain +World,Russia Working on New Generation Atomic Bomb +World,Barroso Commission approved +World,Karachi bomb #39;mastermind #39; quizzed +World,Afghan Kidnappers Set Final Deadline +World,Israel Apologizes After Tank Kills 3 Egyptian Police +Sci/Tech,Lycos Europe removes anti-spam screensaver from website +Sci/Tech,MPAA files first suits against movie file-swappers +Sports, #39;Appalled #39; Caborn to launch protest +World,UN Security Council to Discuss Sudan +Sci/Tech,Phishing Feeds Internet Black Markets (washingtonpost.com) +Business,British retailers see subdued start to Christmas period (AFP) +World,Right-Winger Fini Is New Italy Official (AP) +World,Iraq Assessments: Insurgents Not Giving Up (AP) +Business,Limited Brands Posts Lower Earnings (Reuters) +Sci/Tech,NASA's Eyes in the Sky to Help Global Conservation (Reuters) +Business,800 cheque in post for every mail worker +Business,IRS looks for Arkansans due checks +Business,One in four Californians consider moving +Sports,Greek sprinters charged over missed drugs test +World,Israel Releases Top Hamas Member from Jail +World,British minister slams #39;old-fashioned #39; Prince Charles over <b>...</b> +Sci/Tech,Phishing Feeds Internet Black Markets +Sci/Tech,Incentives Attract Jobs to Northern Virginia +Sci/Tech,Running 'key to human evolution' +Business,Kmart to buy Sears in \$11B deal +Business,Royal Mail meets some targets +Business,"Sears, Kmart Want To Call Layoffs #39;Head Count Changes #39;" +Business,Enron case focuses on Lay stock sale +Sci/Tech,On the horizon +Sci/Tech,"Yahoo!, Microsoft extend deal" +Sci/Tech,Remote control rifle range debuts +Sports,"Federer waits out rain, beats Hewitt" +Sports,Bulls still lost on road +Sci/Tech,Tsunami Warning System Could Be Created (AP) +World,Rebels Attack Governor #39;s Office in Iraqi City +World,Israeli Troops Mistakenly Kill Three Egyptians +Sports,Golf: Woods off to flying start in bid for first Japan tour win +World,GOP Backs Off on Ethics Changes (Los Angeles Times) +World,PM visited injured BSF cosntables in base hospital. +Sci/Tech,Remote control rifle range debuts +Business,Techs Seen Heading Lower; Data on Tap +Business,Before the Bell: Altria Rises 1.5 Percent +Business,Oil Steady as Winter Worries Stem Decline +Business,Local shoppers see the logic of Kmart-Sears deal +Business,Spanish Glass Manufacturer to Buy Plants +Business,Putin Tells Businesses to Get Used to Paying Taxes +Sci/Tech,Sun Raising Curtain on New Solaris +Sports,Tennis: Only the elements slow Federer +Sports,Schaefer in the dark over dismissal +Sports,Road weary-ers +Sports,Confidence crisis as McMillan caught in two minds +World,Sudanese refugees demonstrate outside UN meeting in Nairobi +World,Arafat #39;s nephew can likely get access to Palestinian leader #39;s <b>...</b> +World,Memo lands prince in trouble +Sci/Tech,HTC 'Blue Angel' Wi-Fi PocketPC phone +Business,Sales drop sparks spending fears +Sci/Tech,Seagate ships 'world first' 400GB PC HDDs +Business,Oil prices stronger in London trading after supply worries <b>...</b> +Business,Ofcom Unveils UK Sector Proposals +Business,Kettle Campaign Kicks Off Tonight +Sci/Tech,Gates. The grass isn #39;t so green on the other side +Sci/Tech,Java #39;s #39;Mustang #39; Out of the Gate +Business,PeopleSoft Investors Urged to Tender Shares (Reuters) +Business,Before the Bell: Altria Rises 1.5 Percent (Reuters) +World,Egypt protest over Israel killing +Sci/Tech,Sun plans patent protection for open-source Solaris +Sci/Tech,Photo: Family time for former EA worker +Sci/Tech,Google Says Growth Is Slowing Down (AP) +World,"Annan urges swift end to Sudan war, Darfur crisis (AFP)" +Business,Kmart - Sears Merger May Bring More Shopping Options to Region +Business,Limited Brands Operating Earnings Rise +Business,Google Says Growth is Slowing +Business,Intel eyes India for chip plant +Business,Ofcom ultimatum to BT: Open up network access or face competition <b>...</b> +Business,Target disallows holiday bell ringers +Business,Home sweet home -- impossible? +Business,Virgin Mobile Reports Revenue Growth +Business,Two DC airports mull private security +Sci/Tech,Running Revolution Started as Evolution +Sci/Tech,eBay #39;s Grilled Cheese Diet +Sci/Tech,Bill Gates Gets 4 Million E-Mails a Day +Sci/Tech,MSN signs up Overture for another year +Sci/Tech,Seagate ships #39;world first #39; 400GB PC HDDs +Sci/Tech,Product lifecycles get the Windows treatment +Sports,Tiger puts rising suns in shade +Sports,Honda set to buy BAR? +Sports,Shock loss dethrones Brazil +Sports,Spain must pay heavy price +Sports,Thanou missed rendezvous with destiny +Sports,JR shoots down NHL -- again +Sports,Ireland set the early pace at World Cup +Sports,Power romps over rival +World,Russia hands ratification documents of Kyoto Protocol to UN chief +World,Removal of Kim Jong Il Portraits in North Korea Causes Speculation +World,Israel releases senior Hamas leader +World,Locusts invade Egypt +World,Death of a filmmaker +Sci/Tech,"Yahoo, SBC to Create Multimedia Platform (AP)" +Business,"Jobless Claims Dip, Match Forecasts (Reuters)" +Business,"Treasuries Slip, Investors Play the Range (Reuters)" +Business,Leading Indicators Dip Again in October (AP) +World,UN Appeals for Release of Workers in Afghanistan (Reuters) +Business,Limited Brands Quarterly Earnings Fall (AP) +Sci/Tech,Edward C. Baig: Personal Tech - Trade in your dumb phone for a smart one: Treo 650 (USATODAY.com) +World,BT Escapes Breakup in Review of Industry (AP) +Business,Dollar Rallies from Record Lows Vs Euro +Sci/Tech,SAP CFO Puts Off Margin Target (Reuters) +Sci/Tech,PeopleSoft Threatens Oracle with Suit (Reuters) +Business,"Techs Open Down, Applied Materials Weighs" +Business,"Jobless Claims Dip, Match Forecasts" +Business,"Treasuries Slip, Investors Play the Range" +Business,SAP CFO Puts Off Margin Target +Business,Limited Brands Operating Earnings Rise +Business,Williams-Sonoma Lowers 4th-Qtr. Forecast +World,Chafee: Reid Asked Him About Joining Dems. (AP) +World,US state still without a governor two weeks after polls (AFP) +Sports,Soccer: Britain Demands Action After Racist Chants +Sci/Tech,Drizzle of Shooting Stars Expected Friday Morning (SPACE.com) +Business,Congress Probes FDA in Vioxx Case +Sci/Tech,A Year of Firsts for the ISS (SPACE.com) +Sci/Tech,Scientists Hunt for Big Freshwater Fish (AP) +World,Russia's Putin Defends Political Reforms +World,Iran Says It Has No Secret Nuclear Activities +Sci/Tech,This week in phishing +Business,Williams-Sonoma profit up on Pottery Barn +Business,Reuters shares up on Instinet sale rumors +Sci/Tech,Sun launches Solaris 10 +Sports,Ecuador rocks but China ousted from World Cup contention +Sports,Warriors handle Bulls with ease +Sports,"Truex Can Relax, Go All-Out in Final Busch Race of Season" +World,India ; Stalemate Looms in Kashmir as Singh Ends Visit +World,UN Security Council in Africa to Push Sudan Peace +World,Arafat family to get medical file on cause of death +World,Israel releases senior Hamas leader +World,Locust swarms advance into Egypt +World,Portugal to ban smoking in public places (AFP) +Business,Leading Indicators Down for 5th Month +World,Uribe defends security policies +World,Football: England fury over abuse +World,Call to exhume Gaza girl's body +Business,Merger to spur retail change +Business,US leading indicators fall for 5th straight month +Sci/Tech,"Spam, Spam, Spam, Spam ....." +Sci/Tech,Overture Extends MSN Relationship +Sci/Tech,Metal Gear Solid 4 Confirmed +Sports,"Federer, Moya Dodge the Rain and Post Masters Cup Wins" +Sports,Lippi #39;s experiment draws mixed reactions in Italy +Sports,Pires will be fined for logo gaffe +World,Global Warming Treaty Gets Russia #39;s OK +World,"Russia Ratifies Kyoto, Starts on Feb. 16 (Reuters)" +Sci/Tech,FDA Defends Its Handling of Vioxx Safety (AP) +World,"Russia Ratifies Kyoto, Starts on Feb. 16" +World,CIA staff told to avoid politics +World,Paris set to release Arafat file +Business,Broker Downgrades Sink Medtronic (Reuters) +Business,Intel Rally May Be Premature +World,Pioneer of Sham Tax Havens Sits Down for a Pre-Jail Chat +World,Exiles Add to Claims on Iran Nuclear Arms +World,Military Believes Zarqawi Headquarters Found +World,"For Democrats, library a place to raise voices (USATODAY.com)" +Sci/Tech,US Troops Investigated +Business,Google sees slower revenue growth ahead +Sci/Tech,Gates Gets 4 Million E-Mails a Day +Sports,Caborn praise for abused players +Sports,Olympic Bid Chiefs Condemn Racist Abuse +World,Annan Calls for End to Civil War in Sudan +World,"Chirac, Blair Say Relations Not Strained" +World,"European Parliament approves new, reshuffled executive" +World,Futile death of innocent +Sci/Tech,CSA boss falls on sword over IT systems fiasco +Business,Gold ETF expected to launch Thursday +Business,Postal Workers Set for Bonus after Finances Boost +Business,Owens-Illinois to Sell European Plants +Sci/Tech,"MS, Dassault form alliance" +Sci/Tech,Halo 2 XBL Content Download Available +Sports,Blair office condemns racist chanting amid calls for Spain to play <b>...</b> +Sports,Honda bought BAR - report +Sports,Sprinters Charged With Dodging Drug Test +World,Annan urges security council warning on Sudan +World,Australian PM says body found in Fallujah likely missing aid <b>...</b> +Sci/Tech,On Google's Horizon ... Microsoft +World,WTO Rules Against EU Protection of Goods (AP) +Sci/Tech,PeopleSoft Threatens Oracle with Suit +Sci/Tech,Google Shares Fall on 4Q Revenue Warning +World,Castro Raises Doubts About Bin Laden Tape (AP) +Business,USDA: Mad Cow Test Result 'Inconclusive' (Reuters) +Business,"Russia Ratifies Kyoto, Starts on Feb 16" +Business,Merger unites retail giants +Business,US Economy: Leading Indicators Fall for 5th Straight Month +Business,Williams-Sonoma Net Rises 19; Shares Fall on Outlook (Update3) +Business,ETF Investors Going for Gold +Business,FDA defends its handling of Vioxx safety +Business,XM Satellite convertible debt priced +Sci/Tech,Microsoft #39;s Ballmer repeats Linux patent claim +Business,"IBM to put its personal computer business up for sale, may fetch <b>...</b>" +Sci/Tech,"Conectiva, Mandrakesoft, Turbolinux, Progeny Form Core Linux Group" +Sci/Tech,Apple to open two new UK retail stores +Sci/Tech,IBM: #39;Inertia #39; holding back government desktop Linux adoption +Sports,Spurrier to Coach South Carolina +Sports,"Defenseman boasted 10 world titles, 3 Olympic golds" +World,"Chirac, Blair Strive for Unity After Iraq" +World,Paris set to release Arafat file +World,Panel aims to flush away worlds toilet problems +Business,F.D.A. Defends Its Handling of Vioxx Safety Issues +Sci/Tech,"Yahoo, SBC Expand Internet Deal to Video, Wireless (Reuters)" +Sci/Tech,Global Experts Unite to Study Water Shortages (Reuters) +Sci/Tech,"Russia Ratifies Kyoto, Starts on Feb 16 (Reuters)" +Sports,Casey Overcomes Demons to Give England Solid Start +Sci/Tech,Sweden Readies for Space Rocket Launch (AP) +Business,NOAA U.S. Winter Weather Forecast: Mixed +World,"One Woman, Uh-Huh, but So Many Guises" +World,Egypt Demands Israel Explain Killing of 3 Policemen +Business,EADS quells Thales merger talk +Sports,Redskins' Taylor Cleared in Spit Incident (AP) +Business,Merger excites Kmart staff +Business,FDA defends its actions on Vioxx safety +Business,"UPDATE 1-Gold-backed security lists on NYSE, then slips" +Business,Irish Government To Probe Alleged EUR1B Tax Scam +Sci/Tech,MPAA files first suits against movie file-swappers +Sci/Tech,Apple confirms two additional UK stores at preview event +Sci/Tech,"Microsoft, Dassault Form Strategic Alliance" +Sci/Tech,Transport ship fails to raise ISS to designated orbit. +Sci/Tech," #39;Halo 2 #39; a must-have for casual, hard-core gamers alike" +Sci/Tech,Racially Offensive Search Terms To Be Banned By EBay +Sports,Racist chants +Sports,Cricket: Oram and Sinclair overcome blunders +World,Blair and Chirac pledge unity +Sci/Tech,"SBC, Yahoo! Expand Multimedia Services (AP)" +World,Commander: Iraq Insurgents Killed American (AP) +World,"Bloodshed in N.Iraq, Govt. Hails Falluja 'Success'" +Business,"Shoppers give Sears, Kmart merger mixed reviews" +Business,Dollar posted a new record low +Business,FDA defends its handling of Vioxx safety +Business,BT wins reprieve on break-up +Business,Duffield: Oracle #39;s skewing facts on stock sales +Business,Intel chief sees better global performance +Business,ING Sells Insurance Unit to Prudential +Business,Evening Gazette Our Say +Sci/Tech,Humans born to be endurance runners: anthropologists +Sci/Tech,Microsoft Threatens Lawsuits Over Linux +Sci/Tech,Microsoft extends Overture ad contract +Sports,Klinsmann Seeks Confident Strikers +World,Time for US Moderation +World,Middle East Approaches That Won #39;t Work +World,"Egypt blasts shooting, requets probe" +Business,OPEC Projects Big Winter Oil Stockbuild +Sci/Tech,"NEC, Panasonic jointly develop Linux-based platform for mobile phones (AFP)" +Business,Leading Indicators Down for 5th Month +Sci/Tech,Hi-tech grandpas to offer support for Japan's small businesses run by elders (AFP) +World,Pakistan Arrests Suspect in U.S. Consulate Blast (Reuters) +World,Commons advised not to waive privilege protecting key sponsorship witness (Canadian Press) +Business,"NOAA: Winter Weather Warmer in West, Cooler in East" +Sci/Tech,Microsoft's e-mail policy at issue in legal fight +Sci/Tech,Duffield: Oracle's skewing facts on stock sales +Sports,Sprinters Charged With Dodging Drug Test (AP) +Sci/Tech,"For developers, it's not all fun and games" +Sports,Defense Seen As Key in Auburn-Alabama Game (AP) +Business,"European gold peaks, eyeing weak dollar" +Business,Oil prices turn lower again as rally fades +Business,Senator Says FDA Ignored Own Scientists on Vioxx +Business,Google Warns on Revenue Growth +Business,Netflix ups forecast on price cuts +Business,Pitney Bowes wins Bank of America mailing contract +World,Future of EU Patent Legislation in Doubt (AP) +Sci/Tech,Microsoft Warns Asian Governments of Linux Lawsuits (Reuters) +Business,Charming Shoppes Looking Better +Business,CRM Software's Glass Slipper +Business,Is Multimedia Games a Buy? +Business,Philly Fed: Factories Slowed in November +Business,Yukos lawyer faces arrest warrant +Business,U.S. Airlines' October Unit Revenue Declined +Sports,Greek Sprinters Charged Over Missed Test +World,EU Drafts UN Nuclear Resolution on Iran-Diplomats +Sports,Fisis ready to go! +Sci/Tech,Gates: Even Microsoft Master Is Plagued By #39;Spam #39; +Sci/Tech,Bill Gates Signs UNESCO Agreement +Sci/Tech,Future of EU patent legislation in doubt +Sci/Tech,Internet Life EBay Restricts Use of Racially Offensive Terms +Sports,FIFA demand explanation from Spain +Sports,"100m profit for London Olympics, but Paris favourite" +Sports,CONCACAF qualifying round-up +Sports,US Women #39;s Soccer Under-19 Beats Spain +Sports,Controversy Again: Owens #39; ABC Spot Catches Heat +Sports,Rooney Urged to Control Aggression +World,World Bank Is Ready to Fund Projects +World,3 smugglers killed as tunnel collapsed +World,Key Militant Suspect in Deadly US Consulate Bombing Arrested +Business,Philly Fed: Factories Slowed in November (Reuters) +Business,"Stage Stores 3Q Profit Dips, Meets Views" +Business,"Blue Chips Gain, Led by Tobacco Stocks" +World,Burma frees thousands from jail +Sci/Tech,Microsoft Warns Asian Govts of Linux Lawsuits +Business,Limited Brands Lifts Operating Profit +World,Russia Arrests 2 in Deadly School Seizure (AP) +Business,Ex-Wal-Mart Exec Pleads Guilty to Kickback (AP) +World,"Japan, China Try to Smooth Over Tensions (AP)" +Business,Kmart purchase highlights struggle for once-huge Sears +Business,Tom Hauck/Getty Images +Business,Barrett sees better performance in #39;05 +Business,Calpers Tenders 1.5 Mln PeopleSoft Shares to Oracle (Update2) +Sci/Tech,Microsoft #39;s Bill Gates gets millions of spam daily +Sci/Tech,AOL to Release 9.0 Security Edition +Sci/Tech,London Apple Store Opens to Media +Sci/Tech,Richardson backs UC lab bid +Sports,OLYMPICS #39;WILL MAKE 100m PROFIT #39; +Sports,Return of the Ol #39; Ball Coach +Sports,"Hot Stove Truth amp; Rumors: Nov. 18, 2004" +World,Start the party #39; _ Beaujolais Nouveau arrives in the US +World,House Starts Process to Raise Debt Limit (Reuters) +Business,Union anger at SA telecoms deal +Business,Mid-Atlantic Factory Growth Slows in Nov. +World,Security Council agrees on Sudan resolution as foes pledge imminent deal (AFP) +Business,IMF chief counsels Putin on how to double Russia's growth (AFP) +Business,Dollar Up from Fresh Lows Vs Euro +World,Russia's Putin Defends Political Reforms +Business,US leading indicators reveal sluggish economy: Conference Board (AFP) +Business,Williams-Sonoma Lowers Forecast +Business,"SBC, Yahoo Reach Beyond the PC" +Business,UPDATE 3-Limited Brands lifts operating profit +Business,Oracle Issues Appeal as PeopleSoft Deadline Nears +Business,Bond Set For Man Accused In Wal-Mart Shooting +Business,Corinthian Colleges co-founder quits CEO post +Sci/Tech,Bill Gates world #39;s number one target of spam +Sci/Tech,Google hints at slowing growth +Sports,Britain condemns racist taunts; FIFA calls for probe +World,Russia presents Kyoto ratification to UN +World,Straw in Bid to Kick Start Mideast Peace Talks +Sci/Tech,Whose Ad Is This? Advertisers Play with Web Films +Business,FDA Defends Its Handling of Vioxx Review +Business,"US jobless claims drop last week, hopeful sign for labour market" +Business,Update 2: Authorities Arrest Yukos Unit Manager +Business,SBC to offer VoIP service +Business,Universal Life cooperating in insurance probe +Sci/Tech,Is Microsoft Rattling the Linux-Patent Sabers? +Sci/Tech,Bit Bytes : Halo 2 +Sports,Van Nistelrooy hurts hip +Sports,"Ireland, Austria share lead at -12" +World,The highs and lows of the Entente Cordiale +World,"Japan, China try to smooth over tensions" +World,Palestinian PM called for end to quot;armed chaos quot; +Sci/Tech,Programs: a Checklist for Tuning Up Your PC +World,US cannot verify Iran nuclear claim +World,Arafat died of clotting disorder -- Le Monde +Business,Eisner: TV Interview with Ovitz Was Dumb +Business,Flying High on the Web +Sci/Tech,Microsoft Threatens Patent Lawsuits +Sci/Tech,In Defense of Clapton's Layla +Sci/Tech,'Original' great ape discovered +Sci/Tech,Ancient Ape Discovered #151;Last Ape-Human Ancestor? +Sci/Tech,Can Central Africa's Rain Forests Live With Logging? +Sci/Tech,Leonid Meteor Shower Peaks Tonight +Business,Calpers Tendered Its PeopleSoft Shares +Business,Google sees Q4 rev growth slowdown +Sci/Tech,David vs. Goliath vs. Goliath +Sports,Athens Olympics Cost More Than Thought (AP) +Sci/Tech,Study: Learning to Run Propelled Evolution +Sci/Tech,Got mail? You bet: Bill Gates gets millions of spam e-mails +Sci/Tech,MSN Renews with Overture -- For Now +Sci/Tech,Duffield: Oracle's skewing facts on stock sales +World,Security Council agrees on Sudan resolution as foes pledge <b>...</b> +World,US troops patrol Mosul +World,Body Found In Fallujah Believed To Be Slain Aid Worker +World,"Thales, EADS have no merger plans: EADS chief (AFP)" +World,Maverick MP Carolyn Parrish turfed from Liberal caucus (Canadian Press) +Sci/Tech,Make Love Not Spam Decentralized +World,"Iraqis, U.S. Hail Falluja Success, Threats Remain" +Sci/Tech,Cybersecurity and the question of leadership +Business,A Misguided Merger +Sci/Tech,Updated AOL focuses on security +Sci/Tech,Microsoft's answer to phishing: Two IDs +Business,Google Shares Fall on 4Q Revenue Warning +Business,"Barrett: CEO Tours Intel India Unit, Sees Revenue Rise" +Business,"US Weekly Initial Jobless Claims Off 3,000 to 334,000" +Business,Calpers says tendered its PeopleSoft shares +World,Painkiller risk to gut revealed +Sci/Tech,Study: Learning to Run Propelled Evolution +Sci/Tech,Bill Gates gets 4 million e-mails a day +Sci/Tech,Paleontologists say fossil may be ancestor to great apes +Sci/Tech,New Microsoft Search Engine Rivals Google +Sci/Tech,AOL Tightens Security +Sci/Tech,Google Searches For Scholars +Sci/Tech,Leonid Meteor Shower Peaks Tonight +Sports,Scott Speed moving up to F1 ? +Sports,Controversy surrounding Owens #39; MNF promo touches deep social <b>...</b> +Sports,Va. Tech #39;s Beamer to coach despite mother #39;s death +Sports,Terps open ACC tournament +Business,Congress Told FDA Failed Public on Vioxx +Business,A Glimpse of Bristol-Myers' Portfolio +Business,Google Warns of Slowing Growth +Business,Economy: Raspy Second Wind +Business,"Rates on 30-Year, 15-Year Mortgages Dip" +Business,Yukos lawyer faces arrest warrant +Business,"Calif. insurance commish sues MetLife, Pru, others: report" +Sci/Tech,Human race off and running +Sci/Tech,Virgin Mary Grilled Cheese Miracle Blesses eBay +Sci/Tech,Gates Gets 4M Spam Messages Each Day +Sci/Tech,Future of EU Patent Legislation in Doubt +Sports,FIFA launches probe into Bernabeu abuse +Sports,Men #39;s contest highlights Trophee Bompard skating +Sci/Tech,Device Allows Doctors to Practice Deliveries +Sci/Tech,A Fantasy Field Trip to Jurassic Park +World,Militant groups back end of chaos +World,Merci la France: We Will Be Forever Grateful +World,Arafat's Diagnosis May Soon Be Revealed (AP) +World,Suspected Mastermind Held in Pakistan (AP) +Sci/Tech,Walmart.com Sees Electronics Leading Online Sales (Reuters) +World,Tories raise allegations of ties between NY mob and Gagliano (Canadian Press) +Sci/Tech,Oracle readies integration splash (InfoWorld) +Sci/Tech,Fossil Ape May Be Ancestor of All Apes -- Report (Reuters) +Sci/Tech,Ancient Animal Could Be Human-Ape Ancestor (AP) +World,"Several Insurgent Command Bases Found in Falluja, General Says" +World,"UN Security Council, in Africa, Pushes Sudan Peace" +Business,Update 6: FDA Called #39;Defenseless #39; Against Bad Drugs +Sci/Tech,Not all great apes were swingers +World,KOREA: Rumors Swirl over Missing Portraits +Sci/Tech,Airlift for earthquake-hit fish +Sports,Sprinters Charged With Dodging Drug Test +Business,"Dow Near Flat; Nasdaq, S P 500 Down" +Sci/Tech,"Photos: 'Wanna buy an iPod, guv?'" +Sci/Tech,Dell's Photo All-In-One Printer 962 +Sci/Tech,Dell goes wireless with printers +World,First Taste of a Once-Forbidden Fruit +Sci/Tech,Gadgets rule in digital household +Sci/Tech,Photos: Handheld fever grips Japan +Business,Cracker Barrel Rolling +Sci/Tech,Photo: Giant digital image +Business,Stern and Letterman Get Sirius +Sci/Tech,Seagate drive joins 400GB club +Sci/Tech,World's biggest digital pic +Sci/Tech,Four vendors team up on new standardized Linux +Sci/Tech,Burst.com says Microsoft destroyed evidence +Sci/Tech,West Coast retailer hits software rollout bumps +Sci/Tech,Q A: Cordys president talks up Web services +Sci/Tech,Troubled HP server group sees profit in Q4 +Sci/Tech,"Kmart, Sears agree to \$11B merger" +Sci/Tech,Seagate ships 400GB hard disk drive +Sci/Tech,'World Community Grid' seeks to harness unused computers +Sci/Tech,RIAA files 761 new file-trading lawsuits +Sci/Tech,Oracle readies integration splash +World,Ukraine MPs reject election bill +Sci/Tech,"PeopleSoft, Oracle fight is a canine affair" +Sci/Tech,W3C highlights Mobile Web Initiative at workshop +Sci/Tech,New Google Scholar search service aimed at academics +Sci/Tech,Intel evaluating India for chip manufacturing +Sci/Tech,"Microsoft, Yahoo extend contract for Web ads" +Sci/Tech,3G: Anything in it for businesses? +World,German Police Arrest Fourth Iraq Attack Suspect +Sci/Tech,AMD-Fujitsu Venture Plans 'Mega' Japanese Chip Plant +Sci/Tech,New AOL Software Gives Added Security +Sci/Tech,"Microsoft Talks Security, Seriously" +Sci/Tech,Google Scholar Offers Access To Academic Information +Business,Mitsubishi Motors to buy preferred shares of Isuzu Motors +Business,Calpers Tendered Its PeopleSoft Shares +Business,LA City Council OKs tax relief package +Business,Uh-Oh! SpaghettiOs switches brands +Sports,Delhomme Feels He May Play on Sunday (AP) +Sci/Tech,MPAA Sues Movie Swappers +Sci/Tech,More Security Holes Found In Internet Explorer 6.0 +Sports,Steve Spurrier Set to Take South Carolina Coaching Job +World,"Asia-Pacific leaders to spur world trade, fight terror" +World,Prince Charles rebuked for #39;old fashioned #39; views +World,Chileans Take Advantage of Divorce Law (AP) +Sci/Tech,Virgin Mary Grilled Cheese Miracle Blesses eBay +Sci/Tech,Organic Search Engine Optimization for Large Sites +Sci/Tech,MSN and Yahoos Overture Extend Paid Search Relationship +Sci/Tech,RocketNews Search Engine Adds Personalization +Sci/Tech,Search Engine Friendly Design and Coding (Especially Flash) +Sci/Tech,History of Search Engine Optimization and Marketing Testing +Sci/Tech,Paid Inclusion Topics and Issues +Sci/Tech,Design and Coding for the Complete Package - WMW Conf 7 +Sci/Tech,WebMasterWorld Conference Coverage +Sci/Tech,News: Petco settles with FTC over cyber security gaffe +Sci/Tech,News: Russian fined for virus-writing exploits +Sci/Tech,News: IE in fresh security drama +Sci/Tech,Infocus: Detecting Rootkits And Kernel-level Compromises In Linux +World,Chirac urges fairer world order +Sci/Tech,Mac OS X Tiger Features +Sci/Tech,Mac OS X Tip of the Week: Clean Up That Clutter +Business,Intel evaluating India as manufacturing destination +Sci/Tech,AOL Beefs Up Security +Sci/Tech,Alaska senator disagrees with climate study #39;s conclusion +Sci/Tech,FDA to e-track popular drugs +Sports,Spurrier Spurns Gators For Gamecocks +World,Purposeful negotiations possible with Pak: Singh +World,Clarke says prince is old fashioned +Business,"FDA, Drug Industry Under Fire on Safety" +Business,Europe gains no US aid to support dollar +Business,US production prices increase +Business,IMF #39;s Rato says action required on US deficits +Business,Nike Co-Founder Knight Steps Down as CEO +Business,CIO Business Briefing Disney #39;s Q4 Earnings Reach \$516 Million +Business,Calif. retirement fund tenders PeopleSoft shares +Business,Foot Locker 3Q Profit Meets Estimates +Business,Marsh amp; McLennan Says Five Executives Leave Board (Update2) +Business,"Continental to Seek Wage, Benefits Cuts" +Business,Leading Indicators Fall 0.3 Pct. in Oct. +Business,UPDATE 2-Gold-backed security streetTRACKS debuts on NYSE +Sci/Tech,"Human Species Born To Run, Scientists Say" +Sci/Tech,Bill Gates Dubbed Most Spammed Person In The World +Sci/Tech,"Peninsula Grill serves up toasty grilled cheese sandwich, no <b>...</b>" +Sci/Tech,Ballmer attacks Linux on patent front +Sci/Tech,"Microsoft, Yahoo Extend Contract for Web Ads" +Sci/Tech,Ancient Animal Could Be Human-Ape Ancestor +Sci/Tech,Gateway expands Media Center PC lineup +Sci/Tech,AOL Releases Version 9.0 with Security Software +Sci/Tech,Novell Posts 4th-Quarter Profit of \$13M +Sci/Tech,Drugmaker Teams With Law Enforcement To Use RFID To Halt Thefts +Sci/Tech,"Wanna buy an iPod, guv?" +Sci/Tech,Californian Charged with eBay Sports Card Scam +Sci/Tech,Richardson urges UC to partner up; submit bid +Sci/Tech,The IPod Economy +Sports,Olympic bid suffers as Madrid #39;s image is tarnished +Sports,Repentant Casey fears reaction on US return +Sports,Kenteris and Thanou charged over missed tests +Sports,Woods leads Dunlop Phoenix +Sports,Ecuador upset Brazil +Sports,Our #39;desperate #39; TV times +Sports,Former NFL lineman going to jail +Sports,Annika seeking eighth win of season +World,"Fallujah Strike Breaking Insurgency, General Says (Update1)" +World,"UN Security Council discusses Darfur, shuns rebels" +World,"Afghan Opium Cultivation Reaches Record High, UN Says" +World,Palestinians Ask for Election Monitors +Business,Williams-Sonoma Warily Pessimistic +Business,Brown Shoe Sings the Blues +Business,"Medtronic Down, Not Out" +Business,Brookstone Rolls On +Business,Sympathy for Pfizer +Business,Brady's Signs Are Positive +Business,The Elusive Value of Goody's +World,No verdict in Afghan 'torture' trial +Business,Walt Disney Quarterly Profit Rises 24 Pct +Business,Marsh McLennan: 5 Top Execs Leave Board +Business,Gap Third-Quarter Earnings Tick Up 1 Pct +World,Knight stands down as Nike boss +Business,Knight Steps Down as Nike Chief +Sports,"Ireland, Austria Share World Cup Lead" +Business,S American nations sign oil deal +World,Zimbabwe Ruling Party Picks Woman as Mugabe Deputy +Business,Vivendi boosts Moroccan stake +Sci/Tech,"After Food and Shelter, Help in Coping With Unbearable Loss" +Sci/Tech,"Sometimes, Your New Smile Will Make You Frown" +Sci/Tech,"Music industry asks Napster founder, former arch foe, to sing new tune (AFP)" +Sci/Tech,Diet and Lose Weight? Scientists Say 'Prove It!' +Sci/Tech,"In Past Tsunamis, Tantalizing Clues to Future Ones" +Sci/Tech,The BlackBerry Brain Trust +Sci/Tech,"In the long run, humans prevail" +Sci/Tech,Holy Toast! eBay Sandwich Taking Record Bids +Sci/Tech,RIAA files new round of P2P lawsuits +Sci/Tech,Saving America Online +Sci/Tech,British ID Card Gains Ground +Business,Scientist: FDA Incapable of Protecting Safety +Sci/Tech,Golden State of Privacy +Business,Update 1: Foot Locker 3Q Net Income Up 19 Percent +Sci/Tech,Call Centers Ride Out Disaster +Sci/Tech,Yahoo Extends Microsoft Ad Deal to Mid-2006 +Sci/Tech,Sat Radio Recording Moves Ahead +Sci/Tech,Oracle Announces Quarterly Critical Patches +Sports,Fifa prepares to put Spain in the dock over racism +Sports,Brazil left looking for answers +Sports,Baros fears the worst with leg injury +Sports,Ohio fires head coach Knorr after four seasons +Sports,Rockies land two of the 10 players on MLB squad +World,Annan calls for urgent action over Sudan +World, #39;Road map #39; sponsors will send foreign ministers to West Bank next <b>...</b> +Business,Russia benefiting from oil price surge +Business,"American Lowers #39;Walk-Up #39; Fares, Cuts Restrictions For S. Florida <b>...</b>" +Sci/Tech,Gates may be world #39;s most spammed person +Sports,Sprinter Kenteris completes fall from grace +Sports,CORRECTED - Van Nistelrooy plays down hip injury +Sports,Donovan Wins Third Straight Player Of Year Award +World,"Arafat: A Costly US, Israeli Failure" +World,Mercenaries turn against Thatcher +World,Reports of Kim #39;s demise exaggerated +World,Iran #39;breaking nuclear deal with secret site #39; +World,Pakistan cracks down terrorism +Business,"Sirius Names Karmazin CEO, Shares Jump (Reuters)" +Sports,Greek sprinting pair are charged +Sports,Sad to lose +Sports,"Soccer: Even if Hong Kong helps, China #39;s world may end" +Sports,Reds #39; Baros fears confirmed +Business,U.S. Mutual Funds Assets Rise This Week (AP) +Business,Gap 3Q Earnings Meet Analysts' Estimates (AP) +Business,Gap Third-Quarter Earnings Tick Up 1 Pct +Business,Vioxx fallout: Scientist names five more questionable drugs +Sci/Tech,Gates gets spammed 4 million times a day +Sci/Tech,Ballmer Bearish on Linux +Sci/Tech,DC College Students Targeted in Piracy Suit +Business,Rayovac to Buy United Ind. for \$476 Mln +Sports,NFL shouldn #39;t get a pass on naked lady stunt +Sports,Inside the Top 25 +Sports,Possible Spurrier development could impact USC recruiting +Sports,Vikings' Birk Expected to Play Vs. Lions (AP) +World,"Blair, Chirac try to put Iraq war behind them (AFP)" +Sports,Bender Out Indefinitely With Knee Injury (AP) +World,Dominican Navy Finds 10 Migrants' Bodies (AP) +Sports,NHL Draft Will Wait on New Contract (AP) +Sports,Golden Bears Focus on Archrival Stanford (AP) +Sports,Baseball Owners' Vote on Expos Move Delayed +World,Kerry to Give Dems Leftover Campaign Cash (AP) +Sports,Henman Crushes Coria to Keep Masters Hopes Alive +World,Senate Hears Testimony on Porn Addiction (AP) +World,Group Cites Electronic Voting Problems (AP) +World,"Iraqis, U.S. Hail Falluja Success, Threats Remain" +World,UN Security Council to Witness Sudan Peace Pledge +World,IRA must take immediate steps to disarm: N. Ireland Protestant leader (AFP) +World,"Britain Bans Fox Hunting, Brushing Off Blair Wobble" +World,China eyes new turf: S. America +World,"Fallujah yields up weapons, videos" +Sports,Activist Charged With Blackmailing Yankee (AP) +Business,"MBIA Gets Subpoenas from SEC, Spitzer" +Business,"Disney Profit Up, TV Outshines Studio (Reuters)" +Business,"Mitsubishi, Itochu to be stakeholders in Isuzu" +Business,Nike Chief Phil Knight Resigns; Board Appoints Perez (Update4) +Business,Google warns a slowing of growth is #39;inevitable #39; +Business,El Paso shareholders endorse auditor +Business,Victims #39; relatives to make voices heard in crematory case +Sci/Tech,London acquires its own big Apple +Sci/Tech,RIAA follows MPAA in fight against file swappers +Sci/Tech,"China, 15 Other Countries Consider NASA Exploration" +Sports,Man Utd #39;s Van Nistelrooy: Injury just a knock +Sports,Molson Indy Vancouver gets black flag +World," #39;Old-fashioned, out of time. #39; Clarke dismisses princely view of <b>...</b>" +World,Wave of Violence in Iraq as Marine Is Killed in Fallujah +World,An Ivorian economy #39;fatally hurt #39; +World,Hamas demands new Palestinian election system +World,A Look at U.S. Military Deaths in Iraq (AP) +World,Unproven rumours and innuendo trailed Gagliano throughout years in office (Canadian Press) +World,House Ready to Send Bush Debt-Limit Hike (AP) +World,Groups Brace for Social Security Changes (AP) +World,TV Reporter May Be Jailed for Refusing to Disclose Source +Business,US expert makes damning Vioxx claims +Business,Marsh #39;s 5 top execs leave board +Business,"Knight: Quits As Nike CEO, President; Remains Chairman" +Business,"Judge orders chief operating officer Radler, 2 more, off Hollinger <b>...</b>" +Business,El Paso shareholders vote to keep auditor +Sci/Tech,New Fossil May Be Close Ancestor of Great Apes and Humans +Sci/Tech,Major Security Patch Overhaul For Oracle +Sci/Tech,Study: VoIP costs all over the map +Sports,Turkey of the Week: The NFL Hypocrisy +Sports,Blazers reportedly mull blockbuster trade for Carter +Sports,MLB delays vote to move Expos +World,US claims on Iran quot;undermined quot; by Iraq +World,Scotsman praised as media urged to keep Dafur in spotlight +World,PM arrives in Chile for APEC +World,US expected to boost troop levels in Iraq +World,New European Commission endorsed by EP +Sports,Torre Glad Yankees Pursuing Pedro (AP) +Sports,Donovan Claims Soccer Player of Year Again (AP) +Business,Gold Fields loses again +Business,Nike Co-Founder Knight Steps Down as CEO +Business,Sirius Names Mel Karmazin as Its CEO +Business,Vietnam hits out at US anti-dumping shrimp tariffs +Business,Dollar Rallies from Record Low Vs. Euro +Business,Google Shares Slump on Revenue Outlook +Business,UPDATE 1-Stelco fails to reach labor deal by GM deadline +Business,Calif. insurance chief sues four insurers in kickback probe +Sci/Tech,Fossilised ape skeleton could be evolution #39;s missing link +Sci/Tech,"Many still await MSN, Yahoo e-mail upgrades" +Sports,Casey voices regret after e-mail barrage +Sports,Regent: CU needs to restore confidence +World,Ministers criticise Prince #39;s #39;out-dated #39; views on schooling +World,Dispute over commissioners ends after MEPs finally approve <b>...</b> +Sports,Robinson Signs Deal to Manage Expos in DC (Reuters) +Sports,Robinson Signs Deal to Manage Expos in DC +Sports,Roddick Blasts Way Past Safin Into Masters Semis +World,Canadian PM expels anti-Bush MP +Business,Nike Co-Founder Knight Steps Down as CEO +Sports,76ers Score Record-Low 6 Points in Quarter (AP) +Sports,No. 12 Maryland Tops George Mason 78-54 (AP) +Business,"Sirius Names Karmazin CEO, Shares Jump (Reuters)" +Business,"Sirius Names Karmazin CEO, Shares Jump" +World,Leaders reassure Pakistan-US ties remain strong +Business,The Local Scene-Some local talk about Sears-Kmart merger +Business,Dollar falls to 103.75 yen on remark by Snow +Business,"Scientist blasts FDA over Vioxx, says other drugs pose similar <b>...</b>" +Business,Briefs: Russia to pay IMF debt early +Business,Disney 4Q Earnings Rise to \$516 Million +Business,Nike Co-Founder Knight Steps Down as CEO +Business,Courses to help teach you +Business,Stocks to Watch Tuesday +Sci/Tech,Nation/World +Sci/Tech,Fossil may fill gap in evolution +Sci/Tech,IBM tops server speed test +Sci/Tech,Energy Secretary Gets Mixed Reviews at Los Alamos +Sci/Tech,Microsoft adds support to Unesco IT education plan +Sports,"Australia four back as Ireland, Austria grab World Golf lead" +Sports,"Kenteris, Thanou charged for crash" +Sports,McMurray best of the rest in NASCAR +Sports,Webb two off Sorenstam #39;s pace +Sports,Early breakthrough to Kasper +Sports,Stubblefield eyes NCAA receptions mark +World,Prince Charles chastised for #39;old fashioned #39; views +World,APEC Ministers Prepare for Two-Day Summit +World,Ivory Coast rebel ministers suspended after failing to end cabinet +World,Death penalty call in E Guinea +World,Relief goods airlifted to stricken areas as weather begins to <b>...</b> +World,Mother of murder victim Reena Virk wishes offender well at parole hearing (Canadian Press) +World,Feinstein Warns Goss Against CIA Reforms (AP) +World,Voice loss 'threat' to workforce +Business,"Profits Are Up 24 at Disney and So, It Says, Is Teamwork" +Business,Garamendi settles with San Diego broker in exchange for <b>...</b> +Sci/Tech,Microsoft boss the world #39;s most #39;spammed #39; person +Sci/Tech,AOL upgrades with security tools +Sci/Tech,Oracle Moves To Quarterly Security-Patch Cycle +Sports,Golf: Sorenstam seizes early lead at season-ending event +Sports,"AP: Holtz to Retire, Spurrier May Get Job (AP)" +World,Aussie misses out on Miss World +Business,Fears over five more big-selling medicines in US +Business,Reuters moves to sell Instinet +Business,Audits of wealthy rise 40 +Business,"Australia, China Cos. to Look for Nickel" +Sci/Tech,Fossils Found in Spain Seen as Last Link to Great Apes +Sci/Tech,Dell offers Media Center on the cheap +Sci/Tech,DNA company fires analyst +Sci/Tech,Apple iPod from HP (iPodhp) +Sports,Racist chanting puts Madrid bid at risk +Sports,No. 19 North Carolina State Pounds Elon +Sports,Bucs #39; McFarland tears triceps muscle +World,French leader backs cooperation with Britain but maintains stance <b>...</b> +World,Commandos set to storm Mosul +World,Security Further Tightened In Jammu +World,Ratification of Kyoto Protocol serves Russian interests: FM <b>...</b> +World,Officials monitor possible locust threat around-the-clock-Jordan +Business,Oracle Takeover Approval Seen +Business,Continental Seeks \$500 Mln in Labor Cuts +World,ETA Bombs Put Radical Basque Party in Tight Spot +Business,"For Merck Chief, Credibility at the Capitol" +Sports,No. 24 Memphis Rolls Past St. Mary's 81-66 (AP) +World,A Presidential Fraternity Helps Clinton Open Library in Arkansas +Sports,No. 19 North Carolina State Pounds Elon +Sports,FIFA Under Pressure to Stamp Out Racism +Sports,A Coach and a Player Prove You Can Go Home Again +Sci/Tech,Vivendi ups Moroccan phone stake +Sci/Tech,Nintendo Prepares Weekend Launch of New Handheld +World,"China pledges efforts in fight against terrorism, corruption" +World,UN sees surge in Afghan opium exports +World,Prince Charles embroiled in class controversy +World,Kashmir: Problem Won #39;t Go Away with Some Troops +Sci/Tech,Microsoft Warns Asian Governments of Linux Suits +Sci/Tech,D.C. College Students Targeted in Piracy Suit +Sci/Tech,Ex-Viacom Chief Karmazin Joining Sirius Satellite Radio +Sci/Tech,Group Cites E-Voting Problems +Sci/Tech,XML security device unveiled +Sci/Tech,Plenty to learn about services +Sci/Tech,State bill could kill city Wi-Fi +Sci/Tech,Calif. retirement fund tenders PeopleSoft shares +Sci/Tech,Start-up pitches high-end Web apps on the cheap +Sci/Tech,Congress approves supercomputing bill +Sci/Tech,IBM tops server speed test +Sci/Tech,"AOL, Oracle tackle software safeguards" +Sci/Tech,Air Force turns to Microsoft for network security +Sci/Tech,"Following trend, Oracle sets schedule for patches" +Sci/Tech,Study: VoIP costs all over the map +Sci/Tech,"VoIP: Today Des Moines, tomorrow the world" +Sci/Tech,Photo: Super-slim TV tubes +Sci/Tech,Slimmer tube TVs to challenge flat panels +Sci/Tech,"Wanna buy an iPod, guv?" +Sci/Tech,Segway CEO scoots from company +Sci/Tech,Dell offers Media Center on the cheap +Sci/Tech,Photos: iPod lands in London +Sci/Tech,Photo: Dell's Photo All-In-One Printer 962 +Sci/Tech,IT Forum: Exchange users to get more tools +Business,LI firm #39;s cancer drug approved +Business,Russian target Abramovich hit by 400m tax bill +Sci/Tech,University researchers challenge Bush win in Florida +Sci/Tech,Bill Gates gets 4 million emails a day +Sci/Tech,Ape discovery fills gap in evolutionary jigsaw +Sci/Tech,IBM Breaks Computing Speed Barrier +Sci/Tech,"Spotted owl remains a threatened species, government says" +Sports,Racing: Best Mate in shape to hold challenge of Rembrandt +Sports,"Cavaliers 106, Bobcats 89" +World,UN warning over Afghan opium +World,Ministers line up to attack Charles as #39;patronising #39; +World,Junta frees prisoners in Burma +World,Bush seems primed for Mideast push +Sci/Tech,Gateway expands Media Center PC lineup +Sci/Tech,New Google Scholar search service aimed at academics +Sports,Streaking Spurs Roll Past Sixers 88-80 (AP) +Sci/Tech,"Microsoft, Yahoo extend contract for Web ads" +Sci/Tech,Salesforce.com continues strong customer growth +Sports,"Cards' Smith, Berry, Dansby Questionable (AP)" +World,Britain to Send Christmas Gifts to Troops (AP) +Sci/Tech,W3C highlights Mobile Web Initiative at workshop +World,Palestinians Seek Int'l Election Monitors (AP) +Sci/Tech,Oracle: PeopleSoft investors should tender shares +Sports,No. 19 N.C. State Demolishes Elon 71-45 (AP) +World,Rural leaders put heat on Tory government as Alta election looms (Canadian Press) +Sci/Tech,Google sees benefits in corporate blogging +Sci/Tech,Do software users need indemnification? +Sci/Tech,Patent hoarders intensify protection issue +Sci/Tech,Oracle to deliver security patches on quarterly basis +Sci/Tech,"Yahoo, SBC extend partnership, plan new services" +Sci/Tech,AOL developing file-backup service +Sci/Tech,Exchange users to get more tools +Sci/Tech,AOL Developing File-Backup Service +Sci/Tech,"Microsoft, Yahoo Extend Contract for Web Ads" +Sci/Tech,Study Claims E-Voting Irregularities Found in Florida +Sci/Tech,Enter your e-mail: +Business,Belgian and Italian Banks Talk of Partnership +Business,Russia Seeks to Prosecute Two More at Yukos +Business,Eisner Regrets Praising Ovitz on #39;Larry King #39; +Business,Dollar Holds Gain on Concern Group of 20 Will Object to Decline +Business, #39;Lite #39; beer brand puts fizz into SABMiller profits +Business,Gas leak from oil platform off SoCal triggers evacuation of crew +Sci/Tech,AOL 9.0 is Security Minded +Sci/Tech,IBM Says It Swamps Rivals in Key UNIX Computer Test +Sports,Ferdinand almost quit Spain game +Sports,Second-Ranked Wake Forest Beats Virginia Commonwealth +Business,Takeover offer for Sunderland FC +Business,Jaguar negotiates 534m Ford aid +World,N.Korea Denies Removal of Leader Kim Portraits-Xinhua +Sports,Pacers' Bender Out Indefinitely with Knee Injury (Reuters) +Sports,Pacers' Bender Out Indefinitely with Knee Injury +Sports,Touchdowns and Milestones Pile Up for Martin +Sports,Giants' Manning Gets Some Brotherly Advice: 'Don't Trip' +Sports,Ready to Get Started +Sports,Passing Marks in Peril +Sports,Memphis Stops St. Mary's +Sports,Gilchrist Keeps Working +Business,Dollar Sticks Near Lows +Business,"For Merck Chief, Credibility at the Capitol" +Business,"Less Power, More Money for Sears Boss" +Business,Sirius Names Mel Karmazin as Its CEO +Business,UnumProvident Accepts Penalty +Business,PeopleSoft Chief Threatens to Sue Over Oracle Statements +Business,SABMiller #39;s profits soar 81 +Business,French Growth Halted in Third Quarter (AP) +Business,Rayovac to Buy United Industries (Reuters) +Sci/Tech,Microsoft warns Asian governments of Linux suits +Sci/Tech,U2 iPod on sale in Europe #39;Saturday #39; +Sci/Tech,lab fires analyst over falsified tests +Sci/Tech,Spotted Owl to Stay on Threatened List +Sports,Big Jake makes his mark +Sports,Legacy key element of bid paper +Sports,NBA Game Summary - Cleveland At Charlotte +World,Cordiale Welcome for Chirac +World,Russia Formally Commits to Climate Pact +World,Thousands to be freed from Myanmar jails +World,GOP Governors Cheer Election Wins (AP) +World,House Ethics Panel Rebukes DeLay Accuser (AP) +Business,"F.D.A. Failing in Drug Safety, Official Asserts" +Business,Former Viacom Chief Named to Lead Sirius +Business,IRS Audits More of the Wealthy and Fewer Small Companies +Business,ExpressJet Pilots Ratify Labor Agreement +Sci/Tech,"U2 sees iPod TV spots as synergy, not sellout" +Sports,Federer beats Moya in Masters +Sports,US downs Spain to face Australia in quarterfinals of women #39;s U-19 <b>...</b> +Sports,Favre's Mother Falls Ill on Book Tour (AP) +Sports,Venus Williams Beats Serena in Exhibition (AP) +World,Colonial Tensions Reemerge in Ivory Coast +Sports,"Pavano Meets With Red Sox, and Schilling Makes a Pitch" +Sports,"Holtz Is Retiring, and Spurrier Will Take Over Job" +Sports,Lehigh and Lafayette Are Still Playing After All Those Years +World,APEC Nations Work on Stronger Security Resolutions +World,"Japan, China Leaders Agree to Meeting" +World,Henman Crushes Coria to Keep Masters Hopes Alive +Sports,Brown Steps Forwrad +Sci/Tech,FDA Prompts Pfizer To Yank Viagra Ads +Sports,Parreira plays down Brazil #39;s defeat +Business,Wall Street Set to Open Firmer (Reuters) +Sports, #39;Next Sunday #39; keeps Parcells motivated +World,Sharon Sets Peace #39;Test #39; for Palestinians +Sports,Cavs Dunk Bobcats +Business,Founder of Nike to Hand Off Job to a New Chief +Business,Former Viacom Chief Named to Lead Sirius +Sci/Tech,Age of green cars arrives as Canadians cut emissions +Sports,Roddick earns Masters semifinal berth +Sports,Athletics: Greek pair charged over drug tests +World,Slain aid worker mourned +World,Clarke criticises princes views on education +World,U.S. May Have Found Fallujah Militant Base (AP) +Sports,No. 10 Arizona Outguns Wright St. 83-66 (AP) +World,Global Fund to Fight Deadly Diseases (AP) +Sci/Tech,Fossil May Show Ape-Man Ancestor +World,APEC leaders pledge to boost free trade +Sports,Hokies Blast Terps +Sports,Spurs Hold Off Sixers +Business,Merck #39;s Vioxx Withdrawal Illustrates Power of Regulation by Trial <b>...</b> +Business,"Eisner Continues Defense of Hiring, Firing" +Business,Stocks lack direction +Business,"Father of Nike, Marketing Guru Gives Up Post" +Business,American Fare Cuts Presage Price War +Business,Oracle #39;s PeopleSoft Bid Deadline Nears +Business,IRS Chief Pleads for Bigger Budget +Business,South Korea Says It May Not Meet 5 GDP Growth Target (Update3) +Business,PRA Raises \$68.4 Million In Its IPO +Sci/Tech,Oracle moves to quarterly patch release schedule +Sports,Syracuse Tops Mississippi St. 71-58 (AP) +Sports,No. 15 Va. Tech Demolishes Maryland 55-6 +Sports,"No. 2 Wake Forest 81, Virginia Commonwealth 67" +Sci/Tech,Motorola to Build Cell Phones Into Ski Jackets +World,UN: Sudan parties pledge peace +World,My views coming back into fashion - Prince +World,Pakistan plays down Indian comments on Kashmir solution +Sports,Unbeaten Federer Marches Into Masters Semi-Finals +Business,Cap Gemini Said to Weigh Selling Unit in America +World,Year-end target for Darfur troops +Sci/Tech,Ape adds new limb to tree of human evolution +Sci/Tech,Oracle moves to quarterly security patch cycle +Sci/Tech,Sun-isms Debunked +Sports,Greek Sprinters Indicted on 8 Counts +Sports,Report: Holtz to quit; Spurrier to take over +Sports,"Matured Busch a title favorite, not fan favorite" +Sports,"In the Second Half, an Orange Burst and Victory" +Sci/Tech,REVIEW: Nintendo DS a Sleek Powerhouse (AP) +World,French leader touts cooperation French Leader Emphasizes <b>...</b> +World,Leaders overlook Palestinian sentiment +Sci/Tech,"REVIEW: Windows Cell Phone Sleek, Stacked (AP)" +Sci/Tech,"SBC, Yahoo! Extend Pact to Offer Service (AP)" +Sci/Tech,Taipei to Cloak City in World's Largest Wi-Fi Grid (Reuters) +Sci/Tech,Radio Veteran To Head Sirius (washingtonpost.com) +Sci/Tech,"After False Starts, 3G Mobile Service Set for Take-Off (Reuters)" +Sci/Tech,Novell Posts Profit (Reuters) +Sci/Tech,"Sybari offers security for IM, SharePoint (InfoWorld)" +Sci/Tech,Oracle's PeopleSoft Bid Deadline Nears (washingtonpost.com) +Sci/Tech,Disney Toys with Jobs' Baby (The Motley Fool) +Sci/Tech,"China, 15 Other Countries Consider NASA Exploration (Reuters)" +Sci/Tech,San Francisco Mulls Ban of Beloved Zoo Elephants (Reuters) +Sci/Tech,"As Ice Thaws, Arctic Peoples at Loss for Words (Reuters)" +Sci/Tech,UN Short-Circuits U.S.-Led Drive to Ban Cloning (Reuters) +Sci/Tech,Electronic Eye Devised to Help Blind Cross Roads (Reuters) +Sci/Tech,Ground 'Moves' as Cane Toads Invade Australia Park (Reuters) +Sci/Tech,Ancient Animal Could Be Human-Ape Ancestor (AP) +Sci/Tech,U.N. Abandons Idea of Anti-Cloning Treaty (AP) +Sci/Tech,Scientists in 17 Nations to Study Fish (AP) +Sci/Tech,Study: Learning to Run Propelled Evolution (AP) +World,N.Korea Says Kim Portrait Reports a 'U.S. Plot' (Reuters) +World,Prosecutor Feared Dead in Venezuela Blast (AP) +World,N.Korea Says Kim Portrait Reports a 'U.S. Plot' +World,Suicide Bombers Kill 14 in Iraq +Business,Johnson boss to fill big shoes at Nike +Business,Boeing ex-officer pleads guilty in Air Force hiring case: +Sports,Knicks Nudge Rockets 93-92 at Buzzer (AP) +Sports,NBA Wrap: Duncan Notches Season-High as Spurs Win (Reuters) +World,Legal challenge to ban on hunting +Sci/Tech,Veteran Mel Karmazin To Head Sirius Radio +Sci/Tech,Tensions Rise as Friday Bid Deadline Nears +Sci/Tech,PRA Raises \$68.4 Million In Its IPO +Business,Rancor deepens over PeopleSoft deal +Business,Pentagon Updates Rules On Post-Government Work +World,"For Fallujah Family, a Daring Escape" +Sci/Tech,Virgin Mary Grilled Cheese frenzy may spur owner meltdown +Sci/Tech,Sun plans patent protection for open-source Solaris +Sports,Top-seeded Roger Federer beats Carlos Moya to remain undefeated +Sports,Knicks Nudge Rockets 93-92 at Buzzer +Sports,Webb won #39;t let game become all-consuming +World,"FedEx, New York Life Press Bush on Trade as China #39;s Power Grows" +Business,Fed Likely To Say No To Riggs Payments +Business,Upside of a Down Dollar +Business,WTO Blesses American 'Champagne' +Sci/Tech,Report: Florida data suggests e-voting problems +Sci/Tech,Oracle moves to quarterly patch release schedule +Sci/Tech,Search Engine Forums Spotlight +Sci/Tech,System gremlins resolved at HSBC +Business,Directors also delay decision on first-quarter dividend +Sci/Tech,Blog reading explodes in America +Sci/Tech,MSN Extends Overture Paid-Search Deal +Sci/Tech,IBM Says It Swamps Rivals in Key UNIX Computer Test +Sci/Tech,Radio Takes The Big Leap Forward +Sports,Greek duo face criminal charges +Sports,Spurs past Sixers 88-80 +Sports,"No. 24 Memphis 81, Saint Mary #39;s 66" +Sports,Favre #39;s mother falls ill while on book promotion tour +World,Ivory Coast Rebel Chief Brands Gbagbo War Criminal +Sports,NBA Wrap: Duncan Notches Season-High as Spurs Win +Sports,"Virginia Tech Blasts Maryland, 55-6" +Business,"At least five drugs deserve a safety review, official tells Senate <b>...</b>" +Sci/Tech,Microsoft Extends Overture Deal to 2006 +Sports,Blowout crushes Terps #39; bowl bid +Sports,Sorenstam takes early lead +World,KYOTO PROTOCOL GETS GREEN LIGHT +World,Prosecution demands death for SA #39;mercenary #39; +Business,Lessons From The Vioxx Fiasco +Business,"Disney quarterly profit up 24, beating expectations" +Business,Index points to steadily slowing economy +Business,"Deal with ULR targets MetLife, Prudential, Unum, Cigna" +Sci/Tech,Gates loaded ... with e-mail spam +Sci/Tech,Will Solaris 10 Make Sun Shine Again? +Sci/Tech,Nintendo bets on new hand-held machine +Sports,Spurrier to take over Gamecocks +Sports,Memphis gets a battle from Gaels +Sports,Revved-Up Reality TV Is Aiming To Boost Ratings And Racing +World,Iran #39;s Nukes: The Crisis Is Far From Over +World,MEPs have voted to approve the new European Commission team +World,French to release Arafat #39;s records +World,Pakistan credited in Kashmir overture +World,E Guinea: death sentences demanded +Sci/Tech,Samsung Q30 ultra-portable notebook +Business,Alarm was sounded seven years ago on dig #39;s leak problems +Sports,Hewitt Rusty but Wins Adelaide Opener (AP) +Sports,KIWIS QUICKLY DISMISSED +World,U.S. Trade Exec Urges Mercosur Flexibility +Business,Heating fuel supply seen ample; oil futures fall under \$46 +Business,2d section of Artery tunnel found to have serious flaw +Business,Continental seeking \$500 million in cuts +Sci/Tech,Beijing takes part in a workshop with 30 other countries +Sports,Woods leads by 3 on a soggy course +Sports,Kiwis ruffle Aussie feathers? +Sports,Crawford #39;s Bank Shot at Buzzer Saves Knicks +Sports,A cold blast from the past +World,"Before UN, Sudanese pledge peace" +World,"Myanmar orders mass release of nearly 4,000 prisoners" +Sports,Brown: Ask and you will receive +Sports,NFL's strong-arm tactics smack of censorship +Sports,Smith probable for Eagles' season opener +Sports,Key games in New England +Sports,BC's Lee was a little late getting started +Sports,Babson seeks repeat +Sports,This BCS business is getting out of hand +Sports,College games on TV +Business,December date for Yukos sell-off +Business,US sale boosts Waterford's profit +Business,Kettle campaign to ring in +Business,Chanting throng tunes in to Stern #39;s Sirius giveaway +Business,5 #39;inside #39; directors quit Marsh board +Sci/Tech,Bill Gates world #39;s most quot;spammed quot; person +Sci/Tech,Music industry sues 20 at Mass. colleges +Sci/Tech,Canada insistent on goal to slice vehicle emissions +Sports,NFL #39;s strong-arm tactics smack of censorship +Sports,Jamal Crawford hits buzzer-beater as New York beats the Rockets 93 <b>...</b> +Sports,Carney leads No. 24 Tigers into final +Sports,UPDATE 3-Australia trail New Zealand by 156 at stumps +Sports,Sorenstam still not satisfied with her swing +World,IRAN NUKES #39;CLOSER #39; THAN THOUGHT +World,3 Egyptian soldiers killed in Israeli error +World,Last Australian aid group in Iraq leaves after latest deaths +World,N.Korea denies Kim Jong Il is losing power +Business,Study: Harvard bolsters Boston +Business,Gush of criticism +Business,Red hot Google shares cooling +Business,Prospective WBIX buyer pulls out +World,Hindu seer sent to police custody +Business,"FDA officer warns on 5 drugs, offers harsh critique of agency" +Sports,"No. 9 North Carolina 91, No. 8 Kentucky 78" +World,An 'electronic eye' for the blind +Business,5 'inside' directors quit Marsh board +Business,Ex-Viacom president gets hired by Sirius +Business,Music industry sues 20 at Mass. colleges +Business,Oracle advances in PeopleSoft takeover fight +Business,Calif. sues 4 major insurers +World,"Blair, Chirac seek common ground " +Business,"Dollar Steadies, More Weakness Expected" +World,Palestinians seek monitors for election +World,Troops in Fallujah find terror group's command center +World,"Bin Laden said to be cut off, compromised" +World,Heroin production surges in Afghanistan +World,Prince's views on education rebuked +Business,FDA whistle-blower singles out 5 drugs +Business,Dollar hits new low against euro +Business,Salvation Army hopes to avoid blue Christmas +Business,30-year mortgage rates show slight decline for week +Sci/Tech,California sets tougher fuel standards +Sports,ELI EASES INTO ROLE AS SAVIOR +World,Karzai: Don #39;t Spray Our Poppies +World,"Kyoto treaty to come into effect on February 16, 2005" +Business,Quiet first half hits EMI profits +Business,Report: Yukos unit to be auctioned +Business,"IRS increases audits, wants more enforcement" +Business,Rayovac to Buy United Industries +Sci/Tech,Recording Companies Sue 761 More Computer Users +Sci/Tech,Long-awaited Halo 2 for Xbox runs rings around the competition +Sports,FIFA act on race hate row +World,Two Japanese Men Sentenced for Data Theft (AP) +Sports,Westwood grabs lead in Nedbank Golf Challenge +World,Bush to Take Security Agenda to APEC Meet (AP) +World,Home Ownership Tops Bush Housing Agenda (AP) +World,Boxer Becomes Third Biggest Vote Getter (AP) +World,Santorum Keeps Low Profile With Specter (AP) +Sci/Tech,Prince of Persia: Warri +World,"Sudan Govt., South Rebels Pledge Peace by Dec. 31" +World,Venezuela Govt. Believes Car Blast Kills Prosecutor +Sports,"The naked truth about pro sports, television" +Business,"Dollar Steadies, More Weakness Expected (Reuters)" +Business,"Weak exports, consumption take toll on South Korea's economy (AFP)" +Business,Yukos Main Subsidiary to Be Sold on December 19 +Business,Dollar Holds on to Gain From Record Low; G-20 May Voice Concern +Business,"Kmart-Sears merger about price, quality" +Business,Radio veteran Karmazin joins Sirius +Business,COMUNICADO DE ROCHE +Business,Universal Life Resources sued by Calif. +Sci/Tech,Ancient ape #39;s bones unearthed in Spain +Sci/Tech,"Mac Expo: Andy Ihnatko, live and loud" +Sports,Sorenstam #39;s lead follows birdies +Sports,"Hokies crush Terps, maintain ACC lead" +Sports,Cricket: Ton of class from Oram as NZ keep hopes alive +Sports,Knicks notebook: Wilkens is still having doubts about Thomas +Sports,WSU notebook: Coach Doba worried about UW trick plays +World,Sudanese government and rebels agree to end southern conflict by <b>...</b> +World,UKIP #39;s attacks embarrass newly elected Barroso Commission +World,"Myanmar frees 4,000 wrongly imprisoned from jail" +Sci/Tech,Chappelle DVD Set for June Release Via Sony (Reuters) +World,Militants Try to Stir Arab-Kurd Violence (AP) +Sci/Tech,Manufacturer Gets Help Managing Product Information (TechWeb) +Sports,Greek sprinters charged +Sports,This week's picks +Sports,"This weekend on TV, radio" +Sports,Preps step into spotlight +Sports,But seriously folks +Sports,From the frying pan to the kitchen +Sports,Belichick's appraisal? Praise +Sports,"Now, Owens a little skittish" +Sports,Stoneham takes next step +Sports,Providence writes off Penn +Sports,Win assures B-R spot in the playoffs +Sports,Case closes out Melrose in five +World,How to make a gigapixel picture +World,Radio Free Europe Woos Russian Listeners (AP) +Sci/Tech,IBM Says It Swamps Rivals in Key UNIX Computer Test +Sci/Tech,"After False Starts, 3G Mobile Service Set for Take-Off" +Sci/Tech,Intel Says Shifting Focus of Itanium to Higher-End +Sci/Tech,Electronic Eye Devised to Help Blind Cross Roads +Business,Russia pays \$63m in debts to IMF +Sci/Tech,Anticipated #39;Halo 2 #39; Leaves Gamers Panting +Sports,Spain in another racist football row +Sports,"ROY LANG III: America thanks you, Paul Casey" +Sports,Knicks beat Rockets 93-92 Rockets with buzzer 3-pointer +Sports,Chase for Cup coming to wild finish +World,Ukraine Election Commission Pores Over Last Results +World,Powell accuses Iranians of developing nuclear weapons +World,Arafat #39;s death may bring peace to Mid East +Sci/Tech,"Mac Skeptic: Apple's ISight, a Webcam and More" +Sci/Tech,Discount Desktops: How Low Can You Go? +Sci/Tech,Photos from MacExpo 2004 +Sci/Tech,Mac OS X Tip of the Week: Tell-Tale Icons +Sci/Tech,FCC Crackdown Could Spread +Sci/Tech,Wheels of Progress Turn Slowly +Sci/Tech,Web Media Buyouts Coming? Kinda +Sci/Tech,"Jak of All Trades, Master of Fun" +Sci/Tech,Advertisers Muscle Into RSS +Sci/Tech,Stem Cells Feed Brain Tumors +Sci/Tech,Wisconsin to Invest in Stem Cells +Sci/Tech,Fossils Found in Spain Seen as Last Link to Great Apes +Sci/Tech,Running Extra Mile Sets Humans Apart in Primates' World +Sports,"Harris, Miami Upend No. 19 Florida 72-65 (AP)" +Sci/Tech,Evidence Hints at Earlier Humans in Americas +Sci/Tech,"Joseph Weiss, 80, Originator of Theory on Facing Trauma, Dies" +World,"Aishwarya Rai to star in Hollywood blockbuster ""Taj Mahal"" (AFP)" +Sci/Tech,Bridging the Gadget Gift Gap +Business,Stocks overcome some gloomy news +Business,EMI sales slip on weak release schedule +Business,IRS on search for Nebraska residents +Sports,Tim Duncan Leads Spurs Past 76ers 88-80 (AP) +Sports,Sorenstam Leads ADT Championship by One (AP) +Sci/Tech,Gates and Ballmer the most spammed in the world +Sci/Tech,MIKE #39;S MAILBAG +Sports,Alexander Credits Line for His Success (AP) +Sports,Henman can #39;t wait for Safin +Sports,"No. 5 Syracuse 71, No. 12 Mississippi St. 58" +Sports,AUTO RACING: I hope to help Busch +Sports,Martyn back on an even keel +Sci/Tech,Motorola to Build Cell Phones Into Ski Jackets (Reuters) +World,Myanmar frees some political prisoners +Business,Update 9: Russia Advances Plans to Break Up Yukos +Business,Eisner admitted lying on Kings show about Ovitz +Business,Oracle to Issue Tender Results Saturday +Business,EMI sees profits fall but upbeat on outlook +Business,Cancer Drug Tarceva Approved +Business,"Profits Are Up 24 at Disney and So, It Says, Is Teamwork" +Business,Intel looks to log result boost in 2005 +Business,"For the Salvation Army, there #39;s little holiday cheer at this <b>...</b>" +Business,Sharper Image says campaign hurt 3Q +Business,Trade Negotiators Get Technical at WTO +Sci/Tech,Ballmer #39;s Asian IP warning set to backfire +Sci/Tech,Fossil of last great ape ancestor found +Sci/Tech,Recording Companies Sue ISU Students +Sci/Tech,MSN Re-Ups With Overture Through June 2006 +Sci/Tech,Apple begins European adventure +Sci/Tech,Microsoft Launches Regional Versions of Hotmail +Sci/Tech,Gamers Rewarded With Another Life +Sci/Tech,Nintendo set to introduce new handheld gaming system +Sci/Tech,Search engines get more specifics +Sci/Tech,Ease of Purchase Makes iTunes Popular +Sci/Tech,Sun posts Java source code to developers +Sports,NBA Today (AP) +Sports,Safin stands in path of Henman +Sports,CRUEL MADRID +Sports,London unveils plans for Olympic Games +Sports,Ecuador stun Brazil; Argentina up +Sports,Dutch driver Albers to test for Jordan +Sports,"NASCAR gets its drama, but cost might be high" +Sports,"Primera Liga matches, November 20-21" +Sports,Honda buys 45 pct stake in BAR team from BAT +Sports,Manning in eye of the storm +Sports,"Power in final, but at huge cost" +Sports,Speculation about Tedford dominates Big Game buildup +Sports,Boise St. Seeks Third Straight WAC Title (AP) +Sports,Woods Critical of PGA on Ryder Captain (AP) +World,Powell Remarks on Iran Create Stir in Washington +World,Chirac Hails Anglo-French #39;Harmony #39; +World,Activists ready to frustrate Chile #39;s APEC Summit +World,Pakistan Adopts Wait And See Approach to Kashmir Peace Process +World,Sharon #39;is going soft #39; +World,Prince Charles: Man of the People or Royal Snob? +World,US firms prove green credentials +World,Troops ready for Mosul after Fallujah +World,Summit day important in African history: AU official +Business,Dollar Back Toward Record Lows Vs. Euro (Reuters) +Business,Oracle to Issue Tender Results Saturday (Reuters) +Business,Oil Prices Up Ahead of Northern Winter (Reuters) +Business,G20 meets amid record-high euro and weak dollar (AFP) +Business,Drug firms hit by safety scares +Business,World Bank pledges Kashmir help +Business,Greenspan: U.S. Needs to Cut Budget Gap (Reuters) +Business,Greenspan Warns About Trade Deficit Impact (AP) +Business,Greenspan Urges Budget Gap Reduction +Business,A slip to end stock week? +Business,Giants join 3G forces +Business,Delta Extends Note Exchange Offer +Sci/Tech,High-Tech City to Go Up in Southern India (AP) +Sports,No. 5 Syracuse to Play No. 24 Memphis (AP) +Sci/Tech,"Amazon CEO Bezos Sells 450,000 Shares for #36;18.2 Mln (Reuters)" +Sci/Tech,Microsoft Launches Regional Versions of Hotmail (Reuters) +World,Music company EMI reports loss for first half but says sales on way back up (Canadian Press) +Sci/Tech,"Mac Skeptic: Apple's ISight, a Webcam and More (PC World)" +World,Suicide Bomber Crashes Into Iraqi Police (AP) +Sci/Tech,Spammed inbox for Bill Gates +Sci/Tech,No half measures with Half-Life 2 +Sci/Tech,More Security Holes Found In Internet Explorer 6.0 +Sci/Tech,Power Surfing +Sci/Tech,"U2 sees iPod TV spots as synergy, not sellout (USATODAY.com)" +Sports,Honda Takes 45 Stake in British American #39;s F-1 Team (Update1) +Sports,Liga Weekend Preview: El Clasico Dominates +Sports,Spurrier reportedly to lead USC after Holtz #39;s retirement +Sports,A really Big Game +World,Kazakh government seeks to buy British Gas stake in huge oil project (Canadian Press) +World,Sudanese sign pledge to end long civil war +World,Dollar Back Toward Record Lows Vs. Euro +Sci/Tech,Asian CEOs Warned of Threat from Climate Change (Reuters) +Sci/Tech,Scientists See Hope Amid Coral Doom and Gloom (Reuters) +Sci/Tech,New Study to Compare Genetic Make-Up of Asians (Reuters) +World,Sudan Foes Sign Peace Pledge at Security Council +Sci/Tech,Summary: U.N Draft Ban on Human Cloning (AP) +World,Palestinians Reject Sharon's Peace 'Test' +World,Site: Zarqawi Group Beheads Two Iraqi Soldiers +World,Myanmar Frees Prominent Political Prisoners +World,S.Korean Farmers Clash with Police on Rice Imports +World,Gunman kills Sri Lankan judge +World,Cheap HIV treatment hailed +World,"Death toll from storm in Philippines rises to at least 527, 352 <b>...</b>" +World,Tennis: Roddick makes semis +World,Golf: Woods upset at Ryder post +World,Belgium death threat suspect held +World,Egypt wants Guantanamo releases +World,Agreement May Be Near on 9/11 Bill +World,Official Allegedly Hinted At Saudi Torture of Man +World,Venezuela Govt. Believes Car Blast Kills Prosecutor +Sci/Tech,UK looks at 'integrating' ID card with health care +Sci/Tech,"Digital music download coin-op to offer 'all formats, all DRMs'" +Sci/Tech,<em>The Register</em> is band full of s**t +Sci/Tech,From Indymedia to the Moon: your musings in full +World,Renewed violence shatters lull in Baghdad +Sci/Tech,EMI looks to digital as download sales quadruple +Sci/Tech,Home working trial proves popular +World,"Car bombers strike near green zone, 7 dead" +Business,Dollar Slips After Greenspan Remarks (Reuters) +Business,Dollar Slips After Greenspan Remarks +Business,"Stocks Seen Flat, Drug Makers Pressured" +Business,Oil Prices Rise Ahead of Northern Winter +Sports,Ton-up Vik wows Zim +Business,Oracle to Issue Tender Results Saturday +Business,J.M. Smucker Quarterly Profit Rises +Business,Advancis: Funds Through Early 2006 +Sports,Time To Applaud Chelsea #39;s Football +Sci/Tech,Companies Forced to Fight Phishing +Sci/Tech,High-Tech City to Go Up in Southern India +Sci/Tech,Nintendo DS a Sleek Powerhouse +Sports,Hartson double puts Celtic top +Sports,Arsenal gets back to winning ways +World,Verdict Due for Afghan in Killing of Journalists +World,"At Unusual U.N. Session, Sudanese Factions Vow to End War" +Business,Nike #39;s father to step down +Business,Russia set to auction oil giants prize asset +Business,EMI stock surges 10 on robust 2H outlook +Business,Waterford Wedgwood Posts Heavy Losses +Business,Telcos forge 3G link +Business,Intel to Invest \$40 Million in Bangalore +Business,A dash of holiday giving +Business,Cherkasky: Marsh Clears Its Board Of Insiders +World,"Iraqi Forces, U.S. Troops Storm Baghdad Mosque" +Business,FDA Says Stands by Safety of Approved Drugs +Business,Acquisition helps Smucker reports 18 percent earnings increase +Business,Former Viacom president Karmazin returns to radio roots with <b>...</b> +Sci/Tech,RIAA launches P2P file sharing legal blitz +Sci/Tech,Sun #39;s New No. 1 Threat +Sci/Tech,First Apple Retail Store in Europe on its marks and set to ... +Sci/Tech,Explorer Again In The News For Wrong Reasons +Sci/Tech,Science: Europe Probe Lands on Mars +Sports,Coe outlines London bid for 2012 Olympics +Business,US Airways Mechanics Not Hopeful +Sports,Prem Preview : Man United-Charlton +Sports,Hokies Keep ACC Title Hopes Alive With Win +Sports,Chase comes to Florida with trio in hot pursuit +Business,Holiday Air Travel +World,Ministers lash Charles +World,Rivals ready themselves for Palestinian poll +World,Two killed in Baghdad mosque clash; Iraqi troops prepare assault <b>...</b> +Business,European Shares Hit New 2-1/2 Year Peak +Sci/Tech,Speculation Surrounding IE Updates Continues +Business,Online Award to Times Writer +World,"Update 4: Japan, China Leaders Agree to Meeting" +Business,Supermarket chain Loblaw #39;s third-quarter profit rises 18 to \$258 <b>...</b> +Business,Wholesale sales fell in September for the first time in 7 months <b>...</b> +Business,Karmazin named CEO at Sirius +Business,Controversy over Christmas kettles +Business,Greenspan Sends Dollar to 4-Yr Low Vs Yen (Reuters) +Business,FDA Says Approved Drugs Are Safe (Reuters) +Sci/Tech,11 local Net file sharers targeted +Sci/Tech,In-Depth Review: What Makes Firefox 1.0 So Compelling +Sports,Oram puts Australian attack to the sword +Business,Greenspan: Appetite for Dollar to Dwindle +World,End armed chaos - Palestinian leader +World,Democratization of Europe +Sports,Fit-again Kallis to play in first India test +Business,Russia Sets Auction for Oil Giant Yukos +Business,Canadian Grocer Loblaw Sales Up 6 Pct. +Business,Disney's Not Goofy +Business,Wall St. Seen Flat as Drug Shares Weigh +Business,Dolby Labs Files for a \$460 Million IPO +Business,Investors May Sue Russia as YUKOS Tanks +Business,Euro steadies below 1.30 dollars ahead of G20 meeting +Business,Loblaw Profit Rises 19 as Lederer Fends Off Wal-Mart (Update1) +Business,"NVIDIA and Intel Sign Broad Cross-License, Chipsets License <b>...</b>" +Business,Stocks Open Flat; Pressure on Drugmakers +Sci/Tech,Microsoft warns of Linux dangers +Sci/Tech,Google engineers new scholarly search +Sci/Tech,Oracle settles on quarterly patch regime +Sci/Tech,AOL adds anti-spam features to version 9.0 +Sports,Spanish leaders denounce racial taunts by soccer fans +Sports,No mercy for England says Os +World,WTO Rules Against EU Protection of Goods (AP) +World,"Prince #39;out of touch #39; with education, says Clarke" +World,Palestinians fail first post-Arafat leadership test +World,"After Kashmir, PM bids to calm northeast fires (Reuters)" +World,B.C. doesn't have to pay for special autism treatment: Supreme Court (Canadian Press) +World,Annan Sees Hope for Great Lakes Peace +World,Chirac on final day of UK visit +Business,"Nvidia, Intel Sign Cross-License Deal" +Sci/Tech,Microsoft Tries To Steer Asian Government Away From Linux +Sports,Raptors reportedly considering Carter trade +Sports,Organizers Say 2006 Olympics on Track (AP) +Business,Greenspan Sends Dollar to Multiyear Lows +Business,Official Insists FDA Acted Appropriately With Vioxx +Business,Stocks Fall on Greenspan Deficit Warning +World,U.S. Firm Buys Stake in Jimmy Choo (AP) +Sci/Tech,Karmazin Brings Sirius Starpower to Radio (washingtonpost.com) +Sci/Tech,RIAA Files New Lawsuits +Sci/Tech,Gateway Launches New Media Center PCs +Sports,New York Knicks Team Report - November 19 +World,Putin: No authoritarian rule in Russia +Sports,Pitt Locks Up BCS Bid +Sci/Tech,Are You A Comfort Addict? +Sci/Tech,Sigourney Weaver books flight with Virgin Galactica +Sci/Tech,Operators wake up to mobile enterprise needs +Sci/Tech,EMI's download music sales soar +Sci/Tech,Microsoft Launches Regional Versions of Hotmail +Sci/Tech,Phishing Schemes +Sci/Tech,Karmazin Brings Sirius Starpower to Radio +Sci/Tech,Earnings alert: Linux OS sales boost Novell +Sci/Tech,TV technology enters a new generation +Sports,Coulthard Hints at Red Bull Move +Business,Euro Reaches New High against Dollar +Business,Stocks End High on Jobless Claims Report +Business,Movie Gallery Bids on Hollywood Chain +Business,NY pension fund says to tender PeopleSoft stock +Business,EMI looks to digital future as download sales quadruple +Sci/Tech,SAN LORENZO Sports card auctions lead to indictment +Sci/Tech,AOL launches 9.0 Security Edition +Sports,Fifa to probe Spain #39;s race abuse shame +Sports,No. 15 Va. Tech Drubs Maryland 55-6 +Sports,Report: NHL agent loses certification +World,Jacquess Cracks +World,Sharon drops key demand for peace talks +Sci/Tech,Vodafone tests Chinese mobile phone equipment +Sci/Tech,"DoCoMo develops Linux, Symbian common software platform" +Sci/Tech,Calpers tenders PeopleSoft shares to Oracle +Sci/Tech,"Update: Yahoo, SBC extend partnership, plan new services" +Business,Dollar Drops After Greenspan Warning on Current-Account Deficit +Business,ECB delays task of choosing architect +Business,WTO panel rules in favor of S. Korea #39;s Hynix in dispute with 0U.S. +Sci/Tech,Bill Gates Inundated with Spam +Sci/Tech,SMART-1 #39;s Ion Drive: From Fiction to Fact +Sci/Tech,Let the handheld games begin +World,"At Unusual UN Session, Sudanese Factions Vow to End War" +World,"US, Iraqi Troops Storm Baghdad Mosque" +Sci/Tech,Does Your Site Need a Custom Search Engine Toolbar? +Sci/Tech,Search Engine Marketing: Internet Gardening Tips For 2005 +Sci/Tech,Babelplex Multilingual Search Engine - the C3PO of Search +Sci/Tech,Trouble for California Cloning? +Sci/Tech,Gamers Rewarded With Another Life +Sci/Tech,"Please, More Steam-Powered Games" +Sci/Tech,Pushing the Male Envelope +Sci/Tech,Don't Touch That Dial +Sci/Tech,Researchers: Florida Vote Fishy +Business,"Treasuries Down, Greenspan Warns on Rates" +Business,FDA scientist details problems of five drugs +Business,Nike #39;s Knight Resigns As CEO +Business,"Dollar sinks after Greenspan remarks, gold up in Europe" +Business,"Intel, Nvidia Sign Cross-Licensing Pact" +Business,Intel to invest \$40 million in India +Business,Dolby Labs files for IPO worth up to \$460 million +Business,Genentech #39;s new lung cancer drug gets FDA approval +Business,Loblaws Q3 profit up 18 +Business,Germany calls for measures to halt dollar decline +Sci/Tech,Think your spam is a problem? Think again. +Sci/Tech,Minneapolis PR Upstart Joins Web-Browser War +Sci/Tech,Zoo nixes request to send aging elephants to sanctuary +World,"Bomber Targets Baghdad Police, Troops Raid Mosque (Reuters)" +Sports,Trevor and Rory fight back +Sports,Tiger Takes A Stand On Ryder Cup Politics +Sports,England-South Africa pits World Cup winner versus Tri-Nations <b>...</b> +Sports,Will SEC tee off on Spurrier? +Sports,Comeback not enough +World,Sharon eases conditions to restart peace talks +World,Bush to press APEC leaders on N. Korea +Sports,Arsenal Gets Back to Winning Ways (AP) +Business,Mel #39;s Sirius Decision +Business,Hollinger International gets cash from CanWest deal +Sci/Tech,Electronic Eye Devised to Help Blind Cross Roads +Sports,Rooney apologises for Madrid display +Sports,Novo wins appeal of red card +World,Afghan opium cultivation area increased by 64 percent: UN : +Business,Greenspan Rate Warning Spooks Treasuries (Reuters) +Business,Japanese Officials Assure Recovery (AP) +Business,"Dow, S P 500, Nasdaq All Drop 1 Percent" +Business,Greenspan Rate Warning Spooks Treasuries +Business,Sri Lankan budget eyes brothel gains +Business,Phil Knight to resign as CEO of Nike +Business,"Greenspan sceptical about central bank intervention, warns on US <b>...</b>" +Business,Nvidia Cross-Licensing Deal Positive For Intel +Business,Pay-Per-Channel TV Would Cost Viewers More -- FCC +Business,"Tennis star Andre Agassi wins appeal, will avoid British taxman" +Business,"JM Smucker Disappoints, Sales Flat" +Sci/Tech,Spamming the Big Fish +Sci/Tech,Microsoft raises FUD over patents +Sci/Tech,Bones of Possible Missing Link Unearthed in Spain +Sci/Tech, #39;Electronic eye #39; helps blind across the road +Sci/Tech,State news of national interest +Sci/Tech,Apple To Open London Store +Sports,Honda to take stake in BAR-Honda F1 team +Sports,"Favre, Tice can #39;t help but admire their NFC North enemies" +Sports,Around the CFL: The Argos are all business +Sports,Winky: #39;I #39;m going to dominate Shane #39; +World,2004 Asia Pacific Economic Cooperation (APEC) Summit - Chile +Sci/Tech,FCC Updates Congress on Cable TV Prices +Sci/Tech,Battered Wife Wins Suit Against Md. Matchmaker +Business,The Fool's Look Ahead +Business,Greenspan sceptical about central bank intervention on forex markets (AFP) +Business,Movie Gallery Bids for Hollywood Video (Reuters) +Sci/Tech,Worm salutes Microsoft +Sci/Tech,Sober worm variant shimmies +Business,AstraZeneca Shares Fall on Crestor Worry +Business,Movie Gallery Bids for Hollywood Video +Business,"J.M. Smucker Disappoints, Sales Flat" +Sci/Tech,Pressure mounts on EDS over U.K. government IT system grows +Business,CORRECTED - UPDATE 2-Greenspan warns appetite for dollar to <b>...</b> +Business,Oil soars back near \$48 +Business,Stocks step back +Business,EMI upbeat on music business +Business,Morning business news +Sci/Tech,Bill Gates sees spam quot;under control quot; in two years +Sci/Tech,Recording Cos. Sue 761 for Music Swapping +Sci/Tech,Microsoft renews Yahoo! ad contract +Sci/Tech,NASA sets Swift launch for Saturday +Sci/Tech,Md. DNA lab fires analyst +Sci/Tech,DoCoMo taps up Linux and Symbian for common aim +Sports,England leads at World Cup of Golf +World,"UN adopts resolution on Sudan, slammed by aid agencies as 'weak' (AFP)" +World,U.S. Commander: N. Korea May Sell Nukes (AP) +Business,Stocks narrowly mixed.. +World,Palestinians cool to apparent softening by Sharon +World,AFGHAN OPIUM GROWING UP TWO THIRDS +World,Sharon 'eases' talks conditions +Sci/Tech,Voq Pro smart phone +Sports,"Casey, Donald Five Ahead at World Cup (AP)" +Business,Serbia seeks support for budget +Business,Bush Signs Into Law Debt Ceiling Increase (Reuters) +Business,BT launches mobile phone service +Business,The Perfect Business +Business,Russia Advances Plans to Break Up Yukos +Business,Crematory to Draw Guilty Plea +Sci/Tech,Recording Cos. Sue 761 for Music Swapping (AP) +World,Chirac tries to ease Franco-British tensions over Iraq (AFP) +Sci/Tech,Bill Gates Gets 4 Million Spams A Day +Sports,Spanish FA sorry for racist taunts +Sports,It was a mutual decision insists Richards +Sports,Quieroz defends under-fire Rooney +Sports,Raptors shipping Carter to Blazers: report +World,"US team to search for remains of 2,000 soldiers in North Korea (AFP)" +Sports,No. 19 Pitt QB Palco Throws 5 TDs in Win (AP) +Sci/Tech,Agency: Less Than 30 Chinese Tigers Left in Wild (Reuters) +World,US envoy tells Ukraine leaders to hold fair vote (AFP) +Sci/Tech,Imagine That! Star Patterns to Ponder (SPACE.com) +Sci/Tech,Quantum Astronomy: The Heisenberg Uncertainty Principle (SPACE.com) +World,Bomb Kills Veneuelan Prosecutor +World,Bomb Kills Venezuela Prosecutor Leading Coup Probe +Sports,No. 9 N.C. Holds Off No. 8 Kentucky 91-78 (AP) +Sci/Tech,Putting Linux on notice +Sci/Tech,Sober worm causes headaches +Sci/Tech,Nintendo aims for older crowd with DS +Business,Dollar Plunges on Greenspan Comments +Business,KMG Chemicals Stock Soars on 1Q Earnings +Business,Novell Shares Slide on Missed Estimates +Sci/Tech,Asia-Pac a key software market: Ballmer +Sci/Tech,Nintendo aims for older crowd with DS +Sci/Tech,"Peruse most any cookbook, I suppose, and eventually you #39;ll stumble <b>...</b>" +Sports,Wolverines should ride Hart and hope to establish early lead +World,Nephew leaves Gaza for France to receive Arafat #39;s death report +World,Troops storm Baghdad mosque +Sci/Tech,"Oracle, PeopleSoft prepared for midnight offer deadline" +World,Suicide Bomber Kills 8 Iraqi Police Officers +Business,Takers Line Up To Buy Hollywood Video Stores +Business,Apollo to buy Goodman Global for \$1.43B +Business,"Stocks Open Higher After CPI, HP Earnings" +Business,Cable television a la carte +Business,Hibbett 3Q Profit Rises to \$6.3 Million +Business,Intel lays deeper Indian foundations +Sci/Tech,Humans Ran Into Evolution +Sci/Tech,Ballmer Warns Asian Officials of Linux Suits +Sci/Tech,Alert: New Sober Variant +Sci/Tech,"DoCoMo standardizes on Symbian OS, and on Linux" +Sci/Tech,Half-Life 2 users bitten by bugs +Sci/Tech,Man indicted in eBay fraud +Sports,Duo boost England hopes +Sports,Iordanescu resigns as Romania coach +Sports,Racism on trial in La Liga +World,Bush to name choice to lead Education Dept. +World,Prince Charles right or wrong? +World,Powell States Preference for Diplomacy (AP) +World,Israel probes body abuse claims +World,Revelations Only Confirm Suspicions About Drugs +Business,"Dow, S P, Nasdaq All Down" +Business,Bush Signs Into Law Debt Ceiling Increase +Business,Judge Will Mull Voiding UAL Union Deals +Business,A Hot Prospect for Hidden Gems +Business,FDA Clears Genentech #39;s Tarceva For Lung Cancer +Business,"Rocket Maker, Rule Breaker?" +Business,Casual Male's Uphill Climb +Business,Electronics Boutique Quintuples Earnings +Sci/Tech,"""Brain"" in Dish Flies Simulated Fighter Jet" +Sci/Tech,"""National Treasure"": Freemasons, Fact, and Fiction" +Sci/Tech,Luxury and Conservation at Dubai's Desert Haven +Sci/Tech,Ancient Ape Discovered: Last Ape-Human Ancestor? +Business,FDA expert accuses agency over Vioxx +Business,Russia set to auction off oil giant to recoup unpaid taxes +Business,Nvidia to put more force behind Intel processors +Business,Web shoppers open their wallets wider +Business,Judge to Mull UAL Bid to Void Labor Pacts +Business,Flights Grounded During Italian Controller Strike +Business,Congress Reapproves Internet Access Tax Ban +Business,Electronics Boutique Quintuples Earnings +Business,GM hasn #39;t yet ruled out using Stelco steel in #39;05 +Business,Supermarket chain Loblaw #39;s profit up 18 at \$258M with merchandise <b>...</b> +Sci/Tech,Novell revenue up as SUSE investment shows promise +Sports,Chicago Bears Winning With Defense (AP) +World,al-Qaida Hunt Achieved Limited Success (AP) +Sci/Tech,"Ballmer on Linux, part II" +Sci/Tech,Hotmail Upgrade Finally Starts +Sci/Tech,"Fast-Spreading Sober Worm Up In Europe, Heading To US" +Sci/Tech,Google sees benefits in corporate blogging +Sports,Agassi Wins Appeal Against British Tax Ruling +Sports,SI.com #39;s BJ Schecter breaks down a key Mountain West showdown +Sports,Iordanescu steps down as Romania coach +Sci/Tech,"IBM, Fla. university look to autonomic computing research" +Sci/Tech,California employee pension fund tenders PeopleSoft shares to Oracle +World,Source of Powell #39;s Iran intelligence under scrutiny +World,Santiago march turns violent +Sci/Tech,MS strategy pushes it to cross-platform support +Business,Yukos Unit To Be Auctioned Off Next Month +World,Ukraine's Face Is Mirrored in a Candidate +Business,"Icahn, Group Offers to Buy Mylan Labs" +Sports,New Orleans Lineman Has Unique Motivation (AP) +Business,Greenspan: Appetite for Dollar Will Wane (Reuters) +World,Experts Fear Medicare Won't Work for Nursing Home Patients +Business,Greenspan: Appetite for Dollar Will Wane +Business,Stocks Tumble; Greenspan Jolts Investors +Business,"Greenspan Warns, Treasuries Recoil" +Business,Judge to Mull UAL Bid to Void Labor Pacts +Business,Oracle's PeopleSoft Bid Deadline Nears +Business,Italian budget airline grounded +Business,Holiday travel may bring little cheer +Business,3Q e-commerce sales rise 4.7 +Business,CanWest debt shuffle provides US\$133.6M in cash to Hollinger <b>...</b> +Sports,Gators Try to Break Drought at FSU (AP) +Sports,Oklahoma Could Get Blowout It Needs (AP) +Sci/Tech,Apple to open first European retail store in London +Sci/Tech,Solaris 10 Supports High-Volume 64-Bit Computing +World,"Kim portraits still in place, North Korea says" +Business,Chinese leader says economy to grow about 9.0 percent in 2004 (AFP) +Business,Street protests greet Apec summit +World,House G.O.P. Leader Hails Ethics Panel's Rebuke of His Accuser +Business,Judge could kill United union contract +Business,Howard Stern and Sirius Pull Off Major Publicity Stunt +Business,House approves extension of ban on taxing the Internet +Business,FDA approves new lung cancer drug +Business,"Fed #39;s Stern sees solid growth, low inflation" +Sci/Tech,College Students Feel Sting of RIAA Lawsuits +Sci/Tech,US Plans Would Defer Roan Plateau Drilling +Sci/Tech,"MSN, Yahoo Deal Extended" +Sci/Tech,Microsoft Hotmail Ups Storage Space For New Users +Business,Oracle's PeopleSoft Bid Deadline Nears (Reuters) +Business,FDA Official Defends Drug Safety Record +Business,Icahn Offers to Buy Mylan Laboratories for \$5.38 Bln (Update2) +Business,Georgia crematory operator pleads guilty to dumping more than 300 <b>...</b> +Sci/Tech,Let the Handheld Games Begin +Sci/Tech,Play : Half-Life 2 will take over your life +Sports,Steelers Surprising Everyone but Cowher (AP) +Sports,Stars endorse London #39;s 2012 Olympic Games +Sports,Rapids fire GM +Sports,In-form Sochaux brush aside Monaco +Sports,Second-ranked Tigers biggest challenge of the year for Tide +Sports,Figure Skating: American in Paris outshines France #39;s Joubert +World,British Hunters Seek to End Fox-Hunt Ban (AP) +World,"Iraqi Troops Raid Baghdad Mosque, 17 Detained" +World,Sharon eases conditions for resuming peace talks with the <b>...</b> +World,Protests Target Bush at Summit in Chile (AP) +World,House GOP Leader DeLay Delights in Rebuke of Accuser (Reuters) +World,UN reiterates plea for hostages release in Afghanistan (AFP) +World,"Iraqi Troops Raid Baghdad Mosque, 17 Detained" +World,Myanmar Frees Prominent Political Prisoners +World,"After Iraq, Spain Turns Again Toward Latin America" +World,Ukraine Liberal Vows Demonstrations if Cheated +World,Protests Target Bush at Summit in Chile +World,"Bomb Kills Venezuela Prosecutor, Gov't Swipes at US" +Business,"Stocks Tumble, Greenspan Jolts Investors" +Business,Movie Gallery Offers to Buy Hollywood Video Chain +Business,Scientist: FDA Incapable of Protecting Safety +Business,New Drug for Advanced Lung Cancer +Sci/Tech,Congress Blocks Net Connection Taxation (AP) +Sci/Tech,New Sober Worm on the Loose (Ziff Davis) +Sports,Angels Ship Guillen to Expos (Reuters) +World,Smith steps closer to Scotland manager's job (AFP) +Sci/Tech,Red Hat More Competition For Sun Than Microsoft +Sci/Tech,NTT DoCoMo chooses Linux for next-gen phones +Sci/Tech,Novell Rebounds In Fiscal 2004 On Linux Revenue +Sports,Univ. of D.C. Cancels Basketball (AP) +World,Insurgency a Problem for Iraq Rebuilding (AP) +Sci/Tech,"MSN, Yahoo Deal Extended (NewsFactor)" +Sports,TO solution: Don #39;t show TD antics +Sports,AP NewsBreak: Angels trade Guillen to Expos for Juan Rivera and a <b>...</b> +Sports,"After toiling in boxing #39;s minor leagues, Wright ready to make his <b>...</b>" +World,Ivory Coast crisis brightens coffee traders #39; prospects +Sci/Tech,"Remote Access Gets Safer, Easier (Ziff Davis)" +Sports,Angels Ship Guillen to Expos +Sports,Hewitt Crushes Gaudio to Reach Masters Semifinals +Sci/Tech,Microsoft's Ownership of Trademark in Doubt (NewsFactor) +Sci/Tech,Software as a Service Feels Price Pinch (NewsFactor) +Sci/Tech,Oracle Bid Expected to Get Rival Support (AP) +Sports,BALCO Head Says Feds Wanted Him to Record Athletes +World,"Cy Coleman, Broadway Composer, Dies at 75" +World,WTO Negotiators Finish Week of Farm Talks +World,Powell States Preference for Diplomacy +Sci/Tech,"Introducing the big, bad BOFH polo shirt" +World,Harper says Conservatives will settle for nothing less than forming next government (Canadian Press) +Business,Icahn Offers Nearly #36;5 Bln for Mylan Labs (Reuters) +World,Germany Arrests 4th Suspect in Allawi Plot (AP) +Business,"Stocks Fall, Jolted by Oil and Greenspan" +Business,Congress Reinstates Internet Tax Ban +Business,Is Disney a Growth Stock? +Business,A New Drug for Lung Cancer +Sports,Spurrier Not Guaranteed Augusta Membership +Sports,"Marino, Young Considered for Hall of Fame" +Business,US FDA official defends agency #39;s handling of drug safety issues +Business,Greenspan Warns That US Deficits Pose Risk to Dollar +Business,Congress blocks taxation of Internet connections +Business,Icahn Offers Nearly \$5 Billion for Mylan +Business,Salvation Army Red Kettle campaign begins +Business,Several area taxpayers due refunds +Sci/Tech,Fossil of Great Ape Ancestor Found +Sci/Tech,Nvidia signs chipset license with Intel +Sci/Tech,Apple plans Toronto retail store +Sci/Tech,Scientist: Early Humans Ran Wild +Sci/Tech,Skulls program kills cell phone apps +Sci/Tech,This week in security news +Sports,"Hewitt routs Gaudio, eases into Masters Cup semis" +Sports,Honda moves in at BAR +Sports,"Anaheim receives Izturis, Rivera in trade" +Sports,CFL commissioner says improving refs quot;top priority quot; +World,"At APEC, Bush to Work on North Korea, Iran" +World,"Burma said to be freeing 4,000 political prisoners" +World,Palestinians Urge US to Keep Deadline +World,Troops storm Baghdad mosque +World,UN Deadlocks on Cloning Ban +World,US TV special for tsunami relief +Sports,Soccer Club to Be Charged With Murder (AP) +Sports,Johnson Awaiting Word on Possible Trades +Sports,Mariners Trade Williams to Padres +Sports,Mariucci Passes On Irish +World,Norwegians to relive Kon-Tiki Polynesia-Peru trip (AFP) +World,Deal on offshore revenue for Nfld. and N.S. could come next week (Canadian Press) +World,Ukraine Liberal Vows Street Demos if Cheated in Poll +World,UN admits DR Congo abuses +World,Russia Sets Date for Yukos Auction +World,Soccer Club to Be Charged With Murder +World,Thousands Protest Bush Before Chile Summit +Business,Congress Prohibits Internet Taxation +Business,Outbreak of Soybean Rust Spreads +World,Armed Malawian politicians held +Sci/Tech,NVIDIA and Intel Agree +Sci/Tech,Prince of Persia sequel goes gold +Sports,SORENSTAM STAYS AHEAD +Sports,Busch wins pole for season-ending race +Sports,"Vincent, Reed out for Sunday #39;s game" +World,PM arrives for APEC summit amid noisy protests +World,Angry Egyptians reject Israeli apology for killing border police +Sports,"Miller Out, Gruber Leads Giant Slalom" +Business,Pressure grows for US budget fix amid dollar drop +Business,EMI reports net loss for first half but says sales on way back up +Business,"Oracle, PeopleSoft prepared for midnight offer deadline" +Business,"Severstal, Steelworkers, others fight Deutsche Bank #39;s Stelco bid <b>...</b>" +Sports,"Young Rebuffs NBA, Sticks With Rangers (AP)" +World,Dollar declines following Greenspan remarks (AFP) +Sci/Tech,Bill Gates: Spambuster +Sci/Tech,nVidia to make Intel chipsets +Sci/Tech,Sober worm variant shimmies +Sports,Tennis: Hewitt beats Gaudio to reach Masters Cup semis +Sports,Mariners send journeyman lefty Williams to Padres +World,Kofi Annan No Confidence Vote? +World,Negotiators Work Overtime on 9/11 Bill (AP) +Sports,Twins Keep U.S. Hopes Alive in Davis Cup Final +World,"Thousands Need Water in Aceh, Disease Emerges" +Sports,IOC Pledges \$1 Million to Tsunami Victims +World,"Sharon, now a dear old softy, can only detract from Palestinian <b>...</b>" +Sports,Nebraska Player Charged With Assualt (AP) +Business,PortalPlayer Shares Soar in Market Debut +Business,"Stocks Fall, Jolted by Oil and Greenspan" +Business,Outbreak of Soybean Rust Spreads +Business,Russia poised to split YUKOS +Business,Ban On Internet Access Taxes Poised For Approval +Business,PortalPlayer Shares Soar in Market Debut +Business,Sirius stock soars on Karmazin hire +Business,Big Dig Leaks Worse Than Thought +Business,"Microsoft, Dell big winners of Air Force deal" +Business,Salvation Army Facing Uphill Battle This Holiday Season +Sci/Tech,Cattle Tracking Tested to Protect Food (AP) +Sci/Tech,Microsoft Warns of Potential Linux Suits +Sci/Tech,Half-Life 2 (Valve / Sierra) +Sci/Tech,Prince of Persia: Golden Within +Sci/Tech,Technical glitch delays launch of NASA #39;s gamma-ray probing <b>...</b> +Sports,Spanish offer a token of regret +Sports,Sorenstam on target with first-round 66 +Sports,Licensing game means betting on a winner +Sports,Huskers lineman charged with assault against Oklahoma student +Sports,Injured Hasselbeck might not play Sunday +Sports,ChiSox #39;s Garland agrees to one-year deal +Sports,Yale in way of Harvard #39;s chance for perfection +World,Guns trained on Mosul +World,Great Lakes Talks in Dar +World,Intel's Barrett Sees Room for Chip Growth (AP) +World,"US, N.Korea Meet, But No Agreement Reached on Six-Party Talks" +Sci/Tech,Florida school district talks to Sting on iChat AV (MacCentral) +Sci/Tech,Calif. to Sue Over Sierra Nevada Logging Expansion (Reuters) +World,House Passes Bipartisan Special Education Bill (Reuters) +Business,Peoplesoft bid hangs in balance +Business,Bayer drug deal gets green light +Sci/Tech,Tech leaders see the CFO's role growing +Sci/Tech,Microsoft gives developers a glimpse of Avalon +Sci/Tech,Researchers say Internet porn is worse than crack +Sci/Tech,Oracle hopes for fast turnaround on tender results +Sports,"Kidd Practices, Might Play Monday" +Sci/Tech,Skulls program kills cell phone apps +Sci/Tech,This week in security news +Sci/Tech,BT to offer cheaper Wi-Fi to its mobile users +Sci/Tech,Photo: iPod's Toronto presence +Sci/Tech,Apple plans Toronto retail store +Sci/Tech,This week in travel tech +Sci/Tech,Kodak catches up with Sony in camera sales +Sci/Tech,Nvidia to put more force behind Intel processors +Sci/Tech,iPod chipmaker sings in Wall Street debut +Sci/Tech,Best Buy hit with lawsuit over layoffs of IT workers +Sci/Tech,"CIO hiring, recruiting evolve as job duties change" +Sci/Tech,"Oracle, PeopleSoft prepared for midnight offer deadline" +Sci/Tech,"Anti-Fraud Alliance formed to fight ID theft, phishing schemes" +Sci/Tech,Pressure grows on EDS over U.K. government IT system +Business,Mylan Shares Up As Drug Stocks Close Down +Business,"Execs amp; Accounts for November 19, 2004" +Sci/Tech,Firefox lights up Web browser world +Sci/Tech,Nvidia signs chipset license with Intel +Sci/Tech,Internet tax moratorium clears Congress +World,Car bombers kill seven in Iraq +Sci/Tech,New Sober variant spreading +Sci/Tech,Let the Handheld Games Begin +Business,Summary: Greenspan Warns of Trade Deficit (AP) +Business,Oracle's PeopleSoft Bid Deadline Nears +Business,Wall Street stocks fall on Greenspan #39;s warning on trade deficit +Business,Update 1: Movie Gallery Offers to Acquire Company +Business,Gold Banc to Pay \$16M to Resolve Claims +Business,Google founders to sell 7.2M shares +Sci/Tech,Nvidia Signs License Deal with Intel +Sci/Tech,RIAA Files 761 Music Lawsuits +Sci/Tech,Calif. to Sue Over Sierra Nevada Logging Expansion +Sports,"Garland agrees to deal, avoids arbitration" +Sports,Raptors discuss trading All-Star Carter to Trail Blazers for Abdur <b>...</b> +Sports,Angels strike a deal with Expos +Sports,ABC withdraws from BCS negotiations +World,Death threats force controversial Dutch MP underground +World,Israeli soldiers accused of tampering with corpses +Business,Help desperately wanted +Sci/Tech,Sun Opens New Front in OS Wars With Solaris 10 +Sci/Tech,Firefox lights up Web browser world +Sci/Tech,Bland Mountain salvage talks set +Sci/Tech,Seductive virus has Sobering consequence +Sci/Tech,New ID Tag Could Prevent Surgical Errors (AP) +Sports,Australia struggling against New Zealand +Sports,Torres goes first as Chivas USA choses Hispanics in MLS expansion <b>...</b> +Sports,"Mets Close in on Deals With Benson, Leiter (AP)" +Sci/Tech,Google Co-Founders to Sell Company Shares (AP) +World,Myanmar Frees Prominent Political Prisoners +World,UK in #39;war of words #39; with Charles +Sports,Torres Chosen First in MLS Expansion Draft (AP) +Sci/Tech,Enterprises warm up to open source (InfoWorld) +Sci/Tech,Oracle's PeopleSoft Bid Deadline Nears (Reuters) +World,Alberta Senate election candidates question Klein's resolve on Senate reform (Canadian Press) +Sci/Tech,"Tools wrap: Sybase, Clear Clear eye data modeling, BPEL (InfoWorld)" +Sci/Tech,Frozen Wooly Mammoth Arrives in Japan (AP) +World,Cuba and Panama restore ties +Sci/Tech,This week in Linux news +Business,A City Built Upon Wits +Sci/Tech,Nanotech golf ball corrects its own flight +Sci/Tech,"Tools wrap: Sybase, Cape Clear eye data modeling, BPEL" +Sci/Tech,Enterprises warm up to open source +Business,Icahn Offers to Buy Mylan Laboratories for \$5.38 Bln (Update5) +Business,Banking Company Settles +Sports,Busch Wins Pole for Nextel Cup Finale +Business,Dangerous Drugs +Business,EMI sees music market improving +Business,"Oil little changed, ponders winter weather" +Business,It girl turned sole trader makes millions as Jimmy Choo deal is <b>...</b> +Business,Enron Broadband trial delayed to April Fool #39;s Day +Sci/Tech,Searching for a Perfect PC? An Answer for Everybody +Sports,Mourinho #39;s magic working for Chelsea +Business,AstraZeneca and GSK shares rocked by safety concerns +Business,"New artists, cost cuts and digital growth cheer EMI" +Business,Oil Jumps More Than \$2 on Winter Worries +Business,Ray Brent Marsh Plea Agreement +Business,Gold Banc to pay \$16 mln to resolve loan claims +Business,Dollar fall #39;will hit economies #39; +Sports,Angels Trade Jose Guillen to Expos (AP) +World,"Iraqi Troops Raid Baghdad Mosque, 17 Detained (Reuters)" +Sports,Kidd Hopes to Practice Next Month (AP) +Sports,"Young Rebuffs NBA, Sticks With Rangers (AP)" +Sports,BAR boss departs as Honda prepare to pass rivals +Sports,Ruddock sees need to take big scalp as trial by pace awaits Wales +World,Lebanese March Protests Syrian Domination (AP) +World,Anti-Bush protest at a trade summit in Chile turns violent +World,UN staff plan no-confidence vote against top management +World,Protests as troops storm Iraq mosque +World,Fathers 4 Justice protester handcuffs himself to Hodge +World,"Farc kidnap saga marks 1,000 days" +Business,Greenspan rejects talk of throwing dollar a lifeline +Business,Russia readies YUKOS auction +Business,Disney chief #39;s reputation on the line in battle with shareholders +Business,Former Crematory Operator Pleads Guilty To Dumping Bodies +Sports,Australia resume chase +Sports,One-year deal avoids arbitration +Sports,ABC breaks off negotiations with BCS +World,Car bomber raids police convoy +World,"Ivory Coast appointment provokes rebels, France" +World,End chaos call by PLO leader +Business,FCC Pooh-Poohs a la Carte Cable +Business,Greenspan Warns of Trade Deficit Risk +Business,US Dollar Continues Slide vs. Rivals +Business,OSI stock falters on Tarceva sales concerns +Sci/Tech,Verizon Adds Shopping Tools to SuperPages.com (Reuters) +Sci/Tech,To Bill.GatesMicrosoft.com; Subject: Your Spam +Sci/Tech, quot;In Defense of Hunting quot; +Sci/Tech,DNA Analyst Fired For Allegedly Mishandling Data In 11 <b>...</b> +Sci/Tech,Skulls Trojan attacks Symbian phones +Sports,SORRY ROONEY: I #39;M WRONG +Sports,Pacers #39; Bender Out Six Weeks With Injury +Sports,Navy-Rutgers Game Attracts Bowl Interest (AP) +World,Chile says Asia Pacific to push quot;very hard quot; for WTO pact +World,"15 killed, 45 captured in Mosul raids" +World,Canada and South Korea open talks for potential free-trade agreement (Canadian Press) +World,Palestinians Reject Sharon's Peace 'Test' +World,Arafat's Widow Retrieves Medical Records (AP) +Business,Dynamic models demand detachment +Business,Beware of business IT horrors +Business,The top 20 IT mistakes to avoid +Business,Sirius stock soars on Karmazin addition +Business,Lawmakers agree to new ban on Internet taxes +Business,Global economic outlook in G20 sights as dlr drops +Business,Typhoo tea tycoon bags Jimmy Choo for 100m +Business,Ohio paper strikers post own publication +Business,US Investor Steps into Jimmy Choo +Sports,No. 3 Georgia Tech Routs Alabama St. 74-37 (AP) +Sci/Tech,Ohio Paper Strikers Post Own Publication (AP) +Sci/Tech,Gates: Most Spammed Man Alive +Sci/Tech,Air Force to standardize Microsoft configurations +Sci/Tech,Internet Hunting Worries State Officials +Sci/Tech,Steam Update +Sci/Tech,Roan report released +Sci/Tech,Grand Theft Auto: San Andreas - The Prequel +World,"Some NATO Members Balk at Joining Iraq Mission, U.S. Says (Reuters)" +Sports,London begins to believe the impossible +Sports,More Pain In Spain +Sports,Richards leaves BAR as Honda buy stake +Sports,No. 3 Georgia Tech Routs Alabama St. 74-37 +Sports,Busch gets Ford pole +Sports,The match that always bears a grudge +Sports,Best Mate does enough to remain the punters #39; friend +Sci/Tech,Nothing Too Discreet About Diodes' Plans For Continued Success (Investor's Business Daily) +World,Protesters Denounce APEC Summit in Chile +World,Arafat #39;s hospital file taken by widow +World,MI6 agents drafted in to improve Gaza security +World,"UN staff blast officials, spare Annan" +World,Venezuela suspects exiles in prosecutors slaying +Sci/Tech,"The Long, Long Oracle-PeopleSoft Saga Could Yet Have Many Miles To Journey (Investor's Business Daily)" +World,Democrats Discuss How to Reset Agenda (AP) +World,Congress Finishing Up #36;338B Spending Bill (AP) +World,Congressional Action at a Glance (AP) +World,U.N. Chief Urges Warning on Sudan Fighting (AP) +Sci/Tech,"NASA to Donate Data to Aid Plants, Animals (AP)" +Sci/Tech,U.N. Abandons Human Cloning Treaty Ban (AP) +World,"Some NATO Members Balk at Joining Iraq Mission, U.S. Says" +Sci/Tech,Mozilla Thunderbird Final Is Set +Sci/Tech,Asian Scientists to Launch Genetic Study (AP) +Sci/Tech,Is Fanning #39;s Snocap a sno-job? +Business,Greenspan Warns of Trade Deficit Risk (AP) +World,Guantanamo Bay Detainee Skips Hearing (AP) +Sci/Tech,Techies getting on-the-job nontech training? +Sci/Tech,FCC approves first software-defined radio +Sci/Tech,First Look: iPod Brings Music to Your Photos +Sports,Time Warp for Jets Just Won't Go Away +Sports,Mora's Straight Shooting Has Gone to Falcons' Heart +Sports,A Baseball Legend Playing a New Position: Flawed Human +Sci/Tech,First Look: HP's Hefty Media Center Notebook +Sci/Tech,Columnists: Bill Gates Is Right? +Business,Bell-Ringers Set for Holiday Donations +Sports,"In Washington, it #39;ll be #39;Let #39;s go Nats #39;" +World,Fresh suspicion over Iran #39;s nuclear aims +World,Prosecutor in Chavez coup inquiry is murdered +Business,Boston #39;s Big Dig Awash in Troubles +Sci/Tech,Spanish Scientists Discover Fossil of Ancient Ape +Sci/Tech,"Microsoft Talks Security, Seriously" +World,Arafat #39;s widow given medical files +World,Indo-Pak thaw: a little chill sets in +World,Minister handcuffed to fathers protester +Sports,"No Surprise, the Angels Send Guillen On His Way" +Sports,"Giants Are Wary of Vick, on the Ground or in the Air" +Sci/Tech,Gates Signs Deal on Software for the Blind (AP) +Sci/Tech,Skulls Trojan Infects Symbian Phones +Sci/Tech,NASA Sets Swift Launch for Saturday Nov. 20 +Sports,Roberts Leads Mississippi St. to 67-54 Win +Sports,ABC Says It Won #39;t Attempt to Retain All BCS Games +World,Myanmar Frees Number Two Political Prisoner-Source (Reuters) +World,"Iraqi Unrest May Delay Elections, Officials Warn (Update2)" +World,Euro parliament approves new commission +World,Muslim-secular rift deepens in Netherlands +World,China Widens Economic Role in Latin America +Business,"Icahn Offers \$5.4 Billion for Mylan, Drug Maker" +World,"At Penn State, Concerns Grow Over a Fading Football Legend" +Sports,Mariucci Says Notre Dame Called Him (AP) +Sports,No. 18 Alabama Beats W. Carolina 97-66 (AP) +Sci/Tech,News: Judge dismisses keylogger case +Business,Oil majors cannot spurn Yukos morsels +Business,Peoplesoft bid hangs in balance +Business,"Senator reads Air Force-Boeing e-mail exchanges, demands <b>...</b>" +Sports,No. 13 Vanderbilt Routs St. Francis 102-47 +World,"US condemns recent Tamil Tiger attacks, welcomes Sri Lankan peace <b>...</b>" +World,Sen. Harkin Has Cancerous Patch Removed (AP) +Sports,Pacers Fight with Pistons' Fans +Sports,Top-Ranked Kansas Holds Off Upset-Minded Vermont +Business,Georgia Crematory Manager Pleads Guilty and Gives Apology +Business,Congress Votes to Ban States From Taxing Internet Service +Business,US Airways strike averted until new year +Business,FCC Says A La Carte TV Would Cost More +Business,Air Force Pitch for Boeing Detailed +Business,IRS widens target for tax return audits +Business,Letter rankles Mylan +Business,Equity Firm to Take Over Shoe Retailer +Sports,Brawl With Fans Mars Pacers' Victory in Detroit +World,India Warns U.S. on Arms Sales to Pakistan +Sci/Tech,Intel amp; nVidia Sign Sweeping Licensing Agreement +Sci/Tech,"Another Month, Another Round Of Lawsuits" +Sci/Tech,Detroit #39;s Elephants Left Out in the Cold +Sci/Tech,Google Graduates to Vertical Search +Sci/Tech,Chimeras a Step Closer to Reality +Sports,"Giants Are Wary of Vick, on the Ground or in the Air" +Sports,Safin secures last berth +Sports,RYDER CUP ROOKIES IN POLE POSITION +Sports,Richards is leaving BAR +Sports,Ferguson: Rooney Will Cool It in Three Years +Sports,Santa Clara Shocks 4th-Ranked North Carolina +Sports,Busch wins Ford 400 pole +Sports,"Suns 107, Lakers 102" +Sports,"Mavericks 103, Knicks 101" +World,PM arrives in Chile for APEC summit +World,Arafat #39;s Widow Retrieves Medical Records +World,US-European tensions deepen over Irans nuclear program +World,Myanmar frees number two political prisoner +World,"Finally, green signal to Kyoto" +World,US Drops Effort for Treaty Banning Cloning +World,US may boost troop levels in Iraq +World,Greenspan warns over US deficit +World,"U.S. Soldiers and Iraqis Raid Mosque in Baghdad, Killing 3" +World,Greenspan Sees No Rise Soon for the Dollar +World,Negotiators Add Abortion Clause to Spending Bill +World,"Once a Model, a Health Plan Is Endangered" +Sports,Tar Heels Suffer Upset +World,Diplomats Say Tehran Sends Wrong Signal +Sports,Michigan Nips No. 20 Notre Dame 61-60 (AP) +Sports,United Loses Trio +World,"Family, Friends Mourn a Soldier and a Poet" +Sports,Navy Can't Finish +World,"From an Iraqi Pulpit, Prayers and Politics" +World,Fallujans Get Grim Task: Grave Digging +Sports,Suns Power Past Lakers 107-102 (AP) +Sports,No. 5 Syracuse Dismantles No. 24 Memphis (AP) +Sports,Pacers Fight with Pistons' Fans (Reuters) +Sports,No. 21 Oklahoma Tops SE Missouri St. 84-62 (AP) +Sports,Three Share Pebble Beach Lead (AP) +Sports,"Syracuse, Off to a Fast Start, Wins Tournament" +Business,MAN IN THE NEWS A Firebrand on Drug Safety +Business,Vital Signs for the Week of Nov. 22 +Sports,Hornets Stand in Way +Sports,Georgia Tech Wins Easy +Sports,Mixed Messages +Sports,Bender Hurt Again +Sports,ABC Shuns BCS +Sports,"Fans, Players Brawl" +Business,Honda and Regulators Meet on Engine Fires in S.U.V.'s +Business,Target stores tell Salvation Army to retreat +World,"Bomb Kills Venezuela Prosecutor, Gov't Swipes at U.S. (Reuters)" +Sci/Tech,The secret to the rise of Man? +Sports,Sorenstam benefits from #39;mother of all #39; shots +Sports,"Syracuse, Off to a Fast Start, Wins Tournament" +Sports,Busch wins pole at Homestead +Sports,No. 21 Oklahoma Tops SE Missouri St. 84-62 +Sports,COLLEGE BASKETBALL ROUNDUP Santa Clara Knocks Off No. 4 North <b>...</b> +Sports,Mets May Pick Up ex-Yank +World,Chile Police Clash With Summit Protesters +World,Iraqi Insurgency Continues to Overshadow January Election <b>...</b> +World,"UK welcomes progress made by India, Pakistan :" +World,US withdraws effort to ban human cloning worldwide +World,Chile Police Clash With Summit Protesters +World,"Bomb Kills Venezuela Prosecutor, Gov't Swipes at U.S." +World,Chavez Vows to Find Prosecutor's Killers +Business,Fed chief shakes markets +Sports,Black players are taunted in Spain +Sports,Pacers Brawl With Fans During Pistons Game +Sports,Steffy #39;s Status for Finale Is in Question +Sports,Busch On Pole For Finale +Sports,"Kansas squeaks pass Vermont, 68-61" +Sports,Trail Blazers Defeat Bucks 110-98 (AP) +World,UN staff in uproar over top leadership +Sports,No. 9 UNC Routs Elon 86-40 in Opener (AP) +Sci/Tech,Congress Votes to Ban States From Taxing Internet Service +Business,"Temperatures Dip in Europe, Sending Price of Oil Up 4.8" +Sports,No. 22 Washington Scuttles Seattle Pacific +Sports,Bowden lands slugger Guillen +Sports,Santa Clara Shocks 4th-Ranked North Carolina +Business,Gauthier: One store #39;s ban another #39;s opportunity +Business,"Update 1: Eisner Told King, Board Different Stories" +Business,Fannie Mae hit with fresh lawsuit +Sci/Tech,Nintendo DS breaks new ground +Sports,Robinson carries UW #39;s big hopes +Sports,Busch zooms to front in qualifying +Sports,Hokies are free to focus on Cavs +Sports,"Carolina, Clemson fans square off in annual gift of life #39; <b>...</b>" +Business,Ex-crematory operator admits dumping corpses +Business,"Problem of Big Dig leaks widespread, records show" +Business,"Ohio Sues Fannie Mae, Alleges Securities Fraud" +Sports,New team name coming Monday; Guillen acquired from Angels +World,15 rebels killed in Iraq #39;s Mosul while US plans to beef up forces +World,UN hails Burma inmates' release +Sports,Wade Silences Jazz +World,Myanmar Student Leader 'Wakes from Dreamland' (Reuters) +Sci/Tech,Oracle wins PeopleSoft shareholder vote +Sports,This stands as low point +Sports,Sox adjust their offer to Martinez +Sports,A final thought in mind +Sports,Front-row ticket obtained by Busch +Sports,Troubled Guillen dealt to Washington +Sports,Walpole back on top +Sports,Friars are let off the hook by Eagles +Business,"Oracle takes a giant step, wins 61pc of PeopleSoft shares" +Business,Business world has mixed reaction to Perez move +Business,Digital delight for EMI in war on pirates +Business,Crematory operator guilty of dumping 334 bodies +Business,IRS trying to give lots of money back +Business,"Vodafone, Optus agree on shared 3G network in Australia" +Business,Lawmakers OK new rules on special education +Business,EISNER POOH-POOHS HOLLYWOOD #39;CLICHES #39; +Business,Ringing in the season +Business,"Boston #39;s #39;Big Dig #39; is still a big nuisance for officials, builders" +Business,Hu #39;s Latin-America trip finds lots in common +Sports,Fight on court between Pistons and Pacers leads to ugly brawl in <b>...</b> +Sports,LONDON 2012: UP AND RUNNING Coe sticks knife into Madrid Olympics <b>...</b> +Sports,Honda claim stake in BAR F1 team +Sports,Rapids lose two players in MLS expansion draft +World,Radioactive in Iran +World,UN Delays Cloning Decision +World,Dutch pol flays Muslim #39;threat #39; +World,Killing fuels Dutch clash of cultures +World,Chavez vows to find prosecutor's killers +World,"Iran continues work despite deadline, diplomats say" +World,Egyptians lash out at Israel in protest +World,American deaths +World,Afghan elections seen as setback for Taliban +World,Baghdad Governor Assassinated; Bomber Kills 11 +Business,Air Force Pitch for Boeing Detailed +Business,"State adds 4,000 jobs in October" +Business,FDA under fire +Business,"Fed chief warns on budget, trade gaps" +Business,Over 100 will lose jobs amid MedSource sale +Business,"Utility, AG in agreement" +Business,Russia sets date for auction of oil giant Yukos +Sci/Tech,Computer grid to help the world +World,U.S. to Help Rebuild Tsunami-Stricken Lives -- Powell +Business,Oracle-- 61 Pct PeopleSoft Stock Tendered (Reuters) +World,Aid Flights Resume in Indonesia's Aceh +Sci/Tech,Majority of PeopleSoft shareholders accept Oracle bid +Sports,Bye Provides Patriots Time to Study (AP) +Sci/Tech,Misery loves company when it comes to spam +Sports,Pacers brawl with Detroit spectators in NBA nightmare melee +Sports,Earnhardt well aware that he has no shot at title +World,Myanmar junta frees #39;number two #39; political prisoner +Sports,Pacers Battle Trash-Throwing Pistons Fans (AP) +Sports,Sorenstam Leads ADT Championship by Three (AP) +Sports,Busch on Pole in Race for NASCAR Title (AP) +Sports,Germany: Bayern Mnchen held in goals galore weekend in the <b>...</b> +Sports,Pacers brawl with Detroit spectators in NBA nightmare melee (AFP) +World,Earthquake Hits Costa Rica During Summit (AP) +World,Final Touches Set on Africa Great Lakes Peace Plan (Reuters) +World,"Taiwan opposition demands evidence on Chen's ""soft coup"" allegations (AFP)" +World,Burma junta frees top dissident +Sports,McCain threatens legislation to curb drugs in baseball +World,Air raids hit Philippines rebels +World,Malaysia lays down bus ultimatum +World,Cricket: Pressure mounts on NZ +World,Burma junta frees top dissident +World,Great Lakes peace pact signed +Business,EMI #39;s upbeat tone lifts shares +Sci/Tech,Cells repair Parkinson's damage +Sci/Tech,Martian explorer marks first year +Sci/Tech,Huge eagles 'dominated NZ skies' +Sci/Tech,U.S. Drops Effort for Treaty Banning Cloning +Sports,Sonics power streak to nine +Sports,Syracuse Pulls Out Victory Over Memphis +Business,PeopleSoft Soap Opera Still Alive +Business,Date Set for Auction Of Russian Oil Giant +Sci/Tech,Now Loading... Firefox +Sci/Tech,New portable dual-screen system from Nintendo has plenty of bells <b>...</b> +Sci/Tech,BT plots comeback +Sports,Cal Must Beat Stanford to Win Big Bowl Bid (AP) +Sports,Pole victory adds to Busch #39;s edge +Sports,Notebook: Emotions run high in Toronto +Sports,Leiter undecided +World,"World ; Bomb Kills Venezuela Prosecutor, Gov #39;t Swipes at US" +World,"Insurgents Attack Baghdad Police, National Guard (Reuters)" +Sci/Tech,Canon to Start Making Rear Projection TVs in 2005 +Business,PeopleSoft shareholders support Oracle takeover +Business,Congress blocks Internet taxation legislation +Business,ICAHN IN BID TO SWALLOW MYLAN +Sci/Tech,Martian explorer marks first year +Sci/Tech,Microsoft Warns Asian Governments of Linux Suits +Sci/Tech,Nasa jet smashes world speed record +Sports,"No. 5 Syracuse 77, No. 24 Memphis 62" +Sports,Can #39;t pull off double +Sports,Crowd rains boos on Raptors Carter +Sports,Expos likely to be renamed Nationals +World,Arafat #39;s medical records handed over +Business,Greenspan tells G20 US outlook favourable-source +Sports,Lewis leads Sonics to ninth consecutive win +Sports,"No. 3 Georgia Tech 74, Alabama St. 37" +Business,AFA-CWA Wins Review of Bankruptcy Judge Decision +World,Slumping Dollar to Dominate G-20 Meeting (AP) +World,"Iraqis, GIs Share Uneasy Relationship (AP)" +Sports,UPDATE 1-Kumble rocks SAfrica as Hall reaches 57 not out +World,Palestinians Will Reveal Cause of Arafat #39;s Death +World,Myanmar #39;s military govt frees number two political prisoner: party <b>...</b> +Sports,Resurgent Woods Still Three Clear in Japan +Business,Banishing bell-ringers takes a toll +Sports,RODDICK EXCITED BY HEWITT CONTEST +Sports,"City finalizes bid for Olympics, but West Side site warrants input" +Sports,Busch wins pole for season-ending race +World,Afghan Given Death in Reporters' Murders (AP) +Sci/Tech,Oracle Says 61 Percent of PeopleSoft Stock Tendered (Reuters) +World,Mbeki meets I Coast leaders +Business,"Dollar, markets dive on Greenspan warning" +Business,Ban OK #39;d on taxes on Net connections +Business,It #39;s Scrooge-like To Ban Salvation Army Kettle +Sci/Tech,Fossil ape may be father of all apes +Sci/Tech,Nvidia to create chipset for Intel +Sci/Tech,London Calling - Apple Stores to Make European Debut +Sci/Tech,Legal action possible in elephant fight +Sci/Tech,Microsoft targets older people for Web via TV +Sci/Tech,DoCoMo Chooses Linux amp; Symbian +Sports,NBA Officials Halt Pistons-Pacers Game Following Brawl +Sports,London bid for quot;best quot; ever Olympics in 2012: +Sports, #39;Winky #39; again sets sights on Mosley +World,"US, Germany Strike Deal on Iraq Debt Write-Off" +World,Palestinians ask Israel to withdraw before election +World,Summary Box: Venezuela #39;s president vows to track down killers of <b>...</b> +World,African leaders sign Great Lakes peace pact +Business,Deal nears on Iraq debt write-off +Business,"U.S., G7 Allies Agree Iraq Debt Relief (Reuters)" +Business,Oracle: 61 Pct PeopleSoft Stock Tendered +Business,Some Doubt Stocks' Value as Prices Rise +Business,"U.S., G7 Allies Agree on Iraq Debt Relief" +World,"Peru Arrests Siege Leader, Rebels Hold Out" +Business,"U.S., G7 Allies Agree on Iraq Debt Relief (Reuters)" +Business,Wal-Mart Sees Nov. U.S. Sales Up 2-4 Pct (Reuters) +Business,Verizon adds shopping tools to SuperPages.com +Sports,Basketball: Indiana players could face charges after brawl with <b>...</b> +Sports,SA 230 for 4 at stumps +World,US sniffs at Myanmar prisoner release +World,Polish Woman Held Hostage in Iraq Freed (AP) +World,Ivory Coast Rebel Chief Brands Gbagbo War Criminal (Reuters) +World,Early Elvis tapes go to auction +World,Great Lakes leaders pledge peace +World,MG Rover on brink of China deal +World,Cricket: Hall battles India attack +Business,Former Viacom Chief Will Helm Sirius +Business,"G20 opposes quot;abrupt changes quot; in forex, oil; sees slowdown in 2005" +Sci/Tech,Science ; Fossil ape may be father of all apes +Sci/Tech,Is Unix Coughing Up Ground? +Sci/Tech,"In Texas, a mouse can kill a deer" +Sports,McGrath has a ball; notches maiden Test fifty +Sports,Boxing Preview: Ronald #39;Winky #39; Wright vs. #39;Sugar #39; Shane Mosley for <b>...</b> +World,Anti-Bush Protesters Battle Police at Chile Summit +World,Polish Woman Freed by Iraqi Hostages +Business,G20 Expresses Concern at Currency Swings +Sports,BAR to seek administration in Honda deal. +Sports,Hall the hero for South Africa +World,Iraqi troops raid key Baghdad mosque +World,"Creditors to forgive up to 80 per cent of Iraq #39;s debt, German <b>...</b>" +World,India #39;s decision on troop reduction cosmetic: Musharraf +World,Red Cross deeply concerned by humanitarian law violations in Iraq +Business,Wal-Mart Sees Nov. U.S. Sales Up 2-4 Pct +Business,Nike: Can Perez Fill Knight #39;s Shoes? +Business,Government Puts Off Internet Taxation +Business,Google Co-Founders to Sell Company Shares +Business,G20 to debate on world economic growth +Business,"High incomes, high scrutiny" +Business,Airports turn to private screeners +World,Polish Hostage Freed in Iraq Already in Warsaw (Reuters) +Sci/Tech,"UK #39;s BT changes mobile partner, plots comeback" +Sports,World #39;s Oldest Man Dies After Red Sox Dream Comes True +World,"Ukraine poised for crucial vote under watchful eye of West, Russia (AFP)" +World,Annan: Darfur settlement possible by year end +World,Eichel: Paris Club to Forgive Most Iraqi Debt +World,Ethics Become Priority For Israeli Military +Business,US Fed: \$ Devaluation might Cause Trouble +Business,Generosity warms chilly morning +Sports,Suspensions Expected in Wake of Detroit-Indiana-Fans Altercations +Sports,Leaving the nest might inspire Mosley success +World,Claims Arafat died of AIDS +World,Handcuffing protester speaks out +World,"India Pulls Out About 3,000 Troops from Kashmir (Reuters)" +World,Report: China Releases Tiananmen Protester (AP) +World,Polish Hostage Freed in Iraq Already in Warsaw +World,"Bomb Kills Venezuela Prosecutor, Gov't Swipes at US" +World,Violence Breaks Out All Over Baghdad +World,First Diplomatic Note of UN History to Annan +Sci/Tech,Limitations Frustrate Tsunami Scientists (AP) +World,Ukraine Readies Knife-Edge Poll Amid Demo Threats (Reuters) +World,Nuclear Spies Go on Trial in Iran +World,Red Cross deeply concerned by humanitarian law violations in Iraq +World,Palestinian candidates register +World,Pakistan opposition prepares anti-Musharraf protest (Reuters) +Sports,"Giggs, Scholes Back on Goal Trail to Give United Win" +Business,McCain: Air Force fixed bids +Business,Big Dig leaks: Public works scandal or no big deal? +Sci/Tech,Goolge search turns scholarly!: +Sports,Spanish racism row rumbles on +Sports,McGrath steals thunder +World,Bush to Highlight Tort Reform in Ill. (AP) +World,Three Britons killed in Baghdad blast (AFP) +World,Fresh violence hits Iraq capital +World,Palestinian Abbas Calls Israel 'The Zionist Enemy' (Reuters) +World,Bush meets with allies on N Korea at APEC +World,Iraq to Be Relieved of 80 Percent of Debt +Business,Koizumi to Bush: Strong Dollar Important (Reuters) +Sci/Tech,Nasa launches cosmic blast hunter +Sci/Tech,Chernobyl 'caused Sweden cancers' +Business,A la carte pricing for pay TV costly +Business,TSA Asks Air Travelers to quot;Partner quot; on Security Screening During <b>...</b> +Sci/Tech,NASA Launches Black Hole Hunter +Sci/Tech,Nvidia to make Chipsets for Intel +Sci/Tech,Disagreement rages over Detroit elephant +Sci/Tech,Shoot wildlife in Texas ranch from home +Sci/Tech,Microsoft Previews Avalon for Developers +Sci/Tech,Google releases Scholar Search +Sports,Police investigating Pacers-Pistons brawl +Sports,Arsenal held to 1-1 tie by West Brom +Sports,Rosales stays close to Sorenstam +Sports,Rangers win heated Old Firm match to blow title race wide open +Sports,Garcia shines as Spain edge ahead in World Cup +World,Bush warns Iran on nuclear activities +World,Annan says Darfur peace deal possible by year-end +World,Polish hostage freed in Iraq already in Warsaw +World,William wants to fight +Business,Identity Theft Woes Grow for Consumers +Business,"G7, Paris Club Agree on Iraq Debt Relief" +World,Polish woman hostage back home after being freed in Iraq (AFP) +Sports,Stubblefield Breaks NCAA Receptions Mark (AP) +World,Fifteen African presidents pledge peace in Great Lakes (AFP) +World,"Klein flying high on issue-light campaign, opponents want recognition (Canadian Press)" +World,Congress Ends Deadlock on Intel Overhaul (AP) +World,Sweden hit by 'Chernobyl cancer' +World,States' Tactics Aim to Reduce Drug Spending +World,Congress Back to Face Unfinished Business +Sports,Giggs goal kick-starts United +Sports,Crystal Palace 0-2 Newcastle +Sports,NBA ROUNDUP Sonics Top Toronto To Win 9th Straight +Sports,Ohio St. Buckeyes +World,Iraq #39;s Main Paris Club Creditors Agree Debt Waiver +World,Polish woman hostage in Iraq released +World,Palestinians believe they can build Arab world #39;s first democracy +World,Israel Investigates Reports of Soldiers Abusing Corpses +Business,"In Kmart #39;s Deal for Sears, a Bet That Real Estate Can Trump <b>...</b>" +Business,MG Rover to pass into Chinese hands +World,Polish hostage freed +Sports, #39;The gaffer has mellowed but his desire to win is still there #39; +Business,Identity Theft Woes Grow for Consumers (Reuters) +World,Tehran to suspend uranium enrichment +Sci/Tech,Livewire: Internet Offers Relief of Holiday Blues (Reuters) +Sports,Clarke and Gilchrist flay sorry New Zealand +Sci/Tech,Oracle takes 60 percent of PeopleSoft shares but game not over (AFP) +Sci/Tech,Oracle takes 60 percent of PeopleSoft shares but game is not over (AFP) +Sports,"Brawl Involves Players, Fans at Pistons-Pacers Game" +World,Rice Returns Home Following Surgery (AP) +Sports,Chelsea and Arsenal Held to Home Draws +Sci/Tech,NASA Launches Black Hole Hunter (AP) +World,Death penalty for Afghan killer +World,Chelsea strike for the jugular (AFP) +World,"In Falluja, Young Marines Saw the Savagery of an Urban War" +World,Polish Hostage Freed in Iraq Already in Warsaw +World,Sri Lanka Reactivates Dormant Death Penalty +World,Palestinians Choose Presidential Candidates +Sports,CAPELLO FED UP WITH FEIGNING +World,Mountains of Interest Add to Pain of Credit Cards +Sports,Celtic back on top +Sports,Crowd to blame says Carlos +Sports,Cubs re-sign veteran pitcher Rusch +Business,Chinese set to bale out Britain #39;s ailing MG Rover car maker +Sci/Tech,Microsoft trademark troubles +Sci/Tech,Clear Pictures of How We Think +Sci/Tech,U.N. Deadlocks on Cloning Ban +Sci/Tech,Internet Porn: Worse than Crack? +Sci/Tech,"So Far, Recount Shows No Problem" +Sci/Tech,No Taxation on Net Connections +Business,"Icahn Offers \$5.4 Billion for Mylan, Drug Maker" +Business,Report Takes Wind Out of Dollar's Sails +Sci/Tech,"NASA launches Swift, to track gamma rays" +Sports,Police Join Probe Into Pistons-Pacers Mass Brawl +Sports,Spurrier Keeps Quiet About S. Carolina Job (AP) +World,Musharraf wants India to meet Pak halfway +Business,Oracle finally takes 60 of PeopleSoft shares +Business,No changes from merger in view yet +Sci/Tech,Microsoft gives developers a glimpse of Avalon +Sports,England 32 - 16 South Africa +Sports,"South Africa 230/4, Andrew Hall unbeaten on 78" +World,"US, China discuss Taiwan at APEC summit; China pleased with result (Canadian Press)" +Sci/Tech,PeopleSoft: Board Rejects Oracle Offer (Reuters) +World,Civil war possible after Iraq elections: US' top soldier (AFP) +Sports,Ohio State Surprises No. 7 Michigan +Sports,NBA Suspends Four Players After Brawl +Sports,Sports ; Westwood Closes in on First Title of 2004 +Sports,Hewitt Beats Roddick to Reach Masters Final +Sports,Federer Wins Epic Tie-Break to Reach Masters Final +Sports,12th-Ranked Miami Pounds Wake Forest +Business,Oracle a step closer to PeopleSoft +Business,Icahn makes offer on Mylan +Business,China #39;s SAIC set to control MG Rover venture +Sci/Tech,NASA launches Swift observatory +Sci/Tech,House Passes Space Tourism Bill +Sci/Tech,Mac fans go mad as store opens +Sci/Tech,Microsoft releases Avalon Preview +Sports,Fans as much to blame as players for brawl +Sports,Scotland: Rangers down rival Celtic +Sports,US edge second day of UBS Cup +World,Row over Arafat #39;s medical file +World,Plan unveiled to ease Iraq debt +Sports,Suspensions Doled Out +Sports,Fight Mars Clemson Win +World,Spy Agency Reform Thrown Into Doubt (Reuters) +World,Ukraine's Kuchma Calls for Calm on Eve of Poll +Sports,Bryans keep Team USA in Davis Cup hunt +Sci/Tech,Space tourism legislation makes comeback +Sports,Hewitt defeats Roddick in Masters Cup semifinals +Sports,Glorious Garcia inspires charge +Sports,"World #39;s oldest man, noted Red Sox fan, dies" +Sports,Busch the man to beat for NASCAR title +Sports,AZ Alkmaar keep heat on Dutch leaders PSV +Sports,India slip into a deep Hall +Sci/Tech,Majority of PeopleSoft shareholders accept Oracle bid +World,"In Time of Turmoil, Graham Offers Soothing Words" +Sports,No. 2 Oklahoma Blows Out Baylor 35-0 (AP) +Sports,Paterno Ends 39th Penn St. Season With Win (AP) +Sports,NBA suspends four players after brawl with Detroit fans (AFP) +Sports,Buckeyes Dash Wolverines' Outright Title Hopes +Business,PeopleSoft Board Rejects Oracle Bid (Reuters) +Business,G20 countries concerned about exchange rates volatility +Sports,Ohio State Surprises No. 7 Michigan +Business,Google Founders Plan Sales of Their Shares +Business,PeopleSoft Board Rejects Oracle Bid +Business,"G20 Divided Over Dollar Slide, U.S. Mum" +Business,APEC Countries to Standardize Trade Pacts +Business,House Backs \$388 Billion Spending Bill +Business,Wall Street Bonuses Likely to Rise +Business,Canada's Biotech Sector Ready to Grow Up? +World,Ukraine's Kuchma Calls for Calm on Eve of Poll (Reuters) +Sci/Tech,3-Point Shopping For a Computer (washingtonpost.com) +Sports,Fans Start Web Site To #39;Arrest Artest #39; +Sports,Gameday News amp; Notes: 11/20/04 +Business,Ads aim at getting state #39;s wines in more glasses +Sci/Tech,Our kids deserve better than a Google future +Sci/Tech,3-Point Shopping For a Computer +Business,Oracle Moves One Step Closer in Its Bid to Take Over a Rival +Business,Salvation Army #39;s Bell Ringing Limited +Sports,Investigation into Pacers-Pistons brawl could take time +Sports,Johnson #39;s team in familiar position: fighting back +Sports,Kasper joins Brenly in booth +Sci/Tech,Code cruncher transforms Excel +Sci/Tech,Microsoft puts household entertainment at touch of a mouse +Sports,Benson and Mets Reach Preliminary Deal (AP) +Sports,"Blues, Gunners held" +Sports,NCAA Game Summary - South Carolina At Clemson +Sports,Americans take the lead in the UBS Cup +World,"Bush, Hu Discuss Chinese Currency Plans (AP)" +World,Kuchma warns over Ukraine chaos +Business,Local shoppers hope for wider selection and better quality +Business,SF Hotel Lockout Ends; Workers Back On Job Tuesday +Sports,Timeline of the Pacers-Pistons brawl +Sports,Lille fails to take advantage of Lyon draw +World,France Is Cast as the Villain in Ivory Coast +Business,PeopleSoft Board Rejects Oracle Bid Again +Business,"Crematory Operator Pleads Guilty To Corpse Abuse, Fraud" +Business,San Francisco Hotel Workers to Go Back to Work +Business,Novell makes profit in Q4 +World,Palestinians Register Candidates for New President (Reuters) +Sci/Tech,PeopleSoft Shareholders Back Takeover Bid (AP) +Sci/Tech,Out of this world +Sports,Man Utd boss: Now watch Scholes go! +Sports,Benson and Mets reach preliminary agreement on \$22.5 million <b>...</b> +Sports,"McGrath, Gillespie watching Gabba skies" +Sports,Timeline of the Pacers-Pistons Brawl (AP) +Sports,Michigan St. Beats Central Conn. St. (AP) +World,Palestinians say Israeli raids hampering renewal of peace talks +Sports,Tiger Woods extends lead at Dunlop Phoenix +World,"Bush seeks allied help in dealing with Iran, North Korea" +World,Killer of Journalists Sentenced to Death +Sports,Buckeyes #39; offense clicking against Michigan +Sports,McGrady Leads Rockets Past Clippers in OT (Reuters) +Sports,"For Nascar, Playoff Gamble Wins Big" +World,Haradinaj appointment upsets Serbia +Sports,"Shots Are Falling, and Sonics Are Rising" +Business,Disney #39;s Two Mickeys +Business,Greenspan bearish on dollar +Business,Wal-Mart Says November US Sales Rise Within 2 to 4 Forecast +Business,Gold Fields to bid for \$2bn Norilsk stake +Sports,Resurgent Rangers shatter O #39;Neill #39;s unbeaten record +Sports,Ireland 55 - 6 USA +Sports,Hall sees off Kumble spin +Sports,NBA Game Summary - Houston at LA Clippers +World,Three Iraqi Policemen Killed in Baghdad Bombings +Business,Business Focus: Infecting the world +Business,Sagging Dollar Hits New Low Against Euro +Sports,Late surge lifts Sonics +Sports,Giggs and Scholes give United win +Sports,Second-Ranked Auburn Downs Alabama +Sports,"In #39;Monday Night #39; Fallout, a Deeper Racial Issue" +Sports,Reactions to Pistons-Pacers Brawl (AP) +World,"Bush, backed by Asia-Pacific allies, warns North Korea, Iran over <b>...</b>" +World,Iran wriggles to block nuclear sanctions bid +World,Burma #39;s junta frees prominent dissident +World,William surfs to his fathers rescue +Sports,No. 4 Calif. Routs Stanford in Big Game (AP) +World,US allege Guantanamo Bay Briton is would-be suicide bomber: report (AFP) +Sports,Mets Lock Up Benson +Business,APEC Countries to Standardize Trade Pacts (Reuters) +Business,Canada Sees U.S. Beef Market Opening Soon (Reuters) +Sports,Spain grabs lead at World Golf Championships +Sports,England 32 South Africa 16: Shocking South Africa left trailing by <b>...</b> +Business,Investors Divided on Desirability of Gold (AP) +Sci/Tech,"Oft-Delayed Swift Launched, Soars Skyward" +Sports,O.J. to Cheer for Trojans at Orange Bowl (AP) +Sports,Masters Cup semis to feature the four best players in the world +Sports,Oldest man dies at 113 +Sports,Dont count out champions after setback +World,"US allies seek Palestinian solution, wider coalition in terror war (AFP)" +World,Arafat family bickers over medical records of Palestinian leader +World,IRAQ RAGE OF RED CROSS +World,A Regal Pursuit Is Run Down +World,Bush offers help in reopening U.S. border to Canadian cattle (Canadian Press) +Sci/Tech,ODU professor honored with teaching award +Sports,US trail by one in UBS Cup +Sports,Fourth-Ranked California Routs Stanford +World,South African President Mbeki holds new talks on Ivory Coast +World,Focus: Life on Planet Charles +Sports,Juventus to ignore floored opponents +Sports,"Ohio State Secures Victory, but Michigan Gains Rose Bowl Bid" +Business,Chinese takeover of Rover signals end of Britain #39;s once-thriving <b>...</b> +Business,Beautiful day? Not if you #39;re Microsoft +World,Report: Peru Would Refuse to Free Berenson (AP) +Sports,Friday Night Fracas Was Criminal on Every Level +World,Bush says N. Korea #39;s neighbors uniting against nuclear weapons +World,Sudan and southern rebels promise peace as Christmas gift +World,Red Cross condemns Iraq abuses +World,Bill Would Help Providers Refuse Abortions (AP) +Sports,Chelsea Beats Newcastle in Premiership; Arsenal Wins (Update1) +Sci/Tech,New Director Announced for Fermilab (AP) +Sci/Tech,Programs: 'Myst IV' Preserves the Magic +Business,"Get the Wrong Answer, Ask Another Lawyer" +World,House Leadership Blocks Vote on Intelligence Bill +Sports,US Doping Watchdog to Question BALCO #39;s Conte - IAAF +Sports,The powder keg wouldn #39;t have exploded if Artest hadn #39;t lit the <b>...</b> +Sports,"PENN STATE 37, MICHIGAN STATE 13 Rousing Finale for the Seniors <b>...</b>" +World,Sixty Chinese miners trapped after fire +Sports,South Winds Up Prevailing +Business,China urges US to act on Dollar slide +Business,"Sergey, Larry, and Eric Plan to Sell Some Stock" +Business,Shades of the Vioxx Case for Another Drug +Sports,Safin cuts short Henman #39;s year +Sports,"World #39;s oldest man dies, 113" +Sports,It #39;s smartin #39; Martin +Sports,New law of the jungle +Sports,Miller gives new-look Ireland fringe benefits +Sports,Barca delight in Real agony +Sports,Garcia puts Spain in sight of World Cup +Sports,Season Cuts to The Chase +Sports,Hall revels in new role +Sports,Wales let chance in a million slip as lacklustre All Blacks fail <b>...</b> +Sports,Huskies Shut Out Buffalo To Earn Bowl Eligibility +World,Polish hostage freed in Iraq +World,Life is more Baywatch than Balmoral for Prince of Waves +World,Big setback for US spy shake-up +World,US son-in-law for ex-coup leader +World,Menatep acts to bloc Yukos sale +World,Anti-terror laws 'may go further' +Sci/Tech,When Long Hours at a Video Game Stop Being Fun +Sci/Tech,NASA Starts Hunt for Celestial Bursts +Sci/Tech,Policy Meets Reality in West as Cattle Tracking Is Tested +Business,PeopleSoft Sends Letter to Oracle +Business,Congress Asks SEC for Mutual Fund Study +World,"Prince William Defends Brother, Father (AP)" +World,U.S. Fights Baghdad Militants; GI Killed (AP) +Sci/Tech,Tech Buying Guide: Music +Sci/Tech,Top Computer Makers: Dell +Sports,Federer faces Hewitt in Masters Cup final +Sports,Barcelona coach Rijkaard: 7 points clear hasn #39;t won us anything +World,G7 states to write off \$33 billion Iraqi debt +World,Polish hostage released in Iraq back home +Sports,No. 24 Texas-El Paso Clinches Bowl Berth (AP) +World,Alta Premier Klein vows retribution for those who actively jockey for his job (Canadian Press) +Sports,Iowa Upsets Wisconsin to Grab Share of Big Ten Title +Sports,Second-Ranked Auburn Downs Alabama +World,Bill Gives Lawmakers Access to Tax Returns (AP) +Sports,McGrady Leads Rockets Past Clippers in OT +Business,Congress Passes \$388 Billion Spending Bill +Business,More Prescription Drug Health Risks +Business,Russia to auction major oil facility +Sci/Tech,PeopleSoft's Board Rejects Oracle Bid (AP) +Sports,No. 5 Utah Beats BYU for Unbeaten Season (AP) +Sports,Rockets down Clippers 91-86 in OT +World,US Fights Baghdad Militants; GI Killed +World,Plane Crashes in China With 47 Aboard +Sci/Tech,Buzz Off! Aussie Surfers Use Device to Repel Sharks (Reuters) +World,Chavez Pushes Anti-Terrorism Plan After Bomb Attack +World,Fresh violence hits Iraq capital +World,Bush Frees Secret Service Agent from Chile Guards +World,Report: Peru Would Refuse to Free Berenson +World,"In Romania, Show Turns the E.U. Into A Laughing Matter" +World,"3,000 Indian Troops Pull Out of Kashmir" +World,Chavez Pushes Anti-Terrorism Plan After Bomb Attack +Business,PeopleSoft #39;s board said it rejects Oracle bid +Sports,Aussies steaming towards victory in Brisbane Test +Sports,Carter the heart of the new Blacks +World,Officials blame exiles in US +Sports,No. 21 Wisconsin Trounces Penn 77-44 (AP) +Business,A free-trade fight over wine +Business,Biologists say grouse not a species in peril +Business,Oracle takes 60 percent of PeopleSoft shares but game is not over +Business,FDA Officer Suggests Strict Curbs on 5 Drugs +Business,San Francisco hotel workers to return to work after lockout +Business,Dispute Over la Carte Cable Pricing +Sports,Riot #39;s about right: Ingredients always there +World,"3,000 Indian Troops Pull Out of Kashmir" +World,Afghan Gets Death for Journalist Slayings +World,Prince denies he is out of step +World,British hunters seek to end fox-hunt ban +Business,Europe Shares Hover Near 2-1/2 Year Highs +Business,Chinese leader wants stable climate for yuan reform +World,A Look at U.S. Military Deaths in Iraq (AP) +World,U.S. Military Names More Enemy Combatants (AP) +World,Creditors to Write Off Most of Iraq #39;s Debt +World,Chavez Pushes Anti-Terrorism Plan After Bomb Attack +World,Afghan court sentences man to death for murder of foreign <b>...</b> +World,UN gives up on efforts to seek worldwide cloning treaty +World,Anti-terror laws #39;may go further #39; +Sports,Colonials Come on Late +Sports,B.C. Gets Easy Win +Sports,Terps Have Potential +Sports,Diminishing Returns +Sports,Wizards Rise Over Nets +Sci/Tech,NASA launches new satellite Swift +Sports,UNDATED: in 1997. +World,Over 50 feared in China plane crash +Business,No relief for Europe as G20 shuns action to halt dollar slide (AFP) +Business,Yukos on the auction block +Business,Grumbling Over the Greenback +Sports,"Speak no evil, just in Casey" +Sports,Rangers boss defends players after O #39;Neill rant +Sports,Wizards Too Strong For Nets +Sports,Brawl mars end for retiring Holtz +Sports,"Roundup: Wisconsin routs Penn; UConn, Kentucky roll" +Business,Volkswagen 2004 China Sales Fall +World,Palestinians open election process to select candidate to replace <b>...</b> +World,"Explosion in southern Italy kills eight, gas leak possible cause" +World,Labour #39;s anti-terror pledge +Business,Elusive Anschutz Leaves Wide Footprint +Business,A Wedding That Won't Leave You Broke +Sports,Angry Ferrero Has Not Given Up Hope +Sports,"Ohio State Secures Victory, but Michigan Gains Rose Bowl Bid" +Sports,"With a Rookie Quarterback in the N.F.L., Call It in the Air" +Business,No relief for Europe as G20 shuns action to halt dollar slide +Sci/Tech,Observatory launched by NASA to look for emerging black ho +Sports,Barcelona beat Real Madrid +Sports,Everything will be decided at today #39;s Nextel Cup race +Sports,"Mosley more competitive, but not enough" +Business,Challenges and opportunities seen in merger +Sports,Racist Fans Bring Issue To Forefront +Sports,"Warne, McGrath hand Kiwis heavy defeat" +Sports,No. 14 LSU Rallies to Beat Mississippi (AP) +Sci/Tech,Electronic Arts and the mighty dollar +Sci/Tech,Home Is Where the Help Desk Is +Sci/Tech,Virtual Storefronts Are Rent-Free on LiveDeal +Business,Chinese firm set to control MG Rover +Sports,Gomes stays hot for Providence +Sports,It was time for caution +World,Looking beyond the K-word +Sports,Transactions +Sports,Gators Shock 'Noles +Sports,'Pacers Lite' Lose Late +Sports,Hornets Drop to 0-8 +Business,PeopleSoft board rejects takeover bid by Oracle +Business,Sirius Satellite: Making Waves +Sci/Tech,Nintendo Bets on New Hand-Held Console to Leap Ahead of Sony +Sports,Australia wins series opener? (updated PM 1:52) +Business,Greenspan does down the dollar +Business," #39;Medicine is for people, not profits #39;" +Sports,A nice addition was subtracted +Business,It is better to give when not being deceived +Business,How to avoid a scamming planner +Business,Mergers pinching smaller nonprofits +Business,"When it comes to fly-fishing, he's hooked" +Business,When business innovation leads to disaster +Business,Etiquette at Work +Business,Lessons in making life-and-debt decisions +Business,NY Ave. #39;Gateway #39; Opens +Sci/Tech,Humans raise odds of extreme weather +Sports,Woods Ends Drought With First Win in Japan (AP) +Sci/Tech,Microsoft defends its software +Sci/Tech,Tech Buying Guide: Organizers +Sci/Tech,Slew of multiplayer options helps #39;Halo 2 #39; fulfill hype +Sci/Tech,Is Firefox 1.0 Less Stable than Firefox PR1.0? +World,Bush tells Putin of democracy concerns (AFP) +Sports,Readers give their versions of what happened +Sports,World #39;s oldest man dies at 113 +Sports,Ponting hails mighty turnaround +Sports,"Clemson, Carolina: THE AFTERMATH" +Sports,Rain doesn #39;t fall on Auburn #39;s parade +Sports,"Sugar Shane Mosley Sweet, but Wright Call in End" +Sports,MSU turnovers help Penn State score four touchdowns in third <b>...</b> +World,53 dead in China plane crash +World,Rescuers in China search for 79 iron miners trapped in blaze +World,Recount Begins in Wash. Governor's Race (AP) +Sports,NBA Wrap: Short-Handed Pacers Lose the Night +Sports,Woods Seizes First Strokeplay Title of Year +World,Ukrainians Choose New President in Landmark Poll +Sports,Hourihan finally getting her shot in goal +World,Africa and its children +World,Palestinian candidates shaping ballot +World,"Bush seeks unity on Iran, North Korea" +World,"Companies, scavengers scrap over recycled paper in Japan" +World,Air crash into lake kills all 53 on board +World,Plan OK'd to cancel some Iraq debt +World,Bush Frees Secret Service Agent from Chile +Sports,Hall frustrates India with maiden ton +Sports,Gamecocks finish at bottom of class +Sports,On the firing line: Giants quarterback Eli Manning +Business,"Hot Hand, Cold Hand" +Business,Suppliers optimistic about Kmart acquisition of Sears +Business,Metro opens its newest station +Sports,It's crunch time for Crennel +Sci/Tech,Swift Observatory Launched +Sci/Tech,Yahoo extends Microsoft ad deal to mid-2006 +Sports,"Secret of success (for 113 years): hobbies, honey, a merry outlook" +Sports,"After defeating Mosley, Wright calls out Tito Trinidad" +Sci/Tech,"Editorial: Changing Times, Changing PDA" +World,"US, Germany Agree On Iraqi Debt Write-Off" +World,Palestinian candidates shaping ballot +World,Chinese leader to visit Havana for communist summit (AFP) +Business,Redefining the role of academic research +World,"At Holocaust Museum, Turning a Number Into a Name" +Sci/Tech,School District Challenges Darwin's Theory +Business,Two held after Air France flight diverted +World,Eurozone data to show sliding business confidence: economists (AFP) +Business,Mickey #39;s Fight Club +Business,Supplement maker walks fine legal line +Sci/Tech,NASA launches new satellite Swift +Sci/Tech,Life is good +Sci/Tech,Linspire #39;s Robertson embraces Windows Media +Sports,4 suspended after NBA melee +Sports,Barcelona shuts out rival Real Madrid +Sports,Gators #39;86 Noles +Sports,Cyclones near title after big comeback +Sports,Robinson hails Hodgson heroics +World,Death toll of north China plane crash possibly up to 55 +World,Dissident freed in Myanmar +World,Sharon: Stop Terror and Talk; Arabs: Words Before Action +World,Prince William defends Royal Family +Business,A show of ideological solidarity from China +Sci/Tech,Beta doesn #39;t beat Google +Sci/Tech,FireFox Developers Riding the Wave +Sports,"Fans to blame, say Clippers" +Sports,Busch the man to beat for title +Sports,Ferguson: delighted +Sports,Michigan loses but wins anyway +Sports,Familiar result for Krzyzewski +Sports,Roundup: UCLA triumphs in season opener +Sports,Today's schedule +Sports,Grand opening for Terriers +World,CRISIS IN IRAQ: THERE #39;S NO HUMANITY +Sports,"Down, but never out " +Sports,"After slip, Sorenstam back on top" +Sports,"Fitzpatrick amp; Co. were amazing, end of story" +Sports,"Cut, cut: Scene is repeated in Providence" +Sports,Alou goes to bat for Sosa +Sports,Perfect Game +Sports,Sports amp; Fitness Calendar +World,Ukrainians vote in knife-edge presidential election (AFP) +World,UN repeats plea for hostage release in Afghanistan (AFP) +World,Bush tells Musharraf he will focus on Mideast issue (AFP) +Sports,CROSSING THE LINE +Sports,Finishing holes start more trouble +Sports,Bizarre Monday Night Football message +Sports,New Giants season starts today +Sports,Florida Classic: Record day fails to make Rattler feel any better +Sports,Gators defense finally closes one out +World,Insurgent assault feared in Baghdad +World,Israeli soldiers kill Palestinian in Gaza Strip; Abbas to be <b>...</b> +Sports,Johnson trade is given OK +Sports,Weis chooses not to make pickoff +Sci/Tech,Toyota Prius is 2005 European Car of the Year +Sports,South Africa in strong position Kanpur Test +Sports,It's about the best you can do with BCS +World,Paris Club moves to write off Iraq #39;s debts +World,PM gives open invitation of talks to North east groups +World,Israeli army arrests 6 Palestinians in W. Bank +Business,Charity looks at new ways to raise funds for holiday +Business,Kmart and Sears #39; merger troubling +Sports,Blake Puts Nightmare Year Behind Him +Sci/Tech,B-52B test plane flies final mission +Sports,Woods seizes first strokeplay title of year +Sports,OLDEST MAN DIES AT 113 +Sports,Cricket-Hall gets ton as Indian bowlers toil hard +Sports,Winky repeats over Shane +World,Deal nears on Iraq debt write-off +World,PALESTINIAN HOPEFULS JOCKEY FOR POSITION +World,Mideast awaits Powell visit +World,Nine Chinese miners die in blaze +World,Image Gallery of Faces of the week +World,Myanmar's mass prison release may take a week or more (AFP) +World,China shelves tallest tower plans +Business,Who #39;s Afraid of Kmart and Sears? Not Target +World,"Peru Detains Siege Leader, to Storm Police Post" +Sci/Tech,Green amp; Mean +Sci/Tech,Detroit zoo considers options for two elderly elephants +Sports,Hall puts SA in command +Sports,Mosley is on short end again +Sports,No keeping low profile +World,Iran says will go ahead with nuclear suspension Monday +Sci/Tech,Steaming mad at Valve +Sports,MATCH VIEWS FROM THE BROADSHEETS +World,Iran says to fulfill uranium suspension as scheduled: spokesman +World,France acted illegally in Ivory Coast attack +World,"Israel, Palestinians Await Powell Visit" +World,"Darfur Fighting, Troops Block Food Delivery" +Sports,UConn ousts Marist +Sports,This Cowboy will ride it out +Sports,Indiana falls a little short +Sports,Price's Miners secure unlikely bowl berth +Sports,Cardinals lift off in Houston +Sports,Arrington gives Bears a big game +Sports,Auburn is still perfect -- barely +Sports,Triple threat powers Eagles +Sports,"River Hawks beat the clock, Pace" +Sports,Broncos run win streak to 21 +Sports,Peterson carries perfect Sooners +Sports,No keeping low profile +Sports,Miami maintains BCS hope +Sports,Tennessee wraps up SEC title game date +Sports,Tech turnovers fuel runaway for Cavaliers +Sports,It's back up and running +Sports,Kicked into high gear +Sports,Crimson defense shows off its good side +Sports,Big Red can't complete the job +Sports,Rare win for Gators at FSU +Sports,LSU rushing record up Broussard's alley +Sports,Lynnfield and Sutton share title +Sports,Barnstable nets second straight +Sports,Ricker goal enough for Nashoba +Sports,GDA falls short against Brunswick +Sports,Upstart Somerset gives Horton fitting finale +Sports,"Hewitt, Federer to clash for Cup" +Sports,Cup within reach for Busch +Sports,De La Hoya firm adds some punch +Sports,Mosley is on short end again +World,Informant's Fire Brings Shadowy Tale +World,"Bush to Meet With Leaders of Mexico, Chile" +Sci/Tech,Multi-purpose TV aids India +World,Pushing the UN to act when it must +World,Panel Says Iraq to Hold Elections Jan. 30 (AP) +Business,"Win friends, influence voters on public #39;s dime" +Sports,Manning promotion no sign of surrender +World,Iran vows to freeze uranium enrichment +Sports,Woods Ends Drought with Japan Breakthrough +World,Ukrainians Voting in Presidential Run-Off (AP) +World,Palestinian Donors Show Some Optimism (AP) +Sports,Bucks unleash their potential +World,"Dhaka fire destroys 1,800 shops" +World,Don't stand for racism - football chief +Business,Comments from readers about Vioxx +World,"Powell to Focus on Evaluation, Inspiration" +Business,"G20 opposes quot;abrupt changes quot; in forex, oil; sees 2005 slowdown" +World,Quake May Have Permanently Shifted Islands +World,Baghdad Governor Assassinated +Sci/Tech,The Lowdown on High-End PDAs +Sports,Stern response needed from Stern +World,UK to Seek Debt Relief for Tsunami Nations +Sports,O #39;Neill hits out at Novo +Sports,Dungy entitled to be offended by MNF intro +Sports,Winky sees off Mosley again +Sports,Game at Clemson marred by brawls +World,Howard unveils election platform +World,US State Department: Iranian Intelligence is Strong +World,Cricket: Australia tighten grip +World,Manmohan arrives on two-day visit to Assam +Business,Directors rebuff Oracle #39;s \$24 bid +Business,Huge US deficit emphasizes fragile world view of the American <b>...</b> +Business,Clash of retail giants could benefit small toy stores +Sci/Tech,Nintendo #39;s new portable DS a big change from Game Boy +Sci/Tech,Recording giants file copyright suit against city music collector +Sports,Chase for the Cup +Sports,Wright #39;s jab still too much for Mosley +Sports,ENGLAND v SOUTH AFRICA RATINGS +World,Palestinians want Powell to help release Barghouthi +World,Detainee release lends dignity to Myanmar +World,Afghan sentenced for killing four journalists +World,Minister Tries to End Royal Memo Row +World,New anti-terror plans +World,Sri Lanka steps up security +World,Israel Kills 7 Palestinians in North Gaza -- Medics +World,Bush warns Iran and North Korea +Business,Russia to supply energy resources to India +Sports,Racism: FIFA should hit Spain hard +Sports,"Prime time, slime time" +World,"Tsunami toll hits 15,485 dead or missing in India: official (AFP)" +World,Humane law in offing in Manipur: PM +Sports,Barcelona coach urges caution despite victory over Madrid +Business,Lockheed Martin allegations focus on Boeing #39;s chief executive +Business,Insurers may drop thousands of homeowners as moratorium ends +Sci/Tech,Nintendo prepares weekend launch of new handheld +World,"Hostage freed, husband grieves" +World,"8 Dead, 79 Wounded in Chinese Mine Fire" +World,SWAPO Declared Winner in Namibia Election +World,Five missing German tourists found +World,"China Plane Crashes Into Frozen Lake, Killing 54 (Reuters)" +World,Fox hunting ban is about 'class war': Labour MP (AFP) +Sports,Expos #39; move given conditional approval +Business,Taser Execs Selling Heavily on the News +Business,"Be Happy, Put Retirement Fears to Rest" +World,Ukrainians Choose New President in Landmark Vote +Sports,Fans #39;disgusted #39; by Tigers #39; fate +World,"Israel, Palestinians Await Powell Visit" +World,Death in Custody of Afghan Kidnap Suspect Probed +Sports,Quadruple on the cards for wealthy Chelsea +World,Iraq debts write-off 'approved' +Business,Focus Shifts to Dollar and Rates +World,Baghdad Governor Assassinated; Bombing Kills 10 (Reuters) +Business,Taser insiders sold \$68 million of stock in a week +Business,A trade-rule gamble +Sports,Tennis: Marathon tie-breaker triumph puts Federer into Masters Cup <b>...</b> +Sports,World #39;s oldest man dies at age 113 +Sports,England could have walked - Fifa +World,Dramatic appearance in Poland of kidnap victim +World,PM departs for four-day S. Asian tour +World,Palestinians want the Americans to ensure smooth elections +Sci/Tech,US experts to examine filtering Web songs: Court +Business,Focus Shifts to Dollar and Rates (Reuters) +Business,Taser Execs Selling Heavily on the News (Reuters) +Business,"Be Happy, Put Retirement Fears to Rest (Reuters)" +Business,"When Executives Speak, Hotels Listen" +Business,BAE turns its sights on US +Business,WTO negotiators finish week of farm talks +Sports,Hewitt bids to derail Federer express +Sports,Down and out +World,Afghans Investigate Death of Suspect (AP) +Sci/Tech,Humans May Double the Risk of Heat Waves +World,PM in Assam for a two-day visit +World,Jail term for Bahraini activist +Sci/Tech,MacCentral week in review +Sports,Barcelona 3-0 Real Madrid +Sports,Tailbacks take back seat in Iron Bowl +Sports,Bears #39; trail drawing closer to Pasadena +World,Russia blocking Paris Club debt relief for Iraq: G20 source +World,Afghan gets death penalty for killing four +Sci/Tech,"How to avoid viruses, remotely access home PC Scripps Howard News <b>...</b>" +Sports,Australia vs New Zealand +Sports,SA #39;s Hall seeks to pin down win +World,Russia holds out on Iraq debt plan +World,Prince Charles Hits Back at #39;Out of Touch #39; Jibe +World,Britain considering tough new anti-terror laws +Business,"GM, Ford Sales Sagged in November" +Business,VIOXX HEARINGS: GET A TASTE OF YOUR OWN MEDICINE +Business,Costello to steer Group of 20 +Business,Report: Officials search Yukos managers #39; homes +Sports,Busch the Man to Beat for Nextel Cup (AP) +World,Report: Officials search Yukos managers' homes (Canadian Press) +Sci/Tech,Hole-hearted attempt +Sports,Reeling Kiwis try to get back on the wagon +Sports,Hodgson homes in on number 10 +Sports,"Cal #39;s Arrington passes the torch to Lynch, and future looks bright" +Sci/Tech,Profits Fading in Digital Camera Industry (Reuters) +World,"Small Plane Crashes in China, Killing 54" +World,Top brass warns of Iraqi civil war +World,Arafat #39;s nephew arrives in Paris for Arafat #39;s medical records +World,Prince Charles defends his views on education +World,Costa Rica: Earthquake kills eight +World,Iraqis push ahead with elections +Sci/Tech,No Confidence Vote Passes Against UN Top Leadership +Sports,Friday night brawl a disgrace +Sci/Tech,Microsoft Targets Older People for Web Via TV +Sci/Tech,Profits Fading in Digital Camera Industry +Business,"U.S. Heartland Is Bursting with Corn, Soy" +Sports,NBA players suspended for big brawl +Sports,WHAT THE PAPERS SAY +World,Violence erupts in Baghdad +World,Achievements on Humanitarian Access in Darfur #39;fast falling apart #39; +Business,Korea Puzzled by US Currency Game +Business,Fears of split in Reliance group premature: +Business,MG Rover on brink of China deal +World,Israel urged to clear way for Palestinian vote +World,"We will meet India half way, vibes not encouraging: Musharraf" +Business,Sears-Kmart Deal Highlights Future Retail Trend +Business,US Pledges to Cut Deficit as G-20 Sees Growth Risks (Update1) +Sports,Bears Will Try to Disrupt Colts' Offense (AP) +Sports,Malice at the Palace - the last thing the NBA needed for their <b>...</b> +Sports,Centurion Hall puts South Africa in driver #39;s seat: +Sci/Tech,Study: Humans Were Born to Run +Sports,It #39;s been emotional says proud coach +World,World Briefs Column +World,British Labor government to step up anti-terror laws if wins next +World,Iraq Delays Elections to Jan. 30 +World,Three More Bodies Found in Iraq #39;s Restive Mosul +Business,Ambanis seek to resolve ownership issue +Business,SEC revises standards for securities brokers +Business,Power restored to portions of Bay Area +Sports,"Artest To Get 30-Day Suspension For Brawl, Station Reports" +Sports,Alabama Notebook +Sports,US birdie assault seizes UBS Cup lead +World,"Dollar Forecast Most Bearish in 18 Months, Trader Survey Says" +World,Iraq Sets Election Date But Unrest Threatens Poll +World,U.S. Urges Israel to Smooth Way for Palestinian Vote +World,Blair Puts Security at Heart of Pre-Election Plans +Sci/Tech,Blunkett moots 'proof-lite' Internet and banking banning orders +Business,Snow: U.S. Deficits to Fall +World,Senate Confirms Treasury's Bitsberger (Reuters) +Business,San Francisco hotel lockout ends; talks to continue +Business,SEC inks deal for online posting of financial statements +Business,Yuan peg to ease #39;in stability #39; +World,Mine fire kills 33 in north China province +Business,Peoplesoft rejects new Oracle bid +Business,Peoplesoft rejects new Oracle bid +Business,Kmart #39;s man of mystery +Business,NZ #39;friends #39; to push for free trade with US +Business,Roubles on the trade agenda +Sci/Tech,Nintendo DS goes on sale in America +Sci/Tech,Google introduces new research tool +Sports,Casey shines in England golf win +Sports,Boxing: Ronald Wright retains titles +Sports,NZ withstands Welsh passion +World,55 killed in China plane crash: +World,India pulls 3000 troops from Kashmir +World,Swapo party wins Namibia elections +Sports,BLUSHES IN BLUE +World,Five killed in Brazil land clash +World,Sinn Fein leader 'regrets' bombs +Business,Moscow sets date to auction Yukos unit +Business,"Big 6 banks poised for profit slowdown, but still expect double <b>...</b>" +Sci/Tech,Google #39;s Caution +Sci/Tech, #39;Electronic eye #39; helps blind cross the road +Sports,Beer-swilling idiots should bear most of the blame +Sports,Boy becomes a Manning +World,Britain to Tighten Anti-Terror Laws +World,India PM courts north-east rebels +Sci/Tech,Bofra exploit hits our ad serving supplier +Business,Stelco #39;s bankruptcy restructuring looks more like an auction 10 <b>...</b> +Sports,"McNair In, Brown Out at QB for Titans (AP)" +World,Bahrain Activist Pardoned by King +World,Report Says Congress Must Fix Amtrak (AP) +Business,China Builds Trade Ties With South America +World,Debt relief for Iraq +Business,ANALYSIS: Dollar Fall Will Come at a Price for All +World,Three ministers face the boot amid fears of a Zanu PF rift +Business,Amtrak in Another Hole with \$1.3 Bln Loss +Business,The fizz could go out of Sears merger euphoria +Business,G-20 skirts sliding dollar +Business,Investors may see more put on trial +World,Community Tries to Revive Cuba's Chinatown (AP) +Sci/Tech,"Space-flight pioneer predicts 3,000 quot;astronauts quot; in 5 years" +Sci/Tech,Virus protection for cell phones on the way +Sci/Tech,Consumers could be the losers in battle for next-generation DVD standard (AFP) +World,TOP UK MINISTER GOES... NUTS OVER HER +Sports,NBA smackdown +Sports,Wales finish by making right sort of splash +Sports,Nou or never for samba stars +Sports,McNair to start; Titans without Brown against Jags +World,Iran to go ahead with nuke act suspension +World,"Thirty-three dead, 61 missing after fire in five Chinese mines" +Sci/Tech,Israel Hit by Worst Locust Plague Since 1950s (Reuters) +World,Bush Has a Plan to Create Jobs (AP) +World,Rehnquist's Status Still a Mystery (AP) +World,Lawmaker: White House Key to U.S. Intelligence Reform (Reuters) +World,U.S. Urges Israel to Smooth Way for Palestinian Vote +World,Ukrainians Vote for New President in Landmark Poll +World,Bush Pledges Immigration Reform at Asia-Pacific Summit +World,Iran Bars National Geographic Over Map Dispute +World,New clashes erupt in west Nepal +World,Plane Crash in China Kills All 53 People Aboard +World,Bush to Renew Intelligence Reform Pressure on Congress +World,"Some 20,000 protest in Cologne against violence in the name of Islam (AFP)" +World,Paris Club Agrees on Iraq Debt Reduction (AP) +Sci/Tech,Congress Passes Satellite Transmission Measure +Sci/Tech,PeopleSoft's Board Rejects Oracle Bid +Business,"US, Europe play blame game over sliding dollar" +Sports,England wins World Cup with final-round 64 +World,New clashes erupt in west Nepal +World,EU needs rebalance of power to be fully democratic body +Sports,BCS Bound; Utah Remains Undefeated +Sports,Casey Shines as England Wins World Cup in Seville +Sports,Shaky Gunners blow it +Sports,"United May Offer Malcolm Glazer Seat on Board, Observer Says" +Business,Stage set for Ambani family meeting +Sports,NBA Melee Another Black Eye for Detroit (AP) +Sports,Michigan Headed to Rose Bowl Despite Loss (AP) +Sci/Tech,Time to defund NASA? +Sports,Casey and Donald seal World Cup win +Sports,Hall and de Bruyn grind down India +Sports,Cricket-Queensland fight back in Sheffield Shield cricket +Sports,England produce new star +World,Powell Arrives for Middle East Talks +World,US forces find two more bodies near Mosul; militant group claims <b>...</b> +World,Iraq sets election day +Business,Changing Tenors of Govt. Regulation +Sci/Tech, #39;Scramjet #39; Hits Almost Mach 10 +Sports,"Cardinals Start Shaun King, Bench McCown (AP)" +World,Iran insists N-deal still on +World,Manmohan hopeful of resolving issues with Pak through negotiations +World,U.S. Forces Find Houses Where Hostages Kept +Business,Russia okays forced sale of Yukos arm +Business,"Disney trial often gets personal as Ovitz, Eisner testify" +Sports,Jets' Martin Ties Sanders' NFL Mark (AP) +Sci/Tech,Forest Service learns to enjoy its trees +Sci/Tech,Nintendo DS Launches in the US +Sports,Brawlers suspended +Sports,Jets #39; Martin ties NFL rushing mark +World,Bush Spends Last Day At Pacific Rim Summit In Chile +World,Iraqi PM #39;s cousin released by kidnappers: TV +World,British govt cash called for to bolster peace +World,UN envoy says peace in south Sudan inevitable +World,UN to deploy thousands of troops in south Sudan after peace deal (AFP) +World,Federal Liberals were ahead in recent national poll with 40 per cent support (Canadian Press) +World,McCain Not Ruling Out Run for President (AP) +World,Iran Using Lasers to Enrich Uranium - Exile Group (Reuters) +World,Exit Poll Shows Liberal Winner in Ukraine Election +Sports,"A year later, Tuberville all smiles" +Business,Chiefs agree on oil prices +Sports,Winky Wright Now Looking to Cash In (AP) +Sports,"Ravens' Lewis, Smith Injured Vs. Cowboys (AP)" +Sports,Report: Artest suspended for 30 games +World,Leader of IRA #39;s political wing quot;regrets quot; 1974 pub bombings +Sports,"England: Chelsea shock Newcastle, French forces inspire Arsenal" +Sci/Tech,Google Muscles Into Microsoft's Turf (AP) +Business,Retail predictions for 2004 shopping season +Sci/Tech,Electronic Passports Might Not Measure Up (AP) +Sci/Tech,Swift Probe Successfully Launched +World,Raid on Mosque Sparks Battles in Baghdad (AP) +Sci/Tech,New Video Game Recreates Kennedy Assassination (Reuters) +Sports,Pacers Hang Tough Minus Suspended Players (AP) +World,Powell begins visit to Mideast +Sci/Tech,"PeopleSoft spurns latest Oracle offer, says shareholders unmoved (AFP)" +Sports,Lee Westwood leads Nedbank Challenge +Sports,IAAF to Consider Investigating Sprinter Jones +Business," #39;Falling dollar to hit Germany, Japan most #39;" +Business,Poverty Still Mars Chile #39;s Success Story +Sports,Kiwis Aussiehilated +Sports,Nascar to Crown a Champion +Sports,"With Illini #39;s season over, attention turns to Turner #39;s future" +World,US PUSHES FORWARD ON PALESTINIAN VOTE +Business,Google Treads on Microsoft's Turf +Sci/Tech,Firefox surfers ignore ads +Business,Ambani sisters in Mumbai for family meeting +World,Sudanese cabinet welcomes UN resolution on Sudan +Sports,Report: Artest Suspended for 30 Games (Reuters) +World,Yemen president starts Europe tour (AFP) +Sports,Beasley Leads PSV to Another Shutout Win (AP) +World,African leaders gather Tuesday to assess NEPAD development program (AFP) +Sci/Tech,Windows NT 4 support to come at price in #39;05 +Sports,Pacers-Pistons melee another black eye for Detroit #39;s image +Sports,England clinches World Cup +Sports,Wolfsburg falls out of Bundesliga lead despite early goal +Sports,I-AA Playoff Bracket Announced +Sports,Meshiai in Tie for the Lead at Q-School +Business,Gas Prices Dip to Average #36;1.96 a Gallon (Reuters) +Business,Google creators in share sell-off +Business,Gas Prices Dip to Average \$1.96 a Gallon +Sci/Tech,ACCESS Announces NetFront Mobile Content Viewer Previewing and <b>...</b> +Sports,Tigers trail Sooners by just four points +Sports,"Reese, Meshiai Lead Champions Tour Quals" +World,British sec. to reveal terror proposals +World,Bahrain activist freed +Sports,Ravens Slug Cowboys +Business,Merck steps up PR campagin after recall +Business,"Inflation fears, oil swings to keep sentiment low" +Sci/Tech,DoCoMo 3G phones add wireless VoIP +Sports,"Reese, Meshiai share Champions Tour qualifying lead" +World,The Politics of Time and Dispossession +World,54 dead as plane falls into lake +Sports,Tide Staff Shifts Modes +Business,Gas Prices Dip to Average \$1.96 a Gallon +Business,Apec pushes for free trade boost +Business,"A Stock Party, Then a Retail Hangover" +Sci/Tech,PSU telescopes rocket into orbit +Sci/Tech,NTT DoCoMo - the biggest Japanese cell phone operator says BIG NO <b>...</b> +Sci/Tech,Company Launches JFK Assassination Game (AP) +Sports,Manning punishes Bears with 4 TD #39;s +Sports,"Reese, Meshiai Lead Champions Tour Quals" +Sports,NFL Game Summary - Dallas at Baltimore +Sports,Jets Bounce Back From Loss to Ravens (AP) +Sports,Vikings Make Rally Count Against Lions (AP) +World,Arafat widow contests right of nephew to receive medical file (AFP) +Sports,Raptors Rally From 20 Down to Beat Spurs (AP) +Sports,McEnroe to Captain Davis Cup Through 2006 (AP) +World,Former Groupaction executive arrested for allegedly breaking bail conditions (Canadian Press) +World,Senate Confirms Adelstein for FCC Term (AP) +Sci/Tech,New Video Game Recreates Kennedy Assassination +Business,What a Week: Greenspan Trips Dollar +Sci/Tech,HAMMER OF THE SPAMMERS +Sports,"Artest gets 30-game suspension, Wallace five" +Sports,"Martin joins Sanders, hurts knee" +World,Major points of Iraqi debt reduction plan +Sports,Slovene Center Is Feeling Like a Rookie Again +Sci/Tech,Spam #39;under control #39; in two years: Gates +Sports,England: Balckburn still in last +Sports,"Jets 10, Browns 7" +Sports,Alternative bonfire takes a while to light +World,Powell attempts to revive Mideast peace process +World,Prince to defend himself in speech +Business,"US Average Gasoline Pump Price Falls to \$1.96, Lundberg Says" +Business,Cracks in the first family of business +Business,Gold Fields plans \$3.5 bn asset sale +Business,Online bidding firms seek bounce from insurance industry scandal +Sports,"Pacers Scared, Shocked by Detroit Fans (AP)" +Sci/Tech,RIAA sues more music downloaders +Sci/Tech," #39;Mr. Bill Gates, you #39;re no Google #39;" +Sci/Tech,Scientists Create Electronic Eye for the Blind +Sports,Droughns Helps Broncos Stay Atop AFC West (AP) +Sports,"Rovers, Blues draw" +World,Resistance Support from Arab World +World,APEC Leaders Want to Revive World Trade Talks +World,Hamas signals it wants a role in Palestinian vote +World,Bush Seeks to Mend Ties With Latin America +World,Peru Wants Intl Court to Take on Fujimori Case +Business,Oracle wins PeopleSoft shareholder vote +Sports,Barcelona beats Real Madrid in Spanish league +World,Asia-Pacific summit ends with anti-terror pledge +World,Iraqi PM #39;s Cousin Freed +World,Palestinian struggle for statehood +World,Manmohan arrives in Manipur +Sports,Manning Tames Bears +Business,Oracle poised to pounce on PeopleSoft +Business,Fund chief busted for embezzlement +Sci/Tech,SpaceShipOne named Time #39;s quot;Invention of the Year quot; +Sci/Tech,Let human diversity color the cosmos +Sports,Reid striker not enough as Rovers stay rooted +Sports,Psv Power on at Summit +Sports,Buffs still cling to North title hopes +World,Bush encourages more debt reduction for Iraq +World,"APEC Seeks Palestinian Solution, Wider Coalition in Terror War" +World,Iraqi PM Allawi #39;s cousin freed +World,Palestinians wants US to ensure smooth polls +World,Backdoor Help for Darfur +World,"In Imphal, PM makes it a point to meet women who stripped to send <b>...</b>" +World,"'We want regime change', Zimbabwe opposition leader tells Britain (AFP)" +World,"Quebec should boost hydro capacity to enhance exports, says Charest (Canadian Press)" +World,Sahara tourists face theft charge +Sports,Kurt Busch Takes Nextel Cup Title (AP) +Sports,Kurt Busch Takes Nextel Cup Title +Sports,Peyton Manning Has 4 TD Passes as Colts Beat Bears: NFL Week 11 +Sports,"Bettis Runs Over Bengals, Steelers Win 8th Straight" +Sports,San Antonio Spurs +Sports,Purdue Routs Indiana-Purdue Fort Wayne (AP) +World,Plane crash in China kills more than 50 people +Sports,"Bettis Runs Over Bengals, Steelers Win 8th Straight" +Sports,Busch Wins Nextel Cup +Business,PeopleSoft board rejects bid +Business,Two-For-One Sale +Business,On The Move: Airlines going the extra mile for luxury +Sci/Tech,India debates space flight as lunar project proceeds +Sci/Tech,Bill Gates gives SPAM 2 more years +Sports,Safin could yet be force on grass +Sports,"Proteas thwart India spin attack, are at 459 for 7:" +Sports,Barcelona reigns supreme over Real #39;s fading stars +Sports,UPDATE 1-Inter make hard work of Cup win over Bologna +Sports,"Meet Glenn McGrath, Australias new batting star" +World,Top official of Pakistan making first visit to India +Sports,Artest Out for Season +Business,"Dollar Near Record Lows, No G20 Support" +Sci/Tech,Experts See Demand for Web Insurance Bids (AP) +Sports,Manning and James Lead Colts to Another Rout (Reuters) +Sci/Tech,Microsoft lands US Air Force +Sports,NBA Commissioner Statement on Suspensions (AP) +Sports,"Suns 122, Clippers 111" +Sports,British company launches #39;docu-game #39; recreating JFK assassination +Sports,No. 7 Stanford Shuts Down Pacific 82-26 (AP) +Sports,ABC Drops College Bowl Series +Sports,Manning and James Lead Colts to Another Rout +Sci/Tech,"Clarke's x-ray specs - police swoops, detectors for schools" +World,McCain to consider possible 2008 presidential run (AFP) +World,Turmoil Grips Elite School Over Money and Leaders +World,When a Video Game Stops Being Fun +Business,Online firm in the frame for takeover +Sports,Auburn Slips Back to No. 3 Behind Sooners (AP) +Sci/Tech,McAfee Provides Industry-First Mobile Virus Protection For NTT <b>...</b> +Sports,Stoudemire Scores 33 As Suns Top Clippers +Sports,"SEC, ACC to review tapes of Clemson-South Carolina fight before <b>...</b>" +Sports,Dave Dickenson gets the start at quarterback for the BC Lions +Sports,OSU Eyes Alamo Bowl +World,"Locusts sighted in Jerusalem, TA" +Sports,NBA Suspends Artest for Remainder of Season +Business,Behind the K-Mart-Sears Deal +Business,Broader impact from airline pension woes feared +Business,Pakistan Invites Proposals For Pakistan Telecom Sale +Business,SIPTU opposed to Aer Lingus privatisation +Sci/Tech,Google puts new slant on scholarship +Sports,England: Blackburn fight back to draw with Birmingham +Sports,Old rivals hit a new low +Sports,England wins second World Cup title +Sports,Lions take early lead after first quarter of Grey Cup +Sports,"GAME DAY RECAP Sunday, November 21" +World,Iraq Sets Election Despite Fresh Violence (AP) +World,Bush Tries to Mend Ties With Latin America (AP) +World,Bush applauds Iraq debt cuts +World,Israel abuzz as locusts swarm in +World,Survivors Mark 30th Anniversary of Birmingham Bombs +World,"Russia, Japan fail to make progress in peace talks (AFP)" +Business,PeopleSoft defies \$9.2bn Oracle bid +Business, #39;Deficit as far as eye can see #39; to be cut +Business,Harmony dismisses Gold Fields #39; defence +Business,Britain has signaled its opposition to EADS-Thales merger +Sports,Blackburn give Hughes heart +Sports,"No. 21 Oklahoma 76, Texas St. 57" +Sports,"Plenty of brawl blame to spread around, say NBA rivals (AFP)" +World,US persuades Paris Club to write off 23bn of Iraqi debt +World,IRA fails to say sorry for Birmingham pub bombs +World,King Hamad Pardons Jailed Activist +Sports,Virginia Upsets No. 10 Arizona 78-60 (AP) +Sports,N.B.A. Suspends Artest for the Rest of the Season +Sports,Southern Miss Golden Eagles +Business,"Dollar Near Record Lows, No G20 Support" +Business,Longbridge land sold in 15m deal +Sports,NBA Suspends Artest for Rest of Season (AP) +Sports,McNabb Leads Eagles Past Redskins 28-6 (AP) +Sports,Injuries Deplete Rams Defensive Secondary (AP) +Sports,USC aims to end #39;04 with poll position +Sci/Tech,Microsoft opens war for Internet dominance +Sports,Hewitt clash cut short +Sports,"No. 21 Oklahoma 76, Texas St. 57" +World,Flexibility does not come with stray words: Singh +World,Powell Arrives in Israel in Latest Push for Peace +World,Wanted: a more realistic Myanmar policy +Sports,Artest Banned for Rest of Season After Ugly Brawl +World,"Bush Job Plan Features Tax Cuts, Drilling (AP)" +Sci/Tech,AOL to Adapt WebEx Services for AIM Consumers +World,"Colombia Deploys 15,000 Troops for Bush (AP)" +World,China Iron Mine Fire Death Toll Rises to 33 +Sports,U-Va. Upsets Arizona +Sports,Chargers Top Raiders +World,Liberals Celebrate as Ukraine Waits Poll Result (Reuters) +Sports,Falcons Spoil Manning's Debut With Giants (AP) +Sports,Kennedys Condemn #39;Despicable #39; JFK Assassination Game +Sports,No. 24 Maryland Beats Siena 73-52 (AP) +Sports,Manning Falls Short in Debut for Giants +World,Exit Poll: Challenger Leads in Ukraine (AP) +World,U.S. Forces Kill Four in Afghanistan (AP) +Business,"Dollar Near Record Lows, No G20 Support" +Business,"Greenspan Saps Stocks, Dlr Teeters" +Business,MG Rover to slash directors #39; pension payments by 90 +Business,"Japan #39;s Nikkei 225, Topix Decline; Kyocera Corp., Canon Drop" +Sports,NFL's Jamal Lewis Leaves Ravens' Victory (Reuters) +Sci/Tech,Spinning space probe to record the #39;birth cries #39; of black holes +Sci/Tech,Software now available for the new gaming season +Sports,"NBA suspends nine players, Artest for rest of season" +Sports,Sorenstam signs off in triumph +Sports,Wright defends title by beating Mosely in rematch +Sports,GOLF: TIGER WIN ENDS NIGHTMARE RUN +Sports,Ronaldinho #39;s genius signals a power shift +Sports,"Seahawks 24, Dolphins 17" +Sports,NFL Game Summary - Washington at Philadelphia +Sports,Steelers defeat Bengals +World,Israel to give Powell pledge on West Bank troop cuts +World,"Jet crashes into frozen lake in China, killing 54" +World,Iran stands by nuclear pledge +World,Clarke ends feud with Charles over #39;social utopianism #39; +World,New clashes in Nepal claim 34 +World,A plague of locusts +Sports,Vick Runs Past Giants +Business,PeopleSoft shareholders back Oracle bid +Business,Some Executives Can #39;t Take a Hint +Sports,Juicy matchup is one to savor +Sports,Hughes cheered by remarkable comeback +Sports,FOX NFL SUNDAY SHOWCASE: Week 11 +Sports,Weak finish wastes Lions #39; roaring start +World,SINN FEIN LEADER REGRETS BOMBS +Business,Harriet Rubin +Business,Nikkei follows dollar down +Business,Fed audit rules cost firms cash and time +Sci/Tech,Gates Believes Spam Will Be Eliminated Within Two Years +Sports,FIFA investigates racist heckling at soccer games +Sports,Phantoms extend win streak to 14 games with 4-3 overtime win +Sports,Celtics Snap Sonics' 9-Game Win Streak (AP) +World,Adams stops short of apology +Sports,NFL Wrap: Bettis Sinks Bengals in Steelers Win +World,Rwanda snubs UN forces in DR Congo +World,Parents back anti-bully campaign +Business,James Hardie Earnings to Miss Estimates on Boycott (Update2) +Sports,Seahawks reclaim first place in NFC West +Sports,Grin and Bear it: Manning and James lead Colts to another rout +Sports,Raps use miracle comeback to edge Spurs +Sports,"Heat Top 76ers, Stay Unbeaten in East (AP)" +World,Powell Wants Mideast Foes to Smooth Way to Election +World,International Creditors to Cancel Most Iraqi Debt +Sports,Orange Guard Edelin Returns to Practice (AP) +Sports,Gutsy victory is sum of Titans #39; spare parts +World,Chavez names oil chief as FM +Business,APEC #39;s importance never greater +Sports,Three on Pats Buses Injured in Accident (AP) +Sports,Sorenstam trumps Kerr +Sports,Colts outclass Bears in one-sided track meet +World,Strong Earthquake Kills One in Caribbean (AP) +World,Powell to Seek US Aid for Palestinians +World,Gaza out of control +World,Hopes fade for 58 missing after Philippines storm toll rises to eight (AFP) +Business,Online Insurance Bids May Rise +Business,"Japan #39;s Nikkei 225, Topix Set for Biggest Drops in Six Months" +Business,"HK PRESS: Hutchison Chmn Eyes Good #39;05, Promises Pay Rise" +Sports,GOLDBERG: Manning Improves During Game (AP) +Sci/Tech,"Dell, Gateway Settle into the Living Room" +World,Powell #39;s Middle East mission +World,Bilateral flexibility urged for solution: Musharraf says Pakistan <b>...</b> +Sports,WADA Sanctions \$1.47 Million Rise in Expenditure +Sports,"For Artest, Today's Troubles Took Root Years Ago" +Business,Bush stands up for strong dollar +Business,Survey: Gas prices drop as consumption goes down +Business,US Treasuries steady after fall on Greenspan +Business,Shanghai #39;s gain might be Birmingham #39;s loss +Business,A Mogul #39;s Migraine +Sci/Tech,Virus chaos thwarted by poor social engineering +Sports,Victorious Wright has a nod and wink for Trinidad +Sports,WADA Sanctions \$1.47 Million Rise in Expenditure +Sports,Ageless Allen scores two TDs as Argonauts upset Lions 27-19 in <b>...</b> +Sports,Kiwis crumble to McGrath +Sports,NBA Brawl Quote Box (AP) +World,Bush welcoming word of debt relief and elections +World,Talks set for China free trade +World,Woman hostage is released in Iraq: +World,Sikhs to mark anniversary +World,Australia migration focus shifts from Asia to Europe (AFP) +Business,"Stocks Sink, Dlr Steadies Above 103 Yen" +World,Music Industry Is Trying Out New Releases as Digital Only +World,Upscale Flavors on Chicago's North Side +Business,US risks a downhill dollar disaster +Business,Official Says Deferral Strategy Fails Amtrak +Business,Ambanis set up talks +Business,It #39;s a Family Affair +Sci/Tech,Playing Games in Your 20 #39;s? Nintendo Is Onto You +Sports,NBA Gets Tough After Near-Riot +Sports,Boumsongs plea for peace +Sports,"Big Ben pressured, but responds" +Sports,Jets #39; Martin Ties Sanders #39; NFL Mark +World,Leader of Peru group in standoff surrenders; troops mobilize +World,Iran promises to meet nuke deadline +Sports,Sorenstam Needs a Playoff to Beat Kerr +Sports,NBA #39;s longest suspensions +Sports,New systems success has let designer prove a point +Sports,NBA ROUNDUP Raptors Rally Late With Carter Sitting +World,PLO to press Powell on road map +Sports,Federer Defends Master Cup With 13th Win (AP) +Business,Pulitzer Hired Banker to Explore Sale +Business,Pulitzer Hired Banker to Explore Sale +Business,"Amtrak Infrastructure On Brink, DOT Warns" +Business,San Francisco Hotel Workers to Return +Sci/Tech,Improved #39;Halo 2 #39; has multiplayer mode +Sci/Tech,Yahoo doubles e-mail storage limits +Sports,NBA Meltdown Provides Blame Aplenty +Sports,England win World Cup +Sports,Yorke accuses Blackburn fans of racist abuse +Sports,Eredivisie Wrap: Feyenoord Slip Up +Sports,Cavaliers Shock No. 10 Wildcats +Sports,Kings Rally Past Bucks for 5th Win in Row +Sports,McNabb Tosses Aside Sluggish Start and Lifts Philadelphia +Business,Dollar Near Record Low Vs Euro +World,Bush hails Iraq debts reduction by Pairs Club +World,Iraqi Premier urges Sunni Muslims to join elections +World,Chavez calls for anti-terror plan after killing of state attorney +World,Ruling party retains Namibia presidency +Sports,Paul McCartney to Headline Super Bowl Show (AP) +Sports,Kings Rally Past Bucks for 5th Win in Row (AP) +World,Some rely on boats in Maldives +Sci/Tech,"Volcano Erupts in Southern Colombia, Ignites Fires (Reuters)" +Sci/Tech,More Than 60 Nations to Protect Sharks (AP) +Sports,N.B.A. Hands Tough Penalties to Players Involved in Brawl +Sports,"Present Imperfect, Future Is Manning" +Sports,Ugly Victory Redeems Carter in a Game of Second Chances +World,New row threatens top EU body +World,Bloody Sunday inquiry nearing end +World,Giving the Law a Religious Perspective +Sports,Mids Go Bowling +Sports,Grunfeld Backs Action +World,Iraq Force Likely to Grow +World,Iraqi Election Set for Jan. 30 +Sports,Connecticut Crashes Early +World,Bush Signs Bill to Keep Government Going +Sports,Justice Is Too Light +Sci/Tech,Microsoft Targets Older People for Web Via TV +World,Iraq looks to world for approval +Business,Cable's Rivals Lure Customers With Packages +Business,Silent bells +Sci/Tech,Humans Well-Suited for Running +Sports,Lions #39; Printers sits and watches +Sports,"Jets (Eventually) Down Browns, 10-7" +World,Thousands Flee Clashes in East Congo - U.N. (Reuters) +Sports,Crawford Outshines James With His 24 Points and Long-Distance Shots +Sci/Tech,Internet Retailers Reaching Out to Mailbox Surfers +Sci/Tech,Playing Games in Your 20's? Nintendo Is Onto You +Sci/Tech,Oracle Will Take Its Quest Back to Court +Sci/Tech,Computers as Authors? Literary Luddites Unite! +Business,Radio One Makes Its Move +Sci/Tech,Building a Medical Data Network +Business,Update 1: Pulitzer Inc. Says It #39;s Considering Sale +Business,Update 1: AirAsia Makes Solid Stock Market Debut +Business,Update 2: Tokyo Stocks Plunge; Dollar Trades Lower +Sports,"Suspensions greeted locally with outrage, suspicion" +World,"Burmese 'forgotten,' aid workers say" +Sports,Kings 88 Bucks 79 +Sports,North Carolina pulls shocker on No. 4 Connecticut +Sports,Crawford #39;s hot hand halts Cavs #39; streak +Sports,NBA-Raptors Produce Thrilling Comeback Win (Reuters) +World,55 Killed In Chinese Plane Crash +World,Iraqis not interested in Sharm el-Sheikh conference +Sports,NBA-Raptors Produce Thrilling Comeback Win +Business,Japanese Banking Group Mizuho Reports Dip +Business,Retail #39;s Little Guys Come Back +Business,More corporate whistleblowers sing +Sci/Tech,NASA HUNTS BLACK HOLES +Sci/Tech,SpaceShipOne named Time #39;s #39;Invention of the Year #39; +Sports,Federer wins epic tie-break to reach final +Sports,Kerr #39;s career at crossroads +Sports,In The Fast Lane: Busch wins NASCAR title +Sports,Fog delays start of play in Kanpur test +Sports,Manning shows promise despite losing first NFL start +Sports,Packers Sherman #39;s Theory: Practice +World,AUSTRALIA TO FORGIVE IRAQI DEBT +World,Powell starts new Middle East peace efforts +World,Asia-Pacific leaders close summit +World,Controversy over Arafat #39;s medical file +World,Washington expects #39;message of unity #39; on Iraq from conference +Business,"Stocks Sink, Dlr Steadies Above 103 Yen (Reuters)" +Business,Hardie boycotts start to bite +Business,France #39;s Industrial Power Trip +Sci/Tech,"Techbits: AOL security, Digital archives, Dual-network phones <b>...</b>" +Sports,VICK SHATTERS ELI #39;S DEBUT DREAMS +Sports,Tiger #39;s swing clicks for first win in 20 attempts +Sports,NFL Game Summary - Green Bay at Houston +Sports,Martin #39;s Presence Drives the Jets +Sports,Nowitzki Injures Ankle Against Nuggets (AP) +World,Bush calls for broader Iraq debt relief +World,Black box missing as investigators look into cause of China plane <b>...</b> +World,Man to face trial in Hookes case +World,Thirty-Three Chinese Miners Dead in Blaze (AP) +Sci/Tech,Radio One Makes Move +Sci/Tech,HGS Picks Watkins as New Chief Executive +Sci/Tech,BearingPoint Leader Plans Shake-Up +Business,BearingPoint Leader Plans Shake-Up +Business,Mizuho 1st-Half Profit Falls 8 on Fewer Stock Gains (Update1) +Sports,Packers Oust Texans 16-13 +Sports,Let #39;s hear it for the Heels +Sports,Utes Forcing Way In +World,Ex-presidents to lead aid effort +World,Paris Club agrees on Iraq debt reduction +World,Tough new laws on terror +World,Hu tells Japanese leader his shrine visits are quot;crux quot; of problem <b>...</b> +Sci/Tech,"An Exceptionally ""EEVL"" Search Resource" +Sports,Whole Latta heart +Sports,Raptors rally to drop Spurs +Sports,Utah Enjoys BCS Celebration While It Can +World,Stick-up becomes unstuck at Aussie restaurant +Sci/Tech,Advertisements You Didnt Demand +Business,Pulitzer Inc. says it #39;s considering sale +Business,Xstrata makes \$5.8B bid for WMC +Business,Crude Oil Little Changed After Gaining on Heating Oil Concern +Business,Kmart-Sears merger not a cure +Business,Newton ranked safest city in America +Business,Malaysia #39;s AirAsia rises sharply on debut +Business,Gas prices drop 5 cents nationwide +Business,"Wilbur Ross, Steel Winner, Bets on China Textiles as Quotas End" +Sci/Tech,Video game re-creates slaying of Kennedy +Sci/Tech,Nintendo DS: Doubly good +Sci/Tech,"Nvidia, Intel Sign Agreement" +Sci/Tech,"The phenomenon of Xbox #39;s gem, #39;Halo 2 #39;" +Sports,Clash brings back bad memories for Tomjanovich +Sports,"Sorenstam wins ADT Championship, Rosales 4th" +Sports,"FOR ELI, LINE PUTS ON GOOD FRONT" +Sports,Redskins Can #39;t Keep TO From Dancing in End Zone +Sports,Vikings 22 Lions 19 +World,U.S. to Help Rebuild Tsunami-Stricken Lives -- Powell +World,Powell meets Israel #39;s Sharon +World,International conference on Iraq opening in Egypt +World,Date Set for Iraqi Elections; Violence Slows Registration +World,Koizumi dismisses Chinese leader #39;s criticism of visits to Yasukuni <b>...</b> +World,Gunmen Assassinate Baghdad Governor - Police +Business,Marriage does not guarantee happiness +Business,Wonky crime numbers benefit St. Louis +Business,Upstart RCN faces second Goliath head-on +Sports,Federer wins rain-soaked Masters +Sports,India v South Africa +Sports,Jets: Carter keeps cool after a shaky start +Sports,Utah #39;s euphoria might not last long +Sports,Longwell barely makes game-winning field goal +Business,EU ponders sugar reforms +World,Major Creditors Agree to Cancel 80 of Iraq Debt +World,Clarke ends war of words with praisefor people #39;s prince +Business,Taking on No. 1 +Business,Upstart RCN faces second Goliath head-on +Business,Alien aims to multiply and thrive +Business,Firm reaches wide accord on lead paint +Business,Firefox helping to make Web better for all +Business,Merck offers Vioxx defense +Business,Pulitzer Inc. says it #39;s considering sale +World,"Thousands Queue for Water in Aceh, Aid Blocked" +Business,Oracle seen closer in PeopleSoft bid +Sci/Tech,Britain-JFK Game +Sci/Tech,"So much fun, it #39;s criminal" +Sci/Tech,Pennsylvania School District Retreats from Evolution +Sports,Federer trounces Hewitt to take Masters title +World,Apec pushes for free trade boost +World,Arafat #39;s medical file handed over to Widow +Sci/Tech,"Evolution still taught, regardless of debates" +Business,Tokyo stocks end flat +Sci/Tech,SpaceShipOne is Time #39;s #39;Invention of the Year #39; +Sports,Giants: Falcons impressed by first look at Eli +Sports,Culpepper rallies Vikings +World,Blunkett plans tough new terror laws +Business,Oil Extends Rally on Heating Worries (Reuters) +Business,Trump's Casinos File for Bankruptcy (Reuters) +Business,Oil Extends Rally on Heating Worries +Business,Stocks Sink as Dollar Hovers Near Lows +Business,Trump's Casinos File for Bankruptcy +Business,"PeopleSoft Says Again Oracle Bid Inadequate, It Won #39;t Sell" +Business,Xstrata makes new bid for Australia WMC +Business,Annual ranking of #39;most dangerous #39; cities +Business,AirAsia to make solid debut on Malaysian bourse next week <b>...</b> +World,New billboard beauty in London -- 96 years young (AFP) +Sci/Tech,Firefox helping to make Web better for all +Sports,NBA fans find extra security after brawl as shorthanded Pistons win (AFP) +Sports,Fans stand behind suspended Wallace +Sports,Holland: PSV Eindhoven keeps lead +Sports,41-year-old QB lifts Toronto to 1st Grey Cup since 1997 +World,U.S. to Help Rebuild Tsunami-Stricken Lives -- Powell (Reuters) +World, #39;Identity problem #39; is not political +Sports,Celtics keep it together +Sports,It's a group dynamic +Sports,Busch withstands pressure to win Cup +Sports,1-2 punch is a hit for Colts +Sports,McNabb heats up in 2d half +Sports,McNair cures Titans' ills +Sports,Droughns hits ground running +Sports,Jets get their timing down +Sports,There was no stopping Goings +Sports,It's Boulware to the rescue +Sports,Chargers zap Raiders again +Sports,It's one for all for BC +Sports,A tough playoff draw for UNH +Sports,"After further review, half a title is better than no title" +Sports,Six straight for Andover +World,Bush Touts U.S.-Backed Anti-Drug Efforts (AP) +World,Discipline of writing helped Dallaire beat Rwanda demons that haunted him (Canadian Press) +World,China Iron Mine Fire Death Toll Rises to 49 +World,Three held over Brazil land clash +World,Basketball: Season ban for brawl +World,EU ponders sugar industry reforms +World,Africa and its children +World,Ukraine prime minister takes lead in runoff +World,King frees convicted activist in Bahrain +World,US forces kill four in suspected Al Qaeda compounds +World,National Assembly elections set for Jan. 30 +World,Pacific Rim leaders vow antiterror efforts +World,S. Korea Weighs Support for the North +Business,Oil prices climb on winter supply fears +Business,AirAsia Shares Gain in Malaysian Debut on New Routes (Update3) +World,Gunmen Assassinate Baghdad Governor - Police (Reuters) +Sci/Tech,Swift takes off +Sci/Tech,New Video Game Lets You Kill JFK +Sports,Play resumes in first Test +Sports,Busch withstands pressure to win Cup +Business,Rates mixed in T-bill auction +World,Iran carries out promised suspension: report +Business,UPDATE 1-ING to sell Baring Asset Management +Business,CAT in alliance with AstraZeneca +Sci/Tech,Swift roars to record the quot;birth cries quot; of black holes +Sports,ROVERS BOUNCE BACK IN EWOOD THRILLER +Sports,Vick and the Falcons spoil Manning #39;s debut +Sports,Fancy moves on gridiron +World,Six bodies found in two group suicides in Japan +Business,Markets fall on weak dollar fears +Business,Xstrata Says Seeking WMC To Enhance Copper Profit Stream +Sports,"Artest deserves blame, especially from Pacers" +Sports,Green Bay wins with golden Brett +Sports,Early to rise? Not for UConn +Sports,Broncos #39; rout frustrates Saints owner +Sports,Green #39;s move has us fishing for answers +World,"U.S., Afghan Forces Raid Homes in Kabul (AP)" +World,U.S. Commander: More GIs Needed in Iraq (AP) +World,Russia Agrees to Write Off Iraqi Debt to Paris Club +World,"killer quake rocks dominica, guadeloupe" +Sports,Sorenstam Ends the Year With Trophy (AP) +World,China plane 'flew like drunkard' +Business,Camden tops dangerous cities list +Business,Legal fees add to James Hardie #39;s troubles +Business,Cable #39;s Rivals Lure Customers With Packages +Business,Lampert #39;s potent force in investing branches into retailing +Sci/Tech,Tasteless JFK video game hits the Internet +Sports,Sorenstam ends the year with another trophy +Sports,Another Manning controls a team #39;s future +Sports,UNC upends UConn +Sports,Boulware returns interception 60 yards for TD +Sports,McNabb throws four more touchdowns in ninth victory +World,The Legacy of Yasser Arafat +World,APEC shows power as primary regional forum +World,Iraq election date announced +World,UK ; Prince Charles hits back +World,Hookes: Bouncer to stand trial +Business,AstraZeneca Buys 20 Stake in Cambridge Antibody (Update1) +Business,Mike Wallace subpoenaed +Business,Boston Capital hopes to raise \$1b in IPO +Business,Bringing back conversion vans +Sports,Busch pulls out Cup title +Sports,Lelie-Plummer connection produces 6th TD of season +Business,Dollar sees gains against the euro +Sports,FOOTBALL: BLATTER: I #39;LL BACK WALK-OFF +Business,Man sues Brigham and Women's over death of his wife +Business,Developer to sell rentals in Allston as condos +Sports,Future of Illini's Turner's at Hand (AP) +World,Powell: US will aid Palestinian elections +World,Canberra forgives Iraq #39;s \$1.1bn debt +Business,Genzyme banks its future on cancer drugs +World,57 die in China mine disaster +World,India cuts troops numbers in Srinagar +World,Iraq ; Iraq looks to world for approval +World,"Security forces raid houses, detain suspects in Afghan capital" +Business,Crude futures fall more than \$1 +Sports,Wright is right again +Sports,Two-for-one deal for Roush +World,Sydney protesters get free travel +Business,PeopleSoft board once again spurns Oracle #39;s bid +Business,US and Europe play blame game over dollar +Business,Camden overtakes Detroit as most-dangerous city +Business,AWB clinches #39;tough #39; China deal +Business,BT chases after military action +Business,Let's play hedge fund +Sci/Tech,"Search tools, music gadgets and e-mail, oh my" +Sports,Golf: Playoff bogey enough to bring Sorenstam LPGA crown +Sports,Top 25 roundup: North Carolina upsets UConn +Sports,Injury report; stars of the day +Sports,Empty feelings +Business,Times Co. to buy stake in free Boston paper +World,Troops Raid Homes in Search for UN Hostages +Business,Nonprofit officer arrested in thefts +Business,"First full planes, then full stomachs" +Sci/Tech,Outrage over JFK slay video game +Sci/Tech,New chip designs help AMD boost market share +Sci/Tech,"In Spain, a missing link?" +Sports,Man hurt keeping his tiger from teen +Business,Minsheng sells stake to Temasek +Sports,"Eagles wing it, win easily" +Sports,Notebook: Mavs #39; Nowitzski out after ankle sprain +Sports,Rusty McNair leads Titans over Jaguars +World,Police arrest man on suspicion of murdering French student (AFP) +World,Threats Delay Vote Preparations in Mosul (AP) +Sports,Eli earns #39;E #39; for effort +Sports,England intent on revenge against Australia +Sports,Colts Punish Bears 41-10 (AP) +Business,Oracle claims mandate from PeopleSoft shareholders +Business,Dollar hovers near record low +Business,"Krispy Kreme Posts Loss, Scraps Sales Forecast (Update1)" +Business,Xstrata in new bid for mines firm +Business,Hartford listed as nation #39;s seventh-most dangerous city +Business,ING to sell Baring Asset Management +Business,Econ Edge: The Economic Week +Business,Mylan says Icahn talks not in co #39;s best interests +Business,James Hardie will miss forecasts +Business,Uphill battle for Sears/Kmart +Sci/Tech,Swift blasts off on dying star mission +Sci/Tech,JFK Assassination Video Game +Sci/Tech,Dixons spells out the future - DVD +Sci/Tech,AMD loses nVidia monopoly +Sci/Tech,Fossil find may be the father of us all +Sci/Tech,RIAA sues filesharing US students +Sci/Tech,New Sober variant spreading +Sci/Tech, #39;Half-Life #39; sequelenters excitingnew territory +Sci/Tech,India debates manned space flight +Sci/Tech,3G mobile service set for take-off +Sci/Tech,US Air Force deploys Microsoft and Dell +Sports,NBAs knockout punch +Sports,Federer finishes in style +Sports,UPDATE 2-India make impressive reply in first test +Sports,Golf pair deliver another World Cup for England +Sports,NFL: Eli Manning loses debut but inspires Giant hopes +Sports,Blues display Sunday best and worst +Sports,Where #39;s Benson been over past 20 years? +Sports,"Virginia 78, No. 10 Arizona 60" +World,Disputes cloud international gathering on Iraq #39;s future +World,Iraq Sets Election Despite Fresh Violence +World,German Muslims march against terror +Sci/Tech,Illegal traders 'go unpunished' +Sci/Tech,Dixons ditches the video recorder +World,Black Watch troops return to Basra +Sports,Struggling Sorenstam holds onto 1-shot lead +Sports,Golf: Delighted Woods demolishes field for first Japan tour win +Sports,"TENNESSEE 18, JACKSONVILLE 15" +Sports,"Broncos 34, Saints 13" +Business,FAO Schwarz to Open on Thanksgiving in NY +Business,"Stocks Seen Weaker: Oil, Dollar Weigh" +Business,Oil Above \$49 on Heating Fuel +Business,Starbucks Buys Stake in German Operations +Business,Stocks to Watch on Nov. 22 +Business,Trump's Casinos File for Bankruptcy +Business,Reliance denies any family row +Sci/Tech,Government Uses Color Laser Printer Technology to Track Documents +Business,\$149 million lottery winner: #39;No idea #39; what #39;s next +Sports,India off to flying start against SA +Sports,Chargers healthy returns +World,Blunkett #39;s plans for tougher terror laws +Business,Sliding dollar stokes a fire under the rand +Business,Krispy Kreme won #39;t forecast Q4 results after Q3 loss +Business,ING sells Baring assets; to focus on core businesses +Business,"Thanksgiving travel heavy, AAA predicts" +World,U.S. Raids Afghan Compounds in U.N. Hostage Search (Reuters) +Sports,Artest suspended for rest of season +World,SC grants bail to Zardari +World,"Ukraine PM on Verge of Victory, Rival Cries Foul" +Business,Mylan Labs rebuffs Icahn takeover offer +Sports,Eli #39;s future up in the air +Sports,"Tiger Attacks 14-Year Old Boy, Handler At Fair" +World,Israel promises help for Palestinian vote +World,Terrorism ; Britain takes special steps to battle terrorism +World,S/E EUROPE +World,Huge poll protest grips Ukraine +World,Arafat doctors found 'no poison' +World,Koizumi warned over war shrine +World,Man arrested over Amelie murder +World,Bail granted for Bhutto husband +World,Kabul vigilante appeal under way +World,Faster frames for student animators +World,Hawks push deep cuts in forces in Iraq +Sci/Tech,File Sharing Growing Like a Weed +Sci/Tech,Making Portable Media Palatable +Sci/Tech,"It's Got a Z, It Must Be Edgy" +Sci/Tech,"Sarasota Spams, Mends Evil Ways" +Sci/Tech,Locust Plague Hits Israel +Sci/Tech,A Former Abbott Executive Hired as Human Genome Chief +Sci/Tech,"Robert Bacher, Manhattan Project Physicist, Dies at 99" +World,Security Dispute Dulls Luster of Bush's Trip to Chile +Business,Reliance denies any family row +Business,Hartford in top ten of #39;most dangerous #39; cities +Sci/Tech,Outgunned on copyright? +Sports,Players likely to appeal +Sports,"Packers 16, Texans 13" +Business,PeopleSoft Chief Duffield Resists Pressure to Talk With Oracle +Sci/Tech,The Swift Gamma-Ray Burst Mission +Sci/Tech,JFK Assassination Video Game Release +Sci/Tech,Electrical giant hits eject on videos +Sports,"NFL roundup for Monday, Nov. 22, 2004" +World,Barrot overshadows new EU executive +Business,Oracle claims support of PeopleSoft shareholders +Business,Krispy Kreme Posts Net Loss After Charges +Business,Xstrata sets hostile bid for WMC +Business,Starbucks Buys Stake in German Operations +Business,ING ends link with Baring name +Business,Absa Says Stake-Sale Talks With Barclays Progressing (Update4) +Business,Pulitzer Inc. for sale? +Business,"Mizuho, Sumitomo Mitsui Post Lower Profits" +Sci/Tech,US Air Force #39;s security to depend on Microsoft +Sports,Anglos win World Cup +Sports,McLeish hails duo at heart of Gers #39; derby resurgence +World,Liberty likely for Bhutto +Sports,Federer Ends Brilliant Year with Masters Title +Sports,Federer Fills Space Left by Retirement of Sampras +Sports,Spurs Hang On To Beat Pistons +World,"Iraq to Ask Iran, Turkey for Border Help (Reuters)" +Business,Apple reboots into retailing (USATODAY.com) +Business,Krispy Kreme Posts Net Loss After Charges +Sports,Campaign season lasting into December +World,Uncertainty surrounds Myanmar prisoner release as families wait (AFP) +Business,Before the Bell: Krispy Kreme Down 11 Pct +Business,ING ends link with Baring name +Business,Growth Rate in Health Cost to Employers Slowed in '04 +World,JFK shooting game provokes anger +Business,PeopleSoft Won #39;t Go Quietly +Business,Alliance with AstraZeneca is CAT #39;s whiskers for biotech firm +Business,"Trump Hotels, Hurt by Debt, Files for Bankruptcy (Update1)" +Sci/Tech,Firefox ignites web browser market +Sci/Tech,VCRs erased from the High Street +World,Compensation for plane crash victims underway +World,"Iraq to Ask Iran, Turkey for Border Help" +World,Bush plucks bodyguard to safety +World,India-Pakistan relations improving: Pakistani PM +Sports,Miami (FL) Hurricanes +World,Israel pledges cooperation on Palestinian poll +World,Benazir Bhutto #39;s husband granted bail +World,India ; India withdraws around 3000 troops from Kashmir +Sports,Meyer Spurns Irish for Gators +Business,Trump Hotels files for bankruptcy +Business,Oil Jumps to Two-Week High on Concern About Heating-Fuel Supply +Business,Krispy Kreme Posts Net Loss After Charges +Business,Camden Named Most-Dangerous City In US +Business,American Airlines lowers Miami fares +Sci/Tech,Dixons wipes the VCR from its stores +Sci/Tech,Bells #39; video gamble +Sports,Awesome Federer caps momentous year +Sports,Teen: I thought I #39;was going to die #39; +World,Conference Members Back Iraqi Efforts +World,Husband of Bhutto is granted bail +Sports,"European Game, Already on a High, Eyes Major Peaks" +World,"Blood, knives, cage hint at atrocities (Chicago Tribune)" +World,Regulators Warn About Recalled Toys (AP) +World,UN staff union mulls no-confidence motion against senior UN management (AFP) +World,"Iraq to Ask Iran, Turkey for Border Help" +World,HK Disneyland Theme Park to Open in September +World,Iran Suspends Uranium Enrichment +World,Group Agrees to Reduce Iraqi Debt +World,Stern Sidekick Quivers Working on Daytime Show +Business,PeopleSoft board won #39;t negotiate takeover with Oracle +Business,Before the Bell: Krispy Kreme Down 11 Pct +Business,Netherlands ING to Sell Baring Activities +Business,Trump Hotels files for bankruptcy +Business,Ryanair #39;s northern expansion opens new routes to the Med +Sci/Tech,Mozilla Firefox Browser Blazes Across the Globe +Sci/Tech,Linux-based Software Platform for 3G Phones +World,Sharon to let Palestinians from East Jerusalem vote +Business,ADV: Free Anti-Virus Scan +Business,Oracle to PeopleSoft: Redeem Poison Pill +Business,Trump casino business files for bankruptcy +Business,"Krispy Kreme Posts Loss, Scraps Revenue Forecast (Update5)" +Business,Cary Named Ninth Safest City In Nation +Business,New York man wins \$149M lottery +Business,Hardie feels boycott pain +Sci/Tech,Russia Looking to Moon and Beyond for Future Space Base in 2020 <b>...</b> +Sci/Tech,Canon PowerShot A95 +Sports,NBA throws the record book at brawlers +Sports,"Fans have other favorites, but Busch has other ideas" +World,Nephew has Arafat medical file +World,Asia Pacific divide widening as leaders fail to grapple with key <b>...</b> +World,Bhutto #39;s husband granted bail +World,Prince bids to end row with Clarke +Sports,"Ravens, Minus Jamal Lewis, Beat Cowboys (AP)" +Sci/Tech,Report: North Korea Cracking Down on Mobile Phones (Reuters) +Sci/Tech,"GPL 3 to Take on IP, Patents (Ziff Davis)" +Sci/Tech,Oracle to PeopleSoft: Redeem Poison Pill (Reuters) +Sci/Tech,"As Ice Thaws, Arctic Peoples at Loss for Words (Reuters)" +World,Arafat's Nephew Says Cause of Death Inconclusive +Sci/Tech,Researchers Study Drunken Rats (AP) +Sci/Tech,Swedes Launch Scientific Research Rocket (AP) +World,Reggae stars 'help to spread HIV' +Sci/Tech,Elephants in the Living Room +Sci/Tech,World's remotest islet back on the map +Sci/Tech,"eBay , PayPal and the Virgin Mary" +Sci/Tech,419er seeks flatshare with <cite>Reg</cite> reader +Business,Bangladesh to tackle corruption +Business,Absa and Barclays 'close' to deal +Business,China raises stakes in Zimbabwe +Business,Internet sales growing strongly +Business,Oracle: Let #39;s get past this #39;impasse #39; +Business,American Airlines Defers Aircraft Delivery +Business,"Krispy Kreme Posts Loss, Stock Off 16 Pct" +Business,Campbell Soup Posts Higher 1Q Profit +Business,Trump files for Chapter 11 bankruptcy +Business,Mylan not interested in Icahn talks +Business,Holiday travel back on the map +Sci/Tech,UK ; Last Rites Sounded for Life-Changing Video Format +Sci/Tech,ICQ Updates Its Web-Based E-Mail +Sci/Tech,The Pitfalls of VoIP +Sci/Tech,Microsoft pact with Air Force could be model for DOD +Sci/Tech,Chipsets boost Wi-Fi range by 50 per cent +Sci/Tech,Tecmo president slams Sony #39;s PS3 plans +Sci/Tech,New Skulls Program Kills Cell Phone Applications +Sci/Tech,Study: Learning to Run Propelled Evolution +Sports,Artest Suspended for Remainder of Season +Sports,Police and FA to investigate racism allegations at Blackburn +Sports,Victory in Japan reignites Tiger #39;s fire +Sports,Op To Keep Larsson Out Until 2005 +Sports,Beasley leads PSV to 10th straight shutout win in Dutch league +Sports,E. Manning #39;s Education Begins +Sports,"Raptors #39; Williams undergoes knee surgery, out for season" +Sports,Bernie #39;s back in court +Sports,"Tiger attacks teen, owner" +Sports,JFK assassination #39;game #39; stirs up controversy +Sports,"Fourth-quarter earnings by Fisher, Henderson and Favre" +Sci/Tech,"Air Force Consolidates Contracts, Software" +Sci/Tech,Flat Chance +Sci/Tech,Something #39;s a little fishy about PETA #39;s priorities +World,No bilateral talks during Aziz #39;s visit +World,China iron mines fire kills 57 +World,"Chinese President urges Koizumi to stop shrine visits, improve <b>...</b>" +World,Bulgaria Reluctant to Write Off Iraqi Debt +World,"Some 25,000 march in Muslim-organized German demonstration against <b>...</b>" +Business,Nextel Gets Navy Cell Phone Contract +Business,Mukesh Ambani denies feud over Reliance ownership (LEAD): +Sci/Tech,New JFK video game called #39;despicable #39; +Sci/Tech,Nvidia Shores Up Development Gap with Intel Pact +Sci/Tech,RTX Provides Cordless Phones for Net-Based Calls +Sci/Tech,Trojan begins climbing aboard some smart phones +Sports,Larsson surgery blow +Sports,Watson comes up a winner twice +Business,Apple Up After Analysts Raise Target +Business,But bad loan disposals ahead of schedule +Business,Australia #39;s WMC Puts Defense Hopes In Untapped Resource +Business,No ownership issues: Mukesh Ambani +Sci/Tech,Video Joins Long Line of Out-Dated Technology +Sci/Tech,HELP FILE +Sci/Tech,RTX Provides Cordless Phones for Net-Based Calls +Sports,Larsson #39;s season in jeopardy +Sports,Ecclestone in Court Battle for Control of Formula One +Sci/Tech,Notice: IE #39;worm #39; targets IOL ad supplier +World,Pakistan gives bail to Bhutto #39;s husband +Sci/Tech,Firefox Excites Web Browser World +Sci/Tech,AMD Loses nVidia Monopoly +Business,Dollar Continues Slide Vs Euro (Reuters) +Business,Hungarian central bank cuts key interest rate by half a point (AFP) +World,Formula One supremo Ecclestone faces legal challenge (AFP) +World,Ex-Rwandan Officer Pleads Innocent (AP) +World,Powell Wins Israeli Pledge on Palestinian Election +World,U.S. Raids Afghan Compounds in U.N. Hostage Search +World,N.Irish 'Bloody Sunday' Probe Enters Final Phase +Business,Boeing in a Holding Pattern +Business,Black Friday's Fade to Gray +World,Poor diet linked to bad behaviour +Business,Pixar's Folly +Business,Credit Cards Sabotaging Mortgages +World,Bush to Tout Anti-Drug Efforts in Colombia +World,Bush to Tout U.S.-Backed Anti-Drug Efforts +World,Condi Gets Her Shot +Sports,South Carolina Coach Holtz Gives Up Game (AP) +Sports,Heikki scoops prestigious award! +Business,Trump Gambles on Bankruptcy Move +Business,US: Bacardi CEO announces resignation +Sci/Tech,DS points the way for the next generation of handheld games +Sci/Tech,Microsoft targets older web users +Sci/Tech,Broadcom Covers More Area +Sci/Tech,"SONY WANTS HOUSEHOLD APPLIANCE DOMINANCE, SNORTS TECMO BOSS" +Sports,Morning After +Business,Oracle steps up pressure on PeopleSoft +Business,Baltimore Ranks High In Dangerous Cities List +Business,Update 1: Campbell Soup Profit Up on Sales Increase +Business,Embattled retailer downbeat on profit +Business,Bacardi CEO Ferran to depart for family +Sci/Tech,Microsoft Is No Threat To Google -- Yet +Sports,LARSSON SUFFERS INJURY AGONY +World,Locusts cover Eilat +Business,Oil Eases as Heating Oil Spike Subsides +Business,"Krispy Kreme Posts Loss, Stock Off 16 Pct" +Business,Dollar Continues Slide Vs Euro +Business,Oracle to PeopleSoft: Rescind Poison Pill +Business,U.S. Holiday Spending Expected to Rise +Business,Pulitzer's Possible Sale Sends Shares Up +Business,"Stocks Edge Down, Hurt by Weak Dollar" +Business,Cool Tech +Business,Cool Games +Business,It's a Family Affair +Business,Oracle still in fight for PeopleSoft despite shareholder support +Business,Crude Oil Rises to Two-Week High on Heating Oil Supply Concern +Business,"Boeing, AMR Agree on Order Delay" +Business,2 Local Cities Make List Of Most Dangerous Cities +Business,"Paying \$1.14 bln for 8,000-mile natural-gas line" +Business,James Hardie hit hard +Sci/Tech,Nintendo launches DS +Sci/Tech,Bill Gates sees spam quot;under control quot; in two years +Sports,Bruce #39;s fury at racist taunts +Sports,Raiders can #39;t hold on +World,Budget airline faces bankruptcy +Business,Oil price returns to near \$50 per barrel mark +Business,Trump #39;s Casino Operation Files for Bankruptcy +Business,Happy trails ahead +Business,"KarstadtQuelle Sheds Starbucks Venture, to Sell Bonds (Update4)" +Sci/Tech,Firefox lights up Web browser world +Sci/Tech,Scientists hail ape find as missing link +Sci/Tech,How to buy a thin digital TV without the fat price +Sports,Stern Measures in NBA +Sports,Woods cruises to eight shot victory in Japan +Sports,"Manning shows poise, penchant for rookie mistakes" +Sports,Scotland wins Intercontinental Cup +Sports,Patriots and Chiefs must score wisely +World,"Cause of death unclear, says Arafat nephew" +World,Pakistani court grants bail to Bhutto #39;s husband +Sports,Victory in Japan Reignites Tiger's Fire +Sports,S.C. Football Coach Holtz Calls It Quits +Business,Toys R Us Narrows Loss on Kids R Us Sale (AP) +Business,NVE's Nanotrap Snares Speculators +Business,Stelco Loses Contract to Supply GM Steel +Business,Oracle #39;s next fight seen at boardroom +Business,"American, Boeing reach agreement on aircraft deliveries" +Business,AstraZeneca feeds CAT +Sci/Tech,CNN Hires New President for Its U.S. News Group (Reuters) +Sci/Tech,Dixons pulls the plug on VCR sales +Sci/Tech,Computer game simulates JFK assassination +Sci/Tech, #39;Skulls #39; Trojan Taking Out Cell Phones with Symbian OS +Sci/Tech,Russia May Have Moon Base by 2025 +Sports,Raptors' Williams Done for Season (Reuters) +Sci/Tech,Apple Stock Jumps to 4-Year High on IPod (AP) +Sports,Rangers win explosive Glasgow derby +Sports,CORRECTED - Larsson could be out for season after tearing knee +Sci/Tech,Mobile Firms Hope Consumers Will Turn on to TV (Reuters) +World,Call for action over #39;fraud #39; Commissioner +World,"US, Afghan forces search for UN hostages in Kabul" +Sci/Tech,Apple Up After Analysts Raise Target (Reuters) +Sci/Tech,Biofuels Seen Key to UK Farming Future - Report (Reuters) +Sci/Tech,Solar System Surprise: A New View of What's Out There (SPACE.com) +Sci/Tech,Technical Problems Delay Launch of Upgraded Ariane 5 (SPACE.com) +World,Music Industry Is Trying Out Digital-Only Releases +World,A fourth man arrested in Germany for alleged plot against Allawi +Sci/Tech,Stunned pundit agrees with Gates over passwords +Business,Pulitzer Shares Up on Possible Sale +Business,"Ford to Check 740,000 SUVs for Glitch" +Sci/Tech,Doubts about school computers +Sci/Tech,Tales from the next generation +Sci/Tech,Serf's Up in the Video Game Industry +Sci/Tech,Senate Passes Scaled-Back Copyright Bill +Sci/Tech,Borrowers Find System Open to Conflicts +Sci/Tech,Pentagon Weighs Satellite Needs +Sci/Tech,MobileAccess Networks Strengthens Signals for Indoor Use +Sci/Tech,Electronic Passports Might Not Measure Up +Sci/Tech,Company Launches JFK Assassination Game +Sci/Tech,Britain's biggest dinosaur found +Sci/Tech,Scientists 'rebuild' Grand Canyon +Sci/Tech,Oracle: Let's get past this 'impasse' +Sci/Tech,Commentary: Smoothing the way for open source +Sci/Tech,Open source's next frontier +Sci/Tech,Gateway takes eMachines to Mexico +Sci/Tech,Video gamble for the Bells +Sci/Tech,Images: Video via broadband +Business,PeopleSoft board won #39;t negotiate takeover with Oracle +Sci/Tech,JFK assassination game draws ire +Sci/Tech,Nintendo DS: Doubly Good Dual Screens Elevate Gaming +Sci/Tech,Presse conomique /High-Tech +Sports,England Wins World Cup +Sports,PSV #39;s Hesselink suffers shoulder injury +World,Crime tops Queen #39;s Speech agenda +Sci/Tech,Store trots out Treo +Sci/Tech,Skulls Trojan attacks Symbian mobile phones +Sci/Tech,In Brief: Nextance launches Intellectual Property Optimization Suite +Sci/Tech,Euro Web sites spread Bofra worm via banner ads +Sci/Tech,PeopleSoft board won't negotiate takeover with Oracle +Sci/Tech,ICQ joins Web mail battles with new service +Sci/Tech,ICQ Updates Its Web-Based E-Mail +Sci/Tech,Firefox Excites Web Browser World +Business,Apple stock jumps following analyst report +Business,Study: Cincinnati is a dangerous place to live +Business,"AirGate PCS, Inc. Responds to Announcement by Alamosa Holdings" +Business,CNN Hires Former CBS Exec to US Post +Sci/Tech,Symbian Phones Hit with Skulls Trojan +Sports,"Clemson, South Carolina might be kept from playing in bowls" +World,EU commission overshadowed by dispute on commissioner #39;s conviction +Sci/Tech,"What are Blogs, and Why Your Business Should Use One" +Sci/Tech,Google Sues AdSense Publisher over Click Fraud +Sci/Tech,Understanding Broadband - Ready to Upgrade? +Sci/Tech,Utilizing All the Features of Google Adsense +Sci/Tech,Google Sued by Pornography Publisher Over Image Search +Sci/Tech,News: Visa scammers hit UK phones +Sports,Mitchell-Alston feud brews as Toronto heads to Cleveland +Business,KarstadtQuelle Sells Stake in Venture (AP) +Business,Longer-Dated Treasuries in Demand +Business,Africa conflicts 'scare investors' +Business,Apple soars on iPod effect +Business,"Trump: Casino Firm In Chap. 11, But #39;Apprentice #39; Star Stays CEO" +Business,Consumer Groups: Holiday Spending to Rise +Business,Food Stocks Mixed on Campbell Report +Business,Nova Chemicals to Sell Pipeline Stake +Sci/Tech,Swift Spacecraft Scans Big Bang Births +Sci/Tech,Video game recreates JFK killing +Sci/Tech,New Broadcom 54g(TM) Chipsets Boost Wi-Fi(R) Coverage +Sci/Tech,India Debating Manned Space Flight +World,Sudan Hopes to Reach Darfur Deal by Dec. 31 (Reuters) +Sports,PGA Grand Slam to return to Poipu Bay in #39;05 +Sports,SECOND LOOKSnapshots from the latest in college football +Sports,Scots eye the grand prize in Sharjah +World,Zarqawi Group Claims Allawi Kidnappings (AP) +World,IAEA Supervises Iran #39;s Nuclear Suspension +World,Benazir Bhutto #39;s husband granted bail +Sports,DC's Team Will Be the Nationals +Business,Hurricane predictions for 2005 +Sports,Singh Eyes 10th Title at Grand Slam in Hawaii +Business,Brown-Forman Buying Rest of Finlandia +Sci/Tech,Rest in peace VHS +Sci/Tech,Video Game Recreates JFK Assassination +Sci/Tech,Skulls trojan bites Symbian 60 +Sci/Tech,Outgunned on copyright? +Sci/Tech,RIAA begins new round of file-sharing lawsuits +Sports,"Three to get ready, two will go" +Sports,Patriots Take On Puzzling Chiefs On Monday +World,Iran meets deadline to halt nuclear program +World,Powell hails peace opportunity ahead of Palestinian vote +World,Bhuttos husband released from jail +World,Zarqawi group claims Allawi kidnappings +Business,Ellison May Attempt Boardroom Coup at PeopleSoft +Business,Update 4: Crude Oil Prices Trade Below \$49 a Barrel +Business,Trump Hotels Begins Recapitalization +Business,"Dhirubhai had settled it, says Mukesh" +Business,Calif. pension fund to hike hedge fund buys +Business,IBM exec may become Computer Associates CEO +Business,DC #39;s No. 6 On Dangerous Cities List +Business,Germany to breach EU budget limit again +World,Ukraine cities defy poll result +Business,Millions to travel for turkey +Sci/Tech,Hacked European Ad Server Infects IE Users +Sci/Tech,Firefox more secure than Explorer +Sci/Tech,GSPDA M28 Palm OS Smartphone Hits Asia +Sci/Tech,Microsoft targets older people for web via TV +Sci/Tech,"Symbian, security groups warn of Series 60 trojan" +Sci/Tech,Send Your Sims To Uni in 2005 +Sci/Tech,Trapeze Upgrades WLAN Switch +Sci/Tech,Nvidia Strikes Processor Deal with Intel +Sci/Tech,Chipsets Boost Wi-Fi Range by 50 Percent +Sci/Tech,Spam spectre +Sci/Tech,Long Island ducks beat odds; researchers want to figure out why +Sci/Tech,Music Industry More at Risk in Piracy +Business,Stelco Loses General Motors Steel-Supply Contract (Update1) +World,EU drafts Iran nuclear timetable +Sports,Record 13th straight mens title +Sports,Sir Alex Ferguson manages Manchester United for the 1000th time <b>...</b> +Sports,Winky has an eye for fights that pay +Sports,Illinois parts ways with Ron Turner +World,Anti-drugs fight tops Bush agenda +World,Major powers meet in Egypt on Iraqs future +World,Pakistani court frees Bhutto #39;s husband +World,Swiss write off most of Iraq #39;s debts +World,Arafat #39;s medical records show #39;no poison #39; +World,Israeli Officer Charged with Pumping Bullets into Girl +World,Aid workers flee Darfur violence +World,Several Killed in Baghdad Mosque Raid +World,Insurgent #39;playing dead #39; in videotaped shooting +World,EU to field quick-reaction battle groups +World,Mine death toll rises to 57 +Sci/Tech,Nintendo DS Review -- palmOne and HP Could Learn a Thing or Two +Sci/Tech,The Sims Go to College +World,Tennis: Federer warns rivals +Sports,Police Interview Fan Who Threw Beverage at Pacers #39; Ron Artest +Sports,Tricky Arsenal Euro test +Sports,Holtz To Announce Retirement +Sports,Montreal Expos to Become the Nationals With Move to Washington +Sports,MLB: Exposed +Sci/Tech,Google launches new search engine +World,Russia Backs Brazil for UN Security Council Seat +World,Bush Calls for Verifying Iran Nuke Claims +Business,Can Boeing fly again? +Business,M #39;m! M #39;m! Could Be Better! +Business,Atlanta Named Third Most Dangerous City +Business,Increase predicted in holiday travel throughout South +Sci/Tech,After the Election: Key High Tech Issues +World,Bush says Iran nuke claims must be verified +World,India-Pakistan spat ahead of Kashmir talks +World,Israeli officer charged over slain Gaza girl +World,New turmoil at the European Commission +Business,"Will Toys ""R"" Us Have Happy Holidays?" +Business,Google's Float Starts to Flood +Business,Stocks Turn Up as Apple Lifts Technology +Business,M'm! M'm! Could Be Better! +Business,Rust Found in Big Soybean-Producing State +Business,Handling Hostess Sticker Shock +Business,American Air to Defer 54 Boeing Jets +Business,IBM Sales Exec Swainson to Become CA CEO +Business,Pentagon Vows Competitive Tanker Bids +Business,Loews to Buy Entergy-Koch Pipeline +Business,Report: Bayer Delayed Warning on Cholesterol Drug +Sci/Tech,Evidence of16th-Century Spanish Fort in Appalachia? +Sci/Tech,"Peru Bird-Watching Takes Flight With 1,800 Species" +Sci/Tech,"Climbing into the Death Zone, Mountaineer Excels" +Business,Witness: Ovitz's Style Became a 'Distraction' at Disney +Sci/Tech,How Geographic's New Atlas Reflects a Changed World +Sci/Tech,Unlocking the chip's inner Hemingway +Sci/Tech,"Bill adds 20,000 H-1B visas" +Sci/Tech,Oracle shoots for the middle +Sci/Tech,Software program whacks worms +Sci/Tech,Browser promises to fend off phishers +Sci/Tech,Banner day for attacks? +Sci/Tech,Nextel to assist U.S. Navy +Sci/Tech,Broadcom Wi-Fi chips increase range +Sci/Tech,Lemony Snicket comes to the handset +Sci/Tech,"Engineering, support executives leave Apple" +Sci/Tech,Digital gear: Biometrics ease password security +Sci/Tech,Software-Based Radio Gains Support +Business,Trump Casinos Seek Bankruptcy Protection +Business,IBM Exec May Become Computer Associates CEO +Business,Analyst survey supports iPod #39;halo #39; effect +Business,ThyssenKrupp Budd Canada reports Q4 loss grows to \$10.4 million +Sci/Tech,Controversial Internet Game Recreates JFK Assassination +Sci/Tech,Life-changing video format gets last rites +Sports,Eight titles for Sorenstam in 2004 +Sports,"Gerrard Is The Key, Says Benitez" +Sports,A baseball rechristening in Washington: Expos to become Nationals +World,Iraq and US hail debt forgiveness deal +Sci/Tech,Apple Products Win Six Awards +Business,Trump Goes For Broke +Business,Computer Associates Names CEO +Business,Ownership clarification lifts prices of group companies by 5.5 +Business,Update 3: German Economy Is Still on the Mend +Sci/Tech,nForce chipsets for Intel-based platforms +Sports,Paul McCartney: The Un-Janet +Sports,Illinois Fires Football Coach Ron Turner (AP) +Sports,Moss Doubtful for Sunday's Game Vs. Jaguars (Reuters) +Sports,Serge Savard Pleads Not Guilty to DUI (AP) +World,Malnutrition Rising Among Iraq's Children (AP) +Sports,Fox Lands Bowl Championship Series Deal (AP) +Sports,88 Wins Still Not on Annika's Radar Screen (AP) +World,Darfur Aid Workers Evacuated Amid Violence (AP) +World,Vilsack Won't Seek Chairmanship of DNC (AP) +World,Iran Halts Key Nuclear Work to Avoid Sanctions +World,Bryan twins keep US hopes alive +Business,IBM Sales Exec Swainson to Become CA CEO +Business,"Camden, NJ, Is Most Dangerous US City - Survey" +Business,Securities industry boots Quattrone +Business,New investor could change dynamic of Microsoft inquiry +Business,Budd Canada shares up on takeover bid +Sports,Police probe Yorke racism claims +Sports,"Ecclestone Trust Engineered Control #39; of F-1 Racing, Court Told" +Business,Nike Boosts Dividend by 25 Percent +Business,TiVo Net Loss Widens; Subscribers Grow +Business,NASD Bars Ex-Banker Quattrone for Life (Reuters) +Business,NYC Group OK's West Side Redevelopment (Reuters) +Business,"Hey, There's a Gem in My Grease" +Business,Crude oil futures hover near \$49 US a barrel amid winter supply <b>...</b> +Business,IBM executive expected to be named CA chief +Business,NASD Bars Ex-Banker Quattrone for Life +Business,France #39;s Thomson Moves Into Anti-Piracy Software +Business,Calif. controller asks Calpers to press automakers +Business,Mukesh replies in the name of the father +Sci/Tech,Report: Fast-Internet Use Doubles in U.S. (AP) +Sci/Tech,Microsoft #39;s Competition From Mozilla +Sports,"Expos become Nationals, but not before a fight" +Sports,Four more years -- of BCS frustration +Sports,Gene named as Ferrari test driver +Sci/Tech,Nintendo DS: Doubly good (USATODAY.com) +Sci/Tech,Adult Site Sues Google for Infringment (AP) +World,Iraqi PM orders probe into Baghdad mosque raid +World,Israeli Officer Charged in Death of Palestinian Girl +World,Self-defense on and off the battlefield +Sci/Tech,Trojan Targets Symbian Handhelds (NewsFactor) +Sci/Tech,It's About Time the GPL Was Revised (Ziff Davis) +Sci/Tech,France's Thomson Moves Into Anti-Piracy Software (Reuters) +Sci/Tech,Oracle Poised to Pounce of PeopleSoft (AP) +Sci/Tech,"Stocks Finish Up, Apple Provides a Lift (Reuters)" +Sci/Tech,Congress Rejects New Nuclear Weapons Funds (Reuters) +Sci/Tech,Scientists Find 178 New Species in Oceans (AP) +World,Putin to visit India #39;s Silicon Valley after skirmish over UN veto <b>...</b> +World,Google launches academic search +Sports,"Nationals Unveil Logos, Colors" +Sci/Tech,"No state regs, taxes for VoIP, FCC says" +Sci/Tech,Mobile Firms Hope Consumers Will Turn on to TV +Sci/Tech,Last Rites Sounded for Life-Changing Video Format +Sci/Tech,Taipei to Cloak City in World's Largest Wi-Fi Grid +Sci/Tech,Nearly 8 in 10 Greeks Own Mobile Phone -Survey +Business,IBM Sales Exec Swainson to Become CA CEO +Sci/Tech,Half of U.S. Parents Plan to Buy Videogame-Survey +Sci/Tech,Report: North Korea Cracking Down on Mobile Phones +Sci/Tech,Phishers target eBay customers +Sci/Tech,Google Sued For Unauthorized Links To Proprietary Adult Images +Sci/Tech,Skulls Trojan Virus Hits Symbian Phones +Sports,CL Preview: Juventus-Ajax +Business,Anti-Piracy Team Adds French Firm +Sports,USC-UCLA rivalry goes deep +Sports,Westwood takes lead in Nedbank Challenge +Business,iPod Sales Help Apple Stock +Business,Pulitzer Inc. considering look to sell +Sci/Tech,Hackers Target IE through Ad Networks +Sci/Tech,Microsoft eyes old for web via television +Sci/Tech,"Microsoft, Air Force Seal \$509M Software, Services Deal" +Sports,Federer sweeps past Hewitt +Sports,Police take up racism allegations at Blackburn +Sports,"Sir Alex seeks win in 1,000th match" +World,Mystery behind Arafat #39;s death +World,Charles tries to pacify subjects +World,I Coast polls #39;impossible #39; +World,Twist to unarmed man death +Sci/Tech,Apple Stores Are Hot +Sci/Tech,Apple Opens London Store +Sci/Tech,"Microsoft Gives NT Server 4, Exchange Server 5.5 Users a (Small) <b>...</b>" +Business,Gas Prices Highest Ever for Thanksgiving +Business,Brocade #39;s Profit Rises +Sports,Boston Red Sox Ticket Prices Up 7 Percent (AP) +Sci/Tech,JFK Shooting Game Branded #39;Despicable #39; +Sci/Tech,Beware of Third-Party IE Patches +Sports,Looking into the mirror +Sports,Shoulder surgery for Yankees #39; Sheffield +Sports,Red Sox tickets climbing again +Sports,No Charges Imminent After Basketball Brawl (AP) +World,POWELL HAILS MID-EAST OPPORTUNITY +World,Japanese Women Staying Single Longer (AP) +World,Lawsuit: NYC Created 'Guantanamo' at RNC (AP) +Sports,Moss Doubtful for Sunday's Game Vs. Jaguars +World,Hemispheric trade zone stumbles +World,For love of the dance ... a tale of defection +Sports,No Bowls After Fight +Business,Apple stock sets four-year high +Business,"Thomson Partners with Microsoft, Time Warner" +Business,UPDATE 1-Brocade posts higher quarterly profit +Business,Honeywell Outsources Chip Design to IBM +Sci/Tech,Dixons to stop selling VCRs +Sports,Bird says team will try to help Artest +Sports,Clemson and South Carolina Will Turn Down Bids +Business,Australian Dollar May Gain on Xstrata Bid for WMC Resources +Business,Patches cause headaches for Fed managers +Business,"Honda Recalls 257,616 Accord Sedans in US for Torn Airbags" +Business,"American, Boeing Agree to Delay 54 Plane Deliveries (Update4)" +Business,EU Wants More Info on ContentGuard Deal +Business,Update 1: Food Stocks Mixed on Campbell Report +Sci/Tech,ICQ Launches Improved E-Mail Service +Sci/Tech,Adult Entertainment Site Sues Google +Sci/Tech,God or science? +Sci/Tech,Broadcom Chipsets Expand Wi-Fi Coverage Areas +Sports,Woods closes in on Singh +Sports,San Jose State Football Coach Resigns +World,Iran has said it has frozen uranium enrichment programs +World,Former Pakistan premier Benazir Bhutto #39;s husband released on bail +World,Bush Tough-Guy Scuffle Plays Poorly in Chile +World,Israeli court charges officer for shooting schoolgirl +Sci/Tech,Report: Fast-Internet Use Doubles in U.S. +Sci/Tech,Apple Stock Jumps to 4-Year High on IPod +Sports,NFL Suspends Seattle Receiver Four Games +Sports,No. 15 Texas Crushes Chaminade 84-62 +Sports,Boston Red Sox Ticket Prices Up 7 Percent +Sci/Tech,Web surfing gets literal +Sci/Tech,Patches cause headaches for Fed managers +Sci/Tech,Cisco slips in key router market +Business,NASD Bars Ex-Banker Quattrone for Life +Business,TiVo Net Loss Widens; Subscribers Grow +Business,Cattle Industry Awaits Mad Cow Results +Business,Loews to Buy Entergy-Koch Pipeline +Sci/Tech,Review: Nintendo DS +Sci/Tech,Survey finds digital divide among federal CISOs +Sci/Tech,"IBM, Honeywell sign 10-year, \$250M deal" +Sci/Tech,IBM sales exec John Swainson to become CA CEO +Sci/Tech,"Congress ups H-1B visa cap by 20,000" +Sci/Tech,Open-source e-mail vendor Scalix joins OSDL +Sci/Tech,Firefox lights up Web browser world +Sci/Tech,Euro Web sites spread Bofra worm via banner ads +Sci/Tech,Apple stock jumps following analyst report +Sci/Tech,Product Previews +Sci/Tech,"Oracle, PeopleSoft standoff likely to linger" +Sci/Tech,First Look: Voice Rec Gets Better +Sports,Stern Rules Out Drastic Remedies for NBA (AP) +Business,Oracle Rubs PeopleSoft #39;s Face in Tendered Shares +Business,GE Buys Citigroup #39;s Truck Finance Unit for \$4.4 Bln (Update2) +Business,CA Taps IBM Vet John Swainson As CEO +Business,Pulitzer Shares Up on Possible Sale +Sci/Tech,Malicious Trojan Identified For Nokia Smartphones +Sci/Tech,UK #39;s Dixons kills VCR +Sci/Tech,"ICQ, Mail2World Team On E-Mail Service" +Sports,NFL suspends Seahawks Robinson for four games +Sports,Seahawks Receiver Robinson Suspended by NFL (Reuters) +World,UK aid workers airlifted from Darfur fighting +World,Bush downplays security flaps on trip to Chile +World,Report: Seniors shortchanged by CPP; estimated #36;1B in underpaid benefits (Canadian Press) +World,Major Quake Rattles Southern New Zealand (AP) +World,GOP Congressmen Defiant on Intel Bill (AP) +World,Nephew to Get Arafat's Medical Records (AP) +World,Bush Pledges to Aid Colombia's Drug Fight +Business,Xstrata #39;will have to raise bid #39; to win WMC +Business,TiVo loss less than expected +Business,Hershey Foods to buy macadamia processor +Business,Krispy-Kreme Is Getting Harder to Stomach +Business,"Pulitzer Inc. might be for sale, report says" +Business,Broker Gives Apple Shares a \$100 Price Target +Sci/Tech,The end of video? +Sci/Tech,Kazaa Offers Unlimited Free Internet Phone Calls +Sports,Solano calls tune for Villa +Sports,NFL suspends Seahawks #39; Robinson +Sports,"Soccer: Barca #39;s behind us, bring on Bayer, says Real #39;s Raul" +World,"Security Council, On Central African Peace Mission, Visits DR of <b>...</b>" +Sports,Penn State Coach Takes Medical Leave (AP) +Sports,Yankees' Sheffield Will Have Surgery +Business,TiVo Net Loss Widens; Subscribers Grow (Reuters) +Business,Hershey Buys Macadamia Nut Producer +Business,China to discuss Cuba investments +Business,Cattle Industry Awaits Mad Cow Results (Reuters) +Business,Taking the toxic out of building +Business,Conflicting stories on #39;danger #39; rankings +Business,Quattrone barred from Wall Street +Business,Carrier delays Boeing orders +Business,Stocks: Apple #39;s optimism pushes Wall Street higher +Business,Travel tips for a safe and less stressful holiday +Sci/Tech,Firefox catches fire +World,Britain has prevented Sept 11-style terrorist attack: report (AFP) +Sci/Tech,Kazaa Offers Unlimited Free Internet Phone Calls (Reuters) +Sports,Passing Colts Have Edge in Ground Game (AP) +Sci/Tech,Product Previews (InfoWorld) +Sports,Solano provides touch of class to keep Villa upwardly mobile +Sports,Make-or-break tie for Monaco +Sports,Yankees #39; Sheffield to undergo shoulder surgery +Sports,Pacers officials back banished players (AFP) +Sports,Kapler First to Bolt World Series Champs (AP) +World,"Cause of Arafat #39;s death uncertain, nephew says" +World,Israeli captain charged in death +Sci/Tech,CA to Name IBM Exec Swainson as CEO (Reuters) +Sports,Iowa Expecting Capital One Invitation (AP) +World,Alberta's political future in the hands of voters in provincial election (Canadian Press) +Sci/Tech,IBM Exec May Become Computer Associates CEO (AP) +Sci/Tech,"U.S. Stocks, Bonds Rise, Oil, Dollar Fall (Reuters)" +Sci/Tech,"Ocean Survey Finds New Fish, Tuna Migration Routes (Reuters)" +Sci/Tech,Kazaa Offers Unlimited Free Internet Phone Calls +Business,"U.S. Stocks, Bonds Rise, Oil, Dollar Fall" +Sci/Tech,Attackers strike using Web ads +Sci/Tech,Patches cause headaches for federal managers +Business,"Eye On Stocks For Tuesday, Nov. 23" +Business,US CREDIT-Toys R Us could supply Christmas cheer +Sports,Liverpool bank on Gerrard to provide winning return +Sports,San Jose State football coach resigns +Sports,First of Red Sox #39;s title team leaves team +Sports,Bills Coach Downplays Rams' Complaints (AP) +World,EU agrees to develop battle group crisis teams +Sports,Texas Quickly Fading From BCS Picture (AP) +Sports,Fight Fallout: Clemson Declines Bowl Bid +Sports,"For Artest, Today's Troubles Took Root Years Ago" +Business,Oracle to PeopleSoft: Drop Poison Pill +Business,USDA: Mad Cow Test Not Complete +Business,Apple shares boom on iPod sales +Business,Brown Canada workers hit the bricks +Sci/Tech,The conspiracy game: JFK #39;s assassination is turned into computer <b>...</b> +Sci/Tech,"We love movies, and only DVDs will do" +Sci/Tech,ICQmail To Launch Premium E-Mail Service +Sci/Tech,Microsoft #39;s Avalon Will Make Networked Applications Smarter +Sci/Tech,Chipmaker Claims 50 Greater Wi-Fi Range +Sci/Tech,Trapeze Software Eases Services Delivery +Sci/Tech,LG Electronics supersizes plasma +Sports,Jol unhappy with penalty decision +Sports,Kapler leaves Red Sox for Yomiuri Giants +Sports,American Football: Eli #39;s fine start upholds Manning tradition +Sports,Mularkey shrugs off Martz #39;s complaints of Bills cheap shots +Sports,"Mets, Benson make deal official" +World,Prince Charles Tries to Undo Memo's Damage (AP) +World,Uranium enrichment suspended by Iran +World,"I made the right choices for European Commission, says Barroso" +World,WFP warns of two million displaced in Darfur by December (AFP) +World,Japanese Financial Markets Closed (AP) +Sports,Wallace Accepts Penalty +Business,Oracle Gets Nod from PeopleSoft Shareholders +Sports,Woods doubles up field to end drought +Sports,Navy went to the EV1.net Houston Bowl last year +World,Palestinians Believe Arafat Was Poisoned: Poll +World,Israel charges soldier in 13-year-old #39;s death +World,Bush Praises Colombia's Battle Vs. Drugs (AP) +World,"Summary Box: Leaner Budget, Stubborn Debt (AP)" +World,"Americans Still Concerned About Bush Agenda, Poll Shows" +World,Iraqis Get Lesson in Bureaucracy +Business,"Oracle shares drop, PeopleSoft #39;s rise ahead of court fight" +Business,Switzerland #39;s Xstrata Makes Hostile Bid for Australia #39;s WMC <b>...</b> +Business,Trump casinos in bankruptcy for second time +Business,"Tivo 3Q Loss Widens, Gives Outlook" +Sci/Tech,Study looks at hardy LI black ducks +Sports,Yorke eyes transfer over lack of support #39; +Sports,US fears for World Cup winner Casey +Sports,Former Senator glad MLB is back +Sports,Pountney holds the fort after divided Saints sack Solomons +Sports,Yankees' Sheffield Faces Shoulder Surgery (AP) +World,Iran bows to UN threat over nuclear programme +World,Israeli Captain Is Charged in Shooting of Palestinian Girl +Sports,Navy Accepts Emerald Bowl Bid (AP) +Business,Mylan Labs Board Rebuffs Icahn Pitch (Reuters) +Business,Oracle to PeopleSoft: Drop Poison Pill (Reuters) +Business,McDonald's CEO Steps Down Due to Cancer (Reuters) +Sports,Iowa Upends No. 12 Louisville 76-71 (AP) +World,Iran Halts Key Nuclear Work to Avoid Sanctions (Reuters) +Sports,League Slaps Example Ban On Brawling Ball Players +Sports,Villa give Tottenham sixth straight league loss +Sports,Alex regrets for the misses +Sports,Source says Spurrier headed to South Carolina +Sports,Wake Forest leaps to No. 1 for first time in school history +World,Insurgent was faking death +World,Stockwell Day points to AIDS story to explain Arafat snub (Canadian Press) +World,Third-Party Candidates Seek Ohio Recount (AP) +Business,Dollar dips against euro as G20 offers no reprieve +Business,Pentagon says it will open tanker deal to competition +Sci/Tech,Skulls Trojan attacks Symbian mobile phones +Sci/Tech,Kazaa offers unlimited free Internet phone calls +Sci/Tech,Isle of Wight was home to biggest dinosaur yet +Sports,"Prosecutor: Players, Fans To Be Held Accountable For Brawl" +Sports,Kentucky Offensive Coordinator Resigns +Sports,Dorsett watches two players pass him on NFL list +Sports,FOOTBALL: NOU BALLS PLEASE +World,"My hope for the Middle East, by Powell" +World,Bahrain renews Iraqi talks offer +Business,McDonald's CEO Steps Down Due to Cancer +Business,"IBM Wins Honeywell Deal, Eyes More" +World,Ukraine Liberals Vow New Rallies to Overturn Vote (Reuters) +Business,McDonald #39;s CEO Steps Down Due to Cancer +Business,Swainson: IBM Exec Seen As Next Computer Assoc. CEO +Business,Apple price target boost gives struggling Dow a late fillip +Sci/Tech,Mozilla backtracks in eBay privacy flap +Sci/Tech,Expanding Isotrak becomes blade runner +Sci/Tech,Scientists unearth UK #39;s biggest dinosaur +Sports,Pacers officials back banished players +Sports,Federer rolls on in a class of his own +Sports,Ravens might be without Jamal Lewis against Patriots +World,Fatah Party Chooses Abbas As Its Candidate (AP) +Sci/Tech,Nude Photo Publisher Perfect 10 Sues Google (Reuters) +World,BUSH SEEKS FUNDS FOR COLOMBIA +Sci/Tech,Cell Phone Makers Fast Getting In Tune With Emergence Of Digital Music (Investor's Business Daily) +Sci/Tech,"IBM Wins Honeywell Deal, Eyes More (Reuters)" +Sci/Tech,Strong Earthquake Rattles New Zealand's South Island (Reuters) +Sci/Tech,Ducks Continue to Thrive in Long Island (AP) +Sci/Tech,Drunken Rats Used to Study Alcohol Effects (AP) +Sci/Tech,Nintendo's innards +Sci/Tech,AMD releases budget notebook chips +Sci/Tech,Skulls on cell phones don't scare Symbian +Sci/Tech,SunRocket fires off new low for Net phone rates +Business,McDonald #39;s Says Chief Executive Charlie Bell Resigns (Update1) +Business,Briefs: US firms buy Baring Asset unit +Sci/Tech,People angry at JFK game +Sci/Tech,Microsoft TV Attracts Older People To The Web +Sports,Victory Doesn't Impress Schottenheimer (AP) +Sports,Artest Expresses Regret Over Brawl with Detroit Fans (Reuters) +Sports,ABC News No Charges Imminent After Basketball Brawl +Sports,NCAA Game Summary - Iowa vs. Louisville +World,Hu: No more Yasukuni visits +Sports,Artest Expresses Regret Over Brawl with Detroit Fans +Sports,College Basketball: Iowa Surprises Louisville +Sports,Houston Ready for Next Step +Sports,Still Waiting for a New Home +Business,"Oil prices drop, stocks rise on light pre-holiday trading" +Business,Pentagon says it will open tanker deal to competition +Business,AstraZeneca and CAT in research deal +Sci/Tech,Nude Photo Publisher Perfect 10 Sues Google +Sci/Tech,Prince of Persia: The Final Interview +Sci/Tech,Penn. School District Offers #39;Intelligent Design #39; Book as <b>...</b> +Sports,Mavs' Nowitzki Out With Sprained Ankle (AP) +Sports,Nowitzki Sidelined With Ankle Injury +World,"Thanks to Back-Door, but Legal, Maneuver, Pakistan Has New Prime <b>...</b>" +Sports,No. 6 Notre Dame Clips Colorado St. 69-47 (AP) +World,Communist duo seek closer ties +World,Crime tops Queen's Speech agenda +Business,Ailing McDonald #39;s CEO resigs +Business,Hartford tackles image as nation #39;s seventh-most dangerous city +Business,Chinas mobile phone users go over the 320-million mark +Sci/Tech,Game quot;JFK quot; reloads ire +Sci/Tech,Skulls Trojan attacks Symbian mobile phones +Sports,"Bird says team quot;fully supports Ron Artest, quot; police review tape" +Sports,Racism rears its ugly head +Sports,"First-time major winners Mickelson, Hamilton square off in Grand <b>...</b>" +World,Arafats Nephew Blames Israel +Business,Pennington Responds to Ranking +Business,"Orange County, Indiana still ready for Trump casino" +Sports,No. 1 Wake Forest Wallops Yale 99-72 (AP) +Sports,Red Sox video debuts during gala party in Boston +Sports,Seahawks #39; Robinson hit with four-game suspension +Sports,"Sportsview: Gap Between NBA Players, Fans (AP)" +World,At Least 17 Killed in Darfur Fighting (AP) +Sports,No. 9 Duke Holds Off Davidson 74-61 (AP) +World,Audit Lays Blames for Fla. Database Errors (AP) +Sports,Martin Says His Trade Isn't the Fault of Thorn +World,Pakistan committed to peace talks +Sports,Detroit Pistons Team Report - December 4 +World,Americans Show Clear Concerns on Bush Agenda +Business,Oracle Secures Nearly 61 PeopleSoft Shareholder Backing +Business,McDonald #39;s CEO Steps Down Due to Cancer +Sports,Gary Sheffield #39;s shoulder bothered him for most of the season. (Al <b>...</b> +Sports,"Henson plays for Cowboys, now will he start?" +Sports,Kapler first to bolt World Series champions +World,EU chief vows to champion reforms +Sports,Jaguars' Leftwich Expects to Return This Week +Sports,Busch hangs on for Nextel Cup title; Biffle wins Ford 400 +World,Bush for verifying Iran #39;s claims +Sci/Tech,Far EasTone says pickings slim +Sports,England beat Zimbabwe by eight wickets +Sports,"No. 1 Wake Forest 99, Yale 72" +World,Iran suspends its uranium enrichment programme +Sports,Report: Gamecocks to Name Spurrier New Head Coach Tuesday +Business,Yukos hits back with legal action against Kremlin +Business,Leeson forgotten as the Baring name goes to US +Sports,Chiefs Lead Pats 10-7 After One Quarter (AP) +Sci/Tech,JFK murder game condemned +Sci/Tech,Titanic battle over new DVD format +Sports,DC-bound Expos choose #39;Nationals #39; as new moniker +Sports,Report: Gamecocks to name Spurrier new head coach Tuesday +Sports,NCAA Game Summary - Yale at Wake Forest +World,Refugees suffer as aid workers are airlifted to safety +Business,BHP Billiton completes A\$2.27b share buyback +Sci/Tech,Kennedys game fury +Sci/Tech,Kazaa #39;s Skype offers free calls +Sci/Tech,Dilithium has 80 of 3G video telephony test market +Sports,Macca Goes to the Super Bowl +Sports,"In Opener, Hoyas Are Shut Down" +World,"After 8 Years in Jail, Husband of Bhutto Is Free" +Sci/Tech,"HP Certifies, Supports Novell Linux Desktop (Ziff Davis)" +World,Three U.N. Hostages in Afghanistan Freed (AP) +Sports,Westwood leads Goosen +World,Ralph Klein leads Alberta Tories to 10th consecutive majority government (Canadian Press) +Sports,Boise State-Nevada Game on ESPN (AP) +Sci/Tech,Dolphins Protect New Zealand Swimmers from Shark (Reuters) +World,Iraq Falls Short on Vote Security +World,Medical Journal Calls for a New Drug Watchdog +World,Report: China to Release Jailed Dissident (AP) +World,Peru Wants Intl Court to Take on Fujimori Case (Reuters) +Sci/Tech,Important Update for Internet Explorer 6 +Business,Crude prices cross \$49 per barrel +Business,AA to delay aircraft deliveries +Business,AUTO CLUB: SD A POPULAR THANKSGIVING DESTINATION FOR AREA <b>...</b> +Business,Former AOL Chairman Heads Luxury Travel Firm +Business,"Snohomish County, Marysville, back out of track plan" +Sci/Tech,Congress Approves NASA budget +Sci/Tech,GoldenEye: Rogue Agent +Sports,Boise State-Nevada Game on ESPN +World,Aid workers evacuated as violence flares in Darfur; at least 17 <b>...</b> +World,UN Workers Freed in Afghanistan - Govt Officials +Sports,Georgia Tech Escapes Illinois-Chicago (AP) +World,Hungary to send troops to Iraq next summer: defence minister (AFP) +Sports,Mavericks' Nowitzki Sidelined with Ankle Injury +Sports,Holtz Goes; Brawlers Won't Play On in Bowls +World,UN welcomes Burma prison releases +World,Bush Praises Colombia's Battle Vs. Drugs +Business,A timeline of McDonald #39;s CEOs +Business,CA taps IBM executive to be CEO +World,China Rules Out Terrorism in Plane Crash +Business,"Citing Cancer, Chief Resigns at McDonald #39;s" +Business,Hard Times at Krispy Kreme +Business,CNN Chooses Ex-CBS Official as Its US Chief +Business,FAO Schwarz to Reopen; Timing Is No Coincidence +Sci/Tech,"New video game recreates JFK assassination, angers Quad-Citians" +Sci/Tech,Mystifying Image Of Virgin Mary On Grilled Cheese Sandwich Sold To <b>...</b> +Sports,"Grizzlies 93, Spurs 90" +World,45 aid workers rescued from Darfur +Business,McDonald's Bell Steps Down Due to Cancer +Business,Dollar Wins Respite +Business,"Citing Cancer, Chief Resigns at McDonald's" +Business,CNN Chooses Ex-CBS Official as Its U.S. Chief +Business,Software Firm to Name New Chief Executive +Business,Panel Chief Denies Knowing About Item on Inspecting Tax Returns +Business,Gold Hits 16-Year High; Asian Shares Gain (Reuters) +Business,McDonald's Bell Steps Down Due to Cancer (Reuters) +Business,"Oil Dips, Watches Heating Stocks, Weather (Reuters)" +Business,Wal-Mart Will Allow Unions in China (Reuters) +Business,"Valuations Seen Intact For Oracle, PeopleSoft" +Business,HSBC to bid on Korea bank- report +Business,Counterfeit goods cost city over \$1 billion +Sci/Tech,"eBay bidding ends at \$28,000 for 10-year-old sandwich with image" +Sci/Tech,Kazaa #39;s Latest Version Enables Free Internet Voice Calls +Sports,"Gamecocks, Tigers Say quot;No quot; To Bowl Bids" +Sports,"Timberwolves 83, Mavericks 82" +Sports,Ind-SA Test: Day 4 play resumes after delay +Sports,"No. 3 Georgia Tech 60, Illinois-Chicago 59" +Sports,"USC, Oklahoma in Control of BCS Spots (AP)" +Sports,Running Back Becomes Holistic Student (AP) +World,IAEA moves to verify Iran #39;s nuclear suspension +World,Triumph of justice: Benazir +World,"Bush renews support for Colombia in fighting drug, terrorism" +World,China's central bank tells US not to blame others for economic woes (AFP) +Sci/Tech,Popularity of IPod Drives Up Apple Stock (AP) +World,Three foreign UN hostages released in Afghanistan: police (AFP) +Business,Gold Hits 16-Year High; Asian Shares Gain +Business,Wal-Mart Will Allow Unions in China +Business,Congress Votes to Extend Ban on Internet Access Taxes +Sci/Tech,JFK: Reloaded +Sports,Spurs coach admits concerns after Villa defeat +Sports,"Manchester United manager Alex Ferguson to coach 1,000th match <b>...</b>" +Sports,Woods wins Dunlop Phoenix going away +Sports,NBA Wrap: Garnett Leads Timberwolves' Rally (Reuters) +World,Bush APEC visit not glitch-free +Sports,Non-flasher (we hope) McCartney set for Super Bowl +Sports,Lyon Star #39;s Domestic Priority +Sports,"Kumble, Bhajji slam Kanpur pitch" +Business,"Tech Spending Looks Up in Asia, E.Europe" +Business,"Boeing, EADS Likely to Make Tanker Bids" +Business,More Visas For Foreign Workers +Business,Bell rivals say new rules may cost business customers \$130B +Sports,Stern seeks solution +Sports,Fergie Admits European Fascination +Sports,Stoudemire scoring big at center for Suns +World,Iraq seeks tighter borders +Sports,NBA Wrap: Garnett Leads Timberwolves' Rally +Business,McDonald #39;s Bell Steps Down Due to Cancer +Business,CA to Choose IBM Vet as CEO +Business,"At CNN/US, Another Quick Change of Suits" +Business,Broker watchdog permanently bars Quattrone +Business,Krispy Kreme in new sticky mess +Business,Hershey Foods to buy macadamia processor +Sci/Tech,JFK Internet Game Assailed +Sci/Tech, #39;Virgin Mary #39; sandwich back on eBay +Sci/Tech,NASA to cut 100 shuttle-related positions +Sports,Paul McCartney To Perform At Super Bowl +Sports,Police launch Yorke investigation +Sports,LE GUEN AIMING FOR DRAW +Sports,Holtz bids farewell as Spurrier waits in wings +Sports,Hornets Top Jazz for First Win of Season +Sports,"Washington Nationals, that #39;s the name" +Sports,NBA Game Summary - Chicago at Phoenix +Sports,National Basketball Association Game Capsules +World,Zardari may lead pro-democracy rallies +World,Fresh row threatens top EU body +Business,Attempt to Block Rule On Overtime Thwarted +Business,Radio One Says Joyner Deal Aids Urban Market Strategy +Business,"A Cash Crop, a Better Life" +Business,"Boeing, EADS Likely to Make Tanker Bids" +Business,NASD Bars Ex-Banker Quattrone For Life +Business,Md. Land Sell-Off Proposals Resisted +Sci/Tech,NBA on eBay +Business,Swiss Mine Company Steps Up Efforts to Buy in Australia +Business,Crude oil prices fall on slower economic growth forecasts +Business,McDonald #39;s CEO Charlie Bell resigns +Business,Trump #39;s Casino Business Files for Bankruptcy +Business,A Decline in Oil Prices Spurs a Late Rally in Share Prices +Business,Quattrone Barred for Life From Securities +Business,Mylan Laboratories Rejects Icahn #39;s \$4.9 Billion Buyout Bid +Business,Many Women Say Airport Pat-Downs Are a Humiliation +Sci/Tech,Nintendo's innards +Sci/Tech,Surf's up +Sci/Tech,"Dania Beach woman #39;s holy sandwich sells for \$28,000" +Sci/Tech,Broadcom LAN Boosts Wi-Fi Range +Sci/Tech,GoldenEye: Rogue Agent Ships +Sci/Tech,Unleash the Warrior +Sports,Baseball adopts Nationals name +Sports,"Dillon, Patriots too much for Chiefs" +Sports,NBA Wrap: Garnett Leads Timberwolves #39; Rally +Sports,Hoyas Report +Sports,Davis #39; days could be numbered with Browns +Sci/Tech,Unlocking the chip's inner Hemingway +World,Arafat kin blames Israel +World,Fighting Erupts in West Sudan Despite Accord +Sci/Tech,Cities versus cities +Sci/Tech,The next evolution of offshore outsourcing +Sports,"Dillon, Brady Lead Patriots to 24th Win in 25 Games (Reuters)" +Sports,"Dillon, Brady Lead Patriots to 24th Win in 25 Games" +World,Three U.N. Hostages Freed in Afghanistan +World,Second Sunni Cleric Gunned Down in Iraq +World,HK probes Falun Gong 'hacking' +Sci/Tech,Q A: Worthington Industries CIO Jonathan Dove on ERP upgrade +Sci/Tech,"Search Engine Disclosure: Better, but Still Wanting" +Business,Xstrata to go hostile in 3bn bid for Australian rival WMC +Business,You #39;re bankrupt! +Business,IBM exec to be CA chief: report +Business,CNN Hires New President for Its US News Group +Business,Buckle up for holidays +Business,Citigroup unit sold for \$4.4B +Business,Infotech and the Law: Druyun fallout will be felt long and hard +Sci/Tech,Game on JFKs Killing Blasted For Insensitivity +Sports,Clark: Weekend fights prove need for division of sports fans <b>...</b> +Sports,DC #39;s Team Will Be the Nationals +Sports,"Trotter, defense step up" +World,Three UN workers taken hostage in Kabul are freed +Business,Gold Hits 16-Year High; Asian Shares Gain +Business,Hartford tackles image as nation #39;s seventh-most dangerous city +Business,AIRLINES GIVE TIPS FOR TRAVEL SEASON +World,N.Korea Criticism Reports Don't Mean Kim Weaker Yet (Reuters) +Sports,NBA Game Summary - New Orleans at Utah +World,No deal with govt: Zardari +World,Bush wants more US aid for Colombia drug fight +World,Three UN Hostages Freed in Afghanistan +World,Melee in Chile seen as #39;big deal #39; +World,"Pakistan to Sell Islamic Bonds by January, Aziz Says (Update2)" +Sports,Timberwolves Edge Mavericks 83-82 (AP) +Business,"INTERVIEW: New Star To Expand To Taiwan,Singapore In #39;05" +Sports,Other Voices: Detroit exposes fragile NBA +Sports,Federer crushes Hewitt and sets new record +Sports,GAMBHIR MISSES OUT +World,Three Hostages Freed In Kabul +World,London #39;terror plots #39; thwarted +Business,"Report: SEC, Time Warner Near Settlement" +Business,"Dollar Gets a Rest on BOJ Worry, Holidays" +Sci/Tech,New Tools to Help Patients Reclaim Damaged Senses +Sci/Tech,Oracle at Impasse With PeopleSoft +Business,McDonald #39;s CEO leaves to fight cancer +Business,CNN/US names new president +Business,American cuts back Boeing orders +Business,Quarter earnings drop 79 +Business,Virgin Blue Asks Australia to Review Costs +Business,Pentagon: any new tanker deal would be opened to competitive <b>...</b> +World,Second Sunni Cleric Gunned Down in Iraq (Reuters) +Sci/Tech,Largest UK Electronics Seller Cuts VHS +Sports,Editorial: Basketbrawl +Sports,Sehwag century lifts India towards safety +World,Europe ; New EU commission takes office after delay with ambitious <b>...</b> +World,Prince denies leaked note #39;s elitist doctrine +World,Three foreign UN hostages released in Afghanistan (AFP) +World,Report: Foreign-Born Population Tops 34M (AP) +Business,"McDonald #39;s Skinner Replaces Bell as CEO, Faces Test in Europe" +Business,CA reportedly set to name new chief +Business,KRISPY KREME HAS GONE OUT OF KONTROL +Business,Two Harvard fund managers earn more than \$25 mln +Sci/Tech,"NASA moves ahead on Bush #39;s plan to return to moon, Mars" +Sci/Tech,Broadcom #39;s 54g Chipsets Boost Wi-Fi Coverage +Sci/Tech,Next generation of DVDs on track to replace today #39;s version +Sports,BRADY AND PATS DOWN CHIEFS +Sports,"NBA: Minnesota 83, Dallas 82" +World,Mideast Summit Switches Focus to Iraq +World,GOP squandering power +Business,"Dollar Gets a Rest on BOJ Worry, Holidays (Reuters)" +Business,Border closures disrupt Palestinian economy: World Bank (AFP) +Business,"Bleidt investors tell of promises, shock" +Business,Battling biotechs +Business,Looking for Mr. Goodwrench +Business,Harvard pays 2 top money managers \$25m +Business,Menino plans to add job training programs +Business,Short-term T-bill rates rise +Business,Reports raise new questions on FDA oversight of drug safety +Business,Once-high-profile planner ordered to undergo psychiatric exam +Business,Investors bolster takeover by Oracle +Business,Quattrone barred from securities work +Business,Revamp aimed at getting Barbie's groove back +Business,Affiliated Managers to acquire AQR stake +Business,Oil prices fall after steep run-up +Business,SEC eyes best-price rule for exchanges +Business,Cherkasky says Marsh may settle Spitzer's lawsuit within a month +Business,Apple hits 4-year high; iPod seen lifting sales +Business,American to postpone buying 54 planes +Business,Harvard pays 2 top money managers \$25m +Sci/Tech,Computer game in which players shoot at JFK goes too far +Sci/Tech,"Mozilla Gains Five Points, IE Slips Five" +Sci/Tech,Unusual mixed breeds of dogs have their day. +Sports,Sullivan Response Angers Players +Sports,Chiefs notes +World,Prime Minister Shaukat Aziz due in India today +World,UN probing alleged abuse by staff in DRC +World,Rescue operation at air crash site ends +World,North Korea Demands Change in US Policy +Business,China rules out 'hard landing' +Business,Let the stuffing begin +World,Benitez confirms Morientes interest (AFP) +Business,"Repairs on #39;Big Dig #39; not all that big, firm insists" +World,Argentina Club Fire Kills at Least 174 +Business,"Investors in step, Oracle moves closer" +Business,Presidents line up for 9/11 victims +Sports,Pacers Season Tossed Into Doubt (AP) +Sci/Tech,Bofra Worm Spreads by Banner Ads +Sci/Tech,Pot plants found in Weston home +Sci/Tech,Preparing pooches for the work force +Sports,Ruffin Fills Key Role +Sports,Debatable: Should there be criminal charges in sports brawls? +Sports,Video game exploits death of past president +Sports,Yorke considers quitting Birmingham +World,"Peru Arrests Siege Leader, to Attack Police Post" +World,Palestinians granted free movement +World,Drought and Hunger Add to Darfur #39;s Woes +Sports,Turner Doesn't Believe in Moral Victories (AP) +World,Indonesian police chief orders inquiry after five people shot in protest (AFP) +Business,"Highways, airports to be busy this week" +Business,"Arizona seat-belt use at 95, tops in nation" +Business,Ex-presidents to help with WTC memorial +World,UN fears tens of thousands more tsunami dead as aid push gets star power (AFP) +Sci/Tech,The Compassion Deficit +World,Baghdad Suicide Car Bomb Kills at Least Four +Sports,NBA Wrap: James Leads Cavs Past Bobcats +Sports,U.S. Beats Netherlands in the Hopman Cup (AP) +World,Rwandan Ex-Army Officer Denies Genocide Charges +World,N.Korea Criticism Reports Don't Mean Kim Weaker Yet +Sports,2005 Red Sox schedule +Sports,Teams left down and out +Sports,Common knowledge +Sports,Is this move by Fox sly? +Sports,BC makes HC pay penalty +World,Hundreds held over Apec protests +World,Health cost fears for China poor +World,Football: Ferguson hits landmark +World,Africa and its children +World,Aid workers rescued amid renewed Darfur violence +World,Spouse of Pakistan president's rival gets bail +World,Nephew faults Israel in Arafat's death +World,About the series +World,"Child malnutrition up since invasion, study says" +Business,Report: Airbus Aims to Trump Boeing's 7E7 +Business,Traffic Slows at Fast Casual Restaurants +Business,You #39;re bankrupt! Trump casinos file +Business,Mining sector fuels market recovery +Business,OVITZ MIND MELD +Sports,Grizzlies stun Spurs on go-ahead 3-pointer +World,"Uranium processing halted, Iran says" +Business,BHP Billiton leads London on bigger share buyback +World,Activists warn of possible rape of tsunami survivors (AFP) +Business,PLAY IT AGAIN +Business,Tennessee seat belt use improves +Business,Update 8: Crude Futures Dip As Traders Predict Rise +Business,"\$100 for bite of Apple? Stock ripe to double, analyst says" +Sci/Tech,First European mission captures stunning portrait of earth and <b>...</b> +Sports,Sacked again: Pats stop KC +Sports,"Fox to announce deal to air Fiesta, Orange, Sugar bowls in #39;06" +Sports,Bernie braves the Bank +Sports,Iowa waits out Louisville +World,One step in Palestine +World,UN confirms three hostages freed in Afghanistan +World,Abbas: Refugees Will Return to Israel (AP) +World,Britain #39;s #39;9/11 #39; foiled by security forces +World,Around the world +World,Israeli captain charged after shooting girl +Sports,Transactions +World,Crisis grips divided Ukraine over disputed presidential vote (AFP) +World,UN DR Congo sex abuses 'on film' +World,Zimbabwe Ruling Party Elects Woman as Mugabe Deputy +Business,McDonalds boss steps down +Business,Krispy Kreme results have holes +Business,Congress OKs foreigners #39; jobs +Sci/Tech,NASA Concludes First International Workshop in Support of US #39; <b>...</b> +Sci/Tech,HDTV: A Shopper #39;s Survival Guide +Sports,"McCaffery: Until fans strike back, players will still attack" +Sports,Sehwag flays SA attack +World,Baghdad Suicide Car Bomb Kills at Least 6 -- Police (Reuters) +World,UN hostages held for 4 weeks in Afghanistan freed +World,TWO ANTI-VOTE SHEIKS SLAIN +World, #39;9/11 #39; PLOTS IN BRITAIN +World,China wraps Latinamerican tour in Cuba +Business,Famous toy store to reopen +Business,Loss widens; 3 million customers seen by year #39;s end +Sports,"Drive fast, turn left: The Chase made sense" +World,UN DR Congo sex abuses #39;on film #39; +Sci/Tech,Fury over #39;shoot JFK video game #39; +Sports,Keane dropped for Spurs defeat +World,UN demands DR Congo poll +Business,CNN cuts Hair as head of US unit +Business,Pent-up demand for travel is primed for holiday takeoff +Sports,Patriots streaking again +Sports,From nada to Mega +Sports,Martin glad to see +Business,"Cendant Expected to Spin Off Wright Express, a Fleet Manager" +Business,INDUSTRY REPORT: Food McDonald #39;s CEO resigns +Business,FAO Schwarz back in play +Business,\$149 million lottery winner: #39;No idea #39; what comes next +Business,EasyJet faces tough year ahead +Business,EasyJet caution despite profits rise +Sci/Tech,VHS Format Dies Quiet Death +Sci/Tech,"New Linuxes, Old Problems" +Sci/Tech,MontaVista squares up to Symbian +Sci/Tech,Are Desktop Search Programs Ready for Prime Time? (PC World) +Sports,"Brady, Dillon provide touchdowns" +Sports,Chad hints: Shoulder healing slowly +Sci/Tech,Serf's Up in the Video Game Industry (washingtonpost.com) +World,Conference on Iraq to back the government #39;s war on insurgents +World,Arafat #39;s nephew calls medical file inconclusive +Sci/Tech,<cite>Register</cite> restores ad service +Sci/Tech,Smartphones suffer Skulls attack +Sci/Tech,Help for lost and stolen phones +Sci/Tech,Time Warner Nears Deal Over AOL Accounting +Business,SEC Probes Firms-Advisers Gift Exchange (AP) +Business,Oil Surges to \$50 on Winter Fuel Worries +Business,Airbus Looks to Challenge Boeing's 7E7 +Business,Time Warner Shares Rise on Talks Report +Business,U.S. FDA Adds Restrictions to Acne Drug +Business,Intel Shares Edge Lower After Downgrade +Business,Computer Associates Names IBM Exec as CEO +Business,"Credit Raters' Power Abused, Borrowers Say" +Business,Tax Reform Veterans See Hurdles Ahead +Business,Brokers' Gifts Investigated +Business,Top Economic Adviser to Bush Is Leaving Post +Business,USDA Rules Out Mad Cow Disease in Animal +Business,Dollar hits new record euro low +Business,Wal-Mart approves unions in China +Business,China and Cuba sign trade deals +Business,"Cingular announces 7,000 job cuts" +Business,Fines prompt Yukos share drop +Business,Rising material costs hit Heinz +Business,Palestinian economy in decline +Business,EADS 'ready' for US air force bid +Business,WPP-Grey Global merger 'on hold' +Business,AG sues to stop apparent telecom scam +Business,Rather Quitting as CBS Anchor in Abrupt Move +Business,Questions Are Seen on Merck's Stance on Pain Drug's Use +Business,"On Wall Street, a Closer Look at Giving Gifts" +Business,Jack Daniel's to the Rescue +Business,Dollar Tree Spreads Roots +Business,"Mylan's ""Three-Ring Circus""" +Business,"IBM to acquire life insurance processing, admin company" +Sci/Tech,Exploding Cell Phones a Growing Problem (AP) +Sci/Tech,Lobbyists Try to Kill Philly Wireless Plan (AP) +Business,SEC May Be Near Settlement With AOL +Business,"Mixed End to Light Trading as Oil Surges, Then Retreats" +Business,Questions and answers about Trump #39;s bankruptcy filing +Business,China #39;s SAIC cool on early Rover deal talk +Business,Drilling Programme at WMCs Olympic Dam Site Indicates it is the <b>...</b> +Business,Top Economic Adviser to Bush Is Leaving Post +Business,Wal-Mart to allow unions in China stores +Business,Richmond is in Top 10 list of dangerous cities +Business,"Sirius Says Its Subscribers Top 800,000" +Business,Home Resales Dipped Slightly Last Month +Sports,Short-Handed Pacers Beat Celtics 106-96 (AP) +Sci/Tech,FCC: 8M Wireless Users Keep Cell Numbers (AP) +Sports,Williams to Be Reinstated After Suspension (AP) +Sports,No. 2 Kansas Defeats St. Joseph's 91-51 (AP) +Sports,Iowa Upends No. 15 Texas 82-80 (AP) +Sci/Tech,Man Fined #36;300K for Leaking 'Screeners' (AP) +Sci/Tech,Three Big Music Labels Sign Up for Peer Impact (Reuters) +Sports,Midlevel Free Agents Signing With Teams (AP) +Sci/Tech,Judge in EU-Microsoft Case Calls Meeting (AP) +Sci/Tech,JFK Assassination Game Defended as #39;Educational #39; +Sports,No. 11 N.C. Trumps Tennessee 94-81 (AP) +Sci/Tech,Online casino buys #39;holy #39; sarmie +Sci/Tech,Artful Software Spots Faked Masterpieces +Sci/Tech, #39;Skulls #39; Virus Attacks Nokia Smartphones +Sci/Tech,AMD announces Mobile Sempron 3000 +Sci/Tech,NASA changes with new budget +Sci/Tech,"Torvalds, Windenius, Lerdorf Fight EU Software Patents" +Sci/Tech,"Video Game Makers Get a #39;C #39; for Effort, Critics Say" +Sci/Tech,VHS Format Dies at 26 +Sci/Tech,BT digital service returns power to artists +Sci/Tech,GIFT GUIDE 1: TECH amp; TOYS +Sci/Tech,"Another Survey Says Mozilla Up, IE Down" +Sci/Tech,Gartner: Renegotiate software license deals now +Sci/Tech,Citrix to acquire SSL VPN startup +Sci/Tech,Microsoft Is No Threat To Google -- Yet +Sci/Tech,Indexing of Copyrighted Photos Lands Google in Court +Sci/Tech,Phishers use more sites to reel in data on accounts +Sci/Tech,"Intel Helping Indian, Chinese Customers to Use Linux (Update3)" +Sci/Tech,The Sims go to Varsity +Sci/Tech,"Enterprise grid group adds Dell, two others (InfoWorld)" +Sci/Tech,Blizzard ships World of Warcraft (MacCentral) +Sports,"Union Could Get Suspensions Lessened, Experts Say" +Sports,Goosen Forges One-Shot Lead at Grand Slam of Golf +Sports,UNITED THROUGH +Sports,Kings Defeat Rockets 102-96 +Sports,2 arrested for alleged racial taunts at Yorke +Sports,Real Madrid Faces Champions League Decider in Empty Stadium +Sports,Barcelona to take on Celtic +Sports,No. 12 Louisville Routs Chaminade in Hawaii +Sports,Goosen Leads Grand Slam by One Stroke (AP) +Sports,Gene tops first day of Barcelona test +Sports,It #39;s Official: Spurrier Is Hired to Coach Gamecocks +Sports,Henson Set to Start for Injured Testaverde +Sci/Tech,Chinese Space Official to Visit NASA Chief (Reuters) +Sports,NBA Players' Union Appeals Suspensions +Sci/Tech,Arctic Nations to Make Scant Promises to Slow Thaw (Reuters) +World,Pakistan must act to prevent AIDS: UNAIDS +World,World powers and neighbours back Iraqi elections +World,Report: Man in Jakarta bombing arrested +World,"Singh, Aziz to talk after India-Pakistan spat" +World,Britain plans tougher laws to fight terror +Sci/Tech,States Pull Out of Talks to Cut Aircraft Pollution (Reuters) +Sci/Tech,Half of Brazil's Amazon Jungle Occupied-Study (Reuters) +Sports,Clippers' Livingston Placed on Injured List +Sci/Tech,UK Plans New Laws Against Animal Rights Militants (Reuters) +Sci/Tech,EU Allows More Catches of Exotic Deep-Sea Fish (Reuters) +Sports,Goosen on Top at Grand Slam +Sci/Tech,Fact vs. Fiction: 10 Questions to Test Your Space IQ (SPACE.com) +Sci/Tech,Pope Receives Honorary Degree in Poland (AP) +Sci/Tech,Huge Black Holes Formed Quickly After Big Bang (SPACE.com) +Sci/Tech,Species-Threatening Snails Found in Colo. (AP) +Sports,Sorenstam Keeps Alive Grand Slam Dream +Sci/Tech,"Groups Join, Seek Action on Global Warming (AP)" +Sports,"Union Appeals, Pacers Protest and 2 Fans Sue" +Sports,"With Less Swagger, Spurrier Returns to SEC" +Sci/Tech,Museum Addition Brings More Things to Try (AP) +Sci/Tech,Scientist Who Created K Ration Diet Dies (AP) +Sports,Anger Management May Not Help at All +Sci/Tech,Congress OKs #36;2.6M for Oyster Research (AP) +Sports,Mourning Meets Ratner: Don't Ask +Sports,Branch return breathtaking +Sports,Pacers circle wagons +Sports,They have bond +Sports,Facet of KC offense was a bit run down +Sports,Artest Says 'Move On' +Sports,A Tragic Free Fall +Sports,Hokies' Imoh Is Ailing +Sports,Hollenbach Gets Call +Sports,S. Carolina Gets Spurrier +Sports,Coaches on Firing Line +Sports,Pacers Pull Out Win +Sports,"Terps Start Slow, Erupt" +Sports,Rockets Blast Back +Sports,UNC Stops Tennessee +Sports,"NBA Brawler Ron Artest, Playing a Different Tune" +Sci/Tech,We're not so inEFFectual +Sci/Tech,Microsoft sees bespoke Windows everywhere +Sci/Tech,<em>Reg</em> readers stick it to big tech +Sci/Tech,Google sued by nude photo website +Sci/Tech,Police tackle internet crime +Sci/Tech,Queen unveils ID card scheme +Sci/Tech,Drivers 'ignoring mobile rules' +Sci/Tech,Napalm joke gets advert banned +Sci/Tech,Global Chip Plant Use Falls as Slowdown Seen +Sci/Tech,Plasma TVs Lead Gadget Price Declines +Sci/Tech,AMD: Chip Sales Rebound After U.S. Election +Sci/Tech,Honda's Minimoto Maxii Tops Kids' Wish Lists-Yahoo +Sci/Tech,Viacom Settles Outstanding FCC Fines +Sci/Tech,FDA to Issue Guidelines On Biotech Food +Sci/Tech,"Hackers Use Web Sites, Ads to Infect PCs" +World,Iran Rules Out Complete Nuclear Dismantling (Reuters) +Sci/Tech,"Thanks to iPod, Apple's Rolling in Gravy" +Sci/Tech,EU Judge in Microsoft Appeal Calls Meeting +World,Ukraine Opposition Renews Street Protests Over Poll (Reuters) +World,"Car Bombers Strike Near Green Zone, 7 Dead" +Sci/Tech,JFK Internet Game Assailed +World,A Daily Look at U.S. Iraq Military Deaths (AP) +Sci/Tech,Rejecting the Next Bill Gates +Sci/Tech,More Visas For Foreign Workers +Sci/Tech,Bill Aims to Protect Joint Patents +World,"Thai official shot by accident, not assassination: PM (AFP)" +Sci/Tech,Viewing The Customer With Spite +World,Mtl experts knew about C. difficile outbreak but didn't tell province:report (Canadian Press) +Sci/Tech,Bees survived dino extinction +Business,"Tests Show No Mad Cow, Cattle Prices Rise" +Sci/Tech,Waterloo lessons could aid medics +World,Prosecutor Blasts GOP for Shielding DeLay (AP) +Business,"AIG Nears Settlements with Justice, SEC" +Business,Oil Hits \$50 and Bounces Back Under \$49 +World,N.C. Elections Board OKs Most Results (AP) +Business,"Cingular to Cut About 7,000 Jobs" +World,Diplomats Question Ukraine on Election (AP) +Business,"SEC, NASD Probe Gifts to Executives" +World,Wash. GOP Gubernatorial Candidate Ahead (AP) +Business,Two States Accuse Aventis on Flu Vaccine +Business,Holidays Looking Merry for Web Retailers +Business,"Ban Yo-Yo Water Ball Toy, U.S. Group Says" +World,Iran Rules Out Complete Nuclear Dismantling +World,Three U.N. Hostages Freed Unharmed in Afghanistan +World,Iraq Meeting Presses Baghdad to Seek Dialogue +World,Court: Australian Suspect Was Al Qaeda 'Sleeper' +World,Politicians Seek Debate on Blair's Iraq 'Misconduct' +World,"Venezuelan Car-Bomb Suspect Killed, Weapons Found" +World,British Muslims push to integrate +World,Ukraine set for talks on crisis +World,Smoking killing millions globally +Sci/Tech,Outsource that reporter! +World,South Asian PMs to hold key talks +World,Security Council visits DR Congo +World,Chirac makes historic Libya trip +Sci/Tech,Gimme some skin! +World,Burma to relaunch democracy talks +World,Football: Ferguson celebrates win +World,Zimbabwe bans cricket journalists +World,Sfor defends pursuit of Karadzic +World,World leaders back Iraqi election +World,Hindu cleric faces fresh charge +World,40bn criminal networks targeted +World,UN probing charges of sex abuse by staff +World,"In Colombia, Bush vows aid in drug war" +World,U.S. Expanding Iraqi Offensive in Violent Area +World,Rally Against Ukraine Vote Swells +World,U.N. Election Workers Freed in Afghanistan +World,Iraq's Forbidding 'Triangle of Death' +World,Iraqi Prime Minister Encouraged to Meet Opponents +World,U.N. Hostages in Afghanistan Freed +World,Fatah Panel Nominates Ex-Premier for President +World,26 Charged in Va. In Document Fraud +World,"Venezuelan Car-Bomb Suspect Killed, Weapons Found" +World,Chavez Visit to Spain Sparks Coup Controversy +World,Venezuelan Car-Bomb Suspect Killed in Shootout +Business,Controversial fund #39;quite modest #39; claims chairman +Business,Canada may put levies on US imports +Business,UAL asks its pilots for steep cutbacks +Business,Eisner testimony countered +Business,Wal-Mart will let Chinese union in +Business,Euro Near New High; Asian Stocks Gain (Reuters) +Business,Package deals +Business,Comcast will raise cable rates in January +Business,FDA backs new multiple sclerosis drug +Sci/Tech,Iconic grilled cheese feeds Internet frenzy +Sci/Tech,Video game violence goes to next level +Sci/Tech,Symbian Says Skulls May Not Be Malware +Sci/Tech,NASA Chief Sees Mandate for Bush Space Program +Sci/Tech,IBM #39;s Solid Stake on the Desktop +Sci/Tech,Grand Theft Auto: San Andreas Official Soundtrack Double CD +Sci/Tech,Software License Costs to Soar in 2005 +Sci/Tech,Scientists mimic lotus plant to create self-cleaning clothing +Sports,No end to news of brawl +Sports,DWIGHT YORKE RACE TAUNTS: TWO IN COURT +Sports,Decision day arrives for Wenger to contest cheat remark +Sports,Leverkusen let nervous Real off the hook says Augenthaler +Sports,"Williams in Position for Return, But Likely Not to Miami" +Sports,Surprising Sonics 10-2 after beating T #39;wolves +Sports,Cowboys pull away 90-65 +World,Labor welcomes terror arrests +World,Abbas to defend rights of Palestinian refugees +World,Troops start new offensive near Baghdad +World,Israeli officer: I was right to shoot 13-year-old child +Business,Euro Near New High; Asian Stocks Gain +Sports,Cabrera on the Sox' short list? +Sports,Gugliotta forced to take an injury timeout +Sports,This week's picks +World,We Need More Babies! +Sci/Tech,UK Telecoms Watchdog Might Relax 3G License Rules +World,How To Film A Phantom +World,"US knew of 2002 plot on Chavez, papers show" +World,Abbas vows no retreat from refugee demand +World,Freed UN hostages prepare for trip home +World,Activists' tool for change in Iran: +World,Secure Iraqi borders endorsed; concern on US troops +World,UN says children suffering the most +Sci/Tech,"PeopleSoft, Oracle standoff likely to continue" +Sci/Tech,U.K. deploys electronic image archiving in all hospitals +Sci/Tech,Brief: HP to spend \$200M on layoffs +Sci/Tech,CA officially taps Swainson for CEO job delays CA World +Sci/Tech,Near-Time touts content management tool for Mac OS X +Sci/Tech,U.K. biometric ID card plan unveiled in the Queen's Speech +Sci/Tech,"CA officially taps Swainson for CEO job, delays CA World" +Sci/Tech,HP quietly begins weblog experiment +Sci/Tech,Law may snag Philadelphia Wi-Fi rollout +Sci/Tech,Business Integration Glossary +Sci/Tech,Torvalds comes out against EU patent directive +Sci/Tech,"Enterprise grid group adds Dell, two others" +Sci/Tech,Observers find 201 e-voting problems in Maryland +Sci/Tech,EU judge calls meeting in Microsoft antitrust case +Sci/Tech,HP to spend \$200M on layoffs +Sci/Tech,"Thomson, VeriSign to build content security service" +Sci/Tech,AMD Releases New Mobile Sempron +Sci/Tech,"Thomson, VeriSign Secure Multimedia Content" +Sci/Tech,Philadelphia Faces Wi-Fi Woes +Sci/Tech,Are Desktop Search Programs Ready for Prime Time? +Sci/Tech,Rating Search Engine Disclosure Practices +Business,Stocks bounce back from their mid-day slide +Business,AOL NEARS SEC FRAUD DEAL +Business,FDA backs new multiple sclerosis drug +Business,Brokers #39; Gifts Investigated +Business,Advocacy group cites troubles in toyland +Sci/Tech,AMD #39;s Sempron Set for Holiday Showdown with Centrino +Sci/Tech,IBM signs desktop-software partners +Sci/Tech,"Media watchdogs complain that video games are violent, oversexed" +Sci/Tech,Citrix to Acquire SSL VPN Provider +Sci/Tech,"Donald Puddy, veteran NASA flight director" +Sports,Fergie toasts 1 000 games +Sports,Hyypia Blasts #39;Disgraceful #39; Decision +Sports,Wenger stands by Ruud remarks +Sports,Donovan decides to return to Germany +Sports,"SuperSonics 103, Timberwolves 92" +World,Indonesian Police arrest Australian Embassy bombing suspect +World,"HIV cases rise among women, report says" +World,Iran sticks by belief that nuclear arms unIslamic: minister +World,Black Watch ready for new offensive +World,Britain to issue first identity cards since World War II +Business,Hong Kong business more confident +Business,Easy brand 'close to mobile deal' +Business,Home sales for month robust +Sci/Tech,Plasma TVs Lead Gadget Price Declines in Sept. -NPD +Sports,Harvard handles BU +Sci/Tech,Infocus: SSH and ssh-agent +Sci/Tech,Pictures on the Go +Sci/Tech,Keeping Up with iPod +Sci/Tech,Apple Certified Training +Sci/Tech,Shhh ... Do You Hear Gunfire? +Sci/Tech,Software Detects the True Artist +Sci/Tech,Court Documents Not Fit for Web? +Sci/Tech,"A Kinder, Gentler Copyright Bill?" +Sci/Tech,"You, Too, Can Assassinate Kennedy" +Sci/Tech,"Suspicion of a Mad Cow Case Proves Unfounded, Tests Find" +Sci/Tech,Coloradans Vote to Embrace Alternative Sources of Energy +Sci/Tech,NASA Chief Sees Mandate for Bush Space Program +Sci/Tech,"In a Land Torn by Violence, Too Many Troubling Deaths" +Sci/Tech,The Face of Nature Changes as Art and Science Evolve +Sci/Tech,"Your Train Will Be Late, She Says Cheerily" +Sci/Tech,Judge Calls Conference on Microsoft +Sci/Tech,"Cingular to Cut 7,000 Jobs to Trim Costs After Buyout" +Sci/Tech,From Internet Arm Wrestling to the Magic of Math +World,UN: N.Korea Sends Positive Message on Atomic Talks (Reuters) +World,Runway accident hampers aid bid +Sports,Warriors Beat Hornets 115-109 in 3OT (AP) +World,Criticism of U.S. Muted at Iraq Conference (AP) +World,Ntini spell sparks India collapse as test heads for draw (Reuters) +World,U.N. Battles Sex Abuse by Peacekeepers (AP) +Sports,No More QB Controversy in Miami: Fiedler Goes on IR +Business,"Stocks End Little Changed on Oil, Intel" +Business,Oracle assails PeopleSoft board +Business,Behind the scenes at Eisner #39;s Disney +Business,Boston Scientific takes over Cook #39;s share of drug rights +Business,Multiple sclerosis drug approved +World,Kuwait Detains Soldiers for Plot Against U.S. Forces +Sci/Tech,Why some see a hero in simple sandwich +Sci/Tech,HDTV: A shopper #39;s survival guide +Sci/Tech,IBM adds fingerprint sensor to ThinkPads +Sports,NO BABY BLUES FOR GOOSEN +Sports,Yorke: two due in court on race charges +Sports,NCAA case no worry for Spurrier +Sports,Donovan bolts MLS for German soccer team +Sports,FOOTBALL: REAL NAZI DISGRACE +Sports,RUGBY UNION: NEVER AGAIN +Sports,Yao #39;s effort fails to lift Rockets +Sports,Notebook: Daniels making an impact +Sports,Kansas trounces outmanned St. Joseph #39;s +Sports,FIEDLER RULED OUT FOR SEASON +World,Legacy is lesson on fighting terrorism +World,Raids mounted in latest assault on Iraqi region +World,US Blames Darfur Rebels for Latest Upsurge in Violence +Business,Ottawa talks of trade war against US +Business,Global server sales up 5.5 in Q3 +Business,Post-merger work force at Cingular to shrink 10 percent +Business,"Auditor targets drugs, native training" +Business,RBC sells Liberty Insurance to IBM +Sci/Tech,A pitch for presents of peace +Sci/Tech,Intel helping clients in Asia to use Linux +Sci/Tech,"IBM #39;s #39;most secure laptop #39; Rs 95,000" +Sports,Ntini sparks Indian slump +Sports,He #39;s one of a kind +Sci/Tech,"Actor Must Pay #36;309,600 in Film Piracy Case (Reuters)" +World,Mexican Mob Kills Two Federal Agents (AP) +World,New mass offensive aimed at insurgents +World,SAVED FROM DEATH #39;S JAWS ..BY DOLPHINS +Sci/Tech,Firefox Browser Takes Market Share From Microsoft's IE (TechWeb) +Sports,Celtics Place Gugliotta on Injured List +World,Congress Won't Block Tax-Return Provision (AP) +Sports,Finalists Named for O'Brien Award +World,"Singh, Aziz Hold Talks After India-Pakistan Spat" +World,Black Boxes Recovered from China Lake Crash Site +Sports,This pair not pulling punches +Sports,Turnaround propels Eagles +Sports,Harvard handles BU +Sports,Huskies line up to score +Sports,Transactions +World,Third-seed Schuettler crashes out of Chennai Open (AFP) +World,Baghdad Suicide Car Bomb Kills at Least Four (Reuters) +Sci/Tech,Skulls trojan targets Symbian smartphones +Sports,UEFA CHAMPIONS LEAGUE +Sports,CARROLL #39;S COCK-UP ON A VERY GRAND SCALE +World,Question and Answer +World,3 Kidnapped UN Workers Are Released in Kabul +World,Japan will never war with China: PM +Business,Sounding the alarm over too-loud toys +Business,Dell puts Sun in shade on server share +Sci/Tech,Nokia smart phones under attack +Sci/Tech,XFce 4.2 - the Future is Now! +Sports,"Monaco 1, Liverpool 0" +Sports,"Fergie #39;s Keepers: the Good, the Bad, the Awful" +Sports,Minority hiring activists miffed over USC #39;search #39; +Business,ADV: Term Life Insurance - For Peace of Mind +Business,China deal could see production increase +Business,Tomkins in focus in quiet start to London trading +Business,Martha wings it for 1st jail Thanksgiving +Sci/Tech,Pornographer sues Google +Sports,Yorke staying at Birmingham City Football Club +Sports,Reds give Ferguson anniversary present +Sports,"Lethargy helps #39;Cats #39; historic win, 91-89" +World,Middle East ; Iran Rules Out Complete Nuclear Dismantling +World,Four saved from death #39;s jaws by a pod of dolphins +Business,Hearing Set After Microsoft Rivals Quit +Business,British Airport Owner TBI OKs Takeover +Business,"Toy makers, interest groups disagree on safety" +Business,Canada Mulls Trade Sanctions Against US +Business,Gold Fields acceptances up Harmony +Sci/Tech,"\$28,000 for mother of all sandwiches" +Sci/Tech,Intel aims for Microsoft #39;s Linux jugular +Sci/Tech,The VHS is Dead +World,Pakistani and Indian prime ministers hold rare talks in New Delhi +World,Bhutto wants to return to Pakistan +Sci/Tech,Hearing Set After Microsoft Rivals Quit (Reuters) +Sci/Tech,Parents need to understand video games: expert +Sci/Tech,Naming Mount St. Helens New Dome Confusing (AP) +Sci/Tech,Tiny carbon cylinders set record +World,S.Africa Says Thatcher Must Answer Equatorial Guinea (Reuters) +World,"India, Pakistan differ over gas pipeline from Iran (Reuters)" +Sci/Tech,Tiny carbon cylinders set record +Sci/Tech,How lizards walk on water +World,'Sympathy' for England over tour +Business,FDA Approves a Multiple Sclerosis Drug +Sci/Tech,Web holiday shopping up 25 in 2004 +Sci/Tech,Red Cross tsunami victims' Web site overwhelmed +Sports,Wenger will not yield +Sports,Liverpool #39;s Luis Garcia out for up to a month +Sports,FERGIE READY TO RING CHANGES +Sports,Iowa upends No. 15 Texas +Sports,RuSPORT teleconference transcript +World,Kabul kidnappers release three UN workers +World,Indonesian police arrest Australian embassy bombers +World,Malki: Abu Mazen should oversee transition +World,US shutters Mumbai offices +World,Guardian panel Nobody is quaking +World,Chinese crash black boxes found +Business,County plant to produce MS drug +Sports,What happened to the Chiefs? +World,UN: N.Korea Sends Positive Message on Atomic Talks +Business,Dollar keeps falling against euro +Business,Hearing Set After Microsoft Rivals Quit +Sci/Tech,Skulls: is it a malware for Symbian based devices or not? +Sports,PARCELLS LOOKS FOR BETTER +Sports,Shaun Rogers Emerges As One of NFL's Best (AP) +World,Russian Scientist Jailed for Spying for China (Reuters) +World,Australia welcomes arrest of embassy bomb suspects +World,S.Africa Says Thatcher Must Answer Equatorial Guinea +World,Court Sentences Russian Scientist Danilov to 14 Years for <b>...</b> +Sports,Spurrier Takes Over at South Carolina (AP) +World,Ukraine Opposition Marches on President's Office +World,Chavez Visit to Spain Sparks Coup Controversy +World,Straw begins Middle East mission +World,Conference Urges Iraq To Involve Opposition +World,Medics Testify to Fallujah's Horrors +World,Report: HIV Spreading Faster Among Women +World,Lost Generation Coddles Its Young +Business,Pennsylvania Turnpike workers go on strike +Sports,United Marks Ferguson Milestone With Champions League Success +Sports,"ON FOOTBALL Parcells had a plan, and he stuck with it" +World,Freed hostages meet Karzai +World,Thatcher: I feel like a corpse in a river +Sports,Palmer: Americans Need to Widen Horizons +Business,Mass. home sales fall 5.3 +Business,"Amid suburban glut, project rises" +Business,Skinner gets shareholders #39; vote of confidence +Business,Elan gets FDA approval for Tysabri MS treatment +Business,Illinois group warns parents of potentially dangerous toys +Business,US braces for trade backlash +Business, #39;Gold Fields acceptances up #39; +Business,Cingular To Cut 10 Percent of Workforce +Sci/Tech,Airgo Says Linksys to Use Chips for Wireless Gear +Sci/Tech,"Copycat killer of JFK to net \$100,000" +Sci/Tech,First malicious virus invades cellphones +Sci/Tech,NASA #39;s O #39;Keefe to meet Chinese space agency chief +Sci/Tech,AMD launches Sempron for low power notebooks +Sci/Tech,Playing the Touching Game +Sports,Two fans charged for racial taunt of Yorke +Sports,ROUND-UP United through put Liverpool falter +Sports,Lucas sparks Oklahoma State +Sports,Carmelo Up Close +World,Powell hails tsunami relief bid +Sports,Professor Spurrier back in college; get ready to take notes +World,Dolphins save swimmers from shark attack +World,Ex-Israeli army chief drowns +World,DRC: UN sex abuse probe teams arrive in the Congo +World,Russia jails scientist for spying +World,"World Bank warns Sri Lanka to watch taxes, peace bid (AFP)" +World,Airport back in Ivory Coast hands +World,Housing report slams US and Sudan +World,China stresses N Korea 'stable' +Sci/Tech,How good is UK.gov at its <em>own</em> security agenda? +World,Grenade blast in Kashmir wounds six (Reuters) +Sports,Pacers Give Fans Something to Cheer About (AP) +Sports,More injury woe for Liverpool boss +Sports,Golovin gives Fed Cup holders France 1-0 lead +Sports,Parcells hints Henson has good chance of opening at QB +Sports,Bradley slips past Loyola; Iowa upends No. 15 Texas +Sports,Spurrier back in the game +Sports,Red Sox putting fans #39; cash into Fenway revamp +Sports,Auburn Defeats Virginia Tech in Sugar Bowl +World,Indonesia Arrests Four Suspects in Embassy Blast +World,"International Iraq conference, window-dressing" +World,Palestinian economy #39;in decline #39; +Sports,No. 7 Stanford Beat Eastern Washington (AP) +Business,Elan Corp. Shares Jump on US Drug OK +Business,New CEO predicted to follow same path +Business,Update 1: Time Warner expected to pay SEC \$750 million to settle <b>...</b> +Business,Genting gets lift from plan to build casinos in Britain +Business,WMC finds more ore in Outback +Business,Durable Goods Orders Slip Unexpectedly +Business,Jobless Claims Down in Latest Week +Business,Nortel Says Exchanges Don #39;t Take Delisting Action (Update1) +Business,Regulators study gift-giving firms +Business,Book ranks Fairbanks high in crime +Business,Urgent meeting in Microsoft case +Business,41-cent stamp could be on way +Business,Gold Fields loses US bid judgment +Business,GE to Buy Ionics for #36;1.1 Billion (Reuters) +Business,Jobless Claims Down in Latest Week (Reuters) +Business,Durable Goods Orders Slip Unexpectedly (Reuters) +Business,Before the Bell: Connetics Falls (Reuters) +Business,Jobless Claims Fall to Three-Month Low (AP) +Sci/Tech,"Virgin Mary toastie sells for 15,000" +Sci/Tech,Citrix buys Net6 +Sci/Tech,Torvalds denounces EU patent law +Sci/Tech,AMD #39;s 2005 mobile push off to early start +Sci/Tech,Scientists flood the Grand Canyon to restore sandbanks and save <b>...</b> +Sci/Tech,New browser wins over net surfers +Sci/Tech,BT #39;s New Music Service Hopes To Be Different +Sci/Tech,"Automated phishing on the rise, experts say" +Sci/Tech,"Be your own telecom, wireless firm suggests" +Sports,"NBA Needs to Look in Mirror, Not Just at Artest" +Sports,Real rue missed opportunity against Leverkusen +Sports,Bayern back in confident mood after Maccabi win +Sports,Roundup: Jos Anigo resigns as Marseille coach +Sports,"Dechy, Golovin put France up 2-0 on Spain after singles" +Sports,Buono needs bypass +World,Indian PM accepts invitation to visit Pakistan +World,New Coalition Offensive Leads to Arrest of Dozens of Insurgents in <b>...</b> +World,Straw welcomes Israeli poll pledge +World,US consulate reopens in Mumbai after terror threat +World,Hundreds Pay Last Respects to Rafael Eitan +World,Asia-Pacific Upbeat on Economic Outlook +Business,Durable Goods Orders Slip Unexpectedly +Business,Stock Futures Steady Before Flow of Data +Business,Mortgage Applications Fell Last Week -MBA +Business,"HEADLINE STOCKS: Stocks to Watch, Nov. 24" +Business,Hearing Set After Microsoft Rivals Quit +Business,Merck Maintains Quarterly Dividend +Business,Durable Goods Orders Fall in October +Business,Rumsfeld: Druyun Had Little Supervision +Business,Gold Fields loses US bid judgment +Business,Economy 'stronger than forecast' +Business,Hi-tech tools fuel phishing boom +World,Election Protests Continue in Ukraine +World,Iran Making New Uranium Demands +Sci/Tech,Airgo Says Linksys to Use Chips for Wireless Gear (Reuters) +Sports,"UPDATE 1 Marseille coach Anigo quits, replaced by Emon" +World,Iran quot;will never end quot; nuclear programme +World,Embassy bomb chief escaped with bribe #39; +World,Sudanese Cease-Fire Breaks After New Clashes +World,Former Pakistani PM wants to end exile +Business,Safety advocates warn of potentially fatal toys +Business,Air France KLM Sees Growth After Strong Quarter +Sci/Tech,Video games turn sharply to violence +Sci/Tech,Torvalds comes out against EU patent directive +Sci/Tech,BT And Blueprint Jointly Develop Innovative Music Distribution <b>...</b> +Sports,India could have forced result: Ganguly +Business,Thoughts on Tysabri #39;s Approval +Business,10 of jobs on the block at Cingular; office jobs targeted +Business,Wall Street stocks end mixed amid another rise in oil prices +World,Rebels keep up attacks in central and north Iraq +World,UN Congo staff investigated over abuse +Sci/Tech,China #39;s space chief coming to US +Sports,Hamburg Gets New NFL Europe Franchise (AP) +Sports,Authorities intend to file charges in NBA brawl (AFP) +Sports,Man Accused of Scamming NFL Players (AP) +World,Rwanda Threatens to Attack Rebels in Congo -UN (Reuters) +Sports,Easy Victory for Tar Heels in Semifinals +World,Straw arrives in Middle East +World,CRIME FIGHT TOPS UK AGENDA +World,Women Voters Declines San Diego Appeal (AP) +World,Boxing Dispute Clouds Copyright Bill (AP) +World,NATO Chief to Open Arab Relations Drive in Algeria +World,Pakistan's PM Says Peace with India Hinges on Kashmir +World,"Iran Wants to Amend Nuke Freeze, EU Says No" +World,Dutch Shocked by Public Death Wish from Muslim +World,UN ex-hostages' joy at release +Business,Sales of existing homes drop +World,Kenya author returns to testify +World,Ruling Is Awaited on Death Penalty for Young Killers +World,UFJ Holdings bank reports large half-year loss +Business,American Express to Replace Auditor (Reuters) +Business,US jobless claims fall again +Business,Microsoft called back to court over Novell settlement +Business,Taking Inventory Of Analog Devices +Sci/Tech,Video recreation of JFK assassination marks a new low +Sci/Tech,"Groups protest sex, violence in video games" +Sci/Tech,Google sued by Perfect 10 +Sports,Turinui leaps over Rogers +Sports,College Basketball: Iowa Upsets No. 15 Texas +Sports,Hot demand for travel packages to Capital One Bowl +Sports,France Leads Spain 2-0 in Fed Cup Semis (AP) +World,Pakistan links Kashmir to granting India MFN status +World,Queen outlines crackdown on terror +World,Russia sends scientist to jail for spying +World,Indonesian police confirm four arrested over Australian embassy bombing (AFP) +Business,Nortel to Maintain Certain Accounting +Business,Holiday travel may exceed record +Business,Weak Demand for Delta Debt Swap +Sci/Tech,Virgin Mary On Grilled Cheese Sandwich Sells on eBay +Sci/Tech,IBM introduces Workplace Resource Center +Sports,Former star bowler Lillee ends coaching role at Australian academy +Sports,Spurrier named football coach at South Carolina +Sports,BASKETBALL ROUNDUP: Diogu lifts ASU to victory over Delaware +Sports,It #39;s official: Bowl bids accepted by trio of Big Ten teams +Business,UMich Finds Consumer Sentiment Up a Bit (Reuters) +Business,GE unit plans \$1.1 billion purchase of Mass.-based water treatment <b>...</b> +Business,NETHERLANDS: Ahold says Q3 loss highlights #39;year of transition #39; +World,Iran 'Atomic Bomb' Militia Stage Show of Strength (Reuters) +World,Pakistan's PM says peace with India hinges on Kashmir (Reuters) +Sci/Tech,Game should be pulled +Sports,Redknapp quits as Portsmouth manager +World,Freed UN electoral workers in Afghanistan look forward to resuming <b>...</b> +World,Syria ready to resume Israeli talks #39;without conditions #39;: UN envoy +World,Russian Scientist Jailed for Spying for China +World,Afghan bomb kills two US soldiers +Business,Jobless Claims Down; Goods Orders Slip +Business,US October New Home Sales Rise 0.2 to 1.226 Million Rate +Business,"Delta exchange offer expires, volume lower than goal" +Sci/Tech,Hard Rock to display Virgin Mary sandwich +Sports,The Portsmouth fiasco: a fan #39;s view +Sports, #39;Honda out to stop Ant #39;s Williams test #39; +Sports,We gave a good fight: Ganguly +Sports,Flatley returns to Wallaby team for England match +Business,New Homes Sales Rise 0.2 Pct. in October (Reuters) +Business,The Fool's Look Ahead +Business,A Fool Looks Back +Business,"Biogen, Elan up on MS drug approval" +Business,Update 1: GE Unit to Buy Ionics for \$1.1 Billion +Business,UMich Finds Consumer Sentiment Up a Bit +Sci/Tech,The \$28K Sandwich That Grew No Mold +Sci/Tech,Answers.com: Get to know more than one browser +Sci/Tech,The Sims 2 - First Expansion Announced +Sci/Tech,DS Dead Pixels Issue +Sci/Tech,Researchers Develop 3-D Phone Technology (AP) +Sports,Liverpool Football Club eye Italian +Sports,BAR Dashes Davidson #39;s Williams Hopes +World,UK #39;s Straw Gets Israeli Pledge on Palestinian Vote +World,US Troops End Nine Years in Bosnia Peace Force +World,Saved from the jaws of death +World,Chirac arrives in Libya for first ever visit by French head of state (AFP) +Sci/Tech,GAME OFF' URGED (SiliconValley.com) +World,Foreign troop withdrawal only when Iraq stable: Mubarak (AFP) +Sci/Tech,Linux Server Sales Hit a New High (PC World) +Sci/Tech,Hearing Set After Microsoft Rivals Quit (Reuters) +Sci/Tech,IPod creates its own economy (USATODAY.com) +Sci/Tech,Arctic States Agree to a Vague Plan to Slow Thaw (Reuters) +Sci/Tech,"New World Conservation Boss Eyes Climate, Oceans (Reuters)" +Sci/Tech,Archaeologists Discover Bronze Age Site (AP) +World,US sweeps Iraqi Sunni 'hotspots' +Sci/Tech,Math Whiz Breaks Calculation Record (AP) +World,Utility Will Pay \$7.2 Million in Electrocution +Sci/Tech,Dutch actress to authenticate breasts online +Sci/Tech,Urgent meeting in Microsoft case +Sci/Tech,New browser wins over net surfers +World,"""2046"" makers deny ""Oscars"" snub over Wong exclusion from gong list (AFP)" +World,GAO to Investigate Voting Irregularies (AP) +Sci/Tech,AMD Says Demand Rebounded After Election Hiccup +Sci/Tech,Finland Says Could Cancel Tele2's 3G License +Sci/Tech,"Linux Ready for Prime Time, Intel Says" +Sci/Tech,MedImmune Forms Research Partnership +Sci/Tech,Hearing Set After Microsoft Rivals Quit +Sci/Tech,FCC: 8M Wireless Users Keep Cell Numbers +Sci/Tech,Online Movie Pirate Ordered to Pay \$23.8M +Sci/Tech,"Group Cites Video Games for Violence, Sex" +Sci/Tech,'Half-Life 2' a Tech Masterpiece +Sci/Tech,Genes to blame for restless sleep +Sports,Barrow Placed on IR +Sports,Authorities Seize Tape +Business,Biogen gets the first in 8 years FDA approval for a multiple <b>...</b> +Business,"After AT amp;T merger, Cingular Wireless expects to cut 6,800 jobs" +Business,Time Warner Nears Settlement on AOL Charges +Business,Malaysia #39;s Genting in JV with UK casino operator +Business,Judge Blocks RIAA Mass Suits +Business,UPDATE 2-GE to buy water treatment company for \$1.1 billion +Business,"If Turnpike Strike Hits, No Tolls On First Day" +Business,Mixed Economic Data Fog US Outlook +Business,US consumer sentiment rises slightly +Sci/Tech, #39;Virgin Mary #39; toast sold on net +Sci/Tech,Three major music labels tie up with P2P service +Sci/Tech,AMD Shows Off 2005 Mobile Line +Sci/Tech,"With budget set, NASA plans next move" +Sci/Tech,Citrix buys hybrid VPN vendor +Sci/Tech,Report On Video Games +Sci/Tech,The News and Observer +Sci/Tech,Kazaa to dial up a respectable living +Sci/Tech,New software detects fake art +Sci/Tech,Huygens probe gets clean bill of health +Sports,"WRAPUP 1-Russia, France close in on Fed Cup final" +Sports,Luis Garcia becomes latest Liverpool casualty +Sports,Bayern keen to restore European reputation +Sports,BAR block Davidsons Williams test +Sports,JPM FASTEST ON MCLAREN DEBUT +Sports,INDIANAPOLIS (7-3) At DETROIT (4-6) +World,"After making nuke deal, Iran reportedly wants exception" +World,Israel #39;Calls for UK to Be Peace Mediator #39; +Business,PeopleSoft #39;Poison Pill #39; Hearing on Ice +Business,Cingular Confirms Job Cuts +Business,Judge to rule on MyTravel +Business,Pennsylvania Turnpike Workers Go on Strike +World,U.S. May Add Advisers to Aid Iraq's Military +Sci/Tech,Corporate p2p network? +Sci/Tech,AMD Mobilizes Against Centrino +Sci/Tech,"BT, Blueprint develop digital music service" +Sci/Tech,"Finally, a way to Google your hard drive" +Sports,"Sports need to regain control of fans, players" +Sports,Juan Pablo Montoya makes West McLaren Mercedes debut +Sports,R. Williams Could Be Eligible to Start Next Season +Sports,Former Gamecocks ready for Spurrier era +World,"Afghan hostages grateful, eager to work" +Business,AIG settles over accounting probe +Business,Oil prices hold as US stocks rise +Business,Judge Approves MyTravel Survival Plan +Business,UBS Raises Its Rating on Delta; Shares Up +Sci/Tech,P2P start-up gets record label deals +Business,Select Comfort Monthly Recap +Business,Auditor to Army: Dock Halliburton Pay (Reuters) +Business,The Tiny Next Big Thing +Business,30-Year Mortgage Rates Inch Down in Week (Reuters) +Business,Target Is the Target +Business,Time to Hang Up the Boots? +Sports,United Re-Signs Namoff +Business,Good Ol' Gottschalks +Business,GE to Buy Water Treatment Co for \$1.1 Bln +Sports,Browns Start Searches +World,House G.O.P. Voids Rule It Adopted Shielding Leader +Business,Judge Blocks RIAA Mass Suits +Sports,Police Seek Chair Thrower in NBA Brawl (AP) +Sports,Indians Sign Closer Wickman for One Year (AP) +Sci/Tech,Analysts See More U.S. Newspaper Consolidation Ahead (Reuters) +World,Report: Pinochet's Assets Frozen (AP) +Sci/Tech,PCCW delays UK broadband roll-out (FT.com) +World,Police arrest activists protesting against Shell in Nigerian oil city (AFP) +World,Deadly Afghan Blast Follows Hostage Drama (AP) +Sci/Tech,"Linux Ready for Prime Time, Intel Says (washingtonpost.com)" +Sports,Cincinnati QB Might Miss Louisville Game (AP) +Sci/Tech,Dec. Hearing Set for Oracle-PeopleSoft (AP) +World,Top-Giving PACs Favor GOP Candidates 10-1 (AP) +Sci/Tech,Genetic Factors Influence Female Infidelity -Study (Reuters) +Sci/Tech,US Military Taps Bugs and Weeds in War on Terror (Reuters) +World,Three UN hostages released unharmed and healthy in Afghanistan (AFP) +Sci/Tech,Satellite TV Made Available From the Back Seat (SPACE.com) +Sci/Tech,NASA's Moon-Mars Initiative Harms Science: American Physical Society Report (SPACE.com) +World,Chile plans jail for Pinochet men +World,Minors held in Spanish porn swoop +Sports,"Barcelona Testing, Day 1, 24/11/04" +World,Pigeons 'sense magnetic field' +Sports,Offense to Begin Anew +World,Election Commission in Ukraine Affirms Early Results +World,Isaac Newton in the Kitchen +World,France's Chirac Makes Historic Libya Trip (AP) +Business,Hormel Credits Atkins for Sales Up 15 Pct (Reuters) +Sci/Tech,US actor fined over Oscars piracy +Sci/Tech,Minors held in Spain porn swoop +Sci/Tech,Md. Group Finds Problems With Voting Machines +Business,Sports Authority Getting in Shape +Sci/Tech,"Neandertals Beaten by Rivals' Word Skills, Study Says" +Sci/Tech,"Magnetic Beaks Help Birds Navigate, Study Says" +Sci/Tech,Lizards Help Explain Survival of the Not-So-Fittest +Sci/Tech,Artful Software Spots Faked Masterpieces +Sci/Tech,Birding Column: Backyard Bathing Beauties +Sci/Tech,Comeback Beavers Butt Heads With Humans +Sci/Tech,Gartner: Offshore IT spending to hit \$50 billion +Business,Cingular works to certify Audiovox smart phone for its network +Business,Time Warner Shares Rise on Settlement Talks Report +Business,Pennsylvania Turnpike Toll Free Due to Strike by Workers +Business,Group finds 85 hazardous toys +Business,US Postal Service wants price hike +Business,Orders for US durables retreat in October +Sci/Tech,Virgin Mary Cheese Sandwich +Sci/Tech,Linus Torvalds against EU patent directive +Sci/Tech,"Now Cellphones Can Get Nasty Virus, Too" +Sci/Tech,5.6 Million Choose Firefox In First Two Weeks +Sports,Anfield #39;s big three make Kop appeal +Sports,Champions League: Group C - Bayern Munich join Juventus as <b>...</b> +Sports,Dodgers Ink Tracy For Two More Years +Sports,Celtic invited to make complaint +Sports,Guidugli might miss Louisville game Saturday +World,Iran wants to exempt centrifuges from nuclear freeze +World,"Kashmir is key to peace, says Pakistani PM" +World,Indonesian police to investigate bribery allegations +World,Letter from Jerusalem +World,Bahrain offers to play host as Baghdad urged to expand dialogue +World,Mbeki Plans 3-Day Mission to Ivory Coast--Aide +Sports,Desiring Stability +World,Jerusalem Unimpressed with Assads Statements +Sci/Tech,Report: Microsoft paid CCIA official +Sci/Tech,Microsoft offers to replace fake copies of Windows XP +Sci/Tech,Intel ramps up support for Linux in Asia +Sci/Tech,Linux Server Sales Hit a New High +Sci/Tech,E-Voting Problems Found in Maryland +Business,Report Identifies Dangerous Toys +Business,Call Service with a Sneer (Reuters) +Sci/Tech,BEST OF ECT NEWS Biometrics: ThinkPad and Beyond +Sports,France and Russia head for final +Sports,Dodgers ink Tracy for two more years +Sports,Rangers #39; chief speaks in fans #39; defence +Sports,NFL THANKSGIVING DAY FIXED ODDS BETTING PREVIEW +Sci/Tech,Google and the History of Link Building +Sci/Tech,Ask Jeeves and Lycos Enter the Search Engine Optimization Field +Sci/Tech,Ask Jeeves Asks Googles AdWords +Sci/Tech,MSN Search Beta Not Ranking MSN Search Blog +Sci/Tech,Mozilla Firefox Internet Browser Market Share Gains to 7.4 +Sci/Tech,"Virgin Mary Grilled Cheese Sells on eBay for \$28,000" +Sci/Tech,"News: Poison applet peril affects IE, Opera and Firefox" +Sci/Tech,News: Career database 'wide open' to hijacking +Sci/Tech,Airlines Cough Up Passenger Data +Sci/Tech,Playing the Touching Game +Sci/Tech,Newspapers Should Really Worry +Sci/Tech,Dive! Dive! Dive! +Sci/Tech,The Drive to Discover +Sci/Tech,"Database Flawed, Not Malevolent" +Business,Retailers Hope to Lure Shoppers Into Malls (AP) +World,Falluja Rebels Had Enough Arms to Rule Iraq -U.S. (Reuters) +Business,US consumer confidence falls short in November +Sports,Cavaliers Activate Forward Luke Jackson (AP) +Sci/Tech,Cassini captures Tethys in all her glory +Sci/Tech,AMD #39;s Mobile Sempron Takes On Intel +Sci/Tech,Add-ons Extend Firefox Growth +Sci/Tech,Rafter dies in Grand Canyon National Park +Sci/Tech,The sun sets on the VCR +Sci/Tech,Report Shows Uptick in Automated Phishing +World,"Ryanair, easyJet expand flights to Italy after Volare bankruptcy (AFP)" +Sports,Davidson #39;s F1 test with Williams in limbo +World,"Freed UN hostages meet Karzai, prepare to head home (AFP)" +World,Deputy Director: CIA Not 'Dysfunctional' (AP) +World,Israel offers UK key peace role +Sports,"Roethlisberger, Vilma See Early Successes (AP)" +World,No cherries at Pak PMs breakfast +World,US sweeps Iraqi Sunni #39;hotspots #39; +Business,Sirius Shares Fall on Analyst Downgrade +Business,Update 1: Judge Won #39;t Approve PeopleSoft Settlement +Business,Cingular To Cut Jobs By 10 +Business,Report: Time Warner Near Deal With SEC +Business,Nortel attempts to calm fears of possible stock delisting +Business,"Ryanair, easyJet expand flights to Italy after Volare bankruptcy" +Sports,Nets' Jefferson Helps Handicapped Girl (AP) +Sci/Tech,"Casino pays \$28,000 for Holy toast" +Sci/Tech,Microsoft Offers Olive Branch to XP Counterfeit Users +Sci/Tech,Pockmarked face of Saturn #39;s icy moon +Sci/Tech,IBM signs 100 software vendors to Workplace platform +Sci/Tech,"Magnetic Beaks Help Birds Navigate, Study Says" +Sci/Tech,AMD #39;s Mobile Sempron Chips Away at Centrino +Sci/Tech,Mozilla Firefox Internet Browser Market Share Gains to 7.4 +Sci/Tech,Arctic Council shies from warming recommendations +Sci/Tech,Grand Canyon torrent begins +Sci/Tech,Many underage boys have little trouble buying M-rated games +World,"Jaguar workers to vote on strike action, stage protest (AFP)" +Sports,New Mexico State Fires Coach Tony Samuel (AP) +Sci/Tech,New Computer Associates CEO to Get Bonus (AP) +Sports,NBA #39;s Stern is self-serving +Sports,Champions League: Bayern beats Maccabi Tel Aviv 5-1 to advance +Sports,ICC monitoring developments as England stay in SAfrica +Sports,Cricket: Black Caps offered help from Greg Chappell +Sports,Jim Tracy to Return As Dodgers Manager +Sports,Rangers Fans Unhappy With O #39;Neill +World,Air-India Plans to Buy 50 New Aircraft (AP) +World,Musharraf formula not for India: Aziz India News +World,Blast kills two US soldiers in Afghanistan +World,Paisley Sincere About Deal with Republicans - Ahern +World,"French action in Ivory Coast a mistake, says Kadhafi" +Sci/Tech,Laser Technique Used to Treat Bad Breath (Reuters) +World,Ukraine opposition calls strike +World,Aziz Says Pakistan Wants Peace With India (AP) +World,Brazil Says Gets UN Go-Ahead for Uranium Enrichment +World,Brazil Says Gets UN Go-Ahead for Uranium Enrichment +Business,Sirius Shares Fall on Analyst Downgrade +Sci/Tech, #39;Skulls #39; Virus Disables Smartphone Apps +Sports,S.C. Assistants Asked to Stay on Staff (AP) +Sports,AN INDIAN JOURNEY Kanpur: Thankfully not a metropolis +World,Explosion kills 2 US soldiers in southern Afghanistan +Sci/Tech,"Phishing on the increase, group says" +Business,SAP expands offshore to cater to growth markets +Business,Judge backs PeopleSoft shareholders +Business,Recording companies sign deal to sell songs over new file-sharing <b>...</b> +Business,"Sony TV, China Film Unveil Joint Venture" +Business,Boyd Gaming Buys Land Next to Stardust Las Vegas +Business,ArvinMeritor Sells Coil Coating Unit +Business,US Travelers Face Weather Delays on Holiday Journey (Update3) +Business,Toy Safety +Business,"BoC says US dollar pulled down by deficits, rates" +Business,Judge Blocks MPAA #39;s Mass Suits +Business,Huntsman Files for \$1.6 Billion IPO +Sci/Tech,Online casino pays 28 grand for #39;religious icon #39; grilled cheese +Sci/Tech,JFK Reloaded Game Causes Controversy +Sci/Tech,Response to Arctic climate report a modest victory <b>...</b> +Sci/Tech,Microsoft proposes piracy amnesty +Sci/Tech,Intel Helps Asian PC Partners Ship With Linux +Sci/Tech,Mozilla #39;s share is rising +Sci/Tech,Video Game Report Card Helps Parents +Sci/Tech,Apple Deepens Sony #39;s Woes as Cute #39; iPod Takes Off in Japan +Sci/Tech,Phishing on the increase +Sports,"Milan, Barcelona, PSV reach last 16 while Gunners have two sent <b>...</b>" +Sports,Smith Denies Quitting Pompey +Sports,"Russia, France 2-0 up" +Sports,Redmond joins Twins +Sports,Dean Scores 30 Points to Lead Louisville Over Stanford +Sports,SC Assistants Asked to Stay on Staff +Sports,Rematch Doesn't Necessarily Mean Repeat +World,"US, Iraqi forces press raids south of Baghdad" +World,Dolphins save schoolgirls +World,UN Mission Warns Rwanda On Its Threat to Strike Rebels in DR of <b>...</b> +Business,Unlocking Value at Altria +Business,Maytag Stuck in Spin Cycle +Business,An Entertaining Holiday Pick +Business,"Investor, Check Your Sources" +World,Congress Passes Stop-Gap Measure to Fund Government (Reuters) +World,"FDA Whistleblower Earns Kudos, Criticism (AP)" +World,"In pockets of Fallujah, US troops still face harsh battles" +World,Sex charges haunt UN forces +World,Israeli army under fire after killing girl +World,UK honour for director Zeffirelli +World,Football: Nine-man Arsenal draw +Sci/Tech,"Microsoft, Sun to talk about cooperation" +Sports,A's Want Kendall +Sci/Tech,JFK Reloaded Game Causes Controversy +World,U.S. and 7 Countries Weigh New Findings on Arctic Climate +Sports,Pacers Holding Tough After Suspensions (AP) +Sports,No. 12 Louisville Drops Stanford 82-67 (AP) +Sports,NHLPA to Begin Lockout Pay to Players (AP) +Sports,Pitt Looks to Upset No. 21 West Virginia (AP) +Sports,"Fenerbahce to the UEFA cup, Manchester and Lyon to 2nd Round" +Sports,Federer Names Roche as Part-Time Coach +Business,Regulators Seek Information From 2 Firms (AP) +Business,Toys R Us Wants to Prevent Piecemeal Sale (Reuters) +Business,U.S. Dollar Dips to New Low Against Euro +Business,Oil Prices Slip After Weekly U.S. Energy Report +Business,Judge: MCI May Have Violated Court Order on Certain Fees +Business,Mixed signals from Dodge on interest rates +Sci/Tech,Casino Forks Over \$28K for Cheese Sandwich +Sci/Tech,Civilization sold off to mystery buyer +Sports,"No discipline worries at Arsenal, says Wenger" +Sports,Fergie #39;s 1000 reasons to smile +Sports,Holyfield appeals medical suspension +World,Annan Starts Reshuffling UN Staff for Reform Push +World,Peru Lawmakers Urge Court: Don't Free Berenson (Reuters) +World,Ex-premier Bouchard still being treated for peritonitis in Montreal hospital (Canadian Press) +World,Iran Seeks to Loosen Some Restrictions +Business,Sony Pictures TV Forms Venture With Hua Long in China (Update1) +Sci/Tech,US and 7 Countries Weigh New Findings on Arctic Climate +Sci/Tech,Pigeons Use Magnetic Particles To Navigate +Sci/Tech,Firefox Reviewed - a browser for Microsoft haters +Sports,Parents of Wal-Mart heiress give up rights to name arena after her +Sports,"A's, Pirates Close to Trade for Kendall (AP)" +World,US to Urge EU to Get Tough on Iran Nuclear Aims +World,UN says Sudanese rebel leaders violating ceasefire agreement +World,Briton to hunt Bosnia war criminals +Business,Ruling delayed in Peoplesoft case +Business,"Weak US dollar could hurt growth, slow rate increases by central <b>...</b>" +Business,United asks court to void contracts +Sci/Tech,Study Confirms Pigeon Navigation Theory +Sports,Chimes up for Redknapp +Sports,Ruthless Bayern +Sports,ICC would back England in vote +Sports,Brewers' Deal for Damian Miller on Hold (AP) +World,Earthquake shakes northern Italy +Sci/Tech,America Online Reports Drop in Spam +Business,Toy Safety: Common Sense and Consumer Protection +Business,Linux Server Sales Hit a New High +Sports,"Auburn's Defense Might Be Tops, at Least (AP)" +Sports,Chiefs Insist They've Plenty to Play For (AP) +Sci/Tech,Apple Sues to Halt OS X Release on Net +Sci/Tech,Leading Chinese TV Exporter Has Huge Loss +Sports,Wenger Hits Out at Ref +Sports,Larry Brown returns to coach Pistons +Sports,Battling Celtic bow out but Uefa Cup spot beckons +Sports,Apologies placate chairman on racism penalty +Sports,Sponsorship dispute depletes Windies line-up +Sports,AS Monaco 1 - 0 Liverpool +Sports,Holyfield bids to keep fighting +World,Kaizai hails UN hostages #39; release +World,Syria May Be Ready to Resume Peace Talks with Israel +Sports,"Awash in Coverage, and in the Spin Cycle" +Sports,Knicks Make a So-So Climb Into First Place +Business,"EU, Japan on Hold, Awaiting WTO Green Light to Hit Back at US" +Business,Travelers face record crowds at airports +Business,RMI Tentative Agreement Reached +Sci/Tech,Blogs Provide Raw Details From Scene of the Disaster +Sci/Tech,Retail in Review: More Bah Than Sis-Boom +Sci/Tech,Cos. to Sell Songs on File-Share Service (AP) +World,Opposition Calls for Strike in Ukraine (AP) +Sci/Tech,Iconic grilled cheese whips us Net frenzy +Sci/Tech,Microsoft Will Replace Fake Copies of XP +Sci/Tech,IBM Signs Up 100 Vendors for #39;Workplace #39; +Sports,"Ch. League: Milan, Barca, power through" +Sports,Roundup: It #39;s consolation time on Maui +Sports,Miller acquisition put on hold +Sci/Tech,Cyber Cops Say 'Tis the Season to Be Wary (Reuters) +World,Iran seeks to exclude uranium enrichment +Sci/Tech,Intel Touts Linux over Windows in Asia (NewsFactor) +World,Paisley hints at movement on IRA +World,Dolphins Shield Swimmers From Shark +Sci/Tech,Cingular To Cut 10 Percent of Workforce (NewsFactor) +Sci/Tech,Firefox Erodes IE Market Share (NewsFactor) +Sci/Tech,Report: Dell Passes Sun in Server Sales (AP) +Sci/Tech,Stocks Close Higher Before Holiday (Reuters) +Sci/Tech,Global Warming Fight to Get Harder from 2012 -U.N (Reuters) +Sci/Tech,"Ancel Keys, Who Found Source of Heart Disease, Dies (Reuters)" +Sci/Tech,Group Passes on Addressing Global Warming (AP) +Sci/Tech,Paul Martin Pushes For New World Forum +Sci/Tech,Reciprocal Links Are Not Evil +Sci/Tech,Creative Commons Search Engine Integrated into Firefox 1.0 +Business,ADV: BLT Roll-Out Garage Flooring +Sci/Tech,News: DIY fingerprint idea thwarts ID thieves +Sci/Tech,"Waving Hello, From a Distance" +Sci/Tech,Camcorders Finally Find Hard Drives +Sci/Tech,The Cordless Phone Tries to Catch Up to Its Cool Cousin +Sci/Tech,"Blow a Fuse, Computer Chip, and Heal Thyself" +Sci/Tech,Our Smiles Are in the Mail +Business,P2P Music Upstart Signs On the Big Boys +Business,"MTFG, UFJ post declines in first half" +Business,"Bad Weather, Tight Security Slow Heavy Holiday Travel" +Sci/Tech,Mercury Tries Online Campaign to Create a Cooler Image +Sci/Tech,Pathway to Glory Ships +Sports,Celtic Get Surprise Point In Barcelona +Sports,Jason Kendall (left) has made the All-Star team three times. (Pat <b>...</b> +World,Hunt for Balkan war criminals #39;likely to fail #39; +Sci/Tech,"Click, and the Deals Arrive at the Doorstep" +World,A Look at U.S. Military Deaths in Iraq (AP) +Business,MTFG profit drops as bad loans rise +Business,Wind turbines coming to Ontario; province inks 10 renewable energy <b>...</b> +Business,"AIG settles charges, to pay \$126 million" +Business,Nissan to Halt Output at 3 Plants for Lack of Steel (Update1) +Sci/Tech,Group Passes on Addressing Global Warming +Sports,Dolphins reactions mixed to possible Ricky return +Business,EU judge considers impact of Microsoft dropouts +Business,Aging population to slow down Australian economy: report +Business,HK PRESS: Air China Shifts IPO Date To Avoid REIT Clash +Sci/Tech,Film Studios Win #36;24 Million Against Web Site (Reuters) +Sci/Tech,Mobile Phone Makers Hoping To Get Boost From 3G Rollout (Investor's Business Daily) +Sports,UPDATE 1-Mickelson storms to victory after shooting 59 +Sports,Real face penalty after racist chants +Sports,ECB set to call off tour to Zimbabwe over media ban +Sports,Jones turns tables with renewed attack on England tactics +World,UN to assess Iran nuclear freeze +World,Thatcher stunned as court orders he face coup questions +World,Lawmakers Argue Over Tax-Return Snooping (AP) +World,US 'alienating' world's Muslims +Business,Ontario Approves 10 Power Projects Worth C\$700 Mln (Update1) +Business,AIG pledges to return \$46m in fees +Sports,PGA TOUR #39;s 59 Club +Sci/Tech,A New Script for Searching Texts Written by Hand +Sports,It #39;s like a bad soap +Sports,Live: Champions League +Sports,Three arraigned in \$3 million extortion scheme involving NBA star <b>...</b> +Sports,Some tolling thoughts +World,Aussies says Indon #39;s delay in revealing embassy bombing arrests <b>...</b> +World,Quake rattles northern Italy +World,Chirac woos Libyans for oil +World,Freed UN hostages meet Afghan leader ahead of return home +Business,Argentina to Delay \$103B Debt Swap Offer +Sci/Tech,Safe Mode in Windows Helps Fix What Ails It +Business,"Dollar Edges Up Vs Euro, Lows in Sight (Reuters)" +Sci/Tech,AIP FYI #150: NASA Gets Funding Increase for Space Exploration <b>...</b> +Sports,3 Arrested for Trying to Extort NBA Player +Sports,Giants Autofocus for Eagles and Owens +World,Presidents Call on U.S. to Help Tsunami Survivors (Reuters) +World,"U.S., U.N. Blame Rebels for Sudan Strife (AP)" +Sports,Five-year football ban for Yorke racist +Sports,O #39;Neill hails heroes as Celtic earn vital point +Sports,Valencia Victory Sets Up Frantic Werder Face-Off +World,U.N.: Rwanda Warns of Attacking Rebels (AP) +Sports,No. 20 Boston College Squashes Quinnipiac (AP) +World,Industrial Park Hostage to U.S.-N.Korea Ties (Reuters) +World,UFJ Forecasts Loss; Mitsubishi Tokyo Profit Declines (Update1) +Business,Crude futures slip after energy report +Business,Sony Pictures sets up operation in China +Business,Argentina to postpone debt restructure date +World,Gadhafi Claims Miniscule Reward for Giving up Pursuit of WMD +World,UN probes reports of Rwanda attacks +Business,Biogen Idec gains MS drug approval +Business,Mainland consumers optimistic about economic outlook: survey +Business,Microsoft Says 2 Former Foes Don #39;t Have to Retract Evidence +Business,Nissan suspends plants due to steel shortage +Business,US objections at WTO delay inevitable tariffs +Business,Toy safety warnings issued for holiday shoppers +Business,FDA Whistleblower Seeks Legal Help From Public-Interest Group +Business,Sony enters Chinese digital market +World,Strike call fuels Ukraine tension +Sci/Tech,Magnets make sure pigeons fly home +Sci/Tech,Building a better turkey through biotech +Sci/Tech,Technogadgets for the Holidays +Sci/Tech,Dell sharpens its blade offering +World,EU-Russia set for strained talks +Sports,"PSV draws with Arsenal, advances to final 16" +Sports,BAR prevent Davidson #39;s test switch +Sports,NBA Game Summary - Dallas at San Antonio +Sports,"LeBron, Cavs downs Pistons without a fight" +Sports,Report: ICC demands explanation from Zimbabwe govt +Sports,NCAA Game Summary - Wake Forest vs. Providence +Sports,First to Futile in 24 Hours as Knicks Waste the Day +Sports,"No. 18 Arizona 61, Michigan 60, OT" +Sports,UTEP headed to Houston Bowl +Sports,Pirates ready to deal Kendall to A #39;s +World,Four held over Jakarta attack +World,Chirac seeking to rebuild Libya ties +World,UN says N. Korea wants urgent atom talks +World,Fresh Ulster bid by Blair-Ahern +World,Bill to get tough on drug dealers +Sports,Wake Forest and Arizona Reach Final +Sports,League Ponders Letting Williams Return Faster +Sports,"Like Nets, Kittles Waits for Success to Return" +Sports,Thanksgiving Thank-You Notes Despite a Tumultuous Year +Business,"Home, Probably, for the Holidays" +Business,A.I.G. Agrees to Big Payment in U.S. Cases +Business,Improved Numbers Shelter CBS From the Fallout +Business,Judge Threatens to Punish MCI Over Fees It Has Paid +Business,Judge Defers Decision in Oracle Takeover Bid +Business,Oracle names candidates for PeopleSoft board +Sports,A job well done _ Hartson +Sports,NBA Wrap: James Leads Cavaliers Past Pistons +Sports,English cricket players cancel flight to Harare +Sports,UTEP accepts invite to Houston Bowl +Business,Judge calls proposed shareholder settlement unfair +Business,Crude oil futures rise ahead of long layoff +Business,Dollar falls as central banks consider selling +Business,AIG settles fraud claims for \$126m +Sports,Strachan early favourite for Portsmouth job +Sports,Miners Head To Houston +Sports,Knicks: Carter puts on a show for Raptors +World,Thatcher to face questions over Equatorial Guinea coup +Sci/Tech,What Are Good Friends for? Perhaps for Recommending DVD's +World,Trial of alleged terror chief Bashir to continue: judge? (Updated <b>...</b> +Sci/Tech,Arctic nations agree to #39;modest #39; response to climate change +Sports,Kevin McCarra at the Philips Stadium +Business,Nissan runs out of steel +Business,"Sony TV, China Film unveil JV" +Sci/Tech,Scanning In Your Memories? Go to the Source +Sci/Tech,IBM wins developer support to build Workplace momentum +Sports,Mickelson finally makes it to Grand Slam +Sports,BAR stops Davidson #39;s Williams test +Sports,Windies players rule themselves out for Australia tournament +Sports,We Aren #39;tA Racist Club-Real Madrid +Sports,Celts face huge task +Sports,Spurs defeat Mavericks 94-80 +Sports,Colts carry hot streak into Detroit +World,Rwanda Threatens to Attack Congo-based Rebels +Sci/Tech,"Modern mice use optical sensors, go wireless" +World,Jakarta Court Says Cleric Bashir Trial Can Proceed (Reuters) +Sports,Seattle QB Matt Hasselbeck Improving (AP) +World,"Venezuelan Congress Passes TV, Radio Bill (AP)" +Sci/Tech,Oracle Takes Over Rival PeopleSoft +Sci/Tech,College Recruiters Lure Students With New Online Tools +World,CIA says Khan's network aided Iran with nuclear program (AFP) +World,Ceiling Collapse Evacuates Ill. Capitol (AP) +World,EU chief holds secret Hamas talks +Business,China lauds Wal-Mart #39;s union decision +Sci/Tech,Citrix Acquires Net6 For \$50m +Sports,Around the NBA: The Amico Report +Sports,"Raptors answer coach #39;s rip, pound Knicks" +Sports,Blazers win 11th straight over Magic +World,Iran wavers on deal to freeze all uranium enrichment +World,4 arrested over embassy bombing +World,"UN, US condemn rebels #39; violation of cease-fire in Darfur" +World,US-led forces zero in on death triangle #39; +World,Northern Italy Struck By 5.3 Magnitude Earthquake (Update3) +World,"India's ""suicide tree"" is also a tool for murder (AFP)" +World,Australian police to trial stun guns for air marshals (AFP) +Business,Japan trade surplus keeps rising +World,Mark Thatcher court plea expected +Business,Anger at Hardie as fund folds +Sci/Tech,8 nations to fight Arctic ice melting +Sci/Tech,Scientists study genes for tastier turkeys +Sci/Tech,New Nokia Trojan Locks Down Phones +Sci/Tech,Dell blade server technology helps Isotrak create infrastructure <b>...</b> +Sports,Mr. 59: Mickelson gets milestone in Slam win +Sports,UM falls short in OT loss to Arizona +Sports,Cavaliers beat defending champions Pistons +Sports,Give thanks for chance to watch Manning +Sports,"Kittles Joins Kidd, Mourning in Feeling High And Dry" +World,Vigilante killings stun Mexicans +Business,James Hardie #39;s Australian asbestos fund files for liquidation +Business,Sirius Shares Slip on JPMorgan Downgrade +Business,Philippines Deploys Trucks as Transport Strike Cripples Country +Business,Idea of Drug Safety Office Is Already Hitting Snags +Business,Police patrols at St. Cloud airport to end after funds cut +Sports,Leftwich Expected to Return for Jaguars (Reuters) +Sci/Tech,Arctic nations agree to fight glacial melting +Sports,Eng players not keen on Zim tour +World,Parties huddle in final push to strike deal +World,"Motions against Sudan, Zimbabwe fail in UN committee (AFP)" +World,James Hardie's Australian asbestos fund files for liquidation (AFP) +Sports,Hip-Hop Alters NBA +Business,Snowstorm in Midwest delays holiday travelers +Business,Steel shortage hits Nissan plants +Sci/Tech,Bad Fit? Bad Color? Good Riddance +Sci/Tech,Hobbyists Fill Out the Weather Map +Sci/Tech,Coming in '05: AT T Mobile (via Sprint) +Sports,Lara won #39;t be coming +Sports,Levy is the glue that holds Wake together +Sci/Tech,Terminating Spyware With Extreme Prejudice +World,Chirac Makes Rare Trip To Libya +World,S. Korea warms to China as alternative to the US +Sci/Tech,Customer Service: The Hunt for a Human +Business,FleetCenter renaming talks stall +Business,Employers try shifting health costs +Business,Retailers ask: Why wait? +Business,Ship owners float a vacation home idea +Business,October economic data mixed +Business,"Oil, gas prices climb" +Business,Whistleblower fears reprisal +Business,Companies to settle patent lawsuits +Business,Dollar hits new low against euro +Business,AIG will pay \$126m to settle federal investigations +Business,"With cash inflow, flute maker feels the wind at his back" +Business,FDA approves drug for multiple sclerosis +Business,Hellicar dismisses foundation liquidation as #39;stunt #39; +Business,CHUCK IN ORBIT +Sci/Tech,PRODUCT REVIEW: MSN's WebTV Grows Up (AP) +Sci/Tech,PRODUCT REVIEW: a 'Cold' Soldering Iron (AP) +World,Romania Party Transcripts Cause Outrage (AP) +World,IAEA Meets to Discuss Iran Nuke Program (AP) +Sports,Hip-Hop Culture Contributes to NBA #39;s Bad Rap +Sports,Bucs on verge of finally dealing Kendall +Sci/Tech,Nintendo Operating Profit Up 39 Percent (Reuters) +World,Iran amp; enriching: What the controversy is about +World,Thatcher trial postponed until April +World,Asean meets in Laos +World,Al-Zarqawi attacks the #39;silent #39; scholars +Sci/Tech,Team Uses Biotech to Build a Better Turkey (AP) +Sci/Tech,USU Lands NASA Contract for Telescope (AP) +Sports,Celtics cooked again +Sports,It's not easy to swallow +Sports,"Is it all on the table for Red Sox, Martinez?" +Sports,James's 43 lead Cleveland +Sports,Deveny plays the lead in BC's show of force +Sports,Early lead allows BU to hold off Fordham +Sports,Shean a standout in field hockey as NU goes deep in NCAA tourney +World,Regional meeting opens in Laos +Sports,CM spoils Cotter's finale +Sports,"MIAA unveils matchups, sites for semifinals" +World,300m to halt sex disease crisis +World,Iran asks to soften uranium stance +World,Blair accused of embracing politics of fear in reelection bid +World,Blast near Afghan town kills 2 US troops +World,"Citing threat, UN bolsters unit in Congo" +World,US diplomat fatally shot near Green Zone; bomb kills 3 +World,"In Mosul, insurgent campaign escalates against Iraqi forces" +Sci/Tech,Is Brazil quietly building up? +Sports,Cost Cap Proposed +Sports,Another Pacer Involved +World,U.S. Says Iraqi Police Need Bolstering +Business,Oil extends advances +Business,FDA approves drug that fights MS +Business,Tesco sales exceed expectations +Business,Bad Weather Disrupts Holiday Travel +Business,YUKOS managers flee Russia +Business,Probe Urged Of Allegations Against FDA +Business,United Seeks Court #39;s Aid in Getting Labor Concessions +Business,Judge Says MCI Broke Pay Rule +Business,German business gloom increases pressure on ECB +Business,Moncks Corner facility has new owner +Business,"Angling for Sales, Retailers Set Their Bait" +World,Brazil Documents Detail Nazi Mengele's Last Years +Sci/Tech,Ministerial Meeting of the Arctic Council in Reykjavik on 24 <b>...</b> +Sci/Tech, #39;Building #39; a better turkey +Sci/Tech,Firefox browser helps you make the most of your time online +Sci/Tech,JPL team visits NASA shuttle program +Sci/Tech,Images capture 2 Saturnian moons +Sci/Tech,CIA funds chatroom surveillance +Sci/Tech,Q3 integrated graphics chip shipments soar +Sci/Tech,Vast water supplies hidden under N. China desert +Sports,Mickelson: Magic round was a fluke +Sports,Premiership: Harry Redknapp quits Portsmouth +Sports,Bhoys make their point in Barca +Sports,"Gray, Wake save face" +Sports,"Report has Kendall going to A #39;s for Redman, Rhodes" +Sports,Injuries do not fully excuse the present decline +World,Pakistani PM calls talks #39;cordial #39; +World,Black Watch raid on Saddam Millionaire #39;s Row +World,Police Raid Mexico City Neighborhood +World,Thatcher #39;s Cape Town trial postponed +World,Indonesian court orders trial of hardline cleric Ba #39;asyir to go <b>...</b> +World,5.2-magnitude quake shakes northern Italy +World,Hostages Honored by Afghans as UN Urges Full Probe +World,Israeli president urges Syria dialogue +World,DUP and SF to get clarification on proposals +World,Ethiopia Accepts Eritrea Border Ruling in Principle +Sci/Tech,Internet Use Said to Cut Into TV Viewing and Socializing +Business,U.S. Food Imports Climb +Business,Halliburton Payments May Be Withheld +Business,Yukos executives 'flee' Russia +Business,Sharp fall in mortgage approvals +Sci/Tech,The Sites Before Christmas +Sci/Tech,Video Game Makers Rush to Cash In +Sci/Tech,Microsoft Foe Wins in Settlement +Business,Canon Problems Ease Fears of LCD Glut (Reuters) +Sci/Tech,Oracle Fires Top PeopleSoft Executives +Business,Cash Flow in '04 Found Its Way Into Dividends +Sci/Tech,I.B.M. Division Headed to China Has Made No Profit in 3 1/2 Years +Business,Stranded travelers hope for better weather Thanksgiving Day +Sports,Mickelson wins PGA Grand Slam of Golf +Sports,UNC wins Maui Invitational +Sports,Cagers fighting history in New York +World,Iran #39;s president slams nuke plan +World,Mexican police move against mob +World,PAISLEY #39;S PLAN FOR IRA +Business,Judge Wants PeopleSoft To Explain Why It Turned Oracle Down +Business,New CA CEO gets \$12.8-mn package +Business,"Top News ; Rain, snow snarls US holiday travel" +World,"Iran, EU Clash Over Terms of Nuclear Freeze (Reuters)" +Sports,LeBron James Beats His Olympic Coach (AP) +Sports,UNC Win the Maui Invitational Title (AP) +Sports,"Bledsoe, Tobeck Are Old College Pals (AP)" +Business,"Times Company Buys a Stake in Boston Metro, a Free Paper" +Sci/Tech,How Scientists and Victims Watched Helplessly +Business,Deal to Acquire Pacific Exchange Is Expected +Sports,Police continue probe as another Indy-Detroit battle looms (AFP) +Sci/Tech,"A Catastrophe Strikes, and the Cyberworld Responds" +World,Iran #39;s Suspension of Uranium Enrichment Not Complete (Update2) +Sci/Tech,The Art of the Fan +World,Ethiopia Accepts Eritrea Border Ruling in Principle (Reuters) +Sports,No. 19 Alabama Tops Alaska-Anchorage 90-55 (AP) +Sci/Tech,AMD Releases New Mobile Sempron +Sports,It #39;s unfortunate: Waugh on Lara being dropped +Sports,Sports in brief +Business,Examining the Swainson Move - Is IBM Planning to Buy Out CA? +Business,Nissan Halts Production at Japan Plants +Sci/Tech,Remember When You Wanted Your Own Ms. Pac-Man? +Business,"Euro, oil saps German confidence" +World,Ethiopia backs down over border +World,Concern over Venezuela media law +World,Aziz briefs Pakistani officials +World, #39;6-Way Talks Prerequisite to Inter-Korean Summit #39; +World,Steel shortage hits Nissan plants +World,"Bomb blast kills one, injures 15 in southwestern Pakistan" +World,Golf: Mickelson hits magic 59 +World,Portugal child sex trial to begin +Sports,Transactions +World,Bomb kills soldier in Pakistan +World,Hunt for George Michael intruder +Sci/Tech,News: Hacking tool reportedly draws FBI subpoenas +Sci/Tech,"New Year, New Scraps for Sun's Feisty Chief" +Business,Barclay #39;s statement worries market +Business,Safety critic says he faces FDA transfer in quot;reprisal quot; +Sports,WINDIES SPONSORSHIP ROW +Sports,Five-year ban for Blackburn fan +Sci/Tech,Boeing Converts 737 Into Bomber +Sci/Tech,The Dream Factory +Sci/Tech,P2P Tilts Toward Legitimacy +Sci/Tech,GAO to Probe Vote Counting +Sci/Tech,Arctic Countries Agree on Perils of Climate Change but Not Solution +Sci/Tech,Girl Is First to Survive Rabies Without a Shot +Sci/Tech,"Donald Puddy, 67, Space Flight Director, Dies" +Sci/Tech,Intel Helping Asia to Use Linux +World,Thatcher case postponed +World,Rwanda threatens to attack rebels in Congo +Business,No End in Sight to Supply of Cheap TV's +Sci/Tech,"Web Sites Stirring Up Criticism of Coaches, Even the Unbeaten Ones" +Sci/Tech,3 Music Companies Will Use Online File-Sharing Service +Business,Japan stocks close higher +Business,Microsoft paid CCIA \$19.75 million to settle +Business,Update 2: Yukos CFO Delays Return to Moscow +Business,EU sanctions request on US exports +Business,Update 1: German Business Sentiment Drops in Nov. +Sci/Tech,Myths Run Wild in Blog Tsunami Debate +Sports,Davidson test cancelled +Sports,Redknapp: I went of my own accord +Sports,Dechy takes France into final +Sports,No. 1 Deacons Take On Providence Wednesday Night +Business,Shopping Spree That Wasn't as Markdowns Hurt Retailers +Business,PeopleSoft case will be renewed +Business,Microsoft Foe Wins in Settlement +Sports,UPDATE 1-Zimbabwe rescinds England media ban +Sports,"One good plus, two good minuses for A #39;s" +Sci/Tech,"Reinventing the Wheel (and the Tire, Too)" +World,US and British forces sweep through Iraq #39;s #39;death triangle #39; +World,UK minister visits Arafat grave +World,Ukraine Opposition to Launch Strike in Vote Dispute (Reuters) +World,Israel May End Construction of Barrier (AP) +Business,German business outlook drops +World,Ban hits Half-Life 2 pirates hard +Business,The Ambanis: brothers at arm #39;s length? +Business,Update 4: Microsoft Judge Calls Surprise Meeting +Business,GE agrees to pay \$1.1b for Ionics +Sci/Tech,US ; CIA funds chatroom surveillance +Sci/Tech,Ban hits Half-Life 2 pirates hard +Sports,UPDATE 1-Barnes leads Australian Open after first round +Sports,NHLPA set to pay its players +World,Straw lays wreath at Arafat #39;s grave +Sports,RAIDERS NOTEBOOK Williams to take Grant #39;s LB slot again +Business,ADV: Instantly Lower All Your Monthly Bills +Business,German business confidence drops +Business,"US Food Imports Increase, May Match Exports This Year" +Sci/Tech,MS offers real Windows XP to users of counterfeit software +World,EU's Solana denies having secret meeting with Hamas (AFP) +World,Yushchenko Appeals to Ukraine High Court (AP) +Sports,Haley Shines Bright +World,Hundreds Mourn Marine From Md. +World,Syria ready for talks with Israel without conditions +Business,OIL FUTURES:IPE Brent Likely To Head Higher In Thin Trade +Business,New Computer Associates CEO will be paid \$8.6 million +Business,"Novell, CCIA evidence may be tossed out in MS EC case" +Business,Thanksgiving travelers hope for better weather +Business,Lastminute.com Loss Doubles on Costs; Shares Slump (Update4) +Business,Halliburton pay should be docked: auditor +Business,Turnpike runs free on 1st day of strike +Business,Carlyle in talks with Hanjin +Business,Why The Dollar Is Giving Way +Sports,Champions League: Real Madrid draws 1-1 with Bayer Leverkusen in <b>...</b> +Sci/Tech,Finding the Right Balance Between Power and Weight +Sports,Pirates may trade Kendall to Oakland +Sports,Win bolsters Wildcats #39; confidence +Sports,Tar Heels Breeze Past Hawkeyes for Maui Title +Business,Brown pushes tsunami debt relief +Business,Local Chain Rolling Out D.C. Tabloid +World,Troops close in on #39;death triangle #39; +World,"Russian soldiers kill two, take hostages" +World,Sudan Rebels Stand by Cease-Fire Despite Violations +World,EU foreign policy chief holds contacts with Hamas +World,"Earthquake Jolts Northern Italy, Injuring 9" +World,"Israel, wary of dual peace process, slaps down Syrian overtures" +Sci/Tech,Manganese Bronze rings up #163;1 for Zingo (FT.com) +World,"Dollar Lower, Tokyo Stocks Edge Higher (AP)" +Sci/Tech,Computer Associates' Next CEO Gets To Work (TechWeb) +Sci/Tech,Oracle-PeopleSoft to return (TheDeal.com) +Sci/Tech,Naming Mount St. Helens New Dome Confusing (AP) +Business,Reliance Stock Drops as Resignations Stoke Concern on Ownership +Business,Shortage of steel forces halt at Nissan +Business,Yukos CFO delays return to Russia +Business,Shares in Lastminute.com Sink 13 Percent +Business,Canada #39;s Bonds Rise After Dodge Says Dollar Gain May Cut Growth +Business,Thanksgiving Afternoon Is Expected To Be Dry +Business,Row blamed as Danon quits BT +Sci/Tech,"NTT DoCoMo, mmO2 to #39;partner #39; on UK i-mode" +Sci/Tech,The Taste Of Home +Sci/Tech,Arctic People Seek Tropical Team on Global Warming +Sci/Tech,Stores to stock 1m Band Aid CDs +Sci/Tech,Students Auction University on eBay +Sci/Tech,Infogrames sells Civilisation franchise for \$22.3m +Sci/Tech,Phishing spreads net wider +Sports,Williams deny BAR claims over Davidson. +Sports,England Tour to Proceed After Zimbabwe Ends Media Ban (Update3) +Sports,Champions League: Group H - Chelsea clam up again and round up +Sports,Champions League: Group F - Celtic make great point and round up +Sports,Harry hard to follow +Sports,Monkey chant fan to apologise to Yorke +Sports,8 million callers have kept cell numbers +Sports,Figueroa gets chance in La Liga +Sports,African final delayed because of Ghana poll +Business,Wolfensohn Confirms World Bank Departure +World,Lynching of agents puts Mexico focus on vigilante justice +World,Gadhafi praises Chirac #39;s visit +World,Thatcher vows to appeal court order +World,Sudan rebel leader vows to respect truce +World,"Bomb Kills Two US Soldiers, Injures One in Afghanistan" +World,Hamas denies direct contacts with Solana +World,Bashir goes to trial +Business,ADV: Shrink Your Monthly Student Loan Payment +Business,CBI slashes UK growth forecasts +Sports,"Manning to Face Detroit, Marino's Record (AP)" +World,Bin Laden Not Hiding on Pakistan Border -Commander (Reuters) +World,Budget Flap Imperils Sharon's Gaza Pullout Plan (Reuters) +World,EU Official Now Denies Hamas Contact (AP) +World,"Nintendo returns to profit on forex gains, rising software sales (AFP)" +Sports,France to Defends Fed Cup Title at Final (AP) +World,Girl survives rabies without jab +World,Hero's welcome for Liberia star +World,Israelis kill three Palestinians +Sports,PGA grand slam: Mick-tacular performance +Sports,Chelsea 0 PSG 0 +Sci/Tech,The Best Online Reference Sites +World,Israeli coalition partner #39;s threat raises possibility of early <b>...</b> +Business,Ageing time-tomb brings budget angst +Business,US spared WTO sanctions -- for now +Sports,Auburn Defeats Virginia Tech in Sugar Bowl +Sci/Tech,Canada hails Arctic Council #39;s climate change document +Sci/Tech,DoCoMo offering i-mode to mmO2 +Sci/Tech,Microsoft Attacks Piracy With Free Software +Sci/Tech,Atari #39;s Sid Meier #39;s Pirates! Sails into Stores +Sci/Tech,Conservation Group Urges Gov #39;t Cooperation +Sports,Villarreal nabs Figueroa +Sports,Notre Dame Coach Hires Assistants (AP) +Sports,Clippers Nudge Nuggets 102-98 (AP) +World,Solana confirms secret contact with Hamas +World,Indonesia rejects plea by terror suspect +World,Budget flap jeopardizes Sharons pullout plan +World,Chemical weapons lab found in Fallujah +World,Protesters Seek Resignations After Fire +Business,Directors retreat from Reliance +Business,Wurld Media turns p2p swapping to music biz advantage +Business,CCIA chief defends Microsoft payment +Business,US Appeals Nafta Ruling Against Tariffs on Canadian Lumber +Sci/Tech,"Indian, Pakistani Firms OK Tech Agreement (AP)" +World,Chirac vows 'true partnership' with Libya (AFP) +Sci/Tech,Finnish authorities warn against using MS Internet Explorer 6 browser (AFP) +Sci/Tech,FCC: 8M Wireless Users Keep Cell Numbers (AP) +Sports,PREVIEW-Rugby-Revenge in the air for someone at Twickenham +World,"More than 2,000 people killed in Fallujah : Iraqi official" +Sci/Tech,Arctic People Seek Tropical Team on Global Warming (Reuters) +Sci/Tech,Rich States' Demands Threaten Environment Treaty (Reuters) +Sci/Tech,Conservation Group Urges Gov't Cooperation (AP) +Sci/Tech,Evidence of sex abuse by U.N. Congo staff outrages Annan +Sci/Tech,New rules for Britain's airwaves +Sci/Tech,Students put university on eBay +World,Al-Zarqawi Lieutenant Arrested in Mosul (AP) +Business,Nintendo Returns to Profit in First Half +Business,Province unveils renewable energy projects +Business,Singapore Changi Airport testing biometrics-based system +Sports,Gunners go to Liverpool stung by more negative headlines +Sports,INSIDE INFO: Gers ace Souey target +Sports,Police raid Italy #39;s Olympic Committee +World,IAEA uncertain over quot;undeclared quot; nuclear materials in Iran +World,THATCHER TRIAL POSTPONED +World,Earthquake Shakes Northern Italy +World,"Rwanda Says Ready to Hit Rebels, UN Urges Dialogue" +Business,I will speak at an appropriate time: Anil +World,Axa shares gain on Winterthur purchase report (AFP) +Sports,Paris denies embassy #39;s efforts for bidding 2012 Olympics +Sports,Brutal Haddin hundred seals two points +World,Myanmar junta announces plan for more prisoner releases +Business,"Oil prices climb in London, New York shut" +Business,WTO Ready for US Sanctions +Sci/Tech,More on Microsoft #39;s new anti-piracy programme +Sci/Tech,Intel puts Windows and Linux on even keel +Sci/Tech,Kazaa Leverages Skype for Free Net Calls +Sports,Gunners go to Liverpool stung by more negative headlines +Sports,Londoners urged to embrace 2012 bid +Sports,Robinson glad to be in rugby not football +Sports,Taking it easy to the top +Sports,European Soccer to Investigate Racism (AP) +World,Softening in Northern Ireland +Business,Gold surges as dollar falls again +Sports,Jets Extend GM Terry Bradway's Contract (AP) +Business,Oracle wages proxy battle for control of PeopleSoft +Business,"Rift deepens, six REL Directors quit" +Business,Microsoft EU ruling next month +Business,Yukos shares plunge more than 30 percent +Business,Downturn in growth worries the CBI +Business,Resource stocks boost Toronto stock market as NY shuttered for <b>...</b> +Business,BT Boss Set to Move On +Business,"Most Canadians support taxing pot, poll finds" +World,"Chile Cuts Emissions, Helps Japan, Canada" +Sci/Tech,Last Rites Sounded for Life-Changing Video Format +Sci/Tech,No Holiday Cheer for Band Aid and iTunes +Sci/Tech,Winamp security flaw poses new threat +Business,EU judge to reach decision on Microsoft in December +Business,Yukos board escapes from Russia +Sports,Mourinho Expecting Tough Draw +Sports,Cricket: England tour hangs in the balance +Sports,Finance police raid Olympic files +World,Al-Zarqawi Lieutenant Arrested in Mosul (AP) +World,World Should Hold Darfur Rebels Accountable -U.N. (Reuters) +World,India lifts 20-year ban on night viewing of Taj Mahal (AFP) +Sci/Tech,Replacements light years ahead +World,Barghuti to run for Palestinian president: Fatah official +World,Governments #39; response #39;due soon #39; +World,British Troops Raid Rebel Stronghold South of Baghdad +World,"Nayan in Palace, describes 26 days in captivity" +Sports,Brave old Bhoys not down and out yet +Sports,England #39;s Zimbabwe tour goes ahead +World,Iraq says top Zarqawi aide arrested in Mosul +Sports,"Barcelona Testing, Day 2, 25/11/04" +World,Gold surges as dollar falls again +World,Europe Rejects Iran's Demand to Use Uranium Equipment +Business,"Anil says, #39;I am not going to comment #39;" +Business,"Whistleblower earns kudos, fears reprisal" +Sci/Tech,Cheat Sheet: Firefox +Sci/Tech,Brits Get Replacements for Phony XP +Sci/Tech,Cassini Shows Grandeur of Two Saturn Moons +Sports,Cricket: One-days and test daze +World,Police besiege town after officers die +World,Palestine Leaders Pledge Peace to Straw +Business,WTO Ready for U.S. Sanctions (Reuters) +Business,Gold Eyes New Highs (Reuters) +Sports,Iowa State Still Wary of Brad Smith (AP) +Business,Delaware judge rejects settlement: Oracle moves to replace <b>...</b> +Sci/Tech,TiVo Pop-Up Ads Raise Consumer Concerns (AP) +Sci/Tech,"After a Decade, Philips Makes PCs Again (Reuters)" +World,Jailed uprising leader Barghouti will seek Palestinian presidency +Sci/Tech,Birds Not Being Killed by Wind Farms -Ecologist (Reuters) +Sci/Tech,Junk 'Tree' Testifies to Beirut's Waste Problem (Reuters) +Sci/Tech,Last shout on the Inova Microlight keyring +Sci/Tech,EU sets date for Microsoft appeal +Business,Oil prices rise in Europe +Business,BT Retail head quits to join Cap Gemini +Sci/Tech,Mystery of world #39;s tallest sand dunes solved +Sports,No. 6 Texas Holding Strong Over Aggies (AP) +Sports,Preston fired as manager of Livingston after seven losses in a row +Sports,Brewster appointed manager of Inverness +World,Pakistan: Now #39;s time for peace +World,Terrorists Chemical Weapons Lab Found in Fallujah +World,Three killed in Samarra blasts +Sci/Tech,News: Warning: critical Winamp vuln +Sports,Wake Forest Coach to Show Off No. 1 Team (AP) +Business,EU says defections will not affect Microsoft lawsuit +Business,Philips sells stake in Vivendi for 720 mn +Business,"Stelco, bidders return to court" +World,"DeLay, Republicans Reverse Indictment Rule Change (Reuters)" +Sports,Georgia's Seniors Show Their Class (AP) +World,Athens Slides Back Into Traffic Anarchy (AP) +Sci/Tech,Music labels embrace P2P network +Sci/Tech,Rich States #39; Demands Threaten Environment Treaty +Sports,Barnes Leads Australian Open by 2 Strokes (AP) +Sports,Giving Thanks: Jets extend Bradway #39;s contract +World,Imprisoned Barghuti Runs for Palestinian President +World,"Chirac, Qaddafi Discuss Bulgarian Nurses Fate" +World,ASEAN eyes European model +World,Pinochet's bad news birthday +Business,US shares take a tumble on oil prices +Business,Turnpike managers collecting tolls during strike #39;s second day +Business,"Work longer, Costello urges" +Sci/Tech,DoCoMo to offer i-mode to UKs mmO2 +Sci/Tech,LG Electronics plans to launch 7MP camera phone +Sports,Inter Milan seeks redemption win against Juventus +Sports,Let #39;s not emulate violence in NBA +World,Sudan - Chris Mullin Statement on Continuing Violence in Darfur +World,Solana has to retract claim over Hamas +Sports,Myskina Issues Ultimatum Over Sharapova (AP) +Business,Nations split over post-quota system strategy +Business,US airlines take action on finances +World,British FM pledges support for Palestinian vote (AFP) +Sports,Morgan backs himself into a corner +Sports,NFL memo reminds teams about security +Sports,Attorney: CU could face serious NCAA sanctions +World,"Reliance vice-chair sees ""long days"" ahead in rift (Reuters)" +World,Bush Seeks Money for Abstinence Education (AP) +World,Indian cos. seek business with Pakistan +Sports,Lucas takes podium finish in Macau! +World,Panda handstand makes its mark +Business,EU court to rule on Microsoft case mid-December +Business,Recording companies to allow legal file swap +Business,Gold Fields calls for halt to Harmony bid +Business,Russia to take concrete steps in economic cooperation with <b>...</b> +Sci/Tech,Extremely Critical Winamp flaw +Sports,Pirates Near Shedding Kendall's Contract (AP) +Sports,Ranieri believes victory to be turning point +Sports,CSKA Moscow Need Abramovichs Help After Champions League Defeat +Sports,Troussier for Marseille boss +World,IAEA: Confidence in Iran #39;s Nuclear Program Has Eroded +World,Rwanda vows to attack rebels +Business,Family feud prompts six directors to quit +Sports,England Cricket Tour of Zimbabwe Back On +World,Fatah Council Backs Abbas for Palestinian President (Reuters) +Sci/Tech, #39;Sedimental #39; journey nearly over +Sports,Wenger Confident Of Euro Progress +Business,Microsoft awaits penalties timing +Business,Yukos directors #39;flee #39; Russia +Business,I was kept in the dark: Anil +Sci/Tech,Chicago to Sell City-Related Items on eBay (AP) +World,Major paedophile trial begins in Portugal (AFP) +World,Iran Insists on Keeping Some Centrifuges (AP) +Sci/Tech,Sharman blends Skype with Kazaa +Sci/Tech,Telenor urges fair regulatory system in Thailand (FT.com) +World,China to Set Up Wal-Mart Union Branches (AP) +World,India Considers Granting Greater Autonomy to Kashmir +World,"We will curb violence, Palestinians tell Straw" +Sci/Tech,Hunters Off the Hook for Bison Declines (AP) +Sci/Tech,Study: Dead Cicadas Help the Soil (AP) +Sci/Tech,Summary Box: Cicada Carcasses Help Soil (AP) +World,A Madeover Berlin Struggles for Top City Status (Reuters) +Sci/Tech,Lastminute losses almost double +Business,Gold Hits 16-Year High as Dollar Plunges Against Euro +Sci/Tech,Bison shed light on big wipeout +Sports,Colts Take 27-9 Lead Against Detroit +Business,"Top Yukos Executives, Including 2 Americans, Flee Russia" +Business,Irish cigarette sales slump +Sci/Tech,Hunters off the hook for bison declines +Sci/Tech,Phishing Scams Increase Dramatically +Sports,"Russia, France cruise into Fed Cup final" +Sports,IOC urges Turin organizers to resolve problems soon +World,Pakistan PM satisfied over his New Delhi visit +Business,"Toronto stock market registers gains thanks to resource, finance <b>...</b>" +Sports,Bengals #39; Palmer leaves practice with back spasms +World,Jailed Barghouti to run in Palestinian presidential election +Sci/Tech,"Opera, Mozilla Ready for Prime Time" +Sci/Tech,GuruNet Spins Off Answers.com - A Reference Driven Search Engine +Sports,"Giants Look for Way to Stop Owens, Eagles (AP)" +Sports,No. 18 Sun Devils Seek to Stop Wildcats (AP) +Sports,France's Pierce Exits Fed Cup Semifinal (AP) +World,Marines Celebrate Thanksgiving in Iraq (AP) +World,Bestselling author Hailey is dead +World,Gold Hits 16-Year High as Dollar Plunges Vs. Euro +Business,Record number likely to hit road +Sci/Tech,"SBC, Yahoo, 2Wire, and Dish Network Partner For Multimedia Entertainment Monster" +Business,Second oil spill this week shuts down Nfld rig +Sci/Tech,Hunters Off the Hook for Bison Declines +Sci/Tech,New game recreates JFK assassination +Sci/Tech,Students put university on eBay +Sci/Tech,Pirates! Ships! +Sports,Bengals #39; Palmers leaves practice +World,Iran wants centrifuges exempted from uranium enrichment freeze <b>...</b> +World,Rwandan and Congo Leaders to Meet +Sports,Madrid 2012 Protests Paris 2012 Bid Promotion +Business,Salvation Army bell ringers find new donation sites +Sports,Manning Shines As Colts Gobble Up Lions (AP) +World,Paraguay Seizes 300 Kg Cocaine at Brazil Border (Reuters) +Sci/Tech,"Bison Populations Decimated by Cold, Not Hunting, Study Says" +World,Informal six-nation talks on NKorea nuclear drive next month: report (AFP) +World,Senate report says Canadians won't cut greenhouse gases until it costs them (Canadian Press) +World,"Away From Home and Family, a Slice of Tradition" +Sci/Tech,University Up for Sale in Spoof Auction +Sports,NFL: Manning Fires Six TD Passes as Colts Rout Lions (Reuters) +Sports,Lehmann slams #39;arrogant #39; ref +Sports,Davidson #39;s Williams Hopes Dashed +Sports,Ready to partner Bellamy +Sports,Barcelona still aiming to overhaul Milan +Sports,Rebels threaten gates +Sports,ENGLAND STARS quot;SADDENED quot; BY ZIMBABWE DRAMA +Sports,Austria #39;s Walchhofer fastest in training at Lake Louise +World,"Myanmar to release another 5,000 prisoners: state radio" +Business,Oracle names proposed PeopleSoft board +Sports,NFL: Manning Fires Six TD Passes as Colts Rout Lions +Sports,"Olowokandi arrested, tasered outside Indy club" +Sports,Steaua top after beating Besiktas +World,Arafat #39;s willing executioners +World,BJP sees no gains from Aziz visit +Sports,Minnesota Timberwolves Center Arrested (AP) +Business,"EU, Japan to Get WTO #39;s Go-Ahead to Hit Back at US Handouts" +Sci/Tech,Hunters Off the Hook for Bison Declines +Sci/Tech,Pigeons #39;sense magnetic field #39; +Sports,Olowokandi arrested in Indianapolis +Sports,Barwick Is New FA Chief Executive +Sports,Mickelson shoots 59 +Sports,UPDATE 1-TV executive Barwick wins top job at English FA +Sports,USC's Leinart on Big Stage Against Irish (AP) +World,Eight Executed in Cancun Drug Killings (Reuters) +Business,"Anil speaks, refuses to join issue" +Business,New Owners Plan To Cut 829 SouthTrust Jobs +Sports,UEFA Cup: Villarreal downs Middlesbrough 2-0 +Sports,NFL Game Summary - Indianapolis at Detroit +Sports,Ponting wants best West Indies team to tour Australia +Sports,Just say No(tre Dame) +Sci/Tech,Oracle to Make PeopleSoft Nominations (AP) +World,Stripper shortage reflects industry demands for more demeaning acts: expert (Canadian Press) +World,Cricket: England players' dismay +World,Football: Boro's hopes dashed +Business,Yukos CFO delays return to Moscow after summoned for questioning +Business,EU in push to reduce red tape +Sci/Tech,Microsoft IE losing out to Firefox? +Sports,Colts Quarterback Sets Passing Record (AP) +Sports,Four-goal Newcastle breeze into last 32 of UEFA Cup +Sports,Webber #39;s drive time +Sports,Olowokandi jailed for nightclub incident +Sports,UEFA Cup: Lazio rallies to 2-2 draw with Partizan +Sports,USC #39;s Leinart gets opportunity to influence Heisman voters +Sports,UEFA Cup: Schalke beats Ferencvaros 2-0 +World,Palestinian firebrand is to run for president from Israeli cell +World,ASEAN peace pact signing #39;unlikely #39; +Business,EU judge plans Microsoft ruling within a month +Business,Big leap in foreign investment in India +Sports,"Immoral, unjust, oppressive dictatorship. . . and then there #39;s <b>...</b>" +Sports,UEFA Cup: Liedson lifts Sporting +Business,Yukos Board to Develop Short-Term Emergency Plan #39; (Update1) +Business,Oracle to nominate four candidates for PeopleSoft board +Business,More oil spilled off Newfoundland +World,Israel downplays EU meetings with Hamas +World,UN warns Rwanda on Congo threats +World,PM wouldn #39;t like to see rising dollar +Business,Board pledges to defend Yukos +Business,A Familiar Ring +Sports,Magpies hammer French +Sports,Austria #39;s Michael Walchhofer surprising himself in downhill <b>...</b> +World,Qaeda believed to be calling for action in Afghanistan +World,Djamshid says farewell and thank you to Canada on eve of long trip home (Canadian Press) +Business,Oil Prices Rise in Europe +Business,"Japanese Stocks May Rise; Nintendo, AOC, JFE, NTT Seen Gaining" +Business,Philips sells 3 stake in Vivendi for 720mil euros +Business,Safety groups give warning about unsafe toys +Business,Nfld. oil spill more serious than originally thought +Business,KarstadtQuelle Reaches Pact With Rebel Investors (Update2) +Business,FDI in branded retail may be allowed +Business,"China, India and Pakistan stall WTO talks on textile quotas" +Sci/Tech,Cicada infestations boost nutrients for forests +Sports,Henry a doubtful starter +Sports,O #39;Neill hails Celtic performance in Barcelona +Sports,Lazio 2-2 Partizan Belgrade: FT Report +Sports,"Fan slapped with fine, five-year ban for racially abusing Yorke" +Sports,Bowe to Miss Fight Due to Shoulder Injury +Sports,Sportsview: Manning Still Needs Ring (AP) +World,US Launches Massive Offensive on Baghdad +World,Colombian fighters lay down arms +Sports,Newcastle and Dnipro Win Third Straight (AP) +Business,WTO close to action against US +Business,Consumer confidence takes tumble in Germany +Business,Philips sells stake in Vivendi +Business,Analysts want Ambani brothers to come clean on the ownership issue <b>...</b> +Sci/Tech,Computers Help Authenticate Paintings +Sci/Tech,Google up on Goldman #39;s \$215 stock price target +Sports,Newcastle #39;s stand-ins prove to be line perfect +Sports,Pampling jumps to front +World,Australia is unlikely to sign nonaggression pact with Asean +World,NK awaits better climate for talks +Business,"Fearing Prosecution by Kremlin, Top Executives of Yukos Leave Russia" +Business,Could Be Days Before Terra Nova Restart - Petrocan +Business,Target Stores Ban Holiday Bell Ringers +Sci/Tech,Deep freeze dealt death knell to bison +World,EU tries to hold Iran to nuclear weapons deal +Business,Yukos top managers leave Russia fearing arrest +Business,Resignations jolt India #39;s Reliance +Sports,Suspension-hit Pacers sign two players (AFP) +World,Sunni Politicians Urge Iraq Election Delay (AP) +World,9 Found in Apparent Cancun Drug Killings (AP) +World,Life behind bars in South Africa +Business,"No playin #39; around, toys called unsafe" +Sci/Tech,Apple iTunes don #39;t know it #39;s Christmas-time at all +Sports,McClaren pays for lack of ambition +Sports,Australia Bats First in Second Cricket Test Against NZ +Sports,Real racist chants investigated +Sports,The railroading of Ron Artest +World,Britain condemns upsurge in violence in Sudan #39;s Darfur +Business,THE TOY SHOP FOR KIDS OF ALL SIZES +Sports,Dallas Cowboys Stuff Chicago Bears 21-7 (AP) +Sci/Tech,Driving hard into the future of TV +World,Jailed Leader to Run for Arafat's Job (AP) +Sports,Marseille to hire Troussier +World,Iraqi Officials to Meet With Rebels to Discuss Political Role +Business,Peoplesoft deal to trigger industry consolidation +Sports,Troussier to take over at Marseille +Sports,Suspension-hit Pacers sign two players +Sports,Milestone for UConn; Millstone for Rutgers +World,Straw hopeful as he visits Arafat #39;s grave +Sports,Julius Jones Sparks Cowboys' Victory +Business,"Dollar Struggles, Hits Record Low Vs Euro (Reuters)" +Business,Dollar's Fall Pushes Gold Above \$450 +Business,"Acceptable price for oil barrel, 50 US dollars." +World,Lebanon Cleric Doubtful on Iraq Elections (AP) +Sports,Souness delighted: Newcastle in fantastic position +Sports,Zimbabweans left in the dark +World,Potential Arafat Successor Gains Approval Amid Talk of a Rival +World,Uranium deal threat as Iran pushes for exemptions +World,UK's undersea 'ticking timebombs' +World,Ukraine Court Delays Results in Vote Dispute +World,"Flush With Victory, Crusader Against Same-Sex Marriage Thinks Big" +Business,"Splish, splash: United Utilities leaves investors tingling all <b>...</b>" +Business,US Dollar Hits Another Low Against Euro +Sports,Troussier sets to take over Marseille +Sports,The long journey from #39;Football Focus #39; to focusing football +Sports,"NFL: Indianapolis 41, Detroit 9" +Sports,"For Knicks, 11 Games Down, 71 to Go" +World,Nepal Sets January Deadline for Rebels to Begin Peace Talks +World,Australia raises hackles in Asia over refusal to sign peace pact (AFP) +Business,Oracle puts up four for target #39;s board +Business,"Venezuelan president says OPEC output OK as is, \$30 US a floor <b>...</b>" +Business,FAO opens flagship Manhattan store +Business,Barclays says on track to meet full-year profit forecasts; shares <b>...</b> +Sci/Tech,"Climate may have been bison #39;s main killer, not man" +Sci/Tech,China to launch lunar orbiter by Late 2007 +Sci/Tech,Budget ax falls on lunar probe +Sports,Villarreal 2-0 Middlesbrough +Sports,Paris 2012 accused over embassies +Sports,Knicks #39; defense consistently bad +World,Taj night visits approved +World,Jakarta Court Says Cleric Bashir Trial Can Proceed +World,Nepal Gives Rebels Until January for Peace Talks +Business,Nissan Motor stops work at four plants +Business,All-round advance at United Utilities +World,Cabinet ministers suspended after Congo's parliament alleges corruption (Canadian Press) +Sports,"From road rage to fan rage, civility takes a beating" +World,Ontario reveals plan to broaden child care options for kindergarten kids (Canadian Press) +World,"N.Korea, US to Discuss Six-Way Talks in Dec: Nikkei" +Business,Many See Hope in Parkinson's Drug Pulled From Testing +Business,The Heart of the Hartz Commission +Business,Indonesian Food Giant Undergoes a Transformation as the Political Winds Shift +World,Rule Change in Oregon May Alter the Landscape +Business,The perfect shop for children who like to toy with money +Business,UK growth forecast cut +Business,Remortgages surge as new home loans begin to weaken +Sci/Tech,War codebreaker cracks an enigma of love +Sci/Tech,DoCoMo closes in on UK i-mode deal +Sci/Tech,What really drove buffalo from the plains? +Sci/Tech,Beijing city slammed over Microsoft deal +Sports,Barwick handed post as FA chief executive +Sports,"UConn edges Rutgers, works way toward bowl" +World,UN blames rebels in Darfur +Business,CBI trims growth forecast and calls Brown optimistic +Sci/Tech,Has the mystery of the Holy Grail been solved? +Business,Nissan to Halt Auto Output at 3 Plants in Japan for 5 Days +Business,Contract Stirs New Talk on Disney Job +Sports,Olowokandi jailed for nightclub incident +Sports,Arizona challenges No. 1 Wake Forest +World,9 Found in Apparent Cancun Drug Killings (AP) +World,India pitches Kashmir autonomy for Pakistan peace (Reuters) +World,Yudhoyono visits strife-torn Aceh +World,India Suggests Greater Autonomy for Kashmir +World,"Burma Says It Will Free Over 5,000 More Prisoners" +World,Brazilian Landless Protests Hit Capital +World,Cocaine-Laden Plane Seized in Paraguay +World,Thousands Stage Protest at Brazil's Central Bank +World,Aid Flight Delayed After Plane Hits Cow (AP) +Business,Hanjin Denies FT Report on Carlyle #39;s Takeover Bid +Sci/Tech,Microsoft #39;s procurement deals arouse concern +Sports,Henson Does Not Finish His First Cowboys Start +Business,Carlyle Group Shows Interest in Hanjin +Business,"Thousands line streets for Thanksgiving parades, Midwest travelers <b>...</b>" +Business,Hardie talks recommence as compensation fund prepares to file for <b>...</b> +Sci/Tech,NASA's Rovers Still Exploring Mars (AP) +Sports,"The Fight: NBA, fans, morals" +Sports,"Win Gives Connecticut Good Shot At a Bowl Connecticut 41, Rutgers <b>...</b>" +World,Thatcher trial wait +Sports,Art of Giving Gets Wins +Sports,Terps Get First Test +Sports,Olowakandi Arrested +Sports,Hokies Ensure Stability +Sports,Cope Still Has Spark +Sports,Back Spasms Hit Palmer +Sports,Cowboys Outlast Bears +Sports,Huskies Down Knights +Sci/Tech,Microsoft puts familiar face on cell phones +Sci/Tech,Google muscles in on Microsoft turf +Sci/Tech,Microsoft: that isnt one flaw its two separate flaws +Sports,Hollins will take over as interim coach +Sports,Let youth team go +Sports,"Games over, now let #39;s play" +World,Iran Seeks Limited Nuclear Program +World,Aziz briefs NSC on India visit : +Sci/Tech,Claims Over Tasers' Safety Are Challenged +Sci/Tech,"Hi, I'm Your Car. Don't Let Me Distract You." +Sci/Tech,3-D Maps From Commercial Satellites Guide G.I.'s in Iraq's Deadliest Urban Mazes +Sci/Tech,New High-Tech Passports Raise Snooping Concerns +Sci/Tech,Online Auction to Offer a Bit of Chicago to Bidders +Business,"Microsoft, EU see pre-Christmas antitrust ruling" +Sports,Grizzlies Coach Retires for Health Reasons (AP) +Sports,Depleted Pacers Tip Timberwolves 106-102 (AP) +Sports,NBA: Tinsley Drives Indiana to Beat Minnesota (Reuters) +Sports,Pampling takes over lead in Australian Open +Sports,UEFA follow FIFA and place Bernabeu under racism investigation +Sports,No. 4 Texas Upends No. 1 Tennessee 74-59 (AP) +World,"EU, Iran clash over terms of nuclear freeze" +World,News in brief +Sci/Tech,"Torvalds, Open-Source Pioneers Take On EU Patent Issue" +World,UN Envoys Urge Restraint by Rwanda +Business,"Crude Oil May Fall as US Inventories Gain, Survey Shows" +Sports,Brown retires due to health reasons +Sports,"Newcastle, Schalke 04 and Dnipro qualify for last 32" +World,Saga of Britain's official cats revealed under new Freedom of Information Act (Canadian Press) +Sports,Henry Doubt for Anfield Clash +Sports,"Garnett, Timberwolves visit Pacers" +World,Yasser Arafats life-work must be continued +World,"PM, Downer downplay pact row" +World,Brazilians Protest Economic Policies (AP) +World,SKorean auto plants shut in strike by tens of thousands (AFP) +World,Brazilians Protest Economic Policies +Business,BT broadband mastermind joins French IT firm +Sci/Tech,"Closest view yet of Titan, Saturn #39;s moon Cassini spacecraft also <b>...</b>" +Sports,Pittsburgh Upsets No. 21 W. Virginia 21-13 (AP) +Business,Strong euro hurting German morale +Sci/Tech,Letters remain the holy grail to code-breakers +Sports,"With Artest, A Human Quality" +Sports,Manning throws for 6 TDs in Colts #39; romp +Business,"Oil Edges Higher, Watches Weather" +World,Palestinian minister to visit jailed Fatah leader mooting <b>...</b> +Sports,A Proud Father +Business,Trying to Beat Boutiques and Big-Box Chains +Business,Pike strike puts managers in booths +World,Eight killed in Chinese high school knife attack +World,Middle East ; Straw upbeat on renewed Mideast peace efforts +World,Autonomy could be a solution to Kashmir issue: Natwar +Business,Fannie Mae Supports New Regulatory Bill +Business,Toys R Us Fights to Stay Afloat in Toy Business +Sci/Tech,Skin Trade Threatens World's Few Surviving Tigers (Reuters) +Sci/Tech,Benefits computer failure chaos +Sci/Tech,Hackers Taking Aim at Mobile Phones +Business,I was kept in the dark: Anil +Business,"Harmony May Have to Raise Bid for Gold Fields, Trading Shows" +Sports,Perfect start for France in Federation Cup +Sports,Newcomers receive quick indoctrination +Business,Oracle To Make PeopleSoft Nominations +Sci/Tech,Nintendo Expects Five Million DS Systems. +Sports,"Backyard Fall: Pitt Bests WVU, 16-13" +World,Rebels blow up oil pipeline in Assam (Reuters) +World,Eight children stabbed to death in China school +World,Envoys bid to end Ukraine crisis +Business,Anil will speak when necessary +Sports,Olowokandi misses game after being arrested at bar +World,Nine bodies found in Cancun +Business,Retailers Usher in the Holiday Season (AP) +Business,Oracle to nominate four PeopleSoft directors +Business,Baltimore to quit stock market +Sports,Clippers Beat Nets 101-88 (AP) +Sci/Tech,Codebreaker scores success in search for the Holy Grail +Sci/Tech,Space station future adrift +Sports,Self Inflicted Wounds +Sports,Wolves center arrested in Indy +Sports,Oldest coach of NBA Hubie Brown Retires +Sports,Longhorns top No. 1 team for first time since #39;87 +World,Apex court permits night viewing of Taj Mahal: +World,No military solution to Ivorian crisis: Annan +Sci/Tech,"WHO: Flu Pandemic Inevitable, Plans Needed Urgently (Reuters)" +Business,Yukos executives leave Russia +Business,US Treasuries Drop After Newspaper Says China Cut Holdings +Business,All they ask for Christmas is to keep their two front teeth +Business,UPDATE:Philippines Budget Data Boost Fiscal Reform Hopes +Business,Shopping season starts +Business,WTO to impose USD150m fine on US +Business,Gold Fields loses fourth Harmony case +Business,Stand-in collectors work turnpike toll booths +Business,Miller puts UAW label in beer ad +Business,"Oil Edges Higher, Watches Weather (Reuters)" +Sci/Tech,"Cracking start to quest, but no sign of Holy Grail" +Sci/Tech,Hold the phone: Hackers starting to infect our cells +Sci/Tech,China eyes foreign software curbs +Sci/Tech,Researchers tackle #39;Holy Grail #39; code +Sci/Tech,Cell Phones Increasingly Attractive To Hackers +Sci/Tech,Fast forward: DVDs push video players out of the picture +Sci/Tech,AMD to migrate all CPU production to 90nm SOI process in 2005 +Sci/Tech,Nintendo Drafts Namco For Mario Baseball +Sci/Tech,Intel Takes Aim at Microsoft with Linux Push +Sci/Tech,Our Opinion: Fortuitous flood +Sports,Latest News Red Bull show Wirdheim the door +Sports,Welshman Dodd midway leader in China +Sports, #39;I am the aggressor #39; - Justin Langer +Sports,Manning #39;s six TDs extend record pace +Sports,Talking turkey: Bears #39; loss really offensive +World,Inmate Barghouthi eyes Palestinian presidency +World,Art can improve Indo-Pak ties: Pak PM +World,Quake kills 11 in Indonesia +Sports,SuperSonics Snap Heat's 14-Game Win Streak (AP) +World,Thatcher #39;s Coup Plot Questioning Postponed until February +World,Dollar Hits New Low; Gold Heads for \$455 +Sports,Loyal treatment +Sports,Little Boise St. is thinking big +Sports,Best seats in the house aren't for everyone +Sports,"But seriously, folks" +Sports,NFL games on TV +Sports,Brown calls it a career +Sports,Key games on TV +Sports,Pittsburgh climbs over Mountaineers +Sports,"Jackson, Texas stop top-ranked Tennessee" +Sports,Cowboys back in saddle +Sports,They're at head of their class +Sports,McLaughlin has Woburn fired up +Sports,Cuqua drives Rebels +Sports,Somber setting for Needham's victory over Wellesley +Sports,Bulldog victory closes Manning Bowl +Sports,Blue Hills manages to slip past Southeastern +Sports,Key hit sparks Mansfield win +Sports,Bang-up job from Cohasset +Sports,Falmouth shows zero tolerance +Sports,Allukian covers for Latin +Sports,Westwood moves on behind Guerrero +Sports,Pritchard sends Newton North to postseason +Sports,D-S has hand in TVL +Sports,Wilmington keeps its unbeaten record intact +Sports,Playoffs Bourne's payout +Sports,Ground game carries Plymouth North +Sports,Billerica tossed aside in OT +Sports,St. John's holds off Xaverian +Sports,"Everett, Nuzzo perfect" +Sports,Danvers finally breaks through +Sports,Today's schedule +Sports,Truck delivers action +Sports,"This weekend on TV, radio" +Business,Update 8: Yukos Removes Anti-Crisis Plan From Agenda +Business,Salvation Army workers ring in the holiday season +Business,BT sells Eutelsat stake for 363m +Business,SA court says Harmony needs competition approval +Sci/Tech,New clue to mystery of Holy Grail +Sports,French teen homes in on Fed Cup win +Sports,England cricketers fly to Zimbabwe +Sports,Hayden #39;s wicket proves Australia talking-point +Business,Yukos considers self-destruction +Business,Japanese prices continue to fall +Business,Trade 'can resolve Kashmir issue' +Business,Just flush with pride +World,Sunni leaders urge delay in Iraqi elections +World,TOXIC LAB DISCOVERED AS ZARQAWI PAL NABBED +World, #39;Pak view of JK fundamentally wrong #39; +Business,Payers want proof for medical treatments +Business,Free credit reports to bear ads +Business,"Yukos executives leave Russia, speculation deepens" +Business,Tax-fight veterans see hurdles for Bush +Business,Dollar slides again +Business,ADV: Great Stocks at Great Prices! +World,Bush Asks His Father and Clinton to Raise Funds +Business,Dollar Hits New Low; Gold Heads for #36;455 (Reuters) +World,Iran Says It's Fully Committed to Nuke Enrichment Freeze (Reuters) +Sci/Tech,"Online Identity Theft: Many Medicines, No Cure (PC World)" +Sci/Tech,The phone that knows you better than you do +Sci/Tech,Cell Phones Increasingly Attractive To Hackers (washingtonpost.com) +World,Chemical Weapons Lab Found in Falluja: Iraq Minister +World,Chemical Weapons Lab Disclosed In Fallujah +World,Coming soon: Taj by night +Sports,Pampling Leads Australian Open (AP) +World,Protest rocks Aboriginal island +World,Dollar bounces back from low +World,Burma releases more prisoners +World,Cricket: Australia in command +World,BJP demands transfer of seer case +World,Families row over home PC access +World,Tehran seeking exemptions in EU deal +World,"EU, Russia fail to reach accord at summit " +World,Alarm raised on Asia's males +World,End to genital mutilation urged +World,Havana's Chinatown struggles +World,Free radio seeks a new format +World,"Leaving slums of Paris, two Muslim teens turn to waging jihad" +World,"A morning jog, a midday feast, soldiers taste tradition" +World,US casualties in Iraq and Afghanistan +World,8 Slashed to Death in Chinese High School +World,Two Marines Killed in Fallujah +World,UK Plays Down Prince Harry Kidnap Threat Reports +World,450 Colombian Paramilitaries Disarm +World,Nine Bodies Found in Cancun +Sci/Tech,DWP kills 60k PCs in Windows XP upgrade lash-up +Sci/Tech,Terapixel digital images approach +Sci/Tech,Swap offer for pirated Windows XP +Sci/Tech,"Online Identity Theft: Many Medicines, No Cure" +Business,Shell pushes back AGM +Business,Court extends Stelco protection +Sci/Tech,"Most back moon trip, but not Mars" +Sci/Tech,"Now, cellphones turn advisers!:" +World,"Anti-Insurgent Raids Net Large Seizure of Iraqi Rebels, Weapons" +World,UN pulls food aid from Darfur +Sci/Tech,Whatever Happened to SGI? +Sci/Tech,Science Geek Gifts for All +Sci/Tech,Porn Prohibitionists Miss Point +Sci/Tech,Technology Over Ideology +Sci/Tech,"Langdon Gilkey, 85, Theorist on Nexus of Faith and Science, Dies" +Business,Target bans Salvation Army ringers +Sci/Tech,Nintendo Honored by quot;Walk of Game quot; +Sports,Comfortable win pleases Souness +World,"PLO #39;s Abbas faces Fatah, Hamas challenges" +World,"Man with knife kills 8, wounds 4 at central China high school" +World,Prince Harry flies home from Argentina amid reports of shooting +World,Fan mayhem over South Korean heartthrob at Tokyo hotel leaves 9 <b>...</b> +World,Big Spending Bills Become Congressal Habit (AP) +World,S Korea motor workers on strike +Business,Oracle unveils PeopleSoft board candidates +Business,Oregon trees head to Texas to cheer military families #39; holidays +Sci/Tech,Microsoft wins over China public sector +Sci/Tech,Hackers exploit critical Winamp flaw +Sports,Manning deflects talk about possible TD passes record +Sports,Huskies quickness overwhelms Utes +World,11 dead in Indonesia earthquake +Business,BT sells Eutelsat satellite stake +Business,Japan #39;s steel crisis forces Nissan to cut car production +Business,Dollar recovers on denial of Chinese sell-off +Business,"Singapore Shares End Down On Weak US Dlr, Indus Output" +Sports,Celtics Defeat Reeling Hornets 108-90 (AP) +Sci/Tech,The never-ending search +Sci/Tech,Critical Flaw in WinAmp +Sci/Tech,"Ancient bison done in by climate, not hunters" +Sci/Tech,Nintendo moving into online within 3 to 4 years - Miyamoto +Sports,Hard-working Preston had to go +Sports,"Colts 41, Lions 9" +Sports,"Palace brawl When lines break down, there #39;s chaos" +World,"Abbas makes election move, possibly to push back activist <b>...</b>" +World,World 'short of health workers' +World,EU gets tough on fusion reactor +World,U.S. Commander Makes Afghan Visit (AP) +Business,US dollar whipsaws on worries over China +Business,Oil giant in Russia is closer to collapse +Business,EU judge on Microsoft - one month until ruling +Business,Update 12: Bargain Shoppers Get Early Holiday Start +Business,JLT falls on profits warning +Business,Salvation Army rings in the holidays +Business,Court Blocks Gold Fields Takeover Attempt +Business,Philippines likely to keep 2004 budget deficit below ceiling +Business,Hong Kongs GDP expands 7.2 on tourist spending +Business, #39;Easy exit #39; clause hints at News Corp man #39;s Disney move +Business,US yawns over number switching +Sci/Tech,UK government hit with another large computer failure +Sci/Tech,Microsoft offers amnesty program to pirated WinXP users +Sci/Tech,Climatic change put an end to bison existence +Sci/Tech,Record Labels Support Filesharing +Sci/Tech,Government says Finnish with IE 6 +Sci/Tech,Moon gas could meet Earth #39;s future energy demands: Scientists +Sci/Tech,Phishers tapping botnets to automate attacks +Sci/Tech,South Korea bans Ghost Recon 2 +Sports,SOUNESS READY TO TEST TITUS +Sports,Notebook: Return in Hughes #39; skates? +Sports,Langer exploits popgun attack +Sports,"Success eluding Harrington, Lions" +Sports,Lotito: We #39;re Disappointed +Sports,Barnes still in the hunt +Sports,"Pacers 106, T-wolves 102" +World,Iranian cleric upbeat on closure of nuclear case +World,8 killed in knife attack at Chinese high school +World,Palace denies Harry security threat in Argentina +World,Indonesian leader visits site of separatist conflict +World,"Earthquake hit Indonesia, killing 11 and injuring 65" +World,Arms cache in mosque +Sports,NBA: James Returns to Lead Cavaliers Over Bobcats +World,U.S. and Other Countries Deliver Aid in Indonesia +Sci/Tech,Music Companies Embrace P2P File-Sharing +Sports,IOC Wants to Expel Bulgarian Official (AP) +Sports,"Beckham #39;s not finished, says Eriksson" +World,Four Killed in Baghdad #39;s Green Zone +World,"Guerrilla #39;s assistant captured, says Iraq" +Sports,Clenched fists now the norm +World,Algeria reveals rebel crackdown +Sports,Runaway Rod hard to rein in +Sports,Moss In; Birk and Dorsey Out? +Business,"Americans Hit Shops, Holiday Season Opens" +Sci/Tech,"Chile Cuts Emissions, Helps Japan, Canada (AP)" +Sci/Tech,Deepest U.S. Reef Found Off Florida Coast (AP) +World,Arms Dealer Linked to Thatcher Escaped Death Sentence +World,Fallujah assault brings no Zarqawi lead +Sci/Tech,Record Number of Tornadoes Reported in '04 (AP) +Sports,Clubbing in Barcelona +Business,Wall Street ends higher despite oil price spike +Business,Jardine Lloyd Profit to Fall; Chief Executive Quits (Update3) +Sci/Tech,Pensions computer failure the #39;worst ever #39; +Sports,Impressive Newcastle rout Sochaux +World,Congress Urged to Fix Terror Oversight (AP) +Sports,Consistent Pampling is trampling the field in the 100th Australian <b>...</b> +Sports,Birk won #39;t play Sunday +Sports,Italian race shame overshadows UEFA Cup +World,8 teens murdered at Chinese school +Business,"WTO to EU, Japan: Sanction U.S. Trade (Reuters)" +Business,POLL- Managers Eye Stocks Post-Election (Reuters) +Business,Cingular Sells Some Assets to Alltel (Reuters) +Business,"Americans Hit Shops, Holiday Season Opens (Reuters)" +Business,US anti-dumping law draws WTO sanctions +Business,Fiserv in Talks for Australian Pact +Sports,Center of attention: Vikings #39; Birk battling through pain +Business,Region to Add Thousands Of Seasonal Employees +Business,Managers buy out struggling QXL +Business,House-price boom 'splits Britain' +World,Peru Rebel Leader Offers to Surrender (Reuters) +Sci/Tech,Airport Uses Web-Based Flight Info System (AP) +Business,How the worm turned on car makers +Business,Salvation Army looks for new fundraising quot;target quot; +Business,Mayban Unit Trust eyes RM4b fund size +Sports,Ground share meeting on Merseyside +Sports,Zidane backs Paris bid for 2012 Olympics +World,Report Alleges Gay Abuse in Jamaica (AP) +World,Four Killed in Baghdad #39;s Green Zone +World,U.N. Condemns Rebel Capture of Darfur Town (AP) +World,Ukrainian rivals to hold meeting +World,Vital polls for Palestinian party +World,Pringle to risk Zim deportation +World,Two senior officials 'leave CIA' +World,Football: Juve doctor convicted +World,IOC recommends Slavkov expulsion +World,Four former Gurkhas dead in Iraq +Business,"Dollar hits new low, then hits back" +Sci/Tech,TiVo Unveils Portable Transfer Service (AP) +Sci/Tech,Call for inquiry into benefits computer crash +Sci/Tech,Finnish Warn against IE6 +Sci/Tech,Moon gas could meet earth #39;s energy demands +Sci/Tech,'EICU' Lets Doctors Monitor Many Patients (AP) +Sports,Dodd leads chilly China Open +Sports,Golf roundup: Barnes takes Aussie lead +Business,Dollar at New All-Time Low vs. Euro +Business,US Airways Reaches Deal on Aircraft Financing +Business,Fear Stalks YUKOS HQ Amid Raids and Arrest Warrants +Business, #39;Business as usual #39; for US Airways +Business,Retailers Usher in the Holiday Season +Business,Insurer Jardine issues warning +Business,DATA VIEW:Hong Kong Economy Began To Slow In 3rd Quarter +World,Diplomats: Iran Uranium Dispute Resolved (AP) +World,B.C. resident facing charges after bull elk killed in Jasper National Park (Canadian Press) +Sci/Tech,Philips begins making PCs again after ten year hiatus +Sci/Tech,Swift hunt for black holes now on +Sci/Tech,Smart phone predicts owner #39;s behaviour +Sports,Golovin ready for Russia +Sports,Birdies ease pain for injured Zhang +Sports,"No one beats a 73 in Korea, where Yang leads Harrington by two" +Sports,Aston Villa (A) Tue 28 Dec +World,Four Ex-Gurkhas Killed in Baghdad +World,Francophone Summit to Focus on Ivory Coast +World,French group seeks Ivorian peace +World,Saudi women take to the skies +Business,US Airways Union Mails Strike Ballots +Business,Woolworths sees \$A3.5b per year liquor sales +Sci/Tech,Will VHS go the way of the dinosaur? +Sports,UPDATE 1-Liverpool manager against Everton ground-share +Sports,"Judge convicts Juventus doctor, acquits team chairman in doping <b>...</b>" +Business,Euro's flight turns up pressure on ECB to act (AFP) +Business,Microsoft hopeful December will see suspension of EU antitrust <b>...</b> +Business,Husky Energy shares up on takeover talk +Business,Black Friday sets tone for retail season +Business,"Jardine Lloyd tumbles after warning, CEO resignation" +Business,Family feud over control of India #39;s leading business group <b>...</b> +Business,P1-B deficit cut seen with better eco outlook +Sci/Tech,Britons Offered 'Real' Windows XP (AP) +Sci/Tech,3 Giants Create New Online Music Service (AP) +Sci/Tech,Chicago to Sell City-Related Items on EBay (AP) +Sci/Tech,The Sites Before Christmas (washingtonpost.com) +Sci/Tech,Sony Unprepared for Flat TV Demand (Reuters) +Sci/Tech,Britons offered #39;real #39; Windows XP +Sci/Tech,"After a Decade, Philips Makes PCs Again" +Sci/Tech,Bofra exploit ticks away at Microsoft +Sci/Tech,Japan's top cellphone operator to abolish second generation by 2012 (AFP) +Sports,Liverpool and Everton to hold groundshare talks +Sports,England cricketers head for Zimbabwe +Sports,Champs Play Catch-up as Title Hopes Dim +World,"EU to go it alone on nuclear project, if no deal with Japan (AFP)" +World,Jailed militant to seek office +Sci/Tech,Wind Industry Bids to Win Over Doubters (Reuters) +World,Report Urges Hazmat Inspection Improvement (AP) +Sci/Tech,Study: Dead Cicadas Boost Soil Nutrients (AP) +World,Agency 'slow tackling jam misery' +Sports,E. Jordan Hospitalized +Sci/Tech,Sapphire Hybrid X700 Pro graphics card +World,Pakistan Authorities Ban Issue of Newsweek (AP) +Sci/Tech,No half measures with Half-Life 2 +World,Top Iraq groups demand poll delay +Sci/Tech,TiVo Pop-Up Ads Raise Consumer Concerns +Sci/Tech,3 Giants Create New Online Music Service +Sci/Tech,4x4s 'should carry health warning' +Business,Husky Energy Surges After Report of Talks With China (Update2) +Business,Jardine Lloyd Profit to Fall; Chief Executive Quits (Update4) +Sports,Report: ICC lifts two-match ban on Ganguly +Sports,Hendrie back for Villa +World,Man hacks 8 kids to death +World,Myanmar says thousands of prisoners freed +Business,Letter reveals reason behind the Ambani feud +Business,Philippines budget deficit likely below ceiling +Business,Bank of Mexico Tightens Monetary Policy +Sci/Tech,Outsourced crash holds up benefits payments +Sci/Tech,New Bofra Attack May Be a Sign of Things to Come +Sci/Tech,"It #39;s not just a cellphone, it #39;s an advisor" +Sci/Tech,Firefox Browser Takes Market Share From Microsoft #39;s IE +Sci/Tech,NSS hails NASA budget for 2005 - Agency must now prove that it is <b>...</b> +Sports,Two-Test ban on India #39;s skipper Sourav Ganguly lifted Friday +World,UN suspends food aid operations in Darfur +World,Strict security for moonlit viewing of Taj : +Business,WTO Approves US Trade Sanctions +Business,Treasuries Lower on China US Debt Report +Business,EU Court Sets Talks in Case Against Microsoft +Business,Chip Sales Rise 1.5 Pct in October from September +Business,"Retailers, Steel Help Stocks End Week Up" +Business,Procter amp; Gamble Recalling SweepVac +Business,UPDATE 1-WR Grace says grand jury indictment likely +Business,Target Bell-Ringer Ban Will Cost Salvation Army Millions +Business,"Shoppers Flood the Malls, Surf Internet" +Business,Alltel buys assets from Cingular; swaps market interests +Business,Avoid These Dangerous Toys! +Sci/Tech,Report urges hazmat inspection improvement +Sci/Tech,Global Warming Continues +Sci/Tech,DoCoMo turns to mm02 for a UK i-mode data service +Sports,Cricket: The openers we #39;re heartily sick of seeing +Sports,Wenger hits back at Hiddink +Sports,Grizzlies Coach Retires for Health Reasons +Sports,Mourinho rules out move for Defoe +World,Bush intervention raises Northern Ireland hopes +World,Security Firm Tribute to Ex-Gurkhas Killed by Baghdad Rockets +World,Harry flies home on kidnap rumour +World,Wounded Mexican police appear day after 9 people found shot near <b>...</b> +World,Australia unlikely to sign non-aggression pact with ASEAN <b>...</b> +Business,"US Air, GE Reach Deal on Plane Leases (Reuters)" +Business,Wal-Mart Clarifies Policy Regarding Unions (AP) +Business,Holiday Shoppers Take to the Malls +Business,Yukos to Devise Emergency Plan to Continue Operating +Sports,Ohio State Says It Didn't OK Paper Writing (AP) +Sports,Raptors Increase Security After Threat (AP) +Sports,Tech's Passing Attack Meets OSU's Rushinng (AP) +Business,"Wal-Mart, Toys R #39; Us Lure Shoppers With Discounts (Update6)" +Sports,Another Pacer involved in brawl +World,Harry hurries home after kidnap scare +World,Aborigines Burn Police Station on Island +Business,US treasuries dumping report sends greenback into a tailspin +Business,Global chip sales to remain flat this quarter +Business,"Steelmakers, Retails Buoy Stocks" +Sports,Russia meets defending champ France for Fed Cup title +Sports,High schools address sportsmanship in wake of Pacers brawl +World,Seventeen political parties demand postponement of elections +World,Indonesian President Visits War-Torn Northern Province +World,Push to postpone Iraqi elections spreads +World,Riots erupt after Aboriginal man dies in custody +World,"Flatten insurgents in one place, and they pop up elsewhere" +Sports,"Russia, France Set Final Fed Cup Meeting Saturday" +World,EQUATORIAL GUINEA: Foreign coup plotters given long jail terms +World,Obama: Not Quite Ready for History Books (AP) +Business,Byrd call: WTO approves sanctions against US over antidumping law +Business,Dollar hits new low against euro +Business,Posco stock hits lifetime high on Nissan order +World,Paul Martin continues to hope for survivors among 150 missing Canadians (Canadian Press) +Business,Salvation Army prepared for tough fund-raising season +Business,Chinese government in bid to buy Canadian oil giant from tycoon Li <b>...</b> +Sci/Tech,Cell phones increasingly vulnerable to hackers +Sports,Chelsea Deny Chasing Defoe +Sports,UA FOOTBALL: Cat has special incentive to beat Devils +Business,Item No 17: Mukesh got authority over all directors +Sports,Langer plays down Hayden walking row +Sports,Arizona St. Sun Devils +Sports,Arena on MU campus now just Mizzou Arena +World,Iraqi election date thrown into fresh doubt +World,Police underestimated Palm Island crisis +World,"Darfur: 300,000 displaced persons cut off from all aid following <b>...</b>" +World,"Taj by winter night, under security blanket" +World,Bush Tries to Help Break N.Irish Peace Deadlock (Reuters) +World,Man detained after eight teenagers killed in China school knife attack (AFP) +World,U.N. Bolstering Troops on Congo Border (Reuters) +World,S Korea rebuked over nuke tests +Business,US Promises to Protect Trade Interests +Sports,"Mavericks Defeat Trail Blazers, 92-83 (AP)" +Sports,Off-Court Woes Burden Cavaliers' Wagner (AP) +Sports,Hubie meets press; no details on health +Sports,Raptors increase security after threat made against Carter +World,Ivory Coast snubs Francophone summit after spat +Sci/Tech,Internet Explorer gets Finnish Thumbs Down +Sports,Police conduct investigation on Carter threat +Sports,AD says university did nothing wrong +Sports,Lions #39; Drummond out for season +Sports,Slutskaya leads after short program +Business,"Bush Vows to Work on WTO Compliance, Blasts Airbus (Reuters)" +Business,Holiday shopping season kicks off +Business,SEC OK #39;s AGL Purchase of NUI Corp. +Sports,76ers Slip by Wizards 116-114 in Overtime (AP) +Sports,Man United confident of catching up on Chelsea +Sports,Mets Hire Former Yankees Hitting Coach (AP) +World,Iraqi Political Groups Call for Delay in Vote +Business,Ontario to require 5 ethanol in gas by 2007 +Business,Chip sales up 1.5 percent in October +Business,Japanese Stocks Lower as Banks Retreat +Sci/Tech,More Internet Users Surfing Away From Microsoft #39;s Explorer +Sports,MetroStars Add Some Savvy +Sports,Sorenstam to Play Woods in Skins Game (AP) +World,Split Could Cost Iraqi Shiites Politically (AP) +World,Mystic crocodiles draw thousands of devotees in southern Pakistan (AFP) +World,"Giving doctors more support crucial to health reform, council head says (Canadian Press)" +Sci/Tech,Upstarts Try to Make Name in Online Travel (AP) +Sci/Tech,"Recording Industry, File-Share Face Off (AP)" +World,Blowing the Whistle Can Bring Big Bucks (AP) +Sci/Tech,The Squeeze On BlackBerry (BusinessWeek Online) +Sci/Tech,Open Source Leader Takes Sun's Schwartz to Task (Ziff Davis) +Sci/Tech,Carbon Storage Comes to Disused Texas Oil Fields (Reuters) +Sports,"76ers 116, Wizards 114, OT" +Sports,Nieto hired to coach catchers +Sports,Missouri puts school nickname on arena +Sports,Fan v Fan: Internazionale-Juventus +World,Abbas Gets Boost in Bid for Palestinian Presidency (Update2) +World,Iraq considering petition to postpone January #39;s elections +World,Harry hurries back home after attack +Business,"Maker recalls 175,000 Swiffer vacuums" +Business,NYSE suspends Gold Fields trading +Sports,Selig Rubber-Stamps Yankees' Deal for Johnson +Sports,NCAA Game Summary - Colorado at Nebraska +World,PM looks east to Asean +Sci/Tech,News: Phishers tapping botnets to automate attacks +Sci/Tech,Columnists: Profitware +Business,WTO paves way for retaliatory tariffs on US goods +Business,Shoppers Swarm Malls in Holiday Kickoff +Business,Psychiatric Solutions to Sell Shares +Sports,Steelers Keep Winning Despite Injuries (AP) +Sports,Colts Thrive in Grueling Four-Game Stretch (AP) +Sci/Tech,Moon gas could meet earths future energy demands +Sci/Tech,Apples iPod takes a bite of hip culture +Sci/Tech, quot; #39;Chang #39;e quot; flying to the moon is just round the corner: Viewpoint +Sports,St. Louis Rams Release Punter Sean Landeta (AP) +Sports,Langer lashes out +Sports,"More injuries, another QB option for woeful Bears" +Sports,"Ollie out, McKie in for Sixers" +Sports,Benitez against ground-share +World,15 Iraqi Political Groups Call for Delaying Elections +World,Myanmar releases 500 prisoners +Sports,"Irish, Southern Cal Renew Storied Rivalry (AP)" +Sci/Tech,"Violent Video Games Not Meant For Children, But Parents Buy Them <b>...</b>" +Business,US retailers cheer 'Black Friday' +Business,"EU, Japan Win WTO Support for Trade Sanctions on US (Update5)" +Sports,Poutiainen edges Paerson in giant slalom; Canadian Forsyth is 11th +Sports,Ferguson relishing clash with United old boy Robson +Sports,Saint Liam Spirited Winner of Clark Handicap +World,Royalty payout could await voices behind 'The Wall' (AFP) +World,U.N. Said Not Protecting Sudan Refugees (AP) +World,Iran and Europe trying to save Iranian nuclear fuel suspension <b>...</b> +World,Fresh violence engulfs Darfur +World,U.S. Army Deserter Leaves Jail in Japan (AP) +World,Canadian observer labels Ukraine elections grotesquely fraudulent (Canadian Press) +World,U.S. Goods Face Penalties Oked by WTO (AP) +World,Top Settlements Under False Claims Act (AP) +Business,US will conform to anti-dumping rules: Bush +Business,CIBC #39;disturbed #39; at word of continued faxes of client data to US <b>...</b> +Business,Martha Stewart Omnimedia shares soar +Sci/Tech,Benefits chaos +Sports,Fletcher Out to Prove his Worth +Sports,"Reds, Toffees to share?" +Sports,Sixers activate McKie from injured list +Sports,Windies tour may be called off +Sports,Alpine Skiing: Miller Quickest But Not the Happiest +Sports,Arena gets new name +World,Man held over China school deaths +World,Rockets kill four Gurkha guards in Baghdad #39;s Green Zone +World,Man held over China school deaths +World,Police reviewing 'Huntley' tapes +Business,CIBC orders companywide halt to faxes with customer info until <b>...</b> +Sci/Tech,Music Biz Heads to Australia for Kazaa Trial +Sci/Tech,Stylish gadgets which have become cultural icons +World,Iraq Officials Seek Delay for Elections +Business,"No more free tolls on turnpike, as strike continues" +Business,Jardine chief quits as profits warning savages shares +Sports,"Brown cites lost spirit, medical issues, as reasons for retirement" +Sports,No. 17 Rutgers 77 Oregon State 53 +World,Iran nuclear row #39;resolved #39; +World,Du Toit gets 34 years #39; jail for Guinea coup plot +World,Politicians in Iraq call for delay to elections +World,BBC cameraman is questioned in Kabul over hostage release +Sci/Tech,Philips Resumes PC Manufacturing +Business,US Airways Flight Attendants Gear Up For Strike +Sci/Tech,Double Government Computer Failure Shows Plans to Axe all <b>...</b> +Sports,Bell puts #39;em on track +World,Uranium negotiations are close to the end +Sports,No. 14 Vanderbilt Clocks Rhode Island (AP) +Sports,Tigers Beat Razorbacks +Business,Americans Rush to Stores as Holiday Season Starts (Reuters) +World,"Packed agenda waiting for two leaders when Bush, Martin meet in Ottawa (Canadian Press)" +World,Iran and Europe Negotiate to Try to Save Nuclear Agreement +World,Longhorns Keep B.C.S. Bowl Hopes Alive +Business,Yukos abandons its fight for survival +Business,Jardine chief quits after profit alert +Business,P amp; G Recalls Its quot;Sweep Vac quot; By Swiffer +Business,BT unloads last satellite stake for 363m +Sci/Tech,NASA Cassini Image: Oddball Moon Hyperion +Business,"WTO Lets EU, Others Hit US with Trade Sanctions" +Business,"Retailers lure shoppers with early openings, top deals" +Sports,Olowokandi suspended for second game following arrest in <b>...</b> +Sports,T-Wolves' Olowokandi Suspended Second Game (AP) +World,Canada Post workers threaten to strike Dec. 8 during Christmas rush (Canadian Press) +World,Iran and Europe Negotiate to Try to Save Nuclear Agreement +World,Bush spurs on Irish deal +Sports,No. 21 Oklahoma Drubs Akron 88-40 (AP) +World,EU reveals increase in aid fraud +World,Cord blood offers leukaemia hope +Sports,Juventus guilty of drug abuse +World,Protesters Seek Resignations After Fire +Sports,A Black Eye for Sports +Sci/Tech,U.S. Opposed Passport Privacy Protections (AP) +Sports,Skiers play games as Guay is second in final day of downhill <b>...</b> +World,S #39;African sentenced for Guinea coup try +World,Bush: Validity of Ukraine Vote in Doubt (AP) +Sports,Longhorns Hook Aggies +Sci/Tech,Nice Paparazzi! +World,"Inmate Agrees, for Now, Not to Seek Palestinian Authority Presidency" +Sports,Liverpool reject ground sharing with Everton +Sports,Can The Irish Pull the Ultimate Upset? +World,Briton in Afghan kidnap dispute +Business,China bank advisor retracts statement on US Treasurys +World,"Grief, Rage in Argentine Protest Over Fatal Fire" +Sci/Tech,Computer meltdown baffles the experts +Sports,Another game added to Olowokandi suspension +Sports,Rookie Worries Redskins +Business,US Airways' Deal Requires Bankruptcy Exit by June 30 +Business,Byrd amendment buys US \$150 million in WTO sanctions +Business,US Airways Flight Attendants Prepare For Possible Strike +Business,Judge Blocks Bid to Repossess United Planes +Sci/Tech,Pensions chaos as computers fail +Sci/Tech, #39;Star Wars #39; phone plans +Sports,"Health Issue, Lack of Fervor Made H. Brown Leave" +Sports,Vikings center Birk out for month +World,Ex-Gurkha guards die in Baghdad mortar attack +World,Ukraine's Parliament to Debate Election Crisis (Reuters) +Sports,No. 1 Wake Forest Holds Off Arizona 63-60 (AP) +Sci/Tech,Japanese experts develop 3D communication technology +Sports,"Hasselbeck returns to practice, expects to start for Seahawks" +World,US Chief Justice Unable to Work Next Week-Report (Reuters) +Sports,"Only Drills, but Houston Looks Ready to Return" +World,"Despite Pact, New Violence Stymies Aid in Sudan" +Business,Foreign Interest Appears to Flag as Dollar Falls +World,Soccer Headgear: Does It Do Any Good? +Sports,"No. 1 Wake Forest 63, No. 18 Arizona 60" +Sports,Mets Can't Escape Dealing With Boras This Winter +Business,R Dutch/Shell gives itself breathing space +Sports,Cavaliers Rally to Beat Celtics 98-96 (AP) +Sci/Tech,New cell phone can predict your next move +Sports,Wake Forest Doesn #39;t Need Star to Shine to Shine On +Sports,How can owners of suspended players regroup after brawl fallout? +Sports,"No. 2 LSU 64, No. 22 Maryland 51" +Sports,No. 13 Michigan State Nudges Utah 56-54 (AP) +World,Hastert Launches A Partisan Policy (washingtonpost.com) +World,Abkhaz MPs back election 'winner' +Business,Ohio Turnpike Workers May Stike +Business,A Union Threatens to Strike at Canada Post +Sports,T-Wolves Spoil Debut of Grizzlies Coach (AP) +Sports,Orlando Magic Waylays Atlanta Hawks 117-99 (AP) +Business,GE Gives Airline Help On Leases +Business,Shoppers line up for #39;Black Friday #39; sales +Business,US stocks end higher +Sports,Poutianen Wins Aspen GS +Sports,"No. 3 Georgia Tech 79, Arkansas-Little Rock 54" +World,"Japan, ASEAN to outline antiterrorism cooperation" +World,Flash Floods Kill 11 in Central Vietnam (Reuters) +World,Italian Government OKs Income Tax Cuts (AP) +World,North Australian Aboriginal community under heavy guard after rioting (AFP) +Business,Simmering Trade Disputes Will Greet Bush in Canada +World,Terror Case Hinges on a Wobbly Key Player +Business, #39;Black Friday #39; brings crowds to local stores +Business,Not Buying Into Shopping #39;s Big Day +Business,Stocks show mixed results in short session +Business,Swiffer Sweep-Vac Recalled +Sports,Russia about to face France +Sports,"Ohno, Yang Take Golds in Short Track" +Sports,"Francis, Howard Lead Magic Past Hawks" +Sports,"No. 1 Wake Forest 63, No. 18 Arizona 60" +World,Prince Harry denies reports of high jinks +Sports,Pistons Cool Off Heat 78-77 (AP) +Sports,Suns Sting Hornets 95-86 (AP) +World,Burma Pledges to Stick with Democracy #39;Road Map #39; +World,Nine in custody after riot +World,2 Mexico City Cops Accused in Mob Killing (AP) +World,Rivals in Ukraine Agree to Negotiate Over Vote +World,17 Iraqi Parties Pressing For Delay in Elections +World,ECB's Chief: Dollar-Euro Moves Unwelcome +Business, #39;RIL board rejected Anils contention #39; +Sports,"Pistons end skid, defeat Heat, 78-77" +Sports,Balanced attack +Sports,College Basketball: Georgia Tech Strolls to Win +World,DUP studies devolution proposals +Sports,A Fast-Track Coach Hops Off at Princeton +Business,Update 7: WTO Approves Sanctions on US Exports +World,South Korea's president to replace six ministers in reshuffle (AFP) +Sports,AUSSIES CONTINUE TO DOMINATE +Business,"Buying Holiday Cheer, For Less" +Business,Microjets Catch the Eye of Wealthy Travelers +Business,Discounts Benefit Oil Producers +Business,"FAA Must Improve Oversight of Hazardous Materials, Report Says" +Business,EBay Home Building +Business,Fresh Look at Vaccines +Business,No Black Friday blues as green flows like wine +Business,Air-cargo hazard detection criticized +Business,WR Grace may soon be indicted +Business,RCMP search Montreal #39;s Imperial Tobacco +World,Nicaragua Can't Confirm Tourists' Status (AP) +Sports,Langer continues charge +Sports,London tries to duck mud clinging to Slavkov +Sports,Sports ; England cricketers finally arrives in Zimbabwe +Sports,NBA Game Summary - Memphis At Minnesota +Sports,Turning the Paige: It #39;s now Mizzou Arena +Sports,Colts thrive during grueling four-game stretch +Sports,NCAA Game Summary - Arkansas-Little Rock at Georgia Tech +World,Man Held Over China School Deaths (Reuters) +World,Man held over China school deaths +World,"Asia ; Indonesian quake kills at least 13, many injured" +Sports,No. 13 Maryland Tops No. 25 Memphis 84-61 (AP) +Sports,Brown Explains Leaving +Sports,Olowokandi Still Out +Sports,Kicker Hall Returns +Sports,Mets Hire Down +Sports,Mavs Hold Off Blazers +Sports,American Hangs On +Business,"US Airways, 2 GE Units Propose New Financing" +Business,"Wall Street Slogs Though Tepid, Short Session" +Business,"FAA Must Improve Oversight of Hazardous Materials, Report Says" +Business,Gregg against new drug safety office +Business,WR Grace Expects Indictment +Business,Canadian police search Imperial Tobacco offices +Business,Rising Canadian dollars to test Canadian economy +Sci/Tech,India ; Kalam shows the moon as answer to energy problems +Sports,Kevin Garnett scores 26 points as the Timberwolves beat Memphis <b>...</b> +Sports,"Pacers 82, Bobcats 77" +Sports,No. 19 Alabama Tops Minnesota 78-72 (AP) +World,10 reasons elections in Iraq will succeed +Sports,I-AA Playoffs Open With a Virginia Flavor +Sports,New Orleans Center Breaks Finger (AP) +Sports,Wirdheim off to America +Sports,Slavkov Suspended By IOC +Sports,Injured Shoulder Forces Bowe to Back Out of Bout +Sports,Dawgs and Jackets at it again +Sports,NBA Game Summary - Miami at Detroit +World,Bush works for peace in Northern Ireland +Sports,No. 6 Notre Dame Tops USC 60-56 (AP) +Business,Shoppers bolt for bargains +Business,Proxy battle taking shape in bid to wrest control of board +Business,United asks judge to block repossession of 10 planes +Sports,The race is on for Red Bull seats +Sports,For the sake of cricket +Sports,Terps #39; speed overwhelms Memphis +Sports,NBA #39;s assists leader Nash injured against +Business,Dollar Struggles to Extend Recovery (Reuters) +Sports,"Notre Dame 60, USC 56" +Business,Salvation Army tradition in danger +Business,MARTHA BACKERS DUMP BIG STAKE +Sports,NBA #39;s Assists Leader Nash Injured Against +World,ASEAN officials prep for economic accord +Sports,Hamilton #39;s Late Basket Lifts Pistons Over Heat +Sports,Holiday leftovers: plenty of QB questions +Sports,"COL BKB: Maryland 84, Memphis 61" +Sports,Kings Edge Lakers 109-106 (AP) +World,Chinese police arrest school stabbings suspect +World,Delay in Jan. vote sought +World,Iraq parties urge delay of election +Sports,No. 10 Duke Tops Stephen F. Austin 84-29 (AP) +World,Son's Iraq Experience Shapes Lawmaker (AP) +Sci/Tech,Buried Gems of the PS1 +Sci/Tech,Fresh Look at Vaccines +Sci/Tech,"Building a House With EBay, Piece by Piece" +Business,WTO OKs sanctions on US products +Sports,It #39;s full speed ahead for Poutiainen +Sci/Tech,Sony Lags Behind Demand for Flat TV's +Sci/Tech,Global Chip Sales Rose 1.5 in October +Sci/Tech,New High-Tech Passports Raise Snooping Concerns +Business,ANOTHER VOICE To the medicine cabinet +Business,"Mitsubishi Motors, Merrill Lynch to tie up -Nikkei" +Sports,Fratello reportedly taking Grizzlies job +Sports,Maryland runs circles around Memphis +World,"Iran, EU have reached new accords: Moussavian" +Business,Early shoppers catch bargains +Business,Fluctuating Oil Prices Force Consumers to Place Bets +World,U.S. Marines Mull Fallujah's Future (AP) +World,Bush phones Paisley in power sharing bid +World,Burma #39;s prisoner release complete: source +Business,WR Grace says federal indictment likely in early 2005 without <b>...</b> +Business,Mitsubishi Motors to Sell \$2 Bln of Loans to Merrill (Update1) +Business,Around The Nation +Sports,Pampling clings to lead at Australian Open +Sports,Randall saves his best for last +Sports,In our view: Violence in sports not acceptable +World,More bodies found in Mosul +World,"Quakes rock Indonesia, 17 dead" +World,Iraq ; Briton Questioned in Kabul Over Role in UN Hostage Release +Business,Breeding success +Business,Software sector in Mass. lags +Business,Ex-FleetCenter chief hits revival of Garden name +Business,WTO hits US with sanctions +Business,Ex-chairman cashes in as Martha Stewart shares recover +Sports,"Texas downs A amp;M, pleas for BCS help" +Sports,Sonics Storm Past Nets +Sports,Wildcats stumble in 2nd half +Sports,ASU turns over Territorial Cup +World,Iran backs down on uranium demand +World,UK urged to review terrorism laws +World,"In China, police detain man accused of killing up to 9 boys" +World,"In Italy, just about everyone's a doctor " +Business,Shoppers swarm stores across US +Business,FAA hit on control of hazardous materials +World,Former Gurkhas killed in Baghdad +World,"Myanmar completes release of 9,000 prison inmates" +World,Typhoon claims 11 lives +Business,"Stores open doors to sales, surge" +Sports,Man Utd confident of catching Chelsea +World,Six more bodies found in Mosul +World,Chirac urges resumption of Ivory Coast peace talks +World,"I helped free hostages, says ex-BBC cameraman" +Sci/Tech,"JFK, Bush, and the Canadian media" +Sports,Finland #39;s Poutiainen is tough enough +Sports,Clippers Whack Warriors 98-87 +World,More protests as Ukraine talks end without agreement (AFP) +Sports,Pampling Leads Australian Open (AP) +Sports,Santos rose from the depths at UNH +Sports,Kingpin +Sports,A fortunate change +World,Pope tries to warm Orthodox ties +World,Mobile gaming takes off in India +Business,Turnpike gate at SR 58 set to open Tuesday +Business,Day after Thanksgiving busy for yule tree farms +Business,Investor Icahn joins Hollywood Video fray +Business,Business news briefs: 11/27/04 +Sci/Tech,"EDS, Microsoft blamed for crash" +Sports,They don #39;t consider that a riot in Brazil +Sports,SIZING UP SHAQ +Sports,Historic USC feat would be unrivaled +World,Nine bodies found near Mexican city +Business,US Airways lands GE financing deal +Business," #39;Tis the season to stop, chop and roll" +Sports,Johnson Set for New York Yankees Trade +Sports,WENGER STEPS ON THE GUUS +Sports,Court Kings +Sports,English cricket team arrives in Harare +Sports,They'll take a wait-and-see approach +Sports,"Given chance, West a contributing factor" +Sports,Transactions +Sports,Today's schedule +Sports,Players dismiss security worries +Sports,Sharing wealth was golden idea +Business,Fed Need Not Move on Inflation Wiggles +Sci/Tech,Prioritizing NASA +Sports,DODD LEADS DESPITE TRIPLE BOGEY +Sports,Men: Nation #39;s best wins NIT by holding off Arizona +Sports,"Buffaloes beat Huskers, turn eye to Tigers" +World,Police arrest nine after Australian island riot +Sci/Tech,California's New Stem-Cell Initiative Is Already Raising Concerns +Business,"Ready, set, shop" +Business,"Mitsubishi Motors, Merrill Lynch tie up over US auto loans" +Sci/Tech,Computer crash hits pensions +Sci/Tech, Famitsu Reveals All +Sports,UW Men Play in Alaska Shootout Semifinals +World,Iraq's Allawi Takes Call-In Questions (AP) +World,US troops clash with Iraqi rebels +World,U.S. Soldier Killed in Roadside Bomb Blast +World,North Korea Reactor Plan Suspended Until 2005 +World,Ex-Venezuelan Police Chiefs Seek Asylum +Business,Court affirms denial of Wal-Mart workers #39; class-action suit +Sci/Tech,Big game hunters off the hook for bison population crash +Sports,Ten things we learned this week in the NBA +World,More groups call for delay in elections +World,Army deserter released from jail +World,Russia finally grants visa to Dalai Lama +Sci/Tech,eBay drops Microsoft's Passport +Business,Americans flock to the stores +Sci/Tech,Moon gas may bail out energy-sapped earth +Sports,Irish eye No. 1-ranked Trojans +World,More feared dead after quake in Indonesia #39;s Papua +World,Nine charged over Palm Island riot +World,Toyota Plans to Open Russian Plant (Reuters) +Business,"Bush vows to work on WTO, blasts Airbus" +World,Havana halts EU 'cocktail wars' +Sports,Pampling retains Aussie Open lead +Sports,Williams just won #39;t let it go +World,Southeast Asian Foreign Ministers Prepare for ASEAN Summit +World,Search for corpses in ghost town +Business,Treasuries Fall on Report China Cuts Back on US Debt Holdings +Business,US Air secures funding and lease deal from GE +Sci/Tech,Ancient hunters off the hook +Sci/Tech,Canadian rocket launch delayed until January +Sci/Tech,Pigeons homing instincts due to their magnetic beaks! +Sports,Pampling struggles but maintains lead +Sports,India feel pressure from home fans +Sci/Tech,NASA plans trip to Moon +Sports,PREVIEW-South Africa target rare series double in India +World,Summary Box: Move to Ease Ethics Rules (AP) +World,Dozens convicted in African coup plot +World,Troops find more bodies in Mosul +Business,Martha Stewart Shares Surge to High +Business,"Now, peace moves in Reliance group" +Sci/Tech,NASA moves forward with Bush #39;s moon and Mars plan +World,"Bush, Clinton to Lead Tsunami Fund Raising (AP)" +Sports,"No. 13 Maryland 84, No. 25 Memphis 61" +Sports,Johnson Set for New York Yankees Trade (Reuters) +World,Ganguly to captain Asia in tsunami fundraising match (Reuters) +Sports,Titans QB Faces Possible Shoulder Surgery (AP) +Business,Cingular to Sell Select Assets to Alltel +Sci/Tech,FIC to Roll Out Linux Video Player (Ziff Davis) +Sci/Tech,Computer crash to delay pension and benefit payments +Sci/Tech,Scientists create smart phone that doubles as your nanny +Sci/Tech,"Apple inventory update: iMacs, iPods in strong demand" +Sports,Nebraska #39;s loss is a bowl-breaker +Sports,The #39;basketbrawl #39; in Detroit +Sports,Dodd Maintains China Open Lead (AP) +World,Tributes to tragic Gurkhas +World,EU official says Darfur violence worse since pact inked +Sports,Smith doubtful for second Test +Business,It #39;s time for Christmas tree sales +Business,Alltel buying up Cingular castoffs +World,Cuba Renews Contact With European Nations (AP) +Sci/Tech,Video watchdogs say almost all new games are M-rated +Sports,Australia in total control over NZ +World,Riot not premeditated: Palm Is leaders +World,"Former rebel blasts Prabhakaran, wants India in peace process:" +World,Myanmar frees 500 more prisoners +Business,Hooters Air brings flights to Rockford +Sci/Tech,Pigeons homing instincts due to their magnetic beaks!: +Sports,SA skipper Smith suffers foot injury +Business,Turnpike Opts Against Waiving Tolls Sunday +Business,Stumps bounce back +Business,FDA Marks Thanksgiving With Two Approvals +Business,NYSE trading in takeover target #39;s shares halted +Business,Mitsubishi may partner with Merrill +Business,Canada draws bead on Imperial Tobacco +Business,Amar Singh urges Kokila Behn to resolve RIL issue +Sports,"Texas Beats A M, Lobbies for BCS Invite (AP)" +World,U.S. Sends in Secret Weapon: Saddam's Old Commandos (Reuters) +Sports,Wake Forest Edges Arizona to Win NIT (AP) +World,Bhutto's Husband Wants Fresh Election in Pakistan (Reuters) +Sports,Colts Thrive in Grueling Four-Game Stretch (AP) +Sci/Tech,Legendary venture capitalist looks ahead +Sci/Tech,Name that tune -- then find it with GoFish (SiliconValley.com) +Sci/Tech,Intel Slammed As Apple Becomes More Appealing +Sci/Tech,Death deluge makes forest mulch +Sci/Tech,A virtual disgrace +Sci/Tech,Sony cornered by iPod fashion +Sci/Tech,Hall of a time +Sci/Tech,Researchers Develop 3-D Phone Technology +Sports,Germany Wins Women's Under-19 Soccer Title (AP) +Sci/Tech,Stepping out of shadows of WiFi (SiliconValley.com) +World,Pakistani Troops Leaving Tribal Region (AP) +World,"Bush visit, new relationship with U.S. fraught with political risk for Martin (Canadian Press)" +Sports,Pampling tackles Open grill +Sports,Mini China crisis for Stephen +Sports,Nets #39; slide reaches eight +World,Harry #39;s argy-bargy +World,Hunt for weapons cache +Sci/Tech,Telescope Buying Tips (SPACE.com) +Sci/Tech,Artificial Gravity: A New Spin on an Old Idea (SPACE.com) +World,Army deserter Jenkins released in Japan +World,Father hopes for Damilola justice +World,Death deluge makes forest mulch +World,Ukraine Parliament Says Run-Off Poll Invalid +Sci/Tech,FireFox as a Security Risk Compared to IE? +Sci/Tech,New Kazaa version to offer free Internet-based phone calls +World,IAEA Diplomats See Agreement on Iran Next Week +World,UN slams British jails +World,"Nawaz, Benazir agree on signing code of ethics" +Business,WTO Imposes Penalties on US Exports +Business,Wal-Mart Says November Sales Fell Short of Forecast; Rose 0.7 +Sports,England players hit out +Business,Wal-Mart Sees Nov. U.S. Sales Up 0.7 Pct (Reuters) +Sports,Bonham and Hinchey: Fans and players alike should embrace civility +Sports,Unbeaten Inter take on Juventus +World,APHC Real Kashmiri Representative: Islamabad +World,Tamil Tigers threaten to resume war +World,UN urges UK to review foreign suspect detention policy +Sci/Tech,Kazaa under Big Music #39;s gun +Sports,Germany wins women #39;s under-19 soccer title; US is third +World,Bhutto #39;s Husband Wants Fresh Election in Pakistan +Sports,SA helped save Zim cricket tour +Sci/Tech,Rough Reception for DNA Law +Sci/Tech,Travel Upstarts Take on Top Sites +Sci/Tech,Suit: Check Provisional Ballots +Business,"Mitsubishi Motors, Merrill Lynch tie up over US auto loans" +World,Rwanda Retains Right to Attack Rebels in Congo (Reuters) +Sci/Tech,"Study finds cicada carcasses boost soil nutrients, plant growth" +Sci/Tech,Micro-generators rev up the power +Sports,Mandaric: I #39;m not here to be popular +Sports,Langer stars as Kiwis fade +Sports,Proteas skipper injures foot +World,Pak insists Hurriyat real representative of Kashmiris +World,Nine arrested after Australian island riot +World,Pope returns relics to eastern Orthodox +Business,Wal-Mart Sees Nov. US Sales Up 0.7 Pct +Sports,Rovers win precious points +Sci/Tech,Researchers Develop 3-D Phone Technology +Sports,UPDATE 1-Myskina beats Golovin for Russia to level at 1-1 +Sports,Morales tries to prove that he #39;s worth the weight +Sports,Rams cut veteran Landeta +Sports, #39;Turn other cheek #39; doesn #39;t work either +World,Sri Lankan rebel leader threatens to launch freedom struggle +World,Barghouti Backs Abbas in Palestinian Race (AP) +World,Pakistan Downplays CIA Report on Leaks (AP) +Business,Wal-Mart Sees November Sales Up 0.7 Pct +Business,New multiple sclerosis drug near patients +Business,Canadian Dollar Gains for Fifth Week in Six on Rate Prospects +Sports,Sorenstam Plays Tiger Woods in Skins Game (AP) +Sports,St. John's Bans Hoops Team From Postseason (AP) +Business,Forecast maps on trackfor new look +Sports,Chargers Confident Going Into Jets Rematch (AP) +World,Football: Chelsea stay top +World,Locust alert in Canary Islands +Sci/Tech,New Kazaa version to feature online calling +Sci/Tech,Blogger Uncovers Microsoft PR Gaffe +Sci/Tech,Live hunting online draws opposition +Sci/Tech,P2P Company Gets Approval from Record Labels +Sports,Myskina salvages Fed Cup tie for Russia vs. France +Sports,Windies tour in hands of pollies +Sports,CAPTAIN FANTASTIC GIVES POMPEY HEART +Sports,Pirates send Kendall to Athletics +Sports,UPDATE 2-Rugby-Australia edge out England in Twickenham thriller +Sports,Justin Langer smashes New Zealand +Sports,Springboks bounce back +World,Democracy campaigner enters race +World,Chinese Police Detain Man In Bloody Knife Attack At School +World,Francophone summit ends with resolution on Ivory Coast +World,Tigers to resume #39; #39;freedom struggle #39; #39; if talks not resumed +World,Sudan Lifts State of Emergency in North Darfur +World,"Hut by Hut, AIDS Steals Life in a Southern Africa Town" +World,Colombian Rebels Planned to Kill President Bush +Business,Icahn enters Hollywood picture +Business,Mitsubishi Motors to Sell \$2 Bln of Loans to Merrill (Update4) +Sports,Notre Dame +Sports,India in high spirits before second Test: +World,3 GIs killed in Iraq attack +Sports,Habana scores two tries as Springboks outplay Scots 45-10 in rugby +Business,OPEC Unlikely to Change Quotas -Nigeria (Reuters) +World,Argentine Protesters on Streets Over Fatal Fire +Business,FCC is watching SBC #39;s VoIP charge +World,Peru Orders Curfew in Siege Town +World,Calls for Iraq Poll Delay Fuel Tension (Reuters) +Sports,"Once-Proud Niners, Dolphins Flounder (AP)" +Sports,Soccer Racism Taints Spain's Reputation (AP) +Sci/Tech,Arctic States Agree Small Steps to Slow Thaw +Sports,John Hall Returns As Redskins Kicker (AP) +World,Silent march in France on 100th day of captivity of journalists held in Iraq (AFP) +Sports,White salutes Van der Westhuyzen +World,Insurgents Target Iraqi Security Forces (AP) +World,Tamil Tigers warn of resumed violence +Sports,Chelsea Routs Charlton in Premier League (AP) +World,Inaugural Speeches Often Don't Inspire (AP) +World,Newsview: Political Rhetoric Has Price (AP) +World,Ailing US chief justice to miss work again: report (AFP) +World,Newfoundland's flag flap with Ottawa raises ire among some Labradorians (Canadian Press) +World,Vatican returns relics of saints to Istanbul +Business,Simmering Trade Disputes Will Greet Bush in Canada +World,Barghouthi Drops Palestinian Election Bid +Sci/Tech,Building a better turkey through biotech +Sports,Chelsea surge into five point lead +Sports,Italy beats US Eagles +World,Iran dug tunnel for military nuclear work-magazine +World,Palestinians disband feared security force +World,Romanians Have Stark Choice in Election (AP) +World,Pro-government Sudanese militia kill 16 in Darfur: SLM (AFP) +World,"Young Afghan heart patient, once deathly ill, leaves Canada in good health (AFP)" +World,Harper maintains message consistent in Quebec and rest of Canada (Canadian Press) +Business,Ambani v Ambani +Sports,Pedro Martinez Meets With Mets' GM (AP) +Sports,Scholes: We Must Make Up For Lost Time +Sports,City #39;s run of form continues +Sports,Barrerra vs Morales quot;Mexican World War 3 quot; +World,Firefighters die in roof collapse +World,Law change call for terror cases +Sports,No. 5 Illinois Beats No. 24 Gonzaga 89-72 (AP) +World,Saudi Police Shoot Dead Suspect Militant in Jeddah (Reuters) +Sports,"We #39;ll quit tour if we have to meet Mugabe, warns England skipper" +Sports,Kiwis in trouble after Langers double +Sports,Martinez meets with Mets GM in Dominican Republic +Sports,Lyon seek return to winning ways +Sports,Wiltord helps leaders Lyon beat Auxerre +Sports,No. 10 Michigan State Routs Nicholls St. (AP) +Business,Dollar takes another slide +Sports,Knicks Hold Off Raptors 108-102 (AP) +Sci/Tech,Da Vinci Rocket Launch Delayed Until January +Sci/Tech,Researchers develop 3-D phone technology +World,China releases leading dissident +World,Rugby: Australia beat England +Business,Pennsylvania Turnpike Won #39;t Waive Tolls +Business,Holiday shoppers hospitalized after spray released in toy store +Business,Ontario fuel to contain more ethanol +Sports,Hokies Take Control +Sports,NBA's Action Rankles Union +Sports,A's Get Kendall +Sci/Tech,BEST OF ECT NEWS Bitter Apple Replay? +Sports,Miller Wins Downhill +Sports,"Sometimes when you lose, you actually win" +Sports,France: Lyon edges Auxerre +Sports,Texas A amp;M Quarterback Finds Groove Once Again +Sports,UPDATE 1-Roma return to form in style with four goal win +Sports,Alpine Skiing: Bode Miller Wins Lake Louise Downhill +Sports,College Basketball: Illinois Routs Gonzaga +World,Iran Reasserts Its Right to Enrich Uranium as Standoff Persists +World,Iraqi Gov #39;t Rejects Postponing Election +World,US Army deserter Jenkins sobs after release from prison +World,Sunday Times: +World,Prabhakaran threatens war if peace talks don #39;t start: +World,Palestinians disband feared security force +Sports,Syracuse Upsets No. 17 Boston College (AP) +Sports,"No. 7 Louisville Tops Cincinnati, 70-7 (AP)" +Sports,MLB: Pirates Ship Kendall to A's (Reuters) +Sports,"No. 11 Ohio State Routs Yale, 80-43 (AP)" +Sports,"Scott Wins #36;50,000, 2 Skins at Skins Game (AP)" +Business,Borrowing Seen in Social Security Plan (Reuters) +Business,Finance: Give Gifts That Give Back (Reuters) +Sports,Barca extend Spanish lead +Sports,Kostelic wins first Aspen slalom +Sports,Fighting Irish No More +World,Colombian Tells of Marxist Plot Against Bush +Sports,Brunell Speaks Out +Sports,"Arsenal under pressure as Chelsea, Man Utd Win" +Sports,Barcelona grabs tough road win +Sports,"Michigan St. Routs Nicholls St., 102-52" +Sports,Tens of Thousands of Gallons of Oil Spill into Area River +World,Claim Bush Kill Plot Thwarted +Sports,Breaking down the BCS +Sports,"No. 10 Michigan St. 102, Nicholls St. 52" +Sports,"No. 6 Notre Dame 60, USC 56" +World,Tamil Separatists Threaten More Violence in Sri Lanka +World,Saudi Forces Kill Suspected Militant (AP) +Sports,Cricket: England #39;pay not to play #39; +Sports,Kostelic grabs 20th World Cup victory +Sports,College Basketball: Michigan Pounds Nicholls State +Sports,"College Football Wrap: Syracuse, Virginia Tech Win" +Sports,R Obsession comes flying in Frances Genter +Sports,Gibbs Tells Redskins to Work Out or Else (AP) +World,Struggling Tories and NDP hit Quebec battleground in weekend encounters (Canadian Press) +World,Diabetes tests 'offer cure hope' +Sports,Cyclones Blow Chance +Sci/Tech,AMD planning US developer conference +Sports,Kostelic takes first World Cup race in nearly 2 years +Sports,Love match turns to hate as Russian stars attack Maria +Sports,Barcelona wins again +Sports,"No. 11 Ohio State Routs Yale, 80-43" +Sports,Wiltord and Lyon rebound with win +Sports,Syracuse upsets No. 17 Boston College +World,Teheran tries to rewrite EU deal on nuclear programme +Business,The Making of a Wise Man +Business,Where Have All the Chief Financial Officers Gone? +Business,"For a Takeover Artist, One Bluff Too Many?" +Business,Utilities Funds Soar. But Are They Oil-Powered? +Business,Keeping Politics Out of the Fed +Business,Holiday shoppers hospitalized after spray released in toy store +Business,Is the Junk Bond Market Ready to Catch Its Breath? +Business,Airbus gets go-ahead to build new airliner +World,Poll: Blair Retains Electoral Lead (AP) +Sci/Tech,Firm Intros Text-Friendly Coat for 2-Sided Discs (Reuters) +World,Rwanda May Still Send Troops Into Congo (AP) +Sci/Tech,Trading Technologies Expands Functionality of X_Trader Pro (Ziff Davis) +World,Barghouti backs Abbas as next head of the PA +World,Southeast Asians Finish China Trade Pact but Avoid Touchy Issues +World,Typhoon flooding kills 25 in Vietnam +World,Pakistan to Scale Back Force Around Town Near Afghan Border +Sports,"No. 14 Vanderbilt Routs Siena, 76-47 (AP)" +Sci/Tech,Largest Quake Since Oct. Hits St. Helens (AP) +Sports,Why the ICC have all lost credibility +Sports,Australia edge England in Cook Cup thriller +Sports,Syracuse Upsets No. 21 Boston College 43-17: College Football +Sci/Tech,Here's the Hook: Gifts for Online Bill Payers +Sci/Tech,The Rise of the Bottomless Hot Water Heaters +Sci/Tech,Babes in a Grown-up Toyland +Sci/Tech,"To Know Me, Know My IPod" +Sports,"No. 8 Georgia Beats Georgia Tech, 19-13" +Sports,"UPDATE 3-Chelsea go five points clear, United win again" +Sports,Georgia Tech Yellow Jackets +Sports,France: Lyon extend lead at top of Ligue 1 +Sports,NCAA Top 25 Roundup +World,Confusion over visa for Dalai Lama visit +Business,Wal-Mart Sees Lackluster November Sales (Reuters) +Sci/Tech,Gamble of a lifetime for space odyssey to Titan +Sports,Miller wins long-chased World Cup downhill title +World,Insurgency threatens Iraq election +World,Summary: Ukraine Vote Declared Invalid (AP) +World,Mexico Police Suspended During Mob Probe (AP) +Sports,Colorado Set to Play in Big 12 Title Game (AP) +Sports,Fratello Meets With Grizzlies Officials (AP) +Sports,"Can #39;t Bury Raptors, but Knicks Hold Them Off" +Sports,Pitt Emerges As Big East BCS Frontrunner (AP) +World,Francophonie endorses Martin #39;s reform idea +Sports,"Can't Bury Raptors, but Knicks Hold Them Off" +Sports,Mets Meet Martnez for Dinner at Home +Sports,Crossing Paths: Notre Dame and U.S.C. +Sports,Russia ties France 1-1 in Fed Cup final +Sports,Rugby / Australia edges out England in thriller +Sports,Miller Wins World Cup Downhill Race +World,Iraq Government Won't Postpone Elections (AP) +Sports,"Texas Tech Stuns No. 23 Okla. St., 31-15 (AP)" +World,Rwandan president again hints at military action against rebels in Congo (Canadian Press) +World,Indian PM rehires minister dismissed over mob killings (AFP) +Sports,Bulldogs Clip Jackets +World,Bulger mother 'sees son's killer' +Sports,Jones Ponders Choices +Sci/Tech,Minor earthquake at Mount St. Helens +Sports,Sports Round-up: Myskina gets Russians on track after early shock +Sports,No Criticizing Randall Now +World,"After 800 years, church leaders are still making bones over claim <b>...</b>" +Sports,Patience and Hope Sustaining Jets' Jordan +Sports,"For Now, Short-Handed Pacers Are Displaying Staying Power" +Sci/Tech,COMPUTER MELTDOWN THREAT TO BENEFITS +Sci/Tech,Team Uses Biotech to Build a Better Turkey +Sports,Giteau #39;s kick in the teeth for Robinson +World,Ukrainian poll re-run calls grow +Sports,"No. 16 Pittsburgh Tops Loyola, Md., 93-57" +World,REGION: Iran says European position at N-talks still unacceptable +Business,Retail #39;s Holiday Revelry +Business,Best price +Business,Tax-Free Bonuses Tagged Out +Sports,No. 6 Okla. St. Beats Sam Houston St. (AP) +Sci/Tech,Dual Screens Give Gamers New Options +Sports,Sorenstam #39;s putt sets up big pay day +Sports,"Tanker spills more than 100,000 litres of oil into Delaware River <b>...</b>" +Sports,NBA Game Summary - Chicago At Cleveland +Sports,Clubhouse Chatter: A trade that works for everyone +Sports,"No. 13 Mich. St. Tops Santa Clara, 81-59 (AP)" +World,Shiites Reject Delay of Election +World,Lawmakers want ASEAN to push Myanmar for reforms +Sci/Tech,Quake May Have Made Earth Wobble--US Scientists (Reuters) +Business,"Wall St. shops, too?" +Business,Toy shoppers get up early +Sci/Tech,Island Woes Stark Warning for Land Dwellers (Reuters) +Sci/Tech,Astronauts on Candy Diet After Pantry Raided (Reuters) +Sci/Tech,St. Helens Has Largest Earthquake Since Mid-October +World,Indian Policeman Kills Seven Colleagues in Kashmir +Business,WR Grace expects indictment +World,Indian Policeman Kills Seven Colleagues in Kashmir (Reuters) +Sports,Nuggets' Anthony Sprains Right Ankle (AP) +World,"Bush Asks Americans to Volunteer, Give (AP)" +World,Churches warned over 'gay slurs' +Sports,"Hines, James Madison Ground Out the Victory" +Sports,James Clubs Bulls +World,Palestinian's Death Sets Off Flurry of Probes +World,Troops Hunting Al Qaeda Members Withdrawn +World,Pope Returns Relics To Orthodox Leader +World,Shiites Reject Delay of Election +World,Violence Flares Across Sunni Areas +Business,Virgin keen to invest in telecom +Sports,NBA Wrap: James Sets New Milestone as Cavaliers Keep Winning (Reuters) +Sports,NBA Wrap: James Sets New Milestone as Cavaliers Keep Winning +Sci/Tech,India's Tribal People Safe After Tsunami-Official (Reuters) +Sports,Truly 'Magical' Tandem +Business,Real vs. Artificial: Shoppers love #39;em both +Sci/Tech,Earthquake lets volcano blow off steam +Sports,Announcement expected in coming days +Sports,James pounds Pistons +Sports,"Minaya, Martinenz talk turkey" +World,Australian state to get anti-terror boat squad (AFP) +World,England cricketers shun Mugabe +World,Sarkozy to take over Chirac party +Business,US promises to comply with WTO export rules +Business,Yukos drawing up contingency plan +Sports,No. 10 Boise St. Wins 22nd Straight Game (AP) +Sports,"Once unwanted by ACC, Hokies earned vindication" +Sports,San Antonio Spurs +Sci/Tech,"Building With EBay, Piece By Piece (washingtonpost.com)" +Sports,NBA Game Summary - Utah at San Antonio +Sports,"India strikes, SA lose Smith" +Sci/Tech,Another Brick in the Firewall +Sci/Tech,Weather Data In Your Own Back Yard +Sci/Tech,Dual Screens Give Gamers New Options +Sci/Tech,Playing With TV +World,Romanians vote for new president to succeed Iliescu (AFP) +Business,College Loans Need Creative Change +Sports,"Bears, George Talk" +Sports,Terps Trounce Quakers +Sci/Tech,St. Helens is fast growing its new top +Sports,Robinson optimistic ahead of Six Nations +Sports,Source: Bears Intend to Sign QB George (AP) +World,Prince Harry 'in love' with teenage student (AFP) +Sports,Utah QB Smith to Turn Pro +Sci/Tech,Russia Plans Laws Against Polluting Industry in 05 (Reuters) +Sci/Tech,Tsunami Adds to Belief in Animals' 'Sixth Sense' (Reuters) +Sports,Gundy Named Football Coach at Oklahoma State +Sports,No. 22 Maryland Tops Penn 76-56 (AP) +Sports,Leinart Leads Southern California Past Notre Dame +Sports,Mets Meet Martnez for Dinner at Home +World,Blunkett denies visa 'fast-track' +Business,"In S. Florida, real Christmas trees still selling strong" +Business,"As hurricane season ends, Floridians wonder whats in store for <b>...</b>" +Sports,"Orange sends BC away with a loss, gives Pitt a shot at BCS" +Sports,Hurricanes and Hokies to battle for the ACC title +Sports,LeBron James scores 26 points as Cleveland beats the Bulls 97-74 +Sports,Source: Bears intend to sign quarterback Jeff George +Sports,Smizik: Kendall deserves chance to play for winning team +Sci/Tech,Stem Cells Reverse Parkinson's in Monkeys (Reuters) +World,China Coal Mine Blast Traps 187 Miners -Xinhua +World,"Elder Bush, Clinton to lead tsunami aid effort (AFP)" +Sci/Tech,Computer Screen Upgrade Crashes UK Government Network +Sports,"Like a force of nature, USC keeps flattening foes" +Sports,"Bucs, Panthers know the ups and downs of NFL" +Sports,Megliola: BC blows golden opportunit +Sci/Tech,Another Brick in the Firewall (washingtonpost.com) +Sports,No. 22 Wash. Upsets No. 19 Alabama 79-76 (AP) +World,Vatican returns relics of saints to Istanbul +World,Ukraine #39;s colors could help tip balance in Romania #39;s tight vote +World,7 firemen die in car park crash +Sci/Tech,Battered and grooved: Saturn #39;s moon Tethys +Sports,Washington Plays for Shootout Championship +World,Sri Lanka: LTTE leader impatient with the government +World,Saudi Police Kill Suspected Militant in Jeddah +Sports,Trojans Can Almost Smell the Oranges +Sports,Snapping out of it +Sports,UPDATE 1-Wiltord helps leaders Lyon beat Auxerre +Business,Wal-Mart misses comp-sales target +Business,Icahn holds 8.4 of Hollywood Entertainment +Sci/Tech,"Tsunami 'Wave Rat' Had Best Intentions, Mother Says (Reuters)" +Sports,NBA Game Summary - Denver at Houston +World,Kiwis collapse has Aussies in command of second Test (AFP) +World,Romania votes in close elections +Sports,Barrera Edges Morales +Sci/Tech,Game Boy Player +World,Barghuti Withdraws his Candidacy and Supports Abbas +Sports,Texas Christian Tops No. 3 Georgia 64-63 (AP) +Business,Shoppers Hospitalized After Pepper Spray +Sports,Full Court Mess +Sports,Lonard wins second straight Australian Open +Sports,Orange Bowl hopes not finished yet +Sports,Barrera earns majority decision over Morales in rubber match +Sports,Mets Reportedly to Make Pedro Martinez Contract Offer +Business,Rayovac Nears Deal for United Industries +World,EU trio hits Iran with nuclear deadline +World,170 miners remain trapped in coalmine gas explosion +World,ASEAN #39;s minnows agree to enhance economic cooperation +Business,Oh brother! +Business,GLOBAL INVESTOR +Business,Local residents due for tax refund +Business,Berlusconi gets on early election footing (AFP) +Sports,A Lot to Play for in Skins Game Finale +Business,World Bank Head to Leave in June +Sports,LONARD KEEPS AUSSIE OPEN CROWN +Business,"Lockheed, Northrop Face Big Cuts-Document" +Sports,Huskies win Alaska title; Cal tips BYU +Business,Wal-Mart Sales Estimate Boosts Sector +World,"Terrorism ; Prabhakaran turns 50, but will he change? (COMMENTARY)" +World,Year extension likely for troops +World,Sharon and Abbas Say They Ready to Meet - Newsweek (Reuters) +Sports,Trojans #39; 31-point victory no fluke +World,Bomb Explodes Near U.S. Military Convoy (AP) +Business,Gasoline Pump Price Falls for 9th Week (Reuters) +World,China's SARS vaccine tests to be completed by January (AFP) +Sci/Tech,Get your game on +World,Catching the insurgents is a cat-and-mouse game in Iraqs north +World,"In a gesture of healing, pope returns saints #39; bones" +World,"Presidential, parliamentary elections begin in Romania" +World,Taj Mahal to moonlight as nocturnal rendezvous for star-crossed <b>...</b> +Business,Get your game on +Business,Beware of banks bearing 'gift' cards +Business,Unrest is stirring among Chinese factory workers +Business,Pepper spray spurs toy store evacuation +Business,Buying hockey gear with Cam Neely +Business,Etiquette at Work +Business,The man who shaped the Federal Reserve +Business,More fiftysomethings turn to franchises +Business,Letters +Business,Investing in their future +Business,Higher education can bring social costs +Business,Successful investing requires economic growth +Business,A video game guide for the holidays +Business,Study warned of offshore spills +Business,US Firm Plans Macau #39;s Biggest Ever Casino: Report +Business,Web Holiday Shopping Up 25 Pct in 2004 +World,"Pakistan's Musharraf, Brazil's Lula to talk business (AFP)" +World,Rugby: Australia win Tri-Nations +World,Pakistan to withdraw troops +World,Infanticide trials reexamined in Britain +World,Pope returns relics to Istanbul +World,Number of detainees nearly doubles +Business,Vegas-style casinos invade China +World,Sudan government eases restrictions on aid work +Sci/Tech,The games kids play today are too violent +Business,Ask the Biz Brain +Business,Stick with the proven year-end tax strategies +Sports,Utes leave Furman feeling small in Alaska +Sports,"Teams Battle Like There's No Tomorrow, and There Isn't" +World,Nearly 200 miners trapped in coalmine gas explosion in north China (AFP) +Business,Global forex volatility underscores China #39;s growing economic <b>...</b> +Sports,"Chrebet Makes an Early Exit, Perhaps Never to Return" +Sci/Tech,If NASA had a hammer . . . it would smash comets +Sci/Tech,Talking Turkey +Sports,Lonard retains Australian Open title +Sports,Barrera edges out Morales +Sports,Syracuse ends BC #39;s BCS hopes +Sports,Bode #39;s well for Americans +World,Two US marines killed in Iraq #39;s Fallujah +World,188 miners trapped after gas explosion in China +Sci/Tech,NASA is planning on a smash hit with a comet +Sci/Tech,We were made for running +Sports,Barrera outslugs Morales for title +Sports,"Oil tanker spills 30,000 gallons into the Delaware" +Sports,Don #39;t count Pacers out just yet +Sports,Illinois passes this test easily +World,170 miners trapped in China +World,Defense chief hints Japanese troops could remain in Iraq through <b>...</b> +World,Japan eyes troops pullout from Iraq next December +Sports,Born to run +Sports,Oil spill looks bad for Del. +Sports,ACC: Title in reach of Hokies +Sports,"Fiesta, Holiday bowls now on CU #39;s list of possibilities" +Sports,Ankle sprain downs forward +Business,Eye biz editor for CUNY post +Sports,Wolfsburg lose second straight +Sports,Eagles miss shot at Big East crown +Sports,Things looking up for Cavs +World,Four rescued from mine blast +World,DUP won #39;t be #39;bounced #39; into deal +World,Moonlit Taj Entralls hundreds after 20 years +Sports,Stephen Dodd Wins China Open (AP) +Business,Grower Suggests Opening Your Mind to More Open Christmas Trees +Sports,BARRERA EDGES AHEAD IN MORALES TRILOGY +Sports,Washington freezes out competition in Alaska +Sports,James gives Bulls taste of his artistry +World,Charity helping teachers to teach children about tsunami in southeast Asia (Canadian Press) +World,Redfern #39;mob #39; accused over Palm Island +World,Ukraine Sees Fresh Rallies After Parliament Vote (Reuters) +Sci/Tech,Digital recorders bump old VCRs off the shelf +World,MacArthur sets sail on solo round-the-world challenge (AFP) +Business,Reliance Energy board to meet in next few days +Sports,LeBron makes NBA history +Sports,Barcelona #39;s Eto #39;o given racial abuse by Getafe fans +World,Close two-man race for Romania #39;s presidency +Sci/Tech,First Look: Skip Gateway's MP3 Photo Jukebox +Sports,It #39;s back to business as usual +Sports,"Plushenko, Slutskaya earn Cup of Russia titles" +Sports,Dodd earns first win China Open +Sports,Huskies keep Tide at bay +Sports,Crawford #39;s 30 keeps Knicks hot at home +World,Beyond Fallujah +World,Four rescued from China mine explosion +World,Fog could mar Taj night-viewing in winter months +World,"CRPF jawan goes berserk, guns down 7 colleagues" +Business,Fiat boss denies end of GM tie-up +Business,Artificial trees grow on Americans +Business,Fiat boss denies end of GM tie-up +Sci/Tech,Partner: The Guide to Cost Effective Business +Sports,Inconclusive start sets up potential Sunday Skins bonanza +Sports,UPDATE 1-Briton Dodd wins maiden title in China +Sports,Win offers some relief for coach +Sports,"Depleted Pacers surviving, thriving" +World,Iraq elections still on target despite security concerns +World,"At least 166 miners trapped, feared dead in China mine blast" +World,Australia says relationship with ASEAN economic +World,Summit of French-Speaking Countries Condemns Ivory Coast +Business,O Christmas tree +Sports,No title game for Iowa State +Sports,Miller breaks through in downhill +World,Iraq rejects vote-delay demands +World,Romanian Election also the subject of corruption +Sci/Tech,IBM's PC unit lost money from 2001 onwards +Sci/Tech,eBay to drop Support for Microsoft's Passport +World,8 Indian soldiers killed in Kashmir +World,15 students crushed to death by speeding Indian train +World,Lockheed and the Future of Warfare +Sci/Tech,Brief: Oracle reshuffles executives at PeopleSoft +Sci/Tech,High-tech truck toll system finally launched in Germany +Sports,Myskina gives Russia Fed Cup lead +Sci/Tech,Pew study: Blogs busted out in 2004 +World,12 killed in train accident near Bhopal: +Business,US Treasuries Fall for a Fifth Week; Foreign Demand May Wane +Business,FEDERAL RESERVE BANK OF SAN FRANCISCO +Sci/Tech,What it's like to switch to open-source +Sports,ABCs of the BCS +Sports,UPDATE 2-India peg back South Africa despite Kallis ton +World,PM heads to ASEAN summit +Sports,No BC in BCS +Sports,Apology due for this sorry performance +Sports,Starting a Heat wave +Sports,Browsing the James 'bible' +Sports,Taking a liking to Vikings +Sports,New department for Bruins strength coach +Sports,"Hill, Magic deep-six 76ers" +Sports,Blue Hens punch ticket to quarters +Sports,Broncos capture another WAC title +Sports,"For Davis, Tulsa, win is a wacky one" +Sports,Gopher trio is golden +Sports,Hard feelings likely to linger +Sports,No keeping up with Jones +Sports,Wildcats again hits on the road +Sports,Where to now? Look out below +Sports,Pittsburgh in driver's seat now for top berth +Sports,Not much fight in Irish +Sports,Perfect seasons on the line +Sports,Tigers hoping to break through +Sports,Newton North's Barnicle headed to nationals +Sports,Will defense or offense win out? +World,India peg back South Africa despite Kallis ton (Reuters) +Business,Trade organization slaps sanctions on American exports Clash over <b>...</b> +Sci/Tech,2004 reviews: Platforms +Business,Pepper spray spurs toy store evacuation +Sci/Tech,Torvalds and others set for keynote at Linux summit +Sci/Tech,Beware parents: Some video games not for kids +Sports,Weekend warriors in test of technique and temperament +Sports,Heisman watch +Sports,Knicks tighten defense in time +Sports,"It #39;s Up to Players, Hubie Brown Says" +World,Tamil minister asks Tigers not to go back to war : +World,4 ASEAN nations vow to further sub-regional cooperation +World,Firefighters die under rubble +Business,Jack Sirard: Free credit report should be read by consumers +Business,McDonalds names 2nd CEO in 7 months +World,Sharon says Iran making every effort to possess nuclear arms +Sports,Myskina eases past Dechy to put Russia in charge +Sports,Barca Eto #39;o encounters racism at Getafe +World,"Report: FBI Finds Link Between P/11, Madrid Bombs (Reuters)" +World,Chirac Rival Sarkozy Gets French Party Boost (Reuters) +Business,Tree traditions +Business,PRODUCT RECALLS +Business,Industry outlines agenda for Bush +Business,Italian automaker Fiat chief denies GM pullout +Sci/Tech,Mount St Helens rumbles in US +Sci/Tech,Nongame studies: Whales to warblers +Sports,Roma Form Reappears At Siena +Sports,Leinart Passes USC Past Notre Dame 41-10 +Sports,England 19-21 Australia +Sports,NBA Insider +Sports,Marbury: Vince underused +Sports,Tech gobbles up Virginia +World,Iraqi Government Dismisses Calls to Postpone Elections +World, #39;Resolution of J amp;K issue will be biggest CBM #39; +World,Chirac Rival Sarkozy Gets French Party Boost +Sci/Tech,Pig brother helps porkers flourish +World,Sharon set to end 15-month boycott of Palestinian leadership +World,Colombia Says Rebels Planned to Kill Bush +Business,Global forex volatility underscores China's growing economic muscle (AFP) +Sports,Pampling in command after second day of centenary Australian Open +Sports,South Africa aim at a first innings total of 400-450 : +Sci/Tech,CIO Tech Poll: IT spending projections down in December +World,Dozens trapped in China mine blast +World,Bush was allegedly targeted +Sci/Tech,L.A. sues Web hotel bookers for pocketing room tax +Sports,Death by a thousand cuts +Sports,Serie A Saturday Wrap: Roma Revival In Siena +Sports,Coast Guard Tries To Contain 20-Mile Oil Slick +Sci/Tech,St. Helens has largest earthquake since mid-October +World,Relics Taken in the Crusades Returned after 8 Centuries +Sci/Tech,Hydrogen Production Method Could Bolster Fuel Supplies +Sci/Tech,Oil Spill Halts Shipping on River Near South Jersey +Business,After-Thanksgiving Day Sales Attract Bargain Hunters +Sports,Pacquiao irked by Barrera statement +Sports,Pampling Leads Australian Open by Four +Sports,Season on the brink lands CU in title game +World,"Romanians Vote Slowly, Eyeing EU, Poverty and Graft" +World,Can Africa solve African problems? +World,High Court Cases Show 2 Sides of Conservatism (Los Angeles Times) +Sci/Tech,Largest Quake Since Oct. Hits St. Helens +Sci/Tech,A Video 'Curse' Snares Would-Be TV Pioneers +Sports,Roma return to form in style +Sci/Tech,Crime Spurs South Africa's Inventors to Action +Sports,UW Men Tops In Alaska +World,Iran Apparently Agrees to Stop Enrichment +World,166 coal miners feared dead +World,"Thaksin to meet Malaysian, Indonesian leaders about Muslim unrest" +Business,Ready Cash Could Reward Wall Street Bulls +Business,"No personal shareholding in Reliance Energy, claims Anil" +Sci/Tech,Nation briefs 11/28 +Sci/Tech,Recording industry and Kazaa face off in Australia +Sci/Tech,eBay to Drop Support for Microsoft's Passport +Sports,Mountain of support +World,No word on trapped China miners +World,Riot island police refuse to go back +World,Two Blasts Rock Kazakh Ruling Party's Headquarters (Reuters) +World,No word on trapped China miners +Sci/Tech,Do Not Rule Out Lower-Priced Apple iMac--Analyst +World,French hostages fate rests on spy inquiry +World,Militant won #39;t run for leader from jail +World,The grim ordeal of France #39;s hostages +World,Sharon and Abbas Say They Are Willing to Meet (Reuters) +Sci/Tech,3 Giants Create New Online Music Service +Sci/Tech,Mobile Phone Firms Link for New High-Speed Standard +World,England stutter for Zimbabwe win +Sci/Tech,"PluggedIn: Beyond the iPod, Accessories Are Hot Items" +Sports,"James Becomes Youngest to Score 2,000 (AP)" +Sci/Tech,Alaska resumes aerial wolf-control program +Sports,LeBron pumps in 43 as Cavs pound Pistons +Sci/Tech,Electronics Industry Battles for the Living Room +Sports,Australia march into dominant position against NZ +Sports,France Ties Russia 2-2 in Fed Cup (AP) +Business,Retail sales surge on US holiday +Business,"ANALYSIS-Fiat Unlikely to Hit the GM #39;Put #39; Button, for Now" +Sci/Tech,Earthquake Hits Mount St. Helens +Sci/Tech,3 Giants Create New Online Music Service +Sci/Tech,Microsoft 29m yuan order lost +World,Tens of Thousands More Deaths Expected in Sumatra +Sports,France Shocks Russia to 1-1 Tie at Fed Cup +Sports,McGrath puts skids under N Zealand +Sports,Baltimore vs. New England +Sports,Mellors Stunning Strike Sinks Arsenal +World,Greek Orthodox in Turkey celebrate return of relics stolen 800 <b>...</b> +World,Hope of medical progress carries vote +World,Columbian Marxist Group Planned Assassination on President Bush +World,Iraq: Elections Must Go Ahead As Planned +World,Song and Dance as Land Mine Meeting Opens in Kenya +World,Jerusalem bishop: Israel will miss Arafat +Sci/Tech,Israeli Company Offers Free Tsunami Alert System +Sports,Myskina keys all three wins over France +Sports,Jol won #39;t blame his strikers +World,Mine Blast in China Leaves Over 160 Missing +Sports,Mellor strike gives Liverpool victory +Sports,Golf: Thank Dodd I #39;m getting better +Sports,UPDATE 1-Novo sends Rangers top as Celtic are held +Business,"Jobs, Retail on Stock Market Menu (Reuters)" +Business,Bush's Big Economic Pick Is Next Fed Chief (AP) +Sports,No. 1 USC Rolls Past Notre Dame 41-10 (AP) +World,Dexia formally abandon's merger plans with Italy's Sanpaolo (AFP) +Sports,Arsenal Loses Again in Premier League (AP) +World,Sudan 'coup plotters' lawyers say still no accesss to accused (AFP) +Sports,Spain-U.S. Match Expected to Set Record (AP) +World,Poll: Most Support Justice Retirement Age (AP) +World,White House Nixed Early Hearing on Rice Nomination (Reuters) +World,Indian passengers killed by train +World,Blunkett orders visa inquiry +World,New Band Aid single goes on sale +World,Mine Blast in China Leaves Over 160 Missing +World,Iran Group Canvasses for Suicide Bombers (AP) +Sports,Russia beat France to win its first Fed Cup +Sports,Canada #39;s Klassen captures gold +World,Iran says nuclear deal with Europe is close +World,Swiss Voters Back Stem-Cell Research +Business,Sales Season Starts with Modest Expectations +Business,UK PRESS: Rio Tinto Considering Rival Bid For WMC +Sports,It #39;s last gasp Liverpool +Sports,Eto #39;o target of racial abuse +World,Review Finds Fla. Counties Voted for Bush (AP) +Sports,Russia Beats France to Win First Fed Cup +Sports,Arsenal Loses Again in Premier League +Business,"Sated on turkey, US consumers go on billion-dollar shopping fest (AFP)" +Business,Investors Hope for Strong Retail Reports (AP) +Business,Wal-Mart sales stoke recovery fears +Business,Reliance row: Anils camp mounts attack +Business,UPDATE 1-China premier wants stable economy for yuan reform +Sci/Tech,'Ringback' Tones May Be Next Big Thing (AP) +Sports,Liverpool Beats Arsenal 2-1; Spurs End Losing Run (Update3) +Sports,Australia take command in 2nd Test +Sci/Tech,"Holiday-season portable games put Nintendo, Sony in shoot-'em-up round (AFP)" +World,"CRPF jawan runs amok, kills 7 colleagues in Baramulla" +World,"100 beached whales, dolphins die on Australian island, official says (Canadian Press)" +Sci/Tech,"Summary: Basics of Climate Change, Pacts (AP)" +Sci/Tech,"Entering Kyoto' Years, Warming World Wo (AP)" +World,Ukrainian region seeks autonomy +World,Iran offers nuclear 'concession' +World,Family of US defector to North Korea eagerly awaits reunion (AFP) +Sci/Tech,Swiss endorse stem cell research +Sci/Tech,Mount St. Helens Crater Shaken by Earthquake +World,Heir to Jordanian throne relieved of duties +World,Archbishop #39;s Bid to Heal Rift over Homosexuality +Sports,Reds carry Kewell +Sports,Ravens - Patriots: 5 keys to the game +Sci/Tech,Do Not Rule Out Lower-Priced Apple iMac--Analyst (Reuters) +Sci/Tech,eBay to Drop Support for Microsoft's Passport (Reuters) +World,Fatah #39;s armed wing calls on Palestinians to support Abbas +World,CORRECTED - Song and dance as land mine meeting opens in Kenya +Business,WTO Authorizes Sanctions Against US +Business,Fewer and fewer Christmas tree farms in Louisiana +Business,Mayor attacks WMC Resources takeover plan +Sports,Eagles Clinch Division +Sci/Tech,Feeling the heat: Artic people fight against global warming +Sci/Tech,NASA Plans To Slam #39;Hammer #39; into Comet +Sci/Tech,Apple #39;s iPod takes the lead on Sony #39;s home turf +Sci/Tech,Philips Electronics resumes marketing PCs +Sports,Miller denies Maier to join greats +Sports,Arsenal #39;s slide gathering pace +Sports,Eagles clinch fourth straight division title +Sports,Rangers on top of Scottish league +Sports,Cards RB Smith leaves game with toe injury +Sports,Italy: Inter Milan ties Juventus +Sports,Bengals win shootout with Browns +Sports,Chargers and Brees pick apart Chiefs +World,"Explosion in China coal mine, 166 trapped" +World,Sharon and Abbas Express Hope for Gaza Talks +World,Marines die in #39;death triangle #39; +World,"Punished for spat, CRPF jawan guns down 7 colleagues" +World,"MILITANTS GIVEN AMNESTY, AGREE TO END RESISTANCE" +Sports,Chelsea on a rampage +World,CONFUSION OVER IRAN NUCLEAR DEAL +Sci/Tech,Mobile Phone Firms Link for New High-Speed Standard (Reuters) +Business,Dexia formally abandon #39;s merger plans with Italy #39;s Sanpaolo +Sci/Tech,Crime Spurs South Africa's Inventors to Action (Reuters) +Sci/Tech,"Yahoo, Google Stocks Up on Upbeat Analyst Forecast (Reuters)" +Sports,England: Terry paces Chelsea +Business,Seoul cautious about anti-US tariffs +Business,Dexia calls off talks with Italian bank +Sci/Tech,NASA will smash comet to see what #39;s inside +Sports,Bad Defense Spells Doom for Chiefs' Year (AP) +Sports,Fleming walks in and out of debate +Sports,Juve Lead Is Cut +Business,Dollar Rebounds But Tone Is Wary on Jobs +World,Iraqi politician calls for elections delay +World,Scandal-shocked Israelis ask if the army has lost its way +World,"Powerful quake rocks northern Japan, sparks tsunami warning" +Sports,Panthers 21 Buccaneers 14 +Sports,USC Retains Top Spot in AP Football Poll (AP) +World,Bush Urges Northern Ireland Peace Efforts (AP) +Sci/Tech,Actress Julia Roberts Gives Birth to Twins-Report (Reuters) +World,Powerful Earthquake Hits Northern Japan (AP) +Sports,"Texans Top Titans, Break Losing Streak (AP)" +Sports,Patriots Set NFL Record for Scoring First (AP) +World,Greek PM meets Mubarak (AFP) +Sci/Tech,Taiwan Celluar chief voices 3G doubts (FT.com) +World,Pakistan's Musharraf starts Brazil visit (AFP) +Sports,"No. 1 Tennessee Edges Temple, 52-48 (AP)" +Sports,Eagles Clinch N.F.C. East Title +World,Bid builds to delay Iraq vote +World,US smooths way in Fallujah for Muslim relief agency +World,Religious Leaders Clash on 'Meet the Press' +World,"Anti-terrorism, security issues likely to be key agenda items in Bush visit (Canadian Press)" +Sports,Juventus denied by Inter fightback +Sports,Liga Wrap: Barca Storm Nine Points Clear +World,Efforts to remove fear of China among Asean +World,Swiss Voters Endorse Limits on Stem Cell Research +World,Earthquake hits Japan northern island +Sports,Bengals Top Browns in Near-Record Shootout (AP) +World,ASEAN links push free trade +World,Jordans King strips his half-brother of royal title +Sports,Syracuse Slams the Door on B.C.'s Big East Finale +Sports,Iowa State Misses a Chance To Play for the Big 12 Title +Sports,Ebersol Survives Crash +Sci/Tech,New Pokemon For Cube +Sports,American wins super-G +Sports,"NFL: Philadelphia 27, NY Giants 6" +World,Swiss voters approve stem cell research using human embryos +World,Sarkozy charts course as new party leader +Business,Briefs: Dexia drops Sanpaolo talks +Sports,"Clippers Defeat Warriors, 103-91 (AP)" +World,Summary Box: Iran Vows to Stop Enrichment (AP) +Sports,"No. 23 La. Tech Defeats Ark. St., 67-50 (AP)" +World,Pakistan's Musharraf takes in Rio's sites in historic trip (AFP) +Sports,Carsley rescues point for Everton against Newcastle +Sports,Real Madrid Wins in Spain; Juventus Draws in Italy (Update1) +Sports,USC routs Notre Dame; BC and Iowa State blow chances Saturday +Sports,Spain: Real Madrid crush Levante +World,Swiss approve stem-cell research law +World,Magnitude 4.6 Quake Jolts Japan #39;s Northern Island of Hokkaido +Sci/Tech,Kazaa offers unlimited free Internet calls +Sports,Bus reaches century mark again in Staley #39;s absence +Business,Economical Agenda Boastful Brown may yet come unstuck +Sports,Mellor the hero for Liverpool +Sports,Everton spirit earns a point +Sports,Ronaldo leads Real in rout +Sports,Shorthanded Clippers fight off Warriors +Sports,Hughes brews a little magic against Raptors +Sports,"GOLDBERG ON FOOTBALL: Are the Eagles good, or is everyone else bad <b>...</b>" +World,ARCHBISHOPS CALL TO END GAY SLURS +Sports,Eagles Continue to Dominate NFC East (AP) +World,"On a Day of Relative Calm in Iraq, Debate on Election Delay Continues" +World,Plane Carrying NBC President Ebersol Crashes in Colorado +Business,Insurance chief says she #39;s heard no complaints in wake of scandal +Sports,American Miller wins men #39;s World Cup giant-slalom ski competition +Sports,"James Becomes Youngest to Score 2,000" +Sports,"Capello scolds Juve, Mancini takes hope" +Sports,UPDATE 2-Real crush Levante with second half goal salvo +Sports,Barca on Cloud Nine +Sports,Clippers 103 Warriors 91 +Sports,Wade Boggs Leads Hall of Fame Candidates (AP) +World,"US, European Officials Await Decision on Iranian Nuclear Program" +Sports,Minn. to Play in Music City Bowl in Tenn. (AP) +Sports,Clippers Climb in West +Business,Weak dollar leaves central banks in a bind +Business,No travel problems reported during Turnpike strike +Business,Overseas Investors May Purchase \$15 Billion of China #39;s Bad Debt +Business,Canada Post says possible strike won #39;t stop holiday mail +Business,New Airbus craft to heat up rivalry +Sports,Notre Dame Accepts Insight Bowl Invite +Sports,"Brees, big-play Chargers too much for Chiefs" +Sports,"Randle El, Bettis, lead Steelers to 16-7 win over struggling <b>...</b>" +Sports,Panthers beat Buccaneers +Sports,Cards vs. Jets quarter-by-quarter +World,Governing party leads in Romania +World,King Hussein #39;s favoured son loses claim to Jordan #39;s throne +World,Ono eyes Iraq exit in December 2005 +Sports,Broncos Face Tough Rematch With Colts (AP) +Business,Flying right +Business,China ZTE Expects Sales Abroad To Bring 40 Rev In 2006 +Sports,Fratello: No Deal Yet to Coach Grizzlies (AP) +Sci/Tech,Kazaa file-swapping trial begins +Sci/Tech,Moon gas could power your home: scientists +Sports,Liga Sunday Wrap: Madrid Answer The Critics +Sports,Carsley equaliser frustrates Newcastle +Sports,Insight Bowl hoping for Notre Dame +Sports,Eagles win 4th straight NFC East title +World,Calls for Iraq Poll Delay Fuel Tension +World,Rescuers try to save whales after 80 die in mass stranding off <b>...</b> +World,Freed UN workers head home +Sci/Tech,"Eighty Whales, Dolphins Die on Australian Island (Reuters)" +World,"Strong Quake Hits Japan's Hokkaido, 11 Hurt (Reuters)" +World,Romanian Ruling Party's Hold on Power Dented (Reuters) +World,Jordan's King Strips Half Brother's Title (AP) +World,Land Mines Remain a Danger to Ethiopians (AP) +Business,Dexia Ends Talks With Sanpaolo IMI on Partnership (Update2) +Sports,Minnesota will play Music City Bowl +World,"Iran agrees to full uranium enrichment freeze, diplomats say" +Sports,Injured Carter Leads Jets to Victory +Sports,Southern Cal Stumps Hard for Heisman and Ranking +Sports,Selig Approves Johnson Trade to Yankees (AP) +Business,Nun likes eating with Stewart +Sports,NFL Wrap: McNabb Leads Eagles to 4th Straight East Title (Reuters) +Sports,Poutiainen wins again in Aspen +Sports,Lonard wins with a birdie barrage +Sports,Sunday #39;s NFL Capsules +World,Mosul #39;s militants fight mostly from shadows +World,Jordan #39;s king strips half brother #39;s title +World,Iran Says It Will Stop Uranium Enrichment (AP) +Sports,"Villanova Defeats Texas Arlington, 59-53 (AP)" +Sports,Notre Dame Accepts Insight Bowl Invite +Sports,McGahee Scores Four +Sports,Vick Rallies Falcons +Sports,Fratello: No Deal Yet to Coach Grizzlies +Sports,Liverpool kid Mellor stuns Arsenal +Sports,NFL Wrap: McNabb Leads Eagles to 4th Straight East Title +Sports,Bills 38 Seahawks 9 +World,Abbas Wins Backing of Brigades +World,Bush urges Sinn Fein leader to help move peace process ahead in <b>...</b> +World,"Up to 80 whales, dolphins die on Australia #39;s southeast coast" +World,Mandelson denies discussing coup plot +World,"Magnitude 7.1 quake hits Hokkaido, some injuries reported" +Sports,'New Beginning' Needed +Sports,Shopping With Spree +Business,UAE Hopes to Cash in on Outsourcing Rush (Reuters) +Business,Financial World Focuses on Next Fed Chief (AP) +Sports,Where Was Portis? +Sports,Sox named Sportsmen of Year by SI +World,Archbishop #39;s bid to heal rift +World,"Powerful quake rocks northern Japan, injuring 13" +Sports,"UCLA Rallies to Beat No. 4 Texas, 63-60 (AP)" +World,China mine blast rescue stalled +World,Australian teenage drinking scare +Sci/Tech,Distributed XPCOM - A Mozilla Remote Scripting Framework? +World,Philippines willing to negotiate with kidnappers in Iraq (AFP) +Business,Brown to abandon fuel duty increase +Sci/Tech,IT Vendors Release Royalty-Free Software For Messaging +Sports,Lakers' Buss Wants to Make Up With O'Neal (AP) +Sports,Red Sox Grab SI's Sportsman of the Year Honor (Reuters) +World,"Strong quake hits north Japan, injuring 13" +World,Iraqis want elections delayed +World,Laos hosts annual Asean meeting +World,Britain #39;did not disclose warning of coup plot #39; +Sports,Memphis to Accept GMAC Bowl Invitation (AP) +Sports,A Flagship Adrift in the Airwaves +Sci/Tech,NASA sending hammer to space +Sci/Tech,"Sony, Nintendo go head to head with Christmas games" +Sports,Couples tops \$3 million mark at Skins Game +Sports,Young gun shoots down Arsenal +Sports,Lonard is the Australian Open champion again +Sports,Chiefs Lose Again 34-31 to Chargers +Sports,Southern Cal Embraces Boy Battling Cancer (AP) +World,"Sharon, Abbas say they are willing to meet" +World,Poll predictions have ruling party ahead in Romania +World,Swiss Voters Accept Stem Cell Research Law +World,Political split over date threatens Iraq elections +World,When to meddle +World,Iraq vote date maintained despite deadly violence +Business,Olympic prize in bid battle for WMC +Sci/Tech,NASA To Slam #39;Hammer #39; into Comet Tempel 1 +Sports,Novo #39;s double takes Rangers top of the tree +World,Iran abandons centrifuge demands +World,About 100 beached whales and dolphins have died on Australian <b>...</b> +Business,"Markdowns, and Shoppers, Are Out Early This Season" +Business,Drug Testing Doesn't Always Tell the Whole Story +Business,Australia music industry decries Kazaa +Sports,"No. 11 N.C. Trounces Southern Cal, 97-65 (AP)" +Sci/Tech,Australia Music Industry Decries Kazaa (AP) +Sci/Tech,Kazaa accused of creating global music piracy system +Sci/Tech,U.S. Opposes Passport Privacy Protections (AP) +Sports,Celtics fall to Heat on Pierce #39;s late miss +Sports,Two Metre Gash Found on Tanker in Delaware River +Sports,No. 4 Texas Defeated by UCLA +World,Anglican Leader Warns Churches on Gay Hate Message (Reuters) +Sci/Tech,Product Review: MSN's WebTV Grows Up (AP) +World,Sharon says he is ready to work with Arafat #39;s successor +World,Paisley #39;on verge of pact with Sinn Fein #39; +World,Jordan #39;s crown prince is dismissed +World,Williams calls for healing in gay rift +World,Soldier Kills 7 Colleagues in Kashmir +World,"AFP Interview: Pakistan's Bhutto to end exile, win next election: Zardari (AFP)" +World,More whales dead and stranded off Australia's south coast (AFP) +Sci/Tech,Largest Quake in Weeks Hits Mt. St. Helens (AP) +Sports,Vikings Deny Jaguars +Sports,"UCLA Rallies to Beat No. 4 Texas, 63-60" +Business,India plans major sale of oil exploration rights +Sports,Diouf fined for spitting at opponent +Sports,Kallis defies India +World,"Coal mine explosion in central China kills 25, leaves 141 trapped? <b>...</b>" +World,Sarkozy #39;s party +World,"Pulling out - in Jerusalem, too" +Business,Wal-Mart warning overshadows holiday sales figures +Sports,Late Inter strikes deny Juve +Sports,"Ellis says contract extension very, very close #39; #39;" +Sports,6-foot gash found in tanker that spilled oil into Delaware River +World,Wall of Thick Smoke Slows Chinese Mine Rescue +World,"SE Asian Leaders Meet on China Trade, Myanmar" +World,Sinn Fein Breaks New Ground over Power Sharing +World,"Chiefs of states, premiers coming to Vientiane for ASEAN summit" +World,Landmine Conference opens in Kenya +Sci/Tech,The Disco Ball of Failed Hopes and Other Tales From Inside Intel +Sci/Tech,"Internet Access, Delivered From Above" +Sci/Tech,A Sure-to-Be-Controversial Game Fulfills That Expectation Fully +Sci/Tech,The Internets Retail Appeal +Sci/Tech,Mobile Carriers Move to Put Their Names on More Phones +Business,Brown to Drive Home Economic Message +Business,"Starting Wednesday, Hawaii" +Sports,McGahee #39;s four TDs lead Bills #39; rout of Seattle +World,More whales dead and stranded off Australia #39;s south coast +World,Anglican Leader Warns Churches on Gay Hate Message +World,"A Toll on Palestinians, Israeli Army" +World,Old Divisions Resurface +World,Colombian Rebels Sought Bush Assassination +Business,Investors in Treasuries Grow More Bearish Before Jobs Report +Sports,Rescuers Try to Save Oil-Soaked Birds After Tanker Spill in <b>...</b> +Sports,Jet Carrying NBC Official Crashes in Colorado +Business,"Update 1: Tokyo Stocks Rise; Dollar Up Vs. Yen, Euro" +Business,"Oil Eases After Holiday, Wary of Winter (Reuters)" +Sci/Tech,Don #39;t let life fade to black +Sports,"GOLF ROUNDUP: Sorenstam, Woods, Couples go for skins" +World,"Strong Quake Hits Japan #39;s Hokkaido, 14 Hurt" +World,Ukraine's Unity Is Under Threat by Vote Impasse +Sports,"From Turf to Team, Boise State Takes Unconventional Approach" +World,Wrecked Roads Blocking Aid Distribution +Sci/Tech,Group releases open-source Web services messaging app +Sports,Australia Sets New Zealand #39;s Cricketers 464 to Win Second Test +Sports,Steelers are built to win the hard way +Business,Fonterra says no need to raise National Foods bid +Business,"Oil Eases After Holiday, Wary of Winter" +Business,Report: Vegas Sands Names Macau Arm Chief +World,"Wall of Smoke Stalls Chinese Rescue, Hope Fades (Reuters)" +World,Chile May Compensate Pinochet Victims (AP) +World,Iraqi Leaders Warn Against Poll Postponement +Sports,Bowl Schedule Confused +Business,Shoppers arrive at stores before dawn to get jump on holiday gift <b>...</b> +Business,Christmas Tree Farms in Fairfield County - Choose or Cut Your Own! +Business,Hong Kong steps up war on crime +Sports,Atlanta comes back to beat NO +Business,China to Control Power Plant Investments +Business,Dexia board rejects plan for Italian merger +Business,"US oil eases after holiday, wary of winter" +Sci/Tech,China Internet Firms Seek New Sources of Revenue (Reuters) +Sci/Tech,Australia Music Industry Decries Kazaa +Sci/Tech,Coal #39;s global goal +Sci/Tech,"Go Ahead, Toss Out Your VCR" +Sports,Soccer: Carsley equaliser frustrates Newcastle +Sports,Five-star Madrid back up to second +Sports,Droschak: Tar Heels Steamroll to Victory +Sports,In case you were worried +Sports,O #39;Neal Wants More From Team +World,Swiss voters back stem cell law +World,Chirac rival takes helm of president #39;s party +Sci/Tech,"At XM, Boldly Going" +Business,Contracts Keep Drug Research Out of Reach +Business,High Hopes for a Ho Ho Ho Rally +Business, #39;Merry Chrismukkah! #39; cards proclaim +Sci/Tech,Scientists watch man-made flood of Grand Canyon +Sci/Tech,Online insecurity +Sports,Martyn having time of his life +Sports,Bengals Beat Browns in Second Highest Scoring Game in NFL History +Sports,Irish will seek to break 6-bowl skid in Phoenix +World,Smoke slows Chinese mine rescue +World,Kazakh Party Offices Hit +World,Criminals Prey on Tsunami Victims Across the World +Business,Companies unveil details on getting free credit reports +Sports,Steelers just good enough +World,Chirac congratulates Finance Minister on winning UMP presidency +World,Blunkett investigator to be named +Business,Justices to Hear Arguments on Interstate Wine Sales +Sports,Raiders Ice Broncos +Sports,O'Neal Wants More +Business,Tree Farmers Lose Business +Sci/Tech,Digital music a long way from displacing CDs +Sports,"Couples wins Skins Game with \$640,000" +Sports,Miller makes history with another win +Sports,Rangers boss McLeish keeps lid on expectations +Sports,Russians finish dominant #39;04 with Federation Cup victory +Sports,"After adjusting, Pats get busy" +Sports,Leinart #39;s big game bolsters Heisman chances +Sports,Steelers defense lives up to ranking +World,"China Mine Blast Kills 25, Traps 144 in 3rd Mishap in Six Weeks" +World,"Pakistan Tests Short-Range Nuclear-Capable Missile, Army Says" +Business,How the toy industry is being outplayed by video games this <b>...</b> +Business,Gasoline Pump Price Falls for 9th Week +Sports,"Patriots 24, Ravens 3" +Sports,EAST CHAMP EAGLES EYEING SUPER PRIZE +World,Pakistan test-fires nuclear-capable missile (AFP) +World,ASEAN 10 - a peak of cooperation and consensus construction +World,First five-year review of international treaty to ban land mines <b>...</b> +World,Haiti's Wounds Overwhelm a Suffering Public Hospital +World,"6 Civilians, 17 Insurgents Killed in Iraq Violence" +World,Strong Quake Hits in Japan +World,Chile to Pay Torture Victims +Business,Asian Stocks Edge Up as Dollar Steadies (Reuters) +Sports,Raiders Edge Broncos 25-24 (AP) +Sports,Lakers Defeat Hornets 89-76 (AP) +Sports,"SuperSonics 103, Pacers 95" +Sports,Blazers Bring Out The Worst In the Nets +Business,Hurricane season 2004: The year Florida #39;s luck ran out +Sci/Tech,"To Stretch City's Budget for the Arts, Chicago Turns to EBay" +Sports,Fratello waiting to hear back from Memphis Grizzlies +Sports,Bettis helps Pittsburgh #39;s streak hit 9 +World,India says Kashmir incursions down +Business,Wal-Mart casts pall over holiday sales +Sci/Tech,Leading IT Vendors Release Messaging Software +Sports,Divers find gash in hull of oil tanker +Sports,Southern California steps it up +Sports,Texas Christian Beats No. 13 MSU 80-75 (AP) +World,Spain's ex-PM faces bombs inquiry +Business,INTERVIEW: Australia #39;s Foster #39;s Taps Russian Beer Market +Business,Christmas tree farmers hope for as good of year as last year +Business,Strike doesn #39;t paralyze turnpike +Business,Yellen focuses on employment +Sports,Couples wins for record fifth time +Sports,"Texas Christian 80, No. 13 Michigan St. 75" +World,China blast traps miners in toxic shafts +World,Abbas reaffirms 2005 statehood goal +Sports,Carter Lifts Himself Off Deck; Defense Is Steady at Helm +Sports,Eagles' Biggest Hurdle Lies Ahead +Business,Chinese auto firm looks overseas +Business,US Retailers #39; Holiday Sales Rise; Wal-Mart Lags Behind +Business,Business leaders forecast tax rises +Business,Bush reform may have blue states seeing red +Business,"SARS Outbreak May Hit Asia This Winter, WHO Says (Update1)" +World,Bush urges N. Ireland leaders to accept Anglo-Irish proposal (AFP) +Sports,UPDATE 2-Australia heading for victory as Kiwis collapse +Sports,"If there was doubt, 49ers are worst Offense can #39;t reward defense <b>...</b>" +Sports,Owen Still Hoping for Starting Role +World,Sinn Fein seeks faster N Ireland pullout +World,Williams #39; call for Anglican unity falls on deaf ears +World,Pakistan tests mid-range missile +Sports,Lehmann and Richardson contest foot-race for charity +Business,S.Korean industrial output growth slides to nine-month low +Sci/Tech,Music industry tries to shut Kazaa down +World,Iraqi Election Creates Unusual Alliances (AP) +World,French Relations in Africa Faces Threat (AP) +Business,Price reigns in shoppers #39; priorities +Business,UPDATE 1-Warburg Pincus to buy 2.75 of Kotak Mahindra Bank +Sports,India dampen South Africa advance +Sports,Special teams can #39;t handle Randle El +World,25 miners killed in China blast +Business,"Boston's technology takes corporate, not consumer, tilt" +Business,"For planners, procrastinators alike" +Business,Marketers drawing on anthropology +Business,Retailers see tepid start to holiday season +Business,Kotak Mahindra Bank to sell 2.7 stake to Warburg Pincus +Sci/Tech,Holidays Push Back Da Vinci Tests +Sci/Tech,Microsoft #39;s Piracy Replacement Offer: Trick Or Treat? +Sports,NOVO VOWS TO REMAIN FOCUSED +Sports,Wade enjoying sidekick #39; role +Sports,"Eagles clinch NFC East, aim higher" +Sci/Tech,Taiwan telcos need at least two years for 3G services to take off (AFP) +World,Japan's Supreme Court refuses compensation to South Korean war slaves (AFP) +World,High Court to Hear Medical Marijuana Issue (AP) +Sports,High-water mark +Sports,"Miserable conditions, another happy ending" +Sports,Patchwork secondary was in prime position +Sports,"Celtics getting warmer, but they still fall to Heat" +Sports,Chargers don't drop the ball +Sports,Steelers have plenty in reserve +Sports,Eagles roll past Giants by smothering Manning +Sports,Texans sweep past Titans +Sports,Niners hand it to Dolphins +Sports,Hamstrung no longer +Sports,A backfield in motion +Sports,Latest event far out +Sports,Colvin likes getting in on action +Sports,Bengals outscore Browns +Sports,Hughes is huge in Wizards' win +Sports,No. 1 Tennessee holds off Owls +Sports,Indiana kicks aside Eagles +Sports,BC's bowl picture out of focus +Sports,Something was on the blink +Sports,Heralded Herra has had helpers +Sports,There's nothing to fear but Feehan itself +World,166 miners trapped in China blast +World,Israel eyes coordination of pullout +Business,THANKSGIVING WEEKEND SHOPPING: Consumers get the job done: They <b>...</b> +Business,PEPPER-SPRAY TOYS #39;R #39; US #39;DESERTED #39; +Business,Crude futures ease despite lingering fears over heating oil <b>...</b> +World,"China, ASEAN to sign deals moving towards world #39;s biggest free <b>...</b>" +Business,The Best Toys Don #39;t Come In A Big Box +Sci/Tech,Delaware River Oil Spill Leaves Wildlife Imperiled +Sports,Couples Bests Woods to Continue Mastery of Skins Game +Sports,Aussies set huge total +Sports,Koznick lands spot on Aspen podium +Sports,"UPDATE 1-Everton draw at Newcastle, Spurs end losing run" +Sports,"McNair #39;s future is uncertain, will #39;evaluate #39; after season" +World,US general warns over Iraq poll +World,Killer fingertips can stop E.coli +Sci/Tech,Online commons to spark debate +Business,UPDATE: Australian Growth Likely Slowed Sharply In 3Q +Business,Telekom Austria Acquires Major Bulgarian Mobile Operator +Business,Martha #39;s meals not up to Living standards +Business,Step change as Ofgem agrees price rise +Business,"Mitsubishi, Merrill Lynch in Joint Venture" +Sci/Tech,Kazaa #39;s parent takes another legal beating +Sci/Tech,Crew to re-dock spaceship at international space station +Sci/Tech,Microsoft offers XP counterfeit #39;amnesty #39; in hopes of chasing down <b>...</b> +Sci/Tech,"Now, a cellphone that can advice you!" +Sci/Tech,Cash crunch no game for Infinium Labs +Sci/Tech,A universally good year for the Geminids meteor shower +Sci/Tech,Violent videos and the holidays +Sports,Beckham to Arsenal? +Sports,Diouf spit leaves a sour taste for Bolton +Sports,Russia power to maiden title +Sports,Eagles soar to NFC East division title +Sports,Top 25 women: Top-ranked Tennessee survives Temple scare +Sports,French relay team set to get late gold +Sports,Just how super are the Sonics? +World,Iran agrees to a freeze on nuke programs +Business,FDA Warns Cyberonics on Manufacturing +Business,Philippine GDP rises 6.3 percent in third quarter +Business,Warburg to buy Kotak bank pie +Business,SuperGen Withdraws Drug Application +Sports,BECKS TO HIS BEST FOR REAL +Business,Telekom Austria Wins Mobiltel Bid Option for \$2.1 Bln (Update2) +Business,Regulator agrees power price rise +Business,Stocks Start 2005 on Weak Note +World,Australian wildlife authorities fight to save stranded whales +World,WORLD IN BRIEF +Sci/Tech,The Cost of Virus Protection Rises +Sci/Tech,Google Stumbles With New Desktop Tool +Business,Vietnam to create more favorable conditions for foreign investors +Sports,Couples hits the jackpot at Skins Game +Sports,"Rangers 3, Hearts 2" +Sports,Philly clinches NFC East title +Sports,PITTSBURGH WINS 9TH IN A ROW WITH 207 YARDS +World,Abbas seeks international support for Palestinian elections +World,Aid Group Threatens Afghanistan Pullout +Business,Severn Trent lifts dividend as US business suffers +Business,IBM to introduce chip for consumer products +Business,China expects 9 GDP growth in #39;04 +Business,Big business pushing security agenda +Sports,NBC Exec Dick Ebersol Survives Jet Crash (AP) +Sports,"Owens makes his presence felt, even without a dance" +Sports,Australia Needs Five Wickets for Sweep of Test Cricket Rivals +Business,World Bank Head to Leave in June +Sports,NBA Today (AP) +Business,Manufacturing Picks Up in December (Reuters) +Business,World Bank Head to Leave in June (Reuters) +Sports,Fred Couples Wins Record 5th Skins Game (AP) +Business,Sony to Disclose Details on Computer Chip +Business,Branson can buy Indian airline stake +Sci/Tech,Recording industry sues Kazaa in Australia +Sports,Finnish skier on top at Aspen +Sports,Milan close in on Juve +Sports,"Steelers #39; defense, Bettis key win over Redskins" +Sports,THE CLINCHER Eagles earn division title by rolling over Giants +Sports,"Brees, Chargers still electrifying" +World,140 still trapped in mine in China blast; 25 dead +World,Rescue workers save 12 beached whales +Business,"US tech firms hire more foreigners here, too" +Sci/Tech,Software Upgrade knocks out UK Government Network +Sci/Tech,Consumers losers in next-generation DVD battle +Sports,It Bodes well +Sports,Stephen Dodd wins China Open +Sports,Brooks gets into the flow +Sports,Lonard wins Australian Open for second year running +Sports,Big plays give Chargers edge +World,"China, Japan, SKorea Vow Cooperation Over NKorea (Reuters)" +Sci/Tech,Google Stumbles With New Desktop Tool (PC World) +Sci/Tech,Brighter Previews for Your Pictures (PC World) +World,Landmine summit opens in Kenya +Sci/Tech,New Wi-Fi Nearly Doubles Speed (PC World) +Sci/Tech,The Cost of Virus Protection Rises (PC World) +Sci/Tech,DNA bank to catch badger killers +Business,Telekom Austria secures right to buy MobilTel +Business,"Virgin keen to invest in airlines, telecom" +Sci/Tech,Music industry opens new front against Kazaa in Australia +Sci/Tech,IBM to unveil graphics processing chip #39;Cell #39; - report +Sci/Tech,4 studios back Toshiba #39;s HD DVD +Sports,Dodd has the last laugh after marathon wait +Sports,Pats school Ravens in sloppy drubbing: Stay on roll as defense <b>...</b> +Business,DaimlerChrysler vetoes French plan for single EADS chief +Business,South Korea Bans Matsushita Products +Business,Shoppers offer retailers cheer +Business,Hong Kong Shares Close Higher +Business,European shares edge higher +Sci/Tech,International Space station crew takes a ride in Soyuz +Sci/Tech,Study: Hunters off hook for bison population crash +Sports,Vieira to miss Arsenal #39;s tussle with Chelsea +Sports,Brees kept offense cool +Sports,Water sinks Appleby #39;s chances of Open title +World,"SE Asia Forges Closer Ties with China, Japan, S.Korea" +World,Beached whales die off Tasmania +World,Palestinians look for early solution +World,Sri Lanka attack raises tension +Business,Heineken boosts African position +Sports,"Barcelona Testing, Day 3, 26/11/04" +Sports,Couples skins Tiger in playoff +World,Rescuers Trying to Reach Chinese Miners +World,French Ruling Party Head Sarkozy Resigning as Finance Minister +World,Southeast Asian Leaders Open ASEAN Summit in Laos +Business,"Shoppers Spend, Retailers Rejoice On the Day After Thanksgiving" +Business,"HK Shares End Near 45-Mo High On Hutchison, Ppty Stks -2-" +Business,Premier implies US has mismanaged its currency -report +Business,Nun enjoys prison meals with Martha +Sci/Tech,Kazaa trial opens with #39;massive piracy #39; claim +Sci/Tech,Phones catching hackers attention +Sci/Tech,"Technology drives toward the future, throws retail items to the <b>...</b>" +World,French hostility a chronic problem +World,Top News ; Jordan #39;s king removes crown prince +Sci/Tech,Kazaa trial opens with 'massive piracy' claim +Sci/Tech,Call for action on internet scam +World,Myanmar Extends Suu Kyi House Arrest - Opposition (Reuters) +World,German Snow White sacked for posing nude (Reuters) +Sci/Tech,Device to probe limits of physics +Sci/Tech,Beached whales die off Tasmania +World,Sri Lanka attack raises tension +World,India make first-innings inroads +World,Call for action on internet scam +Sci/Tech,Space Station Astronauts Move Soyuz to Prepare for Spacewalks +Sports,Bolton wobble continues +Business,French agriculture minister to take finance portfolio from Sarkozy (AFP) +Sports,The downward spiral +Sports,Patriots #39; defense leaves Ravens all wet +World,Romanian ruling party lead shrinks +World,"Powerful earthquake hits northern Japan, triggers tsunami" +Sci/Tech,Sea Knowledge Not Very Deep +Sci/Tech,Web Won't Let Government Hide +Sci/Tech,Dumbing Down a Smartwatch +Sci/Tech,The Next Giant Leap +Sci/Tech,Swiss: Limited Stem Cell Approval +Sci/Tech,Sequester That Carbon Dioxide +Sci/Tech,"TiVo Their Way: Ads, Copy Brakes" +Sci/Tech,Passport Privacy Protection? Nope +Business,Reliance Energy Board to meet tomorrow +Business,Australian current account deficit hits record +Sci/Tech,"IBM, Sony firm up Playstation Cell chip plans" +Sci/Tech,"TOKYO--(BUSINESS WIRE)--Nov. 29, 2004--Toshiba Corporation" +Sci/Tech,Microsoft hunts for fake XP +Sports,Gerrard sets sights on Premiership surge +World,Oh brother! He stripped him off +World,Democracy leader Aung San Suu Kyi house arrest extended: party (AFP) +Business,Mortgages fall as house market cools +Business,"Roechlings Sell Rheinmetall Stake for \$743 Million, People Say" +Business,US holiday leaves oil waiting for a lead +Business,"Kmart, Sears merger could cost area jobs" +Sci/Tech,Music companies sue Sharman over Kazaa +Sports,Carter left on TE on key play +Business,Australian labels sue file sharer +Business,Government 'must reduce spending' +Business,US shoppers fail to give thanks to Wal-Mart +Business,Roechling Sells Its Stake in Rheinmetall +Sci/Tech,Hollywood majors back Toshiba DVD +Sci/Tech,Best antivirus software for 2005 +Sports,Raiders win snow bowl +Sports,Loftier goal for Eagles +World,Romania Vote Marred by Fraud Charges +Sci/Tech,"As flat-panels oust older TVs, disposal fears arise (USATODAY.com)" +World,Diplomat: Rwanda Troops in Congo (AP) +Sci/Tech,IBM project puts supercomputer on a chip (SiliconValley.com) +World,Confirmation Hearings for Rice Pushed Back (Los Angeles Times) +World,Germany probes army abuse claims +Sci/Tech,"IBM, Sony to detail 'Cell' PS3 CPU February 2005" +Business,"Automakers Tout Hybrids, Power Rules" +Business,Holiday Shoppers Off to a Fast Start +Business,Bush to Change Economic Team +Sci/Tech,Computer Analysis Is Bringing Science to Art +Sci/Tech,Family Tree Maker 2005 Deluxe; Law Order: Justice Is Served; WWE Smackdown! Vs. Raw +World,India 'overruns' separatist camps +Sci/Tech,Australian labels sue file sharer +Sci/Tech,Russian-US Crew Re-Docks Soyuz Spacecraft at ISS After Half-Hour <b>...</b> +Sports,UPDATE 3-Aggressive Sehwag leads positive Indian reply +Business,Official: Fear Factor Adding to Oil Price +Business,S Korea bans imports of Matsushita plasma panels +Business,Dexia shelves proposed merger with Sanpaolo +Sci/Tech,Toshiba Wins Support for HD DVD from 4 Film Studios +Sci/Tech,Cell Processor Unveiled +Sci/Tech,Striking up digital video search +Sci/Tech,The Cost of Virus Protection Rises +Sports,Diouf charged by FA with improper conduct +World,Iraq forces kill 17 in #39;triangle of death #39; +World,Head of British charity expelled from Sudan +Business,Finnish labour market reform vital to pay for ageing population: OECD (AFP) +Business,"Easymobile Closer to #39;Lean, Low-Cost Service #39; Launch" +Sports,"Newcastle 1, Everton 1 (D,Post)" +Business,Christmas trees crop up all over +Business,Virgin plans may clash with govt policy +World,"Suicide Bomber Attacks Iraqi Police, Kills 12 (Reuters)" +World,Iran to Escape Censure After Nuclear Cat-And-Mouse (Reuters) +World,Sudan expels representatives of two British aid groups (AFP) +World,Football: Diouf on spitting charge +Business,Strong dollar #39;to blame #39; +Business,The Bonus: A Rise in the Number Wall St. Crunches the Most +Sci/Tech,Toshiba wins backing for HD-DVD +Sci/Tech,The Internet Column +Sci/Tech,Cicadas #39; Overall Effect on Trees +Sports,Blacks Caps stumble early in chase +Sports,Spain: Madrid and Valencia both win and consolidate their <b>...</b> +World,Experts debate over whale strandings +Business,"SE Asia Forges Closer Ties with China, Japan, S.Korea" +Business,Dollar Rests After Sharp Losses (Reuters) +Business,Eurostocks Near 28-Month Peak (Reuters) +Business,Stephen B. Shepard to Retire from BusinessWeek; Expected to Lead <b>...</b> +Business,Stocks Set for Firmer Open; Retail Eyed +Business,Turnpike turns to temps +Sci/Tech,Net music swap firm a #39;pirate #39; +Sci/Tech,HD-DVD picks up Hollywood support +Sci/Tech,High-tech consortium to challenge Intel #39;s chip dominance +Sports,Oram relishes the tough Aussie challenge +Sports,Real Madrid stays in touch of leader Barcelona in the Spanish <b>...</b> +Sports,Sehwag slams 82 in Indian reply +Sports,Burger named IRB player of the year +World,Hope fading for China miners +World,Sudan expels British charity head +Business,Account deficit blows out to \$13.7 bn +Business,No-frills service could see prices drop +Sports,Giants are now playing for next year +Sports,Rugby: Burger named Player of the Year +Sports,Pampling in lead at Australian Open +Business,Chirac loyalist takes finance job +Business,Top clubs 'should run UK football' +Business,Update 2: Crude Oil Futures Ease Slightly +Business,Telekom Austria Plans to Buy Mobiltel for \$1.5 Bln (Update7) +Business,Martha has a jailhouse flock - nun +Business,GDP in Q3 grows 6.3 +Sci/Tech,Sony Discloses Details on Computer Chip (AP) +Sci/Tech,Toshiba Announces the Next-Generation DVD Format Endorsement by <b>...</b> +Sci/Tech,Sony Discloses Details on Computer Chip +Sci/Tech,Pirate for genuine XP trade +Sci/Tech,Toshiba Wins Support for HD DVD from 4 Film Studios (Reuters) +Sports,Russia Captures Fed Cup Tennis Title +Sports,Green slams tough courses +Sports,Spain fear Bryan brothers in Davis Cup final +Sports,FA charge Diouf over spitting incident +World,Iraqi Red Crescent Sets Up Relief Center (AP) +Sci/Tech,GPL Could Put Heat on Microsoft (Ziff Davis) +Sports,Breaking Down the Orange Bowl Match-Up (AP) +Sports,Eagles to Weigh Playoff Pressure Over Week (AP) +World,"Report Links Ex-TV Manager, Saddam's Son (AP)" +Sci/Tech,Stocks Set to Rise; Retail and Apple Eyed (Reuters) +Sci/Tech,Asia Faces Living Nightmare from Climate Change (Reuters) +Sci/Tech,Hillary Opposed to Highway to South Pole (AP) +Sci/Tech,Creative Zen Micro 5GB music player +Sci/Tech,Screensaver tackles spam websites +Sci/Tech,Intelligence Community Looks at Convera Software +Sci/Tech,Company Hopes to Take Outsourcing to a New Level: Africa +Sci/Tech,U.S. Opposes Passport Privacy Protections +Sci/Tech,Toshiba Wins Support for HD DVD from 4 Film Studios +Sci/Tech,Australia Music Industry Decries Kazaa +Sci/Tech,'Ringback' Tones May Be Next Big Thing +Sci/Tech,Asteroid named after professor +Business,Asian equities higher as dollar claws back +Business,GDP growth likely healthy +Sci/Tech,"CELL Prototype Announced By Sony, Toshiba, and IBM" +Sci/Tech,Expedition 10 Relocates Soyuz +Sci/Tech,"Sony keeps PSP production low, focuses on PS2" +Sci/Tech,Creative Zen Micro +Sci/Tech,"Microsoft upgrade knocks out 80,000 government PCs" +Sports,Toffeemen #39;ecstatic #39; with a point +Sports,Rugby-Burger named best player as Springboks sweep IRB awards +World,Middle East ; Iran still striving for centrifuge exemption +World,Bombing of Kazakh president #39;s office #39;hooliganism #39; not #39;terrorism #39; <b>...</b> +World,Chile Will Give Pensions to Torture Victims Under Dictatorship +Sci/Tech,IBM opens on demand tech center +Sci/Tech,"Sony, IBM, and Toshiba reveal more plans for Cell chip" +Sci/Tech,Microsoft and Sun plan Webcast to detail cooperation +World,Russia welcomes foreign bids for assets of embattled Yukos oil giant (AFP) +Sci/Tech,Satellite failure hits U.S. broadband services +Sci/Tech,Industry group might buy Commerce One patents +Sci/Tech,Shopping Search Week 2004! +World,Tutu and Mbeki in war of words +World,Reform candidate enters PA race +World,First look at PlayStation 3 chip +Sports,North Carolina Cruises +World,Ukraine Supreme Court Opens Hearing Into Vote Fraud Charges +Sci/Tech,Is Microsoft creating tomorrow's IE security holes today? +World,U.N. Agency Welcomes Iran's Nuclear Halt +World,Judge Orders Ex-State Senator Back to Jail +Business,AstraZeneca Gets Added Nexium FDA OK +Business,BellSouth Names Feidler Operating Chief +Business,Dollar Firms as Focus Turns to US Data +Business,GDP expands 6.5 in Jan-Sept +Business,UnitedHealth to Buy Definity Health +Business,"Atari names James Caparro president, CEO" +Business,BusinessWeek editor to CUNY +Business,EADS plans decision on A350 on December 10: Airbus +Business,RIL Borad justifies superior power to CMD +Business,Univision drops suit against Nielsen +Business,Russia May Repay Up to \$10Bln in Foreign Debt in 2005 Finance <b>...</b> +Business,"EU Nations Cling to Biotech Bans on Monsanto, Syngenta, Bayer" +World,Iran Uranium Program Resolution Passed +World,Sudan Expels Head of Britain Aid Agency +Sports,NFL Wrap: McNabb Leads Eagles to Fourth East Title +Sci/Tech,Kazaa offering free Internet-based calls +Sci/Tech,Toshiba wins 4 Hollywood studios #39; support for HD DVD format +Sci/Tech,"Sony, Toshiba and IBM prepare to reveal Cell details" +Sci/Tech,Who #39;s Using Firefox? +Sci/Tech,ISS Crew Successfully Redocks Soyuz Spacecraft +Sci/Tech,Scientists Study Effects of High-Flow Test on Grand Canyon +Sci/Tech,Apple deepens Sony #39;s woes as iPod takes off +Sci/Tech,First Optical Discs with Play Side Messaging +Sci/Tech,WS-Reliability middleware released as open source +Sports,Capello Applauds Vieri +Sports,Cracknell to take a break from rowing +Sports,Coughlin Not Pleased With Manning #39;s Progress +Sci/Tech,Online sellers given fraud alert +Sports,Packers face Rams in Monday nighter +Sports,"NBA Wrap: Wade, O'Neal Lead Heat to 10th Win of Season" +Business,EADS Board Still Mulling New Airbus Jet +Business,"Waste management firms BFI Canada, IESI announce \$1.1 billion <b>...</b>" +Sports,Red Sox Grab SI's Sportsman of the Year Honor +World,Iran Flip-Flopping on Nuclear Agreement +World,Asean signs historic deal with China +World,Sri Lanka mulls Tiger threat to return to war +World,Nairobi Summit Urges More Progress to Ban Land Mines +Sports,Alpine Skiing: Super-G Win Puts Miller in Exclusive Club +Sports,Bears Set to Sign QB Jeff George +Sci/Tech,"Sony, IBM, Toshiba Give Details of 'Cell' Chip" +Sci/Tech,International Space Station Status Report: SS04-042 +Sports,Injury Forces Emmitt Out of Arizona Game +Sci/Tech,Toshiba Wins Support for HD DVD from 4 Film Studios +World,Asean must fast-track integration +World,Swiss Referendum Allows Stem Cell Research +Sci/Tech,Video Games Teach More Than Hand-Eye Coordination +Sci/Tech,Fighting Games Deliver Knocks for the Holidays +Sci/Tech,Firm Intros Text-Friendly Coat for 2-Sided Discs +Sci/Tech,Sony Unprepared for Flat TV Demand +Sci/Tech,Chip Sales Rise 1.5 Pct in October from September +Sci/Tech,"After a Decade, Philips Makes PCs Again" +Sci/Tech,Canon Problems Ease Fears of LCD Glut +Sci/Tech,Nintendo Operating Profit Up 39 Percent +Business,Bush Picks Kellogg #39;s Gutierrez as US Commerce Chief (Update1) +Business,Black Friday pushes market into green +Business,Economy grows by 6.3 +Business,BFI Canada in \$1.1B waste management merger +Sci/Tech,"Coast to Coast, Different Views From the Top" +Sci/Tech,Universal Pictures to adopt HD-DVD format +Sci/Tech,Cell to Drive PS3 +Sports,Liverpool 2 - 1 Arsenal .: +Sports,Rogers to buy SkyDome +Sci/Tech,Intelsat Satellite Loss Threatens Sale +Sports,Cracknell to take a year out +Sci/Tech,InfoWorld Announces 2005 Technology of the Year Awards +Business,Wal-Mart Falls 3 Pct on Forecast Cut +World,Pakistan test-fires ballistic missile Ghaznavi +World,Hamas leader signals it has halted attacks on Israelis +World,Archbishop of Canterbury Asks Anglicans not to Condemn Homosexuals +Business,Dollar Firms as Focus Turns to U.S. Data +Business,Merck Adopts Key Managers Benefits Plan +Business,UnitedHealth to Buy Definity Health +Business,Airbus Enroute to Challenge Boeing's 7E7 +Business,"Blue Chips Extend Losses, Wal-Mart Weighs" +Business,Planemaker Airbus Clears Another Hurdle +Business,Investors tell Vietnam to do more +Business,Essbase 7X brings interactive BI to BPM +Business,Atari Appoints James Caparro President and Chief Executive Officer +Business,BFI Canada to Acquire IESI to Expand in US South (Update1) +Sci/Tech,"Sony, Partners Offer Glimpse Of New quot;Cell quot; Chip" +World,Bhopal survivors still short on medical treatment and compo +World,Anglican Head Warns Against Homophobia +Sports,Gibbs to Look at Offense +Sci/Tech,Satellite Failure Hits Broadband Users +Business,Bush taps Carlos Gutierrez to replace Evans +Business,AstraZeneca #39;s Nexium Gets US Approval for New Use (Update1) +Sci/Tech,GMail Fighting Spam with Oomph! +Sci/Tech,Yahoo Update or Changes do to Clusters +Sci/Tech,"IBM, Sony Debut Cell Workstation" +Sci/Tech,Saturn Pictures Seen from Near and Far - Saturn Pictures from <b>...</b> +Sci/Tech,MSN Improves Search with Rosette Linguistic Analysis +Sports,Myskina Wins Three to Edge France for Fed Cup Victory +Sports,PACKERS: Favre #39;s historic streak #39;incomprehensible #39; +Sports,Seattle SuperSonics Team Report - November 29 +Sci/Tech,Yahoos New Front Page and Shortcuts +Sci/Tech,Columnists: Seeds of Disaster +Sci/Tech,"Sony, IBM and Toshiba reveal more Cell chip plans" +Sci/Tech,AMD unveils chip for portable video players +Sci/Tech,Take part in your very own DDoS attack +Business,Dollar Firms as Focus Turns to U.S. Data +Business,Bush Picks Kellogg CEO for Commerce Post +Business,Rising euro puts ECB in a fix +Business,Fonterra slates National Foods +World,Cuba Releases at Least Four Dissidents (AP) +Sci/Tech,December 13 Titan Flyby Prelude to Landing +Sports,NHL season nearing point of no return: Dryden +World,Bush Picks Kellogg CEO for Commerce Post (AP) +World,Jordan #39;s crown prince loses title: King Abdullahs son now seen <b>...</b> +World,Edwards to End Term With Farewell Tour (AP) +Sports,Column: Singh Poised for Overdue Players' Accolade +World,Sudan Threatens to Expel Two UK Aid Agency Heads +World,France Opens Judicial Inquiry Into Holocaust Doubter +Business,"Stocks fall sharply, quickly" +Business,Merck Execs Protected in Case of Takeover +Business,"Royal Group Removes Chairman De Zen, Names New Chief (Update2)" +Sci/Tech,Universal Pictures backs HD-DVD +Sci/Tech,SCO Web site hack mocks company #39;s legal claims +Sci/Tech,Quake Shakes Mount St. Helens +Sci/Tech,Bison overkill theory maybe debunked by DNA +Sports,Pompey plan to set record straight +Sports,Blue Jays buy SkyDome +Business,Fictional Billionaires (Forbes.com) +Business,Loss of Intelsat Satellite Threatens \$3.1 Bln Deal +Business,Cereal chief gets US commerce job +Business,Christmas spending 'set to rise' +Business,Retailers Seen Posting Modest Nov. Sales (Reuters) +Business,Retailers Seen Posting Modest Nov. Sales +Business,Ukraine crisis 'sparks bank rout' +Business,Kellogg appoints Jenness CEO after Gutierrez resigns to join <b>...</b> +Business,Retailers have modest start to holiday shopping +Business,Update 2: Euro #39;s Eclipse of Dollar Is #39;Unwelcome #39; +Business,Dollar worries prompt Wall Street selloff +Sci/Tech,Hollywood Backs Toshiba on DVD Format (AP) +Sports,Sirius to Air Men's NCCA Tournament (AP) +Sci/Tech,Kazaa Offering Free Internet-Based Calls (AP) +Sci/Tech,Universal Pictures Backs HD DVD +Sci/Tech,Tech Trio Share Cell Processor Details +Sci/Tech,SCO Group Web Site Attacked Again +Sci/Tech,"Recording Industry, Kazaa Square Off (AP)" +Sports,Team spends \$21.24 million for SkyDome +Sports,Good Reward for McGaughey in Hollywood Derby +Sci/Tech,Satellite Failure Hits Broadband Users (PC World) +World,Powerful quake injures 17 as Japan waits for the big one (AFP) +Sci/Tech,Easy Group signs up with T-Mobile (FT.com) +Sports,BCS Standings Unchanged With Auburn No. 3 (AP) +World,Amnesty Int #39;l: Bhopal Gas Leak Victims Still Suffer 20 Years Later +Sci/Tech,Study: Scurvy Hit Early N. American French Colony (Reuters) +Sci/Tech,Europe's Tug-Of-War on GMO Crops Rages On (Reuters) +World,Post Office Gearing Up for Holiday Rush (AP) +Sci/Tech,Major UK Study Sees Little Harm in GMO Crops (Reuters) +World,Suicide Bomber Kills 12 in Attack on Iraqi Police +Sci/Tech,Marines Aided by Robotic Airplane in Iraq (AP) +Sci/Tech,Sophisticated Radar System Protects Bush (AP) +Sci/Tech,U.S.-Russian Crew Re-Docks Spaceship (AP) +Sports,It is a perfect time to be with Renault: Giancarlo Fisichella +Sci/Tech,Nobel winner in degree protest +Business,Bush nominates Kellogg #39;s CEO for commerce +Sci/Tech,A glimpse of the Cell processor +Sci/Tech,Toshiba Dreams of Hollywood +Sports,Celtics lose fourth straight +Sci/Tech,SCO Web site hack mocks company's legal claims +Business,Crude oil futures flat; Saudis look to raise capacity +Sci/Tech,Studios Support Toshiba #39;s DVD Format +Sci/Tech,"Firefox Registers Usage Gains, Though IE Remains Dominant" +Sci/Tech,"Nintendo, Sony game for gaming war" +Sports,Toronto Blue Jays to Buy SkyDome for \$21 Million +Sports,USC strengthens BCS No. 1 hold; Oklahoma still No. 2 +Sports,Woolmer hopes to spring a surprise +Sports,"Marc Bulger (2819 yards, 15 TD, 11 INT) is coming off a so-so <b>...</b>" +Sports,Spadafora appears in Allegheny County court +Business,"Wal-Mart Sales Cast Gloom, Stocks Fall" +Sci/Tech,News: SCO hacked in apparent IP protest +Business,Toshiba Dreams of Hollywood +Business,Retailers Post Mediocre Holiday Sales +Business,"Merrill, UBS Up Apple Stock Estimates" +Sci/Tech,Priorities Are Askew at the FCC +Sci/Tech,Screensaver to attack Spammers +Sports,Rogers Communications Agrees to Buy SkyDome for C\$25 Million +Sports,"Soccer: Henry, Ronaldinho and Shevchenko nominated for FIFA #39;s <b>...</b>" +Sports,Improved Heat Not Content With Start (AP) +World,China forges landmark free trade pact with Southeast Asian nations +World,"Compensation plan for 27,000 Pinochet victims" +World,Al-Zawahri Vows to Keep Fighting U.S. (AP) +Sports,Hill brings magic back to NBA (The Sporting News) +World,Death toll from China coal mine blast rises to about 50 (AFP) +World,U.N. Told to Protect Civilian Victims of Conflict (Reuters) +Business,"Fear has put \$15 on oil price, says Naimi" +Business,Rolls Royce hot seat to be filled by BMW SA chief +Sci/Tech,Sony prefer PS2 over PSP +Sci/Tech,Lycos launches screensaver in fight against spam +Sports,Nothing funny about silly money +Business,Kellogg appoints Jenness CEO after Gutierrez resigns to join <b>...</b> +Business,Disappointing holiday news hurts retail shares +Business,"Anil sends out another mail, now to RIL" +Business,"Reliant, Dynegy, El Paso Traders Are Indicted by US for Fraud" +Business,Sovereign CFO Hogan to Retire +Business,Airbus to get go ahead to start marketing A350 +Business,China Automotive Stock Doubles on Pacts +Business,UnitedHealth Group Buys Definity Health +Business,"Cingular Wireless Loss Is Alltels, MetroPCS Gain" +Business,Loss of Intelsat satellite could threaten sale +Business,Russian Official Details Iraqi Debt Deal +Business,Investors Eye Brokerages 4Q Reports +Sci/Tech,"Sony, IBM, Toshiba say powerful chip to start production in 2005" +Sci/Tech,Microsoft WINS Said To Be Vulnerable +Sci/Tech,US-Russian Crew Re-Docks Capsule +Sci/Tech,Series of earthquakes rattle Mount St. Helens +Sci/Tech,iPod adoption rate faster than Sony Walkman +Sci/Tech,Major IT Crash Hits UK Government Department +Sci/Tech,Microsoft Plans Last Windows 2000 Update +Sci/Tech,Screensaver tackles spam websites +Sports,More Leeds United Stories +Sports,Cricket-ICC anti-corruption team to probe Nairobi tournament +Sports,Blue Jays to buy SkyDome for \$21.24 million +Sports,BCS: Auburn stuck at 3; Texas closing in on Cal +Sports,Browns lose LB Andra Davis for season +World,China mine blast toll rises to 50 as hopes for missing workers <b>...</b> +World,Sharon in a spot +World,Dalai Lama arrives in Russia +World,Nairobi Summit Urges More Progress to Ban Land Mines +World,"Aznar denies Iraq link, defends role in wake of Madrid bombings" +Sports,ACC Ties Record With Seven Top 25 Teams (AP) +World,Aznar Denies Madrid Bombs Were Linked to Iraq War (Reuters) +Sports,Source: Stanford Fires Coach Teevens (AP) +Sports,BoSox OK Deal With Catcher Doug Mirabelli (AP) +Sports,Falcons Sign Crumpler to Contract Extension (Reuters) +Sports,Boggs Heads 2005 Hall of Fame Ballot (Reuters) +Sports,Austrian Men's Team Gets Female Goalie (AP) +Sports,Boggs Heads 2005 Hall of Fame Ballot +Sports,USC Strengthens BCS No. 1 Hold; Oklahoma No. 2 +Sports,Jeff George Signs with Bears +Sports,Cards' Smith Sidelined; Navarre to Start at QB +Sports,"Gatlin, Hayes Earn Jesse Owens Awards" +World,"One Month Later, Fight Over Ohio Continues (AP)" +World,Aznar Denies Madrid Bombs Were Linked to Iraq War +World,"Ukraine President Bows to Pressure, Backs New Vote" +World,Al Qaeda's Zawahri Says Will Keep Fighting U.S. +Business,Crude Futures Trade Above \$49 After Norwegian Supply Snag +Business,Court throws out apartheid cases +Sports,"Miller, Maier play down talk of rivalry" +Sports,Schalk faces media frenzy +Sports,Blue Jays agree to buy SkyDome +Sports,Falcons sign Crumpler to contract extension +Sports,Cavs place Scott Williams on injured list +World,Supreme Court Hears Arguments on Medical Use of Marijuana +Sports,U-Va. Nears Bowl Bid +Business,Is Santa Skipping Wal-Mart? +Business,UnitedHealth Getting Healthier +Business,China GM = 100 Gain +Business,"Univision, Nielsen Drop People Meters #39; Litigation (Update1)" +Business,Russia slashes \$9 billion from Iraq debt +Business,Investing in Car Culture +Sci/Tech,Kazaa Trial Starts Down Under +Sci/Tech,Toshiba Wins HD DVD Support from 4 in Hollywood +World,Musharraf Sees 'Light at End of Tunnel' with India +Business,Trump's Rough Edge +World,French conservatives vie for party loyalty +Sci/Tech,Wi-Fi Planet highlights multichannel access points +Sci/Tech,New file system constrains Treo 650 storage capacity +Business,FCC threatens to investigate SBC +Sports,Bennett agrees to contract +Sports,"Bears, Cardinals latest to jump starters" +Sports,Packers Glad They Get Rams at Lambeau +World,Eta train bomb theory gathers pace +Sci/Tech,Kazaa owner in Australian copyright battle +Business,Canada #39;s current account surplus shrinks +Sci/Tech,US-Russian crew re-docks spaceship at space station +Sports,Falcons Sign Crumpler to Contract Extension +Business,Bush Picks Kellogg CEO for Commerce (Reuters) +Business,"GM, Ford See Weak Sales, Production Cuts (Reuters)" +Business,Saudi Arabia insists high oil prices no threat to world economic growth (AFP) +Business,"Oil Up on Winter Worries, Norway Outage" +Business,"Blue Chips Edge Down, Apple Lifts Tech" +Business,"Willis Hires Top Marsh Exec, Stock Rises" +Business,Bombardier Falls After Ebersol Jet Crash +Business,Treasuries Trip Lower +Business,US vows to stick to dollar policy +Business,Wal-Mart Falls 3 Pct on Forecast Cut +Business,Singapore and S. Korea in trade pact +Business,Russia hopes to repay \$10 bn foreign debt in 2005 +Sci/Tech,Sony Discloses Details on Computer Chip (AP) +Sci/Tech,Firefox browser sees surge in use +Sci/Tech,Space Station Crew Clears Path for Space Walks +Sci/Tech,PalmOne moves to ease Treo 650 memory gripes +Sci/Tech,Microsoft opts against SP5 for Windows 2000 +Sports,Henry favoured for FIFA award +Sports,Three into two +Sports,Woolmer says Pakistan aim to surprise Australia +Sports,Red Sox reach agreement with catcher Doug Mirabelli +Sci/Tech,Google Desktop Search Add-On Brings Battle Closer to Microsoft (NewsFactor) +Sci/Tech,Studios Support Toshiba's DVD Format (NewsFactor) +Sci/Tech,Wi-Fi Planet highlights multichannel access points (InfoWorld) +Sci/Tech,FSF Faces New GPL Challenges (Ziff Davis) +Sci/Tech,Major I.T. Crash Hits UK Government Department (NewsFactor) +Sci/Tech,Research: PC Market Poised for Shakeup (NewsFactor) +Sci/Tech,"Brain Scan Shows Differences in Truth, Lying (Reuters)" +Sci/Tech,"Tiny Fuel Particles Cause Heart Attacks, Group Says (Reuters)" +Sci/Tech,How Collisions Shaped an Asteroid (SPACE.com) +Sci/Tech,Coral Thrives on Sunken WWII Ships in Gulf (AP) +Sci/Tech,ISS Crew Successfully Redocks Soyuz Spacecraft (SPACE.com) +World,Sudan Delays Expulsion of British Aid Agency Heads +Sci/Tech,Orange Revolution +Sci/Tech,"Sony, IBM, Toshiba Give Details of 'Cell' Chip" +Sci/Tech,Toshiba Wins HD DVD Support from 4 in Hollywood +Sci/Tech,Sun Micro Agrees to Buy Closely Held SevenSpace +Sci/Tech,The Moon Eclipses Jupiter +Business,Dollar Worries Send Dow to Close Down 46 +Sci/Tech,SCO Web site hack mocks company #39;s legal claims +Sports,World Cup skiing Miller #39;s career headed downhill +World,Thailand urges global landmine fund at first review of <b>...</b> +Sci/Tech,2005 Predictions +Sci/Tech,New Treo 650 file system cuts storage capacity +Sci/Tech,U.K.'s Blair tries to allay fears over ID card database +Sci/Tech,"Q A: John Swainson, CA's new CEO, lays out his priorities" +Sci/Tech,Study: High-tech firms praised for online customer respect +Sci/Tech,Hackers force creation of more IT security jobs +Sci/Tech,SCO Web site hack mocks company's legal claims +Sci/Tech,Satellite failure hits U.S. broadband services +Sci/Tech,Microsoft and Sun plan webcast to detail cooperation +Sci/Tech,Ask a Premier 100 IT Leader: Dan Agronow +Sci/Tech,U.K. government hit with another large computer failure +Sci/Tech,First Look: Portable Speakers Pack Punch +Business,Byrd in hand too much for Bush +Sci/Tech,SCO Web site attacked again +Sports,"New league, same stakes for Hokies, Canes" +World,"Progress made, but much to do to reach mine-free world, summit <b>...</b>" +Sci/Tech,Yahoo Searchs Slurp and How to Write for It +Sci/Tech,Dark Side of Kazaa and Other P2P File Sharing Programs +Sci/Tech,iMac G5: Ultimate Computer +Business,"US Maintains Dollar Policy, Official Says (Reuters)" +Business,Bush selects Kellogg executive to head Commerce Department +Business,"With Thanksgiving Over, Xmas Could Be Next" +Business,"Korean FTA concludes, progress with India" +Business,"Royal Group Removes Chairman De Zen, Dunsmuir, Goegan (Update3)" +Sci/Tech,Studios taking sides in fight for successor to the DVD +Sports,George Thankful for Opportunity With Bears (AP) +Sports,Ht Rotherham 0 Leeds 0 +Sports,West Virginia invited to Gator Bowl again +Sports,"Mirabelli, Red Sox reach terms: report" +Sports,Vols Keep Promise of Rematch With Auburn (AP) +World,UN Agency Welcomes Iran #39;s Suspension of Nuclear Program +World,Amnesty for rein on MNCs +World,Tom Brokaw: Events And Leaders Of Our Time +Business,"Bush names new commerce secretary, expects to change economic team" +Business,China says speculation imperils yuan reforms +Sci/Tech,Music groups launch test case against website +Sports,It Just Had To Be +Sports,Leeds fall to Yorkshire rivals +Sports,Bennett bolts Brewers for Nationals +World,Rescuers confident of saving second pod +World,Aznar Denies Madrid Bombs Were Linked to Iraq War +Business,'Blue Monday' Kicks Off Online Shopping Season (Reuters) +Business,Univision Drops Lawsuit Against Nielsen +Business,Update 1: Kellogg Appoints Jenness As Its New CEO +Business,Wal-Mart shares fall on poor holiday sales +Business,Saudi Arabia insists high oil prices no threat to world economic <b>...</b> +Business,US Promises Compliance with WTO Rules +Business,UPDATE 1-Canadian court OKs Deutsche Bank plan for Stelco +Business,Russia could repay \$10bn of debt early +Business,TriQuint to Eliminate 200 Jobs +Business,Supreme Court won #39;t review super aspirin #39; #39; patent dispute +Sci/Tech,PlayStation 3 chip on track +Sci/Tech,SCO Web site hack is like breaking in +Sci/Tech,Sun acquisition to boost IT services portfolio +Sci/Tech,"Cicadas, an Elixir for the Earth" +Sci/Tech,"Microsoft, Sun to Talk Interop" +Sci/Tech,Lycos App Lets Users Exact Revenge on Spammers +Sci/Tech,Creative Zen Micro 5GB music player +Sports,Smith still waiting to be offered Scotland manager #39;s job +Sports,Another defeat stares at Kiwis +Sports,"Clemson, South Carolina players suspended for fight" +Business,Dow Ends Lower as Wal-Mart Sales Drag +World,Brazil's Trade Surplus Is Biggest Ever +World,Chinese officials have little hope for trapped miners +World,Myanmar Junta #39;s Detention of Suu Kyi Leaves US Disappointed #39; +Business,Bush Picks Kellogg CEO as Commerce Chief +Business,ADV: Investment Letter Performance Leaders +Business,Five Former Natural Gas Traders Charged +Business,Willis Hires Top Marsh Executive +Business,Oil Rises After Norwegian Platforms Shut Because of Gas Leak +Business,Merck moves to protect top officers +Business,Five Former Natural Gas Traders Charged +Business,Wall Street stocks end mixed following sales warning from Wal-Mart +Business,Bush supports strong US dollar +Sci/Tech,TechBrief: A new chip on the block +Sci/Tech,Sun snacks on SevenSpace #39;s software services +Sports,Celtics #39; West breaks right hand +World,UN chief names troubleshooter +Business,Bush picks Hispanic executive as commerce secretary +Business,Retailers Seen Posting Modest Nov. Sales +World,Tsunami survivor rescued at sea +World,A time of testing for global democracy +Sports,Redknapp #39;s final straw +World,Sharon survives no-confidence votes +World,Suu Kyi #39;s house arrest extended +World,"Bush to ask for help in Afghanistan and Iraq, sources say (Canadian Press)" +Sci/Tech,Photo: Bashing bioterror +Business,Dollar little moved against euro as US reiterates belief in #39; <b>...</b> +Business,"After Bell: Hot Topic Falls, Micromuse Up" +Business,Traders decrease yuan bets +World,Bush Picks Kellogg CEO for Commerce Post (AP) +Sci/Tech,Sun To Acquire MSP SevenSpace +Sports,FSU and West Virginia Headed to Gator Bowl +World,Cuba Frees Three Dissidents from Prison +World,Push for rule of law in West Bank +Sci/Tech,IBM invigorates LTO tape storage +Business,Kingdom to Raise Oil Output Capacity to 12.5m bpd: Naimi +World,"Annan Names New Chief of Staff, Reform Push Seen" +Sports,Falcons sign Alge Crumpler to six-year contract extension +World,SE Asian Nations Seek Free Trade Zone with Rising China +Sports,Detroit Cops Think They Know Chair Tosser (AP) +Sports,Miller's Deal With Brewers Is Finalized (AP) +Business,"Industry doubts Boeing, Lockheed launch team viable" +Business,Cingular posts \$650M with AT amp;T +Sports,Ebersol's Son Feared Dead After Crash (AP) +Sports,FA to ban spitter Diouf +Sports,Ponting slow to declare +Sports,A fight destined to become a classic +Sports,Cracknell to take a year off +Sports,"Mayor, Council Prepare For Stadium Vote" +World,Cuba Restores Contacts with European Embassies +World,"US Says Iran Increasingly Isolated, Pressured, on Nuclear Issue" +World,Annan #39;surprised #39; at son #39;s link to oil-for-food scandal +World,IAEA Agrees on Plan to Police Iran Nukes (AP) +World,Resignation of disgraced Fiji VP fails to quell anger over prison release (AFP) +Business,The JM Smucker Company Announces Strategic Actions +Sports,LSU Going Miles to Fill Coaching Vacancy +Sports,Utah's Smith to Turn Pro +Sci/Tech,IBM Unveils Latest #39;On-Demand #39; Tech Center +Sci/Tech,"Upgrade downs 80,000 UK government computers" +Sports,FOOTBALL: I FEAR LOVELL WILL LEAVE US LIKE NOVO +World,Human rights activist to stand in Egyptian presidential election (AFP) +World,"With ban imminent, Prince William joins fox hunt (AFP)" +World,Senior Hamas Leader Holds Out Possibility of Cease-Fire with <b>...</b> +Business,Smucker #39;s To Close Salinas Facility In 2005 +Sci/Tech,IBM opens on-demand lab +World,Aung San Suu Kyi still under house arrest +Business,Gold Fields investors snub bid +Business,"UPDATE 1-US backs strong dollar, expects Chinese FX reform" +Business,Bombardier shares drop to new lows after third Bombardier jet <b>...</b> +World,Suicide Bomber Kills 12 in Attack on Iraqi Police (Reuters) +Sci/Tech,HD-DVD Gains Three Backers +Sports,Chiefs QB Trent Green Questionable (AP) +Sports,"James, Marion named NBA Players of the Week" +World,Insurgents Kill 7 Iraqi Security Forces (AP) +World,Gunmen Kill Photojournalist in Mexico (AP) +World,Canada to boost defence and security commitments during Bush visit (Canadian Press) +World,Al-Qaeda deputy in new tape +Sports,Broncos Game Big for Chargers (AP) +Sci/Tech,HP updates Openview to meet business needs +Sci/Tech,MPs demand action on DWP mess +Sci/Tech,Microsoft offers to replace fake Windows XP +Sports,"Even with a patchwork secondary, the Patriots just keep on winning" +World,Chirac names ally to replace rival +Business,Stock Fund Inflow Slows To #36;7.17 Bil (Investor's Business Daily) +Business,Chinese PM Redirects Blame for Currency Rates to Washington +World,Peru Starts Offensive to Reclaim Siege Town (Reuters) +Business,Lehman Brothers Names Christopher M. O #39;Meara Chief Financial <b>...</b> +Sci/Tech,Sony PlayStation 3 to use Cell chip +Sci/Tech,"Sharman turned blind eye to copyright filtering, court told" +Sci/Tech,"Government lab, company lead project to develop nuclear fission <b>...</b>" +Sci/Tech,SCO Group Web Site Attacked Again +Sci/Tech,Sun to buy remote-management firm +Sports,McGrath keeps up the pressure +Sports,Tourists hoping to surprise Aussies at home +Sports,McGee makes debut on Hall of Fame ballot +Business,Stanley Works buying two security companies +Sci/Tech,HP rejiggers utility computing line +Sci/Tech,Project Aims to Develop Hydrogen Power +Sci/Tech,Beijng may reconsider deals on Microsoft software +Sci/Tech,Valve prevails in cyber-cafe rights case +Sci/Tech,Dragon Quest VIII Playtest +Sci/Tech,Armored Core: Clean Front +Sports,Rowing: Cracknell takes year out to seek new challenges +Sports,Burns to stay on as Smith agrees four-year deal with Scotland +World,Cuban Gov't Releases Several Dissidents (AP) +Sports,Baseball Ace Scout Rex Bowen Dies at 93 (AP) +World,IAEA not to refer Iran #39;s nuclear issue to UN +World,Australian PM makes ASEAN debut under pressure to sign non-aggression pact (AFP) +World,AP: EPA Looking at Using Tests on People (AP) +Sports,Sportsview: Effort Benefits Steelers (AP) +Business,Dollar Rebounds; Tone Cautious on U.S. Jobs +Business,Wells Fargo Takes Control of Strong (AP) +Business,Brazil's Trade Surplus Is Biggest Ever (AP) +Business,VW considers opening Indian plant +Sci/Tech,"IBM, Sony, reveal plans for #39;Cell #39; chip" +Sci/Tech,Are you sitting comfortably? Then let #39;s spy +Sports,Smith set for Scotland job but Knox may join Gough +Sports,"Gatlin, Hayes win US Jesse Owens Awards" +Business,Warning over US pensions deficit +World,Annan Says His Son #39;s Payments Created a #39;Perception Problem #39; +Business,"Online Shopping Increases, Malls And Stores Report OK Sales" +Business,Halliburton settles insurance dispute +Business,UPDATE 1-Perry acquires 9.89 percent stake in Mylan Labs +Sports,Celtics Beat Magic 117-101 to End Skid (AP) +Sci/Tech,Spot On: Dragon Quest VIII fever hits Japan +Sci/Tech,Scientists unveil project to extract hydrogen in nuclear reactors +Sci/Tech,Government procurement cannot save china #39;sl software industry +Sci/Tech,"DoCoMo, MMO2 to Offer I-Mode Service in UK, Ireland (Update1)" +Sci/Tech,Score One for Gordon Freeman +Sports,Fratton fracas +World,US thwarted over Iran +World,"I still believe in Eta train-bomb link, says Aznar" +World,"William Safire: #39;My Son, My Son" +Sports,Body of NBC Executive's Son Believed Found +World,Son's Payments on Deal Disappoint Annan (AP) +World,Fresh Floods Kill at Least 26 in the Philippines +World,Yushchenko seeks confidence vote +Business,Reeling Merck Offers Officers a Bonus Deal +Business,Kellogg appoints Jenness CEO after Gutierrez resigns to join <b>...</b> +Business,Intelsat buy-out to be reviewed +Business,Halliburton Units Win Approval of Asbestos Settlement (Update1) +Business,Biffa upturn helps to steady Severn +World,Beijing signs pact for Asean trade +World,Aznar stands by his claim of Eta link to bombings +World,Suicide bomber kills 12 in attack on Iraqi police +Sports,The Process of Picking a Winner Poses Issues +Business,TA agrees to acquire Bulgaria #39;s MobilTel +Business,Pension hit adds to woes at Severn +Business,Stanley buying Indianapolis lock firm +Business,Martha Stewart subscribers renewing at brisk pace +Business,Body of NBC TV exec #39;s son believed found +Business,Oil Down 3 Pct as U.S. Winter Stays Mild +Sci/Tech,Hollywood snubs Sony #39;s new DVD format +Sci/Tech,Turn yourself into a diamond: tips on having a good life +Sports,Bode Miller takes super-G event +Sports,NCAA Game Summary - Purdue at North Carolina State +World,Chirac gathers his loyalists +World,UK ; Northern Irish parties scramble to seal deal +World,Whales and dolphins beached in Australia +World,Lapid Angrily Questions the Rabbis Decision to Vote for the Budget +Business,Dollar Higher Vs Yen +Business,Bush Nominates Kellogg Executive for Commerce Secretary +Sports,Packers Lead Rams 7-0 After One Quarter (AP) +Sci/Tech,"Sony, Partners Offer Glimpse Of #39;Cell #39; Chip" +Sci/Tech,Valve Wins Round One +Sports,"Celtics 117, Magic 101" +World,US Calls on UN Chief to Release All Oil-for-Food Facts +World,Pakistan Test Fires Ghaznavi Missile +Business,Retailers Post Unimpressive Holiday Sales (AP) +Business,Pilots and Makers of Copters Defy the Aviation Slump +Business,Unilateral action can stop the dollar #39;s slide +Business,Bush Taps Kellogg CEO Gutierrez as New Commerce Secretary +Business,Yukos Chief Plans Return To Russia +Sci/Tech,Four Studios Give Backing to a Format for DVD #39;s +Sports,Australia on brink of victory +Sports,Strawberry And Boggs Are On Hall Ballot +Sports,Pacers Won #39;t Comply With Police Request +World,Myanmar #39;s PM quot;yet to confirm quot; Suu Kyi #39;s extended detention +World,"Bhopal Victims Not Fully Paid, Rights Group Says" +Sports,Pacers Won't Comply With Police Request +Business,Update 1: Ex-Disney Director Testifies About Eisner +Sci/Tech,Hollywood Steps Into Video Format Fight (AP) +Sci/Tech,Online Retailers See Thanksgiving Surge (AP) +Sci/Tech,Industry Claims Kazaa Copyright Pirate +World,Mexico's Fox Vows Justice in Mob Slayings (AP) +Sports,AUSTRALIA CLOSE TO VICTORY +Sci/Tech,Honda's Minimoto Maxii Tops Kids' Wish Lists-Yahoo (Reuters) +World,Asean abandons move to censure Burma over human rights abuses +World,Paisley appears ready to compromise to secure place in history +World,Dalai Lama arrives in Southern Russian Buddhist Republic +Sci/Tech,'Skulls' Mobile Security Threat Seen Low-McAfee (Reuters) +Sci/Tech,IBM And Chip Partners Take Aim At Intel (Investor's Business Daily) +Sci/Tech,Booming China Awash in 'Out of Control' Acid Rain (Reuters) +Sci/Tech,Project Aims to Develop Hydrogen Power (AP) +Business,Witness Deferred to Eisner on Ovitz Firing +Business,US-based Stanley Works buying two security companies +Business,Halliburton says court approves insurance accords +Sci/Tech,Canadian Inventor Lets Everyone Be an Armchair Spy +Sci/Tech,Setback for Microsoft as Beijing scraps deal +Sci/Tech,Game Recreates JFK #39;s Assassination +Sports,Monday #39;s Top 25 Capsules +Sports,Rison Given Option for Release +World,China Agonizes as Hope Vanishes for Missing Miners +World,Burma Extends Suu Kyi #39;s Detention +Sports,Shouldering a Giant Load +Sci/Tech,'Skulls' Mobile Security Threat Seen Low-McAfee +Sports,Hot Stove Warms D.C. +World,Cricket: Australia finish off NZ +Sports,Still Waiting on a Bowl +Sci/Tech,Sony Takes on iPod with New Hard Disk Walkman +Sports,The Latest BCS Drama +Sci/Tech,Canadian Inventor Lets Everyone Be an Armchair Spy +Sports,Hughes Scores Huge +Sports,Goals Still in View +Sci/Tech,Toshiba Wins HD DVD Support from 4 in Hollywood +Sports,Wolfpack Edge Purdue +Sports,Lawyers Not Close +Sports,Bradley in Trouble Again +Sports,Celtics Snap Skid +World,States' Rights Defense Falters in Medical Marijuana Case +World,U.S. Officials Build a Powerful Partnership in Iraq +Sci/Tech,Satellite Failure May Jeopardize Intelsat Deal +World,Sundance Opens Competition to Foreign Films +Sci/Tech,New File System Constrains Treo 650 Storage Capacity +Sci/Tech,"Sony, IBM, and Toshiba Reveal Additional Details on Cell Chip" +Sci/Tech,"IBM, Sony and Toshiba Unveil Cell Processor" +Sports,"Australia Beats New Zealand, Seals Sweep of Test Cricket Wins" +Sci/Tech,Hip-Hop's New World to Conquer: Your Phone +Sci/Tech,"Around the World, With 13 Fuel Tanks and a Single Seat" +Sci/Tech,Four Studios Give Backing to a Format for DVD's +Sci/Tech,"Ad Spending Rises, Particularly on the Net" +Sci/Tech,Judge Dismisses Suit Against Oracle Officers +Sci/Tech,"NTT DoCoMo, Mm02 Sign Deal" +Sci/Tech,Now everyone can spy +Sci/Tech,Skulls program carries Cabir worm into phones +Sports,Plucky tail can #39;t save Kiwis +Sports,Police Say They #39;ve Identified Man Who Threw Chair in Pistons <b>...</b> +Sports,"USC, Oklahoma Retain Positions" +Sports,QB Shuffle For Cards And Bears +World,"India ; 20 years on, Bhopal #39;s gas tragedy continues" +World,Son #39;s Payments on Deal Disappoint Annan +Sports,"College Basketball: Oklahoma State, N.C. State Win" +Business,Five in Texas Are Accused of Reporting False Trades +Business,Disney characters on trial +Business,Dollar Firms as Focus Turns to US Data +Sci/Tech,Are you sitting comfortably? Then let #39;s spy +Sci/Tech,Viral threat to 3G phones pumped up +Sports,I #39;ll stand and fight +Sports,"Miller, Mirabelli finalize deals as free-agent market resumes" +World,IAEA endorses Iran #39;s N-freeze: US insists on taking action +Sci/Tech,Sony Takes on iPod with New Hard Disk Walkman +World,Suu Kyi detention extended +World,Britain admits cost of ID cards will be almost double estimate (AFP) +World,China Agonizes as Hope Vanishes for Missing Miners (Reuters) +Business,Reeling Merck Offers Officers a Bonus Deal +World,Leader Offers Fresh Election For Ukrainians +Business,Merck Adopts Severance Safeguards for Executives +Business,Singapore and India to sign free-trade pact in 2005 +Business,Nielsen #39;s Concessions End Fight With Univision +Business,DC #39;s Thayer Gets Stake in BFI Canada +Sci/Tech,"Kazaa created for lawful purposes, court told" +Sci/Tech,Motorola using Microsoft ActiveSync protocol for Linux smartphone +Sports,CRACKNELL TAKES YEAR OFF +Sports,California bears burden of making point that it #39;s BCS-worthy +Sports,"Nuggets 76, Hornets 67" +World,Burma Extends Democracy Leader #39;s Detention +World,N-capable Ghaznavi missile test-fired +Sports,Body of NBC Official's Son Is Believed Found in Crash +Sports,Disparity Is Growing Between Conferences +Sports,"The Giants' Warner, a Backup, Speaks Up" +Business,Judge Dismisses Big Rights Suit on Apartheid +Business,TSA backs off no-bid contract plan for airport security equipment +Business,Severn Trent First-Half Net Falls 27 on Pension Cost (Update1) +Sci/Tech,Kazaa Now Offers Free Internet Phone Calling Feature +Sci/Tech,Volunteers spread word of Firefox +Sci/Tech,Dragon Quest VIII Dungeon Details +Sports,Australia Beats NZ for Sweep of Test Cricket Wins (Update1) +Sports,FOOTBALL: WENGER #39;S PAT ON THE BACK +Sports,Walter Smith offered Scotland coaching job +World,UN agency agrees to police Iranian enrichment freeze as US voices <b>...</b> +World,Dalai Lama Arrives in Russia +Business,Kellogg CEO to head Commerce Department +Business,TSA Reconsiders Technology Contract +Business,HK PRESS: PSA Takes HK Port Stake For HK\$2.6 Billion +Business,Grassley Defends Whistle-Blower +Sci/Tech,HP rejiggers utility computing line +Sci/Tech,Skulls Trojan teams up with Cabir worm +Sci/Tech,"Microsoft Licenses ActiveSync For Motorola, PalmOne Smart Phones" +Sci/Tech,Turn yourself into a diamond: tips from science on a good life <b>...</b> +Sports,Australia finish off New Zealand +Sports,Miller: quot;I #39;ma real skier! quot; +Sports,Redknapp #39;forced out #39; +Sports,This season more jolly with playoff +World,U.S. Military Seeks Plane With Six Aboard (AP) +World,China mine death toll increases +World,China mine death toll increases +World,Torture victims slam Chile payout +Business,PSA buys key stake in Hong Kong port operator +World,Indian Ocean Island Pleads for Relief (AP) +Sports,"Sun Devils, Aggies closing in on Holiday Bowl berths" +Sports,NCAA Game Summary - Oklahoma State at SMU +Sports,Jayhawks Breeze +Sports,Favre's 200th Straight Start Is a Win +World,Italy braced for general strike +Business,Bacteria Enlisted for New Trials on Dental Health +World,Mets Top Red Sox in Offer to Martnez +Business,Retailers Seen Posting Modest Nov. Sales +Business,Golden rings cheaper but list dearer +Business,Courts and Torts: Vetting Compensation +Business,Hedge fund targets Coke for devaluation +Business,Retailers Seen Posting Modest Nov. Sales (Reuters) +Sci/Tech,Studios line up behind competing new DVDs +Sci/Tech,Sun extends multi-platform services offerings +Sci/Tech,The Benefits Of The New Firefox Browser +Sci/Tech,Goodbye to fossil fuels? Not quite yet +Sci/Tech,New #39;Skulls #39; Mutant Releases Cabir Virus on Phones +Sci/Tech,Valkyrie Profile and Dragon Quest VII To Make Another Round +Sports,Aussies sweep series with 213-run victory over Kiwis +World,Hopes fade for trapped miners +World,Archbishop seeks to calm #39;war of words #39; +World,Another oil-food scandal emerges +World,"World Failed Bhopal Gas Victims, Says Amnesty" +Business,Oil Prices Hover Just Below \$50 a Barrel +Business,Nikkei Slips 0.8 Pct on Data +Business,Newspaper Publishers Padded Sales Figures +Business,DOT Says Air Traffic Overhaul Is Flawed +Business,Nielsen's Concessions End Fight With Univision +Business,Thayer Gets Stake in BFI +Business,Temps Lose Bargaining Rights Won In 2000 +Business,Offer gives Harmony 11 of Gold Fields +Business,Judge dismisses Oracle insider trading suit +Business,"China's annual central economic meeting ""imminent"" (AFP)" +Sports,WVU will play Florida State in Gator Bowl +Sports,"College Basketball: Kansas, Oklahoma State Win" +Sports,Sehwag sizzles in Eden sun +World,"63 are dead, 103 missing, feared lost in China mine" +World,ASEAN approves talks with Japan +World,Lover #39;bumped off #39; - Diana tapes +World,US plane missing in Afghanistan +Business,Merck files new termination plan +Business,PSA seen as leading race to buy CSX port assets +World,France's Renault to invest 570 million dollars in South Korea (AFP) +Sports,Ntini strikes early for Proteas +World,Bhopal activists accuse Indian govt of failing to bring main accused to book (AFP) +Sports,Florida A M Coach Joe Won't Get Extension (AP) +World,Italy Faces Strike Day Against Tax Cuts 'For Rich' +Business,"Olympics, Elections Boost US Ad Sales - Study" +Business,Motorola Finalizes Freescale Split +Sports, #39;There Goes the WOLFPACK!... #39; +World,"Officials Stumped by Australia, NZ Whale Beachings" +World,Thousands of observers quit Romanian election +Sports,"College Basketball: Kansas, Oklahoma State Win" +Business,France #39;s Renault to invest 570 million dollars in South Korea +Sci/Tech,Internet Users Left Stranded After Intelsat Satellite Fails (washingtonpost.com) +Sci/Tech,Screen saver to go on offensive against spam web sites +Sci/Tech,Sony Takes on iPod with New Hard Disk Walkman (Reuters) +Sports,NBA Wrap: Boykins Helps Nuggets Down Lowly Hornets (Reuters) +Sports,Brett Favre Shines as Green Bay Mauls St. Louis +Sports,Time for coach to practice patience +Sci/Tech,Sybase Partners with IBM to Sell Database Software (Reuters) +Sci/Tech,"Officials Stumped by Australia, NZ Whale Beachings (Reuters)" +World,UN Panel Proposes New Criteria for Using Force (Reuters) +World,Diana video tape screened in US +World,Annan 'Disappointed' in Son's Lack of Disclosure +Sci/Tech,Sybase Partners with IBM to Sell Database Software +World,US Plane in Afghanistan Presumed Crashed -- Sources +World,Pedestrians and Drivers Beware! Motoboys Are in a Hurry +Sci/Tech,"Sony, IBM, Toshiba offer details on upcoming 'Cell' chip" +Business,Some retailers had luxurious weekend +Business,Government claims collusion for the first time +Business,Intelsat sale could fall through +Business,California company offers workers #39;hot deal #39; for purchasing a <b>...</b> +Business,Halliburton says way clear for units to exit bankruptcy +Business,Reliant plans debt sale of \$4 billion +Sci/Tech,US movie studios back HD DVD format +Sci/Tech,Microsoft Order Pulled by Beijing Amid Focus on Local Products +Sports,"Favre, Packers pummel Rams" +Sports,Stanford dismisses coach +World,Agency OK #39;s plan to monitor Iran #39;s nuclear programs +World,Sharon says early elections are a political and economic danger <b>...</b> +Sci/Tech,Four Studios Give Backing to a Format for DVD's +Business,"Dollar Recovers Against Euro, Yen" +Business,Harmony puts brave face on 11 +Business,Willis Group hires top Marsh broker +Business,Martha Stewart Eyeing Reality TV Comeback +Business, quot;Twelve Days of Christmas quot; True Love Gifts +Sci/Tech,TOSHIBA IN A DVD WIN +Sci/Tech,Cell Phones New Targets For Hackers +Sports,Celtics enjoy laugher +Sports,Early success for South Africa +World,"China, Asean eye biggest free trade zone" +World,Ukraine president wants new election +World,Australia accused of double standards as anti-proliferation meeting starts (AFP) +World,Efforts Made to OK Foreign Born Presidents (AP) +Business,Taking flight in N.H. +Business,A revolution grows up +Business,Cambridge Heart hits a snag +Business,LinuxWorld to visit Hub for 1st time +Business,Adapting to shift in tech landscape +Business,Short-term T-bill rates up +Business,Crude nears \$50 a barrel +Business,Merck moves to retain key staff +Business,EU calls dollar's weakness 'unwelcome' +Business,Gold passes \$450 per ounce for the 1st time since 1988 +Business,Former owner to operate WBIX-AM +Business,Vioxx study's publication derailed by FDA queries +Business,Studios choose sides in format battle to succeed DVDs +Business,"Dollar Recovers Against Euro, Yen (Reuters)" +Business,Think tanks see no eurozone rate change +Business,WILLIS SNAGS MARSH STARS +Business,Qatar Sees #36;30 as Fair Price for Oil (Reuters) +Sci/Tech, #39;Skulls #39; Mobile Security Threat Seen Low-McAfee +Sports,Oates: Favre delivers on hype +Sports,"Mets offer reportedly 3 years, \$38M" +Sports,The BCS shuffle +World,Pakistan #39;s Musharraf sees chance for #39;peaceful coexistence #39; with <b>...</b> +Business,Qatar Sees \$30 as Fair Price for Oil +Business,Japan's Nikkei Average Closes Lower +Business,Film studios snub Sony DVD format +Sci/Tech,Oracle Takes Over PeopleSoft (NewsFactor) +World,Russian Buddhists trudge through snow to see Dalai Lama (AFP) +Sci/Tech,Technology +Sci/Tech,Kazaa owners launch defence in file-swap copyright infringement <b>...</b> +World,Rescued whales head out to sea as scientists blame weather for beachings (AFP) +World,China forges free trade area +World,White House Awaits Proof on Iran Promises (AP) +World,Nuclear Freeze Talks Must Not Last Too Long - Iran +Sports,Mirabelli signs for two years +Sports,Browns linebacker Davis out for season +Sports,Hardly cavalier about Cleveland +Sports,Trojans seeking top of the heap +Sports,"It took a while, but Lions are roaring now" +Sports,It's hardly a weighty issue for Colonials +World,Fear of ethnic conflict charges Mosul unrest +World,Ukraine president eyes new vote +World,Agency OK's plan to monitor Iran's nuclear programs +World,Blair urges dialogue with US on climate +World,A brief history of Iran's nuclear program +World,A leader indicates Hamas holding off +World,"Sinn Fein leaders, police chief meet in bid for peace accord" +World,Tough EU terms for Turkey Draft of document draws framework +World,Another day of bloodshed for US troops and Iraqis +World,"Bin Laden deputy vows fight Muslims to 'stand firm,' tape says" +World,Colombia backs off claim Bush was targeted +Sci/Tech,Radio Boycott of Skinny Puppy's new album urged +Business,Retail sales over Thanksgiving weekend good for some +Sci/Tech,Downloader.GK 'Worst Trojan of 2004' (NewsFactor) +Business,Oregon tree growers team up for the troops +Business,"Willis Hires Top Marsh Exec, Stock Rises" +Business,Martha Stewart Shares Hit a Three Year High +Sci/Tech,New Cabir Variants Quick To Replicate (NewsFactor) +Sci/Tech,"DoCoMo #39;s i-mode to expand into Britain, Ireland" +Sci/Tech,SCO Website Defaced Again +Sci/Tech,EDS: The single point of failure +Sports,CRICKET: Aussies sweep series with 213 run victory +Sports,"PACKERS: Defense bends, doesn #39;t break" +Sports,Celtics beat Magic 117-101 to end skid +Sports,Woolmer hopeful of Pak show +Sports,Patriots win in all conditions against all kinds of teams +Sports,Emmitt reportedly out 2-3 weeks +Sci/Tech,AMD Launches Mobile Video Processor (NewsFactor) +Sci/Tech,Survey: Web Holiday Shopping Up 25 Percent in 2004 (Reuters) +World,Adams and Paisley Edge Towards Peace Deal +World,Senior Hamas figure ready for cease-fire +Business,Variety is truly the spice of Christmas tree sales +Sci/Tech,Sorry. Your Eating Disorder Doesn't Meet Our Criteria. +Sci/Tech,"For a Teenage Boy, a Basketball and a Bug Spell Trouble" +Sci/Tech,Why Good Friends Don't Always Make Good Doctors +Sci/Tech,The Great Salt Flats +Business,Storm pulls wet blanket over holiday sales +Business,State Compensation Insurance Fund Files an Average 5 Rate <b>...</b> +Business,Asian Stocks Rise for Fourth Day in US Trading; Sony Climbs +World,Fresh Philippine Flooding Kills at Least 26 (Reuters) +Sci/Tech,studios snub Sony DVD format +Sports,"Favre has big game, but defense pitches in to beat Rams 45-17" +Sports,Pinsent set for Role with IOC +Sports,Leeds Utd reject new takeover bid from Sainsbury +Sports,Lawyer IDs fan accused of throwing Palace chair +Sports,Off to a strong start +World,U.S. Soldier Killed in Iraq (AP) +Sports,Rison Can Leave Jail With #36;10K Payment (AP) +World,Expulsion near for aid officials inside Sudan +World,Dalai Lama Leads Prayers at Russian Monastery +World,Fresh Philippine Flooding Kills at Least 26 +World,Iran Says Nuclear Freeze Talks Must Not Last Long +World,Burma crackdown on Indian rebels +Business,Retailers have modest start to holiday shopping season +Business,Oil Prices Hover Just Below \$50 a Barrel +Business,Wal-Mart asks for reversal of ruling in workers #39; suit +Business,Univision drops suit against Nielsen +Business,Lots of eyes on Disney trial +Business,Alleged fake trades lead to indictments +Business,"Hyperion offers employees \$5,000 if they buy hybrid car" +Business,BellSouth Picks a COO +Sci/Tech,4 studios support HD DVD +Sci/Tech,Time to move beyond Explorer +Sports,Favre sets record in Packers #39; rout +Sports,Cal coming up Roses +Sports,"Turnovers, early run seal victory for Kansas" +World,UN agency backs nuclear deal for Iran +World,Twenty years on: Bhopal victims still waiting for compensation +World,KOFI: I #39;M SON-BURNED +Business,European Shares Open Modestly Firmer +Business,Kellogg #39;s Cuban-born CEO to lead Commerce +Business,Shoppers fast out of gate +Business,Software Firm To Subsidize Employees #39; Hybrid Cars +World,Iraq Oil Infrastructure Losing Billions (AP) +Sci/Tech,HP iPaq hx2000 Series Will Be Three Devices +World,Death toll in Philippines storm tops 100 (AFP) +Sports,"Packers 45, Rams 17" +Sports,Soccer spitter accused again +Sports,FLEMING PRAISE FOR AUSSIES +Sports,Hawks rout Pack +Sports,Doc Rivers wins in return to Orlando +Sports,Anthony misses victory +Sports,Stanford coach #39;s last loss is job +World,Iran won #39;t abandon nuclear program +World,Whale beachings stump officials +World,The Hague Fouls up the Atmosphere +World,About 100 Dead in Floods in Philippine Town -- Mayor +Sports,West has broken hand +Sports,"Smoother sailing for Brand, Clippers" +Business,"Dollar Wins Reprieve, Data Weighs on Yen" +Business,German offer sets bar at Stelco +World,Iran Says Nuclear Freeze Won't Last Long +World,"Ukraine Faces Split, Bloodshed, Putin Ally Says" +World,"Car Bomb North of Baghdad Kills 7, Wounds 19" +World,Rebels Again Say Rwanda Troops Enter Congo +World,Iran hails UN nuclear 'victory' +World,Intense talks on NI power-sharing +World,Africa 'makes excuses on climate' +Business,A boost to his base +Business,Merck adopts compensation plan for top offiicals +Business,Editor to head CUNY school +Sci/Tech,Mmo2 to launch i-mode in UK +Sci/Tech,Sun Micro Agrees to Buy Closely Held SevenSpace +Sports,Rams not in Pack #39;s league +Sports,Challenger finds his roots +World,Death toll rises to 63 in Shaanxi coalmine explosion +World,Sharon Seeks Labour Help to Bail Him Out +Business,SEC begins formal investigation of Newton biotech company +Sci/Tech,Record labels sue Kazaa firm +Sci/Tech,NVIDIA SLI on two GeForce 6800 Ultras +World,"VIENTIANE, Laos (AP)" +World,Whale beachings stump officials +Business,Kellogg chooses experience for CEO +Business,ECB #39;S Trichet calls on US to reduce budget deficit +Business,Hong Kong Shares Close Marginally Lower +Business,"Royal Group dismisses founder Vic De Zen as chairman, fires two <b>...</b>" +Sports,Diouf set for ban following spit fury +Sports,"** For the latest news, please refresh this page regularly **" +Business,Gold Drops From 16-Year High in London as Dollar Climbs vs Euro +Business,"Walgreen Profit Rises 30.5 Pct, Shares Up" +Sci/Tech,4 studios back new DVD format +Sci/Tech,The power behind PlayStation 3? +Sci/Tech,In Brief: Product Pipeline +Sports,SMITH #39;S SCOT IT IN THE BAG NOW +Business,Russian gas giant plans Yukos bid +Sci/Tech,Spam Law Test +Sci/Tech,News In Brief +Business,Bush taps top Latino exec +Business,Russias Gas Monopoly Gazprom to Take Part in Yuganskneftegaz <b>...</b> +World,Dalai Lama Arrives in Southern Russia (AP) +World,Summary: Cuba Frees Three Dissidents (AP) +Sci/Tech,US moves closer to harnessing hydrogen power +World,Sharon contacts Labor on govt coalition +World,Dalai Lama Visits Russia Despite Chinese Objections +World,Rebels Again Say Rwanda Troops Enter Congo +World,ANC seeks to calm war of words +Business,"Dow, GM to take fuel cell project to next stage" +Sci/Tech,Sharman begins defense in Kazaa case +Sci/Tech,Sun to extend Multi-Platform Managed Services +Sports,Arsenal striker on shortlist for FIFA award +Business,OECD sees Japanese growth slower at just above 2.0 pct in 2005 (AFP) +Business,Govt quot;may need to raise taxes quot; +Business,Rentokil warns of lower earnings +Business,"Computer makers face slowdown, firm predicts" +World,Putin to Respect New Ukraine Election -- Germany (Reuters) +Sci/Tech,Hollywood backs HD DVD +Sci/Tech,Screensaver hits back at spammers +Sports,Smith expected to be unveiled by Scotland +Sports,Button admits to Williams mistake +Sports,Celts give Rivers victory vs. Magic +Sports,Stanford cans classy Teevens +Sci/Tech,Kazaa Launches Defense in Copyright Case (AP) +World,Secretary-General Voices Hope for Access to Safe Drinking Water <b>...</b> +World,Putin to Respect New Ukraine Election -- Germany +World,Kagame: Army Will Deal With Congo Rebels (AP) +World,U.S. President Bush aims to avoid missteps on official visit to Canada (Canadian Press) +Business,"OECD cuts growth outlook for US, Japan, Europe on oil" +Business,Nationwide predicts house price freeze +Business,"Chairman says weak dollar, one-off costs have hit group" +Business,Hardware slump predicted +Sci/Tech,Screenscraper here to fight spam +Sports,BAR #39;s Button regrets bid to join Williams +World,Iran #39;s top nuclear official says Tehran has not abandoned uranium <b>...</b> +World,Annan Disappointed in Son #39;s Link to Corruption Probe Company +Sci/Tech,"Shopping Search Update 2004, Part 1" +Business,Global economy to hit headwinds next year: OECD +Business,Rentokil warns of tough outlook +Sci/Tech,Sun buys IT services company to help HP/IBM fight +Sci/Tech,The Firefox Surge +Sports,FIFA Player of Year finalists announced +Business,Oil Prices Briefly Climb Back Over \$50 +Sci/Tech,Battling the Copyright Big Boys +Sci/Tech,Sleep Disorders Traced to Genes +Sci/Tech,"Searching Smarter, Not Harder" +Sci/Tech,To Hell and Back +Sci/Tech,Trial to Unmask Kazaa Owners +Sci/Tech,Lying Makes Brain Work Harder +World,Hundreds die in Philippines storm +World,A New Push to Loosen New York's Divorce Law +Sci/Tech,TSA Reconsiders Technology Contract +Sci/Tech,Maryland's Technology Future +Business,Gazprom board may discuss YUKOS bid +Business,"Citibank Japan CEO, TSE chief summoned to appear at Diet" +Business,Harmony seeks leave to appeal competition ruling +Business,FIs set to discuss RIL board representation +Business,London seen higher but bourses unchanged +Business,Novartis withdraws application for EU approval of new arthritis <b>...</b> +Business,Market Report +Sci/Tech,Song-swap service hits back in piracy case +Sci/Tech,O2 AND NTT DoCoMo ANNOUNCE AGREEMENT for i-mode in the UK +Sci/Tech,Sun Microsystems to acquire technology services firm +Sci/Tech,Beijing cancels purchase of Microsoft software +Sci/Tech,Apple #39;s iPod is a hot item on holiday wish lists this year +Sci/Tech,Nokia to Further Expand Henan GSM Network +Sci/Tech,New phone Trojan surfaces +Sci/Tech,Half-life shoots up Sierra +Sci/Tech,SCO website defaced by hacker +Sci/Tech,IBM sets up hands-on user test centre +Sci/Tech,Moon dance on Saturn #39;s canvas +Sports,Tedford is Coach of the Year Eight Bears receive All-Pac-10 honors +Sports,Cycling Union rejects Phonak licence appeal +Sports,Rivers Has No Regrets In Return to Orlando +Sports," quot;My Body Was Done quot;, Says Retiring Pinsent" +Sports,Gough lands top job at Livingston +Business,Kmart Shows Operational Progress +Business,Walgreen Seeing Green +Business,Intel Brings N.Mexico Pollution Concerns +World,"Car Bomb Kills Seven, Wounds 20 in Iraq" +World,France to clear its land mines from Djibouti +Business,Stock Futures Soft Ahead of GDP Data +World,Hundreds die in Filipino storm +World,Sharon government faces crisis after double blow in Israeli <b>...</b> +Business,Dollar Claws Back Some Ground Against Yen +Business,Kellogg names Jenness as chief executive; share price declines +Business,Retailers view mixed holiday forecasts +Business,French economy set for growth: OECD +Business,Citibank Japan Chief Apologizes +Sci/Tech,"In Blow to Blu-Ray, Universal Backs HD DVD" +Sci/Tech,"Now, a screensaver to shield against spam" +Sports,49ERS NOTEBOOK Erickson longs for the simple life +Sports,Doc Rivers Wins in Return to Orlando +World,Annan #39;disappointed #39; his son received 30-thousand a year from <b>...</b> +World,"Japan, Philippines Reach Free Trade Deal" +Business,Slow Thanksgiving Weekend for US Shopping +Business,ADV: Earn Your College Degree Today +Sci/Tech,Update 1: Sony to Sell New Music Players in Japan +Sci/Tech,Mobilizing Against Wireless Viruses +Sci/Tech,Sun acquisition to boost IT services portfolio +Sports,"Gatlin, Hayes win Jesse Owens Awards" +Sports,Gough: Knox Is Key Livi Signing +World,US to eliminate non-detectable landmines by end of year +World,Sharon challenged over poverty +Business,S. Arabia: Oil Prices will Drop \$10-15 +Business,Reliance Energy Asks Six Directors to Reconsider Resignations +Business,Ryanair in 240m Shannon investment +World,Ukraine's Isolated PM Repeats Offer to Opposition (Reuters) +Sports,Patriots Win in All Conditions (AP) +Sports,NBA Today (AP) +Sci/Tech,Mm02 dials up Japanese group to net deal for i-mode services +World,"MmO2, NTT DoCoMo agree i-mode Internet deal (AFP)" +Sports,Scotland set to make Smith manager +World,Ukraine's Isolated PM Repeats Offer to Opposition +World,"Car Bomb Kills Seven, Wounds 20 in Iraq" +World,Israeli Coalition Crisis May Force Early Election +Business,Singapore's Economy Grows in 2004 (AP) +Business,"UK ; Dollar Wins Reprieve, Data Weighs on Yen" +Sports,Federer Wins Easily to Begin 2005 Season (AP) +Sports,Lou Henson Will Resume Coaching Saturday (AP) +Sports,Bills RB Travis Henry Looking to Leave (AP) +Sci/Tech,Piracy accusations fly as Kazaa trial begins +Sci/Tech,Services buy broadens Sun #39;s software support +World,Gonzales Is Likely to Face Criticism in Hearings +Sports,Pinsent calls time on golden career +Sports,Leland task: find bright coach cheap +Sci/Tech,Philips Unveils DVD Burner That Plays CDs +Sports,Pedro is a big mistake +Business,Oil Off 4 Percent as U.S. Winter Stays Mild +Business,Stocks to Watch Tuesday +Business,"European Shares Drop, Weighed by Compass" +Business,Chain Store Sales Slipped Latest Week +Business,Gazprom to bid for Yukos facility +Business,Sony to pay \$40m to end patent dispute +Sci/Tech,Unprotected PCs can be hijacked in minutes (USATODAY.com) +Sci/Tech,Fighting for file-swapping on Capitol Hill +Sci/Tech,3G rival i-Mode finally hits the UK +Sci/Tech,Lycos #39; Make Love Not Spam gives chance for revenge +Sci/Tech,Half-Life 2 maker wins legal case +Sci/Tech,Sony to launch its first MP3 hard-disk music player +Sci/Tech,SP2 does not fully protect IE6 +Sci/Tech,Speedy computer chip for PlayStation near (USATODAY.com) +Sports,Last chance saloon for Diouf +Sports,Mandaric and Redknapp Clear the Air +Sports,BCS sets table for crucial games +Business,Chain Store Sales Slipped Latest Week (Reuters) +Business,"CoTherix, Google Rise Before the Bell (Reuters)" +World,Iraq's Allawi to Meet With Jordan Exiles (AP) +World,Red Cross Sees Problems at Guantanamo (AP) +Business,"CoTherix, Google Rise Before the Bell" +Business,"Oil Back at \$50 on Outages, Winter Fears" +Business,Smithfield Foods Reports Higher Profit +Business,Arsenal 'may seek full listing' +Sci/Tech,Web Holiday Sales Off to Strong Start +Sci/Tech,Overstock.com Shares Hit All-Time High +Sci/Tech,Kazaa Launches Defense in Copyright Case +Sci/Tech,Canadian Inventor Lets Everyone Be an Armchair Spy +Business,Renault to invest \$573 million in Korea +Business,Charleston tourism brisk after busy hurricane season +Business,South Korea expected to gain from Singapore service sectors +Business,Health insurer grows as industry changes +Business,Rentokil shares drop on profit warning +Sports,Injured McNair Thinking of NFL Future (AP) +Sci/Tech,Utah Company to Develop Better Fuel +Sci/Tech,Anti-virus firm warns of new mobile phone virus +Sports,Athlete Milton Bradley has run-in with police +World,Tsunami Victims Prey to Crime from Asia to Europe +Sci/Tech,'Atom School' Stars in First Israeli Reactor Video (Reuters) +World,At least 300 dead in Philippines #39; floods and landslides +World,US troops targeted in Iraq attacks +World,"115 whales, dolphins die after beaching on Australian islands" +Business,"Wal-Mart, Retailers #39; November Sales Slow as Gas Prices Rise" +Business,"Renault to invest \$573 million in South Korea, chairman says" +Business,RUSSIA * ECONOMY * OIL * AUCTION +Business,Smithfield Foods Reports Higher Profit +Business,Report: Bank of NY Seeks to Avert Charges +Business,Harmony hopes dented by low tender of Gold Fields shares +Sci/Tech,Powerful chip to rev up home entertainment +Sci/Tech,Revenge of the spammed +Sci/Tech,Valve wins case against Vivendi +Sports,Gough takes helms of Livingston +Sports,Nuggets win without Carmelo +World,Second storm in a week hits eastern Philippines; more than 300 dead (Canadian Press) +Sci/Tech,Philips Unveils DVD Burner That Plays CDs (Reuters) +World,"4 Iraqis killed, 2 US soldiers wounded in car bomb attack" +World,Chilean groups condemn torture payout plan +World,Dalai Lama hails Russian pilgrims +Business,US ; Cuban-born Gutierrez transformed Kellogg +Sci/Tech,Australian Record Industry action against operators of Kazaa +Sports,Olympic champion Pinsent retires +Sports,Harry fury at agent claim +Sports,Linebacker Davis is latest Brown lost for year +Sports,Button: I was wrong to seek Williams move +World,Paisley: It #39;s now or never +World,Diana tapes broadcast +Business,Soaring oil 'hits world economy' +Business,Kellogg chief to drive US commerce +Business,Soaring oil #39;hits world economy #39; +Business,Renault to invest \$573 million in South Korea +Business,Smithfield Profit Lifted by Hog Prices +Business,"US Treasuries skid again, yields hit fresh highs" +Business,MMO2 signs Japanese internet deal +Sci/Tech,Lycos fights spam with screensaver +Sci/Tech,MMO2 signs Japanese internet deal +Sci/Tech,Japanese copyright violator is sentenced +Sci/Tech,Microsoft files first authenticity certificate lawsuits +Sports,Browns Head Coach Butch Davis Resigns +Sports,Australia clinches series sweep +Sports,Star British rower Matthew Pinsent retires after four Olympic gold +Sports,Gatlin and Hayes Win Jesse Owens Award +Sports,Pakistan coach looks to top batsmen +Sports,Favre Leads Pack to Victory in 200th Straight Start +Sports,UCI refuses license for Tyler Hamilton #39;s Phonak team +Sports,Portsmouth back Redknapp over agents #39; fees claim +World,Russia hails IAEA resolution not to refer Iran nuke dispute to UN +World,ASEAN sign free trade agreement +World,Volunteers struggle to save whales +World,Paisley says now or never for Northern Ireland +World,Cosatu calls on ANC to end spat +World,Israeli Coalition Crisis May Force Early Election +World,Dalai #39;s admission to Russia quot;incomprehensible quot;: FM +World,Hopes fade for trapped miners +Business,What #39;s The Biggest Challenge Carlos Gutierrez Would Face As US <b>...</b> +Business,Two Halliburton Units Exit Bankruptcy (Reuters) +Sci/Tech,DVD format war heats up +Sports,"Australia in class of own, says Fleming" +World,Formation of East Asian Community Modeled After EU Comes One Step <b>...</b> +World,UN chief reacts to son #39;s payments +Business,Consumers Fuel Faster Economic Growth (Reuters) +Business,"Treasuries Skid, Yields Hit Fresh Highs (Reuters)" +Business,German Recovery to Grow at Slower Pace (AP) +Business,Japanese Internet Company Acquires Team (AP) +Business,Lawmakers Grill Citigroup Over Scandal +Business,Stocks Open Lower; Oil Near \$50 a Barrel +Business,Average Price of U.S. House Rises 8.5 Pct +Business,"Treasuries Skid, Yields Hit Fresh Highs" +Business,Glaxo Defends Testing AIDS Drugs in Children +Business,Taser Hits Back at Amnesty International +Business,"Market activity continues to slow, but #39;soft landing #39; seen" +Business,Citigroup #39;s Peterson Tells Japan Lawmakers He #39;ll Fix Breaches +Sci/Tech,Lycos Screensaver Battles Spam Websites +Sci/Tech,Protect Your Personal Computer +Sci/Tech,Accused Net File-Swapper Is Found Guilty +Sports,Sources: Cleveland to fire head coach Butch Davis on Tuesday +Sports,Dravid labours hard to get India valuable lead against South <b>...</b> +World,Two-day ASEAN summit opens in Laos +World,Philippines storm kills 350 +World,US Plane Presumed Crashed in Afghanistan +World,Sharon to tap Labor if Shinui quits govt +Business,Airport Investment #39;Two Fingers to Doom-Mongers #39; +Sports,U.S. Soccer Qualifying Schedule Set (AP) +Sci/Tech,Sony Unveils New MP3 Hard Disk Walkman +Sports,Cleveland Browns fire their head coach +Sports,AUSTRALIAN PGA CHAMPIONSHIP BETTING ODDS NEWS +World,"Now or Never for N.Irish Deal, Says Paisley (Reuters)" +World,Iraq's Neighbors Prepare to Meet in Iran (AP) +World,Last-gasp defence as Air India terror trial winds down (AFP) +Business,Wal-Mart to Cut Prices After Poor Sales (Reuters) +World,Bush leaves for overnight trip to Canada in effort to force closer ties (Canadian Press) +World,Frost Said to Be Making Calls About DNC (AP) +Business,Stock Futures Rise After GDP Data +Business,Price of Average U.S. House Rises 8.5 Pct +World,"Nearly a Month Later, Ohio Fight Goes On (AP)" +World,High Court Considers Medical Marijuana Case (Reuters) +World,"Car Bomb Kills Seven, Wounds 20 in Iraq" +World,Lebanon march for Syrians to stay +World,Stress 'may speed up cell ageing' +World,Car Bomb Targets U.S. Convoy in Iraq +World,Brazil's Economy Expands 6.1 Percent in 3Q +Business,OECD: Oil Prices Set Back Global Recovery +Business,Japanese Internet Co. Acquires Daiei Hawks +Business,GMAC to sell \$2.7 bln ABS on Wednesday - source +Business,Rentokil plummets on profits warning +Sci/Tech,Microsoft Cans Windows 2000 SP5 +Sci/Tech,China Blocking Access to Google News Site - Watchdog +Sports,Olympic great Matthew has no regrets +World,Burma #39;s Military Leaders Tell ASEAN Leaders They Will Move Toward <b>...</b> +World,Winnie deaths hit 300 +World,"Now or never, Paisley tells IRA" +Business,Winn-Dixie: Paper or Drastic? +Business,Global economy to hit headwinds next year: OECD (AFP) +Business,Wal-Mart to Cut Prices After Poor Sales +Business,Wal-Mart to Cut Prices After Poor Sales +Business,Smithfield 2nd-Qtr Net Soars 61 on Higher Hog Prices (Update3) +Business,Winn-Dixie: Paper or Drastic? +Business,Hurricane Season Comes to an End +World,New N.Ireland talks as leaders push for swift peace deal (AFP) +World,Leading Cuban Dissident Writer Freed +World,Ukraine Protesters Rush to Parliament +World,"Romania Opposition Demands Election Rerun, Alleges Fraud" +Business,Euro Rises to Record High Above \$1.3329 +Business,Euro Rises to Record High Above \$1.3329 +Sports,Browns Head Coach Butch Davis Resigns (Reuters) +Sci/Tech,MmO2 teams up with Japan #39;s DoCoMo +Sci/Tech,Beijing Backs Out Of Microsoft Contract +Sci/Tech,HP ditches data centre service for new automation module +World,"Philippines Landslides, Flash Floods Kill Hundreds" +World,"Indonesian plane skids off runway, 10 die" +World,Italy #39;s General Strike Underway +World,"Iraqi police, troops under insurgent fire" +Sports,Browns Head Coach Butch Davis Resigns +Sports,Hamilton Fired by Team +Business,US economy expands 3.9 percent in third quarter (AFP) +Business,Brazil's Economy Expands in 3Q on Exports (AP) +Business,"Ryanair Launches New Irish Hub, Eyes Italy" +Sci/Tech,Hollywood Steps Into DVD Format Fight (AP) +Sci/Tech,Priceline to Stop Offering Northwest Air (Reuters) +World,Norwegian Rats Invade North Sweden Mining Town (Reuters) +Sci/Tech,Sony to launch its first MP3 hard-disk music player (MacCentral) +Sci/Tech, #39;Rollup #39; replaces SP5 for Windows 2000 +Sports,"Play it differently, Sam: Jussi Jskelinen at Bolton" +Sports,Browns Coach Butch Davis Resigns After Fifth Straight Loss +Sports,Baseball America +World,At least 13 die as Indonesian jet crashes +World,Rwandan President Warns Forces Will Deal with Rebels in <b>...</b> +World,Bush arrives in Canada for first stage of world charm offensive (Canadian Press) +World,Ukrainian Opposition Reportedly Pulls Out of Talks +Sci/Tech,Sony Cyber-shot DSC P150 +Sci/Tech,Pupils to get anti-piracy lessons +Sci/Tech,MMO2 signs Japanese net deal +Sci/Tech,Where to Look When You Need a Stand-In Sitter +Business,Consumer confidence falls +Business,FDA Reviewers Mixed Over Two New Cancer Drugs +Business,Hurricane Season Ends +Sports,Ukraine Unrest Worries Barcelona Soccer (AP) +Sci/Tech,Siemens to extend mobile network for Chinese province of Anhui +Sci/Tech,Microsoft Sting Targets Resellers For Alleged Hard-Disk Loading +Sci/Tech,Winny user #39;s 3-year sentence +Sports,England can match Aussies - Fleming +Sports,Gough gets Livi job +Sports,Alonso wants further improvement +Sports,We #39;d like to set a 250-run target: Jennings +World,PM Lee hopes ASEAN will be an Economic Community before 2020 +World,"Weather Blamed for Whale, Dolphin Beachings" +Sci/Tech,"LG Unveils Big, Pricey Plasma TV" +Business,"Dollar Crumbles Before Euro, New Low Hit" +Sports,United v Arsenal: Head to head +Sci/Tech,Blogs Diamond in the Rough for your Marketing? +Sci/Tech,Kazaa Court Trial Brings File Swapping to the Judge +Sci/Tech,Content Management Systems and SEO - A Powerful Mix +Sci/Tech,Domain Hijacking - Major Issue for Search Engines and Optimizers +Sci/Tech,How's my coding? Dial: 0800 666 700 +Sci/Tech,Building disaster into the network: how UK.gov does IT +World,"Romania Opposition Sees Fraud, Demands Poll Rerun" +Business,Bush picks Cuban for Commerce +Business,Gold Fields #39; IAMGold bid cut by \$200 million +Business,"Dollar Crumbles Before Euro, New Low Hit" +Business,Scotiabank 4th-Qtr Profit Rises on Capital Markets (Update1) +Business,Gartner: Third Of Top PC Vendors Gone In Three Years +Sports,Peach Bowl Picks No. 20 Florida Gators (AP) +Sports,Georgia Tech Headed to Champs Sports Bowl (AP) +Sci/Tech,DVD Format War Intensifies +Sci/Tech,Sparring begins in Kazaa trial +Sci/Tech,Microsoft Order Cancelled by Beijing +Sci/Tech,Successful docking clears way for two spacewalks +Sci/Tech,"New Netscape embraces Firefox, IE" +Sci/Tech,HYDROGEN MILESTONE +Sci/Tech,Cassini probe snaps Mimas +Sci/Tech,Man Gets Jail Term for Using Net File-Sharing Software +World,China 'blocks Google news site' +Sports,British rower Pinsent retires +Sports,Irreparable harm +Sports,Dein hails Thierry Henry +World,Rowhani: Iran to suspend uranium enrichment only for as long as <b>...</b> +World,Up to 31 dead in Indonesia jet crash +World,Paisley says it #39;s now or never for IRA after No 10 meeting +World,Rwandan troops enter Congo +Sports,Super Bowl Advertisers Still in the Game +World,"Parliament, Court Yet to Defuse Ukraine Crisis" +Sci/Tech,Kazaa challenged over kiddie porn control policy +Business,Euro hits record high of 1.3336 dollars in European trade +Business,Gazprom to Bid for YUKOS Key Oil Unit +World,Brazil's Economy Expands in 3Q on Exports +World,The Orange Revolution +Sports,Olympic rowing champion Pinsent bows out +Sports,Swift Shoaib arrives in style +Sports,Middlesbrough defender Franck Queudrue red card appeal rejected +Sports,Rain in Spain Doesn #39;t Dampen Spirits +World,Soccer Fans Out of Control In Europe +World,Analysis: Bush's Daunting Task in the Mideast and North Korea +World,Q amp;A: The Italian general strike +Sci/Tech,"Singulus, Sony Team Up on Blu-Ray Development" +Sci/Tech,Philips Sees Flat Chip Market in 2005 +Business,Syneron Medical Shares Drop on Rejection +Sci/Tech,Telecoms Tie-Up +Sci/Tech,Services Buy Broadens Sun #39;s Software Support +Sci/Tech,China #39;blocks Google news site #39; +Sci/Tech,Sybase to make Big Blue databases +Sci/Tech,MS to end Win2K support without SP5 +Sports,US Davis Cup Brings 9-Year Title Drought to Final Versus Spain +Business,FDA Reviewers Mixed Over Two New Cancer Drugs (Reuters) +Business,Economy Grows Faster Than Expected in 3Q (AP) +Sci/Tech,Beijing Calls Off Controversial Deal with Microsoft +Business,Dollar Drops to New All-Time Low Vs. Euro +Sci/Tech,Sony to launch its first MP3 hard-disk music player +Sci/Tech,Sony to pay \$40 million to Ampex +Sci/Tech,"DoCoMo, mmO2 confirm I-mode deal" +Business,Consumers Fuel Faster Economic Growth +Business,FDA Reviewers Mixed Over Two New Cancer Drugs +Business,"Fannie, Freddie Loan Cap to Rise in 2005" +Business,Wal-Mart to Cut Prices After Poor Sales +Business,Gazprom to Bid for YUKOS Key Oil Unit +Business,Where the Rubber Meets the (Virtual) Road +Business,Breaking Rules and Saving Lives +Business,US consumer confidence slips in November +Business,Philly Broadband Clash Pits City Against Telcos +Sci/Tech,"Singulus, Sony Team Up on Blu-Ray Development" +Sci/Tech,Lycos screensaver tackles spam websites +Sci/Tech,Cisco revamps Catalyst switch range +Sports,Tanker #39;s hull was pierced twice +World,Ukraine Opposition Pulls Out of Talks +Sports,Super Bowl Advertisers Still in Game After Scandal +World,US 'hurting' anti-mine campaign +Sports,Cropp Wants Changes +Business,Job cuts eat into RBC #39;s Q4 earnings +Sports,NHL Won't Consider Proposed Luxury Tax (AP) +Sci/Tech,MmO2 to bring i-mode to three European markets +Sci/Tech,Games developer wins cyber caf copyright fight +Sci/Tech,New strain of Skulls Trojan hits smart phones +Sci/Tech,A More Efficient Way to Produce Hydrogen +Sports,Belichick feels Daviss pain +Sports,Michigan State +Business,High Hog Prices Boost Smithfield Foods +Business,"Stocks Fall, Wal-Mart, Oil, Dollar Weigh" +Business,Audit Finds Hoy Overstated Circulation +Business,Glum US shoppers push dollar down +Business,Abbey cards in net security scare +Business,Kazaa launches file-swap defence +Sci/Tech,Yahoo Offers Real-Time Traffic Reports +Business,Consumer Confidence Drops In November +Business,"Economy grows at a 3.9 percent pace in third quarter, faster than <b>...</b>" +Business,High Hog Prices Boost Smithfield Foods +Business,"Scotiabank profits rise to \$708M, full-year earnings jump to \$2.9B" +Sci/Tech,Philly Broadband Clash Pits City Against Telcos (Reuters) +World,Novartis Withdraws Application for Prexige (AP) +Sci/Tech,"Singulus, Sony Team Up on Blu-Ray Development (Reuters)" +Sci/Tech,MmO2 Offered I-Mode Phones +Sci/Tech,HP Links Business Processes And IT Management +Sci/Tech,Cisco Retools Catalyst Switch Line +Sci/Tech,Emulex Debuts 4-Gbps Fibre Channel Silicon +Sci/Tech,US Scientists Claim Breakthrough in Hydrogen Fuel Research +World,Congo Official: Rwanda Troops Attacking (AP) +Sci/Tech,PluggedIn: Mobile Operators Seek Higher Sound Quality (Reuters) +Sci/Tech,EU Suspends Microsoft-ContentGuard Review (Reuters) +Sports,Gough named new Livingston boss +Sports,Sheffield United target keen to stay at Anfield +Sports,Bettman still holding his ground +Sports,Let the Bidding Begin +Sports,Ukraine Unrest Worries Barcelona Soccer +Sports,Olympic Swimmer Phelps #39; DUI Trial Set +World,Argentine Protesters Want Mayor to Resign +Sci/Tech,Supercomputer for the Home (The Motley Fool) +Sci/Tech,Study: Nuclear Medicine Can Trigger Security Alarms (Reuters) +World,Iran Boasts of Victory Over US on Nuclear Case +World,"10 dead, 50 hurt in Indonesian plane mishap" +World,Sudan Postpones Decision to Expel Oxfam and Save the Children +Sci/Tech,WVU Launches New Brain Surgery System (AP) +Sci/Tech,Vaccine for Food Poisoning Possible (AP) +Sci/Tech,Scientist Finds Moon Rock on Antarctica (AP) +Sci/Tech,Skeleton in Mo. Came From Ancient Mammoth (AP) +Sci/Tech,"115 Whales, Dolphins Die After Beaching (AP)" +Sports,Phelps' Trial Set +Business,Oligarchs still control Russia: Putin (AFP) +Business,Colo. Wal-Mart Makes Effort to Unionize (AP) +Business,FDA Reviewers Mixed Over Two New Cancer Drugs +Sci/Tech,EU Suspends Microsoft-ContentGuard Review +Business,Gold Offer Loses Shine +Business,Consumers Fuel Faster Economic Growth +Business,Reliance asks directors who quit to reconsider +Sci/Tech,Lycos Europe: quot;Make love not spam quot; +Sports,Al Bello/Getty Images +World,"EU eyes #39;new chapter #39; in Iran ties, but tensions remain" +World,Cuba releases leading dissident +Business,S amp;P affirms rating on Pinault Printemps Redoute +Business,Audit Finds Hoy Overstated Circulation by 46 Pct +Business,Another Upgrade Boosts Red Hat +World,Tapes reveal more from Princess Diana +Business,Beware Confirmation Bias +Business,Update 1: Syneron Medical Shares Drop on Rejection +Business,Stocks sag on sub-par Canadian GDP and sliding US consumer <b>...</b> +Business,Midway Games acquires Paradox Development +Sci/Tech,Pew study: Blogs busted out in 2004 +Sci/Tech,Valve Wins Cyber Caf Case +Sci/Tech,"Sorry, this information is currently unavailable" +Sports,"Olympians Gatlin, Hayes Earn Jesse Owens Awards" +Sports,Trial Date Set For Michael Phelps +Sports,Jackets bowling in Orlando +Sports,US Open WCQ with Trinidad +World,General strike cripples Italy to protest Berlusconi's economic policies (AFP) +World,Bush Makes First Official Visit to Canada +World,Analysis: Asian free trade vogue could heat up +World,"Embarrassment over Myanmar, pride at China trade deal as ASEAN wraps up (AFP)" +World,Blunkett repays lover's rail fare +Business,US GDP rise fails to halt caution +Business,Midway Games Buys Videogame Company +Sci/Tech,DoCoMo looks overseas for handsets +Sci/Tech,Red Hat Preps Enterprise Linux 4 +World,"Rescuers seek survivors as Phillipines storm leaves 300 dead, 150 <b>...</b>" +World,US Looks For Missing Plane In Afghanistan +Business,Union: At Least 100 Delta Pilots to Retire as Pay Cuts Start +Business,Latino groups lauds Gutierrez pick +Business,Oil Prices Hover Near \$50 a Barrel +Business,Dollar Weakens Against Euro But Off Lows +Business,US Puts Hefty Duties on Imported Shrimp +Business,Deutsche to Gazprom: Buy Yugansk +World,American Military Relief Effort Picks Up Steam +Business,Syneron stock falls after approval delayed +Sports,Gretzky Fears for NHL +Sci/Tech,"IBMs New Cell Chip To Power PlayStation, HDTVs" +Sci/Tech,Beijing Cancels Microsoft Deal +Sci/Tech,Sony vs. Big Apple +Sci/Tech,Amazon #39;s Holiday Pi +Sci/Tech,AOL Tests New Netscape Browser +Sci/Tech,Cisco Revamps Catalyst Switch Range +Sci/Tech,Microsoft files first authenticity certificate lawsuits +Sci/Tech,IBM Unveils Latest #39;On-Demand #39; Tech Center +Sci/Tech,NASA Space Station On-Orbit Status 30 November 2004 +Sports,FA suspend Diouf +Sports,Mandaric clears Redknapp of dodgy deals +Sports,Report: Former Marlins closer Benitez reaches deal with Giants +Sports,Confirmed: Davis Out as Head Coach +Sports,Dartmouth fires head football coach Lyons +Sports,FERRERO CHASING DAVIS CUP GLORY +Sports,Police ID chair thrower +Sports,Angels Change Name +World,"Bush, Martin pledge to improve trade relations but no promises on <b>...</b>" +World,Rescued whales head out to sea as scientists blame weather for <b>...</b> +World,Sinn Fein voices delay concern +World,Minister: Rwandan Soldiers Have Entered Congo +Business,It #39;s nearly winter why is gasoline so expensive? +Business,Local consumer confidence edges up going into Christmas +Business,SEC hands AIG a \$126 million fine +Business,Icahn: Mylan Says Takeover Bid Neutralized As Perry Becomes Top <b>...</b> +Business,Union readies itself for possible strike at USAir +Business,Russian Gas Monopoly to Bid for Prize Yukos Oil Assets +Business,Can global economy recover in #39;05? +Business,US Economy: Confidence Unexpectedly Fell This Month (Update2) +Business,UPDATE 2-AIG to pay \$126 mln to settle federal probes +Business,US regulatory body fines 29 securities firms 9.2 million dollars +Business,Lockheed's Loss in Space +Business,Ultimate Electronics' Shaky Base +Sports,Pacers to be Charged +Business,Red Hat Will Keep Linux Market Lead Over Novell +Sci/Tech,Battle over new DVDs begins +Sci/Tech,Lycos Strikes Back At Spammers With Screensaver +Sci/Tech,Beijing Dumps Microsoft Deal +Sci/Tech,Sun Acquiring Outsourcing Vendor SevenSpace +Sci/Tech,Sony To Sell MP3 Music Players in Japan +Sci/Tech,Cisco Enhances Catalyst Switch Range +Sci/Tech,Microsoft Swats at Phony COAs +Sports,Soccer: Diouf banned for three matches for spitting +Sports,Packers have their way on Favre day #39; +World,Bush's Messages to Nations Hit by Tsunami (AP) +World,Nearly 340 people killed as second storm in a week slams eastern <b>...</b> +World,31 reported dead in Indonesia plane crash +World,Iraq car bomb kills seven +World,"Mozambicans hope elections to bring better life, no matter who <b>...</b>" +Sports,Liverpool Moves to 5th in Premier League (AP) +Business,Holiday Shopping Gets Off to Slow Start (Reuters) +Business,"Oil Prices Slip, Winter Supplies Seen Up" +Business,Dollar Weakens Against Euro But Off Lows +Business,Trichet's Warnings Hint No ECB Rate Shift +Business,AIG Settles U.S. Fraud Charges for \$126 Mln +Business,Holiday Shopping Gets Off to Slow Start +Business,U.S. Puts Hefty Duties on Imported Shrimp +Business,U.S. Stocks Drop as Retailers Weigh +World,Diana tapes broadcast in US +Sci/Tech,Lycos Offers Program to Attack Spammers (AP) +Sports,Notre Dame Fires Coach Tyrone Willingham (AP) +Sci/Tech,Product Review: Decent Debut for MyFi (AP) +Sports,Cycling's Hamilton Fired After Doping Test (AP) +Sports,Spurrier Sees SEC Title for Gamecocks (AP) +World,Natural gas giant Gazprom to participate in Russian auction of key Yukos unit (Canadian Press) +Sci/Tech,"LG Unveils Big, Pricey Plasma TV (PC World)" +Sports,Roddick Will Need Patience in Davis Cup (AP) +Sci/Tech,"Wireless Revenues Top #36;100 Billion, Says Census Bureau (NewsFactor)" +Sports,Tight Lies Tour Goes Against the Grain (AP) +Sci/Tech,Sybase Partners with IBM (NewsFactor) +Sports,Where has the Black Caps #39; fighting spirit gone? +Sports,Mellor given chance to make Reds grade +Sports,"Wherever Pedro ends up, he stands to cash in" +Sci/Tech,Microsoft Order Cancelled by Beijing (NewsFactor) +Sports,Notre Dame Will Not Retain Willingham +World,U.S. May Plan Offensive in Afghanistan (AP) +Sci/Tech,Q A: OMG member talks up UML 2.0 (InfoWorld) +Sci/Tech,Blockbuster Atlantic Hurricane Season Closes (Reuters) +Sports,Hornets' Magloire Sidelined with Finger Injury +World,Environmentalists See Trouble Ahead (AP) +World,Swarms of locusts invade Canaries +World,Tom Ridge Steps Down as Chief of Homeland Security Dept. +World,Notre Dame Fires Football Coach +World,Cuba Frees Dissident Writer +Sci/Tech,Broadband boost for rural areas +Sci/Tech,TV in Hindi via the red button +World,U.S. Upholds Tariffs on Shrimp Imports (AP) +Business,AIG to Pay \$126 Mln to Settle SEC Charges +Sci/Tech,EU Suspends Microsoft-ContentGuard Review +Sci/Tech,Philips Sees Flat Chip Market in 2005 +Sci/Tech,Lycos Offers Program to Attack Spammers +Sci/Tech,Locust swarm invade Canaries +Sci/Tech,How Long Will Cheap Oil Last? +Sci/Tech,New strain of Skulls Trojan hits smart phones +Sci/Tech,Brief: IBM to market Sybase Linux database +Sci/Tech,Sun acquisition to boost IT services portfolio +Sci/Tech,Q A: OMG member talks up UML 2.0 +Business,Gazprom to bid for production unit of Yukos +Sports,Angels Change Name to Include Los Angeles (Reuters) +Business,Is Priceline out of the Cold? +Sci/Tech,NuSearch Offers Java Enhanced Search Engine +Sci/Tech,Sortprice Shopping Search Engine Includes 1000 Merchants +Sci/Tech,MSN Search Engine Uses Basis Technology for Natural Language Processing +Sci/Tech,Domain Popularity By Alan Webb +Business,"Stocks Finish Lower, Retail Sector Weighs" +Business,Commerce-ial appeal +World,Newsview: Iran's Zig-Zags Show Rifts (AP) +World,White House Plans Push for Intel Overhaul (AP) +World,"Rwandan Troops Enter Congo, Congo Officials Say" +Sports,Diouf suspended for spitting +Sports,Dein - no crisis at Highbury (Getty Images) +World,Former Princess Diana Bodyguard Disproves Claim +Business,OECD says UK needs four rate increases +Sci/Tech,New Rainbow Six targets next spring +Sci/Tech,"Cisco Cooks up New Catalysts, GbE IP Phone" +Sports,New Zealand bad for business +Business,Consumers Fuel Faster Economic Growth +Business,United Airlines Unions Seek Up to \$1 Billion in Skipped Pension Payments +Business,Homeland Security Chief Ridge resigns +Sci/Tech,2004: The Year Global Warming Got Respect +Business,Consumers Fuel Faster Economic Growth +Business,UPDATE 1-Bankrupt UAL posts \$114 mln net loss in October +Business,"Updates: AIG, Time Warner, CalPERS" +Business,Diamonds used in swindle to be auctioned +Sci/Tech,Universal Green-lights HD DVD +Sci/Tech,Firefox Emerges as Credible Threat in Internet Browser Battle +Sports,"Premiership: Ban Diouf, for a long time" +Sports,Fergie on United kids +Sports,"Expect more discipline, warns Windies #39; CEO" +Sports,Barcelona assured of safety in Ukraine +Sports,Prosecutor: Pacers Players to Be Charged +World,Impotence Rules in the UN Response +World,Thirteen Children Die in Honduras Fire (AP) +Business,Crude Futures Fall Ahead of Weekly Stocks Report +World,Russian Duma Deputies Submit Anti-Terror Proposals +Sports,Vermeil Figures on Coming Back Next Year (AP) +Sports,American and Caribbean region qualify for the 32-country field at <b>...</b> +Sports,Hornets' Magloire fined for throwing ball at coach (AFP) +Business,Harmony Puts Brave Face On 11 Percent +Business,GM to Lay Off 950 at New Jersey Truck Plant +Business,US upholds tariffs on shrimp imports +Business,Forecaster says nation #39;s luck ran out with this year #39;s hurricane <b>...</b> +Business,Chico #39;s 3Q Profit Surges; Shares Climb +Business,US labour relations board hits Quebecor with unfair labour charges +Business,Handicapping The Drug Stocks +Sci/Tech,Lycos Europe Aims To Thwart Spammers with DDoS Attacks +Sci/Tech,MMO2 Teams Up With DoCoMo to Bring i-mode to UK +Sci/Tech,UbiSoft Get Ready With The Next Rainbox Six Installment +World,Diana thought she was #39;thick #39; +World,Annan hurt by son +World,Syrian - Egyptian summit held +Business,Stocks Off as Employment Data Disappoints +Business,Euro drifts back from another all-time dollar high +Business,US Upholds Tariffs on Shrimp Imports +World,Powell and Governor of Florida Arrive in Bangkok +Business,United unions seek up to \$1 billion in skipped pension payments +Business,Pfizer Sales to Be Hurt in Next 2 Years +Business,29 Brokerage Firms Fined +Business,Natural gas giant Gazprom to participate in Russian auction of key <b>...</b> +Business,Truth in Lending #39; Damages Limited by Top US Court (Update1) +Sci/Tech,Sony launches iPod killer +Sci/Tech,"Navigator #39;s Beta Nods to IE, Firefox" +Sci/Tech,"Cisco Unveils Advanced IP Phone, Catalyst Switch Improvements" +Sci/Tech,Red Hat Preps Enterprise Linux 4 +Sports,UConn accepts bid to Motor City Bowl +World,Senior Fatah Official Shot Dead in Nablus (AP) +World,"Cuban dissident freed, recounts grueling ordeal" +World,Human rights group sues Rumsfeld for alleged war crimes +Business,The Wal-Mart Holiday Shopping Song: Online and Off +Business,Gazprom to Bid at Auction of Yukos #39;s Oil Assets +Business,Hurricane Season Ends +Business,United unions seek up to \$1 billion in skipped pension payments +Business,Oxendine offering telemedicine +Business,PPR plans to sell Rexel stake in bid to cut debt +Business,High Court Overturns Loan Scam Damage Award +Sci/Tech,HD DVD Gains Studio Support in Battle with Blu-Ray +Sci/Tech,MmO2 signs i-mode deal +Sci/Tech,Kazaa mounts Betamax defence +Sci/Tech,Lycos offers customers program to attack spam servers +Sci/Tech,Let a thousand mobiles bloom +Sci/Tech,New Netscape browser supports Internet Explorer +Sci/Tech,Cisco Enhances Gigabit Ethernet Switches +Sci/Tech,"Sybase, IBM Embrace Over Linux" +Sci/Tech,China #39;s Google Block Sparks Media Group #39;s Protest +Sci/Tech,Man sentenced over movie downloads +Sports,"Bolton will stand by remorseful Diouf, says Allardyce" +Sports,"After #39;Battle of the Buffet #39;, rivals ready for second helpings" +Sports,Chelsea Beats Fulham in League Cup; Watford Defeats Portsmouth +Sports,Cardinals to play Broncos in the Liberty Bowl +Sports,"Three QBs, two RBs compose list" +Sports,"Washington, DC Council Moves on Baseball Funding" +Sports,Spain have homeground advantage against US +Sports,Martinez waits to find out Yankees #39; level of interest +World,Congo officials claim Rwanda troops attacking +World,US Group Urges Rumsfeld War Crimes Probe in Germany +World,EU Cyprus demands enrage Turkey +World,Allawi in Jordan for meetings with influential Iraqis but rules <b>...</b> +World,Syria denies giving up previous negotiating achievements +Sci/Tech,"Sony, IBM detail chip plans" +Sci/Tech,Don #39;t get mad with spammers. Get even +Sci/Tech,Enter your e-mail: +Sci/Tech,IBM To Put Open-Source Sybase Datebase Software on Servers +Sci/Tech,Search engines zero in on video +Sports,Divided council gives initial OK to stadium bill +Business,U.S. Sets Final Duties on Imported Shrimp +Business,SEC gives some companies a break +Sports,"Cycling: Even after firing Hamilton, Phonak #39;s #39;attitude #39; derails <b>...</b>" +World,"Bush Defends Iraq Invasion, US Action on Threats (Update1)" +Sports,U-Conn. Accepts Bid +Business,New York Pension Fund Sues Merck Over Vioxx +Sports,Giants bring All-Star closer Benitez to Bay Area +Sports,TENNIS NOTEBOOK US team hopes to be more than clay pigeon in Spain +Sports,Warner Moving Again? +Sports,2004 Adelaide Test and Taste Experience +Business,Telstra chief quits +Business,Crude Oil Little Changed After Falling on Mild Weather Forecast +Sci/Tech,"The Record Labels Attack Kazaa In Australia, That Is" +Sports,Marshall Accepts Invitation to the PlainsCapital Fort Worth Bowl +World,Thumbs Up From Brunei For Largest Free Trade In World +Business,Merck execs protected in case of takeover +Sci/Tech,Phones into Flowers +Sci/Tech,iPaqs turn up the security +Sports,Rowing: Pinsent looks beyond fifth gold towards bright future +Sports,Lobos accept bid to the Emerald Bowl +Sports,Yankees #39; Sheffield has surgery +World,Weather blamed for whale beachings +Business,Update 1: Telstra Announces CEO Departure +Business,UPDATE 1-US Air creditors back plan to dump labor contracts +Sports,D.C. Council OKs Park for Incoming Expos (AP) +Sci/Tech,Cingular to Offer Faster Wireless Service (AP) +Sports,NBA to Set New Arena Security Guidelines (AP) +Sci/Tech,HP Touts Software to Slow Computer Worms (AP) +World,Allawi to Promote Iraq Election in Jordan (AP) +Sports,Bucs Cut Veteran Kicker Martin Gramatica (AP) +Sci/Tech,"Lucent, Cingular Ink Wireless Deal (AP)" +Sports,"Benitez, Giants Agree to Three-Year Deal (AP)" +World,"Musharraf Remains President, Army Chief (AP)" +Sci/Tech,Ex-McAfee Exec Settles Insider-Trade Case (AP) +Sports,Boston Headed for Continental Tire Bowl (AP) +World,Chief executive of Australian communications giant to step down (AFP) +World,Bush Defends Iraq Decisions in Canada (AP) +Sci/Tech,Spain Plays Down Canary I. Locust Threat (AP) +World,"UN Releases Major Report on Reform, Global Threats" +World,Why AIDS keeps spreading in Africa +Sci/Tech,"Wireless IP with Sprint, USB, and Kernel 2.6" +Sci/Tech,Cingular to Upgrade Wireless Data Network +Sci/Tech,Philadelphia and Verizon Nearing Wireless Agreement +Sci/Tech,Siemens to Supply 3Q System to Cingular +World,Portugal leader calls early poll +Sci/Tech,Ancestor's DNA code reconstructed +World,Blunkett faces new visa questions +Sci/Tech,Cuban bets on vice +Business,Crude oil prices fall on optimism about heating oil supplies +Business,Continental announces succession plans +Sports,DC Council OKs Park for Incoming Expos +Sci/Tech,New Netscape browser supports Internet Explorer +Sci/Tech,Report: Online shopping sites struggle to keep up with demand +Sci/Tech,Universities grapple with SSL-busting spyware +Sci/Tech,Xserve shipments soar 119; trend likely to continue +Sci/Tech,HP to release Virus Throttler for Windows in 2005 +Sci/Tech,Cisco switches add 10GigE features +Sci/Tech,New Netscape browser supports Internet Explorer +Sci/Tech,Gates: Software tycoon to ambassador? +Sci/Tech,IBM to market Sybase Linux database +Sci/Tech,China Hurries to Animate Its Film Industry +Sci/Tech,"The Guitarist Is Metal. No, Not Heavy Metal." +World,India signs prosperity deal with ASEAN +World,Syria Denies Dropping 'Rabin' Condition for Peace +Business,Update 2: Telstra Announces Departure of CEO +Business,Rentokil at four-month low after profits warning +Sci/Tech,MmO2 links with Japan entertainment service +Sci/Tech,Scientists reconstruct ancestral genetic code +Sports,Hamilton fired by Phonak +Business,"Telstra Chief Switkowski Quits, to Leave in 2005 (Update2)" +World,Canada Quarantines One Farm in Mad Cow Search +Sci/Tech,HP to launch #39;virus-throttling #39; software +Sci/Tech,Armies of Exigo marches into stores +Sports,"Irish #39;s lack of fight, Meyer #39;s availability ultimately cost <b>...</b>" +World,Kofi Annan Must Go +World,Terrorism Act 2000 see British police search properties for naught (AFP) +Business,Wendy #39;s Expects Fourth Quarter Loss +Business,Continental Airlines Elects Jeff Smisek to Its Board of Directors +Sci/Tech,Spammers hack Lycos #39; anti-spam Web site +World,"Appeals for help as hundreds dead, thousands of families stranded <b>...</b>" +World,UN panel proposes criteria for legitimate military action +Sports,Kendall thinks he #39;s a great fit for Oakland +Business,"U.S. Stocks, Dollar and Bonds Fall" +Business,Dollar Down But Seen in Ranges +Business,"Dollar Weak, Asia Stocks Down (Reuters)" +Business,Dollar Down But Seen in Ranges (Reuters) +Business,Fashion House Selling Electrical Supplier +Business,Smaller Companies Given 45-Day Delay on Audit Certification +Business,AIG and US Complete Big Settlement Agreement +Business,Removal of Vioxx Shifts Drug Landscape +Business,Rentokil catches cold with 12 fall +Sci/Tech,Upwardly mobile UK +Sci/Tech,"Russia, NASA OK Space Station #39;s Next Crew" +Sci/Tech,Flaw opens crack in Windows servers +Sci/Tech,Crucial step made in hydrogen fuel research +Sports,ND #39;s move raises host of questions +Sports,Pinsent pulls in his oars +Sports,Smith to restore the Stein dynasty +Sports,Mayor #39;s Presence Rewarded +Sports,"No. 7 Connecticut 99, Fla. International 48" +World,Bush tries to patch up rift with Canada +World,Iran Says It Will Suspend but Not End Its Uranium Program +World,Cuba Releases Dissident Writer Imprisoned in 2003 Crackdown +World,"Storm, landslides kill nearly 340" +World,MOFA slams China-ASEAN pact +World,Car bomb kills seven in Iraq +World,Japanese government hopes to allow woman on throne within years <b>...</b> +World,Envoys seek Ukraine breakthrough +World,Liverpool clip Canaries' wings (AFP) +World,Scientists plan Jurassic archive +Sports,"Citing a Lack of Progress, Notre Dame Fires Willingham" +Sports,Prosecutor Not Rushing Into Charging Pacers +Sports,"With Ban Pending, Hamilton Loses Ride" +World,White House Proposes Cuts in Salmon Areas (AP) +World,Thwarted U.S. May Seek Lone Push on Iran Sanctions (Reuters) +World,International Mediators Try to End Ukraine Crisis +World,U.S. Rules Out Dam Removal to Aid Salmon +World,"AIDS Near 'Tipping Point' In India, China, Russia" +World,Teams Scour Indonesia Plane Crash Site for Survivors +World,Colombian Congress Approves Uribe's Re-Election Bid +Business,Pension Fund of New York Files Suit Against Merck +Business,California Pension Activist Expects to Be Ousted +Business,Signs That Japan's Economic Recovery Is Fading +Sports,Skiers Up to Speed +Sports,"Mets, Martinez Talk" +Business,Global Forecasts for 2005 Growth Are Reduced +Sports,Yellow Jackets Roll +Sports,Friars Collapse in Upset +Sports,Take this to the bank: The Yanks could tank (The Sporting News) +Sports,"Skidding Browns finally see the light, purge Butch" +Sports,NCAA Game Summary - Florida International at Connecticut +Sports,Nets 99 Bobcats 86 +Sci/Tech,Online holiday shopping rose 25 percent in 2004: survey (AFP) +World,At least 300 die in floods as Typhoon Winnie hits Philippines +World,Arms smuggling to Gaza on agenda of talks with Egyptian foreign <b>...</b> +Sci/Tech,AMD Big Gainer in 3rd-Quarter Microchip Sales-IDC +Sci/Tech,Global Chip Gear Sales Seen Down 5.15 Percent in 2005 +World,Storms leave at least 350 dead in Philippines +World,Thai prime minister urges Myanmar generals to move toward <b>...</b> +Business,"New US tariffs on shrimp from China, Vietnam may help US shrimpers" +Business,Tropical Storm Otto forms on last day of hurricane season +Sci/Tech,New life for Philly WiFi +Sports,Lampard strikes again +Sports,Australians close in on victory +Sports,"Raptors 94, Heat 92" +Business,Hospital Care by Video Camera +Business,"Hurricane Season #39;Officially #39; Over, But That Doesn #39;t Stop Otto" +Business,Athletes still using Bextra +Sports,Knicks Nip Hawks 110-109 in Overtime (AP) +Sports,Kings Defeat Slumping Grizzlies 98-93 (AP) +Sports,No. 4 Georgia Tech Drills Michigan 99-68 (AP) +Sports,No. 8 Kentucky Trounces Tennessee Tech (AP) +Sports,Bucs Release Schroeder and Gramatica (Reuters) +Sports,Cook Leads Lakers Past Bucks 95-90 (AP) +Sports,"1914 Baseball Card Set Sells for #36;800,000 (AP)" +Sports,Houston Upsets No. 14 Purdue 63-60 (AP) +Sports,"Nets 99, Bobcats 86" +Sports,"Routs not fooling Smith, Cats" +World,Rwandan troop incursion prompts Congo to respond +Sci/Tech,"Microsoft, BT team on software as services" +Sci/Tech,Microsoft finds new front in software piracy battle +Sci/Tech,HP fine-tunes security management +Sci/Tech,Sun: 1.9 million downloads of Java fix +Sci/Tech,Universities Struggling with SSL-Busting Spyware +Sports,Top-Ranked Australia Rallies to Avoid US Rugby League Upset +Sci/Tech,New Netscape Browser Supports Internet Explorer +Business,Dollar Rebounds But Data May Cap Gains +Business,High Court Puts Limit On Lender Liability +Business,Russia's Gazprom to Bid For Yukos Oil's Top Unit +Business,"Fannie, Freddie Raise Loan Limits" +Sci/Tech,News: HP says 'virus throttling' software could slow spread of computer worms +Business,SEMI expects sales to dip in #39;05 +Sports,Spurs Run Over Mavericks 107-89 (AP) +World,International Mediators Try to End Ukraine Crisis (Reuters) +World,China Mine Death Toll 166 -Xinhua (Reuters) +Sports,Pistons Race Past Rockets 93-72 (AP) +Sports,No. 1 LSU women roll past North Texas +Sports,"Knicks 110, Hawks 109, OT" +Sports,"No. 19 Florida 88, Florida A amp;M 51" +World, #39;Prince was like a lovesick puppy #39; +Business,Construction Spending Down +World,Death Toll Rises to 166 China Coal Blast (AP) +Business,New York Comptroller Sues Merck +Business,Pace of Factory Growth Climbs +Sports,Suns Defeat Jazz 115-102 (AP) +Sci/Tech,Taking the charge out of lightning-fast worms +Sci/Tech,Sybase offers breakthrough Linux-based ASE value +Sports,Knicks edge plucky Hawks in OT +Sports,NBA to Set new arena security guidelines +Sports,Cal Receiver Expects to Play in Finale (AP) +World,Teams scour Indonesia plane crash site +World,Italy crippled as strike bites +Sports,"College Basketball: Georgia Tech, UConn Win" +Business, #39;The age of cheap oil is over #39; +Business,Telstra chief resigns ahead of privatisation +Sci/Tech,Lycos Offers Spam-Server Attack Program (AP) +Sci/Tech,Flaw opens crack in Windows servers +Sports,NBA Wrap: Stojakovic Powers Kings Past Grizzlies (Reuters) +Sports,Notre Dame players to vote on whether to take bowl trip +Sports,McLeish gives Smith vote of approval for Scotland job +Sports,Benitez signing a Giant step +Sci/Tech,LG Philips LCD announces five-billion dollar investment despite output glut (AFP) +Sci/Tech,"Philly, Verizon Complete Wireless Deal (AP)" +Sports,Duke Tops Mich. St. 81-74 (AP) +World,New typhoon heading for flood-hit Philippines +World,Investigation underway into Indonesian plane crash +World,Rumours fuel fear of war in eastern Congo +World,Di claim dismissed +World,Egyptian Officials Due to Arrive for Talks This Morning +Sci/Tech,Universities Struggling with SSL-busting Spyware (PC World) +Sci/Tech,Sun: 1.9 million downloads of Java fix (InfoWorld) +Sci/Tech,Death of Rare Bird Leaves Future Uncertain (AP) +Sci/Tech,"Russia, NASA OK Space Station's Next Crew (AP)" +Sci/Tech,Anthrax Vaccine Maker Announces Md. Facility +Business,The Dollar Slips Against the Yen +Business,Nikkei Down 1 Pct on Econ Fears +Business,Pfizer Affirms 2004 Forecast +Business,OECD expects robust 3.6 percent growth +Business,Merck sued by New York fund over Vioxx issue +Business,Telstra CEO out ahead of full sale +Business,Wal-Mart Sales Estimate Boosts Sector +Sci/Tech,ANALYSIS: Hollywood studios fire heavy salvo in DVD format war +Sci/Tech,02 i-mode deal +Sci/Tech,HP to release Virus Throttler for Windows in 2005 +Sports,First Edition Cycling News +Sports,Your Verdict: Diouf spitting shame +Sports,Ladydogs Upend #20 Louisana Tech 72-55 +World,Car bomb kills seven in Iraq +Sci/Tech,Net piracy expert flies in to scuttle Kazaa +Sports,"GAME DAY RECAP Tuesday, November 30" +Sci/Tech,"On Campus, Hanging Out by Logging On" +Sci/Tech,Cingular to Upgrade Data Network +Business,US sets penalties on import of shrimp +Business,Ziggy to resign +Business,Cingular to launch US 3G network +Business,REL wants to know if RIL will play ball +Sci/Tech,Lycos Europe To Spammers: It #39;s Pay-Back Time +Sci/Tech,Sun Microsystems to acquire SevenSpace +Sci/Tech,Russia #39;s space agency approves international space station #39;s next <b>...</b> +Sci/Tech,Microsoft investigates Windows Server flaw +Sports,San Francisco Signs Benitez to Three-Year Deal +Sports,Substitute position is familiar arrangement for Robiskie +Sports,NBA Wrap: Stojakovic Powers Kings Past Grizzlies +Sports,NBA Game Summary - San Antonio at Dallas +Sports,Time #39;s on Sox #39; side: Club may not need four-year offer to keep <b>...</b> +World,"Rwandan Troops Enter Congo, Aide Says" +World,New Zealand announces initiatives to build links with ASEAN +World,GERMAN COURTS: NY-based rights group pushes war crimes probe +Business,Japan's Nikkei Hits a One-Month Low +Business,Profit taking clips stocks +Business,"SEC, PCAOB Allow Extra Time on Internal Control Reporting" +Business,Microsoft to set up lab in India +Business,At least 100 Delta pilots expected to retire as pay cuts start <b>...</b> +Business,Reliance arm asks six to stay +World,Botswana Leader Warns on AIDS: Abstain or Die (Reuters) +Sci/Tech,Hewlett-Packard says software could slow computer worms +Sci/Tech,Bringing to Life the Genome of an Ancient Mammal +Sports,"Tyler Hamilton fired by cycling team, which is barred from pro <b>...</b>" +Sports,Bolton #39;s Diouf charged for spitting incident +Sports,Crawford nails late three-pointer in overtime as Knicks top Hawks <b>...</b> +World,Panel Releases Report on Global Threats (AP) +Sci/Tech,"Philadelphia, Verizon Strike Deal on WiFi (washingtonpost.com)" +World,China Toll 166 in Grim Saga of Mine Deaths (Reuters) +World,Australia fails to obtain ICRC report on alleged torture at Guantanamo (AFP) +Sports,No. 25 Wisc. Upsets No. 12 Maryland 69-64 (AP) +World,International Mediators Try to End Ukraine Crisis +World,"Condoms, Parades Mark AIDS Day; China Gets Tough" +Sports,Tough Start for Mexico in Final World Cup Qualifiers +World,Teams Scour Indonesia Plane Crash Site for Survivors +World,Md. Marine's Love of Outdoors and Adventure Remembered +World,U.N. Panel Rejects Bush Stance on Military Action +Sci/Tech,"Philadelphia, Verizon Strike Deal on WiFi" +Business,Microsoft Research to open lab in Bangalore +Business,US clocks a third quarter growth of 3.9 +Sci/Tech,HP to release Virus Throttler for Windows in 2005 +Sports,Man Utd boss Ferguson has fresh dig at Arsenal +Business,Walgreen Qtrly Profit Rises 30.5 Pct +World,Can He Stop the Killing? +World,Where Should Your Money Go? +Business,Justices to hear Seattle newspapers #39; dispute +Sci/Tech,AMD gains in Q3 chip sales +Sports,"If Irish lure Meyer, it all changes at UF" +World,Four killed in Iraq attack: +Business,Oil Prices Edge Below \$49 a Barrel +Business,Global Forecasts for 2005 Growth Are Reduced +Business,Yukos chief sees little hope for oil giant +Business,Hunt for new CEO begins as Telstra #39;s Ziggy Switkowski steps down +Business,Gov. Bush praises Treasure Coast efforts during hurricane season +Business,Insurance merger results in \$126.5 million windfall +Business,GM to lay off 950 in New Jersey +Sports,Frozen out +World,Portuguese President Moves to Dissolve Parliament (Reuters) +World,US may boycott ASEAN meetings when Myanmar takes over helm in 2006 +World,"Mass whale strandings found in Australia, NZ" +World,US may boycott ASEAN meetings when Myanmar takes over helm (AFP) +World,Mozambique voters head for polls +Business,Is end near for Russia #39;s Yukos? +Business,Insurers paying for rural health project +Sports,Willingham out as Irish coach Firing could have local <b>...</b> +World,At least 500 dead in Philippines storms +World,Chinese media demands investment in mine safety +Business,Nikkei Hits 1-Month Closing Low +Business,Texas got a break +Business,Telstra CEO out ahead of full sale +Business,Company looks to new drugs in face of patent expirations +World,Sea of Sorrow +World,After the Flood +Sci/Tech,AMD Big Gainer in 3rd-Quarter Microchip Sales-IDC +Sci/Tech,Death of Rare Bird Leaves Future Uncertain +World,US embassy bomb plot trial opens +Sports,Randolph scores 19 points as Trail Blazers down Sonics 100-94 +Sports,Bobcats will slowly bud into winner +Sports,"Redick, Ewing each score 29, total 10 three-pointers" +World,Nearly 340 people killed as storm slams E Philippines +Business,Sugar industry wary of commerce nominee +Business,Dollar hits a new low despite strong growth +Business,Sex and the City driving economy +Sci/Tech,Endangered bird dies in captivity +Sci/Tech,Breakthrough in hydrogen fuel research +Sports,"Willingham should hold his head high, wait for another job" +Sports,Martinez Apparently Using Mets As Leverage to Up the Ante in <b>...</b> +Sports,Nets: Snap skid at 9 as Mourning leads way +World,Myanmar overshadows trade deals at summit +Business,Vietnam Hails Shrimp Tariff Reduction +Business,US consumer confidence unexpectedly fell in November +Sports,Australia Opens With Win Over Slovakia (AP) +Sports,"After third season, Willingham runs out of luck with Irish" +World,Bush seeks to mend ties to Canada +Business,Citigroup's Japan boss apologies +Business,Roads to growth +Business,Rents slip as vote nears on controls +Business,T awards 10-year pact to build bus shelters +Business,Dollar drops to new low against euro +Business,Russia's Gazprom to bid for Yukos unit +Business,Crude falls on hopes for heating oil report +Business,Chip company acknowledges SEC probe +Business,OfficeMax agrees to item-price settlement +Business,Decision by NLRB on work rules hit +Business,2nd UPDATE: Telstra Chief Quits Amid Asia M amp;A Missteps +Business,Cingular to deliver 3G services based on UMTS and HSDPA +Business,Pfizer has drugs in line to replace expired patents +Business,HEVESI RIPS MERCK #39;S LOSS +Business,POWER OUTAGE NETS GUCCI A COOL \$3.5B +Business,Global Chip Gear Sales Seen Down 5.15 Pct in 2005 +Sports,Davis Quits As Cleveland Browns Coach (AP) +Sci/Tech,Hollywood divided over next-gen DVD standard in quot;Betamax-style quot; <b>...</b> +Sci/Tech,Firefox: The revolution begins here +Sports,Fans Chant 'Fire Gundy' As Rockets Trounced (AP) +Sports,Hamilton gears up for fight after Swiss team drops him +Sports,Ferguson forgets the hype +Sports,Barrera Proved he #39;s Better than Morales +Sports,"No. 25 Wisconsin 69, No. 12 Maryland 64" +Sports,"GEORGIA TECH 99, MICHIGAN 68: Harris, Horton off-kilter in <b>...</b>" +Sports,Spartans too timid +Sports,Giants ink Benitez to three-year deal +World,Sharon plays poker to head-off coalition crisis: +Sports,Arrese Will Bet Anything on Spanish Win (AP) +Sports,"Pushed by Mets, Sox won't go fourth on Martinez" +Sports,Notre Dame dismisses Willingham +Sports,Patriots discovering virtue of versatility +Sports,Giants ink Benitez to three-year deal +Sports,Many reaped rewards +Sports,Pacers will be charged +Sports,All signs pointing to Meyer +Sports,BC wheels its way to Tire Bowl in N.C. +Sports,Carr helps BU drive past URI +Sports,BC coasts past Long Island +Sports,A fitting finish for Lions +Sports,North Shore gets best of St. Mary's +Sports,Feehan thwarts Bourne's speedsters +Sports,A-B snags No. 49 +Sports,Everett romps past Xaverian +Sports,Brockton has its lines down pat +Sports,Denehy boosts Walpole +Business,Latecomer storm caps unusual season +Business,PPR in talks to sell Rexel stake +Sci/Tech,HP to launch #39;virus throttling #39; software +Sports,Duff on the mark as Chelsea advance +Sports,Welsh: Barrera Morales Might Do IV! +Sports,Tuesday #39;s Top 25 Capsules +World,Flood-hit Philippines awaits typhoon +World,6 Americans Confirmed Dead in Afghan Crash +World,Mozambique Votes to Elect Successor to Chissano (Reuters) +Sci/Tech,Global Chip Gear Sales Seen Down 5.15 Pct in 2005 +World,"East-West standoff in Ukraine hardens, EU seeks to mediate (AFP)" +Business,"Bush: End of hurricane season time for reflection, celebration" +Business,Kissing The Sky +Sci/Tech,KPMG witness takes stand in Kazaa trial +Sports,"UW MEN #39;S BASKETBALL: Tucker, Chambliss lift Badgers" +World,Philippine Flood-Hit Towns Marooned; Typhoon Nears +World,Mozambique Votes to Elect Successor to Chissano +World,Bush to Hail Canadians for Response to Sept. 11 +Business,US keeps big tariffs on shrimp from Asia +Business,State #39;s economy surges in October +Business,Anthem merger a done deal +Sports,Men #39;s Top 25: Duke edges past Spartans +Sports,Fans split on Notre Dame coach #39;s firing +World,UN calls for Suu Kyi #39;s release +World,Italy Hit By Nationwide Strike Of Workers +World,Mozambicans prepare to go to polls +Business,US stocks close lower on mixed signals +Business,Anthem seals WellPoint deal +Business,Getting your report +Business,Strike talk heats up as hearing on US Airways labor contracts <b>...</b> +Business,SuperGen Withdraws Drug Application +World,Santa really does encourage boys and girls to be nice not naughty (AFP) +Sports,Nats get DC #39;s nod +Sports,"LSU routs N. Texas, now is 8-0" +World,Surgery Performed Aboard 'Air Hospital' (AP) +World,"Despite smiles, Bush #39;s visit to Canada chilly" +World,Indonesian crash death toll rises to 33 +World,Princess Aiko turns 3 +World,"11 children, 4 adults die in Honduras sugarcane fire while hunting <b>...</b>" +World,"Silent Night, Deadly Night" +World,US senator calls for Annan's resignation (AFP) +World,Ukraine's Parliament Opens Without Quorum +World,Ukraine's election talks fall apart +World,Lawyers file Abu Ghraib complaint +World,Panel offers strategies on fighting global threats +Business,You can hedge bets with Cuban #39;s scheme +Business,New Mexicans Urged To Check Free Credit Report +Sci/Tech,Biodegradable cellphone fertilizes sunflowers +Sci/Tech,Next-generation Russian spaceship unveiled +Sports,Notre Dame says bye to Ty +Sports,Bolton want outright deal for Liverpool #39;s Diouf +World,UN plan would expand Security Council +World,"Rumsfeld, et. al. Charged with War Crimes in Germany" +World,"Joy, fear in air as election nears" +Business,Cambodia 'must speed up reform' +Business,Gazprom decides to bid for Yukos key oil unit +Business,"After busy Black Friday, shoppers downshift" +Business,US dollar hits new all-time low against euro +Business,Bush Nominates Gutierrez to Head Commerce +Business,Australian economic growth slows +Business,Greece faces court action over false deficit figures +Business,Stocks lookin #39; up +Business, #39;Disclosure on steroids #39; +Business,"Despite recalls, too few vehicles being" +Business,Eurostocks Nudge Up on Ericsson +Business,Pension adviser takes on United +Business,Traffic concerns jam Cape project +Business,Stocks Seen Higher as Oil Slips Below #36;49 (Reuters) +Business,Shrimpers hail tariffs on imports +Business,Mortgage Applications Fell Last Week -MBA (Reuters) +Business,Euro soars as ECB chief defends rate +Business,Update 1: Greece Defends Deficit Revision +Business,Losing the head to gain the market +Business,Stores reconsider sales strategies after sluggish weekend (USATODAY.com) +Business,"Anthem, WellPoint merger complete, share prices appreciate" +Business,"Numerous recalls point to vigilance, vehicle complexity" +Business,Cingular signs for 3G +Business,Outlook for chip gear dims +Business,Dollar Tumbles to Record Low Against Euro +Business,Mortgage Applications Fell Last Week -MBA +Sci/Tech,Kazaa makes plea for legal status +Sci/Tech,1 Nation briefing +Sci/Tech,"Sow Your Phone, Reap a Flower" +Sci/Tech,Unprotected PCs can be hijacked in minutes +Sci/Tech,Network Walkman NW-HD3 supports MP3s +Sci/Tech,HP ditches datacentre service for automation module +Sci/Tech,Future Uncertain for Rare Hawaiian Bird +Business,November Same Store Sales Down +Sci/Tech,AOL new browser combines Firefox with Explorer +Sci/Tech,Microsoft sues resellers for piracy +Sci/Tech,Sybase partners with IBM +Sci/Tech,IDC: AMD captured 10 percent CPU share +Sci/Tech,Cabir added to payload of Symbian mobile Trojan +Sci/Tech,Computer analysis shows scientists could reconstruct the genome of <b>...</b> +Sports,Decision to boot Willingham a cold one +Sports,Jense: #39;Michael can be beaten #39; +Sports,Ga. Tech romps past Michigan +Sports,Wheldon targets IRL title +Business,Ask The Post +World,Suu Kyi to be held for another year +World,US lawyers file complaint over abuses in Abu Ghraib +Business,Greece to be warned on euro data +World,Six Americans killed in Afghanistan plane crash +World,Mozambique Votes to Elect Successor to Chissano +Business,Row over Airbus boss intensifies +Business,Nokia to make handsets in India +World,The Rediff Special/rediff.com Newsdesk +Sports,Southwestern adventure in a ski town +Sports,Past meets present here +Sci/Tech,New software blows the whistle on viruses #39; activities +Sci/Tech,New eco-friendly mobile phone case turns into flower +Sci/Tech,Microsoft sues firms for software violations +Sci/Tech,Researchers reconstruct parts of the genome of a common mammalian <b>...</b> +Sci/Tech,HP kit to get Virus Throttler next year +Sci/Tech,Sony Adds MP3 Support To NW-HD3 +Business,Stocks to Open Higher Despite Weak Dollar +Sci/Tech,HP plans to slow Net worms +Business,CONSUMERS GROWING WARY +Business,"Adecco, Manpower, Vedior Probed for Collusion #39; (Update1)" +Business,ShopKo November Sales Down 4.8 Percent +Sci/Tech,Genome of the mammalian common ancestor reconstructed +Business,"Update 6: Anthem, WellPoint Complete Merger" +Business,China opens cities early to foreign lenders +Sci/Tech,IBM Details PC Unit's Financial Woes +Sports,Knicks slip past Hawks +World,Cuba Releases Five Dissidents +World,Mozambique Prepares for Elections to Replace Chissano +Sci/Tech,Flowering phone is environmental wake-up call +Business,OECD sees China GDP growth slowing to 8 in 2005 +Business,DATA VIEW: Australian Economy Puts Brakes On In 3Q -2- +Business,US Stocks Dip +Business,UAL pension trustee seeks \$994 million +World,"Philippine survivors flee new typhoon, 600 dead or missing" +Business,UK may need to raise taxes to cut deficits - OECD +Business,Stocks Seen Higher as Oil Slips Below \$49 +Business,EU to Pursue Legal Action Against Greece +Sci/Tech,ESPN to Offer Phone Service Through Sprint (AP) +Business,ShopKo Reports November Retail Sales +Business,Vehicle complexity leads to record number of recalls +World,Hamas Says to Boycott Palestinian Presidential Vote (Reuters) +World,Myanmar to Detain Suu Kyi Another Year -- Party (Reuters) +World,Egypt and Israel Discuss Gaza Withdrawal (AP) +Sci/Tech,ESPN to Launch Mobile Phone Service in Sprint Deal (Reuters) +Sci/Tech,Sybase Server Available On IBM Linux Hardware (TechWeb) +Sci/Tech,Video System Provides Bench Strength (Ziff Davis) +Sci/Tech,New Program Turns Consumers Into Spam Vigilantes +Sci/Tech,Kennedy Knicknacks to Go on the Block Next Year +Sci/Tech,Turning Phone Into Broadcaster (Ziff Davis) +Sports,UCI says Tyler Hamilton dumped by Phonak +Sports,Notre Dame fires Willingham +Sports,Davis Cup final to break spectator records +Sports,Federer Eases to Victory in Qatar Open +Sports,"Performance, not passion, must be Lerner #39;s strength" +World,Bush to Thank Canadians for Post-9/11 Aid (AP) +Sci/Tech,Brazil Garbage Dump Could Be Climate Trailblazer (Reuters) +World,More than 400 Filipinos dead as new storm nears +World,Canadians protest against Bush visit +World,President attacked in central Belgrade +World,Boycott of Palestinian Elections Sought +World,Palestinian master bombmaker sentenced +World,"Parades Mark AIDS Day, Africans Told 'Abstain'" +Sci/Tech,Future Uncertain for Rare Hawaiian Bird (AP) +World,China Toll 166 in Grim Saga of Mine Deaths +World,Hamas Says to Boycott Palestinian Presidential Vote +World,Mozambique Votes to Elect Successor to Chissano +World,Hamas urges PA election boycott +World,Rumsfeld in Iraq abuse complaint +World,Mugabe moves against party rivals +World,Cannabis raises risk of psychosis +World,Crow fan not guilty of stalking +Sci/Tech,PCCW cautious in UK broadband wireless rollout +Sci/Tech,Fakes seized in anti-piracy raids +Business,"Dollar Falls, Hits Record Low Vs. Euro" +Sci/Tech,ESPN to Launch Mobile Phone Service in Sprint Deal +Sci/Tech,Talking About Linux +Sci/Tech,Microsoft to Open Research Center in India +Sci/Tech,HP Touts Software to Slow Computer Worms +Sci/Tech,ESPN to Launch Mobile Phone Service in Sprint Deal +Sci/Tech,Mass. Gets Electronic Gun Fingerprinting +Sci/Tech,Stakes high for EU science plans +Sci/Tech,BSE cattle ban to be phased out +Business,Holiday spirits are highest for stores that banked on weekend <b>...</b> +Business,Harmony loses latest round in hostile takeover bid +Business,Goodyear sharpens focus as it sells plantation unit +Sci/Tech,Microsoft to open research lab in India +Sports,Harbhajan has South Africa in spin +Sports,US Davis Cuppers plan to use patience +Sports,Washington proposes to cap ballpark cost at \$630 million +Sports,Hex draw announced +Sci/Tech,Microsoft Investigates Windows Server Flaw +Sci/Tech,Tech.gov: Barriers to Free Wi-Fi +Sports,Gretzky Says Lockout Could Last 2 Years (AP) +Sci/Tech,"Shopping Search Update 2004, Part 2" +Sports,Schu #39;s #39;no better #39; - JB +Sci/Tech,Merrill Lynch looks to 'killer' Apple home media server +Sci/Tech,More Robot Grunts Ready for Duty +Sci/Tech,Costly Cloning Isn't a Cure-All +Sci/Tech,Snake Eater a Slithering Success +Sci/Tech,Laserpod: Groovy Goes Modern +Sci/Tech,Mutating Bots May Save Lives +Sci/Tech,"Rocket Fuel in Milk, Lettuce" +Sci/Tech,New Security Pain: Radioactivity +Business,Humana Sees Earns at Top End of Forecast +Business,Fairchild Sales Not as Bad as Had Thought +Business,Train maker wields axe on UK jobs +Business,ESPN to Launch Mobile Phone Service in Sprint Deal +Business,Major progress achieved in banking reform: regulator +Sports,Burress' Home Burglarized (Reuters) +World,Bollywood superstar Bachchan joins Mandela's anti-AIDS campaign (AFP) +Sci/Tech,Google news site hit by access problems in China +Sports,"College Basketball: Georgia Tech, UConn Win" +Sports,Batteast too much for gritty Valparaiso +Business,Cingular plans to upgrade high-speed data network +Business,Telstra chief to leave before contract ends +Business,Nokia to Invest in New Plant in India +Business,US plan casts off protection for large areas of fish habitat +Sci/Tech,HP creating software to limit virus damage +Sci/Tech,Singingfish Unveils Multimedia Search Tool +Sports,Mourinho wants Carling Cup glory +Sports,Perhaps only heaven can help return Notre Dame to glory days +World,Hamas will not field candidate for Palestinian election +Business,"Consumer Spending, Incomes Up in October" +Business,Consumer Spending Stronger Than Expected (Reuters) +Business,"Act now on the budget, Brown told" +Business,Stocks Seen Higher as Oil Slips Below \$50 +Business,"Bombardier Transportation to cut 2,200 more jobs in restructuring" +Business,Verizon Will Sell Its 20.5 Stake in Canada #39;s Telus (Update3) +Business,Update 1: ShopKo November Sales Down 4.8 Percent +Sci/Tech,MS sues resellers for counterfeit certificates +Sci/Tech,"MILAN, Italy--(BUSINESS WIRE)--Dec. 1, 2004--" +Sports,British rowing approaches new era +World,S. Africa urges to verify Rwandan soldiers #39;s presence in Congo +World,Serbian president survives apparent attempt on his life +World,Press reveals Iran #39;s nuclear fears +World,Kashmir separatists plan hunger strike over abuse (Reuters) +World,Blair Ally Proclaims Innocence in Nanny Visa Row +World,Israeli Coalition on Verge of Collapse Over Budget +World,"Under Ridge, Color Alerts and Mixed Security Reviews" +World,"King Tut Treasures Will Return to U.S., but Won't Stop at the Met" +Business,Florida shrimpers win victory on tariffs against imported shrimp +Business,Chip gear sales now expected to shrink +Sports,Ganguly faces disciplinary hearing over dissent +Sports,Tough task reveals character +Business,Tariff raises financial hopes for area shrimpers +Business,US October Personal Spending Rises 0.7; Incomes Up 0.6 +Business,Blockbuster: Open to Raise Hollywood Bid (Reuters) +Business,Why 2004 was the year of the blog +Business,OECD 2005 forecasts bleak as oil rises and US deficit widens +Business,UPDATE 4-Blockbuster offers to raise bid for Hollywood +Business,Update 1: Giuliani Creates Investment-Banking Firm +Business,IBM Inks \$1 Billion Outsourcing Deals +Business,"Bombardier to Cut 2,200 Jobs" +Business,"Dollar General Profit Down, Trims Outlook" +Sci/Tech,Sharp and Sony Ericsson work together on 3G handsets +Sci/Tech,Accusations Fly as Kazaa Piracy Trial Opens +Sci/Tech,Lycos Antispam Screensaver Draws Fire +Sci/Tech,Fiorina: HP Readies Software To Choke Computer Worms +Sci/Tech,Microsoft Sues Alleged Software Pirates +Sci/Tech,Boffins develop flowering mobile phone +Sci/Tech,"Netscape supporting IE is good, but it #39;s not enough" +Sci/Tech,Half-Life 2 Deathmatch Released +Sci/Tech,IBM to support Sybase for Linux +Sci/Tech,Half a Mil and Climbing +Sci/Tech,Beijing Official Seeks To Calm Microsoft Controversy +Sci/Tech,"Chinese Blocking Google News, Says Watchdog Group" +Sci/Tech,Russia Unveils Model of New Clipper Space Shuttle +Sports,Consider Spain a Davis Cup certainty +Sports,Hill-Wood moves to calm tensions +Sports,Ice on jet #39;s wings may have been cause on Ebersol crash +Sports,Bolton seek cheap Diouf deal +Sports,Power player should win - Els +Sports,Pistons ban 2 fans following brawl +Sports,Weber #39;s orange sport coat tailor-made for huge game +Sports,Decision over Liverpool Groundshare Due +Sports,BYU set to fire Crowton +Sports,Indian selectors pick two rookie fast bowlers for Bangladesh tour +Sports,Raptors continue Florida road swing +Sports,Robiskie Picks Up #39;Interim #39; Tag Once Again +World,UN Panel Unveils Sweeping Reform Proposal +World,Israel #39;determined to complete Gaza plan #39; +World,Britain: Kidnapped Aid Worker Likely Dead +World,Cubans suggest dissident should leave +World,Tuesday - #39;D-Day for Northern Ireland Peace Deal #39; +World,Americans Missing In Afghanistan +World,Denmark backs call for Turkish recognition of Cyprus +World,Hamas to Boycott January Palestinian Election +Sports,Indiana Fires Coach +Business,US CEOs Less Bullish About Economy-Survey (Reuters) +Business,Manufacturing Speeds Up as Consumers Spend Away +Business,Cingular To Roll Out 3G Network +Business,IBM scores \$1B in Danish contracts +Business,Stocks rise as oil prices fall +Business,Bombardier #39;s 3rd-Qtr Net Drops on Fewer Deliveries (Update4) +Business,Ford Cuts Production as Sales Fall Again (Reuters) +Business,Factory Growth Picks Up Speed in November (Reuters) +Business,Eurozone economy hit with flood of bad news (AFP) +Sci/Tech,HP Looking to Ward off Viruses +Sci/Tech,Firefox and IE in the latest Netscape browser +Sports,Dolphins LB Thomas Out for Sunday #39;s Game +Sports,Nedbank Challenge #39;s status to be enhanced +World,Gunshots fired as Powell visits Haiti palace +World,Car #39;tried to ram #39; Serb president #39;s convoy +Business,Consumer Spending Stronger Than Expected +Business,US CEOs Less Bullish About Economy-Survey +Business,Ford Cuts Production as Sales Fall Again +Business,Soy Fungus Spreads to Tennessee +Business,"Fairchild Semi Raises Outlook, Stock Up" +Business,"ECB Trims Growth Forecasts for 2004, 2005" +Sports,Notre Dame just doesn #39;t get it +Business,Mobile phone sales still booming +Business,Brazil to break Aids drug patents +Business,Giuliani Creates Investment Banking Firm +Business,Investing in Dogs +Business,Chico's The Man +Business,A Dollar for 85 Cents +Business,Stocks Soar on Energy Inventory Buildup +World,Barghouthi to Run for Palestinian President (Reuters) +Sci/Tech,Electronic Eye May Help Blind Cross Street (AP) +Sci/Tech,Ericsson to Distribute Warner Music Tones (AP) +Sports,Dolphins LB Thomas Out for Sunday's Game (Reuters) +Sci/Tech,Telecoms Winning the WiFi War (washingtonpost.com) +Sci/Tech,The sticky problem of software authenticity +World,Mexico Investigates Cancun Slayings (AP) +Sci/Tech,Samsung Pips Motorola in Cellphone Ranking (Reuters) +Sports,"Washington, D.C. Council Moves on Baseball Funding (Reuters)" +Sci/Tech,Siemens wins UMTS contract with US mobile phone giant Cingular (AFP) +Sports,India eyeing Test series win +Sports,Injured Fin: Miami LB Thomas out for Sunday #39;s game +Sci/Tech,EU Suspends Review of Microsoft Deal (AP) +Sci/Tech,IBM Inks Outsourcing Deals Worth #36;1B (AP) +Sci/Tech,South Asia Stares at Looming Water Crisis (Reuters) +World,Chicago Mayor's Son Enlists in Army at 29 (AP) +World,Senator Calls on Annan to Quit Over Iraq Program (Reuters) +Sci/Tech,N.D. Consortium Wins NASA Research Job (AP) +World,Barghouthi to Run for Palestinian President +Sci/Tech,"Lunar Robotic Village, Moon Base Gains International Support (SPACE.com)" +Sports,Sampras Says Federer Can Match His Long-Term Dominance +Sci/Tech,Camels May Overrun Australia Outback (AP) +World,UN Says May Have Spotted Rwandan Troops in Congo +World,Israeli Coalition on Verge of Collapse Over Budget +World,Ukraine rivals bid to end crisis +World,New Somali cabinet named in exile +World,Moratinos defends coup comments +World,Cricket: England outclass Zim +Sci/Tech,Tsunami Prompts Online Outpouring +World,Do They Know It's Simplistic? +Sci/Tech,Battle rages between Lycos and spammers +Sports,Arrese sure of Spanish Davis Cup win +Sports,Chair suspect won #39;t talk +Sci/Tech,ATI Radeon X850 XT Platinum Edition +World,Gunfire erupted near US Secretary of State Colin Powell during <b>...</b> +World,All 166 trapped Chinese miners dead +Sci/Tech,Villages tune in to digital trial +Sci/Tech,Samsung Pips Motorola in Cellphone Ranking +World,Barghouthi to Run for Palestinian President-Official +World,Christmas Cracker +Sci/Tech,Telecoms Winning the WiFi War +Sci/Tech,iTunes music store nowhere in sight +World,"Egypt, Israel agree on border security" +Business,"Bombardier to cut 2,200 more jobs, reports poor 3Q earnings" +Business,Siemens to supply 3G Cingular network +World,Three U.S. Presidents Urge U.S. Relief Aid (Reuters) +Sports,"First Heisman ballot is in hand, but actually picking a winner a <b>...</b>" +Sports,Two men banned from Pistons #39; games +World,London Denies Mutilated Woman Corpse is of Margaret Hassan +World,13 die in another Chinese mine accident +Sports,Redskins' Taylor Pleads Not Guilty (AP) +Sci/Tech,iTunes not ready to sing #39;O Canada #39; +Sci/Tech,Customers Win in Database Vendors #39; Race to Linux +Sci/Tech,WINS Flaw Found in Microsoft Server Software +Sci/Tech,Valve unleashes Half-Life 2: D +Sports,Indiana Fires DiNardo As Football Coach +Sports,Redskins Rookie Taylor Pleads Not Guilty to DUI Charge +World,Gaza plan could revive road map-Israeli strategist +World,Sri Lanka rebuffs rebels #39; demands +Sci/Tech,Gartner: Half of U.S. IT operations jobs to vanish +Sci/Tech,IBM scores \$1B in Danish contracts +Sci/Tech,EU stops clock on ContentGuard investigation +Sci/Tech,Lycos' anti-spam screensaver draws fire +Sci/Tech,Nokia earmarks millions to build new plant in India +Sci/Tech,Lycos Antispam Screensaver Draws Fire +Sci/Tech,Singingfish Unveils Multimedia Search Tool +Sci/Tech,Microsoft Sues Alleged Software Pirates +Business,Mutual Funds Can Have Tax Trap in December (AP) +Sports,Els seeks fourth title in South African event +Sci/Tech,News: Cabir added to payload of Symbian mobile Trojan +Business,"Ford Sales Fall, Chrysler Posts Gain (Reuters)" +Business,New Game in Town: ESPN Phone +Business,Cingular to upgrade high-speed data network +Business,Moody #39;s raises Freeport-McMoran Copper amp; Gold +Sci/Tech,TiVo Upgrade Shifts TV Shows to Computer Laptop +Sci/Tech,Kazaa Back In Court +Sci/Tech,Adventurer to launch solo flight from Kansas +Sports,Ferguson ready for Arsenal youngsters +Sports,Bookies fear Chelsea clean sweep +Sports,Bolton back Diouf +Sports,Follow along as ESPN The Magazine #39;s Buster Olney breaks down the <b>...</b> +Sports,Two Fans Banned After #39;Basketbrawl #39; Incident +World,Car Attack on President Inflames Serb Suspicions +World,Israeli PM loses key budget vote +World,Emissions double heatwave risk +World,Powell Meets With Haitian Leaders +Business,UPDATE 1-GMP says no further plans to pursue bid for Stelco +Business,Report: Delta pullout to cost North Texas +Sci/Tech,Microsoft Files Suits Over Certificates of Authenticity +Sci/Tech,"Sony, Toshiba to Launch Digital Appliances With Super Chips in <b>...</b>" +Sci/Tech,GlobalFlyer Aims To Go Voyager One Better +Sports,Felony charge deferred based on behavior +Sports,Three more arrested in English race-fixing scheme +World,Terrified Filipinos flee new typhoon +World,Hamas to boycott elections +Business,Manufacturing Speeds Up as Consumers Spend Away +Business,SkillSoft Learns the Hard Way +Business,Gazprom expands its oil business preparing to buy Yuganskneftegaz +Business,success story +Business,Update 1: Blockbuster May Raise Offer for Rival +Business,Western Digital Outlook Spurs Sector +Business,Stocks Surge on Energy Inventory Buildup +Sci/Tech,"NTT DoCoMo, mm02 Bring I-Mode to Europe" +Sci/Tech,Man Mostly to Blame for 2003 Heatwave +Sci/Tech,Canadian iTunes Music Store postponed +Sci/Tech,Technology ; Sybase Partners with IBM to Sell Database Software +Sci/Tech,Cisco adds video to conferencing suite +Sci/Tech,Salina chosen as launch site for around-the-world solo flight +Sports,Tick #39;s Blick 1 Dec. 2004 +Sports,Fergie dismisses Arsenal challenge +Sports,"After 12-2 opening, three straight losing seasons" +Business,Manufacturing Activity Expands in December (AP) +World,Sinn Fein rejects quot;humiliation quot; deal +World,Sharon Coalition in Jeopardy After Loss in Budget Vote (Reuters) +World,Ukraine's opposition agrees to lift siege of government buildings in Kyiv (Canadian Press) +World,"Bush Courts Canadians, but Without Budging on Iraq" +Business,Ford November Sales Fall 4.3 Percent +Sci/Tech,"Global Warming Has Doubled Risk of Fatal Heat Waves, Study Says" +Sci/Tech,Lycos Offers Revenge for the Spammed +Sci/Tech,HD-DVD format gains major backing +Sports,Crowton out as Brigham Young coach +Sports,These matchups don #39;t happen often +Sports,Dolphins LB Thomas Out for Sunday's Game +Business,Crude oil prices fall as US government reports growing supplies +Business,Oil Sheds \$3 Heating Oil Supplies Rise +Business,Dollar General's 3Q Profit Drops 9 Percent (AP) +Business,Fed Beige Book: Economic Growth Continued +Business,"Oil Falls \$3, Winter Fuel Inventories Up" +Business,Stocks Shoot Higher as Oil Slumps +Sports,IOC Still Concerned About Turin Housing (AP) +Sci/Tech, Handhelds a Hit For Thanksgiving +Sci/Tech,AOL revamps multimedia search engine +Sci/Tech,ATI Announces New X850 and X800 Cards +Sci/Tech,Google in China: Politically Correct? +Sports,Phonak Rips Apart +World,Jailed Palestinian leader #39;will now run in elections #39; +Business,"Cingular Tips Hand On Wireless Broadband, 3G Plans" +Business,Costello Says Telstra Corp. Made Unwise Investments in Asia +Business,Analysts Say Kremlin Seeks Control Of Oil Sector Through Yukos <b>...</b> +Business,"Starbucks Sales Up 13 Pct, Shares Rise" +Business,Synopsys Loses \$28.4M on 4Q Sales Drop +Business,Samsung Beats Motorola In Market Share +Business,Bush plan on dams rekindles salmon debate +Business,Cingular Raises Profit Outlook +Business,GMP Securities pulls out of Stelco effort to restructure and <b>...</b> +Sci/Tech,Lycos Europe denies attack on zombie army +Sci/Tech,Microsoft releases patch to fix severe Internet Explorer flaw +Sci/Tech,DVD battle a fight to the death +Sci/Tech,"ATI launches X850, X800-XL graphics processors" +Sci/Tech,Human Activity Tied to Deadly Heat Waves +Sci/Tech,"Nintendo Sells 500,000 DS Handhelds in First Week" +Sci/Tech,Kirkland company sued by Microsoft +Sci/Tech,DoCoMo to come to UK +Sci/Tech,IBM Supports Sybase for Linux +Sci/Tech,Canceled Contract Clouds China #39;s IT Procurement Policies +Sci/Tech,Fish agency lets dams off hook +Sci/Tech,Google #39;s China Filtering Draws Fire +Sports,Fired Willingham blames only himself +Sports,Mississippi fires Cutcliffe after 4-7 season +Sports,"WRAPUP 1-Feyenoord, Steaua reach last 32 in UEFA Cup" +Sports,"Jags sign Freeman, Allen as injury replacements" +Sports,Gators accept Peach Bowl invite +Sports,Gugliotta returns to Celtics lineup +Sports,Business Community Applauds Baseball Plan +Business,CA picks SAP for ERP rollout +World,Martin: Partnership #39;even more important #39; +World,"Gunfire erupts in Haiti, Powell amp; entourage safe" +World,Turmoil in Jerusalem as Sharon breaks up coalition. . . +World,Global effort to curtail smoking hits milestone +World,Iraqi Premier and Sunni Leaders Meet in Jordan to Discuss Election +World,Burma exiled government denounced over continued detention of <b>...</b> +Business,IBM scores \$1B in Danish contracts +Business,"Oil Drops, Markets Climb" +Business,"Deutsche Bank to axe 1,920 jobs" +World,UN Confirms Rwandan Troops Have Entered Congo +Sci/Tech,"""King Tut"" Treasure to Return to U.S. in 2005" +Sci/Tech,"Melting Arctic Bogs May Hasten Warming, Study Says" +Business,Bush Upholds US Penalty Tariffs on Asian Shrimp Imports +Business,Wal-Mart Clouds November Retail +Sci/Tech,GPS Technology Drives Global Treasure Hunt +Sci/Tech,Australia Braces for Locust Plague +Sci/Tech,"Ice Age Bison Decline Not Due to Hunting, Study Says" +Business,No Jeopardy for Jackson Hewitt +Sci/Tech,2004 U.S. Hurricane Season Among Worst on Record +Business,Improve Gas Mileage for Under \$100 +Business,"Triple Crown Stock: Value, Growth, Tech" +Business,Carnival of the Ignorant +Sci/Tech,"Space News Headlines for December 1, 2004" +Sports,Jeter has no problem with Pedro; Red Sox still want Martinez back +Sports,Feyenoord Join Schalke In UEFA Cup Knockout +World,"Bush Seeks Canada's Help in Iraq, Mideast (AP)" +World,Corzine Says He'll Run for N.J. Governor (AP) +World,RWANDAN TROOPS CROSS INTO DR CONGO +World,Florida voters may have plenty time to elect next US president (AFP) +Sci/Tech,Radeon X850 XT Platinum Edition +Sci/Tech,NASA and Russia OK Next Space Station Crew +World,Iraqi President Backs Jan. 30 Elections +Business,Do Not Expect Intervention from Japan +World,16 Killed in Baghdad Car Bombings +World,New Yorkers in Congress Expect a Budget Fight +Sports,Two Friends of Ponson Detained +Business,Lucent turns on HSDPA upgrade +World,Cricket: SA rock England +Sci/Tech,"O2, NTT DoCoMo sign I-mode agreement" +Sci/Tech,Five New GPUs from ATI +Sci/Tech,E-Commerce Times +Sci/Tech,ISRO plays new moony tune +Sports,Willingham firing a winning thing +Sports,"Amid unrest at BYU, Crowton opts to resign" +Sports,Mississippi Fires Football Coach Cutcliffe +Sports,Liverpool kids defeat Spurs on penalties +Sports,JOE HAWK: Busch learns what it takes to be a real hero +Sci/Tech,NASA Rover Hit the One Year Mark on Mars (SPACE.com) +World,Barghouti Registers to Run for Palestinian President (Update1) +World,senator wants Annan to resign +Sci/Tech,Scientists: Tsunami Could Hit West Coast (AP) +Sports,Crowton Steps Down As BYU Football Coach (AP) +Sports,Ole Miss Fires Cutcliffe After 4-7 Season (AP) +Business,"Ford, General Motors report slow November sales, Japanese makers <b>...</b>" +Business,200 Delta Pilots Retire Early Before Cuts +Sports,Jeter Says He Could Work With Pedro (AP) +Sports,Magic Place Pat Garrity on Injured List (AP) +World,FRANCE REDUCES POLITICS BAN ON EX-PM +Sci/Tech,Anatomy of a Spy Satellite (SPACE.com) +Sci/Tech,Tsunami Warning Failed to Get Through-Thai Expert (Reuters) +Business,Stocks Surge as Oil Slumps +Business,"Factories Speed Ahead, Consumers Spend" +Business,Oil Tumbles as Winter Fuel Stocks Rise +Business,Dollar Falls to New Record Low Vs Euro +Business,Wendy's Shares Rise on Baja Fresh Actions +Business,Gold Reaches 16-Year High Over \$455 +Business,Wet Seal Third-Quarter Net Loss Widens +Business,Australia #39;s Telstra CEO Search May Favor Outsiders +Business,From blogs to cicadas: 2004 #39;s most looked-up words +Business,Europe to Sue Over Data Greece Gave on Economy +Sci/Tech,Ancient mammal #39;s DNA code rebuilt +Sports,Liverpool bests Tottenham on penalty kicks +World,More U.S. Troops to Go to Iraq for Elections (Reuters) +World,Gunfire Erupts During Powell Visit to Haiti (Reuters) +World,Colombia's Congress to Let Uribe Run Again (AP) +World,U.N. Reports Rwandan Troops in Congo (AP) +World,Bush-Martin back-slapping can't hide ideological divide (Canadian Press) +World,More U.S. Troops to Go to Iraq for Elections +World,Road Rage Was Behind Serb 'Assassination' Scare +World,Jailed Barghouthi Joins Palestinian Presidential Race +World,UN reform confronts 'irrelevancy' +World,Why Iran wants its own nuclear deterrent +World,US senator calls on Annan to quit +World,Oil prices plunge on supply rise +World,Russia offers strategic partnership to India +Business,"ECB Rates Seen Steady as Euro, Oil Weigh" +Business,"ECB Rates Seen Steady as Euro, Oil Weigh (Reuters)" +Business,Tyco Unit Signs Contract With UK Military +Sci/Tech,Critical IE patch issued +Sci/Tech,HP Virus Throttler not intended to be a silver bullet +Sports,Busch hopes to draw new fans +Sports,Florida Peach Bowl bound +Sports,Redskins #39; Taylor Pleads Not Guilty to DUI +Sci/Tech,'Macworld After Dark' concert open to all Expo goers (MacCentral) +World,Mexico Arrests Local Official in Killings (AP) +World,Brown looks to election battles +Business,Gartner: Mobile Phone Sales Up 26 +Business,China Aviation in Talks to Ensure Nation #39;s Jet Fuel Imports +Sci/Tech,IBM Details PC Unit's Financial Woes (PC World) +Sci/Tech,Developers Prep for Oracle (Ziff Davis) +World,Pilgrims Flying Direct From Iraq for Hajj (AP) +Sci/Tech,Linux and Open Source: The 2005 Generation (Ziff Davis) +Sci/Tech,Deadly hot summers #39;to become the norm #39; +Sci/Tech,The beast from yesterday +World,Barghouti enters Palestinian election contest +World,"Powell Visits Port-Au-Prince, Urges World Help to Control Haitian <b>...</b>" +World,Mark Steel +Sports,"Indiana, Ole Miss, BYU Dismiss Coaches (AP)" +Business,Shrimp trade with US hindered +Sports,Hollins Coaches Fourth Game for Grizzlies (AP) +Sci/Tech,Microsoft debuts MSN Spaces for bloggers +Sci/Tech,Nintendo Sells Half a Million DS Handhelds +Sci/Tech,iTunes Canada Launch Postponed +Sci/Tech,The biggest game of the year +Sports,Massa tops Jerez test session +Sports,NHLPA says Bettman wrong man to lead league as lockout drags on +Sports,Florida to play in Peach Bowl +Sports,Report: Ole Miss Fires Cutcliffe +Sports,No. 20 Florida to Play in Peach Bowl (AP) +Sci/Tech,TiVo Upgrade Shifts TV Shows to Computer Laptop (Reuters) +World,Analysis / Throwing down the gauntlet +World,Arms hold key as Ulster deal deadline is put back +World,Iraq #39;s Sunni president backs election +World,Let #39;s talk to Assad +Sports,"Jordan, Brown Return" +World,U.S. Embassy in Suriname Boosts Security (AP) +World,Taiwan president plans tour of Pacific allies: Marshalls (AFP) +World,Netherlands' Prince Bernhard dies +World,"At Museums, Computers Get Creative" +Business,"In about face, Giuliani goes Wall Street" +Sci/Tech,Researchers Develop Flowering Cell Phone +Sports,Wasteful Tottenham rue misses +Sports,Mississippi coach David Cutcliffe fired after 4-7 season +Sci/Tech,mm02 To Bring I-Mode to Europe +Sports,Tyrone Willingham Press Conference +Sports,"Indiana, Ole Miss, BYU Dismiss Coaches" +Sports,Angels sign Cuban prospect Kendry Morales +World,Powell safe after gunbattle during Haiti visit +Sci/Tech,SBC to Sell TV-Internet Home Entertainment System (Reuters) +Business,U.S. Stocks Climb as Oil Prices Drop +Business,Trading Losses at Chinese Firm Coming to Light +Business,Microsoft to set up R amp;D unit in Bangalore +Business,CalPERS: Getting Back to Business +Business,EU raps Greece over deficit +Business,Business ; Stocks Surge as Oil Slumps +Business,Giuliani #39;s Firm Buys Investing Banking Unit of Ernst amp; Young +Business,Do IRA #39;s Have Protection in Bankruptcy Proceeding? +Business,Este Lauder Officer Joins Disney Board +Business,Macquarie led consortium acquires UK #39;s ntl Broadcast +Business,Hiring Spurt Helps Sustain US Growth +World,New Ukraine Poll Looks Likely Way Out of Crisis (Reuters) +Sports,No. 3 Syracuse Beats St. Bonaventure 91-67 (AP) +World,"U.S. Troop Numbers in Iraq to Hit Record 150,000 (Reuters)" +World,EU Peace Force to Take Over NATO Bosnia Peacekeeping (Reuters) +Sports,Knicks Grind Up Slumping Grizzlies 90-82 (AP) +Sci/Tech, quot;Blog quot; heads top 10 words of year +Sci/Tech,Lycos Europe denies attack on zombie army +World,Europe's Central Bank Seen Holding Rates (AP) +Sci/Tech,Microsoft Issues Internet Explorer Security Update +Sports,Magic Thrash the Raptors 129-108 (AP) +Sci/Tech,"Nintendo sells 500,000 DS Handhelds in First WEek" +Sci/Tech,Kazaa Trial Opens Down Under +Sci/Tech,Highly Anticipated iTunes Music Store Canada Opens +Sci/Tech,Team Ninja Developing for PS3? +Sci/Tech,Mario #39;s worst nightmare +Sports,Rookie Back Set to Start for Cardinals (AP) +Sports,UEFA Cup wrap: Feyenoord 2 Schalke 1 +Sports,No. 2 Tar Heels Make Quick Work of Wofford +Sports,NBA Wrap: Chicago Bulls Stun Los Angeles Lakers +Sports,NHL LOCKOUT +Sports,"No. 22 Alabama 114, East Tennessee St. 77" +Sports,Charlotte trumps field with 9.7 percent chance +World,Barghouti enters election race +World,WHO tobacco treaty to become law in 90 days +World,Russia #39;s Putin to Rebuild Old Bridges with India +World,Iran wont consider long-term uranium-enrichment halt: Official +World,S Asian countries came close to criticizing Myanmar +World,Rwanda assurance over Congo force +World,International concern at Rwanda military intervention in DR Congo (AFP) +World,Musharraf open to negotiations with India on Kashmir (AFP) +Sports,No. 9 North Carolina Tops Indiana 70-63 (AP) +World,New Ukraine Poll Looks Likely Way Out of Crisis +World,Sharon Battles to Save Government from Collapse +World,"U.S. Troop Numbers in Iraq to Hit Record 150,000" +World,EU Peace Force to Take Over NATO Bosnia Peacekeeping +Sports,Yanks Stop the Talks to Acquire Johnson +Sci/Tech,A taste of mobile blah blah +Sci/Tech,Ridge leaves mixed legacy +Sports,Notre Dame Planning to Meet With Meyer +Sports,"After Musical Chairs, Jets' Conductor Is Back" +Sports,Grieving Sloan Has Team to Lean On +Sports,Ecstasy With 2 Pals Who Love the Bosox +World,EU takes over Bosnia mission +World,Belgrade attack 'was road rage' +World,French party's 'yes to EU treaty' +Business,Calpers Ouster Puts Focus on How Funds Wield Power +World,"U.S. to Increase Its Force in Iraq by Nearly 12,000" +Business,Panel to Review Drug for Low Female Sex Drive +Sports,Team of Mystery +World,A New Election for Ukrainians Appears Likely +Business,Another Indignity for 2 Failed Ghosts of Dot-Com Era +Sports,Brown Lifts Cavaliers +Sports,No 'Unit' for Yankees +Business,"Nothing Ventured, Everything Gained" +Sports,J. Lewis Out Again +Sports,Pennington Recovering +Business,Hiring Spurt Helps Sustain U.S. Growth +Business,Ford and G.M. Sales Slide Despite Generous Rebates +Sports,Tar Heels Top Hoosiers +Sports,Deadline Looms +Sports,Simmonds Leads Upset +World,Colombia Congress OKs Re-Election Bill +World,"Paraguay Clashes Leave 1 Dead, 20 Hurt" +Business," #39;It #39;s high noon #39; for unions, airline" +Business,"Giuliani Opens Investment Bank, Looks To Cash In On Golden Aura" +Business,Supreme Court ponders IRA-bankruptcy case +Sci/Tech, #39;Blog #39; Is Runaway Word Of Year +Sci/Tech,Apple opens iTunes Music Store in Canada +Sci/Tech,Milky Way May Have Stolen Other System #39;s Planet +Sports,Notre Dame does deserve credit for ending hypocrisy +Sci/Tech,"Dozen costs, dozen eggs cost" +Sci/Tech,2 Giants to Introduce Enhanced Data Sharing Services on Net +Sci/Tech,Microsoft releases patch to plug IE vulnerability +Sci/Tech,"Apache Software Foundation may hire full-time, paid staff" +World,Budget fight deals setback to Sharon +World,Belgrade attack #39;was road rage #39; +World,EU takes over Bosnia peacekeeping +Sci/Tech,IBM scores \$1B in Danish contracts +Sci/Tech,CA picks SAP for ERP rollout +Sci/Tech,Yikes! I have to plan an IT project +Sci/Tech,Lycos antispam screensaver draws fire +Sci/Tech,Gartner: Half of U.S. IT operations jobs to vanish in 20 years +Sci/Tech,Bringing .Net rules to light +Sci/Tech,Microsoft investigates Windows server flaw +Sci/Tech,Microsoft enters consumer Web logging market +Sci/Tech,"Microsoft, Sun tout progress on interoperability" +Sci/Tech,Microsoft plugs IE hole with special patch +Sci/Tech,IBM gives CICS a boost +Sci/Tech,Orange makes phones talk to the blind +Sci/Tech,MCI offers disk-based backup services +Sci/Tech,Consumer Electronics on Display in Vegas (AP) +Business,U.S. Blue Chips Flat After Data +Sports,Hudec delighted by top 10 at Lake Louise +Sports,"No. 9 North Carolina 70, Indiana 63" +Sports,Los Angeles Lakers Team Report - December 1 +Sports,Game Quotes +Sports,Carter suffering through miserable season +Sports,"For Jordan, Future Is Looking Bright" +Sports,"No. 22 Alabama 114, East Tennessee St. 77" +Sci/Tech,"New Tricks for Palm Tungsten, Dell Axim" +Sci/Tech,New Steganos Pro: Less Anonymity Than Expected +Sci/Tech,AutoSketch Makes 2D Drawings Easier +Sci/Tech,Good Scans Made Slowly +Sci/Tech,MyDVD 6: Better--but Not Best--Burning +Sci/Tech,First Look: Netscape's New Browser +Business,Democrats to oppose Telstra sale as search begins for a new CEO +Business,US Airways goes to court to void labor contracts +Business,Drop in oil price lights fire under market +Business,Are IRAs safe from creditors in bankruptcies? +Sci/Tech,Gates: Microsoft To Test MSN Spaces Blog Thursday +Sci/Tech,NTT DoCoMo Seals Deal with MmO2 for I-mode Launch +Sci/Tech,The Future of Team Ninja +World,Barghouthi to contest poll +Business,Macquarie Buys NTL #39;s Tower Assets for 1.27 Bln Pounds (Update1) +Business,There's No Accounting for Goodyear +Sci/Tech,Microsoft Unleashes New MSN Services +Sci/Tech,Lycos Strikes Back At Spammers With DoS Screensaver +Sci/Tech,"500,000 NDS #39; Sold" +Sports,Schalke trying to hold off Feyenoord in UEFA Cup +Sports,TEST COMES SATURDAY +Sports,Knicks declaw Grizzlies +Sports,For grandpa +Sports,Wizards 95 Nets 68 +Sports,No. 22 Alabama Tops East Tennessee State +Sports,"No. 11 Ohio St. 107, Ohio 37" +Business,Disney gives first dividend rise for six years +Sports,A promising leader for UNC +Sports,Celtics 101 Edge Bucks 101-100 +World,"Bush pushes for cooperation, stands ground" +Sports,Americans are big underdogs in Spain +Business,Dollar Crumbles to Record Low Vs Euro (Reuters) +Business,Nikkei Up 1.6 Percent by on Wall St Jump (Reuters) +Business,Dollar Crumbles to Record Low Vs Euro +Business,Nikkei Up 1.6 Percent by on Wall St Jump +Business,Philips to Nearly Double China R D Staff +Business,Oil Prices Steady Above #36;45 a Barrel (Reuters) +Business,Ziggy #39;s Mission Impossible +Business,Guest editorial: The holiday shopping season +Business,Giuliani looks to Wall Street +Business,Savings in bankruptcy at issue at court +Sci/Tech,Microsoft Debuts MSN Spaces for Bloggers (AP) +Sci/Tech,Google Enhances Discussion Groups (AP) +Sci/Tech,REVIEW: Music Player Measures Running Pace (AP) +Sci/Tech,High-Tech Eye to Help Blind Cross Streets (AP) +World,EU takes over Bosnia peacekeeping from NATO (AFP) +Sci/Tech,'Blog' Most Popular Word on Web Dictionary (AP) +Sci/Tech,Kennedy jumble sale at Sotheby #39;s +Sci/Tech,Computer Q amp;A: Latest action in music wars is down under +Sci/Tech,"Brazil Amazon Deforestation Jumps, Data Show" +Sci/Tech,Online Holiday Shopping Starts with a Bang (Reuters) +Sci/Tech,Apple opens iTunes Music Store in Canada (MacCentral) +Sports,"Notre Dame #39;s firing isn #39;t case of black, white" +Sports,"No. 9 North Carolina 70, Indiana 63" +Sports,Els makes intentions clear for Sun City +Sports,Martnez and Mets in Waiting Game +World,Former Pakistan captain Latif banned for six months over walk-out (AFP) +Sci/Tech,Customers Win in Database Vendors' Race to Linux (Ziff Davis) +World,Jailed Palestinian Leader to Run for President +Sci/Tech,"Microsoft, Sun tout progress on interoperability (InfoWorld)" +Sci/Tech,Canadian iTunes Music Store postponed (MacCentral) +Sci/Tech,Humans Raise Risk of Europe Heatwaves -Scientists (Reuters) +Sci/Tech,"Brazil Amazon Deforestation Jumps, Data Show (Reuters)" +Sci/Tech,Carbon to Blame for Pollution Heart Damage -Study (Reuters) +Sci/Tech,Mount St. Helens Is State's Top Polluter (AP) +Sci/Tech,Groups Alarmed Over Delta Water Plan (AP) +Sci/Tech,Mount St. Helens Top Washington Polluter (AP) +World,Rogge hits out at 2012 bid rivals +Sci/Tech,Bush Visits Canada On Fence-Mending Tour +Sci/Tech,Itanium inventor bobs to surface as chip's savior? +Sci/Tech,Nintendo DS Game Player Draws Crowds on Japan Debut +Sci/Tech,XM CEO Sees Satellite Radio on Cell Phones +Sci/Tech,Google CEO Says Company Proud of Auction-Style IPO +Sci/Tech,ESPN to Launch Mobile Phone Service in Sprint Deal +Sci/Tech,"Nintendo Sells 500,000 DS Handhelds in First Week" +Sci/Tech,Headset Maker Plantronics Surfs on Games Wave +Sci/Tech,Cingular Raises Profit Outlook +Sci/Tech,"Nintendo sells 500,000 DS Handhelds in First Week" +World,Japan's NTT DoCoMo sees Europe embracing hi-tech mobile phones (AFP) +Business,Australian consortium buys UK broadcast business +Sci/Tech,Microsoft sees blogs for the masses +Sci/Tech,Philips to Nearly Double China R amp;D Staff +Sports,"Amid hype over Wake-Illinois backcourt duos, Head emerges as star" +Sports,India set sights on victory +Sports,"Utah St. 71, BYU 57" +World,Gun battle erupts as Powell visits Haiti +World,Rwanda confirms Congo mission +Sci/Tech,The Search Engine Report - Number 97 +Sci/Tech,Press Releases New Back Door To Search Engine Rankings +Sci/Tech,Google PageRank is for Entertainment Purposes Only +Sci/Tech,Lycos Anti-Spam Make Love Not Spam Service Launched +Sci/Tech,News: Hackers knobble Lycos anti-spam plan +Sci/Tech,Columnists: Closed Source Hardware +Sci/Tech,Hot Topic: Color +Sci/Tech,Mac OS X Tip of the Week: A Clutter-free Application +Sci/Tech,I Want My Moscow TV +Sci/Tech,"High Rise, High Tech: Online Rant Control" +Sci/Tech,LG.Philips to Spend \$5.1 Billion on New Flat-Panel TV Factory +Sci/Tech,Street Smarts: A Device to Help the Blind Find Crosswalks +Business,Nokia and Microsoft bet on India +Sci/Tech,Web Positioning With Top Results Or The Ability To Attract More <b>...</b> +Sports,SuperSonics Beat Jazz 129-119 in OT (AP) +Sports,Dascenzo: Willingham a victim of high demand for Meyer +Sports,FACTBOX-Anil Kumble factbox +Sports,No. 24 Virginia Nips Northwestern 48-44 (AP) +World,The only one we #39;ve got +Business,"Reports show jump in distillates, including heating oil" +Business,Calpers Ouster Puts Focus on How Funds Wield Power +Sports,Pencil in Illini for a No. 1 seed right now +Sports,JEROME WILLIAMS - Charles Wenzelberg +Sports,"Clippers 88, Pacers 76" +Sports,Men #39;s Basketball News Update +Business,E-Mails Provide A Glimpse Into 'Iron Triangle' +Business,Lawmakers Ask Fannie To Explain Tainted Funds +Business,Md. Senate Panel Relents on Medical Malpractice Reform +Business,Loudoun Schools Gird For Growth +Business,"Warner, GOP Urge Funding Restraint" +Business,Las Vegas Ads' Winning Streak +Business,China keeps tight rein on credit +Business,Oil costs send stocks rising +Sci/Tech,TiVo Untethered and Ready to Go +Sci/Tech,Kennedy set to make swift million from clearing out the clutter +Sci/Tech,Eyewear to help you cross roads +Sports,Willingham takes the blame +Sports,"No. 24 Virginia 48, Northwestern 44" +Sports,"COL BKB: North Carolina 70, Indiana 63" +Sci/Tech,Commonor's Remote Control Castle +Sports,Massive task for Kallis and de Bruyn +Sports,Pollock joins elite list of Test all rounders +World,Serb chief defiant after foiled attempt on his life +Sci/Tech,"Microsoft Unveils New Communication, Blog Tools (Reuters)" +Sci/Tech,IBM Gathers Asian Backers for Its Power Chip Push (Reuters) +World,Sharon Battles to Save Government from Collapse +World,Ukraine appears set for new poll +World,Prison confirmed for Lindh killer +World,Music honour for Beach Boy Wilson +World,Japan sentences web film pirate +World,Anxiety increases over Iranian nuclear program +World,"In Mozambique, vote to bring change at top" +World,Iraqi president throws support behind Jan. 30 election +Business,Samsung Faces Concerns Over Margins +Business,Update 2: Accountants Sift Aviation Oil #39;s Books +Business,Macquarie buys TV towers for 1.27bn +Business,Calpers President Voted Out +Business,Yukos assets...ONGC may bid with Gazpromneft +Business,"Income, Consumer Spending Up" +Business,"Ford, GM report slow month; Japanese carmakers gain" +Business,Stocks soar on plunging oil prices +Business,ESPN dials a cell deal +Business,Rudy tries investment banking +Sci/Tech,Spanning the Globe +Sci/Tech,Stalking the Wild Wi-Fi Network +Sci/Tech,Posting Straight Facts on Cancer +Sci/Tech,"All terror attacks use false passports, claims Interpol chief" +Sci/Tech,Sun may have captured other system #39;s asteroids +Sci/Tech,Nintendo Says DS Selling Faster Than Anticipated #39; in US +Sci/Tech,Apple opens Canadian iTunes store +Sci/Tech,Sun and Microsoft bury the hatchet +Sci/Tech,Microsoft Sues Software Pirates +Sci/Tech,Historic flight will take off from Salina +Sci/Tech,CE Players Unveil Broadband on a Chip +Sci/Tech,Microsoft squeezed by contract law +Sci/Tech,3G phones 'bad value' says Which? +Sports,Head to Head +Sports,It #39;s all downhill for Bode Miller +Sports,Jol: Fredi ruined our Euro dream +Sports,No. 5 Illini hammer No. 1 Demon Deacons +Sports,NBA ROUNDUP: Suns win ninth in row +World,Uganda wants peace talks abroad +Sci/Tech,Samsung sees higher mobile profit +World,Diplomats back Annan after resignation calls +World,Sharon faces new rebellion +World, #39;Yes #39; camp claims victory in French Socialists #39; vote on EU <b>...</b> +World,Skepticism warranted on Iran #39;s nuclear pact +World,Hassan #39;s fate still remains uncertain +World,"Chissano hopes legacy is Mozambique peace, prosperity" +Business,Bleidt maps out his trail of deceit +Business,Wireless plan irks telecom giants +Business,Group: Most charities sell donor lists +World,Mild weather forces oil price down +Business,"At holidays,shop talk is ever-present" +Business,Calpers replaces activist president +Sci/Tech,Nintendo DS Game Player Makes Strong Japan Debut +Business,Economy picking up steam +Business,Cereal-only restaurant looks to milk new format +Business,Defense giant to increase its dividend +Business,TAP agrees to \$150m settlement +Sci/Tech,IBM Gathers Asian Backers for Its Power Chip Push +Business,FDA panel backs drug from firm to be acquired by Genzyme +Sci/Tech,"Microsoft Unveils New Communication, Blog Tools" +Sci/Tech,Microsoft's Cut-Down Windows Set for More Markets +Sports,"Winning, attitude" +Sports,Triple crown +Sports,What's in the cards for this ace? +Sports,"Jets QB passes test, return near" +Sports,"On this night, Blount pays off" +Sci/Tech,Tech Firm to Acquire Intelligence Contractor +Sports,No. 5 Illinois storms past No. 1 Wake Forest +Sports,Tonight on TV +Sports,'Tis the season to be greeted with silliness +Sports,Title work to do +Business,Oil Price Drop Fuels Europe Stocks Gains (Reuters) +Sports,Strobl top of heap in Cup run +Sports,First lessons leave lasting impressions +Business,"Dollar Plumbs New Lows Versus Euro, Yen" +Sports,Pistons ban two from arena +Business,UPS to Pay \$100 Million for China Network +Business,Samsung Faces Concerns Over Margins +Business,Dollar down on intervention doubt +Sci/Tech,Shopping Search Around the World +Business,Dollar Sets New Low Mark Against Euro +Business,Samsung Faces Concerns Over Margins +Business,"Telstra to pick CEO, time sale" +Business,Tariff ruling aids shrimpers +Sports,Schuettler First Seeded Casualty in Madras +Business,Crude oil prices tumble +Business,UPS to buy out local partner #39;s share in China joint venture? <b>...</b> +Sci/Tech,"From blogs to insurgents, 2004 #39;s most looked-up words follow the <b>...</b>" +Sports,Van Persie Looks in the Clear +Sports,Notre Dame #39;s Willingham just had too many bad Saturdays +Sports,Searing Suns torch Cavs +Sports,Jazz fails to unlock Key +Sports,Safin Pays Price for Late Arrival at Hopman Cup +Business,Australia #39;s Macquarie Commun Infrastructure Trading Halt +World,Security Council to Discuss Growing Congo Crisis +World,Body found in Falluja not Hassans +World,Can the US bring a viable democracy to Iraq in the next two years <b>...</b> +Sci/Tech,Sun Might Have Exchanged Hangers-On With Rival Star +Sci/Tech,"Evidence on Cold Fusion Remains Inconclusive, New Review Finds" +Sci/Tech,"For Wildlife With Wanderlust, Their Own Highway" +Sci/Tech,"Isidore Edelman, 84, Columbia Scientist Who Led Genome Center, Dies" +Sci/Tech,More Evidence That Internet Marketing Is Hot Again +Sci/Tech,Pennsylvania Limits Cities in Offering Net Access +World,Sharon Says Will Seek Coalition with Labor (Reuters) +World,Flood-Hit Filipinos Seek Safety as Typhoon Nears (Reuters) +World,German Unemployment Rises in November (AP) +Sports,Philly Folly on Packers' Minds (AP) +Sports,Brown Players Relieved After Davis Leaves (AP) +Sports,Report: Giambi Testified He Used Steroids (AP) +World,Philippine Flood Victims Lose Hope as Storm Nears (Reuters) +World,"Passenger sues Qantas, British Airways over DVT, stroke (AFP)" +World,Locke May Stay Longer As Wash. Governor (AP) +World,Flood-Hit Filipinos Seek Safety as Typhoon Nears +World,"Heavy Rain, Low Turnout Overshadow Mozambique Poll" +World,"Mortar Blasts in Baghdad Kill One, Wound Several" +World,UK MP wins Saddam libel case +Business,Sluggish economy hits German jobs +Business,Russian minister against Gazprom buying Yukos unit: reports +Business,NTL to sell masts in 1.3bn deal +Business,Retailers seek to block textile limits +Sci/Tech,IBM to Power China +Sports,Ferguson upset at Van Persie elbow +Sports,"Irish players support Ty, rip firing" +Sports,"Deng, Bulls wear down Bryant, get a home win" +Sports,Same story for Wildcats +Sports,Garcia brings Christmas to Sun City +World,Six Are Charged in Finnish Telecom Probe (AP) +World,Sharon says will seek coalition with Labour +World,"Serb Not an Assassin, Just an Angry Driver" +World,EU to begin peacekeeping mission in Bosnia +World,NI deal #39;possible soon #39; +World,UN Lacks Right to Inspect Sites in Iran -- Diplomats (Reuters) +World,Dollar losing streak continues as euro hits new highs (AFP) +World,Israel Vows Mideast Peace Unless Provoked (AP) +World,Experts Examine China Aviation Oil Books (AP) +World,Australia-led consortium to buy ntl's broadcast business (AFP) +Business,Oil Slides Another Dollar to 11-Week Low +World,Sharon Rejects Talks with Syria for Now +World,Sharon Says Will Seek Coalition with Labor +World,UN Lacks Right to Inspect Sites in Iran -- Diplomats +Business,Calpers president voted out +Business,Guest columnist Administration #39;s salmon approach has been tried <b>...</b> +Sci/Tech,Canadian iTunes Music Store Delayed +Sci/Tech,Saturn Mission to Benefit Earth: UK Technology Will Help <b>...</b> +Sports,India rely on spin trick to clinch series win +Sports,No. 9 Tar Heels top Indiana +Sports,"Despite effort, Cavs get Sunburn" +World,Galloway wins libel case +World,French Socialist vote boost for EU constitution +Sports,Report: Giambi Admits to Using Steroids +Sports,College Basketball: Illinois Defeats Wake Forest +World,MoveOn.org Moves on to New Battles (AP) +Sports,Americans Rely on Team Spirit for Davis Cup Final +World,Florida governor turns to US Supreme Court in euthanasia case (AFP) +Business,Ford and GM struggle as sales slip +Business,Pre-Budget Report +Business,"Samsung ousts Motorola from No.2 spot, but the profit margin <b>...</b>" +Business,Update 1: Cingular Sees Merger Savings Above Plan +Business,Telstra CEO to leave early +Business,"Gazprom #39;united #39; on Yukos bid, but doubt is reported" +Business,Greece fiddled euro entry +Business,Jobless Claims Rise More Sharply Than Expected +Business,Albertsons 3Q profit up 21 +Business,Sears Nov. Same-Store Sales Above Views +Business,UPS to buy out China partner +World,New Ukraine Election Looks Likely Way Out of Crisis +World,"Bin Laden Contacted Indonesia's Bashir, Court Told" +World,U.N. Says It May Have Spotted Rwandan Troops in Congo +World,U.S. Ambassador Calls on Taliban to Lay Down Arms +World,Ten Candidates to Run in Palestinian Election +Sci/Tech,Microsoft introduces weblog service +Sci/Tech,Apple Brings iTunes Music Downloading to Canada at Lower Price +Sci/Tech,Sun Might Have Exchanged Hangers-On With Rival Star +Sci/Tech,Microsoft patches month-old IE flaw +Sci/Tech,Microsoft files seven new spam lawsuits +Sci/Tech,Making peace with a rival +Sci/Tech,IBM opens up on Power processors +Sci/Tech,ATI Raises Performance Bar Once Again with New Additions to RADEON <b>...</b> +Sci/Tech,Search Isnt All About Google Anymore +Sports,Can Smith work Scottish wonders? +Sports,Van Persie sweet with FA +Sports,Kenteris and Thanou charged +Sports,Birds of Prey kicks off today +Sports,Meyer can leave Utah without buyout +Sports,Illini a 4-star hoops power +Sports,CORRECTED - Sun City course leaves players guessing +Sci/Tech,"Blogs Have Overtaken 8 Million Americans, 57 Are Male" +Sports,Powerball Jackpot Reaches \$127 Million +Sports,"Pennington practices, questionable for Sunday" +World,"Sharon Seeks to Broaden Coalition With Labor, Religious Parties" +World,Galloway clears his name and wins libel case +World,Haiti prison riot and shootings kill at least 11 after visit by US <b>...</b> +World,Rwanda denies army in Congo +World,"Mortar barrage kills one, wounds several in central Baghdad" +World,"Iran Blinks, Sort Of" +World,Sri Lanka shuts rebel border +World,War fears after Rwanda 'invasion' +World,Pinochet faces murder case probe +World,Anti-spam plan overwhelms sites +World,US revokes visa for key Moi ally +Business,Europe to Sue Over Data Greece Gave on Economy +Business,Retailers' Nov. Same-Store Sales Rise (Reuters) +Business,US Jobless Claims Rise More Than Expected (Reuters) +Business,Retailers Post Disappointing Nov. Sales (AP) +Business,Retailers' Nov. Same-Store Sales Rise +Business,US Jobless Claims Rise More Than Expected +Business,US Stocks Lower After Jobless Claims Rise +Business,ECB Rates Unchanged +Business,Dollar Off; Trichet Leaves Euro Unfazed +Business,U.S. Oct Factory Orders Up +Business,Sony Goes Ultra-Upscale +Business,Euro rates on hold for 18th month +Business,Brown shrugs off economy worries +Sci/Tech,Word of The Year: Blog +Sci/Tech,Older Windows OSes need critical patch +Sci/Tech,Lycos Europe Anti Project disturbs Spammers +Sci/Tech,Microsoft Fights to Keep China Business +Business,Broadband fuels online expression +Sports,Greek sprinters charged with doping violations +Sports,"Els, Goosen and Westwood Share the Lead in South Africa" +Sports,Estes #39; long journey is reaping rewards +Sports,All out for 29 SA in crisis +Sports,NCAA Game Summary - San Jose State At Santa Clara +Sports,Big Unit Breakdown Between Yankees and D #39;Backs +Sci/Tech,AMD Chips in For Portable Video Players +World,EU Takes over Bosnian Peacekeeping +World,Mortars rock Baghdad #39;s Green Zone +World,Witness: Bashir Contacted by Osama bin Laden +World,Sharon opposes peace talks with Syria for now +Business,Score one against activism? +Business,Alltel closes deal with US Cellular on heels of Cingular <b>...</b> +Business,Air China: No Impact From China Aviation Oil Debacle +Business,NTL sells broadcast business for 1.27bn +Business,Lacy: Sears Sales Show Holiday Surprise +Business,Price will be right for checking credit report +Sports,Report: Giambi Admits to Using Steroids (Reuters) +Sports,Scotland Hires Smith As Soccer Coach (AP) +Sports,"Fish, Roddick Set for Davis Cup Final (AP)" +Sci/Tech,IBM's PC unit lost money from 2001 onwards +Sports,Sports Focus: Radio/television +Business,US Treasuries Cut Losses on Job Woes Hint +World,"Violence flare in east DRC, locals flee" +World,Two Suspect Iranian Sites Pose Headaches for IAEA +Business,Rising Chinese business star hit by RM2.09 billion loss +Sci/Tech, quot;Blog quot; takes #1 word of 2004 +Sci/Tech,Anti-spam plan overwhelms sites +World,Bhopal disaster: Your views +Sports,Pongolle keeps his cool to send Liverpool through +Sports,No sign season will get started +Business,Nokia reclaims mobile phone market share +Business,Telstra shares up on Ziggy #39;s exit +Business,UPS to Pay \$100 Million for China Network +Business,"UPDATE 1-Pathmark loss widens, hires investment bank" +Sci/Tech,Software helps users fight spammers +Sports,I #39;m going nowhere - Neville +Sports,League Cup still last on Benitez #39;s trophy list +Sports,"Willingham surprised, but takes blame for firing" +Sports,Stat attack: Kumble better than Kapil +Sports,College Basketball: Illinois Defeats Wake Forest +World,Mubarak predicts Abbas winning Palestinian elections: TV +World,Thousands flee Congo clashes: UN +World,Mugabe Urges Party Unity Amid Succession Struggle +Business,China Aviation seeks rescue plan +Business,USA: Wal-Mart posts 8.7 rise in November sales +World,Diplomats: U.N. Lacks Right to Inspect Sites in Iran (Reuters) +Sports,Report: Notre Dame Contacts Meyer (AP) +World,"Bin Laden Contacted Indonesia's Bashir, Court Told (Reuters)" +Sports,Brown Makes Season Debut for Wizards (Reuters) +World,Conviction of American in Peru Upheld (AP) +World,DR Congo vice president warns Rwanda over rebels (AFP) +Sci/Tech,Missouri Pulls Video Games From Prison (AP) +Sci/Tech,MS moves to can more spammers +Sports,Off-piste action +Sports,Sinama-Pongolle Wants Repeat +Sports,Bhajji scripts 1-0 Test series win against Proteas +Sci/Tech,Apple iTunes to Carry New Band Aid Single (AP) +Sci/Tech,Clarion to integrate iPod with car stereos (MacCentral) +Sci/Tech,Verizon deal lets Philadelphia move with wireless plan (MacCentral) +Sci/Tech,Mozilla Previews Thunderbird E-Mail App (PC World) +World,Telegraph surrounded story with #39;blizzard #39; of comment +World,Zimbabwe #39;s Mugabe rules out regime change; slams Britain +Sci/Tech,Microsoft Issues Special Patch for IE Hole (PC World) +Sci/Tech,IBM discloses details of chip (SiliconValley.com) +Sci/Tech,Heatwave Study May Fuel Global Warming Lawsuits (Reuters) +World,Panel Calls for Sweeping U.N. Reform (AP) +World,Putin Critical of New Ukraine Vote +World,Calpers President Voted Out +World,"'Serious incident' reported between Darfur truce monitors, Sudan army (AFP)" +Sci/Tech,"UK.gov IT: it's broke, how can we fix it?" +Sci/Tech,Microsoft unveils Welsh software +Sci/Tech,Broadband Pushes Europe Web Users to 100 Million +Sci/Tech,Microsoft Hopes Its Blogs Will Hunt +Sci/Tech,Fast Internet Service for The People +Sci/Tech,Where the Game Is the Medium +Sci/Tech,Cut-Down Windows Eyes More Markets +Sci/Tech,Google Enhances Discussion Groups +Sci/Tech,'Blog' Most Popular Word on Web Dictionary +Sci/Tech,Review: Music Player Measures Running Pace +Sci/Tech,UK to invest long-term in science +Sci/Tech,Farming 'must embrace the new' +Sci/Tech,Eggs 'fertilised' without sperm +Business,Update 2: European Central Bank Keeps Rates Steady +Business,UPDATE 1-Bank of America vice chairman to retire +Business,IMF says talks with Argentina to follow debt swap +Sci/Tech,Microsoft Now Offers Blogging Tools +Sports,League Cup still last on Benitez #39;s trophy list +World,Are Tobacco #39;s Days Numbered? +World,Mugabe urges ruling party unity +Sci/Tech,"Managers misuse tech to control workers, study says" +World,Ukraine's Kuchma Calls for Foreign Help (AP) +Sci/Tech,Dell signs big desktop contract with Philips +Sci/Tech,NEC develops multicore cell phone processor +Sci/Tech,Google opens Tokyo research center +Sci/Tech,Verizon deal lets Philadelphia move ahead with wireless plan +Sci/Tech,Mozilla Previews Thunderbird E-Mail App +Sci/Tech,Philadelphia Wi-Fi Plans Move Forward +Sci/Tech,Intel Plans Centrino-Like Brand for Desktops +Sci/Tech,Microsoft Issues Special Patch for IE Hole +Sci/Tech,Google Groups Launched Out of Beta +Sci/Tech,Gamers Eye Open Virtual Worlds +Sci/Tech,Gifts to Sate Your Technolust +Sci/Tech,"A Kinder, Gentler Type of War" +Sci/Tech,Her So-Called Digital Life +Sci/Tech,They've Got Your Number +Sci/Tech,Sex Patch Cools FDA's Ardor +Business,Calpers president dismissed +Business,Britain hits economic growth target: Brown +Business,"US Factory Orders, Jobless Claims Up" +Business,Canadian Imperial 4th-Qtr Net Falls on Enron Charge (Update2) +World,Miss World beauties defend relevance of contest (AFP) +Sci/Tech,No decline in Amazon deforestation +Sci/Tech,Wireless-J standard opens Japan to the Wi-Fi world +Sports,Van Persie will not face FA charge +Sports,Report: Notre Dame Contacts Meyer +Sports,Milwaukee Bucks Team Report - December 2 +Sports,PACK BACK IN PHILLY +World,Mortar Barrage Kills 1 in Central Baghdad +World,Congo Struggles to Create Single Army (Reuters) +World,Cheney to lead US delegation to Afghanistan (AFP) +World,Ontario court orders new trial for Baltovich 12 years after murder conviction (Canadian Press) +World,Anti-terrorism methods draw ACLU scrutiny (USATODAY.com) +World,Intifada leader seeks Arafat job +World,Arrests at Saudi reformers' trial +Business,"Ford, GM report weak November; Toyota, Nissan, Chrysler up" +Business,"Telstra, Not Government, To Choose New Chief" +Business,CIBC Q4 profit falls to \$439M from \$510M after \$300M Enron charge +Sci/Tech,Apple delivers iTunes Canada +Sports,Four tied atop Nedbank Challenge +World,EU force takes over Bosnia role +Business,Crude Oil Prices Fall Below \$44 a Barrel +Business,Media company plans to expense employee stock options +Business,Canadian Imperial 4th-Qtr Net Falls on Enron Charge (Update3) +Business,American Air offers voluntary lay-off incentives +Business,Rudy Giuliani #39;s Investment Banking Racket +Business,Starbucks #39; Stunning November +Business,Isis Drug Fails to Work in Crohn #39;s Disease +Business,US factory orders boosted by military aircraft +Sci/Tech,Real User Recognizes a New Take on Security +Sports,Raiders' Wheatley Out with Hamstring Injury (Reuters) +Sci/Tech,Penn. Governor Signs Controversial Telecom Bill (Reuters) +Sports,FA won #39;t charge Van Persie for elbow in Arsenal-United game +Sports,Kanoute #39;s blunders knock Spurs out +Sports,NHLPA set to make new proposal +World,Bhopal victims commemorate 20th anniversary of disaster (AFP) +Sports,Williams Rejects Deal +Sports,"Jerez Testing, Day 1, 02/12/04" +Business,Samsung Electronics Unveils 1st Camera Phone with Hard Disk Drive +Business,Update 10: Crude Oil Prices Slump Below \$44 a Barrel +Business,"American retailers up in arms, sue to block textile curbs on China" +Business,Wal-Mart Posts Weak Sales Forecast +Business,"US 30-,15-year mortgage rates rise in week" +Business,United union ballots members on strike proposal +Business,Chief Gordon Brown Predicts Strong Growth +Business,Bank of America Vice Chairman to Retire +Business,Viacom to Buy Calif. Station From Sinclair +Business,EU urges quot;fresh start quot; on US trade +Business,Target misses target on Salvation Army +Sports,NHL Talks to Resume +Sports,Fratello Takes Over As Grizzlies Coach +Sports,IOC Chides Bidding Cities for Bickering +Sci/Tech,Microsoft Slams Seven Spammers with Lawsuits +Sci/Tech,MSN Goes to The Blogs +Sci/Tech,Canadians get iTunes on the cheap +Sci/Tech,Microsoft-Sun: I can #39;t see me lovin #39; noboby but you +Sci/Tech,Microsoft Issues Out-of-Cycle Explorer Patch +Sci/Tech,Lycos anti-spam screensaver proves too effective for target <b>...</b> +Sci/Tech,DoCoMo Sees Europe as Ripe for I-Mode +Sci/Tech,HD-DVD picks up Hollywood support +Sci/Tech,Mozilla Previews Thunderbird E-Mail App +Sci/Tech,Sotheby #39;s Hosts JFK Jumble Sale +Sci/Tech,Google Groups get going +Sci/Tech,Broadband Pushes Europe Web Users to 100 Million +Sci/Tech,ATI launches five new Gaming Cards +Sci/Tech,"US, Russia Select Next Crew for Space Station" +Sports,No FA action over Van Persie incident at United +Sports,NHL Players #39; Association invites NHL to meet next week in Toronto +Sports,Four share lead at Nedbank Challenge +Sports,Red Bull car to make February debut +Sports,Rogge Warns Five 2012 Bid Cities To Stop Bickering +Sports,Grizzlies name Fratello head coach +Sports,Surprise: Manning headlines AFC monthly honorees +Business,Nissan says steel shortage may eat into March output +Business,NRI entrepreneur hits windfall +Sports,Feeling right at home in the ACC +Sci/Tech,GSA to Charge for Access to Upgraded Procurement System +World,Republicans Call for Annan #39;s Resignation; UN Members Stand By Him +World,EU Takes Over Bosnia Peacekeeping from NATO +World,French Socialists back EU charter +World,Peru Says Top Court Upholds Berenson Sentence +World,Conviction of American in Peru Upheld +Business,First woman on Saudi bank board +Sci/Tech,Energia Reveals New Russian Spacecraft +Business,Nissan Exec Expects Slow March Production +Sci/Tech,4 Firms to Vie for Army Intelligence Support Work +World,"More Than 1,000 Dead or Missing in Philippines Flood" +World,Diplomats: Iran may be hiding nuke equipment +Sci/Tech,Online Groups Brag About Movie Piracy +Business,"SEC charges 3 former Kmart execs, others in fraud case" +Business,Golden Rule under Threat from #39;Family Friendly #39; Brown +Business,Winning The War on Rollovers +Sci/Tech,"Blog Creation, Readership Rise in 2004" +Sports,NHLPA #39;s Saskin addresses issues on OTR +Sports,New Challenge to Evidence in Steroid Case +Sci/Tech,Firms Push to Ease Tough Federal Scrutiny +Sports,Major Announcement +Sci/Tech,NSA Prodded to Look Beyond Its Fortress +Business,"On one issue, the world really likes Bush" +Business,Telstra to split network +Sci/Tech,Nintendo DS Game Player Makes Strong Japan Debut +Sports,Evidence of apathy +Sports,Ten teams line up for 2005 F1 season +Sports,Ricky Williams will remain retired +World,Israel not seeking for peace +Business,Of Bobbleheads and the Beast +Business,Oracle in Merger Talks with Other Firms (Reuters) +Business,U.S. Mortgage Rates Rise in Latest Week (Reuters) +Business,The Oil Bubble II +Business,Suit seeks to bar curb on China textiles +Business,"Europe #39;s Trichet Blasts Low Dollar, Hedges on Intervention" +Sci/Tech,Year-Old Spam Law Failing to Halt Flood +Business,Brown has no room for giveaways +Business,Consortium Invests \$2.5B in NTL Assets +Business,3 Former KMart Execs Charged with Fraud (Reuters) +Business,Retailers' Nov. Same-Store Sales Sluggish +Business,Oil Drops Another 5 Pct to \$43 a Barrel +Business,"Stocks Off, Energy Shares Down, Oil Falls" +Business,"U.S. Factory Orders, Jobless Claims Up" +Sports,Red Bull hope for Coulthard +Business,U.S. Mortgage Rates Rise in Latest Week +Business,3 Former KMart Execs Charged with Fraud +Business,Season Off to Slow Start +Business,Dollar Rebounds After Setting New Low Mark Against Euro +Business,SEC Files Fraud Charges Against 3 Former Kmart Executives +Sci/Tech,"Microsoft, Sun claim progress on interoperability deal" +Sports,NHL Accepts Union Invitation for Talks (AP) +Sports,NASCAR Champ Busch Hopes to Draw New Fans (AP) +Sports,Ricky Williams Will Remain Retired (Reuters) +World,Canada's Barrick Gold acquires nine per cent stake in Celtic Resources (Canadian Press) +World,Sightings by UN patrols bolster suspicions of Rwandan incursion in Congo (Canadian Press) +Sports,Baseball Owners to Vote on Expos Move (AP) +Sports,Ricky Williams Will Remain Retired +Sports,Report: Giambi Admits to Using Steroids +Sports,Grizzlies Name Fratello Head Coach +World,Bush Finished Campaign With Millions (AP) +Sports,Brown Makes Season Debut for Wizards +World,White House Urges Myanmar to Free Suu Kyi (AP) +Sports,Bills' Henry Out Indefinitely +World,Iran Hard-liners Mark 1983 Attack on U.S. Marines +World,Cuba frees sixth jailed dissident +World,EU backing for Romania elections +Sports,Bud Selig calls for vote on Expos +Business,Motorola Slips +Business,Wal-Mart Predicts Weak Dec. Sales as Retailers Falter (Update7) +Business,Mortgage rates going up +Sports,"QBs Randall, Berlin Came Into Own (AP)" +Sci/Tech,Microsoft Sues 7 Spammers +Sci/Tech,Mozilla Trots Out Nearly Final Thunderbird E-Mailer +Sci/Tech,Europe #39;s Web Surfers Go for Broadband +World,Galloway to contest east London seat +Business,Oil Drops Another 5 Pct to 12-Week Low +Business,Amazon's Electrifying Sales +Business,"Inflation under control, says Fed's Bernanke (AFP)" +Business,Gold hits 16-year high on weakness of US\$ +Business,Update 1: FDA Puts CuraGen Protein on Fast-Track +Sports,San Diego Chargers Seek to Widen AFC Gap (AP) +Sports,Blue Jays Acquire McDonald From Indians (AP) +Sci/Tech,MSN Spaces reaction +Sci/Tech,Russia #39;s space agency approves station crew +Sports,Will it be Els or Goosen? +Sports,CHARGERS EYE TOP SPOT +World,Sharon seeks to expand coalition +World,British Lawmaker Wins Libel Suit Against Daily Telegraph +Sports,MLB Owners to Vote +World,U.S. Ambassador Appeals to Some Taliban (AP) +World,Man. man appealing murder conviction to have bail hearing next month (Canadian Press) +World,Two Issues Stalling Intel Overhaul Bill (AP) +World,UN Needs More Power to Find Any Iran Nukes -Envoys +Business,Oracle in Merger Talks Beyond PeopleSoft +World,Court Votes to Strip Pinochet of Immunity +Business,Battle over Gold Fields-Iamgold merger heats up +Business,Retailers report sluggish November +Business,SEC Sues 3 Former Kmart Execs +Business,Dialysis clinic chain agrees to pay \$350M +Sci/Tech,Apple Launches ITunes Music Store in Canada +Sports,PGA of America changes Ryder Cup qualifying format +Sports,Sportsview: Which Are the Best Two Teams? (AP) +World,UN prepared to help ease Congo-Rwanda tensions +Sci/Tech,US: US election makes blog the word of the year +Sci/Tech,Lycos Anti-Spam Attack More Powerful than Intended +Business,Retailers Post Sluggish Sales in Nov. (AP) +Sports,NHL Accepts Union Invitation for Talks +Sports,Statement On Notre Dame Universitys Firing Of Football Coach <b>...</b> +World,Prez catches Canada off-guard with ballistic missile defence plan +World,Bush Praises Canadians for Post-9/11 Aid +World,"Prince Bernhard, Father of Dutch Queen, Dies at 93" +Business,Stocks End Near Flat Ahead of Jobs Data +Business,Update 10: Oil Prices Decline for 2nd Straight Day +Business,"UPDATE 2-Gambro sells marine unit, settles US probe" +Sports,Cavs Activate Pavlovic; Wagner Back on IL (AP) +World,Supreme court begins hearing final arguments in Ukraine's election dispute (Canadian Press) +World,Martin says Bush assured him no plans for space-based weapons (Canadian Press) +Sci/Tech,Infineon Execs Pleading Guilty in US DRAM Probe +Sci/Tech,Panero: XM CEO Sees Cell Phones As Next Satellite Radio Frontier +Sports,Miller #39;s winning streak ends at three as Goergl wins Super G +Sports,"NHL, NHLPA to resume bargaining talks next Thursday in Toronto" +Sports,Fratello to Coach Grizzlies +Business,Albertsons on the Rebound +Business,US long-term mortgage rates increase sharply +Sci/Tech,Gateway Returns To Japan +Sports,Villeneuve sets the pace as Heidfeld speeds up +World,Lindh #39;s killer has jail term confirmed +Business,Intel Raises Quarterly Revenue Target (Reuters) +Business,Albertsons on the Rebound +Business,UPDATE 2-US appeals court turns down ABB #39;s asbestos deal +Sci/Tech,Retailers Stock Up on Latest Gadgets (AP) +Sci/Tech,Comcast Plans Music Video-Web Offering (AP) +Sports,Quarterback's Slump Doesn't Faze Steelers (AP) +Sci/Tech,Infineon execs go to jail for DRAM price fixing +Sci/Tech,Band Aid Single Now Available on ITunes (AP) +Sci/Tech,Intel Raises 4th-Quarter Sales Forecast (AP) +Sci/Tech,Report: Mobile Phone Sales Up; Nokia Gains Market Share (NewsFactor) +World,"About 1,000 Dead or Missing in Philippines Floods" +World,Dollar Rebounds After Setting Low Vs. Euro +Sci/Tech,Oracle in Merger Talks Beyond PeopleSoft (Reuters) +Sci/Tech,IBM Makes a Power Play (NewsFactor) +Sci/Tech,Apple Launches ITunes Music Store in Canada (Reuters) +Sci/Tech,Headless Bodies Found at Mysterious Mexico Pyramid (Reuters) +Sci/Tech,Brazil Finds New Europe-Related Dinosaur Species (Reuters) +Sci/Tech,"US, Australia Team Up to Protect Vulnerable Reefs (Reuters)" +Sci/Tech,"Canada Bans Greenland, Faroese Fishing Boats (Reuters)" +Sci/Tech,"With Proof of Ancient Water on Mars, Researchers Consider Life's Chances (SPACE.com)" +World,No Date Set for N. Korea Talks Resumption (AP) +Business,Intel Raises Quarterly Revenue Target +Business,"Stocks Dip, Nasdaq Rises Before Jobs Data" +Business,"Factory Orders Up, Jobless Claims Rise" +Business,3 Former Kmart Execs Charged with Fraud +Sci/Tech,Apple Launches ITunes Music Store in Canada +Business,Marsh CEO Says Probe Near End +World,"Rwanda Denies Army in Congo, Threatens Only Rebels" +Sci/Tech,Infineon Execs Pleading Guilty in U.S. DRAM Probe +Sports,Ryder Cup Criteria Puts Emphasis on Play +Sports,Babe's Bat Tops \$1 Million at Auction +Sports,NCAA President Urges Coaching Diversity +Business,Where are oil prices headed? +Business,Calpers Boardroom Reformer Shown the Door +Business,Central bank keeps quiet about its euro options +Business,UK upbeat despite signs of slowdown +Business,Jobless rate climbs in Germany +Business,Authorities to harden tactics on speculation +Business,Ebookers sale lands 90m for boss +Business,Fifth Third Predicts Lower 4Q Outlook +Business,"US Air, Services Union in Labor Pact" +Business,Update 2: Gambro to Pay \$350M to Settle Fraud Case +Sports,Celtics' Pierce Apologizes to Coach +Sci/Tech,Infineon Execs Plead Guilty to Price-Fixing +Sci/Tech,Microsoft enters Google Territory with MSN Spaces +Sci/Tech,Microsoft files lawsuits against smut spammers +Sci/Tech,"Sun, Microsoft Say Alliance Paying Off for Interoperability" +Sci/Tech,Antispam screensaver downs two sites in China +Sci/Tech,Reports Detail NASA Rover Discoveries of Wet Martian History +Sci/Tech,Google modernizes Net community service +Sci/Tech,AOL Gives Voice to Consumers +Sci/Tech,Sun proposes new open-source license +Sci/Tech,Satellite radio on mobile phones +Sci/Tech,Gateway #39;s Return to Japan May Be Symbolic +Sports,Goergl ends Miller #39;s winning streak at World Cup Super-G +Sports,"UEFA Cup: AZ shock Rangers to advance, Auxerre crush Amica" +Sports,Scots prefer Smith to Strachan +Sports,New York bidders launch international promo campaign +Sports,US alter Ryder Cup qualification +Sports,Grizzlies name Fratello as head coach +Sports,Sorting through all the scenarios +World,Israeli and Palestinian Politics in Uncertainty and Disarray +World,Judge Criticises #39;Dramatic #39; Handling of #39;scoop #39; +World,Minister condemns Suu Kyi detention +World,A High-Risk Election in Iraq +Sports,"Babe Ruth Bat Still Has Clout, Sells for \$1.26 Million" +Sports,Ex-NBA Player Murphy Denies Molesting Daughters +World,Bulgaria Joins EU Mission in BiH +World,Philippines storm toll over 900 as new typhoon hits +World,US #39;concerned #39; on Suu Kyi #39;s fate +World,Central Baghdad hit by mortar attacks +World,Sharon will meet Assad #39;under certain conditions #39; +World,Rebels return to 'cleared' areas +World,US presses Burma on Suu Kyi +World,Toothfish 'pirate' trial collapse +Business,Brown defends economic record +Business,EBay Reorganizes Senior Management +Sci/Tech,Four Infineon execs face jail +Sci/Tech,Microsoft Launches MSN Spaces Blogging Tool +Sci/Tech,Apple finally launches Canadian ITunes service +Sci/Tech,Google Launches Revamped E-Mail Groups +Sports,Spain and US braced for Davis Cup battle +World,Socialists in France give lift to EU charter +Business,F.D.A. Panel Says Sex Patch Needs More Testing +Business,Rise in Rates Rips Fifth Third +Business,Spitzer Helps Loan Sharks +Business,US holiday sales launch flops (AFP) +Sci/Tech,Canada gets iTunes finally +Sci/Tech,Gateway returns to Japan after three years +Sports,UEFA Cup: Rangers #39; unbeaten run ends +Sports,Els controls nerves and course +Sports,Pongo #39;s backing the kids +Sports,Bat of the Babe sells for Ruthian amount +Sports,US revamp Ryder Cup qualifying +Sports,Blue Jays sign Menechino +Business,Money Funds Tumble to #36;825.62B This Week (AP) +World,Top General Eases Stance on Intelligence Bill +Business,Mixed Bag for Neiman Marcus +Business,Stocks End Flat; Intel Leaps After Bell +Business,"U.S., EU Put Airbus-Boeing Spat on Hold" +Business,Appeals Court Rejects ABB Asbestos Plan +Sci/Tech,Apple Launches iTunes Music Store in Canada +Business,"US, EU Put Airbus-Boeing Spat on Hold" +Sci/Tech,Fighting to Keep Smut-Spam in a Brown Wrapper +Sports,Former Tottenham goalkeeper Bill Brown dies in Ontario at the age <b>...</b> +Sci/Tech,Rover data makes return a must +Sci/Tech,Industry 'denies chemical risks' +Sci/Tech,Fossil Egg Finds Yield Clues to How Pterosaurs Lived +Sci/Tech,Sun burn +Sci/Tech,Oracle in merger talks with other firms +Sci/Tech,"Lycos, spammers trade blows over screen saver" +Sci/Tech,Study: Managers misuse tech to control workers +Sci/Tech,"Gartner: Lower prices, new users keep mobile phones hot" +Sci/Tech,Microsoft enters consumer Web logging market +Sci/Tech,Intel planning Centrino-like brand for desktops +Sci/Tech,NEC develops multicore cell phone processor +Sci/Tech,"Microsoft, Sun claim progress on interoperability deal" +Sci/Tech,IBM launches industry consortium for Power processors +Sci/Tech,ESPN to enter US mobile market +Sci/Tech,"Oracle to tout business intelligence, content management" +Sci/Tech,Deepnet browser guards against phishing +Sci/Tech,Intel will exceed previous Q4 revenue expectations +Sci/Tech,Microsoft files suits against smut spammers +Sci/Tech,Former cybersecurity czar: Code-checking tools needed +Sci/Tech,"Lycos, spammers trade blows over screensaver" +Sci/Tech,Infineon Executives Guilty of DRAM Price-Fixing +Sci/Tech,MSN Spaces Blog Service Launches +Business,Samsung Bullish On 2005 +Business,Wagers on oil price prove a slippery slope for CAO +Business,Stock Fund's 5.27 Gain In Nov. Biggest In A Year (Investor's Business Daily) +Sports,Americans sink or swim with Fish +Sports,Miller #39;s Winning Streak Ends at Three +Sports,Westwood rises above hot odds +World,Iraqi Sunnis threaten civil war +World,Syria dismisses Israel #39;s conditional talks offer +Sci/Tech,News: Senior Republican charged in phone jamming plot +Sci/Tech,News: UK police fingerprint system collapses +Sci/Tech,Canadian iTunes Music Store +Sci/Tech,"Speaking Naturally, Anew" +Business,Dollar hits record low vs. euro +Business,Intel Raises Quarterly Revenue Target +Sci/Tech,Two young stars scuffle +Sci/Tech,Scientists confident liquid water once flowed on Mars +Sci/Tech,AOL Launches Presence-Based Voice Conferencing +Sports,Early goal ends Rangers #39; run +Sports,Rogge orders bid cities not to fight dirty +Sports,"NHL, Union to Resume Talks Next Week" +Sports,US to favour #39;hottest #39; players +World,Jihad Will Boycott Palestinian Election +World,Defiant Sharon vows Gaza pullout +Sports,Giants Place Bromell on Injured Reserve (AP) +World,Marines Find Alleged Iraqi Torture Chamber (AP) +Sports,Rogge raps Olympic rivals +Sports,Former Scotland goalkeeper Brown dies at 73 +Sports,Harbhajan leaves South Africa to lick their wounds +Sports,Defending champion Shabana crashes out of World Open squash <b>...</b> +World,Typhoon Forces Evacuation in Philippines (AP) +World,"Australia's biggest city up in arms over ""politically correct"" Christmas (AFP)" +World,Kerik Named to Lead Homeland Security (AP) +World,Bush Adamant on Iraq Election Schedule (AP) +World,Kerry Campaign Keeping Eye on Ohio Cases (AP) +World,Corzine Announces Bid to Be N.J. Governor (AP) +World,Sen. Boxer Tries Her Hand at Fiction (AP) +World,Central American Street Gangs Spread Across Mexico +World,Brazil Rejects U.S. Call for Haiti Crackdown +World,Rover data makes return a must +Business,CalPERS boss given marching orders +Business,US holiday sales launch flops +Sci/Tech,The Word of the Year is: Blog +Sci/Tech,XM CEO Sees Satellite Radio on Cell Phones +Sports,Harbhajan spins India to victory +Sports,Former NBA star Jayson Williams to be retried +Business,Intel lifts forecast +Business,Dhamija nets 85m by selling Ebookers +Sci/Tech,Four Infineon execs heading to jail on price-fixing charges +Sci/Tech,IMPlanet Weekly News Break +Sci/Tech,Microsoft amp; Sun Get All Luvvy Dubby +Sports,Smith Upbeat About Playing Sunday (AP) +Sports,Rangers slip up in Holland +Sports,Time is of the essence in this latest round +Sports,Nets G Zoran Planinic has hand surgery +Sci/Tech,Internet Could Spark Rise in Suicide Pacts -Expert (Reuters) +Sci/Tech,Your Old Inkjet Printer Could Aid Burn Victims (PC World) +World,No great miracle here +World,"Japan Will Act on Yen Gains If Necessary #39;, Tanigaki Says" +Sci/Tech,Object database goes open source (InfoWorld) +World,Tokyo Stocks Advance in Early Trading (AP) +Sci/Tech,Apple releases December Security Update (MacCentral) +World,U.N. Reports Suspicious Activity in Congo (AP) +Business,US leisure firm to buy Ebookers +World,Falluja Data Said to Pressure Guerrillas +Sci/Tech,"NASA, Russians forging a deal for rides" +Business,US manufacturing expands +Sports,The Bambino strikes again +Sports,Nets guard Planinic has hand surgery +World,Philippines battered by another typhoon after storm kills more <b>...</b> +World,Chirac considers early vote on EU after Socialist #39;yes #39; +Sports,Top College Programs Focus on Bottom Line +Business,UPDATE 1-Strike ballots sent to UAL flight attendants-union +Business,Update 1: EBay Shuffles Positions of 3 Executives +Business,Wal-Mart Give Retailers Upbeat '05 Start +Business,Marsh cleared of allegations on kickbacks +Business,RFID Signal Strong in 2005 +Sci/Tech,Power.org Initiative to Advance Community of Electronics <b>...</b> +Sports,"Nadal gets to play, Ferrero out" +Sports,Bellion sounds United charge +Sports,In court vs. in the dugout +Business,5 Ways to Wreck Your Retirement +Business,US Construction Spending Down in Nov +Sports,Fratello Hired As Grizzlies #39; Coach +Business,Manufacturing Activity Expands in December +Business,UPDATE 2-Fifth Third balance sheet fix to cut profit +Sci/Tech,Firefoxs biggest obstacle is lazy programming +World,Rwanda Urged to Show Restraint in Congo (AP) +Sports,Jones was #39;drug cheat #39; +Sports,Dan Olsen leads PGA qualifying school +World,"An angry Galloway wins 150,000 damages from the Telegraph" +Business,Bronner: US Airways To Seek Injunction If Unions Walk; UAL Flight <b>...</b> +Sports,NHLPA requests meeting with NHL next week +World,Bush Calls for Full UN Oil-For-Food Probe +Business,Crude Oil Ekes Out Small Bounce (Reuters) +Business,"At Citigroup, a Shifting in Strategy at a Core Unit" +Business,More Data Sought on Drug for Sex Drive +Business,Tokyo Stocks Climb to a Two-Week High (Reuters) +Business,Music Industry Turns to Napster Creator for Help +Business,Intel Forecasts Greater Revenue for 4th Quarter +Business,Tax talk not on Brown #39;s lips +Business,Calpers begins its search for new leader +Business,Steel crisis leaves Nissan output #39;at risk #39; +Business,Update 4: Intel Raises 4th-Quarter Sales Forecast +Business,Travel group widens horizons to compete online +Business,8 Accused of Inflating Kmart Profit +Business,British Insurers in Turmoil Over Incentive Fees +Business,UPS to take control of Sinotrans for \$100m +Business,The Times Company Lowers Its Forecast for 2004 Earnings +Business,Salvation Army Seeks Online Holiday Donations +Business,Dollar Holds Gains After U.S. Factory Data +Business,KMart Same-Store Sales Fall 4.6 Percent +Business,Dollar Builds on Gains Versus Yen +Sci/Tech,Microsoft Unveils Blog Service +Sci/Tech,Water on Mars #39;but not life #39; +Sci/Tech,Microsoft and Sun #39;s difficult dance +Sci/Tech,Agencies Find What They #39;re Looking For +Sci/Tech,iPod: How Long Will It Reign? +Sci/Tech,AOL debuts voice conferencing for consumers +Sci/Tech,W3C focuses on future at 10th anniversary meeting +Business,Speculation Grows on Early Exit by Snow +Sports,Tampa #39;s Fish Gets First Shot At Spain +Sports,Spurs coach Jol: Arsenal have calmed Van Persie! +Sports,"Benfica, Alkmaar Reach Last 32 of UEFA Cup Soccer Tournament" +Sports,Players lose in college coaching carousel +Sports,PGA overhauls system for Ryder Cup points +Sports,Shockey Gives the Giants a Blast From the Present +Sports,Gradkowski stars despite injuries +Business,Tokyo Stocks Climb to a Two-Week High +World,"India, Russia aim to improve trade, military ties" +World,Two Iranian sites pose headaches for IAEA +World,Mugabe calls for party unity amid suspensions +World,CIVILIAN KILLED: Mortar barrage rocks Baghdad +Business,A Rough Ride for Schwinn Bicycle +Business,Oil Prices Take Another Deep Drop +Business,Blair to back 'optimistic' Brown +Business,"Walgreen Profit Rises 30.5 Pct, Shares Up" +World,U.S. Embassy Bans Use of Airport Road +World,Another Soldier From Md. Is Killed in Iraq +World,"Distinct Men, Bound Now at Arlington" +Sci/Tech,Microsoft Files Seven New Spam Lawsuits +Sci/Tech,Napster Creator Unveils Online Music Technology +World,Ukraine awaits court poll ruling +World,Venezuela's Chavez Says Bush Knew of Coup +World,Colombia Leader Pardons 23 Jailed Rebels +World,New dinosaur uncovered in Brazil +World,Landslide buries Chinese village +Sports,Conte Accuses Jones +Sports,Miami's Mama's Boy +Sports,Meyer a Wanted Man +Sci/Tech,Agencies Find What They're Looking For +Sci/Tech,D.C.'s Cogent Expands in 23 Markets +Sports,Buffalo's Gamble Pays +Sports,Williams Stays Retired +Sports,'Future' Now for Hokies +Sports,Nowitzki Breaks Out +Business,US Construction Spending Down in Nov +World,Bush Set to Name Ex-Chief of Police for Top Security Post +World,"Putin Backs Ukrainian Leader, Dismissing Call for New Runoff" +World,The Lesson for Today Is in Spanish +World,Corzine to Run for Governor of New Jersey +Sci/Tech,This lens sheds a tear +Business,Pace of U.S. Factory Growth Climbs in Dec +Sports,Three amp; Out +Business,US Airways gets cuts from union +Business,IBM reportedly puts PC business on the market +Business,Oil Down \$2 as U.S. Winter Stays Mild +Business,Wal-Mart Give Retailers Upbeat '05 Start +Business,US Construction Spending Down in Nov (Reuters) +Sci/Tech,Says hundreds of thousands of e-mails sent illegally +Sci/Tech,Microsoft gets into blog role contest +Sci/Tech,IBM launches Power chip alliance +World,Bush: Fighting won #39;t stall Iraq vote +Business,US dollar tumbles against euro +Sports,NHL GMS HUDDLE +Sports,"RedHawks Fall to Toledo, 35-27, in MAC Championship Game" +World,UN Denies Annan #39;s resignation +Business,Pace of U.S. Factory Growth Climbs in Dec (Reuters) +Sci/Tech,Sony Walkman takes on iPod +Sports,NCAA Game Summary - Toledo at Miami-Ohio +World,Site still a disaster +Business,Tokyo Stocks Climb to a Two-Week High +Business,Intel sunny about holiday sales +Sci/Tech,News: Berkeley Hack Sparks Legislative Backlash +Sci/Tech,Lycos Europe confronts strong resistance in spam war +World,US ambassador to UN resigns +Business,Bank sees \$320M in losses as it girds for higher rates +Sci/Tech,4 Agree to Jail Sentences in Chip Price-Fixing Case +World,"Rwanda Denies Army in Congo, Threatens Only Rebels (Reuters)" +Sports,No. 15 Michigan St. Stuns No. 3 Notre Dame (AP) +Sports,No. 10 Duke Upends No. 4 Tennessee 59-57 (AP) +World,Venezuela's Chavez Says Bush Knew of Coup (AP) +Sports,Nowitzki's career-best 53 launches NBA Mavericks past Rockets (AFP) +Sports,College Basketball: Miss. State Beats South Alabama +Sports,KC's Green Questionable for Sunday +Sports,Yanks and Baseball Meet as Report Ties Giambi to Steroids +Sports,Knicks Could Face a True Test of Strength +Sports,Ganguly was not sure of a win +Sports,Nets #39; Planinic has hand surgery +Business,UPS Eyes China Domestic Service +Business,IBM Puts Its PC Business Up for Sale -NYT +Business,OUTLOOK 05: Fiber Pact #39;s End May Mean China-US Trade War +Business,UPS to Take Over China Network +Sci/Tech,Napster Creator Touts Legal File Sharing (AP) +Sci/Tech,Napster Creator Unveils Online Music Technology (Reuters) +Sci/Tech,Microsoft Files Seven New Spam Lawsuits (Reuters) +Sci/Tech,IBM Puts Its PC Business Up for Sale -NYT (Reuters) +Sports,Irish are in Utah to talk to Meyer +Sports,PGA alters system for Ryder Cup points +World,Iran #39;s Nuclear Issue +Sci/Tech,Schwarzenegger Aide Outlines Fuel Plans (AP) +Sci/Tech,Feds to Consider Protection for Lamprey (AP) +Sci/Tech,Researchers Develop Salmon Parasite Test (AP) +World,Bhopal Marks Anniversary with Candlelight Vigil +Sci/Tech,Dutch Hospital Practicing Infanticide +World,China Landslide Leaves 65 Villagers Missing - Xinhua +Business,Wal-Mart Comes Back Swinging +Business,Ex-Kmart execs charged in \$24 million fraud +Sports,"NHL, union agree to meet next week" +Sports,National Basketball Association Game Capsules +Sports,"Baseball notebook: Leiter, Marlins close to a deal" +Sports,"Cavaliers 92, Nuggets 73" +World,Bush rejects Iraq vote delay +Business,IBM Puts Its PC Business Up for Sale -NYT +Business,eBay Goes Phishing +Sports,Beaten Rangers on Uefa Cup tightrope +Sports,Superb display by Nowitzki +World,Attack on Baghdad Police Station Kills 11 +Business,Dollar Enjoys Solace Ahead of Jobs Report +Business,Tokyo Stocks Climb to 2-Week Closing High +Sports,Pakistan suffer humiliating tour defeat +World,Bhopal marks anniversary with candlelight vigil +World,Peres amp; Sharon Seeking an Anchor +Sports,Baer Understands Challenges of ND Coach (AP) +Business,Nokia regains share of global mobile handset market +Business,Calpers to begin search for new President +Business,Lenovo Mulling Purchase of IBM PC Business +Business,Pathmark may look for buyer +Business,Californians still loving their SUVs +Business,Wolves to devour Burtonwood +Business,US puts off Airbus case to next year +Business,House prices fall further +Business,Gordon Brown kicks awkward questions over touchline next May +World,"Elder Bush, Clinton to Lead Relief Effort (AP)" +Business,Out West? Get your free credit report +World,World Muslims Begin Peace Prayers in Bangladesh (Reuters) +World,Intel Sets Upbeat Tone on Wall Street (Reuters) +World,30 Killed in Pair of Major Attacks in Iraq (AP) +Sci/Tech,Microsoft files 7 new spam lawsuits +Sci/Tech,Canuck iTunes music to a fan #39;s ears +Sci/Tech,Mars Rovers Reports Published +Sci/Tech,Berners-Lee takes professorial chair at Southampton University +Sci/Tech,Sharman counter attacks +Sci/Tech,Netscape prototype +Sci/Tech,Blue-ray mass market move +Sci/Tech,More trojan programs showing up for the Symbian smartphones +World,Rwanda Entered Congo Briefly -- Diplomatic Sources (Reuters) +Sports,Steroid details rock sports +Sports,Is Meyer the man to get Irish up? +Sports,"DC is on #39;very, very top #39; of Red Bull #39;s list" +Sports,NHL UNION TO RESUME TALKS +Sports,Retired Ricky to stay that way +Sports,Marlins reeling Al back in +Sports,Roddick May Be Key to U.S. Davis Cup Win (AP) +Business,FDA Warns Cyberonics on Manufacturing (Reuters) +Sports,BCS Set to Forge Failure +World,Dow Accepts Responsibility for Bhopal -- Spokesman +World,Danforth steps down from UN post +Business,Oil price down on warm US weather +World,"Philippines: 1,000 dead or missing" +World,Bosnia peace troops swap insignia +World,US demands immediate release of Aung San Suu Kyi +World,Militants kill 12 policemen in southern Baghdad +World,"Mortars hit Baghdad safe zone, killing one" +Business,VW Offers Insurance to Lure U.S. Buyers +World,Britsh press sees good result in French Socialist vote +World,Roh: Korea needs to be vigilant on won #39;s strength +Sports,BALCO Head Says Helped Marion Jones Use Steroids +World,Marwan Barghouti : sentenced to life by Sharons justice and <b>...</b> +World,Chissano coming +Business,"Dollar rallies, but continued weakness expected" +Business,Free online credit reports begin Wednesday +Business,Target Stores Ban Salvation Army Bell +World,U.S. Suspects Iran Is Making New Missiles (AP) +World,Summary: Senate GOP Set to Dump Filibuster (AP) +Sports,Rookie Nitties Grabs Halfway Lead in Australian PGA +Sports,Howell Takes Lead in Hong Kong as Poulter Misses Cut +World,Supreme Court Mulls Ruling on Ukraine Poll Crisis +Sports,Smith Outlines Scotland Vision +Sports,"NHL owners, union to meet next week" +World,Violence in Baghdad Kills at Least 25 Iraqis +World,Rwanda Entered Congo Briefly -- Diplomatic Sources +World,Twelve Stabbed in Latest China School Attack +World,BBC Says Dow Interview Part of 'Elaborate Deception' +Sports,Giambi testified about his steroid use +Sports,Robiskie wants a fighting chance +Sports,NESN's Red Sox video world-class +Sports,"A dirty job, but somebody has to do it" +Sports,Williams to remain retired +Business,Get Your Free Credit Report +Business,"Carrier, union OK tentative labor pact" +Sports,Is Meyer the man to get Irish up? +Business,Judge deals blow to stent maker +Sports,Key college games on TV +Sports,"After playing stopper, UNH keeps going" +Business,Looking for a sign +Sports,Frozen assets +Business,Crude futures tumble for second day in row +Sports,A Ryder revamp for US +Sports,Chelmsford (10-2) vs. A-B (12-0) +Business,"Doing a deal, Boston-style" +Business,Department stores step back to electronic future +Sports,North Shore (10-2) vs. East Boston (11-0) +Sports,Hyde Park learns to win +Business,BRA gives go-ahead for three projects +World,Howard meets Aboriginal star +Business,Jefferies Group probed over gifts to mutual fund executives +Sports,South Shore goes out a winner +World,Chissano suggests paying voters +Sports,Bishop Feehan (10-1) vs. Hingham (11-1) +Business,SEC files civil charges in Kmart fraud case +Business,New York Times Co. cuts earnings outlook +Sports,Abp. Williams (10-1) vs. Westwood (10-2) +Business,"Dollar rallies, but continued weakness expected" +Business,UK #39;s Brown Says There Can Be No Guarantees #39; on Tax Increases +Business,US Airways seeks order to prohibit walkouts +Sports,"This weekend on TV, radio" +World,Iraqi PM lobbies German leaders +Sports,Will they again be dirt poor? +Sports,Today's schedule +Sports,Transactions +World,Blunkett wins right to seek access +Sports,Fratello is Grizzlies' coach +World,Web 'may fuel suicide pact rise' +Sports,Pierce stands and delivers +World,10 vying to lead the Palestinian Authority +World,Cold but resolute in Kiev +World,Toll is 12 dead in latest spasm of violence in Haiti +World,"In Sudan, monitors find task daunting " +World,Mass. man is Mexican town's Pied Piper +World,WHO urges poor nations to offer women deworming pills +World,Judge allows early statements in abuse case +World,"Despite evidence, Rwanda denies incursion into Congo" +World,Thousands seek justice 20 years after Bhopal +World,Venezuela appeals coup acquittals +World,Bonds Reportedly Testified He Had Unknowingly Taken Steroids +World,Will New Mayor Sweep Away Vice? You Could Bet on It +Business,RETAIL TALES +Business,Free Credit 101 +Business,Wal-Mart's December Sales Jump 3 Percent (AP) +Business,"U.S. Stocks Higher; Wal-Mart, Oil Help (Reuters)" +Business,CWA Board Clears the Way for Possible Strike by US Airways <b>...</b> +Sports,Eight is enough for upstart American team +Sports,UPDATE 1-Inspired Jimenez surges ahead in Hong Kong +Sports,"Mission improbable, but strange things do happen" +Sci/Tech,Microsoft unveils new blog tools +Sci/Tech,Infineon execs face jail in DRAM case +World,Bhopal victims still awaiting justice +World,Danforth: Want to spend time with my wife +World,Rwanda: UN #39;feeling guilty #39; +World,Up to 25 killed in two attacks in Baghdad +World,"Top News ; 20 years on, they mourn Bhopal #39;s dead" +World,Baghdad hit in two major attacks +Business,Record labels cut deals with file-sharing companies +Sports,Jones will be next to feel heat +Sports,Wenger Considers Petit Option +Business,KMart Same-Store Sales Fall 4.6 Pct +World,Landslide leaves 65 missing in south China +World,National news briefs +World,"In Jamaica, Colin Powell #39;s departure viewed with sadness, regret" +World,Abbas Says He Won't Confront Palestinian Militants +Sci/Tech,Microsoft Sues 7 Spammers +Business,Chipmakers Pump Up European Stocks (Reuters) +Business,Intel Sets Upbeat Tone on Wall Street +Business,Oil Still Smarting from \$6 Rout +Business,VW Considers Building Cars in U.S. -Paper +Business,"Argentina can wait, says IMF" +Business,Nokia loses top network executive +Business,Halifax predicts house-price fall +Business,Eurozone retail sales rise 0.7 percent in October (AFP) +Business,Mervyn #39;s reverses ban on kettles +Business,SEC names Pepsi executives in fraud lawsuit +Sports,Report: Bonds Admitted to Using Substances (AP) +World,Serb War Crimes Suspect Surrenders -- Del Ponte (Reuters) +Sci/Tech,4 execs to plead guilty +Sci/Tech,Broadband challenges TV viewing +Sci/Tech,Halo 2 global sales pass five million units +Sports,Decision on Collins next week +Sports,Cleveland cruises to easy victory +Sci/Tech,Image is everything (USATODAY.com) +Sci/Tech,Head of networks division leaves Nokia (AFP) +Sci/Tech,Agencies Find What They're Looking For (washingtonpost.com) +World,BBC story on Dow Chemical responsibility a hoax: report +Sci/Tech,"U.S., China Count Down to Space Cooperation (Reuters)" +Sci/Tech,Shawn Fanning's Snocap touts vision of P2P heaven +Sci/Tech,Intel sunny about holiday sales +Sci/Tech,Mobile Phone Cheats Mar S.Korean College Exam +Sci/Tech,Mission cleared for Titan plunge +Sci/Tech,Closures 'could benefit chemistry' +Business,Retail sales sluggish as holiday season opens +Sci/Tech,Microsoft Sues Spammers +Sci/Tech,"India, Russia sign joint declaration" +World,"India-Russia sign joint declaration, accords" +World,Cuba frees another jailed dissident +Sci/Tech,"The Playlist: Sony and MP3, Together at Last" +World,Man Pleads Guilty in Tsunami Death E-Mail Case (Reuters) +Sci/Tech,Army Wages War on Modern Menaces +Sci/Tech,How Long Is Your Digital Trail? +Sci/Tech,Daggers Sharp but Not Penetrating +Sci/Tech,Flaws Don't Scuttle Pirate Game +Sci/Tech,Wired Tools 2004 +Sci/Tech,"Not Tonight, I've Got an Advisory" +Sci/Tech,Fight for Public Domain Goes On +Business,Stocks Seen Higher Before Jobs Data +Business,Apple iTunes 'overcharging in UK' +Business,BT takes control of Italy venture +Business,Unions in plea to Jaguar bosses +Business,Oil Still Smarting from \$6 Rout +World,Ex-Rebel Leader Set to Become Kosovo PM (AP) +World,Slow Pace in Iraq Surprises NATO Commander (AP) +World,Dow says no basis in BBC Bhopal report (Reuters) +Sci/Tech,Mission cleared for Titan plunge +Sports,Petit may provide Arsenal with stop-gap solution - Wenger +Sports,NBA Star Shows Up In Baltimore #39;Snitching #39; DVD +Business,Dow to Sell Stake in Venture to DuPont (Reuters) +World,Storms leave more than 600 dead in Philippines +Business,NTL banks on deal to sell masts for 1.27bn +Business,W amp;D brews up takeover +Sci/Tech,Water once present on Mars +Sci/Tech,Mr World Wide Web gets new job +Sci/Tech,India to enjoy cut-price Windows +Sports,Fuming Fergie demands FA clear up disciplinary confusion +Sports,Jimenez two clear in Hong Kong +Sports,NHL season hinges on new talks +World,Security Council debate Rwanda-Congo +Business,China Aviation inquiry launched +Business,Mitsubishi gets pledge of support +Business,Stocks Seen Higher Before Jobs Data +Business,Update 2: CalPERS Ousts Harrigan As Its President +Business,Alcan in Talks to Sell Greek Firm Stake +Sports,Nowitzki's 53 Overshadows LeBron-Carmelo (AP) +Sports,Toledo Beats Miami (Ohio) to Win MAC Title (AP) +Sci/Tech,"Nortel wins US\$5M contract for BT 10,000-worker virtual call <b>...</b>" +Sports,FOOTBALL: REDS ARE SAVED BY THE BELL +Sports,Valley resident tied for 20th +Sports,IOC chief calls on bidding cities stop quot;Bickering quot; +Sports,Wenger ready to make Petit a Gunner again +Sports,Official: Tevez To Corinthians +World,Sharon to seek rival Labor #39;s aid on Gaza plan +World,China Landslide Leaves 65 Villagers Missing - Xinhua +World,"India, Pak to reopen 2nd rail link" +Business,New EU finance chief slams call for budget cut (AFP) +World,Turkey Policy on Minorities Spark Debate (AP) +World,Baghdad's Airport Road Symbol of U.S. Frustration +World,Ex-Adviser Sees Rare Opportunity On Mideast Front +World,Colombia to Free Rebels in Hostage Gesture +World,Documents Show CIA Knew of Venezuela Coup +World,CIA Documents: U.S. Knew of Venezuela Coup +Business,"Dollar Set for Weekly Gains Against Euro, Yen Before Job Report" +Business,Norilsk votes against IAMGOLD deal +Business,"Dan Walters: Melodramatic spin aside, Harrigan #39;s CalPERS ouster <b>...</b>" +Business,Report: IBM Exiting PC Business +Business,Former Executives Settle SEC Civil Charges in Kmart Fraud +Business,Halifax forecasts 2 house price drop +Sports,Report: Bonds Admitted to Using Substances (AP) +World,BBC Says Deceived by Dow Impersonator on Bhopal (Reuters) +Sci/Tech,Napster creator reveals next step +Sci/Tech,Young Christian Pastors Fight Porn +Sci/Tech,BT switches its call centre network to VoIP +Sports,Players feel they have solution +World,Kenya MPs rebel over constitution +World,Japan sounds alarm on birth rate +Business,Intel upgrades sales forecast +Business,Brown defends budget optimism +Business,Report: IBM #39;s PC business up for sale +Sci/Tech,"US, China Count Down to Space Cooperation" +Sports,Baseball legend Bonds testifies using BALCO substances: report +World,\$12bn hoax #39;cruel #39; +World,Insurgents claim responsibility for Baghdad raid +Business,"Stocks Seen Opening Higher, Data Awaited (Reuters)" +Business,Dollar Holds Above Lows as Data Looms +Business,"Stocks Seen Opening Higher, Data Awaited" +Business,IBM Puts PC Unit Up for Sale - NY Times +Business,Nov. Job Creation Number Lower Than Expected +Business,November Job Growth Unexpectedly Soft (Reuters) +Business,Before the Bell: Fifth Third Bancorp Off (Reuters) +Business,Report: IBM selling personal computer unit +Business,US Dollar Continues Its Broad Decline +Business,Jobs report a major letdown +Business,EU Calls for Official to Clarify Position +Business,Edwards Sees Delay in Answer on Trial +Business,"US Air agents agree to pay, benefits cuts" +Business,Stocks Set for Firm Start to '05 +Sci/Tech,Report: IBM Selling Personal Computer Unit (AP) +Sci/Tech,Report: IBM Selling Its PC Business (PC World) +Sci/Tech,Fellowship of the Ring: Customized Cell Tones (washingtonpost.com) +Sports,BALCO Founder Says Marion Jones Used Steroids +Sports,Moya puts Spain ahead in Davis Cup final +Sports,Heidfeld given another chance to impress +Sports,RYDER STARS FACING WEEKEND FIGHT +Sports,February launch for Red Bull +Sports,AWOL drug test stars charged +Sports,Houston Rockets Team Report - December 3 +Sports,Nitties takes second-round Australian PGA lead +Business,SuperGen Pulls U.S. Cancer Drug Application +World,Relief Effort Gains as Aid Is Reaching More Survivors +World,Indonesia presses Burma on Aung San Suu Kyi detention +World,Danforth resigns as US ambassador to United Nations (AFP) +Sports,Moya Puts Spain Ahead in Davis Cup Final +World,Disease Risk Rise After Philippine Typhoon +World,BBC Says Deceived by Dow Impersonator on Bhopal +Sports,Steroid Scandal Deepens +Sci/Tech,Transmeta licenses LongRun 2 to Fujitsu +Sci/Tech,Napster creator reveals next step +Business,Nokia #39;s market share back above 30 +Business,Paul McIntyre: Switkowski carries too much baggage for the markets +Business,Job Growth Is Well Below Wall Street Forecasts +Business,Edwards sees valve trial delayed +Business,It #39;s official: Americans love SUVs +Business,UK house prices predicted to fall next year +Sci/Tech,Microsoft sues for lewd #39;spam #39; +Sci/Tech,Napster #39;s Shawn Fanning Back With New Music Service +Sci/Tech,Four Infineon Execs Plead Guilty in DRAM Probe +Sci/Tech,Microsoft smitten by the blogging bug!: +Sci/Tech,"Life could exist below Mars surface, scientist says here" +Sci/Tech,Sun and Microsoft: True love or a marriage of convenience? +Sci/Tech,Nortel picks up \$5m BT call centre contract +Sci/Tech,HP Revises Cluster Plans +Sci/Tech,Blu-ray read-only format to be finalized early 2005 +Sci/Tech,Sun Drafts New quot;SCO-Sensitive quot; Open Source License +Sci/Tech,VersaMail for the Treo 600 +Sports,Marion Jones denies new allegations +Sports,Appleby leads by a stroke in South Africa +Sports,Rangers #39; Euro Fate +Sports,Heidfeld gets a second look +Sports,Coach of disgraced Greek sprinters claims IAAF charges groundless +Sports, #39;I cannot be on the losing side #39; +Sports,"Players, at charity game, express hope of having season" +Sports,Gerrard Stands Up for Anfield Chief +World,New blow for Zimbabwe's Moyo +World,Sudan Agreement Endorsed by US Officials at UN +World,Germany Thwarts Possible Attack on Iraqi Leader +World,Storms Kill More Than 650 in Philippines +World,Russian President supports India #39;s UN bid +World,"India, Pakistan to Reopen Key Rail Link" +World,Putin Sends Greeting to War Crimes Convict (AP) +World,"Fund Raising by Candidates, Parties (AP)" +Business,OPEC Can't Rule Out Oil Production Cuts +Business,Stocks Trim Gains; Intel Boosts Techs +Business,Two More Top Nokia Execs Exit +Sci/Tech,Need a job? Get a card - arresting ID pitch to business +World,"Germany Says Thwarts Attack on Iraq PM, 3 Arrested" +Sci/Tech,UK govt takes iTunes gripe to Europe +Business,IBM Puts PC Unit Up for Sale - NY Times +Sci/Tech,Last Xmas order date for the Antipodes +World,"India, Russia Agree to Revitalize Traditional Ties" +Business,Dollar Sags on Nov Jobs Disappointment +Sci/Tech,Sony Vaio U70P Wi-Fi micro PC +Business,Yukos 'fails to halt sell-off' +Business,US and EU put air dispute on hold +Business,Virgin wins most Indian flights +World,BBC Says Deceived by Dow Impersonator on Bhopal +Sci/Tech,DS aims to touch gamers +Sports,ND officials take search for a coach to Utah +World,Iran says suspension period six months maximum +World,Putin arrives in India to cement several pacts +World,Ukraine court annuls poll result +Business,Will IBM sell PC business? +Business,Job Growth Is Well Below Wall Street Forecasts +World,Serb general faces Hague tribunal +Business,The Fool's Look Ahead +Sci/Tech,Our Holiday Guide to ... Holiday Guides +Business,A Fool Looks Back +Sports,Five Cities to Make Olympic Presentations (AP) +Business,Calpers battle on corporate governance may only just be <b>...</b> +Sci/Tech,Napster Creator Touts Legal File Sharing +Sci/Tech,Intel Raises 4th-Quarter Sales Forecast +Sci/Tech,Microsoft Files Seven New Spam Lawsuits +Sports,Yankees and Mets Swap Relievers (Reuters) +Sci/Tech,EBay Reorganizes Senior Management +Sci/Tech,Comcast Plans Music Video-Web Offering +Sci/Tech,High-Tech Publisher Tries 'Blogozine' +Sports,Appleby Leads Westwood at Nedbank Golf (AP) +Sci/Tech,Report: IBM Selling Personal Computer Unit +World,Ukraine Supreme Court Invalidates Run-Off +World,Three Arrested in Germany for Plot on Allawi +Sports,Appleby Takes Halfway Lead in Sun City +Business,Chinese firm in trouble after losing \$550m in speculation +Business,Telstra CEO steps down over #39;differences #39; +Business,Head of Calpers Pension Fund Ousted +Business,"Merck KGaA, Biomira Shares Gain on Cancer Study (Update1)" +Business,Halliburton shakes up its top ranks +Sci/Tech,Lycos screensaver for anti-spam vigilantes +Sci/Tech,MSN is latest to move into world of blogging services +Sci/Tech,Skulls.B worm spreads on Series 60 via Bluetooth +Sports,Newcastle boss Souness watched Rangers #39; Boumsong +World,Tsunami Steals a Generation and the Future (Reuters) +Sports,"After 0-13 season in #39;03, Ross #39; Black Knights hope to mimic <b>...</b>" +Sports,RAIDERS NOTEBOOK Schweigert might get start against Chiefs +Business,"Fed Sees Growth, Measured Rate Hikes (Reuters)" +Business,OPEC Can't Rule Out Oil Production Cuts (Reuters) +Business,Wal-Mart Launches Rare Newspaper Ad Blitz (Reuters) +Business,ECB lowers its growth forecasts +Business,Judge: Boston Scientific Violated Deal +Sci/Tech,BT inks E3.75m contract with Nortel +World,Rescue Teams Discover Magnitude of Philippines Storms Disaster +World,China Mulls Measures After Textile Quotas Scrapped +World,"Attacker slashes twelve Chinese children, cuts own throat" +Business,China Rules in Favor of Corning +Business,Oil Slides Again on Weak U.S. Jobs Data +Business,Wal-Mart Launches Rare Newspaper Ad Blitz +Business,Christopher Banks Disappoints +Business,Gaining an Investment Edge +Sci/Tech,Iomega rolls out low-end NAS +Sci/Tech,Mobile phones: An ear full of worms +Sci/Tech,Update: Four Infineon executives jailed for DRAM price-fixing +Sci/Tech,HP drops plans to put Compaq technology into HP-UX +Sci/Tech,Report: IBM's PC business up for sale +Sci/Tech,Report: IBM Selling Its PC Business +Sci/Tech,ESPN Eyes Mobile Phone Market +Sci/Tech,Search Engine Forums Spotlight +Sci/Tech,News: Phishing losses overestimated - survey +Sci/Tech,News: Lycos antispam site taken offline +Business,"IBM Hires Merrill Lynch to Find Buyer for PC Unit, Person Says" +Sci/Tech,Napster Creator Stands Atop Snocap +Sci/Tech,Berners-Lee returns to UK +World,"Germany Says Thwarts Attack on Iraq PM, 3 Arrested (Reuters)" +Sports,New Jersey Supreme Court Cancels Bear Hunt +World,"High Court to Hear ISP, Cable Dispute (AP)" +World,Germany Stops Assassination Attempt on Allawi +World,Summit hopes for mine-free world +World,Israel's Peres Urges Likud Hardliners to Back Coalition +World,"Hamas Hints It Is Open to Deal on Truce, Statehood" +Business,Weak employment report points to still-sluggish US economy (AFP) +Business,Halliburton Says Settlement on Track +Business,Retailers Seek To Block US Curbs on Chinese Textiles +Sci/Tech,Microsoft Sues Spammers over Porn E-Mails +Sci/Tech,Spammers get taste of their own medicine +Sci/Tech,Jail terms for DRam price fixers +Sci/Tech,Mobile phones: An ear full of worms +Sci/Tech,Survey: More than 54 million broadband connections in Europe today +Sports,Murphy trial testimony ends; jurors to return +World,BBC says it was tricked into bogus story +World,30 killed in attacks on Iraq police +World,US expresses #39;deep concern #39; over Suu Kyi #39;s extended detention +World,"Khokhrapar-Munabao rail link to reopen, no timeframe:" +Sports,ABA Not Catching On +Business,IBM Said to Be Leaving the PC Business +Business,Intel stock up on positive 4Q outlook +Business,Oil prices fall below \$43 in fourth day of selling +Business,Samsung phones outsell Motorola #39;s +Business,Weak Job Data Won #39;t Deter Fed +Business,Wal-Mart Launches Rare Newspaper Advertising Blitz +Business,Biomira Shares Skyrocket on Promising Data +Business,Supreme Court to Decide Cable Internet Case +Business,Edwards Sees Delay in Approval of Trial +Sci/Tech,Nortel Wins \$5 Million Contract for BT Virtual Call Center +Sports,WADA Chief Calls for Hearing Into Jones Doping +Sports,Williams to take second look at Heidfeld. +Sports,Texas freshman awaits eligibility decision +Sports,Packers seek NFL revenge on high-flying Eagles +World,Baghdad violence kills at least 25 +World,Explosions in Madrid After ETA Bomb Threat - Radio (Reuters) +Business,Stocks Rise; Gains Trimmed on Oil Worry +World,U.S.-Bound German Plane Lands in Dublin After Alert +World,3 Arrested in Suspected Plot to Attack Iraqi Prime Minister +Business,Crude Oil Prices Slip Below \$43 a Barrel +Business,Singapore investigates China firm +Business,"Non-Farm Payrolls Grow by 112,000" +Business,Expert Expects More Hurricanes Again Next Year +Sports,Pats to test Browns defense again +Sports,Bookies convinced UEFA Cup betting coup took place +World,Nairobi summit reaffirms commitments to end landmine-caused <b>...</b> +Sports,Bonds Said Unknowingly Used BALCO Supplements +Sports,WADA Chief Calls for Hearing Into Jones Doping +Sports,Nadal Nails Roddick to Give Spain 2-0 Lead +Business,"SuperGen Tumbles, Intel Up Before Bell" +Business,"CSFB May Cut Jobs as Costs Outstrip Goldman, Lehman (Update1)" +Business,Forecaster Sees Fewer Atlantic Hurricanes in 2005 +Sports,Heidfeld Happy in Testing +Sports,Halifax keeps CIS basketball championships +Sports,Former star Murphy testifies in sex assault trial +Business,High Court to Hear Cable Internet Case +Business,L-3's Art of the Deal +Business,Trump Lands on Mars +Business,Bally's Bully Tactics Backfire +Business,High Court to Hear Cable Internet Case (Reuters) +Business,Wal-Mart Starts Rare Newspaper Ad Blitz +Business,"CSFB May Cut Jobs as Costs Outstrip Goldman, Lehman (Update3)" +Business,Two More Top Nokia Execs Exit +Business,"UPDATE 2-Fed #39;s Santomero sees solid growth, measured hikes" +Business,Walgreen Profit Rises 30.5 Percent +Sci/Tech,Infineon Execs Plead Guilty in DRAM Probe +Sci/Tech,Sun closer to open source Solaris with draft license +Sports,"MLB, Angelos Have Yet to Reach a Deal" +Sports,Former 49er Owens accurately predicted team #39;s impending breakdown +World,Bush asked to nudge Musharraf on Pakistan's democratic future (AFP) +Sports,Nadal Nails Roddick to Give Spain 2-0 Lead +World,U.S. Aims to Boost Electricity in Iraq to 20 Hours +Business,Update 6: Crude Oil Prices Fall Below \$43 a Barrel +Business,"SuperGen Tumbles, Intel Up Before Bell (Reuters)" +Sci/Tech,Infineon execs get jail time in price-fixing case +Sports,Eagles Set for Pack Attack +Business,IBM to Put Its PC Business Up for Sale +Business,Why Else Would Wood Leave? +Business,Forget IBM +Business,U.S.'s Snow Won't Discuss His Job Future (Reuters) +Business,Fired Broker Sues Morgan Stanley (Reuters) +World,Former native residential school students can sue as a class: appeal court (Canadian Press) +Business,SEC Could Slow Aggressive Rulemaking Pace (AP) +World,Danforth Quit U.N. Post to Return to Mo. (AP) +World,Sudan War Marked Danforth's U.N. Tenure (AP) +World,"ETA Returns with Five Bombs in Madrid, No Injuries" +Business,Stocks Flat as Jobs Number Offsets Intel +Business,Appeals Court Rejects ABB Ltd.'s \$1.2 Billion Asbestos Settlement Plan +Business,EADS Offers to Split Deal With Boeing +Business,Automakers Telling the Same Tale +World,"Ukrainian Justices, in Show of Independence, Order New Runoff" +World,Explosions Reported in Madrid After Warning +Sports,Pennington to Start +Business,McDonald #39;s CEO says strategy unchanged +Business,Major Atlantic hurricane season forecast +Business,November Job Growth Unexpectedly Weak +Business,UPDATE 1-Citigroup says committed to asset management -memo +Sci/Tech,"Mars Once Ripe for Life, Rovers Discover" +Sci/Tech,Apple iTunes Opens in Canada +Sci/Tech,Nintendo gets touchy feely +Sci/Tech,And the Winner Is... +Sci/Tech,"Samsung: Memory, LCD prices to drop; sales to rise" +Sci/Tech,"Iomega NAS Line Boasts Improved Speed, Capacity" +Sports,"Bonds Denies Steroid Use, Admits Using #39;Substances #39;" +World,3 Arrested in Suspected Plot to Attack Iraqi Prime Minister +World,House Arrest Extended for Burmese Pro-Democracy Leader Suu Kyi +Sports,Pennington Set to Start Sunday (Reuters) +Sports,Earnhardt Jr. Wins Most Popular Driver Award +Sports,Pennington Set to Start Sunday +Sports,Miller Wins Downhill for Fourth Win in Five Races +Business,Supreme Court to Hear ISP-Cable Dispute +Business,Kelly: Perennial Winner Southwest In 14.1 Traffic Jump <b>...</b> +Sci/Tech,Microsoft discovers blogging +Sci/Tech,Napster Creator Launches New Music Service +Sci/Tech,Mozilla Outfoxing Microsoft +Sci/Tech,"Sun Offering Free, Open Source Solaris 10 - Not Quite Yet" +Sci/Tech,Nintendo Sells 500K DS Systems Thus Far +Sports,Match-fixing fear prompts Uefa inquiry +Sports,F1 test vetoed +Sports,Mailbag: Readers right? You be the judg +Sci/Tech,Microsoft Sues Porn Spammers +Sci/Tech,Lycos Europe Withdraws Its Spam-Fighting Screensaver +Sci/Tech,"MSN upgrades Messenger, Hotmail" +Sci/Tech,Napster creator develops Snocap +World,Probe of UN oil-for-food cheating endorsed +World, #39;Security Council can #39;t be eroded #39; +World,Barghouti Release Would Reward Terror +World,Palestinian Militant Shot to Death in West Bank +Business,Holiday sales outlook dims with retailers November results +Business,Salvation Army using cardboard bell-ringers to stoke donations +Business,Moody #39;s may raise ratings on AES Corp. +Business,Fed Officials: No Inflation Alarm Bells +Business,Halliburton Says Court Clears Asbestos Settlement +Sci/Tech,iTunes Canada Launched +Business,The Best Way to Grow +Sports,DATE WITH DESTINY FOR COLLINS +Sports,Expos move closer to DC +World,"30 killed in pair of major attacks against mosque, police station <b>...</b>" +World,"India, Pak end technical talks on rail link" +Business,Blair aiming for #39;opportunity and security #39; +Business,FACTA amp; your credit +Business,Salvation Army using cardboard bell-ringers to stoke donations +Sci/Tech,Nielsen Counts 54.5 Million Broadband Users in Europe +Sci/Tech,Paper: Second Samsung 7G line to process larger substrates than <b>...</b> +Sports,Jones denies using performance-enhancing drugs +Sports,NOVO PROMISES RANGERS REACTION +Sports,Jimenez fires 64 for lead at Omega Hong Kong Open +World,Thousands Uprooted by Clashes in East Congo - UN +World,US Congresswoman says she was denied Vietnam visa (AFP) +Business,Apple Falls After Analyst Cuts Rating +Sports,Arbitrator to Hear Artest Appeal Petition (AP) +Sci/Tech,Lycos UK turns anti-spam vigilante +Sci/Tech,European broadband access up 60 on 2003 +Sci/Tech,Prince of Persia 2 on shelves +Sports,SI.com #39;s BJ Schecter breaks down the SEC Championship Game +World,"UN seat yes, veto no" +World,Mullah: Iran bids to join nuclear tech club +Business,Bedding Blip? Rest Assured +Business,Oil prices pause for breath after two-day rout +Business,Blair backs Brown +Business,US job creation disappoints +Business,Cable Internet case goes to Supreme Court +Business,Southwest Air Traffic Jumps +Sci/Tech,Its Sno Napster +Sci/Tech,Prince of Persia: Warrior Within Ships +Sci/Tech,HP drops plans to put Compaq technology into HP-UX +Sports,Meyer attends practice +Sports,England clinch sevens title +Sports,NCAA probation for little engine that could +World,30 killed in insurgent attacks in Baghdad; Two US soldiers die in <b>...</b> +World,California Diocese Settles Abuse Cases for Record Amount +Business,Consumers snap up credit reports online +Sci/Tech,Napster Star Changes His Tune +Sci/Tech,Internet Explorer Loses European Share to Firefox +Sports,US finishes 1-2 in World Cup downhill +Sports,Arbitrator Sets Hearing +Business,Big Blue news a sign of PC market #39;s graying temples +Business,Oil Futures Drop Below \$43 +Business,Select Comfort down; lowers sales expectations +Business,Radio Stocks Fizzle on Analyst Downgrade +Sci/Tech, #39;Morning Edition #39; Returns: Webster #39;s Most Wanted +Sports,Roddick played well in Friday #39;s loss +Sports,Utah #39;s Meyer to pick Florida over Notre Dame today? +Sports,Clubs hit back over match fixing claims +Sports,Bad-news West good for Hawks +World,Russia #39;s Putin Calls US Policy #39;Dictatorial #39; +World,"Somalia plans landmine ban, seeks patience" +World,India and Pakistan agree to reopen second rail link +World,Man knifes 12 primary school children in north-east China : +World,Arms sales ban at the centre of China-EU talks +Business,Dollar Dives to New Lows +Business,Fed: Inflation Not Setting Off Alarms +Business,Treasuries Rally on Weak Jobs Report +Business,Fla. Businessman Sues Ex-NYSE Director +Business,Halliburton: Court Clears Asbestos Deal +Business,Snow says strong dollar quot;foundation quot; of US policy +World,Star elephants aid Thai clean-up +Sci/Tech,Lycos Pulls Anti-Spam #39;Vigilante #39; Campaign +World,Swiss Blocks Accounts in Oil Co. Probe (AP) +Sports,Appleby breaks 70 to lead in Sun City +Sports,Lincou seals world squash triumph +World,Rwanda singled out as Great Lakes peace threatened (AFP) +World,China Launches New Class of Nuclear Sub (AP) +Sports,BALCO Head Conte Admits Role as Steroid Mastermind +Sports,Davis Cup: Spain Leads U.S. 2-0 as Roddick Loses +World,Triumph for People Power After Ukraine Vote Annulled +World,Thousands Uprooted by Clashes in East Congo - U.N. +Business,United Airlines to Cut Up to 825 Jobs +Business,"Cocoa Up on Fund Buying, Ivorian Tensions" +Business,Cyclical pressures likely to weigh heavily on tech in 2005 and <b>...</b> +Business,FDA Chief to Meet with Top Lawmaker Regarding Vioxx +Sci/Tech,Spam the spammers: Lycos +World,UN #39;s Kofi Annan Under Fire for Oil-for-Food Scandal +Business,Supreme Court to Decide Cable Internet Case +Sci/Tech,"Supreme Court to Hear ISP, Cable Dispute (AP)" +Sci/Tech,An Invisible Technology May Slow Piracy (AP) +Sci/Tech,High-Tech Publisher Tries 'Blogozine' (AP) +Sci/Tech,Napster Back In Music Scene +Sci/Tech,"Infineon Execs Plead Guilty in DRAM Price-Fixing, Face Jail Time" +Sci/Tech,Skulls mobile trojan learns Bluetooth +World,U.S. Dad Wins Custody Battle in France (AP) +Sports,WADA chief wants hearing into Jones doping +Sci/Tech,"Bush Signs Internet Tax, Special Ed Bills (AP)" +Sci/Tech,"Baldauf, Bergqvist to Leave Nokia Posts (AP)" +Sci/Tech,Mozilla Outfoxing Microsoft (The Motley Fool) +World,Reports: Blasts Rock Madrid Gas Stations +World,Danforth Says No Tension with Washington Over UN Job +World,Kosovo elects ex-rebel as PM +World,Dog released by Calgary pound to new owners back with original family (Canadian Press) +Sci/Tech,Apple Falls After Analyst Cuts Rating (Reuters) +Sci/Tech,U.S. Study Says Sage Grouse Not Endangered (Reuters) +Sci/Tech,UN Talks to Review Where 'Dangerous' Warming Starts (Reuters) +Sci/Tech,Forecaster Sees Fewer Atlantic Hurricanes in 2005 (Reuters) +Sci/Tech,King Tut Exhibit Could Prove to Be Gold Mine (Reuters) +Sci/Tech,Rare Event: Jupiter to Hide Behind the Moon (SPACE.com) +World,Supreme Court to Decide Cable Internet Case (Reuters) +Sci/Tech,What Do You Say to An Extraterrestrial? (SPACE.com) +Sci/Tech,Smithsonian Exhibit Explores Orchid Lore (AP) +Sci/Tech,Experts Nix Endangered Status for Grouse (AP) +Sci/Tech,Major Atlantic Hurricane Season Forecast (AP) +World,"U.S., Iran Join in Rare Gulf Security Conference" +Sci/Tech,Quirkiest News of 2004: Flatulent Fish and Beyond +Sci/Tech,"""I Am David"" Film Puts Human Face on Refugee Crisis" +Business,Price of 5 Golden Rings Plummets +Business,Analysts: Lenovo an Odd Inquirer for IBM #39;s PC Biz +Business,"World oil prices slip, capping sharp weekly decline" +Business,Russia welcomes oil firms to bid for Yukos +Business,High court agrees to hear dispute over cable Internet access +Business,McDonald #39;s CEO Vows to Build on Momentum +Business,SUV sales in Tennessee jump fastest in the country +Sci/Tech,Microsofts New Blogging Service +Sci/Tech,Napster Creator Creates Way To Pay For Traded Files +Sci/Tech,HP drops plans to put Compaq technology into HP-UX +Sci/Tech,Nortel Wins \$5M Virtual Call Center Contract with BT +Sports,Irish botch chance to hire Meyer +Sports,Owners vote to move team +World,Suicide strike kills 14 in Iraq +World,REGION: Iran making a lot of mistakes +World,"Munabao-Khokhropar: Pakistan, India agree to re-open another train <b>...</b>" +World,"North Korea nuclear issue must be resolved peacefully, South <b>...</b>" +World,Sharon steps up efforts to form national unity govt +World,British death toll from tsunami could approach 200: foreign secretary (AFP) +Business,Disney World increases daily ticket prices; offers other options +Sports,Spain on top in Seville +Sports,Double act can bring Old Firm fans back +Sports,"Yanks, Mets close to deal" +Sports,Five 2012 Bid Cities Make Presentations To European Olympic <b>...</b> +World,Madrid blasts after ETA warning +World,Donation Line For Flooded Philippines +Sports,Yankees Send Lofton to Phillies for Rodriguez +Business,UPDATE 1-Aon sells much of Endurance holding for \$320.5 mln +Sports,East Carolina hires Skip Holtz as football coach +Business,Treasuries Rally as Job Doubts Reemerge +Business,Oil Prices Fall Below \$43 +Business,Head of Lockheed's Aeronautics Division to Retire +Sci/Tech,Microsoft Sues Porn Spammers over #39;Brown Wrapper #39; Violations +Sci/Tech,Lycos pulls the plug on anti-spam screensaver +Sports,Expos move gets owner backing +Sports,Vizcaino gets one-year deal +Sports,Holtz introduced as East Carolina #39;s football coach +Sports,Holtz Introduced As East Carolina Coach (AP) +Sports,Meyer Headed to Univ. of Florida +Sports,Yankees Re-Sign Catcher Flaherty +World,Dow chemical given poison well water to mark mass Bhopal deaths (AFP) +World,Bush asks defence chief to stay +Business,Supreme Court Takes Broadband Regulation Case +Business,Weak employment report casts doubts over US economic strength +Business,ANNWhat does Asia want from China? +Sci/Tech,Microbes on Mars pose risk to Earth +World,Death toll reaches 35 in Philippine typhoon +Business,US Treasury report finds no forex manipulation +Sports,Kildow Continues US Domination in Downhill Skiing +Sports,Flaherty agrees to stay with Yankees +Business,Treasury Report Finds No Manipulation +Business,IBM in talks to sell its PC business +Business,Office Depot Aims for Business Customers +Business,US Study Says Sage Grouse Not Endangered +Business,Rothschild Buys Stake in Liberation Paper +Business,Mervyn #39;s Welcomes Back Salvation Army Bell Ringers +Business,McDonald #39;s CEOs display pattern of chronic disease +Business,Wal-Mart Brightens Dec. Sales Forecast +Sci/Tech,Lycos Europe Appears To Have Canned Its Spam War +Business,Stocks Set to Start '05 on Upbeat Note +Sci/Tech,Singulus to support Blu-ray Disc mass production +Sci/Tech,"HP laughs off Tru64 promises, welcomes Veritas" +Sci/Tech,Kazaa launches file-swap defence +Sci/Tech, Prince of Persia: The Warrior Within is Now Available! +Sports,From the sidelines +Sports,Reports say Meyer is gone +Sports,John Flaherty is a career .255 hitter with 78 homers and 384 RBIs. <b>...</b> +World,"Egypt, Israel Work to Resolve Dispute (AP)" +World,A sovereign Quebec would help trade between Quebec and northeast: Duceppe (Canadian Press) +World,Danforth's moderate leanings tested in politics and at UN (AFP) +World,Kiev Parties as Court Orders Re-Run of Rigged Poll +World,Powell Says U.S. Can't Hunt Iran Nukes in Caves +Business,Wal-Mart Brightens Dec. Sales Forecast (Reuters) +Sports,"Hornets, Mavericks Swap Armstrong, Dickau (AP)" +Sports,Monaco record first Ligue 1 win in nine games +World,Abbas making progress on a truce +World,DRC FORCES ALERT AS CIVILIANS FLEE +Business,November Job Growth Unexpectedly Weak +Business,IBM Reported to Put Its PC Business Up for Sale +Business,Oil prices fall 14 per cent in a week +Business,Salvation Army using cardboard bell-ringers to stoke donations +Business,Fidelity still fighting independent chair rule +Business,Moody #39;s revises FedEx outlook to stable from negative +Sci/Tech,Forbes Removes Ad-Sponsored Links on Site (AP) +Sci/Tech,Microsoft Sues over Lewd Spam +Sci/Tech,Napster #39;s Fanning Back in the P2P Game +Sci/Tech,MS Rolls Out Second Interim Beta of SQL Server 2005 +Sci/Tech,PlayStation 3 chip goes easy on developers +Sci/Tech,Sun submits mystery license to open source group +Sci/Tech,Lycos Europe Ends Spam-Fighting Campaign (AP) +Sports,Jones to sue Conte over doping claims +Sports,Holtz Introduced As East Carolina Coach +Sci/Tech,EBay Adds 'Want It Now' Feature (Reuters) +Sci/Tech,IBM Reported to Put Its PC Business Up for Sale (Reuters) +World,"Kabila sends 10,000 troops to border" +World,Rescuers scramble to help survivors of Philippines floods; more than 650 killed (Canadian Press) +Sci/Tech,Report: IBM To Spin Off PC Unit (NewsFactor) +World,"Air India trial ends after 19 months, judge to decide verdict March 16, 2005 (Canadian Press)" +Sci/Tech,Apple Shares Fall on Needham Downgrade (AP) +Sci/Tech,How Global Warming Can Lead to a Big Chill (Reuters) +Sports,Owners Approve Move +Sci/Tech,Lycos Fights Spam With DDOS +Sci/Tech,HP must open source Tru64 goodies - users +Sci/Tech,IBM Reported to Put Its PC Business Up for Sale +Sci/Tech,EBay Adds 'Want It Now' Feature +Sci/Tech,BellSouth Prepares Network Upgrade for Video +Sci/Tech,Supreme Court to Decide Cable Internet Case +Sci/Tech,Court Says Interior Dept. Web Site Can Stay Online +Sci/Tech,IBM Putting PC Business Up for Sale +Business,High Court To Decide if Rivals May Use Cable for Web Access +Business,White House: China Abides by Currency Law +Business,Walgreen Quarterly Profit Rises (Reuters) +Sci/Tech,Former cybersecurity czar: Code-checking tools needed +Sports,McLeish #39;s confidence tempered by Boumsong interest +Sports,Reports: Meyer accepts Florida job +Sports,History says UT could pull upset +World,Eta explodes ceasefire hopes with five bombs in the Spanish <b>...</b> +Sci/Tech,Q A: ISS exec on security threat prevention +Sci/Tech,Lack of tests could block virtualization +Sci/Tech,Intel to exceed previous Q4 expectations +Sci/Tech,HP drops plans to put Compaq technology into HP-UX +Sci/Tech,IDC: IT spending to grow 6 in 2005 +Sci/Tech,Lycos pulls antispam screen saver from site +Sci/Tech,"Q A: IBM security chief puts focus on compliance, cyberattacks" +Sci/Tech,"PLM vendors eye SMBs with alliances, tools" +Sci/Tech,Update: IBM's PC business reportedly for sale +Sci/Tech,Apple releases December Security Update +Sci/Tech,Update: AOL to adapt WebEx services for AIM consumers +Sci/Tech,Update: TheGlobe.com subsidiary guns for IM interoperability +Sci/Tech,U.S. Supreme Court to review cable Internet case +Sci/Tech,Sun submits mystery license to open source group +Sci/Tech,Bush signs Internet tax moratorium +Business,Supreme Court To Hear Cable Modem Case +Sports,Dickau sent to New Orleans +Sci/Tech,Selling Advertising on Your Website +Sci/Tech,Getting Listed in Netscapes Open Directory Project +Sci/Tech,Napster Creator Unleashes New File Sharing Service +Sci/Tech,Blog Declared Word of the Year +Sci/Tech,MSN Spaces Blog Service Review +Sci/Tech,World of Warcraft +Sci/Tech,.Mac Affiliate Program +Business,Chancellor reveals pension rises +Sci/Tech,Lycos Europe Pulls Spam-Fighting Screensaver +Sci/Tech,Universal on Board with Napster Founder #39;s New Venture +Sci/Tech,Blog Declared Word of the Year +Sports,Bonds Could Have Unknowingly Taken Steroids +Sports,Villeneuve the fastest in test session +Sports,Olazabal in hunt for US invitation +Sports,"No Kidd-ing, Jason Back?" +World,Series of small explosions shake Madrid +World,Scramble to Reach Philippine Survivors +World,Reporter finds poor security at Heathrow +Business,Oil prices continue pullback +Business,"Employers Add 112,000 New Jobs in Nov." +Business,Forecast for next year: fewer nasty hurricanes +Sci/Tech,Microsoft rolls out blogging service +Sports,International track body meets to choose 2009 World Championships <b>...</b> +Sports,Hornets trade Armstrong for Dallas #39; Dickau +Sports,"American Lindsey Kildow wins first downhill, Turgeon top Canadian <b>...</b>" +World,Former rebel leader elected Kosovo prime minister +World,Hamas May Accept Statehood in West Bank (AP) +World,"Supreme Court to Hear ISP, Cable Dispute (AP)" +World,134 Nations Drop Death Penalty; 62 Still Have It +Business,"Wal-Mart, fending off rivals, slashes prices on 24 items" +Sci/Tech,Microsoft Bends On NT Support +Sports,Hornets trade Armstrong to Mavericks for Dickau (AFP) +Sports,Drugs in sport: Jones denies fresh Conte claims over injecting <b>...</b> +Sports,Bonds Could Have Unknowingly Taken Steroids +Business,Kettle crew not on Target +Business,NTL to sell broadcast business for 1.84bn +Sports,Moya lands opening point for Spain +Sports,F1: Button #39;misguided #39; over move +Sports,Area sports in brief +Business,Weak employment report casts doubts over US economic strength (AFP/File) +Business,US Study Says Sage Grouse Not Endangered +Sci/Tech,"Music industry asks Napster founder, former arch foe, for help" +World,Germany #39;thwarts attack on Iraqi premier #39; +World,Deliberations Begin in Air India Bomb Trial +Business,Chemical Plant Explosion Rocks Houston (Reuters) +Business,Possible boycott at Target stores due to opposition of holiday <b>...</b> +Sports,Conte blows the whistle on Jones +Sports,Drugs in Sport: Baseball rocked by Bonds and Giambi admissions +Sports,Norgren on the move at PGA +Sports,Amateur body pencils Bolton hero into plans for a golden future +Sports,NBA Sues to Stop Review of Brawl Suspensions +Sports,Notre Dame Says Coach Search Is Ongoing (AP) +Business,"China #39;s Risk of Hard Landing #39; for Economy Remains, US Says" +Sci/Tech,Bush Signs Internet Tax Moratorium (PC World) +Sci/Tech,Rise Of Virtual Wireless Firms (Investor's Business Daily) +Sci/Tech,IBM Reportedly Set To Sell Its Personal Computer Business (Investor's Business Daily) +Sci/Tech,Studies: Captive Elephant Breeding Hard (AP) +World,Putin Accuses U.S. of Double Standard (AP) +World,Thousands Uprooted by Clashes in East Congo -U.N. +Business,Salvation Army Bell Ringers Welcomed Back To Mervyn #39;s +Business,Bush Signs Internet Tax Moratorium +Sci/Tech,Prince Of Persia Returns +Sports,Busch Picks Up Honors at NASCAR Awards (AP) +Sports,Bonds Tries to Clear His Name +Sports,Williams suffer fresh bout of road rage +Sports,Princeton #39;s Steep Climb Finally Ends +Sports,Hearing set for Pacers #39; Artest +Sci/Tech,Transmeta licenses low-power technology to Fujitsu +Sci/Tech,States Begin Security Checks of Driver's License Photos +Sci/Tech,AOL to Adapt WebEx Services for AIM Consumers +Sci/Tech,Napster founder goes legit +Sports,"Tigers, Pavano optimstic after visit" +World,Australian Official Travels to Iraq (AP) +Sports,Brehaut Takes Lead in PGA Tour Qualifier (AP) +World,Bush Appealing to Congress on 9/11 Bill (AP) +Business,Halifax forecasts 2 house price fall +Business,Wolves amp; Dudley agree Burtonwood takeover +Sci/Tech,Watchdogs: Don #39;t Scale Back Nuke Cleanup +Sci/Tech,Ubisoft Ships Prince of Persia: Warrior Within +Sports,"On a Slow Court, Spain Is Quicker" +Sports,Yanks May Have to Pay to Send Giambi Away +Sports,Miller #39;s winning streak ends at three as Goergl wins Super +Sports,Confusing week coming to end at Utah +Sports,"NBA, Union Debate Brawl Before Arbitrator" +World,Mosul clashes plague forces in North Iraq +Business,Far Fewer Jobs Were Added in November Than Forecast +Business,Weighing I.B.M.'s Possible Absence in the PC Market +Business,"Coupons in Hand, Shoppers Welcome Markdowns" +Business,Some Officials Seeking Shift From Pensions +Sci/Tech,Rare bird falls to avian malaria +Sports,Pound: Jones Should Lose Olympic Medals (AP) +Sports,Pacers Activate Miller From Injured List (AP) +Sports,Yanks May Have to Pay to Send Giambi Away +Sports,Mets Cut Ties With Hospital +Sports,Nationals Open Shop +Sports,Pennington to Start +Sports,Portis Will Be Busy +Sports,Pavano on Tour +Sports,Cavs Cage Tigers +Sports,"Wizards Pummel Hawks, 114-90 (AP)" +Sci/Tech,Microsoft introduces new blog service +Sports,Miller in downhill win +Sports,"Magic Defeat Knicks, 104-98 (AP)" +World,Powerful drug kingpin extradited to US +Sports,Meyer Spurns Irish for Gators +Business,Supreme Court to Hear Case on Cable as Internet Carrier +Business,New McDonald #39;s Chief Vows to Keep Strategy Unchanged +World,Congo Tells Rwanda Troops to Stay Out +World,Man stabs 12 children in northeast China +Sci/Tech,"IBM Focuses on Services, Outsourcing Units (AP)" +Sports,Chiefs' Green Expected to Start Sunday (Reuters) +Sci/Tech,CORRECTED: Tundra Study Backs Longer Oil-Search Season (Reuters) +Sports,Jamal Lewis Out Versus Bengals +Sci/Tech,Explorer Says Titanic Should Be Protected (AP) +Sports,Backman Sentenced to 10 Days in Jail +Sci/Tech,Scientist: Prairie Dogs Have Own Language (AP) +Sports,Yankees and Mets Swap Relievers +World,"Bodies Found in Nicaragua May Be Briton, American" +Sports,Tech Stings Bulldogs +World,Ukrainian Court Orders New Vote for Presidency +World,Germans Say Plot Against Allawi Foiled; 3 Arrested +Sports,Suspicion Swirls Around Bonds +Sports,Pennington Scheduled To Start for the Jets +Sports,Miami Heat Crush the Bulls 105-81 (AP) +Sports,Baseball Owners Tentatively OK Expos Move (AP) +Sports,"Eustachy Returns to Iowa, but Loses Game (AP)" +Sci/Tech,Weighing a PC Market After a Retreat by I.B.M. +Business,Salvation Army Hurts After Target Denial +Business,US Newspapers and their Audience +Sports,Spurs Hold on to Beat the Pistons 80-77 (AP) +Sports,Spain lead United State 2-0 in Davis Cup final +Sports,"Celtics 91, Raptors 89" +World,Russia opposes veto powers for India +Sports,England emerge champions +Sports,Rockies #39; Neagle arrested for solicitation of prostitution +World,"Annan #39;s Post at the UN May Be at Risk, Officials Fear" +World,Sharon faces uphill battle to form new coalition +Sci/Tech,Rare bird falls to avian malaria +Sports,Rockies Name Third Base Coach (AP) +Sports,No. 23 Iowa Crushes Centenary 88-53 (AP) +Business,High Court To Decide Cable Case +Business,SUVs gaining popularity +Sci/Tech,Lycos Europe #39;s antispam tool no longer available +Sports,Spain sweeps opening singles from US in Davis Cup final +Sports,Unbeaten Auburn looks like a loser +World,Germany foils plan to attack Allawi +World,Indian press lashes Putin for ruling out UN Security Council veto +World,Rumsfeld to Remain at Pentagon +Business,One State Talks About Shifting Out of Pensions +Business,TSA Keeping Pat-Down Procedures in Place +Business,Holiday Gift Card Giving Gets More Innovative +Business,Fox Calls For Court Review of Standards +Business,Boeing Changes Management in Key Division +Business,Riggs Bank Replaces Its Chief Legal Officer +Business,Prosecutors Want Trial to Remain in Houston +Sports,NBA Wrap: Spurs Squeeze Past Pistons (Reuters) +Sports,Tennis: Spain take 2-0 lead over US in Davis Cup final +Sports,NHL players still oppose salary cap +Sports,Revived Wizards remain on a roll +World,Danforth Says He Left Position At UN for Personal Reasons +World,Indian press lashes Putin for ruling out UN Security Council veto (AFP) +Sports,Newest Reports Place Bonds Back at Center of Steroid Case +World,Fockers retain film chart crown +Sci/Tech,Study Finds Patterns in Web Site User Motivations and Questions +Sports,Stats Likely to Stand +Business,IBM said to be eyeing a sale of its PC business +Business,CAD to probe China Aviation Oil on share sale by parent +Sports,"Arsenal loss of form is a crisis, says Wenger" +Sports,Dominick Guinn and Serguei Liakhovich heavyweight quotes +World,UN urges aid for tsunami orphans +World,Taking Europe for a Ride +World,China: Relations with EU will Suffer if Arms Embargo Continues +Sci/Tech,Microsoft Sues Spammers +Sports,Wenger hopes for end to quot;crisis quot; +Business,High court will rule on cable network access +Sci/Tech,Global warming #39;s big chill +Sci/Tech,Ashlee Simpson to Perform Live for AOL (AP) +Sports,"Green, Hokies want ACC crown" +Sports,"Wallace Returns, Pistons Lose Spurs 80, Pistons 77" +World,"Under US pressure, Tehran halts uranium conversion" +World,"Recovery operations resume at China landslide, at least 23 dead (AFP)" +Business,Wal-Mart Starts Rare Newspaper Ad Blitz (Reuters) +Sci/Tech,Court to Hear Cable Line Sharing Case +Sci/Tech,PC Sector Sale by IBM Would Signal Change +Sci/Tech,IntelSat Regains Control Of Key Satellite +Business,EU Wants US Clarification on WTO Stance +Business,Chief of Halliburton unit wanted top spot +Business,Cloud hangs over Dec. auto sales +Sports,"Utah #39;s Meyer spurns Irish, picks Gators" +Sports,Nitties maintains one-shot lead at Australian PGA +Sports,The numbers don #39;t add up +Sports,Agent says Tigers didn #39;t make \$40-million offer +Sports,Nets: Kidd #39;s a hit in practice +World,Judge reserves decision in Air India terrorism trial (AFP) +World,"Assaults on Baghdad police, mosque kill 30" +World,Colombian drug kingpin extradited to United States +World,Muslim rebels kill 5 police in Kashmir gunbattle +Business,Shrimp Tariffs Upheld on Shrimp Imports +Sports,Miller storms to downhill glory +Sports,Westwood #39;s card marked but not wrecked by 17th +Sports,NHL Lockout ending?? +Sports,GREEN LIGHT +Sports,Princeton women taken down by UCLA +World,Philippine towns mop up +World,Bush mum on whether Annan should resign +Business,Pace of US job growth slows +Business,Drug fee plan draws fire +Business,State Street Research to cut staff after buyout +Business,Putnam official resigns +Business,Oil prices continue slide for fourth day +Business,Sweet success of Splenda results in a supply dilemma +Business,Court will hear case on cable Net access +Business,Catalogs hold fast in the electronic age +Business,Palmisano #39;s Vision in Remaking IBM +Business,Stocks Edge Higher; Oil at 21/2-Month Low +Business,Ziggy pushed out of Telstra +Business,Boeing sales to get new leadership +Business,"US Airways, CWA deal offers options" +Sci/Tech,"Plasma, LCD TV sales seen doubling next year" +Sports,ATHLETICS: #39;I TAUGHT JONES TO USE DRUG #39; +Sports,GOLF: LEE #39;S SUN BID GETS HIT FOR SIX +Sports,Kings pull Pacers off East pedestal +Sports,"Wallace back in lineup, but can #39;t help Detroit beat San Antonio" +Sports,NFL notebook: Green likely to start +Sports,US skier Kildow wins downhill event +Sports,Owners give OK to move +World,30 killed in attacks in Baghdad +World,Manila appeals for storm relief; weather improves +World,Heathrow Security Breach to be Investigated +Business,Census: SUV popularity accelerating across nation +Sports,Suns #39; streak ends at nine +Sports,"Yanks, Mets make a deal" +World,Car Bomber Attacks Near Baghdad Green Zone (Reuters) +Sports,Ben Wallace Back in Pistons Lineup (AP) +Sports,Spain Quiets U.S. in Opening Davis Play (AP) +Sci/Tech,High Court To Decide Cable Case (washingtonpost.com) +World,Russia's president to head for India's Silicon Valley (AFP) +Sci/Tech,PC Sector Sale By IBM Would Signal Change (washingtonpost.com) +Sci/Tech,Kerio Partners Must Pass Rigorous Exam To Carry New ServerFirewall (TechWeb) +World,Philippines issues new warning against job-seekers heading for Iraq (AFP) +Sports,Bonds: I didn't know +World,Manila Appeals for Storm Relief; Weather Improves +World,Rights Watch Urges Karzai to Sideline Warlords +Sports,Jets get armed for run +Sports,All wrapped up +Sports,Arbitrator decides on appeals hearing +Sports,Today's schedule +Sports,Kildow fastest down mountain +Sports,UNH set for next challenge +Sports,Auburn is likely the odd team out +Sports,"On Day 1, a lot of pain in Spain" +Sports,This 1-2 an American original +Sports,Yankees bolster bullpen +Sports,Ephs are on mark +World,"Waiting in Texas with pride, prayers" +World,Insurgent attacks kill 29 in Baghdad +World,New Ukraine vote ordered +World,Ex-rebel picked to lead Kosovo +World,"Syria ready to renew peace talks with Israel, envoy says " +World,Hearing on prisoner's death halted over access +World,5 blasts rock Madrid gas stations after warning +World,UN journalists are honored +World,The Poetry of 'Gimme an A! Gimme an S! Gimme a T!' +Sci/Tech,VeRO: eBay's version of the DMCA +Sports,TENNIS: HOT ROD SHOCKED AS SPAIN BLANK US +Sports,Gators get what they want in Utah coach +Sports,FOOTBALL: BURNS FACES SCOTS KO +Sports,Three Peters Challenge in Australia +World,CRPF camp attack: Two militants killed +Sports,BALCO blows whistle +World,"Blast, gunfire rocks Baghdad" +World,Floods Recede in Philippines +Sci/Tech,Technology ; Napster creator unveils online music technology +Sci/Tech,Panel says keep sage grouse off endangered list +Sports,"As media darling, Conte #39;s pushing it" +Sports,UK ; Chelsea to host Newcastle +Sports,Notebook: Arbitrator rules he can decide on hearing appeals +Sports,Kidd almost set +World,Islamabad backs Kofi Annan +World,"Pakistan, India agree to reopen second rail link" +Business,IBM mulls sale of PC business +Business,Oil giant #39;in business #39; +Sports,Webber not excited about rejoining Pizzonia +Sports,Meyer OKs 7-year deal with Gators +World,New Iraqi prison photos investigated +World,Israeli forces detain senior Hamas militant +World,Car Bombers Attack Near Baghdad Green Zone +Sci/Tech,Three Ways Technology Brings People Together +Sci/Tech,Hollywood Steps Into DVD Format Fight +Sports,Webber stirs Pizzonia row +Sports,Utah coach seems Florida-bound +Sports,NBA sues to keep Pacers bans out of arbitration +World,Profile: Gilberto Rodriguez Orejuela +Sci/Tech,Western governors focus on wildlife +Sci/Tech,Middle East emerges as prime growth market for graphic solutions +Sci/Tech,Rumor Control: Bono buys Edios and Metal Gear Solid: The Movie +Sports,Steroid shock waves ASSOCIATED PRESS ASSOCIATED PRESS ASSOCIATED <b>...</b> +Business,Iran Wants OPEC to Return to Quotas +World,EXPLOSIONS HIT MADRID +Business,Dollar set to make gains against yen +Sports,Wenger confident that Arsenal can emerge from crisis +World,German Police Foil Plot To Kill Iraqi Premier +Business,IBM reported to put its PC business up for sale +Sci/Tech,Lycos Europe halts anti-spam counterattacks +Sports,"Baseball will survive, just like it always has" +Sports,Highbury return for Petit? +Sports,Colorado Rockies pitcher Denny Neagle cited for solicitation +World,15 Killed Russia Warehouse Fire (AP) +World,Mugabe Expected to Purge More Officials Before Election (Reuters) +World,Ukraine's Yanukovich to Run Again in Repeat Vote +World,M.T.A. Seeks Tax Increases Over 5 Years +Sports,NHLPA to offer compromise +Sports,Rockies #39; Neagle charged with soliciting a prostitute +World,EDITORIAL: Time for Annan to resign post +Sci/Tech,Looking for Water on the Red Planet +Sports,Baseball in Bonds quandary +Sports,Local manager weighs in on steroid use +Sports,Meyer snubs Irish for Florida +Sports,Notre Dame women land in right spot +World,"China landslide kills 23, rescue work halted (Reuters)" +World,Tsunami Victims Prey to Crime from Asia to Europe (Reuters) +World,Baghdad Green Zone targeted by car bombers +Sports,Valley resident falls to 51st at LPGA Q-school +Sports,Florida backers excited about hiring +Sports,Khan back with a bang in Liverpool +Sports,Bullpen gets two new arms +Sports,Another good BCS debacle? +World,Colombia sends drug kingpin to US +World,Apparent abuse photos turn up +Sci/Tech,REVIEW: Music player measures running pace +World,"Russia invites YUKOS unit bids, India interested (Reuters)" +Sci/Tech,Want cheap iTunes? Become a Mountie +World,Baghdad car bomb kills 15 +World,Suspect suicide bomb kills 2 Iraqi policemen +World,"Car Bombers Strike Near Green Zone, 7 Dead" +World,Monitors Want Access to Mozambique Vote Count +Business,"Next season not so bad, experts say" +Sci/Tech,NAPSTER FOUNDER REVEALS NEW FILE-SHARING PROJECT +Sci/Tech,Sage grouse outlook found less than dire +Sci/Tech,Wario Ware Touched! +Sci/Tech,Middle East emerges as prime growth market for graphic solutions +Sports,BATTLING WESTWOOD BACK IN CONTENTION +Sports,Nitties birdies closing hole to maintain Australian PGA lead +World,Del Ponte: Serbia must deliver +Sports,U.S. Doping Watchdog to Question BALCO's Conte - IAAF +Business,Company to Sell Chinese Autos in U.S. +Sports,Attorney: Barry Bonds Did Nothing Illegal +World,Colombian drug kingpin extradited to the US +World,Iran nabs another nuclear #39;spy #39;: reports +Business,Wal-Mart Still Sees Sales Up 1-3 Percent (Reuters) +Business,The Tax Man May Take a Bite (Reuters) +Business,Stock Market Rally Fueled by Cheaper Oil (Reuters) +Sci/Tech,Programs: a Checklist for Tuning Up Your PC +Business,Wal-Mart Still Sees Sales Up 1-3 Percent +Business,The Tax Man May Take a Bite +Business,Stock Market Rally Fueled by Cheaper Oil +Business,Company Spending Seen Conservative +Business,Vintage Cars Get Hot with Makeovers +Sports,Ferrero replaces Nadal in Davis Cup final doubles match +Sports,England bag first Dubai Sevens title +Sports,Exclusion takes toll on players +Business,Grotech Hopes to Repeat Success of Long John Silver's +World,Serbia sends general for war crimes trial +World,5 jawans killed as ultras storm CRPF camp +World, #39;Republicans holding up quest for peace #39;: Paisley +World,"Mbeki into new discussions in Ivory Coast, EU urges peace (AFP)" +World,Telegraph used to warn trains on day of Halifax Explosion put on display (Canadian Press) +World,Colombian Drug Kingpin in Miami Prison Cell +Sci/Tech,Lycos Europe anti-spam Screensaver bites the dust! +Business,"Trade Groups, Firms Push to Ease Tough Federal Scrutiny" +Sci/Tech,"IT Dabbles with Firefox, But Few Plan To Switch from IE" +World,5 blasts hit Madrid +World,Bombers target Iraqi security forces +World,Deal May Let Northern Ireland MPs Speak in Republic #39;s Parliament +World,Sudan 'considers' Turabi charges +Sports,US officials to question BALCO chief +Sports,The Week in College Football +World,Deliberations Begin in Air India Bomb Trial +Sci/Tech,Napster Founder Heads In New Direction +World,ETA Bombs Put Radical Basque Party in Tight Spot (Reuters) +World,"Russia woos Indian IT firms, call to jointly tap global markets (AFP)" +Sports,Irish recruits in holding pattern +Sports,Ambrose wants hat-trick +World,Indicted Sarajevo Siege General Arrives in Hague (Reuters) +Sports,"Myskina, Safin Win Russia's Top Player Awards" +World,Bono plans lifelong poverty fight +Sports,Ambrose seals V8 title +Sports,MLB owners approve Expos #39; relocation to Washington +World,"Pakistan, India agree to resume 2nd rail link" +Business,Boeing Changes Management in Key Division +Sci/Tech,Shawn Fanning Returns With New Music Service +Sports,Chelsea display championship class +World,Bush Mum on Pakistan's Bin Laden Efforts (AP) +Sci/Tech,Programs: a Checklist for Tuning Up Your PC (Reuters) +Sci/Tech,Bones Suggest Women Went to War in Ancient Iran (Reuters) +World,Miss Peru wins world beauty title +Business,Salvation Army gets new leader +Business,Stocks to Watch Monday +Sports,Marion mad at dope slur +Sports,Slick Nick on victory trail +World,Putin denies opposing India #39;s veto power +World,Middle East ; ElBaradei denies charges of collaboration with Iran +Business,"Dollar Starts 2005 Firm, Awaits U.S. Data" +Sports,Lawyers brawl over Pacers-Pistons suspensions +Sports,Boston Celtics Team Report - December 4 +Business,Indian economy to grow 7.5 percent annually says PM (AFP) +World,Court Orders Milosevic Defense Lawyers to Continue +World,Spain handed Madrid bomb suspect +Business,DaVita Buys U.S. Kidney Clinics for \$3 Bln +Business,Sprint Upgrades Wireless Network +Business,"Colgate-Palmolive announces 4,400 job cuts; plant shutdowns" +Business,"Update 4: Vivendi, Messier Are Fined \$1.35M Each" +Sports,Black Notre Dame Alumni Question Firing (AP) +Sci/Tech,Nvidia to provide PlayStation graphics +Sci/Tech,"Toshiba, Memory-Tech unveil new disc" +Sci/Tech,Trojan poses as Lycos Europe screensaver +Sci/Tech,Nintendo DS vs. Sony PSP +Sci/Tech,Apple Meets Oracle #39;s Storage Approval +World,Syria frees political detainees +Business,Oil Falls to 3-Month Low on Mild Weather +Business,Nortel Wins \$1 Billion Contract for Sprint Upgrades +Business,ID Biomedical #39;s Shot in the Arm +Business,"Citigroup division ordered to pay fine, restitution for high-risk <b>...</b>" +Business,Telecom Italia to buy mobile arm +Sci/Tech,Mozilla Launches Thunderbird 1.0 (PC World) +Sci/Tech,Dell Cuts Prices on Enterprise Hardware (NewsFactor) +Sci/Tech,Will analysts stick with Apple this time? +Sci/Tech,EA working on new C amp;C Red Alert game +Sports,Charges expected Wednesday from NBA brawl (AFP) +Sports,IOC opens investigation +World,"German Welfare Cuts Kick In, Protests Limited" +Sports,How Jose became most hated man in Porto +Sports,Government Legislation: A Bad Idea for Baseball +Sports,Deputy: Charges likely in scuffle at high school game +World,"Four Palestinians, one Israeli soldier killed in Gaza" +World,Dutch arrest alleged Saddam aide +World,Outside View: Kofi Annan -- time to go +World,Ghana a Model for African Elections +World,Sharon wins key backing for coalition +Sci/Tech,What's Next for PeopleSoft? (NewsFactor) +World,Karzai sworn in as first popularly elected Afghan president (AFP) +Sci/Tech,Will analysts stick with Apple this time? (MacCentral) +Sci/Tech,Fertilizer May Be Root of Big Colombia Coca Plants (Reuters) +Sci/Tech,New Comet Now Visible to Naked Eye (SPACE.com) +World,"Report: Palestinians, Israel Back Peace Plan" +Sci/Tech,Goodall Says Environment at 'Crossroads' (AP) +Sci/Tech,"NASA's Return to Flight on Track, Shuttle Officials Say (SPACE.com)" +Sci/Tech,Excavators Discover 20 Mummies in Egypt (AP) +Sci/Tech,Md. Researchers Growing Blue Crabs in Lab (AP) +Sci/Tech,New Calif. Agency Begins Stem Cell Project (AP) +Sci/Tech,New media battle for Bafta awards +Sci/Tech,Clever Shopping Trolley Helps E-Tail Come of Age +Sci/Tech,Intel Says It's 'Recovered' from Costly Missteps +Sci/Tech,Lenovo May Be in Acquisition Talks With IBM +Sci/Tech,Experts Push for More Computer Security Efforts +Sci/Tech,Court Hears Interstate Wine Sales Case +Sci/Tech,How green are UK carbon trading plans? +Sci/Tech,Russian call for Mars volunteers +Sci/Tech,"Honeywell internal documents point to 5,000 jobs exported" +World,"At Inauguration, Karzai Pledges 'New Chapter' for Afghanistan" +World,Kanye West Leads Grammy Nominations With 10 +Sci/Tech,"OpenWorld Notebook: Database, grid control boosted" +Sci/Tech,Intel sheds light on 2005 desktop strategy +Sci/Tech,BEA hails app server upgrade +Sci/Tech,Siemens sets wireless speed record with OFDM +Sci/Tech,Industry group forms to track and thwart IM threats +Sci/Tech,"Thunderbird 1.0 takes on Outlook Express, Eudora" +World,Dutch businessman faces genocide charges for selling chemicals to <b>...</b> +Sci/Tech,What Does the Future Hold for Flat TVs? +Sci/Tech,"Group Formed to Track, Thwart IM Threats" +Sci/Tech,Mozilla Launches Thunderbird 1.0 +Sci/Tech,First Look: MusicMatch Jukebox's Impressive Version 10 +Sci/Tech,Is Your Web Browser Putting You At Risk? +Sci/Tech,Lycos Europe Cans Anti-Spam Effort +Sci/Tech,Copernic Desktop Search for Mozilla Firefox +Sci/Tech,Shopping Cart Abandonment +Sci/Tech,News: Fake Lycos screensaver harbours Trojan +Sci/Tech,Oracle Uses Xserve RAID +World,Israel's Sharon Raises Prospect of Early Elections +Sci/Tech,Nvidia Leaps To PlayStation Platform From Xbox +Sci/Tech,"Threat Center Targets SPIM, P2P Viruses" +Sci/Tech,"Nintendo DS Sales Get Good Start in US, Japan" +Sci/Tech,Command amp; Conquer: Red Alert 3 en camino +Sports,Porto fans target Mourinho +Sports,Study: 27 of 56 bowl teams graduate less than half their players +World,Putin casts doubts over viability of Iraq polls +World,Rumsfeld sees Iraq pullout by 2008 +Business,J J in Talks to Buy Guidant - Sources +Business,"Vivendi, Ex-CEO Fined 1 Mln Euros Each" +Business,"U.S. Stocks Fall, Led Lower by Oil Sector" +Sci/Tech,Mystery Bidder Obtains Internet Patents +Business,"Lucent, Nortel get big Sprint contracts" +Sports,Rookie Jones Has Dallas Feeling Good Again (AP) +Sci/Tech,Goodall Says Environment at #39;Crossroads #39; +World,Egypt Sees Move Towards Israel-Palestinian Peace +Sports,International Olympic Committee opens investigation into doping <b>...</b> +Sports,Study: 27 of 56 bowl teams graduate less than half their players +Sports,Garrison extended; King retires as Fed Cup coach +World,Ivory Coast Peace Push May Be Last Chance-UN Envoy +World,Russia supports Iraq in restoration of order +World,Musharraf Says Moderates Must Fight Terrorism +World,Yawar Warns Iran Against Meddling in Iraq +Business,Update 1: Witness: Eisner Had Authority to Fire Ovitz +Sci/Tech,High-Def DVD Formats Fight for Dominance +Sports,Viduka redeemed +Business,J J in Talks to Buy Guidant - Sources (Reuters) +Business,US: Heating Bills Not as High as Feared (Reuters) +Business,"US firms announce 104,530 job cuts in November, survey shows (AFP)" +Business,"Stocks Fall as Energy Shares, J J Weigh" +Business,Oil Falls to 3-Month Low +Business,Spin the Medicine Bottle +Business,America's Car-Mart's Diversity +Business,Stanley Swaps Doors for Locks +Business,ID Biomedical's Shot in the Arm +Business,Nintendo DS vs. Sony PSP +Business,GM to Boost Incentives in 'Red Tag' Sale (Reuters) +Business,Credit Suisse shares drop as bank reportedly prepares CSFB job <b>...</b> +Business,Toyota Vehicles to Offer Satellite Radio +Business,High court hears dispute over interstate wine sales +World,"Rescue Choppers Cheered in Aceh, Children Suffer" +Business,Nortel gets US\$1B share of new Sprint contracts +Business,"Stocks Close Lower as Energy, J J Weigh" +Business,GM to Boost Incentives in 'Red Tag' Sale +Business,HP Board Pondered Breaking Up the Company +Sci/Tech,Microsoft Seals #39;Windows #39; in Server 2003 +Sci/Tech,Oracle readies major app server upgrade +Sci/Tech,Sony Uses Russian Cargo Jets to Fix Christmas-Time PlayStation <b>...</b> +Sci/Tech,IBM expands virtual resources for business partners +Sports,Government would back move to punish Jones +Sports,Sprewell suspended for one game for vulgarity directed at female <b>...</b> +Sports,Seattle burned again by fourth-quarter collapse +Sports,Florida won #39;t let Zook coach Gators in Peach Bowl +Sports,Three high-profile coaches out of Ole Miss picture +Sports,Figo doubt for Rreal +Sports,NBA All-Star Returns to Houston +Sports,Dodgers sign Ledee to two-year deal +World,Putin casts doubt on Iraq elections +World,Thais Order Kin of Foreigners Away from Morgues +World,Law and order collapsing in Darfur - UN +World,Fox fires Mexico City police chief +World,"Rumsfeld confirms will stay on, vows transformation of US military" +Business,Ex-Vivendi Boss Is Fined 1 Million Euros +Business,"Colgate Plans to Cut Work Force by 4,400 and Close Plants" +Business,Vivendi and its former boss fined +Sci/Tech,NASA Shuttle Plans Lack In-Orbit Repair +Sci/Tech,Microsoft Ships Windows Server 2003 SP1 Release Candidate +Business,FindWhat.com: A Year Later +Business,Kroger Is King +Business,Lemons Ripen Faster than Plums +Business,"More flu vaccine available from Germany, but deal with Canada <b>...</b>" +Business,"Update 5: Vivendi, Messier Are Fined \$1.35M Each" +Sports,Vitali Klitschko vs. Danny Williams: Nothing to lose for Williams! +Sports,United to call on youngsters +Sports,Rugby-Oxford triumph 18-11 in 123rd Varsity match +Sports,Ledee and Dodgers agree to two-year contract +World,Israeli Soldier Is Killed as Palestinian Agent Sets Trap +World,The birth of modern Arab politics? +World,"Fox pledges Mexico police clean-up, challenges mayor" +World,Ivory Coast Peace Push May Be Last Chance-UN Envoy +Business,Madagascar drops Malagasy franc +Sports,Seattle Burned Again by 4th-Qtr Collapse (AP) +Sci/Tech,US government needs to step up cybersecurity: industry group (AFP) +Sports,Houston to Host 2006 NBA All-Star Game (Reuters) +Sports,Boise State Coach Hawkins Signs Extension (AP) +Sports,Sportsview: Time for Haas to Pay His Dues (AP) +Sports,Sprewell Suspended Over Fan-Directed Obscenities +Sci/Tech,Honda Gets the 'Greenest' Award (Reuters) +World,Groups Seek to Address Voting Troubles (AP) +Sports,Houston to Host 2006 NBA All-Star Game +World,Details of Congress' #36;388B Bill to Bush (AP) +Sci/Tech,U.S. Defends Global Warming Strategy (AP) +World,US rules out joining Kyoto treaty +World,Niger president wins second term +World,Sri Lankan opposition MP jailed +Sports,Sprewell Suspended +World,Two Churches Bombed as Violence Persists in Iraq +World,Mideast Initiatives Follow Arafat's Death +World,"Embratel Shares Plunge in Brazil, N.Y." +Business,LATEST FUTURES NEWS +Business,High court weighs direct wine shipment +Business,HP Board Pondered Breaking Up the Company +Business,Europe Stocks Start 2005 at 30-Month High (Reuters) +Sci/Tech,Mozilla #39;s Thunderbird 1.0 Shows Promise +Sports,Report: Baseball and Union discuss steroid policy +Sports,Garrison Gets New Contract; King Retires +World,Karzai thanks India for aid in reconstruction +World,UN chief rejects calls for resignation over alleged corruption <b>...</b> +World,"Former Foes Russia, Turkey Eye Era of Warmer Ties" +Sci/Tech,"Toyota Vehicles to Offer Both XM, Sirius Satellite Radio" +Sci/Tech,'GM cocaine grown in Colombia' +Business,"Dollar Off, But Climbs vs Canadian Dollar" +Sci/Tech,Macheads alive and reading +Sci/Tech,Commerce One patents auctioned for \$15.5 million +Sci/Tech,Dell slams expected IBM-Lenovo deal +Sci/Tech,Is an Internet Phone Right for You? +Business,Ex-Vivendi Boss Is Fined 1 Million Euros +Business,UPDATE 8-Telecom Italia approves 21 bln euro TIM buyout +Sports,Houston to host 2006 NBA All-Star Game +Sports,Strong to Coach Gators in the Peach Bowl (AP) +Sci/Tech,Link Popularity and Search Engine Ranking Pitfalls +Sci/Tech,Whats in a Name - More Google? Lost Goggles! +Sci/Tech,Filter Corporate Email Through Gmail +Sci/Tech,Google Now Indexing Up to Six Url Variables +Sports,Athletics: IOC Disciplinary Commission To Investigate Allegations <b>...</b> +Sports,Champions League: Arsenal through +Sports,Boise State Coach Hawkins Signs Extension +World,Karzai promises new era for Afghanistan +Business,Oil Prices Tumble to a Three-Month Low +Business,EU backs Lamy for trade position +Business,BC company kills deal to export flu shots +Business,Intel bullish on technology direction at Fall analysts #39; meeting +Business,Group accuses Honeywell of planning to export jobs +Business,"Media General expects fourth, full-year earns to top expectations" +Sci/Tech,BEA readies quot;Diablo quot; server +Sci/Tech,IM Threat Center Formed +Sci/Tech,"IBM Perks Up Memory, Transistors" +Sci/Tech,Oracle readies major app server upgrade +Sci/Tech,Dell Cuts Prices On Corporate Hardware +Sports,Arsenal cruise into knockout stage +Sports,Boise State #39;s Hawkins latest off the market +Sports,Steelers place Riemersma on IR +World,Karzai vows to bring Afghan peace +World,"Soldier, 4 Militants Die in Renewed Gaza Fighting" +World,Musharraf sees 15 options for Kashmir solution +World,Memo: Workers Threatened Over Prison Abuse (AP) +World,Government changes rules that restricted help for spouses of some veterans (Canadian Press) +World,Many Ask if Intel Bill Will Prevent Attack (AP) +World,Colombia's poor inherit drug estates +World,Ukraine shifts focus to polling booth +World,Football: Arsenal 5-1 Rosenborg +Business,"Colgate Plans to Cut Work Force by 4,400 and Close Plants" +Business,Oracle and Friends To Work on Data Center Plan +Business,Intel Firms Up Dual-Core Plans +Business,"Stocks Close Lower as Energy, J amp;J Weigh" +Sports,Gilbert Reaches Deal to Buy Cavaliers (AP) +Sci/Tech,mmO2 Plans Europe #39;s Fastest 3G Wireless Network +Sports,"NFL: Dallas 43, Seattle 39" +Sports,UPDATE 1-Martins double secures top spot for Inter +World,Russia #39;s Putin Skeptical About Iraq Election +World,"Egypt heralds Mideast peace #39;breakthrough #39;, eyes return of <b>...</b>" +Business,Cisco: Wall St. Revenue View Reasonable (Reuters) +Business,Best Buy Co. Retail President Steps Down (AP) +Business,Treasuries Take Breather from Big Rally +Business,Rocky Shoes' Knockout Punch +Business,Update 1: Texas Instruments Narrows 4Q Guidance +Business,"Chipmaker says tech transitions on track for 2005, 2006" +Sci/Tech,Tech CEOs Issue Cyber-Security Recommendations +Sci/Tech,"Mmo2, Lucent to deploy converged fixed-mobile network on Isle of <b>...</b>" +Sci/Tech,Group: Robotic Rescue Mission Uncertain +Sports,IOC probe Jones drug allegations +Sports,Champions League: Arsenal reaches last 16 with 5-1 victory +Sci/Tech,Experts Push for More U.S. Computer Security Efforts (Reuters) +World,Italian Police Make Arrests in Mob Raids (AP) +Sci/Tech,Texas Instruments Narrows Forecast (Reuters) +World,Italian Police Make Arrests in Mob Raids +Sports,Arm Injury Pushed Leinart Into Football (AP) +Sci/Tech,Mexico Steps Up Battle Against Illegal Logging (Reuters) +Sports,Cubs Agree to Terms with Garciaparra +Sports,Boise State Extends Contract of Football Coach Hawkins +World,Punxsutawney Phil at Center of Pork Debate (AP) +Sci/Tech,Group: Robotic Rescue Mission Uncertain (AP) +World,House Nears Vote on Bill Overhauling Intelligence +World,Tentative Deal Is Reached on Easing N.Y. Drug Sentences +Sci/Tech,Experts Push for More U.S. Computer Security Efforts +Sci/Tech,Tech Execs Outline 'Net Security Agenda +World,"Dollar gets no help from talk, sinks to fresh low (AFP)" +Business,"Stocks Drop as J J, Energy Shares Weigh" +World,Top U.S. drug-addiction research warns against decriminalizing marijuana (Canadian Press) +Business,Texas Instruments Narrows Forecast +Sci/Tech,Phone-bound film +World,Justices Hear Arguments on Laws Limiting Interstate Wine Sales +Sci/Tech,BEA hails app server upgrade +Sci/Tech,Intel sheds light on 2005 desktop strategy +Sci/Tech,Experts want more government focus on cybersecurity +Sci/Tech,Oracle pushes on apps business again +Sci/Tech,IBM expands virtual resources for business partners +Sci/Tech,Oracle readies major app server upgrade +Sci/Tech,"IMlogic unveils IM, P2P threat-detection network" +Sci/Tech,"Lenovo, IBM may soon reveal PC unit deal" +Sci/Tech,Oracle pushes on BI +Sci/Tech,"Thunderbird 1.0 takes on Outlook Express, Eudora" +Business,"Pixar, Disney delay release of #39;Cars #39;" +Sports,IOC Sets Up Probe Into Marion Jones Allegations +Sports,Champions League: AC Milan tops its group after 0-0 draw at Celtic +Sports,Cubs agree to terms with Garciaparra +Sports,Classy Arsenal progress with big win +Sports,Salmans century guides Pakistan to tour victory +Sports,Psychology professor gets key athletics job +Sports,"Empty stadium won #39;t affect Real, says Samuel" +Sports,Texans Safety Marcus Coleman Out for Year (AP) +World,MAFIA ARRESTS AFTER NAPLES RAIDS +Sports,Pasqualoni Stays On +Sports,Cubs sign shortstop +Sports,Middlesbrough hold on for vital win +Sports,Comment was picked up by courtside microphone +Sports,Miami Dolphins player pleads innocent to airport assault +World,House Expected to Pass Intelligence Bill This Evening +World,Kanye West Leads Grammy Nominations +Business,"Colgate to cut about 4,400 jobs" +Business,IBM to Sell PC Business to Lenovo? +Business,China Aviation May Face Liquidation Suit in Singapore Court +Business,Intel CEO: Company recovered from product missteps +Business,Sprint and Lucent sign 3G network agreement +Sci/Tech,Group will fight IM threats with honeypots +Sci/Tech,Summary Box: Saving Hubble will be costly +Sci/Tech,Nintendo DS Sells Well in Japan +Sci/Tech,Microsoft Nears Release of 64-bit Windows +Sci/Tech,"Filtering still flawed, expert says" +Sports,Jones maintains innocence as IOC begins BALCO probe +Sports,Werder #39;s Valdez Victorious In Valencia +Sports,Ronaldo told to make friends +Sports,"Red Sox offer arbitration to Martinez, Varitek, six others" +Sports,"Petrino tries to end rumors, says he #39;s staying at U of L" +Sports,Veteran signs one-year deal to remain in Seattle +Business,Texas Instruments Cuts Forecast +World,Cheney: #39;We #39;re going to get it done #39; in Iraq +World,"Hamas attack kills Israeli soldier, ends lull in Gaza violence" +World,"Charles Jenkins arrives in Japan, says last chapter in his life is <b>...</b>" +World,Unit killed Iraqi civilians: marine +World,The suicidal left +World,Traumatised tsunami survivors to take years to heal (Reuters) +Business,"Seagate Hikes Profit, Sales Outlook" +Sports,Baseball Puts Bonds Homer Campaign on Hold (AP) +Sports,Garciaparra Re-Signs With Chicago Cubs (AP) +Sports,Soccer: Ugly scenes overshadow Bremen triumph in Spain +Sports,Celtic exit Europe after Milan draw +Sports,Psychologist to step up at UK Athletics +Sports,M #39;s sign Dan Wilson to one-year deal +World,AWOL US soldier seeks refugee status in Canada +World,Barghouti: A High Profile Expression of Rift in Fatah +World,Chemicals exporter faces genocide charges +World,African Union Forces to Deploy Fully in Darfur by Yearend +World,Vancouver man is victim of shoddy FBI investigation: lawyer (Canadian Press) +World,Candidates Officially Request Ohio Recount (AP) +Sports,Giambi's Agent Breaks Silence +World,Ukraine in election law deadlock +Business,Former EU Trade Chief Lamy Wins Backing for WTO Job +Business,Hub spoke at OracleWorld +Business,"Johnson amp; Johnson May Buy Guidant for \$24 Billion, People Say" +Business,Sprint unveils \$3bn plan to roll out 3G +Business,Texas Instruments Narrows Its 4th-Qtr Sales Forecast (Update2) +Sports,Zook Not Going to Bowl +Sci/Tech,How a safe haven could help save Hubble +Sci/Tech,Mozilla Releases Thunderbird 1.0 +Sci/Tech,BEA Systems Dances At Oracle #39;s Party +Sci/Tech,IBM Extends Chip Performance with Germanium Layering Technique +Sci/Tech,Dell cuts prices on many corporate products +World,Man held over Iraq gas deaths +Sports,Tuesday #39;s Sports Transactions +Sci/Tech,"REVIEW: 'EverQuest', 'Warcraft' Polished (AP)" +Business,Sprint upgrades mobile network +Business,Crude slumps below \$42 +Sci/Tech,Dating Site Seeks Lasting Impression (AdWeek.com) +Sci/Tech,"Update: OpenWorld Notebook -- database, grid control, integration improved (InfoWorld)" +Sci/Tech,Dell Touts Grid Computing Over Proprietary Systems +Sci/Tech,Two NCSSM Students Win National Team Science Competition +Sci/Tech,Trend Micro Offers Virus Scanning for Smart Phones +Sci/Tech,Euro's Kemp Sees 'Challenge' At BBDO (AdWeek.com) +Sports,Preparing athletes for Beijing 2008 is academic +Sports,Durham provides Dark Blues masterclass +Sports,Garciaparra stays with Cubs +Sci/Tech,A Pair of Linux Stocking Stuffers (Ziff Davis) +Sci/Tech,Oracle Vows 'Oversupport' for PeopleSoft Customers (Reuters) +Sci/Tech,Summary Box: Saving Hubble Will Be Costly (AP) +Sci/Tech,An Apple rumor a day +World,Chairwoman of Civil Rights Panel Resigns (AP) +World,San Diego's Incumbent Mayor to Be Sworn In (AP) +World,Mid-East peace claims 'premature' +World,Lead exposure link to cataracts +Sci/Tech,Nortel makes security push +Sci/Tech,Tech Firms Urge Bush to Focus on Cybersecurity +Sci/Tech,First Look: Affordable TiVo With DVD Burning +Business,Colgate rejig has a brush with layoffs +Business,Fiorina: HP #39;s Future All About Execution +Sports,Sprewell Suspended for Remarks Made to Fan (AP) +Sci/Tech,Service Pack 1 for Windows Server 2003 +Sports,Valencia 0-2 Werder Bremen: FT Report +Sports,Viduka ends drought +Sports,"Signed, Sealed, Delivered" +World,No rthern Trust Bank of Florida has full +World,Alberta teens excel in international testing +Business,Automakers Sue To Block State #39;s Tough Emissions Standards +Sports,Valencia #39;s Ranieri rails against Swedish referee Frisk +Business,Oracle Vows #39;Oversupport #39; for PeopleSoft Customers +World,"Ukraine President, Assembly Deadlocked Over Poll (Reuters)" +Sports,Bryant Comments Sour Malone on Lakers (AP) +Sports,Mariners re-sign longtime C Wilson +Sports,Seattle Catcher Dan Wilson OKs Contract (AP) +Sports,Meyer Begins New Era in Florida Football (AP) +World,"Ukraine President, Assembly Deadlocked Over Poll" +World,IRA Arms Photo Row Set to Break New N.Irish Deal +Business,Credit Suisse brings bank back into fold +Sci/Tech,San Francisco Rules Could Bar Elephants from Zoo +Sports,"Royals decline to offer arbitration to Gonzalez, Randa" +Sports,Meyer Begins New Era in Florida Football +World,General warns his troops +Sports,UHL Hockey Team Owner Faces Assault Charge (AP) +Business,Dollar Stalls Vs Yen +Business,Europe piles pressure on US as the greenback dips to new low +Business,Court Hears Interstate Wine Sales Case +Business,Merck appoints committee to review company actions on Vioxx +Sci/Tech,Sony and Nvidia Develop +Sci/Tech,Mozilla Thunderbirs 1.0 e-mail client launched +Sci/Tech,Lycos withdraws vigilante anti-spam screensaver +Sports,McCarthy #39;s late header sends Porto through +Sports,Ranieri feels heat as Valencia fall +Sports,Cricket-Pakistan get first crack at Aussie Test bat +Sports,Seattle catcher Dan Wilson agrees to one-year contract +Sci/Tech,Its Flexible Circuits Keep Our Gadgets Tiny (Investor's Business Daily) +World,Amnesty: Rapes in War Zones Not Punished (AP) +World,"Report: Egypt brokers Israeli-Palestinian cease-fire, peace <b>...</b>" +World,Palestinian leaders urge Syria to stay out of elections +Sports,"Nomar Re-Signs, Pedro Offered Arbitration (AP)" +Sci/Tech,Siebel unveils SMB go-to-market strategy (InfoWorld) +Sci/Tech,San Francisco Rules Could Bar Elephants from Zoo (Reuters) +World,Spitzer to Run for Governor in New York (AP) +World,House Passes Sweeping Intelligence Reforms (Reuters) +Business,Automakers Sue to Block Emissions Law in California +Business,IBM Sells PC Unit to China #39;s Lenovo +Business,Supreme Court Hears Arguments On Internet Wine Sales +Business,Branson promises travellers new price war on London to Sydney air <b>...</b> +Business,Arizona bell-ringers taking plastic this year +Business,Business Analysis: Turner amp; Newall pensions crisis leaves <b>...</b> +Sports,Players OK Reaching Deal on Steroid Tests (AP) +Sci/Tech,Nvidia to be Sony game supplier +Sci/Tech,NASA seeks methods to repair shuttles in flight +Sci/Tech,Air Force says shuttle spectators at high risk +Sci/Tech,Does the #39;Halo 2 #39; effect threaten broadband? +Sports,IOC Joins Steroid Inquiry Involving Marion Jones +Sports,NBA to review Sprewell #39;s comments against female +Sports,Garciaparra stays with Cubs on big deadline night +Sports,Astros re-sign Palmeiro +World, #39;The blood is running #39;: Mafia wars erupt again +Sports,I.O.C. Joins Steroid Inquiry Involving Marion Jones +Business,IBM Sells PC Unit to China's Lenovo (Reuters) +Business,Retailers Looking to Move Plasma TV's (AP) +Business,Saudi Arabia moves to cut production ahead of Opec meeting +Sci/Tech,Thunderbird 1.0 Takes Aim At Microsoft #39;s Outlook Express +Sci/Tech,Project shows business side of grid +Sci/Tech,Security software protects data-centric mobile phones and PDAs +Sports,British attack Klitschko drug past +World,"Son #39;s birth convinced war dodger, hearing told" +Business,Colgate to slash 10pc of workforce +Business,Half the world #39;s workers earn less than \$2 a day +Business,Automakers Sue to Block Emissions Law in California +Business,"Weldon: Reports Say JNJ, Guidant Merger Seen Within Week" +Business,Update 5: EU Official Concerned About Italy Figures +World,IRA Says It Has Resumed Disarmament Talks (AP) +Sports,Rogge steps up pressure over Jones drugs claims +World,Dozens arrested in Mafia swoop +World,EU to give China #39;signal #39; on lifting arms ban at summit +Sci/Tech,China Computer Maker Acquires IBM PC Biz (AP) +World,PMs to publish devolution plan +Sci/Tech,Oracle Vows 'Oversupport' for PeopleSoft Customers +Sci/Tech,IBM to Sell PC Sector to Chinese Firm +Business,Colgate to Cut Jobs and Use Savings to Spur Sales +Sci/Tech,Veritas' India lab to become its largest R D center +Sci/Tech,Israel to collaborate with India in IT +Sci/Tech,Cisco guns for data centers +Sci/Tech,Tech firms urge Bush to focus on cybersecurity +Sci/Tech,Siebel unveils SMB go-to-market strategy +Sci/Tech,Intel Sheds Light on 2005 Desktop Strategy +Business,Justices hear arguments about Internet wine sales +Business,Brussels likely to put deficit disputes on ice +Sports,Clippers forward Brand suspended one game +Sports,No. 11 Pittsburgh Outguns Memphis 70-51 (AP) +Sports,No. 11 Pittsburgh Beats Memphis +Sci/Tech,Mac OS X Tip of the Week: Application Switching +Business,Lenovo to acquire IBM Personal Computing Division +Business,Oil prices fall to four-month low +Business,European Governments Back Lamy for WTO Job +Business,J amp;J in Guidant merger talks +World,Medics' training applies lessons of battle +Sports,Can Klitschko Establish Himself as the Best against Williams? +Sports,CL Preview: Three teams still in the hunt in Group B +Sports,Signings roundup: Cormier signs two-year deal with Phillies +Sports,Coach to clash with former point guard +World,Philippine officials appeal for international assistance +Business,Credit Suisse to Overhaul First Boston Operations +Sports,No. 18 Alabama Holds Off Alabama St. 72-54 (AP) +Sci/Tech,Switched on? +Sci/Tech,Microsoft nears release of 64-bit Windows +Sports,Almunia feeling pressure +Sports,Red Sox to meet with Pedro in Dominican +Sports,Tuesday #39;s Sports Transactions +Sports,Arizona State Upsets No. 11 Georgia 67-57 (AP) +Business,Wall St. Turns to the Time Out as Punishment +World,US presses Syrians on border security +Business,EU backs Lamy to head World Trade Organisation +Business,Half of all workers on \$2 a day or less +Business,Messier fined 1m for hiding debts +Sci/Tech,Mozilla Thunderbird 1.0 e-mail Client available. +Sci/Tech,Toshiba #39;s DVD has it both ways +Sci/Tech,Flash iPod rumours lift Apple stock +Sports,"Pitt erupts in second half, routs Duquesne, 87-57" +Sports,"Red Sox offer arbitration to Martinez, Lowe, Varitek" +Sports,Clippers #39; Brand suspended one game +Sports,"Cavaliers 103, Nets 97" +Sports,No. 24 Wisconsin Tops Wisconsin-Green Bay (AP) +World,Blair petitioned to set up inquiry into Iraqi war dead +Sports,Goalie Gets Long Workout +Sports,Pierce Thrives in Middle +Sports,Cowboys Ride J. Jones +Sports,Pittsburgh Pounds Memphis +Sports,No 'Lake' Show for Malone +Sports,Losing Takes Its Toll +Business,Merck #39;s Board Appoints Panel to Investigate Handling of Vioxx +Sports,Football: Real prepare for crucial tie +Sports,"No. 11 Pittsburgh 70, Memphis 51" +World,51 held over deadly feud in Naples +World,Australia to Spend A\$591 Million Increasing Embassy Security +Sports,Clippers' Brand Suspended One Game +Sports,Terps Blast Bonnies +Sports,Nowitzki Burns Wolves +World,U.S. Blasts All Parties in Darfur Conflict (AP) +World,"US marines in Philippines on storm relief mission, health fears grow (AFP)" +World,Farmers Being Moved Aside by China's Real Estate Boom +World,U.S.: Rebels Aided by Sources in Syria +Business,Europe #39;s Frustration Grows as Dollar Hits Another Low +Business,Justices Question Ban on Wine Sales From Out of State +Business,Bipartisan Panel Seeks Greenhouse Gas Limits +Business,Gold Fields Shareholders Reject a Merger +Sports,"Rookie J. Jones, Cowboys Up and Running" +World,Dutchman suspected of aiding Saddam +Sports,"College Basketball: Pitt, Texas Roll to Easy Wins" +Sports,"The Windup, the Spin as Bonds Gets Advice" +Sports,Play of Some Linemen Carries a Lot of Weight +Business,"French market watchdog fines Vivendi, former CEO" +World,Grieving parents return to sea's edge +Sports,Maryland Women #39;s Basketball Returns Home on Tuesday +Sports,Lady Bulldogs Host Sun Devils +Sports,Knicks injured guard Houston activated in Memphis +World,EU-China summit to give Beijing signal on arms ban +World,US Blasts All Parties in Darfur Conflict +World,\$591m boost to embassy security +Sports,NBA Wrap: Nowitzki Leads Dallas Past Minnesota +Sports,"Porto Stays Alive, Arsenal and Bremen Progress" +Sports,The Rockies Waste No Time Taking Action on Neagle +World,Egypt Sees Move Towards Israel-Palestinian Peace (Reuters) +World,Australia to boost security measures at overseas missions (AFP) +Business,IBM Selling PC Unit to China's Lenovo +World,OPEC Hawks Want to Keep Prices High +Business,"Retirees Return to the Grind, but This Time It's on Their Own Terms" +Business,Local IBM PC employees gear up for Lenovo move +Business,Canada reverses its flu vaccine policy +Business,Metcash soars on expectations that Australian prey will turn <b>...</b> +Business,Harmony Gold Stakes a Bold Claim +World,Private aid groups pressing New Delhi for access to islands +Sci/Tech,Astronaut #39;s Long Career Ends +Sci/Tech,A Phony PC Price War? +Sci/Tech,Kazaa Trial Won #39;t Fix Music Industry Blues +Sports,IOC opens investigation into allegations against Jones +Sports,Gerrard makes Liverpool quit ultimatum +Sports,"Hamm, Foudy and Fawcett take final bows tonight" +Sports,NBA Wrap: Nowitzki Leads Dallas Past Minnesota +Sports,"Maryland Is a Bit Off, But Still Wins in Rout" +Sports,NBA: Sprewell suspended over fan-directed obscenities +Sports,Bears #39; Krenzel sidelined for season +Sports,No. 14 Texas Overwhelms North Texas 86-57 (AP) +World,Annan Rejects Calls For His Resignation +World,US accuses all parties in Darfur conflict of complicity in <b>...</b> +Sci/Tech,"Epson developing e-paper, giant flexible screens" +Sports,Sanders Nears Return +World,Official death toll seen underestimated +Sci/Tech,Mozilla Thunderbird 1.0 Email Client Launched +Sci/Tech,News: Sprint sued over alleged vice hacks +Sci/Tech,Hewlett Chief Says a Breakup Was Discussed +Sci/Tech,Cisco Expects to Hit Estimate for Revenue +Sci/Tech,Telecom Italia Outlines Plan to Purchase Mobile Unit +Sci/Tech,"Culturally Worlds Apart, Children Touch Musically" +Business,Insurance Companies Subpoenaed in Probe +Business,Carmakers Fight Calif. Anti-Pollution Law +Business,County Refocuses on Retail +Business,Chinese Firm To Buy IBM #39;s PC Business For \$1.75 Billion +Business,Slate #39;s Jurisprudence: Court Mulls Wine by Mail +Business,"Technology, Energy Lead Decline" +Sports,No.5 Oklahoma St. Tops No.4 Syracuse 74-60 (AP) +Sports,Werder Bremen and Porto get it done late +Sports,It #39;s fun #39;n #39; games again at Florida +Sports,James Leads Cleveland to Top of Eastern Conference Cavaliers 103 <b>...</b> +World,"US soldier, ex-Afghan militia leader killed in clash" +World,Rumsfeld to continue as defence secretary +World,UN: Chaos Looms in Darfur +World,French Universities to Enroll Imams +World,US Marines Dispatched to Storm-Ravaged Philippines +World,Pakistan Tests Medium-Range Nuclear-Capable Missile +Business,Court could allow out-of-state wine to flow into Michigan +Business,JOHNSON amp; JOHNSON REPORTEDLY IN TALKS TO ACQUIRE GUIDANT +Sci/Tech,Dell seeks to open plant in Europe +Sports,Champions League roundup +Sports,Even Kidd Can #39;t Help Nets Win on Road +World,Oil for food: The mother of all scandals +World,"Israeli soldier, four militants killed in Gaza" +Business,Japan Stocks Rise But Weak Data Weigh (Reuters) +Business,"Dollar Firmer, Sell-Off Seen Waning (Reuters)" +Business,Lenovo Buys IBM #39;s PC Business for \$1.25 Billion (Update4) +Business,Court asked to lift bar on interstate wine sales +Sci/Tech,"Independent study finds robotic rescue mission costly, uncertain <b>...</b>" +Sci/Tech,Fujitsu amp; Cisco To Jointly Develop Routers +Sci/Tech,An Educated Cat? +Sci/Tech,China Computer Maker Acquires IBM PC Biz (AP) +Sports,IOC Is Looking At Jones +Sports,Illinois to name Zook its new coach +Sports,Butt boosts Test chance with ton +Sports,Oklahoma State squeezes Orange +World,"UN warns of diarrhea, malaria outbreaks in storm-hit areas" +World,Anderson terms Musharraf man of courage +World,What's your tipple? How about a prehistoric Chinese brew (AFP) +World,Winnipeg police in standoff with armed man after cabbie shot (Canadian Press) +Sports,College Basketball: Oklahoma State Beats Syracuse +Sci/Tech,IBM Deal Puts Lenovo on Global Stage +Sci/Tech,Tougher Cyber-Security Measures Urged +Sci/Tech,AT #38;T Unit to Build Network for Treasury +Sci/Tech,Toyota Cuts Deals for Satellite Radio +Sci/Tech,Spherix May Get Another Shot at Contract +Business,Chinese firm buys IBM PC business +Business,"Colgate to cut work force, India may emerge hub" +World,The faithful seek answers +Business,UN: More workers than ever before are living in poverty +Business,Virgin eyes mobile JV in China +Business,Spitzer Probe Looks At Professional Liability +Sci/Tech,Yahoo Bolsters Local Search Business Listings +Sci/Tech, #39;Morning Edition #39; Returns: Congrats to the Cat +Sports,Gunners ease past Rosenborg +Sports,Van Nistelrooy misses United #39;s last group game +Sports,"Twins, veteran Radke agree to two-year deal" +Sports,Appier Agrees to Comeback With Royals (AP) +World,Rumsfeld: Troops may exit Iraq within 4 years +World,on the record: +World,Pakistan Tests Medium-Range Nuclear-Capable Missile +Sports,No. 25 Gonzaga Edges Washington St. 54-52 (AP) +Business,Tokyo's Nikkei Average Rises 0.54 Percent +Business,Nikkei Ends Higher +Business,Update 3: China Computer Maker Acquires IBM PC Biz +Business,Merck sets up Vioxx review committee +World,UK's Blair Challenged to Tally Iraq War Dead (Reuters) +Sports,Report says five Pacers among 10 to be charged from NBA brawl (AFP) +Sports,Yankees Close in on Deal With Wright (AP) +World,Pro-independence parties tipped to make gains in Taiwan vote (AFP) +Sports,Teen to Play PGA Tour Event Next Season (AP) +Sci/Tech,"Nvidia, Sony Unite For Graphics Chip" +Sci/Tech,Trend Micro Offers Free Mobile Security Solution +Sports,Cardinals re-sign pitcher Matt Morris +Sports,"Twins keep Radke, Blanco to Cubs" +Sports,Knicks: Houston activated but may sit until weekend +Sports,"Yankees drop Cairo, chase Womack, Wright" +Sports,Krauser sinks Tigers from free throw line +Sports,Syracuse #39;s flaws show in loss to Oklahoma St. +World,Ex-US marine: I killed Iraqi civilians +World,Top official angry over foreign insurgents in Iraq +World,China calls for Europe to lift arms embargo +World,US praises Mbeki #39;s I Coast peace bid +Business,J amp;J deal with Guidant in the offing +Business,Singapore Police Arrest CAO Chief Exec +Business,Supreme Court Hears Wine Arguments +Business,POITIER SAW #39;DEEP MISMATCH #39; +Business,Harmony closes in on Gold Fields as Sanlam springs vote surprise +Sports,White Sox Cut Ties With Ordonez (AP) +World,Canadian JTF-2 special ops force gets American citation (Canadian Press) +Sports,MLB Players Open to Changes in Steroids Testing +World,UN Council Warns Rwanda Against Attack in Congo +World,Chinese firm buys IBM PC business +World,Bush Pins Hopes on Iraq Election +World,Former Marine Testifies to Atrocities in Iraq +World,IBM Deal Puts Lenovo on Global Stage +Sports,BC eases past UMass +Business,Oil falls to 3-month low on mild US weather +Business,Virgin in talks to secure a slice of China #39;s mobile market +Sci/Tech,Tech Firms Urge Bush to Focus on Cybersecurity +Sports,"Yankees close with Wright, Womack" +Sports,PITT PUNISHMENT +Business,Singapore police arrest China Aviation Oil chief? (updated PM 3:06 <b>...</b> +Business,High court hears case on interstate wine shipments +Business,Filing details perks for Colgate execs +Sci/Tech,Primate researcher brings environmental message to Singapore <b>...</b> +Sports,TERRY UPBEAT DESPITE RARE DEFEAT +World,UN Ambassador Calls for Sudan Aid +World,Test shows US students trailing in math +Business,Oil Prices Touch a New Three-Month Low +Business,Nikkei Rises for 1st Time in 3 Sessions +Business,OPEC Frets Over Excess Supply +Business,Dollar Rises Against Euro and Yen +Business,Unmarried gay couples lose health benefits +Business,Ten more partners join exodus at Hub law firm +Business,"For Boston Scientific, a potential threat" +Business,Productivity growth slows in 3d quarter +Business,Dell cuts equipment prices to businesses +Business,Dollar drops again; Europeans consider intervention +Business,Calpers to disclose venture fees +Business,AOL cuts 4 of workforce +Business,"Ovitz mismatched, Poitier testifies" +Business,OPEC likely to push to tighten supply +Business,WTC Verdict Won #39;t Hike Insurance Prices +Business,"Vivendi, Messier Each Fined EU1 Million by Regulator (Update2)" +Business,Editorial: Supreme Court should allow interstate trade +Business,Actor Takes Center Stage as Disney Trial Grinds On +Business,"HP eyed breaking up 3 times Each time, board decided against it" +Sci/Tech,Professor declined to be expert witness for Sharman +Sports,Jaguars lose out even after victory +Sports,Garciaparra remains a Cub +Sports,Cormier opts to stay with Phillies +World,Dutch Say Dealer Sold Chemicals to Hussein +Sports,No flex in union muscle +Sports,Sox cover their bases with offers +Sports,Herren charged after car crash +Sports,James keeps Cavs hot +Sports,First defeat for Syracuse +Sports,Washington list shrinks +Sports,Terriers rain buckets on Crimson's heads +World,Gunmen Attack Samarra Police Headquarters (AP) +World,Panel Examines Funds for Energy Security (AP) +World,Court-martial set in shooting of Iraqi +World,"Powell, Russian official in Ukraine clash" +World,Ukrainian legislators fail to pass vote reform +World,Victims tell of consulate attackers' search for Americans +Business,"French market watchdog fines Vivendi, former CEO" +Business,Nikkei Rises for 1st Time in 3 Sessions +Sci/Tech,MBA graduate thinks he is the cat #39;s whiskers +World,Pakistan Tests Medium-Range Nuclear-Capable Missile +World,Allawi meets Putin to boost trade ties +Business,State wineries are hoping to toast a major windfall +Sports,S.D. backups charged up +Sci/Tech,Toshiba announces HD-DVD / DVD combo disc +Sci/Tech,Thunderbird Leaves the Nest +Sci/Tech,Technology companies launch grid project to woo users +Sports,Oklahoma State supporting cast grabs spotlight against Syracuse +Sports,Ravens' win comes too late +World,"For want of a photo, agreement is lost" +World,EU Says Time Not Right to Lift China Arms Ban +World,Israeli Army unit suspended after killing unarmed man +World,"U.N., Cambodia to Thrash Out Khmer Rouge Trials" +Business,Lenovo to buy IBM PC arm +Business,"Credit Suisse to combine units, float Winterthur" +Sports,Bengals feast on backups +Business,"Good disguise, eh?" +Sports,Favre makes short work of Bears in rout +Sci/Tech,Firefox #39;s Times ad late as 10 million downloads near +Sports,Panthers #39; defense leads to another win +Sports,Last day of Champions League kicks off +Sports,"World icons Hamm, Foudy take their last kicks tonight" +Sports,Cardinals get kicks in finale +Sports,Bills get bounced by Steelers' subs +Sports,Cashing in on an advance +Sports,Delgado Not Offered Arbitration by Blue (AP) +World,Deserter #39;s hearing told of atrocities +World,Putin casts doubt on Iraq polls +Sports,Warmin' to that spotlight +World,Deserter free after 40 years +Business,Slowdown in eurozone growth is only temporary: ECB (AFP) +Business,"Tech, Miners Lead European Shares Lower" +Business,China Aviation chief is arrested +Business,Colgate-Palmolive to cut 4440 jobs +Business,Denver loses as gold-mining merger scuttled +Business,Infinity president says Stern to fulfill contract +Sci/Tech,Love of science requited +Sports,WE #39;RE BACK +Sports,Woods back in the swing +Sports,Zook receives warm welcome to Illinois +Sports,UPDATE 1-First India test postponed to Friday +Sci/Tech,Tougher Cyber-Security Measures Urged (washingtonpost.com) +Sci/Tech,IBM Deal Puts Lenovo on Global Stage (washingtonpost.com) +World,Anheuser-Busch Teams With Saigon Beer (AP) +World,"Powell, Russian official in Ukraine clash" +World,Egypt pushes Israeli-Palestinian accord +World,Experts Still Examine Yushchenko Illness -- Doctor +Sports,Today's schedule +Sports,Transactions +World,Freed Captive Tells of Ordeal in Attack on Consulate in Jidda +Sci/Tech,Lifestyle 'governs mobile choice' +World,Grenade attack injures 30 as Kalam visits troops in Kashmir (AFP) +Business,IBM #39;s PC division bought by Lenovo +Business,China Aviation chief is arrested +Sci/Tech,NVIDIA and Sony hook-up +World,NATO Set to Downgrade Ukraine Meet -- Diplomats +World,Russia Using Soviet Tactics Over Ukraine -- Warsaw +World,U.S. Sends Troops to Help Philippine Flood Relief +Sports,Titans close out season on a high +Business,Oracle shaken by PeopleSoft customers #39; concerns +Business,Branson Launches Virgin Atlantic Flights to Australia +Business,Vivendi and its former boss fined +World,Tokyo Stocks Post Modest Rebound (AP) +Sports,Holcomb's return sparks Browns +Business,"Oil at 3-Month Low, Off \$8 in 7 Sessions" +Business,"Dollar Rises 1 Percent Against Euro, Yen" +World,Murder-charge cleric denied bail +Sci/Tech,IBM called for 500m IT contract +Sci/Tech,Microsoft Xbox Live Traffic Quadruples Following Halo-2 Launch +Sports,MLB stars facing tough drugs tests +Sports,Gerrard urges fans to get behind team +Sports,INDIA TOUR GIVEN GO-AHEAD +Sports,Harris three helps +Sports,"Vikings go down, but they're not out" +World,"Dutch arrest man suspected of aiding Saddam war crimes, genocide (AFP)" +World,Putin went #39;too far #39; on Ukraine +World,Incredibles head animation awards +Sports,Indians given the green light +Sports,Players give OK to steroid-test talks +World,US Sends Troops to Help Philippine Flood Relief +World,Intelligence sources warn Abu Mazens election not in the bag +Business,Govt: Consumers face high heat bills +Business,It #39;s official: IBM sells PC unit to Chinese company +Sports,Coulthard ready for F1 return. +Business,"Oil worries remain, despite price slide" +Sports,Funny bone intact +Sci/Tech,HD-DVD format war looms +Sci/Tech,Update for Microsoft's Windows Server 2003 secures new beta status +Sci/Tech,IBM CEO's memo clarifies PC biz sell-off +Sci/Tech,Astronaut's Long Career Ends +Sci/Tech,New Remedies for a Frustrating Illness. But Do They Work? +Business,IBM Selling PC Unit to China's Lenovo (Reuters) +Business,Chinese Computer Maker Acquires IBM +Sports,Oklahoma State's Miles gets LSU job +Business,Issing says EU growth will pick up soon +Sports,"Giant finish for Manning, Barber" +Business, #39;Go Canadian #39; advises US t-shirt maker +World,Three Iraqis Killed in Bomb Attack on U.S. Troops (Reuters) +Sci/Tech,"Netscape prototype browser more secure, says analyst" +Sci/Tech,Toshiba Develops Dual-Format DVD +Sports,FOOTBALL: ONE-NORSE RACE FOR GUNNERS +Sports,Celt #39;s Euro dream is over +Sports,Auburn hoping for sweet redemption +World,Annan Rejects Calls for Resignation +World,Pakistan test-fires medium range ballistic missile +World,Russian chamber approves street beer drinking ban +World,Ghana waits for election verdict +World,US rejects climate policy attacks +World,CIA Analyst Cautious About Iraq +Sci/Tech,Update for Microsoft #39;s Windows Server 2003 secures new beta status +Sci/Tech,Excel powers advanced Halo 2 stats system +Sports,Ganguly plays down security fears +Business,IBM Selling PC Unit to China's Lenovo +Business,Economy shrugs off soaring oil prices +Business,"As steel prices soar, developers scramble" +Business,CSFB betting ring denies abuses +Business,Arla Foods to Merge With Campina +World,Ukraine parliament passes plan to weaken presidency (AFP) +Sci/Tech,NASA #39;s Longest-Serving Astronaut to Retire +Sci/Tech,Toshiba and disc maker develop dual format DVD +Sci/Tech,Tougher Cyber-Security Measures Urged +Sci/Tech,Deciphered chicken genome sheds light on human DNA +Sci/Tech,Computing giants team up on grid +Sci/Tech,New Attitude: Prince of Persia +Sports,IOC opens probe of Jones doping allegations +Sports,FIRST PICS - DC TESTS FOR RED BULL +Sports,Barea sparks Huskies +Sports,The long goodbye +Sci/Tech,S amp;P frowns on Telecom Italia debt (TheDeal.com) +World,Egypt brokers West Asia peace pact +World,Putin hopes Russian companies will get good deal in Iraq +World,Ghana waits for election results +Sci/Tech,Scientists Develop Fast Diagnostic Test for Bird Flu (Reuters) +Sci/Tech,UK in Danger of Missing CO2 Emission Target (Reuters) +World,EU Holds Out Prospect of End to China Arms Embargo +Sci/Tech,Red Tide Algae Lurks in Gulf Coast (AP) +Sci/Tech,NASA's Longest-Serving Astronaut to Retire (AP) +World,Shangri-La No More: The Dragons Have Settled In +Sci/Tech,"Meet Frank Fowlie, the Internet's physician" +Business,"Oil at 3-Month Low, Off \$8 in 7 Sessions" +Sports,Eagles get a line on West Virginia +Sports,"Celtic 0, AC Milan 0" +Sports,FOOTBALL: BENNI-FIT NIGHT AS HOLDERS SURVIVE +Sports,Redknapp to be unveiled as Saints boss - report +Sports,No. 5 Cowboys #39; physical defense punishes Orange +Sports,Knicks done in by defense +World,EU Holds Out Prospect of End to China Arms Embargo +Business,Data Revision Shows Japan's Economy Grew (AP) +Business,IBM quits PC manufacturing in 900m deal +Sci/Tech,The Picture of Devotion +Sci/Tech,EBay Negative on Negativland IPod +Sci/Tech,Cell Phones Work as Tour Guides +Sci/Tech,Blade: The Art of Gore +Sci/Tech,New Attitude: Prince of Persia +Sci/Tech,The True Measure of Success +World,UK to Seek Bush Support on G8 Poverty Goals (Reuters) +Business,Oracle concern at #39;brain drain #39; +World,China's Lenovo buys IBM personal computer business for 1.25 bln dollars (AFP) +Sci/Tech,Toshiba and Memory-Tech go Dual-Format DVD. +Sci/Tech,Mozilla #39;s Thunderbird is go +Sci/Tech,Cisco guns for datacentres +Sports,O #39;Neill #39;envious #39; of Europe #39;s top clubs +Sports,Redknapp #39;ready to join Saints #39; +World,NATO Postpones Talks with Ukrainian Minister +World,UK to Seek Bush Support on G8 Poverty Goals +World,US air force 'deaf to sex claims' +Business,Lenovo buys IBM PC business +Business,"Motorola, others profit from major Sprint upgrade" +Business,Johnson and Johnson mulls USD24bn takeover +Business,India on track to poverty reduction: ILO: +Business,Lamy gets EU backing for WTO +Business,California outlook: solid but unspectacular +Business,Postponed quot;Cars quot; release puts Pixar ahead +Sports,Safe landing for Seahawks +Sports,Victory not enough as Saints eliminated +Business,Falling Oil Hits Europe; Dollar Bounces (Reuters) +World,EU set to close fishing grounds +Sports,Terriers are unable to go out in style +Sports,"Missing point, Celtics stumble" +Business,Global Funds Offer Broad Exposure (AP) +Sci/Tech,Dual DVD/HD-DVD disc developed +Sci/Tech,"Dell, EMC, Intel and Oracle line up on the grid" +Sci/Tech,Technology ; Experts push for more US computer security efforts +Sci/Tech,BEA hails app server upgrade +Sci/Tech,Sony Sings Off-Key +Sci/Tech,Mobile networks are iPod #39;threat #39; +Sci/Tech,Kazaa trial highlights P2P dangers +Sports,Mourinho unhappy with Porto loss +Sports,Where can O #39;Neill go from here? +Sports,Gerrard is the man +Sports,Valencia tarnish image with angry Champions League exit +Sports,Bayer look to leave Kiev out in the cold +Sports,India arrives amidst unprecedented security +World,Who #39;s behind the oil-for-food scandal? +World,"US marines in Philippines on storm relief mission, health fears <b>...</b>" +World,Palestinian killed in Gaza Strip +Business,Stocks Set for Flat Open; IBM in Focus +Business,"Dollar Rises, Investors Focus on Rates" +Business,Falling Oil Hits Europe; Dollar Bounces +Business,Miners Lead European Stocks Down +Business,"BBC Schedules Major Cuts in Payroll, Budget" +Business,New sales push for struggling GM +Sports,Dillon: Cash and carry setup working well +Sci/Tech,Nvidia to supply PlayStation 3 graphics chip +Sci/Tech,NASA #39;s longest-serving astronaut retiring +Sci/Tech,Technology ; Dell seeks to open second PC plant in Europe +Sports,Ranieri Livid In Defeat +Business,File-sorting software coming of age +World,US says quot;getting nowhere quot; with crisis in Darfur +Business,Officials say Logan death a horrible accident #39; +Business,A plan for US energy security? +Sports,Reports: Charges Expected for Five Pacers (AP) +World,Israel #39;s Sharon Lines Up Support for Likud Vote +Business,Mortgage Applications Rose Last Week (Reuters) +Business,Lenovo-IBM is a tough sell +Business,Latest Business news on mobile: sms BIZ to 7333 +Business,"Report: Calif economy will see growth in 2005, but danger looms" +Business,Software for drummers and strummers +Sci/Tech,Kids happy to get an Apple in their stocking +World,Clashes before Hoon #39;s visit to Iraq +World,Pope Prays for Iraqi People after Bomb Attacks on Churches +Business,Stocks to Watch Wednesday +Business,Bank calls for Argentine reforms +Business,Commentary: Is China on the verge of its own Enron scandal? +Sci/Tech,Thunderbird 1.0 email client bids to repeat Firefox success +Sci/Tech,HD-DVD Sticks It To Blu-Ray......again +Business,"Drug makers adding X-rays, MRIs to arsenal" +Sci/Tech,Sonys Walkman bows to MP3 format +Sci/Tech,IBM expands virtual resources for partners +Sci/Tech,IT disaster in British public authority caused by operator +Business,"On latest players, choice is unlimited" +Sports,Players OK talks on steroids +Sports,V.KLITSCKO V D.WILLIAMS FIXED ODDS BETTING PREVIEW +Sports,Redknapp move angers Pompey fans +Sports,Soccer: Youth brings energy to a night drained of meaning +Sports,UPDATE 1-Coulthard tests for Red Bull in Spain +World,AFGHAN PRESIDENT TAKES ON TALIBAN +World,Iraqi PM Calls on Russian Companies to Take Part in Reconstruction +World,Bush puts squeeze on UN #39;s Annan +World,Finnish government plans sale of 250-300 mln TeliaSonera shares (AFP) +World,Troops Put Tough Questions to Rumsfeld (AP) +Business,Mortgage Applications Rise Last Week +World,N.Irish Deal Stalls Over IRA Arms Pictures +Business,TI Narrows Forecast for Fourth Quarter +World,S Korea's Roh visits Iraq troops +World,Ganguly plays down security fears +Business,Exec arrested in Singapore scandal +Business,Jukebox is reborn for the Internet age +Business,Reliance unit loses Anil Ambani +Sci/Tech,Bush urged to get to grips with cybersecurity +Sports,Australia Beats NZ in One-Day Cricket Match to Tie Series 1-1 +Sports,Gerrard issues warning +Sports,Real Madrid faces AS Roma in #39;the most important game of the <b>...</b> +World,Karzai faces drug challenge at outset of fresh presidential term +World,High Turnout Reported for Ghana #39;s National Elections +Sports,Williams in Pull-Out Threat Over Beard Inspection +Business,Lenovo IBM deal a #39;great leap #39; for Chinese companies on the world <b>...</b> +Business,Bank of England policymakers meet; no change seen on interest rates (AFP) +Sports,Arsenal and Bremen advance with Porto #39;s hope alive +Sports,Celtic needs to take stock - O #39;Neill +Sports,Singh not breaking habits +Sports,Arsenal v Rosenborg - Player Ratings +Sports,"He Sounds Confident, Not Cocky" +Sports,Indian cricket team arrives in Bangladesh +World,Hamas rejects ceasefire in preparations for Palestinian elections +Business,Pixar Falls 4 Percent Before Bell +Business,Safeway Sets Outlook Below Estimates (Reuters) +Business,Nortel to File Restated Results Next Year +Business,"Colgate overhaul to cut over 4,400 jobs" +Business,"China Aviation Oil CEO arrested in Singapore, helping CAD with <b>...</b>" +Business,"US is urged to adopt new, diverse energy policy" +Business,Update 2: VimpelCom Hit With \$157M Back Tax Claim +Business,Merck sets up new Vioxx review +World,Fighting Rages in Iraq's Rebel-Held Ramadi (Reuters) +World,South American Leaders Discuss New Bloc (AP) +Sports,Williams in Pull-Out Threat Over Beard Inspection +Sports,RANIERI BLASTS FRISK +Sports,Aussies prevail in SCG thriller +World,Karzai to Address Afghan Tribal Leaders (AP) +World,Karzai to Address Tribal Leaders +World,DeTrani drums up support for talks +World,Russia Using Soviet Tactics Over Ukraine -- Warsaw +World,Paisley rules out devolution deal +Business,Lenovo Buys IBM #39;s PC Business for \$1.25 Billion (Update7) +Business,Calpers reveals risky investments #39; cost +Sci/Tech,Mission is over for top astronaut +Sci/Tech,PA Sues Online #39;University #39; For Spamming +Sports,Silverstone owners #39;hopeful #39; for F1 deal +Sports,Thistle see an end to wanderings +Business,China #39;s Lenovo acquires IBM #39;s PC business +Business,Merck Sees 2005 Profit Hurt by Vioxx +Business,AutoZone Earnings Are Flat +World,'The boat started shaking' +Sci/Tech,Telecom Tests Online Aromatherapy Service (AP) +Sci/Tech,BEA Rolls Out WebLogic Server 9.0 for SOA +Sci/Tech,Want a PS2 this Christmas? You #39;ll be lucky! +World,"India, Pakistan say need more talks on Kashmir bus (Reuters)" +Sports,Benni the toast of Portugal +Sports,No appeal against Mols five-match ban +Sci/Tech,Vodafone seeks second place in Japan with slice of growing 3G market (AFP) +Sci/Tech,Penguin Computing launches cluster in a box (InfoWorld) +Sci/Tech,Finding the Best Programmer's Font +World,Experts: Men Distort Religion to Justify 'Honour' Killings +Sci/Tech,Intel CEO: Company Recovered From Missteps +Sci/Tech,HP Board Pondered Breaking Up the Company +Sci/Tech,"'EverQuest,' 'Warcraft' Polished" +Business,Update 2: GM Europe Pledges to Avoid Job Cuts +Sci/Tech,Sony selects NVIDIA for Playstation 3 chips +Sci/Tech,Lycos Anti-Spam Screensaver Inspires Trojan +Sci/Tech,Ancient brew discovered in China +Sci/Tech,Napster founder back with new file-sharing venture +Sports,Pair say strip cheats +Sports,Gerrard Wants Fans To Play Their Part +Sports,Indian cricket team in Dhaka: +Sports,Champions Trophy 2004 +World,No Mideast peace deal yet: Palestinian official +World,Iraqi Officials Consider Extending Voting Period +World,Annan rejects resignation demands +World,Pakistan does 2nd test of nuclear-capable missile in 10 days +World,GREAT LAKES: African Union may help disarm militias +Business,"Stocks Open Higher, Lower Oil Prices Help" +Business,Saudi Arabia Questions Need for OPEC Move +Business,"Toro Earnings Rise, Dividend Doubled" +World,N. Korea Remains Are Not of Japan Citizen (AP) +Sci/Tech,Wall Street set for steady open (FT.com) +World,Australia to Upgrade Embassy Security (AP) +Sci/Tech,Nobel Winners to Explain Discoveries (AP) +Business,IBM sells PC unit to Lenovo +Business,GM Europe Aims to Avoid Forced Layoffs +Business,Merck Sees 2005 Profit Hurt by Vioxx +Sci/Tech,Online university sued for selling fake degrees +Sports,Muck of the Irish: Petrino staying at Louisville +World,Mid-East summit agreed as peace efforts pay off +World,UN Council Warns Rwanda Against Attack in Congo +World,Will More Power for Intelligence Chief Mean Better Results? +World,Japanese get 'beautiful' housesitter with jellyfish-shaped robot (AFP) +World,Israel's Sharon Lines Up Support for Likud Vote +World,Blair Rules Out Iraq Civilian Death Toll Probe +World,French Court Convicts Mitterrand Son of Tax Fraud +Business,Nortel to File Statements Next Year +Sci/Tech,New sub-species of tiger found +World,Israeli Forces End Northern Gaza Raid - Army +Sci/Tech,Group formed to track IM threats +Sports,Aus beat Kiwis by 17 runs +Sports,Shanahan summit looks to improve game +World,Suicide Bomber Kills 3 in Baghdad Near Allawi HQ +Sci/Tech,Dell explores second factory in Europe +Sci/Tech,IBM adjusts to harsh PC market +Sci/Tech,IBM Sells Its PC Business +Sci/Tech,"Dual DVD, HD-DVD Disc Developed" +Business,Virgin Atlantic Inaugural Flight Lands in Sydney +Business,Stocks sink on profit taking +Sports,Arsenal in goalkeeper quandry +Sports,Benitez keeps eye on the prize +Business,Stocks Climb on Decline in Oil Prices +Business,Update 1: Gazprom Board Approves Plan for Yukos Bid +Sports,Aussies level series with win +World,Black Watch mission #39;exceptional #39; +World,PMs publish devolution proposals +Business,Saudi Questions Need for OPEC Supply Cuts +World,Hoon plays down new Iraq troop move +Business,Toro Earnings Rise; Dividend Doubled +Business,Tax bill hits Russian mobile firm +Business,Goldman Cuts Wal-Mart Rating +Business,IBM Sells PC Biz to Lenovo for \$1.75B +Business,"TELECOM: FT, REORGANISATION MAKES COMPANY MORE #39;NORMAL #39;" +Business,Sports Car Revamp Revs Up Porsche Sales +Business,Nortel expects drop in 2003 net earnings +Sci/Tech,Mozilla Thunderbird 1.0 takes off +Sci/Tech,NVIDIA Partners With Sony +Sci/Tech,Do they know it #39;s Christmas? +Sci/Tech,"Playstation Supplies #39;Tight #39;, Admits Sony" +Sci/Tech,PalmSource to Extend Leadership in Phone Software With Acquisition <b>...</b> +Sports,Thompson Does Not Fear O #39;Neill Exit +Sports,High Court rules against Ecclestone in F1 case +World,Redknapp appointed Southampton boss (AFP) +World,"Separation Makes Algeria, Morocco Bad Neighbors (Reuters)" +World,Ukraine Parliament Votes for Sweeping Electoral Changes +World,"Hold the Risotto, Make It Fried Rice" +Business,"Colgate-Palmolive to Cut 4,000 Jobs" +Business,Court weighs wine shipping rules +Sci/Tech,Apple Threatens Owner of iTunes Domain +Sci/Tech,Halo 2 heralds traffic explosion +Sci/Tech,PalmSource to build Palm OS on Linux +Sports,McCARTHY SLAMS HIS OWN #39;STUPID #39; FANS +Sports,"For Petrino, all that #39;s at stake is his legacy" +Sports,Vaughan misses the tour opener +World,Rawlings Accuses Obasanjo of Interference +Business,Merck #39;s Irrelevant Guidance +Business,CalPERS unveils managmement fees in settlement of open records <b>...</b> +Sports,Gerrard aiming high +Sports,Red Bull tonic for David... +Business,Gazprom gets go-ahead for Yukos +Business,Aetna Ends Magellan Mental Health Deal +Business,Analysis: IBM adjusts to harsh PC market +Business,Goldman Cuts Wal-Mart Rating +World,Iraqis Consider Extending Election Amid Violence (Reuters) +Sci/Tech,"Dual DVD, HD-DVD Disc Developed" +Sci/Tech,"PalmSource buys into China, Linux" +Sci/Tech,"Oracle, Dell to boost grid standards" +Sci/Tech,Driver #39;s license gets new high-tech features +Sports,Porto #39;s desire is winning factor +Sports,US ; NBA Wrap: Nowitzki Leads Dallas Past Minnesota +Sports,MLB Players Open to Changes in Steroids Testing (Reuters) +World,"Samarra sees repeated attacks, British defense minister visits <b>...</b>" +World,Ukraine's Opposition Sees Path to Victory +World,N. Irish Deal Stalls Over IRA Arms Pictures +Business,IBM sells PC business to China +Business,"Crude oil prices rise near US\$42 as traders await US data, OPEC <b>...</b>" +Sports,Yankees acquire new leadoff man +World,Peru Gunmen Seize Police Station +World,Survivors +World,Blair rejects tally of Iraq war dead +Sports,Cardinals Re-Sign Morris +Business,Bank on course to freeze rates +Business,Oil Rebounds on Winter Supply Worries +Business,Branson Predicts Price War as Virgin Adds Sydney Flights +Business,Update 3: Merck Slashes Its 2005 Estimates on Vioxx +Business,Update 1: Toro 4Q Profit Soars 23 Percent +Business,Wal-Mart suffers another blow +Business,Sirius falls after analyst says stock overvalued +Business,Canadian Gold Doesn #39;t Glitter +Sci/Tech,"PalmSource to Acquire China MobileSoft, Develop for Linux" +Sci/Tech,Apple in cybersquatting fight over iTunes +Sci/Tech,"Dell, EMC, Intel and Oracle Line Up on the Grid" +Sci/Tech,Chicken Genome Could Shed Light on Human DNA +Sci/Tech,"NASA: Hubble Fix Pricey, Not Guaranteed" +Sci/Tech,Driver #39;s license gets new high-tech features +Sci/Tech,Witness against Sharman switched sides +Sci/Tech,Microsoft in final testing on Windows Server 2003 SP1 +Sports,IOC Sets Up Disciplinary Commission To Investigate Jones Doping <b>...</b> +Sports,Red Bull Racing confirms David Coulthard to join team for testing <b>...</b> +Sports,England openers lead victory charge +Sports,Utah hires Whittingham to replace Meyer +Sports,Prosecutor #39;s Announcement on Brawl Charges to Come +World,"Putin, Annan emphasize role played by UN in settling international <b>...</b>" +World,US urges China to bring North Korea to talks +World,148 unarmed Palestinians killed in West Bank in 2004: Israeli army +World,"Security in Sudan Deteriorating, UN Official Warns" +World,Pope condemns Iraq church attacks +Business,Oil Rebounds on Winter Supply Worries +Business,Stocks Rise; Healthcare Sector Climbs +Business,Mortgage Applications Up - MBA +Sports,Utah Hires Whittingham +Business,WestJet Estimates Cut on Load Factor Woes +Business,Download Tonight's Perfume +Business,Milk shake-up as dairies merge +Business,Global Hawk Costs Soar +Business,Enter your e-mail: +World,Trip for Clean Water Kits Proves a Tortuous One +Sports,Nomar Garciaparra Stays With Cubs +World,"India, Pakistan say need more talks on Kashmir bus" +Sports,Leiter rejoins Marlins pitching corps +Business,NASD Warns of Risky Home-Equity Investing (Reuters) +Business,IBM sells PC business to Chinese group +Business,"Colgate To Cut 4,400 Jobs" +Business,"Merck Sees #39;05 Earnings Decline, Stock Up" +Business,Satellite radio competitors engaged in a star search +Business,Lilly Launches Clinical Trial Web Site +Sci/Tech,Indian Movie to Debut on Cell Phones (AP) +Sports,Bills' Campbell Out for Rest of Season (AP) +Sci/Tech,Eli Lilly Launches Online Clinical Trial Registry (Reuters) +Sci/Tech,"2004 Was Year of Netsky Worm, Web Firm Sophos Says (Reuters)" +Sci/Tech,Toshiba create dual layered DVD/HD DVD disc +Sci/Tech,PalmSource to Port Palm OS on top of Linux +Sci/Tech,"2004 Was Year of Netsky Worm, Web Firm Sophos Says" +Sci/Tech, #39;Human error #39; crashed DWP +Sports,Wigley makes clean break from Southampton +Sports,Marlins welcome back Leiter +Sports,Nomar could undoubtedly excel again +Sports,"Delgado bears no grudges, but doesn #39;t think Jays made serious <b>...</b>" +World,"Cheers Greet Rescuers in Aceh, Children Suffer" +World,EU urges China to exert moderation after textile quotas end (AFP) +Sci/Tech,IBM Data Reveals Rising Warranty Costs (PC World) +Sci/Tech,Apple in Cybersquatting Fight Over ITunes Website (Reuters) +Sports,Players and Fans Expected to Face Charges in Brawl +Sci/Tech,Amazon Burning Makes Brazil a Leading Polluter (Reuters) +World,Poll: Fla. Voters Had No Voting Problems (AP) +Sci/Tech,Nobel Winner Urges Tree Plantings; Peace Row Brews (Reuters) +Business,Eli Lilly Launches Online Clinical Trial Registry +Sports,Pitcher Leiter Headed Back to South Florida +Sci/Tech,Biotech Crops Said on Rise Around World (AP) +Sports,Mitchell Switches Loyalties to Oklahoma (AP) +World,US pledges \$20m to Palestinians +World,"Like Jordan and Ruth, Hamm Has a Home in Sports Lore" +World,Iraqi Officials Consider Extending Voting Period +Sci/Tech,London Bridge Software fined for using unlicensed software +Sci/Tech,Wippit to gain over 1m major-label tracks +Sci/Tech,PalmSource to build Palm OS on Linux +Sci/Tech,"2004 Was Year of Netsky Worm, Web Firm Sophos Says" +Sci/Tech,Mosaid Says Court Denies Samsung Sanction Appeals +Sci/Tech,IBM Gives Shanghai a Real Surprise +World,French winemakers take to streets +Business,"Colgate to cut 4,400 jobs, close a third factories" +Business,Luxury carmakers rev up profits +Sci/Tech,Mozilla #39;s e-Mail Client Thunderbird 1.0 Launched +Sports,Bush urges baseball to quot;address ... serious problem quot; of steroids +Sports,Lehmann admits surprise at Arsenal axe +Sports,Champions League: Group G review - Valencia crash out with Inter <b>...</b> +Sports,Malloy #39;embarrassed #39; by move +Sports,Piturca back as Romania #39;s boss +Sports,Bush Wants Baseball to Work Out Steroids Problem (Reuters) +World,EU signals movement on China arms ban +World,Sharon offers calm in absence of Palestinian attacks +Sci/Tech,Lenovo reveals IBM warranty costs rising steadily +Sci/Tech,New set of Linux security flaws unveiled +Sci/Tech,IBM Data Reveals Rising Warranty Costs +Sci/Tech,Analysis: IBM Adjusts to Harsh PC Market +Business,ETFs and Falling Fund Fees +Business,IBM Discloses Details Of PC Business Sale +Business,Ontario Teachers #39; Pension Plan buying Alliance Laundry Holdings <b>...</b> +Business,Siebel Infuses SMBs with CRM +Sports,Five Pacers Charged in Basketball Brawl (AP) +Sci/Tech,BEA #39;s Devil of an App Server +Sci/Tech,Intel sheds light on 2005 desktop strategy +Sci/Tech,IMLogic Leads Group into IM Malware Battle +Sports,Bunning: We may need to tackle steroids +Sports,Flashes #39; fifth win in a row breaks Creighton #39;s streak +World,"Car bomb blast hits US convoy in Samarra, four killed" +Business,Update 8: Oil Prices Rise on Heating Oil Concerns +Business,China oil chief arrested in trading scandal +Business,Eli Lilly Bares All +Sci/Tech,This Genome Is Fowl +Sci/Tech,Palm OS goes Linux +Sci/Tech,"AMD Joins Push for Cooler, More Efficient Server Room" +Sports,Redknapp Planning Portsmouth Raid +World,EU to Work toward Ending China Arms Ban +World,"US, North Korean officials meet at UN" +World,UN Investigating Reports of Rwandan Violations in Congo +World,Ghana Waits for Official Results from Tuesday #39;s Election +Sports,Cavs' Traylor Out With Broken Finger (AP) +Business,"Aligning Interests? Yeah, Right." +Business,Circuit City's Sales Short-Circuit +Business,Eli Lilly Bares All +Business,S. America creates single market +Business,IBM to customers: Expect business as usual +Business,Kidde Opens Books to United Technologies +Sci/Tech,New DVD Format Being Marketed +Sci/Tech,Apple having problems getting iTunes.co.uk +Sci/Tech,Experts Urge People to Unplug Occasionally (AP) +Sports,Crossing the great divide +Sci/Tech,IBM Gives Shanghai a Real Surprise (washingtonpost.com) +Sports,Malone vows not to return to NBA Lakers (AFP) +Sci/Tech,"Online Music Store Wippit Signs Universal, Warner (Reuters)" +Sci/Tech,Best Buy Improves Its Supply Chain View (Ziff Davis) +Sci/Tech,Pioneer IBM's exit from PC business seen as turning point (AFP) +Sci/Tech,New GameSpy terms threaten Mac to PC online gaming (MacCentral) +Sci/Tech,Scientists Find Gene Clue in Hunt for AIDS Vaccine (Reuters) +Sci/Tech,Could Dry Quicksand Explain Desert Disappearances? (Reuters) +Sci/Tech,Chicken Genome Should Boost DNA Research (AP) +World,Continental Refutes Report of Charges (AP) +Sci/Tech,Digital cameras aid Jessops sales +World,"Jay-Z to Head Def Jam Recordings Label, Executives Say" +Sci/Tech,Indian minister says IT outsourcing raked in \$12.5 billion +Sci/Tech,Battle over Website Address +Sci/Tech,NASA #39;s Longest-Serving Astronaut to Retire +Sci/Tech,Industry Group Urges Bush To Address Cybersecurity +Sports,Cricket: Key unlocks Oppenheimer XI attack in England romp +Sports,Petrino Named Coach of the Year; LeFors and Brohm Also Earn <b>...</b> +Business,Toro Earnings Rise; Dividend Doubled (Reuters) +Business,"Treasuries Up, Indirect Bidders Buy Big (Reuters)" +Business,"GM: See Red, Save Green; #36;7,500 Cash Back (Reuters)" +Sci/Tech,"U.S. Officials Raid Stores, Arrest 2 in Game Piracy" +Sports,"Jerez Testing, Day 1, 08/12/04" +Sports,Liberty Hires Coyle +World,Lufthansa reaches wages agreement +Business,Foodland says don #39;t sell +Business,"Dealers: GM #39;Red Tag #39; deals up to \$7,500" +Business,"UPDATE 2-Dynegy cuts 2004 profit view, shares slide" +Business,Ontario fund buying Alliance Laundry for \$450 mln +Business,Merck guides to lower-than-expected 2005 earnings +Sci/Tech,"Mars Was Wet, Studies Say, But Was It Inhabited?" +Sci/Tech,Pompeii Worms: Hottest Bodies on Earth? +Sci/Tech,Mozilla Launches Thunderbird E-Mail Client +Sci/Tech,PalmSource Embraces Linux Through China Buy +Sci/Tech,Panel: Astronauts Should Rescue Hubble +Sci/Tech,Scientists Complete Chicken Genome +Sci/Tech,Oldest Astronaut John Young Retiring +Sci/Tech,Cyber-Security Group Pushes 12-Point Plan On White House +Sci/Tech,Tech Leaders Converge To Form Project MegaGrid +Sci/Tech,Repair processes still up in air for May liftoff +Sci/Tech,The Complete Guide to iPod photo Pictures +Sci/Tech,Cap Harnesses Human Thought to Move PC Cursor +Business,Dollar Rallies Against Major Currencies +Sci/Tech,Birding Column: Scrub Jays' Peanut Feeding Frenzy +Sports,Leiter returns to Marlins +Sports,Cavs activate Scott Williams from injured list +Sports,"Closer, left fielder among most pressing needs" +Sci/Tech,Is Asian Bird Flu the Next Pandemic? +Business,Toro Earnings Rise; Dividend Doubled +World,Hoon visits British troops in Iraq +World,"Pakistan, India for early Kashmir bus service" +World,"Action Update: Nov. 22 - Dec. 5, 2004" +Business,AutoZone Earnings Edge Higher +Business,"GM: See Red, Save Green; \$7,500 Cash Back" +Business,NYSE Bans First Specialist in Probe +Business,U.S. Senator Says Dollar Slide Worrying +Sci/Tech,Jawa in Jersey +Business,Chinese Banks to Offer American Credit Cards +Business,Jay-Z to Head Def Jam Recordings Label +Business,IBM's Win-Win in Exiting PCs +Sports,Five Pacers charged in basketball brawl +Sports,"Sports briefs for December 8, 2004" +Sci/Tech,Map of chicken DNA key to genetic comparisons +Sci/Tech,PalmSource to buy China MobileSoft +Sci/Tech,Sony Taps nVidia for #39;Cell #39; Console Graphics +Sci/Tech,Group Calls on Feds To Bolster Cyber Security +Sports,Harry Redknapp is new Saints boss +Sports,Coulthard #39;s back in action +Sports,UEFA to investigate behaviour at Valencia versus Werder +Sports,Colts bring in Gramatica as kickoff specialist +Sports,Winter Meetings checklist +World,British minister sees Iraq vote on schedule +World,UN Investigating Reports of Rwandan Rights Violations in Congo +Business,Indonesia urges OPEC to raise benchmark price +Business,Justices wade into wine sales +Sports,Rangers sign C Alomar +Business,"Treasuries Up, Indirect Bidders Buy Big" +World,"N. Ireland peace deal left undone, Blair and Ahern admit" +World,Iraqis May Extend Election Amid Violence +Business,Oil Firms After Touching Four-Month Low +Business,Stocks Rise as Merck Shares Help Lift Dow +Business,Sirius stock plunges on downgrades +Business,Pfizer Reports Positive Trial Results +Sci/Tech,Apple Tries to Take Out iTunes.co.uk +Sports,Five Pacers Hit with Criminal Charges for Brawl +Sports,Gilly puts NZ to sword +Sports,White Sox sign Hermanson to two-year deal +Sports,Soccer player loses finger on fence +World,How did rape become a weapon of war? +World,Russia #39;s Upper House Passes Bill Tightening Putin #39;s Grip on <b>...</b> +Business,Snow to Stay at Treasury +Business,Pricey Gas Stalls AutoZone +Business,Pricey Gas Stalls AutoZone +Sci/Tech,Online Research Worries Many Educators (AP) +Sci/Tech,Apple tangles with owner of itunes.co.uk +Sports,Marino Doesn't See Return to Dolphins Soon (AP) +Sports,Five players among 10 men facing assault charges in NBA brawl (AFP) +World,Romania ends negotiations to join EU (AFP) +Sports,Lieber Agrees to 3-Year Deal With Phillies (AP) +World,Samarra sees repeated attacks +Sci/Tech,"Law enforcement, top tech firms join to halt online ""phishing"" scams (AFP)" +World,Air India Board Approves Boeing Purchase (AP) +Sci/Tech,"U.S. Officials Raid Stores, Arrest 2 in Game Piracy (Reuters)" +Sci/Tech,Russia's VimpelCom faces #36;158m tax bill (FT.com) +Sci/Tech,Mozilla Releases Thunderbird 1.0 E-Mail Client (NewsFactor) +Sci/Tech,Tech Firms Partner on Instant Messaging Threat Center (NewsFactor) +Sci/Tech,Apple tangles with owner of itunes.co.uk (MacCentral) +Sci/Tech,Scientists Crack Chicken's Genetic Code (Reuters) +Sci/Tech,Strange-Voiced Whale at Large in the Ocean -Study (Reuters) +Sci/Tech,U.S. Defers Energy Leasing Near Cliff Dwellings (Reuters) +World,Doctors Probe: Was Yushchenko Poisoned? +Sci/Tech,Report: NASA Should Use Space Shuttle to Service Hubble (SPACE.com) +Sci/Tech,Volcanic Activity Possible on Object Beyond Neptune (SPACE.com) +World,Amazon Burning Makes Brazil a Leading Polluter +Sports,Armstrong Ponders Tour +World,Senate Expected to Approve Bill Overhauling Intelligence Today +Business,Dollar Gets a Reprieve From Its Steep Losses +Business,Nortel to Release Delayed Financial Results +Business,Study: Companies struggle to capture business processes +Sci/Tech,Oracle working on database development tool +Sci/Tech,"Siebel creates cheaper, SMB software version" +Business,GM beefs up incentives after disappointing November sales +Business,Snow to Stay as U.S. Treasury Secretary (Reuters) +Sci/Tech,Hollywood allies sue DVD jukebox maker +Sports,Hermanson accepts White Sox deal +Sports,"Phillies sign Lieber to three-year, \$21 million deal" +Sports,Rahal to have 3 cars +Business,"Dollar Rallies, Focus on Interest Rates" +Business,Snow to Stay as U.S. Treasury Secretary +Business,"Merck Sees Less Profit in '05, Shares Up" +Business,WestJet Estimates Cut on Load Factor Woes +Business,Sprint Sinks \$3 Billion into Wireless Network +Business,Panel Urges Funds for Energy Security +Business,UPDATE 1-Ontario fund buying Alliance Laundry for \$450 mln +Sci/Tech,DVD technology faces legal test +Sports,Charges filed in Pacer-Pistons brawl +Sports,New curling event in store for 2010 Olympics? +Sports,Armstrong to decide in May on Tour de France +World,Russian Parliament OKs Election Bill (AP) +World,UN Members Back Annan with Lengthy Standing Ovation +World,"Prairie farmers reap poor quality grain after cold, wet harvest:StatsCan (Canadian Press)" +Sports,White Sox Sign Hermanson to Two-Year Deal +World,Ukraine's Opposition Sees Path to Victory +World,Rights Group Chides Mexico's Congress on Torture +Business,Tramford Intl Up; Sells Security Products To Lenovo Group +Business,Disney and Pixar push back their last joint movie effort to 2006 +Business,UTC raises offer for UK #39;s Kidde +Sports,DANGER AHEAD +Sports,Can Williams Derail the Klitschko Express? +Sports,"Kobe needs to step up, apologize to Malone" +Sports,New Orleans #39; Gleason no Saint; fined by NFL +Sports,Rahal Letterman Racing signs Meira +World,Mubarak pushes for peace in Middle East +Sports,Sharpe Comments Cause Stir in Denver (AP) +Sports,New Orleans' Gleason No Saint; Fined by NFL +Sports,Montreal Might to Lose 2005 World Championships +Business,"Coming soon: Toy Story 3, Nemo 2?" +Business,Bush urged to accept fuel emissions limits +Business,Nortel to File Restated Results Jan. 10 +Business,Dollar Starts 2005 with Slight Gains +Sci/Tech,Thunderbird 1.0 Takes Wing +Sci/Tech,Panel Questions Hubble Mission +Sci/Tech,War Of The Worms: Windows Worms Dominate The 2004 Virus Charts +Sci/Tech,BEA Systems to Host Financial Analyst Conference on December 9 <b>...</b> +Sci/Tech,Cisco Fights Aggressively In Telecom Space +Sci/Tech,EDS: IT upgrade caused software glitch at UK agency +Sci/Tech,Trojan Mimics Controversial Lycos Europe Screensaver +Sports,"Arsenal, Bremen make last 16" +Sports, #39;Hold 2nd Test in Dhaka as well #39; +Sports,Gerrard stars in dramatic comeback +Sports,"Patrick adds allure to Rahal Letterman, IRL" +Sports,Montreal Might to Lose 2005 World Championships +World,"British, Irish leaders unveil Northern Ireland peace package <b>...</b>" +World,EU Not Yet Ready to Lift China Arms Embargo +World,"India, Pak to talk again" +World,"Former Marine in Iraq: We fired on unarmed civilians, wounded <b>...</b>" +Business,Virgin and BA battle on discordantly +Business,Phoenix Salvation Army sites accept donations with debit and <b>...</b> +Sports,5 NBA Players and 7 Fans Are Charged in Brawl +Sports,UEFA to investigate Mestalla incidents +World,Israeli ambassador calls peace conference idea #39;counterproductive #39; +World,Barghouti Sets Conditions for Withdrawing from the Election Race +World,Fishermen under Pressure as EU Proposes New Catch Bans +Sci/Tech,Apple In Battle For ITunes Address +Sci/Tech,National science academy panel urges NASA to launch astronauts to <b>...</b> +Sci/Tech,Cyper Security Alliance Urges Federal Action +Sci/Tech,Cisco decries #39;Wild West #39; of IP networking +Sci/Tech,Apple web hole still open +World,Sharon defends Israeli Army despite civilian deaths +Business,Snow to Remain as Treasury Secretary +Business,Stocks End Up; Merck Helps Dow; Dollar Up +Business,Dollar Rises in Corrective Bounce +Business,Pentagon Seeks Check on RAND Air Tanker +Business,DreamWorks Animation Flips to Profit +Business,Martha Stewart gets new TV series +Business,Dollar makes gains against euro +Business,Snow stays as US Treasury chief +Business,Pixar's Waiting for Summer +Business,Vimpel Is No VIP in Russia +Business,Saudi Arabia cool on OPEC output cuts +Business,China Aviation Oil chief arrested +Business,Justices Hear Cases on Shipping Wine +Sci/Tech,"Report: NASA should send shuttle to fix Hubble, not robot" +Sci/Tech,PalmSource Agrees To Buy Linux Developer China MobileSoft +Sci/Tech,Bush Told to Get in Step with Cybersecurity +Business,Fannie Mae Agrees to forfeit \$7.5 Million to DOJ +Sports,White Sox agree to two-year deal with Hermanson +Sports,Sandy Alomar Jr +Business,Competition Heats Up as IBM Sells PC Unit to China #39;s Lenovo +Business,Saudi Oil Minister Unmoved by Oil Prices +Business,Buyers back on Wall Street after two-day selloff +Sports,Players' Union Offer May Decide Season (AP) +World,"American Combat Deaths in Iraq Hit 1,001" +Sports,Stoudemire Scores 50 Points in Suns' Win (AP) +Business,World Bank Chief to Step Down in '05 +World,Gas Pipeline Explodes in Southern Russia (AP) +World,Justin Trudeau says his wedding will be in Montreal this spring or summer (Canadian Press) +World,Dean Urges Dems to Stick to Convictions (AP) +World,Bush Pushes MLB to Address Steroid Issue (AP) +World,"Company Recalls 158,000 Light Bulbs (AP)" +World,Former Nazi Guard Loses Canadian Court Ruling (Reuters) +World,Iraqis May Extend Election Amid Violence +World,Israel's Sharon Lines Up Support for Likud Vote +World,'Unknowns' stirring Palestinian race +World,A hotbed of energy waits to be tapped in Indonesia +World,Ukraine's Yushchenko hails reform +Business,"Defying Speculation, Snow Will Remain Treasury Secretary" +World,"Police, Peddlers Clash in Venezuelan City" +Business,Potential Guidant Merger Could Be Blow for City +Business,"US stocks: Merck helps lift US stocks higher, dollar up" +Sci/Tech,Toshiba comes out with dual capability hybrid DVD +Sports,Gerrard rocket sends Liverpool through +Sports,"Pacers image hurting after brawl, charges" +Sports,Sox agree to terms with Hermanson +World,EU to consider lifting arms embargo on China +World,No deal on Kashmir bus +World,Pakistan test fires Hatf-IV missile +Sports,Colts Sign Gramatica for Kickoffs +Business,IBM brand loyalty holds key for Lenovo +Business,"Stocks End Higher Helped by Merck, Dollar" +Business,"In Japan, recovery is stalling" +Business,Some Salvation Army #39;s bell ringers taking donations via plastic +Business,Ontario Teachers #39; Pension Plan buying Alliance Laundry Holdings <b>...</b> +Sci/Tech,Mozilla Releases Thunderbird +Sci/Tech,Nvidia will supply graphics chip for new PlayStation +Sci/Tech,Report urges shuttle mission to service Hubble +Sci/Tech,Dell #39;s CEO rejects the idea of buying IBM #39;s PC business. +Sci/Tech,Mobile phones: An ear full of worms +Sports,Group B: Real breeze through behind Bayer +Sports,Lampard confident +Sports,Harrison Signs #36;66M Deal With Colts (AP) +World,Blair win would endorse war: PM +World,S Korean president visits troops in Iraq +World,Japan's stressed crown princess pledges early return to official duties (AFP) +World,"Al-Qaida may be hiding messages in computer files, Mounties warn (Canadian Press)" +World,Bill Would Nearly Double Border Patrol (AP) +World,Annan Rejects Calls for His Resignation (AP) +Sports,Colts Extend Harrison +Business, #39;Shrek 3 #39; delayed until 2007 +Business,Alamosa to Buy AirGate for \$392 Million +Sci/Tech,"Astronauts, Not Robots Should Upgrade Hubble-Panel" +Sci/Tech,Palmsource buys Linux mobile OS developer +Sci/Tech,New DVD Dual Layer HD-DVD/DVD Format +Sci/Tech,"2004 Virus Activity Collaborative and More Clever, Says Security <b>...</b>" +Sci/Tech, #39;Human Error #39; Crashed Britain #39;s DWP +Sports,Gerrard stunner seals comeback +Sports,Champions League round-up +Sports,Harrison signs new \$66 million deal with Colts +World,UN General Assembly gives Annan what its president calls vote of <b>...</b> +Sports,Outgoing Notre Dame President Hits Firing (AP) +Business,Snow to Remain as U.S. Treasury Secretary +Business,Russian Cellphone Carrier Faces Tax Claim +Business,Lilly Debuts Clinical Drug Trial Web Site +Sports,White Finalist for a Second Heisman Trophy (AP) +Sci/Tech,Security Bytes: Injection flaw in popular browsers +Sci/Tech,Toshiba Develops Hybrid DVD +Sci/Tech,Telenor Boosts Hungarian Wireless Position +Sci/Tech,"A Time Line Of The IBM PC Business Dec. 8, 2004" +Sci/Tech, #39;Human Error #39; Crashed Britain #39;s DWP +Sci/Tech,IT Heavyweights Form Grid Computing Alliance +Sports,Tom Brady Keeps Winning for Patriots (AP) +Sports,Roundup: 5 Pacers charged for fighting fans +Sports,Harrison signs \$66M deal with Colts +Sports,Redskins Daily 12/8 +Sports,Oklahoma's White Could Win Second Heisman (AP) +World,"NATO, Belgium Sign Deal to Build New HQ (AP)" +World,More U.S. Soldiers Survive War Wounds (AP) +World,Rwanda Tells U.N. It Put Troops on Congo Border +World,US punishes troops over stun guns +World,La Scala Is the Star at Its Own Reopening +World,Appeals Panel Hears Arguments in Leak Inquiry +Business,Minnesota gives new license technology a test drive +Sci/Tech,Thunderbird is go +Sci/Tech,High price for high-speed mobile licenses in Hungary +Sports,Four Teams Advance at Champions League +Sports,UEFA to probe Valencia-Werder Bremen incidents +Sports,Bettis endorses former Steelers assistant Clements as Notre Dame <b>...</b> +Sports,Bryant surprised by Malone #39;s reaction +Business,Snow to Remain as U.S. Treasury Secretary +Business,UTC raises its offer for Kidde and gets closer to 1.4bn deal +Business,Supreme Court hears initial arguments regarding state bans on <b>...</b> +Sports,"5 Pacers, 7 Fans Charged in Detroit Brawl (AP)" +Sci/Tech,"Use humans to fix Hubble, panel tells NASA" +Sci/Tech,BEA Continues Service Oriented Architecture Push +World,Gaza Settlers Seek to Keep Communities (AP) +Sports,Silence is golden for relieved Real +Sports,Alex Smith is a Heisman Finalist +Sports,Liverpool keep dream alive +Sports,UEFA not informed of racist chanting +Sports,Time for Celtic #39;s money men to fund O #39;Neill #39;s ambition +Sports,Almunia feels he can hold on to his place +Sports,Coulthard fits the bill at Red Bull +World,"US soldiers would kill civilians, says Marine" +World,EU wants fishing ban in fifth of North Sea +World,Papal Solidarity Offered for Iraqi Catholics After New Attacks +World,Panel Pushes for Energy Security Funding (AP) +Business,Details of \$36 Billion Bipartisan US Energy Plan +Sci/Tech,"Sony, Nvidia Codeveloping Graphics Processor for New Game Console" +Sci/Tech,Apple pitches music industry on U2-style promos +Sports,It #39;s time for some fans to pay a high price +Sports,White among Heisman candidates again +Sports,Chelsea lose and CSKA Moscow drop out despite victory +Sports,Ranieri apologises for outburst over referee +Sports,Wengers big problem now is in deciding which keeper to field +Sports,Colts ink Harrison to extension: source +World,Dead reckoning +Sci/Tech,Poachers leave bonobo at risk +Sci/Tech,IBM buying Apple? No dice +Business,Japan recovery running out of steam +Business,Infineon to invest in Asian plant +Sports,Cavs' Traylor Out With Broken Finger (AP) +Sci/Tech,Panel: Robot Won #39;t Save Hubble +Sci/Tech,Chicken gives up genetic secrets +Sci/Tech,"China, Linux Could Put PalmSource in the Catbird Seat" +Sci/Tech,To obscurity and beyond for the quiet space hero +Sci/Tech,Brazil Rain Forest Burning A Major Greenhouse Gas Cause +Sci/Tech,Sony gaming supply shortage extends +Sports,Giants Plan to Honor Bonds' Milestones (AP) +Sports,Real Madrid advances in Champions League +Sports,Liverpool 3 Olympiakos 1 +Sports,Gators hoops assistant arrested on drug charges +Sports,Florida Assistant Arrested on Drug Charges (AP) +Sports,Australian Open Exec Says Clijsters Out (AP) +World,South Korean president makes surprise visit to troops in Iraq +World,Congress Passes Historic Spy Agencies Bill (AP) +World,EPA Nears New Storm Sewage Guidlines (AP) +Sci/Tech,"Nortel, Symantec partner on network security" +Sci/Tech,EDS: IT upgrade caused software glitch at U.K. agency +Sci/Tech,AT T to build \$1B communications network for Treasury Dept. +Sci/Tech,Sophos: 2004 was the year of Netsky worm +Sci/Tech,Oracle vows 'oversupport' for PeopleSoft customers +Sci/Tech,Users say IBM PC division sale a reflection of the times +Sci/Tech,Analysis: IBM adjusts to harsh PC market +Sci/Tech,China's Lenovo to buy IBM's PC business +Sci/Tech,McNealy: Sun still strong on Oracle +Sci/Tech,PalmSource to add Linux OS to offerings +Sci/Tech,MCI adds managed services +Business,Part of the ECT News Network +Sci/Tech,Siemens records 1 Gbit/s over mobile transmission +Sci/Tech,Crash in Benefits System Caused by Human Error +Sci/Tech,Dell bashes #39;big iron #39; +Sports,CL Preview: Liverpool-Olympiakos +World,Blair called upon to produce an official record of Iraqi deaths +Sports,YEARENDER: Phelps Shines Brightest on Biggest Stage +Business,S America to create single market +Business,Some Cardholders Fight MNBA's Switch +Business,U.S. Board Close to Backing a Bidder for ATA Airlines +Business,IBM marks end of an era +Business,"Update 5: Tokyo Stocks Mixed, Dollar Up Against Yen" +Sci/Tech,Can Thunderbird ride the Firefox wave? +Sci/Tech,Chicken nuggets could save world +Sports,Liverpool defy odds to secure progress +Sports,"Padres ink Williams, Blum" +Sports,Report: Harrison has new deal with Colts +Sports,Klitschko feels weight of a nation +World,Closing the curtain on a hard life +World,"Greek Farmer Finds 2,000-Year-Old Monument (AP)" +World,S America creates single market +World,"Libraries Reach Out, Online" +Business,GDP revised downward to annual 0.2 +Business,ATA Airlines gives rivals a shot at Chicago market +Business,Altera Guides Lower Midquarter +Sci/Tech,"Sony, Nvidia make PlayStation collaboration official" +Sports,Ajax Make UEFA Cup After Bayern Draw +Sports,Williams rejoins Padres rotation +Business,Infineon To Build Production Plant In Malaysia gt;IFX +Business,IBM-Lenovo Deal Shows China #39;s Growing Might +Sci/Tech,NVidia Will Supply Graphics Chip for New PlayStation +Sports,European giants dash minnows #39; hopes at the death +World,Blair rejects tally of Iraq War dead +Business,Former CEO of China Aviation Oil (Singapore) returns to Singapore +Sci/Tech,DVD/HD-DVD Combo Developed +Sci/Tech,Siemens Claims Wireless Speed Record +Sports,Pavano Meets With Seattle Officials (AP) +Business,Russia #39;s VimpelCom hit by \$158m claim for back taxes +Business,China Blocks World Meeting on Workers #39; Rights +Sports,No. 10 Kentucky Drubs Morehead St. 71-40 (AP) +Sci/Tech,Hubble repair mission #39;exorbitant #39; +Sci/Tech,NASA Urged to Scrap Hubble Robot Rescue +Sci/Tech,We #39;re closer to knowing why the chicken crossed the road +Sci/Tech,Chicken Genome Should Boost DNA Research +World,Australia backs Annan against calls for his resignation as UN <b>...</b> +World,US arms sale: India to express concern +World,EU wants big cut in North Sea +World,Fury in Japan as ashes found not to be remains of kidnapped girl +Sports,Nuggets Halt Wizards +Sports,Arrington Practices +Sports,Ravens Look Ahead +Sports,President Blasts Firing +Sports,ND Stops Indiana +Sports,Illini Could Be the 1 +Sports,Cavs Slip Past Furman +World,Christians in Egyptian Church Stone Police (AP) +World,Supreme Court challenges lawyer for Rwandan accused of triggering slaughter (Canadian Press) +World,Australia to Upgrade Embassy Security (AP) +World,U.S. Warns Iran Against Iraq Interference (AP) +World,Troops' Queries Leave Rumsfeld on the Defensive +World,Lockout in N.H.L. Puts Businesses on the Brink +Business,US group raises Kidde offer +Sci/Tech,Amazon burning makes Brazil a leading polluter +Sci/Tech,Pop-up Loophole Opens Browsers to Phishing Attacks +Sports,United Finish Second After Fener Defeat +World,"6 Egyptians return back to their families, Azzam is grateful for <b>...</b>" +World,Karzai turns to war on drugs and insurgents +Sports,5 Pacers and 5 Fans Are Charged in Fight +World,"Death toll in Asian quake disaster passes 144,000 (AFP)" +Sci/Tech,Browser phishing #39;flaw #39; could hook users +World,Skis Rossignol stock sizzles on Quicksilver (AFP) +Sports,Garey Has the Answer +Sports,Patriots Finally Prevail +Sports,Pistons Prevail in OT +Business,I.B.M. Prepares Substitution for Pensions of New Hires +Sci/Tech,"Amazon's 'morning nightmare' lasts 11 days, and counting" +Business,"Snow to Remain Treasury's Chief, White House Says" +Sci/Tech,Oracle to 'Oversupport' PeopleSoft Customer -Ellison +Sci/Tech,HP Pressured to Sell PC Business After IBM Deal +Sci/Tech,Ex-U.S. Cyber Security Chief Sees Curb on Phishing +Sci/Tech,Chinese Companies Seen Following Lenovo-IBM Lead +World,South America Eyes EU-Style Integration +Sci/Tech,Sun Plans to Call on Lenovo After IBM Deal-CEO +Sci/Tech,Film Industry Sues DVD Jukebox Maker +Sci/Tech,D.C.-Area Video Game Stores Targeted in Piracy Raid +World,Groups Debate Slower Strategy on Gay Rights +World,Pain of War Draws Bead on New York Region +World,Senate Approves Intelligence Bill +Business,Lenovo acquires IBM #39;s personal computing division +Business,Ellison: Oracle Will Ship PeopleSoft #39;s Next-Generation Products +Business,Australian Nickel Miner Announces Upgrade +Business,Steering California #39;s Fight on Emissions +Sci/Tech,Panel Urges Shuttle Mission to Help Hubble +Sci/Tech,Disney Picks Sony Format for DVD #39;s of Its Films +Sci/Tech,Astronomers Contemplate Icy Volcanoes in Far Places +Sci/Tech,China Bans British Football Computer Game +Sports,5 Pacers and 5 Fans Are Charged in Fight +Sports,Captain Gerrard Helps Liverpool Overcome Champions League Odds +Sports,Real Madrid beat Roma +Sports,Redknapp unrepentant about move from Portsmouth to Southampton? <b>...</b> +Sports,Juve draw showed Maccabi deserved place in elite - coach +Sports,Karimi named AFC Player of the Year +Sports,"No. 10 Kentucky 71, Morehead St. 40" +World,Iraqis may extend election amid violence +World,NATO seeks to boost image in Middle East +Sports,Knicks Swat Hornets 86-79 (AP) +Sports,Pistons Stop Raptors 90-86 in Overtime (AP) +Sports,Boston Red Sox Sign Pitcher Matt Mantei (Reuters) +Sports,Boston Red Sox Sign Pitcher Matt Mantei +Sports,Padres Sign Williams and Blum +Sci/Tech,Oracle mixes messages on PeopleSoft support +Sci/Tech,Oracle CEO: Centralizing data took 5 years +Sci/Tech,Giant Retailer Web Sites Hit With Outages +Sci/Tech,NVidia Will Supply Graphics Chip for New PlayStation +Business,"Gazprom Gets \$10 Bln Loan, Plans Bond, Bankers Say (Update2)" +Business,Automakers draw battleline with California +World,Mobile firms sign 'Super 3G' deal +Sports,NO NERVES FOR CONFIDENT ALMUNIA +World,Gaza Settlers Seek to Keep Communities +Business,Gazprom board approves Yukos bid +Business,Cheaper flights to Britain +World,"Cheers Greet Rescuers in Aceh, Children Suffer" +Business,"Asia Tech Stocks Weak, Dollar Firm (Reuters)" +Sci/Tech,Doubts raised about robots fixing Hubble +Sci/Tech,Scientists Crack Chicken #39;s Genetic Code +Sci/Tech,Amazon creates greenhouse gas +Sci/Tech,Ministry of Culture bans Premier Manager 2005 +Sports,Knicks swat Hornets 86-79 +Business,IBM Reassures Workers After Milestone China Deal +Business,Auto Makers Sue to Block New California Emission Rule +Sci/Tech,Hospitals Use Technology to Aid Patients (AP) +Sci/Tech,IceRocket Launches RSS Feed Builder +Sci/Tech,Google AdSense to Introduce Animated Banner Advertising +Sci/Tech,Search Engine Friendly Blog URLs and other Word Tricks +Sci/Tech,Blingo Search Engine Offers Prizes To Users +Sci/Tech,EffectiveBrand Showcases Travelocity Travel Search Toolbar +Sci/Tech,"Oracle piles Files, App Server and Collab Suite on users" +Sci/Tech,"For Satellite Radio Fans, Northern Exposure" +Sci/Tech,"All This, and They Take Pictures, Too" +Sci/Tech,Giving Gamers Another Window on Their World +Sci/Tech,"Tom Swift's New Camera, Ready for Space and Spies" +Business,Campina and Arla churn up dairy merger +Business,DreamWorks Animation delays release of Shrek 3 by six months +Business,"Economy expands, but only marginally" +Business,UTC makes new offer for Kidde as deadline looms +Business,Giving a little bit back +Business,Supreme Court Limits Trademark Protection +Sci/Tech,Tech Buying Guide: DVD Players and Recorders +Sci/Tech,MN to issue high-tech-driver #39;s licenses +Sports,Shaq Leads Heat Past Bucks 101-96 (AP) +Sports,Raptors Carter Hurt; Pistons Roll in OT +Sports,Knicks Swat Hornets 86-79 +World,Sands Eyes More Casino-Hotels in Macau (AP) +Business,Singapore growth set to contract +World,Aborigines Accuse Gov't. of Humiliation (AP) +Sports,"College Basketball: Kentucky, Virginia Win" +World,Billboard awards honour hitmakers +World,Attacks Sabotage Iraq Reconstruction +World,Powell Urges Europe To Reconcile With U.S. +World,A Rousing Comeback For Home of the Beatles +World,Gunfire Wounds 14 as Venezuela Street Vendors Riot +World,Halliburton Focuses on Brazil Project +World,Halliburton Settles Brazil Oil Project +Business,Oil chief held over \$550m trading loss +World,Brown to press for #39;Marshall Plan for Africa #39; +Business,Oil Prices Rise for Second Day in a Row (Reuters) +Business,Nikkei Falls as Xilinx Hits Tech Shares (Reuters) +Business,Oil Prices Rise for Second Day in a Row +Business,Nikkei Falls as Xilinx Hits Tech Shares +Business,"Dollar Extends Recovery Against Euro, Yen" +Business,Fannie Mae Settles Case in Mortgage Scam +Sci/Tech,New DVD Has Dual-Layered Surface (AP) +Sci/Tech,Scientists decode chicken DNA +Sci/Tech,"Oracle, Dell, Intel, and EMC join to develop Megagrid" +Sci/Tech,REVIEW: Waterproof IPod Housing All Wet (AP) +World,"U.K., Irish Leaders Unveil Peace Package (AP)" +Sci/Tech,Congress Votes to Free Up E-Rate Funds (Reuters) +World,UN members give Annan standing ovation in first appearance after <b>...</b> +World,Karzai turns attention to Afghanistans drug trade +World,N-capable Hatf-IV test-fired +World,Palestinian presidential candidate says Israeli soldiers beat him +Sci/Tech,Worldwide PC Market Is Expected to Grow (AP) +Sci/Tech,Alamosa to Buy AirGate for #36;392 Million (Reuters) +Sci/Tech,McNealy: Sun still strong on Oracle (InfoWorld) +Sci/Tech,Oracle's Ellison Confident in PeopleSoft (AP) +Sci/Tech,HP Pressured to Sell PC Business After IBM Deal (Reuters) +Sci/Tech,Apple pitches music industry on U2-style promos (MacCentral) +Sci/Tech,Blair Seeks New Global Climate Pact with Bush -Paper (Reuters) +Sci/Tech,Pygmy Chimpanzees on Brink of Extinction -WWF (Reuters) +Sci/Tech,"Astronauts, Not Robots Should Upgrade Hubble-Panel (Reuters)" +Sci/Tech,NASA Urged to Scrap Hubble Robot Rescue (AP) +Sci/Tech,Pygmy Chimpanzee May Be Near Extinction (AP) +Sci/Tech,Chicken Genome Should Boost DNA Research (AP) +Sci/Tech,Summary: New Drug Fights Breast Cancer (AP) +Sports,Sox Meet With Martinez +Sports,Alomar Signs With Texas +Business,The Season's Seesaw of Sales +Business,Chiron's Suspension Extended +Business,Job Provision Born of Riggs Scandal +Business,'Retired' Rapper Finds a Job Atop Def Jam +Business,NBC Gives Martha Stewart an After-Prison Show +Business,Top Russian Mobile Operator VimpelCom Handed \$157M Tax Bill +Sports,NBA Wrap: Timberwolves Rout Sixers by 35 Points (Reuters) +Sports,Georgias Pollack wins Lombardi Award +Sports,"Grizzlies 97, Hawks 89" +World,BLAIR PEACE HOPES +World,Nato Holds Key Talks with Israel and Arab States +Sports,"Soccer: Real, Liverpool Advance in Champions League" +Sci/Tech,Search Engine Optimization For Blogs +Business,"Campina, Arla agree to merge to form largest dairy cooperative" +Sci/Tech,Sophos declares Netsky-P worst virus of 2004 +Sports,Ajax make point to grab UEFA slot +Sports,Carter injured in Raptors OT loss +Sports,"No. 16 Minnesota 60, Wis-Green Bay 51" +World,Differences on Srinagar-Muzaffarabad bus minor hiccup: Tarigami +Business,Shares of PC maker Lenovo slump after IBM deal +Business,Colgate-Palmolive cuts back +Business,High Court decants controversial cases over direct shipment of <b>...</b> +Business,"Oh, Christmas Tree" +World,South America Eyes EU-Style Integration (Reuters) +World,US Special Forces Punished for Iraq Prisoner Abuse (Reuters) +Sports,Benitez Laughing All the Way to the Bank +Sports,Woods give up number one to Vijay +World,Car Bomb Blast Near Allawi HQ in Baghdad Kills 2 +World,Tsunami Aid Faces Destruction and Possibly Pirates +World,Missile test will not affect dialogue process with India: Pak : +World,British court orders release of files in Britain-Indonesia probe (AFP) +World,Australian government offers Aborigines petrol if they wash their children (AFP) +World,US Special Forces Punished for Iraq Prisoner Abuse +World,Twenty Filipinos Found Alive in Rubble After Storm +World,US and EU hail Ukrainian reforms +Business,Sale of IBM unit doesn #39;t mean ThinkPads will cease to exist +Business,Saudi Arabia questions need for Opec action on cutting oil supply +Business,Don #39;t Stop Dealmaking +Business,Campina merger forms largest diary co-operative +Business,DreamWorks postpones #39;Shrek 3 #39; +Business,Congress to back aid for Internet schools +Business,Fannie Mae to forfeit millions +World,South Korea to curb hostile foreign takeover bids (AFP) +Sci/Tech,Disney Sides With The Blu-ray Disc Assocation +Sci/Tech,Panel questions hubble mission +Sci/Tech,The chicken and the genome +Sci/Tech,Enigmatic deep-space object may have a hot secret +Sci/Tech,Nintendo is shipping more DS game units +Sci/Tech,Cat gets MBA degree in US online scam +Sports,Mantei #39;s up in bullpen +Sports,UNDATED: LSU (708). +World,Annan gets ovation at UN despite US attack +World,Japan Extends Iraq Troop Deployment One Year +Sports,Sooners Come Through +Business,Merck Gets a Breather -- for Now +Sports,Orioles Sign Utilityman Gomez to Bolster Bench +World,Three survive 11 days under collapsed building +Business,Nikkei at 5-Week Closing Low +Business,Infineon to build a fab in Malaysia to build chips for cars and <b>...</b> +Business,Technology ; Oracle to #39;oversupport #39; PeopleSoft customer - Ellison +Business,Stockland Buys Lensworth From Foster #39;s for A\$825 Mln (Update1) +World,Ukraine's Opposition Sees Path to Victory (Reuters) +Sports,Allen: Baseball must act quickly +World,Blair weary but not downhearted +World,"NATO Seeks to Boost Image, Presence in Middle East (Reuters)" +World,Japan OKs Plan to Keep Troops in Iraq (AP) +Business,Nintendo Ups DS Console Shipment Target +World,Blair 'pressing US on climate' +World,Ballerina Markova is remembered +Business,IBM agreement fuels nation #39;s foreign growth +Business,Stockland pays A\$825m for Fosters property unit +Business,Dynegy falls on forecast 2005 loss +Sci/Tech,An open letter to the Linux community from PalmSource +Sci/Tech,HOW IT WORKS Giving Gamers Another Window on Their World +Sports,"ON SOCCER 82,000 empty seats greet Madrid, Roma" +World,Talks to resume N. Ireland peace collapses +World,Twenty Filipinos Found Alive in Rubble After Storm +Business,Nikkei Hits 5-Week Closing Low +Business,CSFB Asia Unit Rebounds After Defections +Business,HP pressured to sell PC business after IBM +Business,Studios juggle release dates of animated films +Business,Auto industry sues over California air plan +World,IRA Says Disarmament Pictures 'Never Possible' (Reuters) +Sports,Coulthard tests for Red Bull +Sports,"NHL players, owners will meet to seek ways to save season" +World,IRA Says Disarmament Pictures 'Never Possible' +Business,WMC says moves are #39;business as usual #39; +Business,Australia Stockland Pays A\$825M For Foster #39;s Lensworth-2- +Business,Merck #39;s stock rises despite cloudy outlook +Business,OUR OPINION +Business,Automakers Challenge CA CO 2 Regulation in Court +Business,Sales soar in aerospace industry +Sci/Tech,Toshiba Develops Dual-Format DVD +Sci/Tech,"Watch out Outlook, here comes Thunderbird" +Sci/Tech,Volcanic Activity Possible on Object Beyond Neptune +Sci/Tech,China Bans Video Game for Breach of Sovereignty +Sci/Tech,Siemens sets up 1Gbit/s wireless link +Sports,Gritty Sonics roll on +World,Former US Marine in Iraq tells Canadian board some comrades became <b>...</b> +World,Reports: Allawi says Iraq could spread out elections +Business,"Dollar Extends Rebound Against Euro, Yen" +Business,Computershare Says No Wrongdoing in Probe +Business,Oil Prices Rise for Second Day in a Row +Business,Swiss insurer sells UK life unit +Business,An investing slam-dunk +Business,"Aerospace firms' sales, jobs climb" +Business,Snow to remain Treasury secretary +Business,Support builds for minimum wage hike +Business,Drumbeat grows for OPEC cuts +Business,"Merck slashes '05 forecast, citing Vioxx" +Business,Growth of global PC market forecast to ease +Business,Retailers' accuracy high on toy pricing +Business,Jury rules for franchisees in Shell trial +Business,SEC probes auditor's link to fund trustees +Business,Women's apparel store shifts into high gear +Business,Vivendi to Sell 15 Stake in Veolia to Cut Debt (Update2) +Business,"Aerospace firms #39; sales, jobs climb" +Sci/Tech,"Ah, the whiff of a very old yolk" +Sci/Tech,Longest-serving astronaut to retire +Sci/Tech,Lucent shines a little brighter +Sci/Tech,Two China Banks Uncover Fake Web Sites (Reuters) +World,EU sees no lifting of China arms ban +World,Japan extends troops mission in Iraq +World,UN General Assembly welcomes Annan #39;s call for reform +Sports,United States Blanks Mexico 5-0 (AP) +Sci/Tech,Lenovo shares slump after IBM deal (AFP) +World,Timely Iraq Vote a Point of Pride (AP) +World,Sharon Warns of Snap Elections Without Likud Backing +Sports,Rivers: It starts with stops +Sports,Brady is passing the true test +Sports,Lieber goes to the Phillies +Sports,Free agents offered arbitration +Sports,NHL players to put new offer on table +Sports,Knicks snap out of it +Sports,Creamer already appears to be rising to top +World,Sharon seeks coalition go-ahead +World,Laptops may damage male fertility +World,Chess masters bloom in ancient desert city +World,Reform vote eases crisis in Ukraine +World,Putin plan to appoint governors is approved +World,US consulate attack +World,"Brazil a leading world polluter, report says" +World,N. Korea head purges key official +World,4 soldiers disciplined in abuse case +World,Federal judge orders soldier back to Iraq +Sci/Tech,Plea to the democratic world: Ukraine needs your support +Sci/Tech,Disney Backs Sony's Blu-Ray for New DVD Format +Sci/Tech,IBM Reassures Workers After Milestone Deal +Sci/Tech,"On Local Sites, Everyone's a Journalist" +Sci/Tech,"Use Shuttle To Fix Hubble, NASA Is Told" +World,Filipino Rescuers Pull 4 Storm Survivors (AP) +Business,Kraft Sells UK Desserts Unit for \$135 Mln +World,"For Young Armenians, a Promised Land Without Promise" +Business,The Terminator takes on Detroit +Business,Ellision: Oracle to #39;oversupport #39; PeopleSoft customer +Business,Target getting bum rap for ending #39;ringer #39; favoritism +Sci/Tech,Will Blu-ray Zap a Rival DVD Format? +Sports,Orange Bowl will showcase four of five Heisman Trophy finalists +World,Japanese Troops Authorised to Stay in Iraq +World,Barghouti still in PA race +Sci/Tech,Panel Urges Shuttle Mission to Help Hubble +Sci/Tech,Astronomers Contemplate Icy Volcanoes in Far Places +Sci/Tech,Buying Bowl Tickets Is a Game in Itself +Sci/Tech,Report urging manned Hubble mission praised +World,Middle East ; Twenty Filipinos found alive in rubble after storm +World, #39;Unknowns #39; stirring Palestinian race +Business,Nintendo's DS beats sales target +Business,"Ellison #39;s take on PeopleSoft, datahubs" +Business,Hyatt to Buy AmeriSuites Hotel Chain +Business,Infineon to Build \$1B Malaysian Fab +Business,Premier Delight at buy from Kraft +Business,"Oil, chips to crimp stocks" +Business,General Motors to Save \$664 Mln Through European Cuts (Update2) +Business,Tribune to stop charging for Spanish-language paper +Business,Amazon launching DVD rentals +Business,Vioxx Withdrawal to Reduce Merck Earnings +Sci/Tech,Disney backs Blu-ray +Sci/Tech,PalmOS Goes Linux +Sci/Tech,Pop-ups Spoof Into Your Money +Sci/Tech,Nintendo President Shrugs Off PSP +Sci/Tech,China Bans a New Computer Video Game +Sci/Tech,Space flight pro Young honored for NASA years +Sci/Tech,"Sun #39;s McNealy talks about open source, Microsoft" +Sci/Tech,Amazon Burning Makes Brazil a Leading Polluter +Sci/Tech,Lonesome whale #39;s high-pitched voice baffles biologists +Sci/Tech,IBM signs seven-year deal with Lloyds TSB +Sports,NBA players and supporters charged +Sports,More Southampton Stories +Sports,Becks relieved after Roma win +Sports,Last chance for NHL season +Sports,Chittagong cleared for second Test +Sports,Singh showdown for Tiger +Sports,Fergie stands by selection policy +Sports,It #39;s a wrap for Hamm and fellow legends +Sports,British confident of Grand Prix deal +Sports,Leicester keeper set for Gunners recall +Sports,Multi-faceted Duncan is NBA #39;s best +Sports,Tyson arrested for damaging car +Sports,SuperSonics Top Spurs 102-96 (AP) +Sports,Texans Want No Part of Manning's History (AP) +World,US Defense Secretary Says Military Ties With India Will Strengthen +World,Four pulled from Philippines rubble after ten days +World,EU Could Lift Arms Embargo on China by Next Year +World,Group Criticizes Coleman For Calling On Annan To Resign +World,Contentious race for power +World,South American leaders vow to create an EU-styled political union +World,Furious Japan seeks action against NKorea for lying about <b>...</b> +Business,Kremlin targets another oligarch +Business,"Hyatt to buy AmeriSuites, consolidate holdings" +Business,Infineon to Invest \$1 Billion in Malaysian Factory (Update4) +Business,UPDATE: Australia #39;s WMC Ups Stakes In Xstrata Battle +Business,Shrek 3 Moved To 2007 +Business,DPI buys CSX terminal business for 1.15 bn dollars +Business,Many states altering rules on insurance +Sci/Tech,Scientists pluck the details from chicken-genetics map +Sci/Tech,Mozilla launched Thunderbird 1.0 +Sci/Tech,Sun Plans to Call on Lenovo After IBM Deal-CEO +Sci/Tech,Trojan programme exploits anti-spam sentiment +Sports,"Singh on top of the world, and he got there quietly" +Sports,SPORT * RUSSIA * FRANCE * FOOTBALL * CSKA +Sports,US areas lag behind in keeping up with races +Sports,BU's Bourque finds himself in select company +Sports,ND's president speaks his mind +Business,Infineon to invest \$1bn in Malaysia to produce chips for cars +Business,"Oil, Dollar, Chips to Weigh on Wall St." +Business, #39;Shrek 3 #39; Hibernating Until #39;07 +Business,Dubai Ports International Buys CSX #39;s Ports +Business,Vivendi to Sell 15 Stake in Veolia to Reduce Debt (Update3) +Business,"Merck slashes #39;05 forecast, citing Vioxx" +Sports,BC doubles up Fordham +Sports,Washington pursues O'Brien for vacancy +Sci/Tech,McNealy: Sun is boxing clever with Microsoft +Sports,Peterson may become first freshman to win Heisman +Sports,White Sox fill a gap +Business,"Oil, Dollar, Chips to Weigh on Wall St. (Reuters)" +World,"Europe Urged to Help NATO More in Iraq, Afghanistan (Reuters)" +World,Venezuelan President Approves Media Law (AP) +World,'Miracle in mud' as four pulled alive from Philippine disaster (AFP) +World,Hand Recount Starts in Wash. Gov.'s Race (AP) +Business,"Oil, Dollar, Chips to Weigh on Wall St." +Business,Dollar Extends Recovery for 2nd Session +Business,OPEC Debates Need for Oil Supply Cutbacks +Business,"GM Unit Opel to Cut 9,500 German Jobs" +Business,Toll Brothers Profit Nearly Doubles +Business,Disney backs Sony DVD technology +Business,State reduces stake in Air France +Business,Nations mark anti-corruption day +World,"Over 1,000 Die Every Day from Congo War -- Report" +World,Rescue chopper down off Alaska +World,Kiev back to work in protest lull +World,Karzai warning over drugs trade +World,Shipman report demands GMC reform +World,Iraq Combat Fatality Rate Lowest Ever +World,FBI Searches Saudi Arabia's PR Firm +World,Aid to Palestinians Approved +World,Interpreter Says No To Secrecy +Business,Shrek 3 not in cinemas before 2007 +Sports,"5 Indiana players, 7 fans charged in November NBA brawl" +Sci/Tech,Crewmen Ration and Lose Weight on Space Station +Business,"General Motors to cut 9,500 jobs at German unit" +Sports,New players proposal could be last chance +Sci/Tech,Alaska Oil Spill Takes Toll on Animals and Fisheries +Business,Stock Futures Point to Lower Market Open +World,The hounding of Kofi Annan +Business,FUTURES MOVERS +Business,Vivendi sale raises spectre of Veolia takeover +Business,FTC shuts down debt collection company +Business,Segal to get full hearing on release +Business,Dollar Steadies Versus Euro and Yen +Sci/Tech,How Does a Chicken #39;s Sense of Smell Help us Understand Human <b>...</b> +Sci/Tech,Unscheduled upgrade caused government IT death +Sports,Troubled Griffin's NBA homecoming brings 76ers sixth loss in a row (AFP) +World,Europe Urged to Help NATO More in Iraq +Business,"Stocks to Watch on Thursday, Dec. 9" +Business,Bank keeps interest rate unchanged +Sci/Tech,McNealy: Sun still shines for Oracle +Sports,"Gerrard can win with us, says Benitez" +Sports,Supporting cast out to nail star Els +World,"War, poverty and Aids causing half of world #39;s children to suffer" +World,US for stronger defense ties with India: Rumsfeld +World,"Poll: Optimism, Fatah support on the rise among Palestinians" +Business,OPEC Warns Oil Supply Cuts Needed for '05 +Business,Before-the-Bell: Ciena Rises on Outlook +Business,BoE Holds UK Rates at 4.75 Percent +Business,Bank of England Leaves Rate Unchanged +Sci/Tech,12/09/2004: quot;Disney backs Sony #39;s Blu-Ray high definition DVD <b>...</b> +Sci/Tech,Spartan hen serves up a scientific golden egg +Sci/Tech,New virus steals passwords +Sci/Tech,Date set for second Longhorn conference +Sports,DC in pole position for Red Bull slot +Sports,Western Australia skittle Pakistan for 262 in tour game +World,S America launches trading bloc +Business,Before-the-Bell: Ciena Rises on Outlook (Reuters) +Business,BoE Holds UK Rates at 4.75 Percent (Reuters) +World,Judgment at Hand in Landmark Berlusconi Trial (Reuters) +World,NATO Struggles to Find Troops for Missions (AP) +World,"Two policemen killed, three injured in Kashmir rebel attack (AFP)" +Business,Stocks Seen Lower with Chips Getting Hit +Business,Sabre Buys Reservation Services Company +Business,Lilly Sees Profit Lifted by Newer Drugs +World,Judgment at Hand in Landmark Berlusconi Trial +Business,Air China raises \$1.07bn in IPO +World,UK 'discriminated against Roma' +Business,France moves to cut Air France KLM stake +Business,Kraft to Sell UK Desserts Business +Sci/Tech,Where #39;s the market for Sun #39;s pay-as-you-go? +World,EU stalls over lifting China arms embargo +Business,Costco Posts Higher First-Quarter Profit (Reuters) +Business,"Hyatt, Gripped by Family Lawsuit, Buys AmeriSuites (Update1)" +Business,"Opel to cut 9,500 German jobs" +Business,Amazon UK rents DVDs +Sports,Steelers' Roethlisberger Misses Practice (AP) +Sci/Tech,"Nintendo Raises DS Target on Demand From US, Women (Update1)" +Sci/Tech,Trojan horse program masquerades as anti-spam screensaver +World,"Ganguly urges teammates to worry about matches, not records (AFP)" +Sports,Neville: We fear no one +Sports,Clijsters rejects reports she will not make Australia +Sports,Red Bull and David Coulthard +Sports,Passing the torch +World,Japan extends SDF deployment in Iraq by one year +World,Iraqis Float Staggered Vote Idea +World,Rescuers Dig at Philippine Ruins After Saving Four +World,One in 10 families 'pays bribes' +Business,Air China raises \$1.07bn in IPO +Business,Hyatt buying AmeriSuites for about \$600M +Sci/Tech,U.N. Urges Expansion of Tsunami Warning System to Indian Ocean +Sci/Tech,Frayed Nerves and Aftershocks Create Panic in Southern Asia +Business,Amazon challenges DVD rental market with lower rates +Business,UK October Trade Deficit in Goods Widens to 5.3 Bln Pounds +Sci/Tech,Tsunami Group Will Expand Its Network +Sci/Tech,NASA urged to send shuttle to Hubble +Sci/Tech,Nintendo Ups DS Console Shipment Target +Sports,"Players, Fans Face Charges in NBA Brawl" +Sports,One game of true passion on a night of fakes +Sports,Disappointed Delneri Says #39;Arrivederci Champions #39; +Sports,"NHL Players, Owners to Meet in Bid to Salvage Season" +Sports,Pakistan recovers after shaky start. +Sci/Tech,Canada Confirms 2nd Case of Mad Cow +World,"Nations losing world hunger fight, report says" +World,Kashmir bus talks to continue +Business,Jobless Claims Rise Unexpectedly (Reuters) +Business,Jobless Claims at Highest Level Since Sept. (AP) +Business,Costco Posts Higher First-Quarter Profit +Business,"Before-the-Bell: Nortel, Ciena Gain" +Business,Weekly Jobless Claims Rise Again +Business,Hyatt to Buy AmeriSuites Hotel Chain +Business,McDonald's Sales Climb 4.2 Percent +Business,Air China raises \$1 billion in share offering +Business,John Player to lay off 90 workers +Business,Salvation Army donations are down +Business,Oracle revises PeopleSoft intentions +Business,UK trade deficit grows +Sci/Tech,China Bans a New Computer Video Game (AP) +World,"GM Europe to Cut 12,000 Jobs in Deal (AP)" +Sci/Tech,Coming Soon to an Inbox Near You: 'Spiritual Spam' (Reuters) +Sci/Tech,Sale of IBM unit doesn't mean ThinkPads will cease to exist (USATODAY.com) +Sci/Tech,Mobile Phone Users Double Since 2000 (Reuters) +Sci/Tech,Nintendo President Plays Down Sony Handset +Sci/Tech,Microsoft Schedules Second Longhorn Event +Sci/Tech,Technology ; Kazaa talked to record firms about music swaps <b>...</b> +Sci/Tech,Microsoft Schedules Second Longhorn Event (PC World) +Sports,Leiter leaves Mets +Sports,Vince hurt as Raps bow in OT +Sci/Tech,IBM Reassures Workers After Milestone China Deal (washingtonpost.com) +World,Unicef report: 1bn children suffering +Sci/Tech,Worst Oil Spill in Five Years Off S. China Coast (Reuters) +World,Suspected Explosives Found Before Taiwan Election +World,"Opposition supporters leave tent camp in Kyiv, but many plan to stay (Canadian Press)" +Sports,"Players, Owners to Meet in Bid to Save NHL Season" +Sports,Tyson Arrested in Arizona +Sports,Glaus Headed to Arizona?? +Sports,Els Makes Flawless Start in Dunhill +Business,Oil Rises as OPEC Considers Supply Cut +Business,Paris to sell 700 million of its stake in Air France +Business,"GM Europe Axes 12,000 Jobs" +Business,US Data Suggest Job-Market Recovery Losing Steam +Business,Lilly: #39;05 Profit Driven by Newer Drugs +Business,"Costco profits rise, but stock falls in early trading" +Business,"US Economy: Import Prices, Initial Jobless Claims Rise" +Business,Agree with Target #39;s ban of Salvation Army bell ringers? +Business,McDonald #39;s Same-Store Sales Rise in Nov. +Business,Hyatt Books AmeriSuites Acquisition +Sci/Tech,Disney backs Sonys Blu-ray DVD format +Sci/Tech,Decoded chicken genome reveals common ancestors for birds and <b>...</b> +Sci/Tech,Linux-based Palms on the way +Sci/Tech,Nintendo DS Proves Popular +Sci/Tech,Experts call on NASA to save Hubble with shuttle mission +Sci/Tech,New virus camouflaged as screensaver +Sci/Tech,Hollywood nails Kaleidescape +Sci/Tech,Kazaa #39;worried about piracy #39; +Sci/Tech,Brazil accounts for 3 percent of emissions of greenhouse gases in <b>...</b> +Sci/Tech,Big Kuiper Belt object got a face-lift +Sci/Tech,Say hello to Yahoo on your handphone real soon +Sci/Tech,Siemens sets wireless speed record with OFDM +Sci/Tech,Another delay for Oracle Collaboration Suite update +Sports,Pacers to Appeal Suspensions +Sports,Clijsters expected to miss Aussie Open +Sports,Sir Alex:Our kids will come on a ton +Sports,Pitch change has Bracewell upset +Sports,Glaus joining Diamondbacks: report +Sports,"Germany #39;s Glagow, Fischer win biathlon events" +Sports,Teammates unhappy with Bryant regime +World,"IRA: Willing to Disarm, But Photos Impossible" +World,'Mercenaries' appeal in Zimbabwe +World,"Sistani unveils electoral alliance, Sadr not on list" +World,Survivors rescued after 10 days +World,Koizumi will keep Japanese in Iraq +World,Europe and China: keeping pace with a growing giant +World,Palestinian candidate says Israeli soldiers beat him +World,Zimbabwe curbs rights groups +World,Serbian church sues over Kosovo +World,Hello! appeals in Zeta Jones case +Business,"Jobless Claims Up, Import Prices Gain (Reuters)" +Business,"Jobless Claims Up, Import Prices Gain" +Business,Global Growth Key to Beer Wars +Sports,"Hamm, Foudy Retire From Women's Soccer" +Business,"Dollar Rises, Investors Eye Yields" +Business,Tech Stocks Tumble After Chip Makers Warn +Business,Hyatt to Buy AmeriSuites Hotel Chain +Business,Showtime for Martha +Business,Is D B Down and Broken? +Business,"Kos Sinks, Generic Drug Blamed" +World,Japan Extends Its Military Presence in Iraq +Business,OPEC Warns Oil Supply Cuts Needed for 2005 +Business,UK imports at record high +Business,China officials halt Playboy club +Business,UK to launch Parliamentary inquiry into future e-voting +World,Bomb Explodes in Argentine Branch of Citibank +World,Venezuelan President Approves Media Law +Business,Folgers lifts ground coffee prices 14 +Business,Tech Stocks Tumble After Chip Makers Warn +Business,"Jobless Claims Up, Import Prices Gain" +Sports,"Bring on the big boys, says Bayern #39;s Magath" +Sports,Tyson arrested for beating car +World,Arms to Pak: India conveys concerns to US +World,ANNAN #39;S FUTURE: Remains up in the air with scandal +Sci/Tech,Nintendo boss slams PSP as DS shipment target is raised +Sci/Tech,Humans favoured for Hubble rescue +Sci/Tech,Samsung shipping samples of 512Mbit GDDR3 +Sports,Angulo apology for Valencia fracas +Business,Saudis call for delays in output cuts +World,MP Offers to Photograph IRA Decommissioning +World,Iraqi Shiites unveil broadly based electoral alliance +World,Middle East ; Israeli airstrike wounds three Palestinians in Gaza +Business,Tyco International Ups Dividend +Sci/Tech,Mozilla tries to emulate Firefox success with email client. +Sci/Tech,Samsung doubles graphics memory density +Sci/Tech,Yahoo buys start-up to boost mobile +Sports,Charges filed in connection with brawl +Sports,BENITEZ OUT TO KEEP GERRARD +Sports,Biathlon stars gather at Holmenkollen +Business,Oil firm chief in Singapore free on bail +Business,"SPX shakes up leadership: Blystone out, Johnson in" +Business,"McDonald #39;s posts another monthly sales gain, led by US" +Business,Bank of England holds interest rates +Business,"November import prices rise 0.2, more than expected" +Sports,India to take on Bangladesh +Business,Sky is the limit +Business,China/New York IBM deal reflects global realignment +Sci/Tech,The future in your pocket +World,Car bomber hits central Baghdad +Sci/Tech,Sony announces Disney Blu-Ray support +World,Car Bomb Blast Near Allawi HQ in Baghdad +Sci/Tech,China bans video game for allegedly offending Chinese sovereignty? <b>...</b> +Sci/Tech,Samsung Samples First 512Mbit GDDR3 +World,The US Approach to Climate Change +Sports,Frazier Advances at ASB Women's Classic (AP) +Business,IBM Sale Reflects Unease in Personal Computer Sector +Sci/Tech,DVD-copying system sparks legal battle +Sports,Koeman wields Ajax captaincy axe +Sports,New Trouble for Mike Tyson +World,"US soldier killed, three wounded in Afghanistan ambush (AFP)" +Business,Stocks fall on worrisome news +World,"Rumsfeld Visits India, Delhi Frets on Arms Sales (Reuters)" +Sports,Sonics Move Into Tie for NBA's Best Record (AP) +World,Envoy Complains of 'Anti-French Neurosis' in Israel (Reuters) +World,"Khartoum, Darfur Rebels Split on Peace Chances (Reuters)" +World,US defence secretary sidesteps India's concern over F16s for Pakistan (AFP) +World,Powell Says He Won't Run for Office (AP) +World,Bush: No Payroll Tax Hike for Soc. Sec. (AP) +World,Nobel Peace Prize Winner Maathai Answers Critics +World,"NATO, Russia Deny 'Cold War' Rift on Ukraine" +World,Envoy Complains of 'Anti-French Neurosis' in Israel +World,"Khartoum, Darfur Rebels Split on Peace Chances" +Business,Crude Oil Rises as OPEC Ministers Call for a Production Cut +Business,France Cuts Air France KLM Stake +Business,Air China raises \$8.3b with high-end price +Business,"Jobless Claims Up, Import Prices Gain" +Sci/Tech,Study: Chicken Genome Fills Crucial Knowledge Gap +Sci/Tech,HP revamps midrange storage line +Sports,Champions League: Group B review - Real Madrid Figo out how to <b>...</b> +Sports,Clijsters likely to miss Australian Open +World, #39;US arms to Islamabad could impact India-Pakistan ties #39; (LEADS <b>...</b> +Business,Disney Joins Blu-Ray Team +Business,Semiconductor Sector Sends Stocks Lower +Sci/Tech,Disney Backs Blu-Ray Format for Its Movies (AP) +Sports,Glaus Agrees to 4-Year Deal With Arizona (AP) +Sci/Tech,Samsung Doubles Graphics Memory Density +Sports,COULTHARD IMPRESSES IN TESTING +Sports,Report: D #39;backs sign Glaus +Sports,Els stalks leader in South Africa +Sports,"Regardless of age, Oklahoma tailback should win Heisman Trophy" +Sci/Tech,Fans Mourn Slaying of Ex-Pantera Guitarist (AP) +World,Powell Attacks European NATO Allies on Iraq (Reuters) +Sci/Tech,DS success shows public wants 'easy-to-play' video games: Nintendo (AFP) +Sci/Tech,Blair Said to Seek New Climate Pact with Bush (Reuters) +Sports,Glaus Headed to Arizona +Sci/Tech,Recommended Hubble Repair Mission Gets Measured Response from Congress (SPACE.com) +Sci/Tech,Sharing SETI: A Personal Book List (SPACE.com) +World,Opposition Gears Up for New Election Battle +World,Court Overturns Nigerian Woman's Stoning Sentence +Sci/Tech,Dungeness Crab +Sci/Tech,Canon loses printer recycling case +Sci/Tech,Britons growing 'digitally obese' +Sci/Tech,Nintendo's DS beats sales target +Business,"GM cuts 10,000 jobs in Germany" +Sci/Tech,Mobile Phone Users Double Since 2000 +Sci/Tech,Mickey Mouse Makes a DVD Pick +Sci/Tech,"Simulation, War's New Teacher" +Sci/Tech,IBM Stops Offering Cash-Balance Pension +Sci/Tech,Musicians Are Making Tracks to Video Games +Sci/Tech,Cell Phones In Flight Considered +Sci/Tech,Congress to Back Aid for Internet Schools +Sci/Tech,Oracle's Ellison Confident in PeopleSoft +Sci/Tech,Mobile Phone Users Double Since 2000 +Sci/Tech,Experts Urge People to Unplug Occasionally +Sci/Tech,Waterproof IPod Housing All Wet +Sci/Tech,Mountaineers to rescue juniper +World,Rumsfeld Says He's Not Surprised by Troops' Complaints +Sci/Tech,Outsource the CEO! +Business,"GM Europe To Cut 12,000 Jobs in Deal" +Business,Weekly Jobless Claims Rise Again +Business,Toll Brothers reels in record numbers +Business,Hyatt buying AmeriSuites chain +Sci/Tech,Disney backs Sony DVD technology +Sci/Tech,"Zingy to Deliver Kanye West, Aaliyah Songs (Reuters)" +Sci/Tech,HP #39;s new offerings expand ILM portfolio +Sports,Troy Glaus agrees to four-year deal with Arizona Diamondbacks +Sports,Champions League: Group C review - Juve and Bayern in cruise <b>...</b> +Sports,Govt clears Chittagong as venue for matches +Sports,"No. 6 Duke Rallies Past Clemson, 62-54 (AP)" +Sports,"NHL, Union Return To Bargaining Table" +World,IRA pledges full disarmament +World,One billion kids #39;miss childhood #39; +World,"Palestinian car explodes in Gaza, wounding three militants" +Sci/Tech,New GNOME version is available for Linux users +Sci/Tech,Researchers warn laptop users of infertility risk +Sci/Tech,Netline strikes deal with Novell +Sci/Tech,Nintendo DS Proves Popular +Sci/Tech,Disney Backs Blu-ray Standard +Sci/Tech,Microsoft Schedules Second Longhorn Event +Sci/Tech,"Friendster, Eurekster Team Up for Personalized Search" +Sci/Tech,Warm signs detected from distant icy world +World,Buried under rubble for 10 days +Sci/Tech,Eurekster and Friendster Partner for Friendster Search Engine +Sci/Tech,News: The strange death of the mass mailing virus +Sci/Tech,News: Marine Corps deploys Fallujah biometric ID scheme +Sci/Tech,Mac OS X #151; Rock Solid +Sci/Tech,What Price Privacy? +Sci/Tech,A Gift Guide for Game Geeks +Sci/Tech,Photo Site a Hit With Bloggers +Sci/Tech,RSS: Show Me the Money +Sci/Tech,Panel: Robot Won't Save Hubble +Sci/Tech,Getting Burned? Put on a Shirt +Sci/Tech,Why Nerds Are Unpopular +Sci/Tech,Laptops a Hot Fertility Issue +Sci/Tech,This Genome Is Fowl +Business,"Semiconductor Sector Slides, Stocks Down" +Business,"Costco Disappoints on Profit, Stock Falls" +Business,"GM cuts 10,000 jobs in Germany" +Business,WMC Announces AU\$1 Billion Payout +Business,Ford President Scheele to Retire +Sci/Tech,Iger: Disney Throws Weight Behind Blu-Ray DVD Format +Sci/Tech,Siemens claims gigabit wireless breakthrough +Sports,White Sox sign OF Dye to two-year contract +World,Rumsfeld tries to soothe angry U.S. troops (Reuters) +Business,Tyco Raises Dividend +Business,Ford's President and Vice Chairman to Retire; Padilla to Replace Scheele +World,Palestinian presidential elections candidate beaten +Business,"Stocks Rebound, National Semi Stock Up" +Business,OPEC consensus emerging to cut oil over-production +Business,France sells 17.7 percent of Air France +Business,Ford #39;s Scheele to Retire as President on Feb. 1 (Update2) +Business,Tyco Raises Dividend +Business,Eli Lilly expects earnings growth in 2005; accelerated newer drug <b>...</b> +Business,Hyatt to Buy AmeriSuites Hotel Chain +Sci/Tech,"Panel Wants People, Not Robots, To Fix Hubble" +Sci/Tech,Wireless network smashes world speed record +Sci/Tech,Oracle Tackles Unstructured Data With New Content-Management <b>...</b> +Sci/Tech,Samsung ships 512 Mbit GDDR3 memory +Sci/Tech,IT heavyweights line up on MegaGrid +Sci/Tech,"U.K., U.S. to Share Anti-Terror Technology (AP)" +Sports,Angulo apologizes for conduct in Champions League game +Sports,Hamm cements her legacy +Sci/Tech,Amazon UK Launching DVD Rental Service (Reuters) +Sci/Tech,Analysis: Will Subscriptions Drown Out iTunes? (MacCentral) +Sci/Tech,HP Embraces Open Source as Well as Linux (Ziff Davis) +Sports,McDonald Takes One-Shot Lead at Dunhill (AP) +Sports,Priest Holmes Placed on Injured Reserve +Sci/Tech,Oil Chemical Cleared of Damaging N.Sea Fish-Study (Reuters) +World,Who's Left From Bush's First-Term Cabinet (AP) +Sci/Tech,Iraq's Neighbors Get #36;2.9 Billion for Clean-Up (Reuters) +Sci/Tech,Angry Forest Workers Cut Off Toe of Italy (Reuters) +Sci/Tech,'Alternative Nobels' Awarded in Sweden (AP) +Business, quot;Shrek 3 quot; Swamped Until 2007 +Business,"IBM Could Lose Half Its PC Prospects To Dell, HP" +Business,Update 4: GM Europe Offers Generous Buyouts in Deal +Business,Harley-Davidson CEO dismounts +Business,France Sells Half Its Holding in Air France-KLM (Update12) +Business,Update 2: China Aviation Oil Chief Faces Police +Business,"Update 1: Altera, Xilinx Warnings Slam Sector" +Business,Boeing Gets \$4.1B Order From Singapore +Business,Baxter Ends Flu Vaccine Trial; Cites Side Effects +Business,Update 4: Hyatt Purchasing AmeriSuites in \$600M Deal +Sports,Clemens Leaning Toward Retirement (AP) +Sports,Ohio State Bans Postseason Basketball (AP) +Sports,"Bettis, Martin May Hit Milestone Together (AP)" +Sci/Tech,Disney to go with Blu-ray next-gen DVD +Sci/Tech,Nintendo zaps handheld video game shortage +Sci/Tech,Mysterious Tremors May Portend California Quakes +Sci/Tech,Panel Nixes NASA #39;s Hubble Fix +Sci/Tech,Amazon has launched its DVD Rental Service in the UK +Sci/Tech,Probably the simplest phishing trick in the world +Sports,A Favorite Emerges +Sci/Tech,Food running so low aboard station that crew ordered to cut back <b>...</b> +Sci/Tech,Huawei wins 3G contract from Telfort +Sci/Tech,Kazaa talked to record firms about music swaps - court +Sci/Tech,"AMD releases details of 90 nm Opterons, multicore chips" +Sports,"Shaq, McGrady pace NBA best-seller list (AFP)" +Sports,How the British GP was saved +Sports,McDonald takes one-shot lead over Els in Dunhill Championship +Sports,Black Caps duo cleared to play Australia +Sports,Hughes picks up where he left off at Masters +Sports,NHL-NHLPA talks break down in Toronto +Sports,Holmes hurt knee against the Bucs +Sports,Arizona sends a message of hope with Glaus signing +Sports,Buckeyes won #39;t play in NCAA or NIT tourneys +Sports,Four finalists selected in bids for 2009 Super Bowl +Sports,Arizona Signs Glaus +World,Powell Criticizes Some European Allies on Iraq +World,Sharon Wins Vote to Rescue Gaza Pullout +World,US denies push to oust Annan +World,PM to Rumsfeld: we can do a lot more if Pak builds on trust +World,"Nobel peace laureate: Struggle for peace, environmental <b>...</b>" +World,Only invitation entitles observers to Zimbabwe #39;s parliamentary <b>...</b> +World,Berlusconi says he won #39;t get convicted +World,Mortar attack wounds Iraqi guards +Sports,Peterson Could Break New Heisman Ground (AP) +Sports,"Ohio St. Extends Matta's Contract, Bans Postseason Play" +Business,Official: OPEC to Cut Production Next Year +Business,Yukos Subsidiary Tomskneft Gets \$114 Million Tax Bill +World,Mexico Seeks to Clean Up Shoddy Rights Record +World,Ecuador judges' lock-in protest +World,Bush vows action over troops' kit +World,Guitarist killer's motive unknown +Business,A Bit of Self-Promotion +Business,"Hollywood, But Holly Shouldn't" +Business,Intel: The Return of Stuart Smalley +World,Firefighter Killed in Iraq Is Recalled as a Hero +World,Rio Fights Rampant Street Crime as Tourists Fly In +World,'Alternative Nobels' Awarded in Sweden +Business,Consumer Reports Adds Drugs to Price Comparison (Reuters) +Business,America West: Will Not Bid for ATA (Reuters) +Business,Athlete's Foot Seeks Bankruptcy Protection (AP) +Business,Consumer Reports Adds Drugs to Price Comparison +Business,Stocks Rise on Sprint/Nextel Merger Talk +Business,Toll Brothers Profit Nearly Doubles +Business,National Semi Quarterly Profit Rises +Sci/Tech,Report: Robotic Hubble Mission Likely to Fail +Business,Is Intel Too Optimistic? +Business,Ford Motor Co. announces changing of the guard +Sci/Tech,PalmSource Buy Yields New OS +World,ONE BILLION CHILDREN AT RISK +Business,"Stocks Rally, Sprint/Nextel Talk Helps" +Business,Baxter shelves flu vaccine test +Business,Stocks Flat; Higher Oil Limits Gains +Sci/Tech,Are you Chicken? Genome study shows we share half their genes! +Sci/Tech,Amazon #39;s British Invasion +Sci/Tech,Industry Leaders Partner With Oracle to Support First True <b>...</b> +Sci/Tech,Siemens Clocks Record Speed in Wireless Race +Sci/Tech,Home Theater Maker Kaleidescape Hit with Copyright Suit +Sci/Tech,Food running low aboard station; Crew ordered to cut calories +Sports,Gerrard playing for his future +Sports,Attention to detail makes Manning great +Sports,D-Backs get Glaus +World,Sharon Wins Key Vote on Alliance for Gaza Plan +World,North Jersey Media Group +Business,DreamWorks Shares Dip on #39;Shrek #39; Delay +Business,Harley-Davidson CEO to retire in April +Business,Baxter puts flu vaccine tests on hold +Sci/Tech,Mystery tremors may portend California quakes +Sci/Tech,Oracle boosts content management in the enterprise +Sci/Tech,Space crew #39;using up food supply #39; +Sports,Bracewell sceptical about pitch +Sports,UPDATE 1-Tuncay hat-trick sinks Manchester United +World,Country lags behind in saving #39;children from deprivation #39; +World,US welcomes Japan #39;s decision to extend forces in Iraq +World,Shiite Groups Unite to Run in Iraq Elections Next Month +Business,Harley CEO Taking Off +Business,America West: Will Not Bid for ATA +Business,Amazon.com Begins DVD Rental Service on UK Site (Update2) +Business,"Banks, Law Agencies Team Up To Fight Phishing" +World,Summary: Bush Has Full Agenda for January (AP) +Sci/Tech,Lycos email scam hides nasty Trojan +Sci/Tech,Frozen heavenly body hints at a warm heart +Sci/Tech,Amazon adds DVD rental service to UK store +Business,OPEC may cut oil output +Business,Icahn Blasts Mylan Board on King Deal +World,Powell Bids Nostalgic Farewell to NATO (Reuters) +Sports,Correction: Morehead-St-Kentucky Story (AP) +World,Australia training its spies in Middle East: espionage chief (AFP) +World,Israel's Sharon Wins Crucial Likud Vote -Official +World,Rio Fights Rampant Street Crime as Tourists Fly In +Business,Crude oil prices rise on concern about less OPEC output +Business,Baxter pulls flu vaccine from British test +Business,Harley-Davidson CEO Bleustein to Retire +Sci/Tech,Oracle Rolls Out Collaboration Suite 10g +Sci/Tech,Most Browsers Vulnerable to Pop-Up Attack +Sci/Tech,EU safer internet plans approved +Sports,Klitschko-Williams: A Preview. +Sports,Els in Dunhill contention +Sports,Don #39;t look back +World,Zimbabwe okays electoral reforms +Business,Money Funds Rose in Latest Week (AP) +Sci/Tech,U.N.: Mobile Phones Gaining Revenue (AP) +World,Militant Chief Wounded in Israeli Strike in Gaza (Reuters) +Sci/Tech,Illicit Cameraphone Clicks Could Mean Jail (AP) +Business,Opec prepares to support oil price by enforcing quotas +Business,France to sell 700m holding in airline +Business,"Proctor amp; Gamble, National Semiconductor move market higher" +Sci/Tech,GPS Used to Track Teens' Driving (AP) +Sports,Steelers' Burress to Miss Game With Jets (AP) +Sci/Tech,Samsung ships samples of world #39;s first 512Mb GDDR3 +Sci/Tech,T-Mobile USA Sees High-Speed Network 2 Years Off (Reuters) +Sports,"Artest, other suspended players meet with arbitrator; NBA stays <b>...</b>" +Sports,Dress-up day is ratings winner +Sports,2006 World Cup: Japan drawn with North Korea in qualifiers +Sci/Tech,Researcher Warns Male Laptop Users of Infertility Risk (PC World) +Sci/Tech,Atkins Gets Tech-Savvy to Reach More Dieters (Reuters) +World,US weapons for Pakistan will hurt peace talks: India +Sci/Tech,IBM Halts Pension Plan for New Hires (Reuters) +World,President Prays at Menorah Lighting (AP) +Sci/Tech,Space Telescopes Spy Dusty Debris of Planets (Reuters) +Sci/Tech,Mysterious Tremors May Portend California Quakes (Reuters) +Sci/Tech,EU Agrees Deal on Punishing Ship Pollution (Reuters) +Sci/Tech,NY Bird Lovers Want Pale Male's Nest Restored (Reuters) +Sci/Tech,OPEC Thwarts Climate Aid for Poor Nations - WWF (Reuters) +Sci/Tech,Food Running Low Aboard Space Station (AP) +World,Moral clarity blurs in Darfur crisis +World,Japan beefs up its defense stance +World,"Ukraine's presidential campaign, Part II: a cleaner run?" +Sci/Tech,Why does Asia get all the cool stuff first? +Sci/Tech,Offshoring gains momentum Down Under +Sci/Tech,Game for a new tune? +Sci/Tech,Visiting Indian delegation gets earful +Sci/Tech,McNealy innovates in trade-show theatrics +Sci/Tech,HDS slides into midrange storage market +Sci/Tech,Novell to support Netline's Open-Xchange Server +Sci/Tech,Tech groups praise parts of intelligence bill +Sci/Tech,Digital PhishNet launched to combat phishing scams +Sci/Tech,Researchers warn laptop users of infertility risk +Sci/Tech,Oracle boosts content management in the enterprise +Sci/Tech,Q A Part 1: Cisco's John Chambers at company's 20-year mark +Sci/Tech,Mobile phone users double since 2000 +Business,French government to cut stake in Air France-KLM +Business,IBM Halts Pension Plan for New Hires +Business,Harley Boss To Retire +Sci/Tech,Vulnerability allows scammers to hijack pop-ups +Sci/Tech,IBM looks to keep customers after PC division sale +Sci/Tech,More DS Units for Japan +Sci/Tech,Lycos pulls anti-spam screensaver after virus scare +Sci/Tech,EU wants to make Internet safe for children +Sports,Gerrard strikes mighty blow +Sports,Cheetham shadows Els +Sports,Don #39;t count out Tiger just yet +World,Wasghington to be criticized at UN climate change summit in Buenos <b>...</b> +Sci/Tech,Microsoft readies Windows Server 2003 R2 beta +Sci/Tech,China's Huawei deploys its first U.S. mobile network +Sci/Tech,Sprint: No comment on reported Nextel merger talks +Sci/Tech,Microsoft to court: Eolas didn't invent patented tech +Sci/Tech,"Fraud, Feds top concerns as CSOs meet in New York" +Sci/Tech,Researcher Warns Male Laptop Users of Infertility Risk +Sci/Tech,Search Engine Inclusion Techniques on Google +Sci/Tech,Google Making Nearly \$.10 on Every Search Query +Sci/Tech,How Web Design Can Affect Search Engine Rankings +Business,First US commercial flight to Vietnam since fall of Saigon takes <b>...</b> +Business,"Jobless Claims Up, Import Prices Gain" +Business,Oracle #39;s Ellison taunts 49ers owners +Sci/Tech,Wireless Internet Siemens Sets Wireless Data Speed Record +Sci/Tech,EU Wants to Make Internet Safe for Children +Sports,Charges Have Been Filed In NBA Brawl +Sports,Buckeyes screwed over by postseason ban +Business,"Asian Stocks Fall in US, Led by Technology Shares; HDFC Drops" +Business,US airline launches first commerical flight to Vietnam since war +Sports,Eagles' Westbrook Turning Into Elite Back (AP) +Sci/Tech,Space Diet: Space Station Crew Ordered To Cut Calories +Sports,Denver's Rodney White Suspended by NBA (AP) +Sports,Wizards go up for sale +World,Moral clarity blurs in Darfur crisis +World,Same-sex couples across Canada rejoice at Supreme Court ruling (Canadian Press) +Business,"Jobless Claims Up, Import Prices Gain" +Business,US Air Needs Cuts to Entice Investors +Business,Stocks Up Amid Talk of Sprint/Nextel Deal +Business,Vanguard Closes \$5.3 Billion Energy Fund +Business,IBM Halts Pension Plan for New Hires +Business,US Air Needs Cuts to Entice Investors (Reuters) +Business,When Picky Analysts Pick (Forbes.com) +Business,DreamWorks Animation turns around in 3rd quarter +Business,STOCKS amp; BONDS Rising Dollar Helps Shares Gain Despite Higher Oil <b>...</b> +Business,"US Stocks, Dollar, Oil Rise, Bonds Slip" +Business,AmWest passes up bid to buy bankrupt ATA assets +Business,Oracle CEO: Data Hubs Would Have Prevented 9/11 +Business,Canada needs more efficient financial system: Bank of Canada <b>...</b> +Business,EU competition chief charges into the fray +Business," #39;Best #39; ratings a response to rising costs, safety concerns" +Business,US Air Needs Cuts to Entice Investors +Sci/Tech,PalmSource To Release Linux Version Of Palm OS +Sci/Tech,Worldwide Technology Nintendo Triples Shipment Forecast +Sci/Tech,Universal browser hole a gift for scammers +Sci/Tech,Major Vendors Explore Grid Frontiers +Sports,Hughes moves into lead after completing first round +Sports,Carter out at least two games with Achilles #39; injury) +Sports,Govt okays Chittagong matches +Sports,UPDATE 1-Van der Vaart stripped of Ajax captaincy +Sports,Wizards Suspend Kwame Brown +World,White House expresses confidence in embattled Annan +World,"Despite 6 refusals, NATO will increase Iraq training staff" +World,Indian sensitivities in mind: Rumsfeld +World,IRA Will Disarm Under One Condition +World,Explosions Rattle Italian Embassy in Iraq +Sci/Tech,PeopleSoft Stock Nears Peak on Reports (Reuters) +Sports,Burress Out for Sunday Showdown with Jets +World,Democrats Must Do More for Hispanic Votes (AP) +Sports,Heath Miller Wins Mackey Award as Top Tight End +Sci/Tech,Shrimp Imports Tightened to Save Turtles (AP) +Sci/Tech,A new weapon against 'cell yell' +World,"Mexico's Fox on Warpath Against Congress, City" +World,Court Orders Record Payout for Guatemala Massacre +Business,Stocks: Shares rise on National Semiconductor profit +Business,America West won #39;t bid for ATA +Business,"Sun Capital, TDR Buy HHG Units for 1.03 Bln Pounds (Update3)" +Business,Premier splashes out 70m on custard bid +Sci/Tech,Nintendo DS Soars +Sci/Tech,Food supply running low for space station crew +Sci/Tech,Space Telescopes Spy Dusty Debris of Planets +Sci/Tech,Novell tightens Netline partnership +Sci/Tech,iPod buzz reaches fever pitch +Sci/Tech,EU Telecoms Council Promotes Safer Internet Use +Sports,Chelsea refuse to abandon pursuit of 35m Gerrard +Sports,Williams vs Klitschko: When A Comet Crashes Into A Tower +Sports,"Montgomerie, Woods, Furyk in three-way tie" +Sports,Kent joins Dodgers for two years +Sports,English league sets standard for European elite +Sports,NHLPA #39;s proposal a small step in right direction +Sports,NBA skips arbitration hearing on brawl suspensions (AFP) +World,Likud Panel Backs Sharon #39;s Plan for Coalition Government +World,"At risk: 1,000,000,000 of the world #39;s children" +World,Palestinian nonviolence may bring more than weapons did +Sports,Sportsview: Soccer Stars Will Be Missed (AP) +Business,Making Over Motorola (Forbes.com) +Business,Osmond buys life funds for 1bn +Business,Sprint and Nextel merger might work +Business,US Airways Needs More Savings To Attract Investors +Business,Bio of outgoing Harley-Davidson Inc. CEO +Sci/Tech,How to use multiple iPods with one Apple Mac or Microsoft Windows <b>...</b> +Sports,Five NBA players among 10 charged with assault +Sports,McDonnell still spoiling for a fight +Sports,Tiger says children in the near future +Sports,Wizards #39; Kwame Brown suspended for one game +Sports,Fergie stands by selection policy +World,Al Qaeda to Attempt Major Marine Attack -Report +World,Ukraine government back to work as crisis eases (AFP) +World,Shiites List Candidates for Iraq Election (AP) +World,Bush manipulated NKorea intelligence like he did in Iraq: US expert (AFP) +World,"Clarkson's budget, gun registry among items up for vote late Thursday (Canadian Press)" +World,Summary Box: No Taxes for Social Security (AP) +World,That Certain Look: Animal Magnetism +Business,Russian stocks lose \$10 billion in value +Business,Osmond makes 1bn life insurance debut +Business,America West declines to bid for ATA +Sports,Artest Testifies About Basketball Brawl (AP) +Sci/Tech,Space Station Crew Has Limited Food Supply +Sci/Tech,Cisco snags routing start-up +Sports,More top sports news +Sports,Leinart takes Camp honors +World,"Corruption Remains Rampant, Says Poll of 64 Countries" +World,Challenges for Mr. Karzai +Business,Telekom Malaysia To Buy 27.3 Of Indonesia Excelcomindo +Business,United launches US-Vietnam service +Business,IBM shuts new workers out of pension plan +Sci/Tech,Linux-based Palm OS on chart +Sci/Tech,Apple to use Toshiba chip next year +Sci/Tech,Nintendo Unthreatened by PSP +World,Analysis: Psst! Intifada #39;s over +World,Defence pleads for conditional sentence for Alberta cop who shot prisoner (Canadian Press) +Sports,Similarities Abound in Orange Bowl Teams (AP) +Sports,Fans Do Care About Players Who Cheat +Sports,"Giants' Manning Needs Time to Mature, Like the Others" +World,US marine charged with desertion +World,Colonel charged over Jara killing +Business,Nextel Talk Catches Fire +Business,Bankrupt US Airways hopes for profitability by 2007 +Sci/Tech,Disney Backs Blu-Ray +Sports,NHL players offer 24 percent salary rollback in new proposal +World,"Canada's disaster response team little used, criticized as 'paper tiger.' (Canadian Press)" +World,Sudanese govt hopeful of deal in Darfur crisis +Sports,BALCO Scandal Inspired Worldwide Changes +Business,Strong U.S. Economy Attracts Dollar Buyers (Investor's Business Daily) +Business,"Dollar Inches Up, Market Eyes Fed, Tankan (Reuters)" +Business,"GM Europe cuts 12,000 jobs" +Business,Direct US flight to Vietnam departs +Business,Comparison-Shop For Prescription Drugs +Sci/Tech,Disney backs Sony #39;s Blu-ray DVD format +Sports,Golf: Tiger and Colin share lead at World Challenge +Sports,India to play in Chittagong +Sports,Hunt decides to sell Wizards +Business,"Dollar Gains, Oil Prices Slide (Reuters)" +Sports,Finley Returns From Injury List to Mavs (AP) +Sci/Tech,Chattanooga Reporter Claims a Role in Rumsfeld Showdown (Editor and Publisher) +Sci/Tech,NASA Telescopes Find Dust Rings Around (AP) +Sci/Tech,Dear CVS: I'm leaving +Sci/Tech,"Dean on Blogs, Politics and the Internet" +Sci/Tech,Radioactive waste progress urged +World,"Maoist rebels bomb Kathmandu building, no injuries (Reuters)" +Business,"As Prices Drop, OPEC Warms to Output Cuts" +Sci/Tech,AMD cuts power on 90nm Opteron processors +Sci/Tech,Microsoft to Judges: Eolas Didn't Invent Patented Tech +Sports,Lesser lights on leaderboard with Els +Sports,Pittsburg #39;s offense hogs the ball +Business,"Turnaround Progress Seen, 2 Executives to Leave Ford" +Business,First direct flight from US to Vietnam since 1975 is on its way +Business,PM Howard says Australia faces tough economic year in 2005 +Sci/Tech,Nintendo Ups DS Shipments +Sci/Tech,Oracle and HP expand offerings to value-added resellers +Sci/Tech,Novell exchanges Linux collaboration products +Sci/Tech,Appeals court ponders Microsoft patent case +Business,"Turnaround Progress Seen, 2 Executives to Leave Ford" +Sports,YORIO: NHL season is in Bettman #39;s hands +Sports,Cavs owner in #39;serious #39; negotiations to sell team +Sports,"Kent agrees to \$17 million, two-year contract with Dodgers" +Sports,Padres add Eric Young +World,South American leaders sign Ayacucho Declaration +Sports,The saving of Silverstone +Sports,Fichardt looks strong in weak field +Sports,Griffin could get company as only Heisman repeat winner +World,36pc babies born underweight +World,Blair lobbies Bush on global warming +Business,Ford says two top executives retiring; Padilla named president +Business,US airline starts Vietnam flights +Business,Nextel and Sprint talk about \$70bn merger plan +World,Climate control delegates talk global warming +World,Italy readies for Berlusconi trial +World,Some Venezuelan TV Channels Alter Programs (AP) +World,Japan approves overhaul of military policy (AFP) +World,Bush Taps Nicholson for Veterans Affairs (AP) +Business,"J J, Guidant Talks Undeterred by Overlap" +Business,"Dollar Inches Up, Market Eyes Fed, Tankan" +World,"Khartoum, Darfur Rebels Split on Peace Chances (Reuters)" +World,US airline starts Vietnam flights +Business,Nextel Said to Be in Talks With Sprint +World,"To Pay Debt, Transit Agency Goes to Market" +World,Space Station Astronauts Told to Eat Less as Food Runs Low +Business,French government cuts stake in Air France-KLM +Business,Investors flock to HK Reit +Business,Premier pays 70m for Bird #39;s Custard +Business, #39;French CNN #39; to challenge US view of world affairs +Business,AWB sells stake in Futuris +Business,EU moves to bar #39;protective #39; mergers +Business,"Dollar Gains, Oil Prices Slide" +Sports,No. 1 Illini Wear Down Georgetown 74-59 (AP) +Sports,No. 21 Purdue Defeats No. 15 DePaul 69-61 (AP) +Sci/Tech,Statement of Senator Barbara A. Mikulski on Hubble Report Issued <b>...</b> +Sports,"OU #39;s White takes Maxwell, Davey O #39;Brien awards" +World,Sharon warns Likud to vote for coalition +World,The greatest catastrophe +World,Road sparks alarm for Brazil rainforest +Sports,Berra Speaks Against Giambi's Return +Sports,"Injuries Are Plentiful, but Nothing to Be Alarmed About" +Sports,"Hoyas Sparkle, Fade" +Sports,Arbitrator Hears Pacers +Sports,Carter is Grounded +Sports,Season Over for Priest +Sports,Ohio State Banned +Business,Euro Takes Hit on Broad Dollar Rally +Business,The case against cutting oil output +Business,Ford announces top management changes +Business,WMC to return A\$1bn of capital +Business,Nextel Said to Be in Talks With Sprint +Business,Pizza and pub tycoon to buy Pearl +Business,"US Could Seek Recall of Up to 600,000 Dodge Trucks" +Business,Hyatt to buy AmeriSuites +Sports,Unheralded McDonald one up on favorite Els in the Alfred Dunhill +Business,UAL resumes service to Vietnam +Business,Pixar Vs. DreamWorks Contest Panned by Wall Street +Business,Stern Stance for Europe #39;s New Antitrust Chief +Business,Pizza king snaps up life fund in record 1bn deal +Sci/Tech,ACCC clears way for 3G sharing +Sci/Tech,Cisco Buys Routing Software Startup BCN Systems +Sports,British Grand Prix Safe Till 2009 +Sports,Rain eases to showers ahead of one-day decider +Sports,"Buy Now, Buy Often, but Make a Good Deal" +Sports,Putting a Face on College Programs +Sports,"Buy Now, Buy Often, but Make a Good Deal" +Sports,N.H.L. Players Propose a 24 Percent Solution +Sports,N.B.A. Sits It Out as Pacers Plead Case +Business,"Oil Steady, OPEC Expected to Cut Supply (Reuters)" +Business,Corporations in Brazil Shed Stay-at-Home Tradition +Business,US-Vietnam flight launched +Business,Swiss Life sells its closed UK business for 205m +Sci/Tech,REVIEW: Kit Automates Holiday Lights (AP) +Sports,NHL Players Propose a 24 Percent Solution +Sports,Malloy #39;s Remarks on Firing at Notre Dame Gaining Applause +Sports,"Woods, Furyk, Monty share lead in California" +Sports,Colts Lock Up Harrison Long Term (Reuters) +World,NATO Agrees to Expansion of Forces Training Soldiers in Iraq +World,Bush wants Annan to stay +World,Bush II keener on India +Sci/Tech,Lex: Nextel/Sprint (FT.com) +Sports,No. 23 TCU Defeats Oklahoma 81-65 (AP) +Sports,Goin' Back to Cali: Kent Signs with Dodgers +World,Schools failing 'missing pupils' +Business,Stern Stance for Europe's New Antitrust Chief +Business,Getting Animated About Summer +Business,Paris cuts Air France KLM stake +Business,UPDATE: China #39;s ZTE Shares Rise 11 On Hong Kong Debut +Business,Kremlin draws a bead on Vimpelcom +Business,America West won #39;t bid for ATA Airlines +Business,Kroes Vows to Be Tough on Big Business +Sports,NBA: Stoudemire Shines as Suns Stop Trailblazers +Sports,Perth join Super 14 +Sports,Woods on Target in California +Sports,"As Earnhardt, Pepper got up to speed" +World,Unicef Report Says Children in Deprivation Reach a Billion +World,Shiites Signal Concern Over Sunni Turnout Amid Violence +Sci/Tech,Quik Drop and NuMarkets Services Sell eBay for You +Sci/Tech,Cellphones Aloft: The Inevitable Is Closer +Sports,Portsmouth players make Shaka favourite to join Southampton +Sports,NHL players #39; new offer includes 24 salary cut +Sports,Perth Selected to Host Australia #39;s New Super 14 Rugby Team +World,China Mine Blast Kills 33 in 10th Mishap in 3 Months (Update1) +World,Heroin Holy War Pledged by Afghan President +World,"Tokyo Stocks Higher, Dollar Up Vs. Yen (AP)" +World,Some Venezuelan TV Channels Alter Programs +Business,Opec likely to focus on quota busters +Business,Germany #39;s New Reality +Business,Hollywood Manager in Talks to Run Paramount +Sci/Tech,Bare cupboards force space station crew to diet +Sci/Tech,Ubiquitous browser hole an easy target for scammers +Sci/Tech,NASA Telescopes Find Dust Rings Around +Sci/Tech,"Eolas, Microsoft make their case--again" +Sports,Perth wins Super 14 berth +Sports,New Zealand Opening Batsman Richardson to Retire From Cricket +World,Kenya #39;s anti-graft drive dismal - survey +Sports,No. 2 Kansas Tops TCU 93-74 (AP) +Sports,"Fairy Tale or Not, Knicks Call Malone" +Sports,"Buy Now, Buy Often, but Make a Good Deal" +Sports,Malloy's Remarks on Firing at Notre Dame Gaining Applause +Sports,McGrady Shocks Spurs +Business,Functional Fashion at Airport Checkpoints +Business,Report Denies Privatization Windfall +Business,Honda Moves To Prevent Engine Fires +Business,Safeway to Open on Christmas +Business,Foundation Coal Raises \$519 Million +Sci/Tech,Bogus E-Mail Worries Cell Phone Users +Sci/Tech,Ciena's Loss Tempered By Rise in Revenue +Sci/Tech,Yahoo to Release Desktop Search Tool +Sci/Tech,Compound Shows Promise Against TB +Business,Oil prices edge higher +Sci/Tech,Yahoo to Release Desktop Search Tool +Sports,Fans can throw financial punches +Sports,No. 7 Notre Dame Drubs Dayton 65-39 +Sports,UNDATED: 14 points. +World,Gaza plan wins party vote +World,33 Dead in Chinese Mine +World,Rescuers search for more survivors as Philippine storm death toll <b>...</b> +Sci/Tech,Walmart.com follows Amazon with outages +Sci/Tech,T-Mobile USA sees high-speed network 2 years off +Sci/Tech,New GNOME version is available for Linux users +Business,Crude Futures Climb Amid OPEC Worries +Business,Dollar in Broad Rally at Start of 2005 +Sci/Tech,Food Short on Space Station +Sports,Ernie hunted down by own protg +Sports,Joy at Silverstone deal +Sports,Lewis leads Sonics past Mavs +Sports,UPDATE 1-Rugby-Australia pick Perth to host fourth Super 14 team +Sports,Dale Earnhardt: In the presence of a legend +Sports,Sale nearly set for NBAs Cavaliers +Business,DreamWorks Shifts #39;Shrek 3 #39; To May 2007 +Business,Telekom up 20 sen after winning Excelcomindo stake +Business,"Foundation Coal cools; OccuLogix, Symmetry gain" +Sci/Tech,Hollywood sues over home theatre +World,The Waning Loyalists +World,Latest China Mine Blast Kills 33 +World,Venezuela Signs South American Integration +Business,"GM management, unions reach agreement" +Business,Hyatt to buy AmeriSuites in plan to develop hotel brand +World,Ghana's President Wins Four More Years in Office (Reuters) +World,OPEC Warns Oil Supply Cuts Needed for 2005 (Reuters) +Sci/Tech,Yahoo to test desktop search +Sci/Tech,Deep Tremors Detected Along San Andreas Fault +Sports,No. 2 Kansas Hosts Horned Frogs +Business,"Reinventing the Wheel (and the Tire, Too)" +Sports,Players speak their minds to union leaders +World,74 American Kids Found in Mexico Schools (AP) +Business,"From Simple to Complex, Hedge Funds Gain Ground" +World,Militant leader hurt in attack +Business,"Globally, Stocks Are Poised to Advance Further" +World,Mugabe Says No to Western Election Observers +Sports,Players Offer to Slash Salaries to Save NHL Season +Business,Paris cuts stake in Air France-KLM +Business,"Dollar Inches Up, Market Focus on Fed" +Business,Chinese Inflation Falls Sharply in Nov. +Business,"Federal safety agency asks for recall of Durango, Dakota" +Sci/Tech,Yahoo Adds Tool to Search Hard Drives (AP) +Sci/Tech,Yahoo to Begin Testing Desktop Search in January +Sports,Winning Isn #39;t Everything +Sports,NCAA Game Summary - TCU at Kansas +Sci/Tech,Yahoo to Begin Testing Desktop Search in January (Reuters) +Sports,Rockets Edge Spurs 81-80 (AP) +Sci/Tech,Bogus E-Mail Worries Users Of Cell Phones (washingtonpost.com) +World,First India-Pakistan joint film promotes peace process (AFP) +Sports,W. Kentucky Upsets No. 14 Vanderbilt 85-77 (AP) +Sci/Tech,Pygmy Chimpanzees on Brink of Extinction -- WWF (Reuters) +Sci/Tech,Md. Hepatitis C May Be From Medical Tests (AP) +World,OPEC Warns Oil Supply Cuts Needed for 2005 +World,Latest China Mine Blast Kills 33 +World,1st US-Vietnam Flight in 30yrs Symbol of Closer Ties +World,Australia Terror Suspect Offered Prostitute -Papers +Sports,Howard Still Perfect +Sci/Tech,SynXis to Be Bought for \$40 Million +Business,Lilly forecasting strong 2005 +Sci/Tech,Yahoo Adds Tool to Search Hard Drives +Sci/Tech,Cisco Buys BCN Systems +Sci/Tech,Kazaa secret command unlocked by court +Sports,Williams seeking to cap Rocky rise to world title +Sports,India #39;aiming for wins not records #39; +Sports,Weis attended ND but never played +Sports,Perth to host Super 14 franchise +Sports,Shanahan says he intends to honour his deal with Broncos +Sports,Baseball can #39;t hold out any longer on steroid issue +Sports,No. 1 Illinois takes control with 10-0 run late in first half +Sports,Kiwi opener retires +World,IRA links destruction of weapons to demand +Business,Jangled jingle bells +Business,SunTrust shakes up management +World,Japan Eases Arms Export Ban for New Missile Shield (Reuters) +Sports,"White, Leinart split top honors" +Sports,Notre Dame must make right choice +World,Iraqi troops beheaded +Sports,No. 13 Texas Tech Tops Oral Roberts 79-46 (AP) +World,20 injured in fight at Malaysian detention camp for terror suspects (AFP) +World,Japan Eases Arms Export Ban for New Missile Shield +World,U.S. Marine Killed in Western Iraq +Business,Tokyo's Nikkei Average Edges Down +Business,OPEC Warns Oil Supply Cuts Needed for '05 +Business, #39;Shrek 3 #39; release date delayed +Business,Wall St. Journal says companies are in discussions +Business,Amazon launching DVD rentals +Sci/Tech,Huawei pushes into Europe with 3G deal +Sci/Tech,Cyber Securitys Cassandra Syndrome +Sports,Sonics dance in Dallas +Business,After the Fall: Measured Moves +World,"India, Pakistan discussing transit route to Afghanistan: Singh" +World,Militant chief wounded in Israeli strike in Gaza +Business,US mobile giants in merger talks +Business,The Fidelity watch +Business,Fund insiders: Lavish gifts abound +Business,City shuts Back Bay Holiday Market +Business,Kuwaiti: OPEC will cut output +Business,New IBM workers to get 401(k) +Business,Malden Mills workers accept contract +Business,World has 1.5bn cellphone subscribers +Business,CAO #39;s parent not expected to be implicated in scandal: report +Business,US mobile giants in merger talks +Business,"AirTran, Southwest seek Midway gates" +Business,Web site compares drugs for #39;best buys #39; +Business,Amazon launches DVD rentals in UK +Business,"Reporter uses kettle, bell to collect funds; finds job satisfying" +World,U.S. Marine Killed in Western Iraq (Reuters) +Sports,Steelers Need Wins to Match Patriots (AP) +World,Belarus Opposition Streams to Kiev (AP) +Sci/Tech,Yahoo Details Desktop Search Plans; Ask Jeeves amp; MSN Launch This <b>...</b> +Sci/Tech,"Space station crew cuts food intake, awaits Christmas resupply" +Sci/Tech,Tremors rock earth deep beneath San Andreas Fault +Sci/Tech,Using tools is monkey business in Brazil +Sci/Tech,Sharman exec calls child porn unstoppable +Sci/Tech,Samsung Doubles Memory Density +World,Summary: Faith in Democratic Iraq Slips (AP) +Sports,"Klitschko wanted Tyson, settles for Williams" +Sports,Abdur-Rahim three beats Celtics at buzzer +Sports,"No. 1 Illinois 74, Georgetown 59" +Sports,"ND, Weis are ready to talk" +Sports,Dougherty makes return +World,Include party financing in corruption legislation - Munroe +World,Shiite parties announce candidates for election +Sports,For sale signs +Sports,Glaus goes to Diamondbacks +Sports,It's tough to trap these tigers +Sports,NFL games on TV +Sports,It's clear they know who to call for help +Sports,NBA snubs hearing with arbitrator +Sports,New Orleans Bowl +Sports,O'Brien awaits offer +World,Opec states to press for oil cuts +World,"Museum Puts Life, Truth and, It Hopes, Sales in a Wine" +World,Hospitalized Reservist's AWOL Case to Proceed +World,Security Checks to Greet Fallujah's Returning Residents +Business,Dollar Extends Its Rebound Into Third Day +Business,Grocer Winn-Dixie to Name New CEO -- WSJ +Sci/Tech,PalmSource set to acquire China MobileSoft +Business,OPEC Poised to Stamp Out Excess Supply (Reuters) +Business,Ford Motor names Padilla president +Business,"Sprint, Nextel exploring merger; 40 million subscribers involved" +Business,Arrested CAO chief is released on bail +Business,Car Talk: Fire hazard on Honda CR-V is real +Sci/Tech,Yahoo Adds Tool to Search Hard Drives +Sci/Tech,Solar-system births witnessed +Sports,British Grand Prix is rescued thanks to Mirror +Sports,"Oh where, oh where will Kent get to play?" +Sports,USC #39;s leading man +Sports,Collapse in judgment: C #39;s fall apart late in loss to Blazers +World,National unity government expected within days +World,Peace talks on Darfur to resume +Sports,NBA Wrap: McGrady Leads Rockets to Stunning Win +Sports,"College Basketball: Illinois, Kansas Win" +Sports,McDonough shocked he's not coming back +Sports,Barnicle has hill to climb +Sports,"This weekend on TV, radio" +Sports,Transactions +World,Ukraine Candidates Start Campaigning (AP) +World,Gay Rights Activists Reassess Strategy (AP) +World,Peace talks on Darfur to resume +World,Missile 'targets Gaza militant' +World,Child cancers steadily increasing +World,Reporter Prompted Query to Rumsfeld +Business,Vietnam prepares for arrival of first US passenger jet since war +Sci/Tech,Yahoo! takes a partner for desktop-search fray +Sci/Tech,Astronauts running low on food +Sci/Tech,"PSP #39;rubbish #39;? Nintendo think so. (PSP, DS)" +Sports,New heavyweight record set +Sports,Jordan welcomes Silverstone deal +Sports,No moves for Rockies +Sports,"KEEP YOUR NOSE OUT OF IT, LOWE" +Sports,ND aide shaves her head to support Willingham +World,"Sharon, with Party Backing, Invites Labour Into Govt" +World,China mine blast kills 33 +Sci/Tech,Yahoo set to launch desktop search tool +Sports,"Lakers Beat Nuggets, 99-91 (AP)" +Sports,Diamondbacks clinch Glaus signing +Sports,Caps' Ovechkin Shines +Business,Business ; HHG sells life insurance arm +Business,Chinese Inflation Drops Sharply +World,China Crime Chief Urges End to 'Social Conflicts' (Reuters) +World,"Khartoum, Darfur Rebels Split on Peace Chances (Reuters)" +Sci/Tech,Yahoo #39;s New Year #39;s Resolution: Desktop Search +Sports,Calhoun not fond of loss +Sports,Trail Blazers Edge Celtics 89-87 +World,Thirty-three dead in latest China mine blast +Business,Singapore Crt OKs 6-Weeks Extension For China Aviation-2- +Business,"Sprint, Nextel consider lucrative deal" +Business,Hhg Offloads Pearl and London Life +Business,IBM #39;s cash-balance move could start trend +Sports,Kings Stop Spurs +Sports,Miles to LSU? +Sports,Stoudemire Soars +Sports,"Jim Mora Jr., Tom O #39;Brien are top Washington candidates" +Business,Price rises prompt exodus from British Gas +Sci/Tech,Michoud cheers support for space shuttle +Sci/Tech,Oracle Expands Beyond Databases +Sports,Klitschko has long climb to top +Sports,Finley moving down the freeway +Sci/Tech,Napster Entering Ringtone Market (Reuters) +Sci/Tech,HP Rolls Out Ultra-Low Priced PC in China (Reuters) +World,UK initiative on climate change +World,Israel readying to turn over northern Gaza security to <b>...</b> +Sci/Tech,"Red Hat, IBM Partner In ISV Certification (TechWeb)" +Sci/Tech,IBM Updates TotalStorage SAN Software Suite (Ziff Davis) +Sci/Tech,IBM Product to Challenge Data Storage Leader EMC (Reuters) +Sci/Tech,Whale Shark Finds New Friends in Indian Fishermen (Reuters) +Sci/Tech,Old News.... REALLY Old News! +Sci/Tech,Java Java Java... and Coffee +Sci/Tech,Metamorphosis of Narcissus +Sci/Tech,Hi-tech posters guide commuters +Sci/Tech,Robots rejected for Hubble rescue +Business,EU probes mobile phone call costs +Business,1st US Jet Since War to Land in Vietnam +Business,Group to focus on fund management +World,Former Congresswoman Chisholm Dies at 80 (AP) +Business,Eurostocks open higher +Business,Community Coffee to hike price +Sci/Tech,Napster to enter ringtone market with Dwango +Sci/Tech,Panel recommends manned mission to repair Hubbble!: +Sci/Tech,Simians are experts too in the use of tools!: +Sci/Tech,Ninty boss slams PSP as DS shipment target raised +Sports,MSA welcome British GP deal. +Sports,Artest testifies about basketball brawl +Sports,NHL players offer 24 percent rollback of salaries +Sports,NZ coach launches pre-game tirade +Sports,meetings start with bang +World,PEACE ON EARTH +World,Survey Says Political Parties Seen as Most Corrupt Institutions +World,More than thirty miners killed in China blast +World,France backs Turkish EU talks for late-2005 +Business,Slip a Geek Book Under the Tree +Business,GM to cut jobs in Europe +Business,Tough times for British Gas +Business,"Nextel, Sprint in talks" +Business,Losses rise at British Energy after nuclear shutdowns +Sci/Tech,Napster Entering Ringtone Market +Sci/Tech,Space Station Crew Forced to Cut Calories +Sci/Tech,Oracle boosts enterprise content management +Sports,Finley set to be an Angel +Sports,Bad sign? Meetings don #39;t make much sense +Sci/Tech,"Sprint, Nextel in merger talks: reports (AFP)" +World,Beijing urges rethink on protests +World,Iranian film wins Indian honour +Sci/Tech,EU probes mobile phone call costs +World,Madrassas hit by sex abuse claims +Business,US Flight Lands in Vietnam After 30 Years +Business,Wall Street stocks end higher on strong company earnings +Business,"Sprint, Nextel in merger talks: reports" +Sci/Tech,Napster eyes ring tone market +Sci/Tech,Microsoft helps in bogus degrees case +Sports,"Sonics soar past Mavs, improve to 17-3" +World,Viewpoints: Tackling climate change +World,EU sure of deal on status of Cyprus +Sports,NBA Wrap: McGrady Leads Rockets to Stunning Win +World,Bush Administration Gives Annan Vote of Confidence +World,UN Agency Accused of Putting Children #39;s #39;Rights #39; Above Their <b>...</b> +Sci/Tech,PowerPoint Message Is the Medium +Sci/Tech,Handheld Gaming Goes Wireless +Sci/Tech,Keeping Love Connections Open +Sci/Tech,The End of TV as We Know It +Business,British Gas loses a million users +Business,Philips halves stake in Atos Origin +Sci/Tech,Customer Service: The Hunt for a Human +Sci/Tech,Disney backs Sony in DVD format battle +Sci/Tech,Consoles in terribly short supply +Sci/Tech,Man Builds 7 foot Grandfather Clock from Lego +Sports,Owners plan Silverstone facelift +Sports,Hughes returns to lead in Melbourne +Sports,Wenger: No Plans to Buy New Keeper +Sports,Thursday #39;s NBA Roundup +World,Colombia Paramilitary Fighters to Disarm (AP) +World,EU Invites UN #39;s Annan to Summit to Show Support +World,"Rumsfeld Visits India, Delhi Frets on Arms Sales" +Business,Philips slashes stake in Atos Origin by 50 per cent +Business,Amazon.com enters UK DVD market +Business,"For coffee drinkers, grind of rising prices" +Sci/Tech,Yahoo! to launch desktop search in the New Year +Sci/Tech, #39;Chatter #39; may predict quakes +Sci/Tech,MS Eolas appeal begins +Business,11am Market Update +Business,IBM closes pension +World,Wall St. Expected to Open Slightly Lower (Reuters) +Sci/Tech,Hollywood split as Disney backs Blu-ray +Sci/Tech,Space Station Crew May Have to Return Home +Sports,NHL finds hope +Sports,Failed Road Test +Sports,McGrady saves Houston +Sports,No time to rest for 49ers #39; Quinn +World,Kenyan to collect Nobel prize +Sci/Tech,Space Station Crew May Have to Return Home (AP) +World,Spam e-mails tempt net shoppers +Sci/Tech,Spam e-mails tempt net shoppers +Sci/Tech,IBM Product to Challenge Data Storage Leader EMC +Sci/Tech,HP Rolls Out Ultra-Low Priced PC in China +Sci/Tech,Yahoo to Begin Testing Desktop Search in January +Sci/Tech,Atkins Gets Tech-Savvy to Reach More Dieters +World,Bomb Blast Kills Six in Pakistan' Quetta -- Police (Reuters) +Business,Opec 'ready to agree output cut' +World,Six die in Pakistan bomb blast +Business,China #39;s Jet Fuel Supplier Gets Extension +Business,Home loans healthy +Sci/Tech,"Space crew cuts down food, awaits resupply" +Sci/Tech,Desktop search avalanche looming +Sci/Tech,Most browser pop-ups open to hijack +Sports,"Edwards, Nugent earn awards" +Sports,Teenager Answers Charges in Turkey-Throwing Case +World,"Planet under Attack, Says Nobel Peace Winner" +World,SF accused of giving DUP veto over nationalist ministers +Business,OPEC Agrees to Stamp Out Excess Supply +Business,"OECD Index Dips for U.S., Japan (Reuters)" +Business,Wall St. Expected to Open Slightly Lower +Business,OPEC Agrees to Stamp Out Excess Supply +Business,"Stocks to Watch on Friday, December 10" +Business,"OECD Index Dips for U.S., Japan" +Business,Pizza chief wants slice of insurance market +Business,"US wants Dodge SUV, pickup recall" +Business,Philips Raises EU550 Mln Selling Atos Origin Shares (Update3) +Sci/Tech,Microsoft contests patent infringement decision +World,Sharon moves to form new coalition after crushing opponents of <b>...</b> +World,Torture at Guantanamo Bay Described +Business,First US commercial flight in 30 years lands in Vietnam +Business,"Sprint, Nextel Shares Up on Merger Talk" +Business,Ford President and Vice-Chairman to retire in February +Business,US Consumer Sentiment Up in December +Business,Mobile Phone Users Double Since 2000 +Business,No sequel to Shrek 2 until 2007 +Business,Winn-Dixie forces out president +Business,"General Motors Europe to axe 12,000 jobs" +Business,Southwest Air Outlines Bid +Business,Airbus to sell A350 as rival to Boeing Dreamliner +Business,Ameritrade customer trading up 26 pct in Nov. +Business,"Agency seeks recall of 600,000 Dodge trucks" +Business,Introgen Sells Additional Shares +World,Disease risk stops Falluja return +Sci/Tech,Thomson to Back Both Blu-ray and HD-DVD +Sci/Tech,Napster and Dwango Sign Deal for Mobile Ringtones +Sci/Tech,ISS Crew Counts Calories as Food Supply Runs Low +Sci/Tech,Yahoo! Enters Desktop Search Realm +Sci/Tech,NASA telescopes finds dust rings around planet-bearing stars +Sci/Tech,UC researchers discover deep tremors under San Andreas Fault +Sci/Tech,Sony Says All Systems Go for PSP Launch +Sci/Tech,Monkeys stock their tool-kit +Sci/Tech,Cisco turns 20 +Sci/Tech,-Posted by dan.farber 7:29 am (PDT) +Sports,"British GP: Good news for Silverstone, bad news for Goodwood" +Sports,Els suffers home course humbling +Sports,"Wenger keeps Arsenals keepers, unsure about Ljungberg on Sunday" +Sports,Hughes still has master #39;s touch +Sports,Battle for supremacy +Sports,Major salary rollback offered by players union +Sports,Pacer-turned-spinner Kumble betters Kapil #39;s 434-wkt tally (PROFILE <b>...</b> +Sports,Moyes insists nothing changed despite Everton revolution +Sports,O #39;Rourke more then stats and hairstyles +World,Taiwan poll to shape China ties +World,NATO will enlarge Iraq training mission +World,Pakistan bomb kills at least 10 +World,US changes course to back Annan +World,Darfur talks to seek political deal amid fighting +World,Erdogan Rebuffs EU Plea for Gesture on Cyprus +World,Taking the peace +World,Iraqi kidnappers release South Asian hostages +World,Israeli fire 'kills girl' in Gaza +Business,Wholesale Prices Rise in November +Business,"Agency Seeks Recalls of Durango, Dakota" +Business,"Delphi to Cut 8,500 Jobs" +Business,BT board rejig follows Danon exit +Business,France to launch global TV news +Sci/Tech,2D Metal Slug offers retro fun +Sci/Tech,The Three Kings of Wireless +Sci/Tech,Illicit Cameraphone Clicks Could Mean Jail +Sci/Tech,Microsoft Helps in Bogus Degrees Case +Sci/Tech,"Terrorists Explore Lasers as Weapons, U.S. Warns" +Sci/Tech,Kit Automates Holiday Lights +Sci/Tech,Plight of India's tribal peoples +Sports,Hockey labour talks to continue next week +Business,Philip Morris Hikes Cigarette Prices (Reuters) +World,Blast kills 10 in southwestern Pakistan +Business,Legal Fight Menaces Aircraft Debt Ratings (Reuters) +Business,Southwest to enter bidding for bankrupt ATA +Sci/Tech,"Thomson Hedges Bets, Supports HD-DVD and Blu-ray" +Business,Three firms to bid for Yukos unit +Sci/Tech,Sun executive reveals NAS strategy +Sci/Tech,In Brief: Cisco acquires startup BCN Systems +Sci/Tech,Vodafone to link with Boeing in-flight Internet +Sports,2005 to be the busiest season ever +Sports,Kumble delight over record feat +Sports,Indiana soccer coach tries to extend Yeagley #39;s legacy +Business,Mainland inflation slows to 2.8pc easing rate rise fears +Business,"Molson, Coors Set January Merger Vote, Hire BMO to Get Ballots" +Business,Altria hikes cigarette prices +World,"To the beat of drums, African woman receives Nobel Peace Prize" +World,"Greeks grease palms, expect drop in graft" +World,"EU chief backs Turkey #39;s bid, but warns over Cyprus" +World,Violence flares in Kashmir +Sci/Tech,Sony Says All Systems Go for PSP Launch +Sci/Tech,Thomson to Back Both Blu-ray and HD-DVD +Sci/Tech,Microsoft Readies Windows Server 2003 Update +Sports,Auburn Keeps Faith +Sci/Tech,Thomson to Support Next-Generation DVD Formats +Sci/Tech,Napster Branches Into Ringtones +Sci/Tech,Microsoft Preps Five Windows Patches +Sports,We #39;ll never let Gerrard leave +Sports,Going head to head at Williams +Sci/Tech,It's Crunch Time for Biotech Companies +Business,OPEC to Cut Production After Six-Week Price Decline (Update3) +Business,Foods tycoon buys assurance funds +Sci/Tech,Napster #39;s mobile market plans +Sci/Tech,Free Yahoo X1 desktop search +Sci/Tech,Microsoft Readies Windows Server 2003 Update +Sci/Tech,Think Again? +Sci/Tech,Growth in Government Specialty Work +World,Iraqi abductors release Bangladeshi truck driver +Sci/Tech,Search Engine Forums Spotlight +Business,Winn-Dixie Ousts CEO Frank Lazaran +Business,Airbus shareholders approve launch of new A350 to rival Boeing 7E7 +Sports,Can an Aging Mercenary Ever Go Home? +Sci/Tech,Space station astronauts told to ration food +Sports,"Despite All the Criticism, the B.C.S. Has Produced a Classic Matchup" +Sports,"Auburn Trustee Boosts Everyone, Including the Chaplain" +Sports,Reality of Steelers Puts a Quick End to the Bills' Dream +World,Q amp;A: Berlusconi trial +World,"Iraqi militants free Sri Lankan, Bangladeshi hostages" +Sports,Rams and Jets Find Playoff Berths Behind Door No. 1 +Business,Gemstar-TV Guide Taps Fox Executive as CEO +Business,Ameritrade Posts November Client Trades +Business,"Philip Morris Eases Discounts, Ups Prices" +World,Putin: Iraq Still Too Dangerous for Russian Firms (Reuters) +Sports,McGrady's Flurry Sends Rockets Past Spurs (AP) +World,"Palestinian Girl Killed in Gaza Strip, Medics Say (Reuters)" +World,"Bomb Kills 10, Injures 20 in Pakistani City (Reuters)" +Sci/Tech,Search Rushes to the Desktop +Sci/Tech,Oracle Enterprise Content Management (ECM) +World,"South Korean soap opera boosting tourism from Japan, says thinktank (AFP)" +Sports,Is The Tide Shifting On The Mersey? +Sports,Spain coach faces investigation +Sports,Sale nearly set for NBA Cavaliers (AFP) +World,"Mubarak Denies Israel Deal, Envoy's Return (AP)" +Sports,"Finley to Remain in Southern Calif., with Angels (Reuters)" +World,Egyptian police block solidarity group accompanying aid to Palestinians (AFP) +Sports,BREAKDOWN: Dolphins vs. Broncos +World,Police charge Toronto doctor with 46 counts of sexual assault (Canadian Press) +Sci/Tech,MSN Search Engine - Searching for ways to make Redmond rise again +Sci/Tech,Laptop Usage Can Lead to Low Sperm Count and Infertility +Business,Sentiment Strong in December +World,Kenya to repossess illegal land +Business,IEA trims 2005 world oil demand growth forecast +Business,"Sprint, Nextel May Merge" +Business,First direct flight from US to Vietnam since 1975 has landed +Business,Wholesale Prices Rise in November +Sci/Tech,Hooray for Blu-Ray! +Sci/Tech,Astronauts Await Vital Christmas Food Package +Sci/Tech,Cisco turns 20 +Sci/Tech,"Ericsson Gets China, South Africa Deals" +Sci/Tech,Adware War Heading to Federal Court +Sports,Turkey joins 19-race Formula One schedule +Sports,Gustafsson Turns Up Heat on Challengers +Sports,Wenger ruling out goalkeeper swoop +Sports,Rejuvenated Hughes leads Australian Masters by four strokes +Sports,Utah State hire Brent Guy as football coach +World,"Bomb Kills Soldiers, Civilians in Pakistan" +World,"Woman, 79, Accused of Cocaine Smuggling (AP)" +World,Court: certificates used to detain suspected terrorists are constitutional (Canadian Press) +World,Hunts 'to meet legally' after ban +Business,OPEC Cut Will Be 1 Million Barrels per Day +Business,First US flight to Vietnam for 30 years +Business,Automotive supplier Delphi to cut 8500 jobs in 2005 +Business,Southwest to bid for ATA assets +Business,Producer Price Gain Bigger Than Expected +Sci/Tech,Wireless Internet Napster Enters Ringtone Market +Sci/Tech,Cisco Expands Router Offerings with BCN Buy +Sci/Tech,Two adware firms battling in court +Sports,"Notre Dame Eyes Clements, Weis" +Sports,Dallas Mavericks Team Report - December 10 +World,"Sharon, Bolstered by Vote, Reaches Out to Labor Party" +World,19 Iraqis Killed in Car Bombing +Sports,Bring that Guy back +World,Powell Bids Nostalgic Farewell to NATO +World,Shia leader Sadrs movement insists on Iraq election boycott +Business,Petrol price cut sparks pump war +Business,Types of Investors: Which Are You? +Business,"Yahoo Searches Desktops, Too" +Business,US Jet Flight to Vietnam Makes History +Business,Airbus owners approve A350 to compete with Boeing #39;s 7E7 +Business,Van Der Moolen Specialists CEO Retires +Sci/Tech,Cisco Buys Network Design Firm For \$34 Million +Sports,Players offer to slash 24 from salaries +Sports,Zajec Targets Hat-Trick +Sports,A tale of two #39;warriors #39; +World,Maathai accepts Nobel Peace Prize +World,6-year-old killed in Gaza +World,Gay Rights Activists Reassess Strategies (AP) +Business,New Airbus planes to rival Boeing +Business,ING Canada prices its shares at \$26 each in \$907M initial public <b>...</b> +Sci/Tech,Desktop search avalanche set to hit +Sports,Perth home to new rugby union team +Sports,Gustafsson Leads at Leopard Creek as Els Wilts +Sports,Utah State Brings That Guy Back +Business,"Consumers Perk Up, So Do Wholesale Prices" +Business,OPEC Agrees Oil Supply Crackdown +Business,"GE OKs \$15 Billion Buyback, Ups Dividend" +Business,Philip Morris Hikes Cigarette Prices +Business,"Sprint Up, Nextel Down on Merger Talks" +Business,Legal Fight Menaces Aircraft Debt Ratings +Business,SPX Board Amends Compensation Programs +Business,Worst Oracle Ever +Business,"Chrysler Recalls 98,000 Cars and SUVs" +Business,"Delphi to Cut 8,500 Jobs" +Sci/Tech,Netflix Testing Networking System (AP) +Sci/Tech,"Kazaa can #39;t bar child pornographers, court told" +Sci/Tech,Telecom Offers Lifetime of Unlimited Calls (AP) +Sports,A 24 Per Cent Solution to the NHL Lockout? +Sports,Notre Dame sets sights on Weis +World,Pound ends week with modest gain on dollar (AFP) +Sci/Tech,"Intel, AT T in Tie-Up for Voice, Data, Wireless (Reuters)" +Sports,Ohio High Court Rejects Bradley's Appeal (AP) +Sci/Tech,Strategy guides are as hot as video games (USATODAY.com) +Sci/Tech,"Potential Sprint, Nextel merger suggests consolidating wireless industry (AFP)" +World,Berlusconi Acquitted of Corruption Charges +World,Kenyan environmentalist wins Nobel Peace Prize +World,Bike Bomb Kills at Least 11 in Pakistan +Sports,USC's Bush to Start at Tailback (AP) +Sci/Tech,JBoss set to shine with JEMS middleware stack (InfoWorld) +Sci/Tech,In Brief: Cisco acquires startup BCN Systems (InfoWorld) +Sci/Tech,IBM's Conference Falls Short on Questions (AP) +Sci/Tech,U.S. iTunes Music Store now accepts PayPal (MacCentral) +World,Company to Aid in DeLay Corruption Probe (AP) +Sci/Tech,Space Station Astronauts Told to Ration Food (Reuters) +Sci/Tech,Nobel Winner Maathai Sounds Alarm Over Planet (Reuters) +Sci/Tech,EU Seeks More Talks on Kyoto Protocol (AP) +World,Ukraine candidate placates 'foes' +World,Opposition in Ukraine eases siege +World,"At New Delhi talks, India cautions Rumsfeld on Pakistan arms sales" +World,Sharon's party votes to save Gaza pullout +World,Death toll of 6-year conflict in Congo put at 3.8 million +World,Detainee cites abuse at Guantanamo Bay +World,Poor Salvadorans chase 'Iraqi dream' +Sci/Tech,BBC site founder picks up OBE +World,British hospital sends X-rays by computer for analysis in Spain (AFP) +Sci/Tech,U.S. Video Games Sales Up 11 Pct in Nov. +Business,OPEC To Cut Oil Production +Business,"Delphi Announces Plans to Cut 8,500 Jobs in 2005" +Business,American Airlines Raises Domestic Fares +Business,"Intel, AT amp;T in Tie-Up for Voice, Data, Wireless" +Sci/Tech,"Blu-Ray or HD DVD? Both, Says Thomson" +Sci/Tech,Napster to Provide Mobile Ringtones +Sci/Tech,Scientists Play Chicken +Sci/Tech,Enterprise Windows IT Microsoft Contests Eolas Patent Infringement <b>...</b> +Sci/Tech,Microsoft Readies Five Security Bulletins +Sports,Boxing: Williams insists he is better than Tyson display +Sports,Commission demands Aragones probe +Sports,Local racing voices agree: #39;3 #39; earns a 10 +Sports,"Albarado wins 3,000th race" +Sports,"Playoff road will be tough, but Indy #39;s offense will lead team to <b>...</b>" +World,Sharon Invites Labour to Join Coalition +World,Taiwans DPP vows sweeping reforms with victory +World,Iraqi abductors release Bangladeshi truck driver: +Business,Three Stocks for the Scrooge in You +Business,"Delphi announces plans to cut 8,500 jobs; predicts \$350 million <b>...</b>" +Business,"GE OKs \$15 Billion Buyback, Ups Dividend" +Business,US wholesale prices climb in November +Sports,"Suns Defeat Trail Blazers, 117-98 (AP)" +Sci/Tech,Napster Going Mobile To Dial Up Ring Tone Sales +Sci/Tech,Study: Wild Monkeys Resort to Use of Tools +Sci/Tech,Microsoft to patch Windows flaws +Sci/Tech,"MTN, Ericsson sign 3G agreement" +Sports,Chelsea not planning Gerrard move +Sports,Keane injury leaves Spurs short +Sports,Colts' Manning Sets NFL Passing Record (AP) +World,Nobel Winner Maathai Sounds Alarm Over Planet +World,Mortar fire kills child +World,Japan Adopts Major Defense Changes +Business,EADS Sees 2005 Earnings Rising 9.1 on Plane Demand (Update1) +Business,"Consumer confidence improves in December, survey says" +Business,Wall Street's Designs on '05? A Merger Boom +Sci/Tech,Officials Consider Space Station Evacuation +World,Red Cross Returns After Fallujah Offensive (AP) +World,"Mubarak, Obasanjo discuss bilateral ties, African crises (AFP)" +World,Changes in Homeland Sec. Oversight Sought (AP) +World,Cricket: Kumble joy over record +Business,Altria Smokes Up +Business,Forest City Keeps Building +Business,Crude Oil Falls on Skepticism OPEC Will Adhere to Output Quotas +Business,"The Envelopes, Please" +Sci/Tech,PlayStation Portable #39;s tough birth +Sci/Tech,Eye on IT +Sci/Tech,Siemens Snaps up Chantry +Sports,Title fight underdog is coming on strong +Sports,Arsenal face key revival test +Sports,Sport scene +Sports,Paceman Pathan sends Tigers packing at 184 +Sports,Tice: UW job could lure him from NFL +Sports,Klap: Strong backing at first +World,Putin quot;pleased quot; if Ukraine joins EU +Business,"GE raises dividend, boosts stock buyback" +Sci/Tech,Siemens acquires Chantry for larger WLAN play +Business,"Philip Morris Raises Prices on Marlboros, Other Smokes" +Business,"Florida Orange, Grapefruit Crops Reduced Further" +Business,Dollar Rallies in Year-End Profit-Taking +Business,"GE OKs \$15 Bln Buybacks, Hikes Dividend" +Business,Winn-Dixie Names Rival's Ex-Executive CEO +Business,Supreme Court to take P2P case +Sci/Tech,Microsoft helps in bogus degrees case +Sports,NHL players propose a sizable salary cut +Sports,No let down for White this year +World,16 Killed in Venezuelan Plane Crash (AP) +World,Berlusconi Saved in Graft Trial by Time Ruling +World,Russia #39;s new mobile N-missile by #39;06 +World,Hostages walk free in Iraq +Business,Preemptive Shot +Business,"Nextel, Sprint in advanced merger talks" +Business,"Daimler Chrysler Asked To Recall 600,000 Vehicles" +Business,Ford to recall 474 000 SUVs worldwide +Business,American raises domestic fares +Sports,Lazio given stadium ban over racist fans +Sports,A vote for Bush +Business,The Crash After the Sugar High +Business,Rare Day of Joy for Ciena Faithful +Business,U.S. Posts #36;57.88 Billion Budget Deficit (Reuters) +Business,Telecom Making a Comeback? +Business,Chrysler Recall Possible +Business,Cinergy to sell 6.1 million shares +Sci/Tech,Media Companies Get US Supreme Court Hearing on File Sharing +Sci/Tech,Space telescopes discover more of sun #39;s sisters +Sci/Tech,"Penn State Tells 80,000 Students To Chuck IE" +Sci/Tech,Apple #39;s iTunes now accepting PayPal +Sports,Wenger to mull goalkeeper dilemma until last minute +Sports,NHL Lockout Glance +Sports,Goodman warms up to pitch city to owners +World,Earthquake Hits Near India; No Damage Seen (AP) +World,Court clears Berlusconi of corruption (AFP) +World,France to allow a longer workweek +World,Doubts Persist About Election Results (AP) +World,Airport Patdown Procedures Modified (AP) +World,Sweden Awards Nobels But Shy Writer Stays Home +World,Embattled Ukraine PM Slams Opponent's 'Orange Coup' +Sports,Sprinter Suspended Eight Years for Doping (AP) +Sports,China Fills Top Sports Post for Olympics (AP) +Sports,Air Force Clears Athlete of Cheating (AP) +Sports,Bradley's Appeal Rejected +Business,Summary Box: Delphi Corp. prepares for tough start to 2005 +Business,Chinas inflation falls sharply in November +Business,Local gamer: Grand Theft Auto #39; steals the show +Business,Honda CR-V SUV Gets Top Rating in Side Crash Test +Business,"Vail Resorts #39; loss widens to US\$31.5 million, real estate revenue <b>...</b>" +Sci/Tech, Nintendo Ready to Take on Sony +Sports,Man City v Tottenham +Sports,Washington job reportedly interests Tice +Sports,Line of Scrimmage: Week 14 - Peyton Will Own All QB Records +Business,"First tomatoes, now grapefruit" +World,Darfur Talks to Seek Political Pact Amid Fighting (Reuters) +Sci/Tech,Apple #39;s iTunes now accepting PayPal +Sci/Tech,Cisco to acquire BCN +Sci/Tech,Microsoft to Judges: Eolas Didn #39;t Invent Patented Tech +Sci/Tech,Enter your e-mail: +Sci/Tech,Microsoft Readies Five Windows Fixes +Sports,Johnny Ortiz: Retire Maker Train Rolls On +Sports,COLLINS #39; EIGHT-YEAR BAN +Sports,Preview: Manchester City v Tottenham +Sports,NHL labour meeting set for Tuesday +Sports,Air Force Clears Athlete of Cheating +World,"Oprah, Cruise to Co-Host Nobel Concert" +World,"Palestinian Family Says Girl, 8, Was Killed by Israeli Bullet" +World,Corrupt ways +World,Dinesh Rajaratnam freed +World,Watch Lists Glance (AP) +World,Venezuelan plane crash kills 16 +Sports,Gold Standard No More +World,Israeli Soldiers Kill Palestinian Girl +World,16 Killed in Venezuelan Plane Crash +World,"1,400 Colombian Fighters Begin to Disarm" +Business,OPEC to Cut Production After Six-Week Price Decline (Update7) +Business,Summary Box: Airbus to Develop New Jet +Sci/Tech,Apple Says ITunes Music Store Now Accepts PayPal +Sports,Greed gone wild +Business,"Delphi to cut 8,500 jobs worldwide" +Business,Update 1: Hurricanes Hurt Florida Citrus Crops +Business,UPDATE 1-Bank of America says moves 300 more jobs to Boston +Business,Gemstar-TV Guide Taps Fox Executive as CEO +Sci/Tech,Space holidays may not be happy +Sci/Tech,Yahoo adds fuel to desktop search rush +Sci/Tech,"US Supreme Court to hear appeal on music-swapping, copyright" +Sci/Tech,Apple #39;s music store now accepts PayPal +Sci/Tech,New file system has long road to Windows +Sci/Tech,Monkeys use tools to forage +Sci/Tech,Cisco purchase of BCN is par for the course +Sports,SPECTOR: Players #39; offer not quite good enough +Sports,Valdosta on a roll since loss in opener +Sports,Italian team ordered to play without fans +Sports,D-Backs reportedly to sign Russ Ortiz +World,AU-sponsored Darfur peace talks postponed to Saturday in Nigeria +World,Russia glad if Ukraine joins EU: Putin +Business,Oracle Moves Earnings Forward to Dec. 13 (Reuters) +Business,Forsee: Sprint CEO Eyed As Likely Leader If Nextel Deal Inked +Business,America West: Will Not Bid for ATA +Business,Hurricane damage to Fla. citrus crop even worse than expected +Business,"Halo 2, San Andreas key drivers of Nov. revenue, say NPD stats" +Business,Community Bancorp Soars in IPO Debut +Business,PeopleSoft scores analyst support +Sci/Tech,Napster to sell mobile ringtones +Sci/Tech,Apple #39;s iTunes connects to PayPal +Sci/Tech,School #39;s out to shun IE +Sci/Tech,Cisco expands router offerings with BCN buy +Sci/Tech,Microsoft Contests Patent Decision +Sports,Allenby predicts Masters surge +Sports,Mavericks Defeat Bucks 123-104 (AP) +Sports,New BALCO hit: Collins banned 8 years +Sports,Ives Galarcep +World,Blast in Quetta market kills 10 +World,"Japan to Ease Weapons Export Ban, Revamps Military (Update2)" +World,Chaos looms in Darfur as violence increases: Annan +World,Turkish Leader Calls for EU Membership Talks +Sci/Tech,Sony Prepares For PSP Launch +Sci/Tech,Browser Flaw Leaves Online Shoppers Open to Phishing Scam +Sci/Tech,Dusty discs girdle distant solar systems +World,Drunken British soldier leaves party in suicide bomber costume; prompts alert (Canadian Press) +Business,"Consumers Cheer Up, Budget Deficit Swells" +Business,Sprint in Talks to Buy Nextel for \$36 Bln +Business,Stocks Down Slightly; Economic Data Mixed +World,AP: Rehnquist Plans to Swear in Bush (AP) +Business,Dollar Holds on to Gains with Fed in View +Business,Airbus A350 Unleashes New War with Boeing +World,Supreme Court to Decide Grokster Case (Reuters) +World,"Venezuelan Military Plane Crashes, 16 Killed" +Business,Oil Prices Fall Despite OPEC Output Cut +Business,"Shrek 3 Postponed Until 2007, James Brown Has Cancer, Kidman Out <b>...</b>" +Sports,White Has Chance to Make Heisman History (AP) +Sci/Tech,iTunes now accepting Paypal payment +Sci/Tech,"Deep, faint tremors in central California fascinate, worry <b>...</b>" +World,Syria to Offer Iraqi Expat Polling Sites (AP) +Sports,Vick more comfortable with Crumpler +Sports,Bush Unlikely Heisman Trophy Finalist (AP) +World,"Faruk talks to wife, brother after release" +World,Russian defense chief reserves right to conduct preemptive strikes +World,Venezuelan plane crash kills 16 +World,Putin approves of Ukraine #39;s membership in EU +Sports,Italian Team Ordered to Play Without Fans (AP) +Business,Business ; Chinese Inflation Drops Sharply +Sci/Tech,"Cut From Longhorn, WinFS Is in Peril" +Sports, quot;I can take his punches quot; - Williams +Sports,Q amp;A with Metros GM Nick Sakiewicz +World,Cyprus warns it could veto Turkey #39;s EU talks +World,World ; Russia defends anti-terror preventive strikes +World,Shiite Group Reveals Some Iraq Candidates (AP) +World,U.S. Gives OK to China Furniture Duties (Reuters) +World,High Court to Hear File-Sharing Dispute (AP) +World,Portugal faces general election +Sports,Randall Wins ACC Honor +Business,US Jet Flight to Vietnam Makes History +Business,"General Electric raises dividend, announces plans to buy back <b>...</b>" +Sports,Diamondbacks Sign Pitcher Russ Ortiz (AP) +Business,"Oil Slumps Below \$41, Dealers Shrug OPEC Cut" +Business,Sprint in Talks to Buy Nextel for \$36 Bln +Business,Apple: ITunes Music Store Accepts PayPal +Business,High Court To Decide File-Sharing Case +Business,Airbus steps up challenge to Boeing #39;s 7E7 +Business,Update 1: Southwest Offers \$100M for ATA Assets +Business,Bank of America to move 300 jobs to Boston +Sports,Giants' Barber Leads NFL in Total Yards (AP) +Business,"GE to Buy Back \$15 Bln in Stock, Raise Dividend (Update4)" +Sci/Tech,Napster To Enter Mobile Ringtone Arena +Sci/Tech,Kazaa Talked to Record Firms About Music Swaps +Sports,Oklahoma #39;s Jason White Wins Maxwell Award +Sports,Suns Place Voskuhl On IL +Sports,Magic #39;s Garrity Activated From Injured List +World,Nobel Peace laureate calls for a greener tomorrow +World,UN: New Darfur displacements reported +World,Turkish Leader Wins EU Officials' Backing (AP) +World,Some of Leaders in United Iraqi Alliance (AP) +World,U.S. Money Helped Opposition in Ukraine (AP) +World,"US Supreme Court to hear appeal on music-swapping, copyright (AFP)" +World,Yushchenko in hospital for tests +Business,"Sources: Sprint, Nextel closing in on \$36B deal" +Business,Mobile phone users double since 2000 +Business,UPDATE 2-Bank of America says moves 300 more jobs to Boston +Business,Bristol-Myers to Seek Over-The-Counter OK +Business,Update 2: Winn-Dixie Forces Out CEO Frank Lazaran +Business,Video Gamer Makers Undeterred by Mixed Sales Data +Business,"Shell: Gemstar-TV Guide Replaces CEO With Battista, Reportedly <b>...</b>" +Sci/Tech,Search companies vye for the desktop +Sci/Tech,Access to Kazaa Not Blockable? +Sci/Tech,JBoss aims high with Enterprise Middleware System +Sports,A gentleman and a boxer +Sports,Suns place Voskuhl on IL +Sports,Magic #39;s Garrity activated from injured list +Sports,Arizona Man to Drop Mike Tyson Car-Beating Charges +World,Turkish leader wins EU officials #39; backing +World,US Soldier Pleads Guilty to Murdering Iraqi Youth +World,Next step towards military #39;normality #39; +Business,PayPal and Apple iTunes link-up +Business,"Safety Regulators Want Recall of Durango, Dakota Trucks" +Business,Vodafone faces US lockout if Sprint merges +Business,First US flight in 30 years is good morning for Vietnam +Business,US and EU trade war to flare up again as Airbus takes on Boeing +Sci/Tech,So who ate all the pies in space? +Sports,Diamondbacks stay active by signing Ortiz +Sports,Landmark eight-year ban for US sprinter +Sports,New York bid for Olympic gold tarnished by battle of the titans +Sports,McGrady puts on finish for the ages against Spurs +Sports,You know the Bears got jobbed when Pac-10 rivals come to their <b>...</b> +World,Britain welcomes Kufuor victory in Ghana (AFP) +World,Berlusconi cleared of corruption +World,Bush to Focus on Tort Reform at Forum (AP) +World,Colombian rebels hand over guns +Business,Two Small SUVs Earn Good Rating In Crash Tests +Sci/Tech,Muglia Updates Windows Server Roadmap +Sci/Tech,Hoyer Applauds Decision to Save Hubble +Sports,Some of baseball #39;s biggest names available +Sports,Linfield College QB Nears NCAA TD Mark (AP) +Business,US ex-financier jailed for fraud +Business,Stocks Dip as Dollar Rises and Oil Drops (Reuters) +Sports,Sprinter Suspended +Sports,Rangers Sign Hidalgo +Business,Business News for Technology Leaders +Business,Oracle Moves Earnings Forward to Monday +Business,Salvation Army bell ringers hushed +Sci/Tech,"Windows Server #39;R2 #39; Goes to 1,000 Beta Testers" +Sci/Tech,Users Still Snookered By Spam +Sci/Tech,Tremors Under San Andreas Studied +Sports,Tiger and Monty in the lead +Sports,Wenger refuses to go on lookout for replacement +Sports,"Pacers players, fans charged in Detroit NBA fight" +Sports,Diamondbacks add free-agent Ortiz +Sports,"Hidalgo agrees to \$5 million, one-year contract with Texas" +World,Search for Thai Tsunami Dead Narrows to Hard Hit Areas (Reuters) +Business,"Dodge Durango, Dakota Trucks Recalled" +World,Defense policy overhauled to meet new global threats +World,US soldier pleads guilty to killing +Business,Britains HHG sells life services arm for 1bil +Sci/Tech,Disney to support Blu-Ray +Sci/Tech,"Yahoo Plans Desktop Search To Compete With Google, Microsoft" +Sports,Manchester City vs. Tottenham +World,Militants Claim Responsibility for Bomb Blast in Pakistan +Business,The joys of traveling with a heavy suitcase +Business,How the Airbus A350 and the Boeing 7E7 stack up +Business,Xstrata threatens to pull offer +Sci/Tech,'BitTorrent' Gives Hollywood a Headache (AP) +Sci/Tech,Mobile Gadgets Measure Meals on the Go (AP) +Sports,Time for Williams to check his ego into a penthouse suite +Sports,F1 #39;s plans for London race gather pace +Sports,Carter placed on injured list with strained Achilles tendon +Sports,Union bosses owe players an apology +Sports,Brazelton wins Tony Conigliaro Award +Sci/Tech,"With Holiday Season Half Over, Web Sales on Track (Reuters)" +Sci/Tech,Thomson To Support Both HD DVD and Blu-ray (NewsFactor) +Sci/Tech,"Sprint, Nextel Stocks Up on Merger Reports (AP)" +Sci/Tech,Oracle Moves Earnings Forward to Monday (Reuters) +Sci/Tech,Search heads toward enterprise desktops (InfoWorld) +Sci/Tech,Apple: ITunes Music Store Accepts PayPal (Reuters) +Sci/Tech,Ice-Age Ivory Flute Found in German Cave (Reuters) +Sci/Tech,Ancient Gold Mask to Be Returned to Peru (Reuters) +Sci/Tech,'After Kyoto' Takes Center Stage at Climate Talks (Reuters) +Sci/Tech,Strong Meteor Shower Peaks Monday Night (SPACE.com) +Sci/Tech,ISS Crew Counts Calories as Food Supply Runs Low (SPACE.com) +Sci/Tech,Development May Endanger Protected Species (AP) +Sci/Tech,What mistakes do Techno Utopians make? +Sci/Tech,"In net politics, it's God vs Dog" +Sci/Tech,US missile defence test delayed +Sci/Tech,Paypal and Apple iTunes link-up +Sci/Tech,Peoplesoft announces meeting date +Sci/Tech,U.S. Video Games Sales Up 11 Pct in Nov.-Analysts +Sci/Tech,Supreme Court to Look At File Sharing +World,U.S. Said Showing New Flexibility in N.Korea Talks (Reuters) +Sci/Tech,Why do Workouts Work? +Sci/Tech,"Crows as Clever as Great Apes, Study Says" +World,Guatemala to Create Mayan University (AP) +Sci/Tech,Deep Tremors Detected Along San Andreas Fault +Sci/Tech,"""Hotel Rwanda"" Portrays Hero Who Fought Genocide" +Sci/Tech,"Rwandan, Kenyan Named Winners of 2004 Conservation Award" +World,U.S. Jet Flight to Vietnam Makes History (AP) +Sci/Tech,ISPs fear losing broadband rights +Sci/Tech,Offshoring observers square off +Business,Oracle Moves Earnings Forward to Monday +World,U.S. Said Showing New Flexibility in N.Korea Talks +World,U.S. Demands Cambodia Action in Sex Trafficking Case +World,US ex-financier jailed for fraud +World,Finger test 'spots heart disease' +Business,Life in the IT fun house +Business,Grokster case set for Supreme Court +Sci/Tech,Sun executive talks up NAS strategy +Sci/Tech,JBoss aims high with Enterprise Middleware System +Sci/Tech,"Data center virtualization, systems management coming from Cisco" +Sci/Tech,Cisco users see some pricing relief +Sci/Tech,IBM claims virtualization victory over EMC +Sci/Tech,"Q A Part 2: Cisco's John Chambers on the '01 downturn, recovery" +Sci/Tech,Sprint: No comment on reported Nextel merger talks +Sci/Tech,"CSOs see viruses, worms as top security challenge for '05" +Sci/Tech,Desktop search avalanche set to hit +Sci/Tech,Longhorn Server to have one version for many roles +Business,"We #39;re good for policyholders, says Osmond" +Sci/Tech,Sun eyes home users with Sun Ray update +Sports,Jordan Says Wizards Won't Tolerate Guff (AP) +Sports,Dewon Brazelton Wins Conigliaro Award (AP) +Sci/Tech,Phishing Web sites grew by 33 percent in November +Sci/Tech,Search heads toward enterprise desktops +Sci/Tech,"Serena boosts IDEs, collaboration in change management" +Sci/Tech,Cape Clear boosts business processes in ESB +Sci/Tech,JBoss set to shine with JEMS middleware stack +Sci/Tech,Supreme Court Will Hear Grokster Case +Sports,Jordan Makes Statement +Sports,Portis Fined for Socks +Sci/Tech,Moreover Technologies Offers Blog Ping Service +Sci/Tech,MSN Beta - An SEOs Dream Search Engine +Sci/Tech,Google Has A New One for the Labs - Google Suggest +Sci/Tech,News: DirecTV hacker sentenced to seven years +Sci/Tech,iPod for Schoolwork +Sci/Tech,Gadget of the Year: iPod mini +Sci/Tech,Best of Year: iMac G5 +Sci/Tech,Use PayPal at US iTunes Music Store +Business,Sprint-Nextel Deal Talk Sparks Concern +Business,"Sprint, Nextel Reportedly Near Merger" +Business,"Chrysler to recall 600,000 SUVs, pick-ups" +Sports,Finley Signs #36;14 Million Deal With Angels (AP) +Sports,"Get smart, baseball; start stricter testing" +World,Nobel Peace Prize awarded +World,Coburn Wants to Keep Delivering Babies (AP) +World,N.M. Church May Use Special Tea for Now (AP) +Business,China Aviation Oil Company illegal behavior: SASAC +Business,Oil Prices Skid as U.S. Winter Stays Mild +Sports,"McNair sits out practice again, Carter added to injury list" +Sports,Diamondbacks Keep Busy; Ortiz Heading Home +Business,"Observers: reported deal good for Sprint, better for Nextel" +Business,Energy proposal pushes debate toward center +Business,Spirits of Prohibition +Sci/Tech,Electronics giant Thomson to introduce HD DVD players in 2005 +Sci/Tech,Cyber-Security Office Calls for More Clout +World,Berlusconi proved to have bribed judge but avoids prison +World,Kerry Pays Nostalgic Visit to Iowa (AP) +Sci/Tech,'Climate Witnesses' Testify About Warming (AP) +World,Cambodian sex workers abducted +Sports,Babb #39;s Bits: The Notre Dame Dilemma +Sports,"In Conte's '20/20' Remarks, Legal Experts See a Risk" +World,Afghans' Gains Face Big Threat in Drug Traffic +World,All Corruption Charges Against Berlusconi Are Dismissed +Business,Southwest Offers \$100 Million for ATA Assets +Business,Variations on Power to the People +Business,MBNA Stops Unsolicited Switching of Customer Credit Cards +Sports,Holmes Will Return +Business,Wireless telecoms sector leads the way +Business,From Lenovo of China to that of the world +Business,Airbus given go-ahead for A350 marketing +Business,German workers feel chill of General Motors job cuts +Business,Bristol-Myers Squibb seeks to sell cholesterol medicine over <b>...</b> +Business,Wholesale Prices Rose 0.5 in November +Business,Stocks: Confidence data push shares higher +Business,Local wineries eyeing Supreme Court debate +Sports,Eight-year ban for Collins +Sports,Nuggets add to Raptors woes +Sports,Three teams in the running to be winter champions in Germany +Sports,Mets still hoping to land Martinez +World,Afghans #39; Gains Face Big Threat in Drug Traffic +Sports,Bucknell Stuns Pitt +Business,Airbus to launch A350 to rival Boeing 7E7 +Business,"Nextel, Sprint Discuss Merger" +Sports,Teams Eye Free Agents at Winter Meetings (AP) +Sports,Heat Stops Cold-Shooting Grizzlies 92-84 (AP) +Sports,Pavano Unlikely to Return to Marlins (AP) +Sports,Fire of London +Sports,Manning closes in on Marinos TD mark +Sports,Notre Dame Trustee Raps Coach's Firing (AP) +World,Bomb in Pakistan market kills at least 11 +World,Venezuela military plane crashes +World,Iraqi militant group frees abducted Bangladeshi driver: family : +Sports,Manning takes aim at NFL touchdown record +World,UN welcomes support of United States for Secretary-General +Sports,Anti-Doping Agency Is Boosted By Ban of Sprinter in Balco Case +Sports,Redskins Fined Over Red Socks +World,'Deadliest' year in 10 for media +World,Taiwanese Vote Today May Boost Separatism +Business,Dodge Durango SUVs and Dakota pickups recalled +Business,"Delphi to cut 8,500 jobs, post 350-million-dollar loss in 2005" +Sports,Nets Nudge Hornets 94-91 in Overtime (AP) +Sports,N.H.L. Must Determine if It Is Certain About Cost Certainty +Business,Sprint Near Deal to Buy Nextel for \$34 Billion +Business,More Questions for Producer of Flu Vaccine +Business,"Oil Prices Decline Sharply, but Shares Dip Anyway" +Sports,Hill sits out with bruised right shin +Sports,Angels Sign Finley to a Two-Year Deal +World,Cambodia Women's Shelter Closes After Raid (AP) +World,"No Fighting the Co-op Board, Even With Talons" +World,Internet Drug Exporters Feel Pressure in Canada +Business,Sprint Near Deal to Buy Nextel for \$34 Billion +Sports,"Nets 94, Hornets 91, OT" +Sports,"Portis, Taylor fined \$5,000 for wearing red socks" +World,Soldier guilty of murdering Iraqi +World,Taiwanese Vote Today May Boost Separatism +Business,"End of era: Adieu, VCR" +World,Eiffel Tower Opens Elevated Skating Rink (AP) +Sports,Record-smashing Kumble slams critics +Sports,"Hawks 88, Pistons 72" +World,UN envoy to Iraq discusses elections with top US official +World,Turkmen leader reburies relatives +Business,Crawford Financial Resources Inc +World,Sharon to form new coalition +Sci/Tech,Oxyride Battery to Be Sold in the U.S. (AP) +Sci/Tech,Justices Agree to Hear Case on Sharing of Music Files +Sci/Tech,Spam-happy shoppers love stolen software +Sci/Tech,"Nextel, Sprint Close to Merger (washingtonpost.com)" +Sports,Griffin would welcome White into exclusive club +Sports,"Kidd Says Hello, Then Ruins Scott #39;s Return" +World,US soldier guilty of murdering unarmed Iraqi +Sports,Terps Falter Again +Sports,T'wolves Drop Kings +Sci/Tech,Codejack's really hot chili +World,British Guantanamo Detainee Details Abuse Claims +World,Red Cross Warns of Fallujah Risks +Business,Bank of America to add 300 jobs +Business,Prospect of deal triggers concerns +Business,"Diverging Fortunes, Tied to the Dollar" +Business,Justices to Hear Case on Sharing of Music Files +Business,Sprint Near Deal to Buy Nextel -Sources (Reuters) +Business,Cut by OPEC doesn #39;t slow the drop in crude #39;s price +Business,Jetliner is first US one to land in Vietnam since war #39;s end +Business,"Delphi to Eliminate an Additional 8,500 Jobs" +Business,Realtors #39; big red kettle aids Target-less ringers +Business,"Netflix CEO rates Blockbuster, Amazon threats" +Business,Bank of America to add 300 jobs +Sci/Tech,Huge Boeing rocket prepared for liftoff today +Sci/Tech,Meteor show will reach peak Monday night +Sports,Williams a timid challenger? +Sports,Pompey targets Strachan +Sports,NBA Wrap: Hawks Stun Injury-Plagued Pistons +World,Seven year old Palestinian girl shot by Isreali sholdiers +World,Women more at risk from climate change: Canadian at UN conference +World,"Arab, G8 leaders to meet in Morocco on reform in Arab world" +World,Helicopter crash kills 2 US soldiers in Iraq +Business,High-Volume Toys Called a Hazard +Business,Bush Picks Treasury Deputy to Lead Energy +Sports,Suns Win Again to Tie Seattle Atop NBA (AP) +World,Penalties Stiff for Slander in Venezuela (AP) +Sports,Red Sox Reportedly Offer Wells Contract (AP) +World,Tendulkar equals world record for test centuries (Reuters) +World,Kerik Withdraws His Name for Top DHS Job (AP) +Sports,The N.H.L. Must Figure Out If It's Certain on Cost Certainty +Sports,Houston On Bench As Knicks Lose Late +Sports,Montgomerie Is No Stranger to Playing With Woods +Sports,Sox offer Wells deal +Sports,Dillon could do a number +Business,World ; First US flight in Vietnam since 1975 +Sports,"For Holmes, return in '05 is chief goal" +Sports,Cincinnati in rush to blitz +Sports,Players react to proposal +Sports,Peterson has good shot at being first freshman Heisman winner +Sports,"For Brandeis women, situation is unbeatable" +Sports,Bringing BU together +Sports,UMass walking on air after win +Sports,Johnson Wins Butkus +World,US soldier jailed for Iraq murder +Sports,Ex-World Champion McRae Leads Dakar Rally +Sports,College Basketball: Bucknell Upsets No. 10 Pitt +World,Pakistan arrests militant leader +World,Colombia fighters give up weapons +World,Sharon courts Labor for coalition +World,"US commercial jetliner touches down in Vietnam, in milestone for 2 nations" +World,Human error cited in jet hit by Patriot +World,Red Cross gets first look at war-ravaged Fallujah +World,Candidate list hints at Iraq's political future +World,US soldier admits killing injured teen +World,"In Paris, a slick maneuver tries to lure tourists to Eiffel Tower" +Sci/Tech,Air Force Set for Test Flight of New Rocket +Sci/Tech,Doctor Offers Assurances That Astronauts Won't Go Hungry +Sci/Tech,Weather Hinders Search for Ship's Crew as Oil Spill Widens +Sci/Tech,"With Food Low, Space Crew Must Cut Back" +Business,OPEC ministers act to stop fall in oil prices +Business,Airbus targets the 7E7 niche with new plane design +Business,China #39;s inflation slowed sharply in November +Business,Seattle bank agrees with feds on changes +Business,Centrica hit by warning of margin pressure at British Gas +Sci/Tech,Napster plans to offer mobile ringtones +Sports,Poor round leaves Els up the creek +Sports,Collins Hills Winfield signs with USC-Upstate +Sports,Graham sparks Oklahoma St. +World,Italian PM acquitted of attempting to bribe judge +Business,Chip Shots Over for Chip Investors +Sci/Tech,"Drop in flat-panel prices to end, AU Optronics says" +World,'Distribution System Is Not Working' +Sports,College Basketball Wrap: Okla. State Vs UAB +Business,The Logic Behind a Sprint/Nextel Deal +Business,MOUSE HOUSE FLICK IN WORKS +Sports,"Woods, Montgomerie match 66s, share lead" +Sports,Angels fit Finley into their plans +Sports,Mourinho is happy Premiership play their cards right +Sports,Esche willing to trade \$186G for a prosperous NHL +World,Putin: Iraq Still Too Dangerous for Russian Firms +World,Bangladesh opposition in 900-km human chain protest (Reuters) +World,Cricket: Tendulkar equals record +Business,DaimlerChrysler recalls Durangos +Sports,White Could Join Griffin in Heisman Club (AP) +World,Canada Confirms Second Mad Cow Case +Sci/Tech,Thomson to introduce HD DVD players in 2005 +Sports,Jazz Oust Trail Blazers 92-87 (AP) +Sports,Williams a timid challenger? +Sports,Today's schedule +Business,"Dodge SUVs, trucks recalled" +Sports,"Tiger, Colin share lead at Target event" +Sports,Players await league counteroffer +Sports,Yankees close to deal with Pavano; Wells to Red Sox? +Business,OPEC Expects Oil Prices to Recover Next Week as Cuts Are Made +Business,"Jan. 19 vote set in Coors, Molson deal" +Sports,D-Back money talks +Sports,Bombers can #39;t leave Wells enough alone +Sports,Garnett crowns Kings +Sports,Houston #39;s return is no remedy for Knicks +World,US soldier jailed for murdering Iraqi teenager +Business,OPEC curbs oil output +Sci/Tech,PalmSource Embraces Linux +World,US soldier sentenced to three years for murder +World,Pakistan blast death toll rises to 10 +World,Putin: No Objection to Ukraine in EU +World,Berlusconi Ally Sentenced to 9 Years in Mafia Trial (Reuters) +Sci/Tech,Mexican Officials Promote 'Silicon Border' +Sci/Tech,High Court to Weigh File-Sharing Case +Sci/Tech,Contractor Maximus Subpoenaed +Business,OPEC Seeks to Quell Doubts Over Oil Cut +Business,HP lowers PC prices in China +Business,High Court To Weigh File Sharing +Business,Bell-ringer ban strikes sour note +Business,Oracle Bumps Up Release of 2Q Earnings +Sports,Nobody strikes the pose better than Reggie Bush +World,Powell Advises Mideast Caution +World,US Promotes Mideast Reform Amid Arab Skepticism +World,Alleged Afghan kidnap mastermind arrested in Pakistan +Sports,Not exactly an idiotic signing +World,Giant rocket prepares for lift-off +World,US begins new Afghan operation +Business,Sprint Near Deal to Buy Nextel -Sources +Business,Airbus sees A350 orders ahead +Business,Frankel sentenced to 16 years for fraud +Business,US wholesale prices up 0.5 +Business,United cuts back +Sci/Tech,Yahoo! gives! away! free! desktop! search! +Sci/Tech,Paypal and iTunes link-up +Sci/Tech,Delta IV readyfor liftoff today +Sci/Tech,"Yahoo Searches Desktops, Too" +Sports,Formula for GP frenzy +Sports,McKenzie over-takes Hughes in Melbourne +Sports,Wenger: I won #39;t buy another #39;keeper +Sports,NHL Fans Get a Ray of Hope in Ongoing Lockout +Sports,Yearning for more: Sachin eyes 50 tons +Sports,Bush an unlikely Heisman candidate +Sports,"D #39;backs snag Ortiz, too" +World,Taiwan Opposition Claims Victory +World,Report: U.S. Missiles Downed Navy Jet +World,Penalties Stiff for Slander in Venezuela +World,Mexican Inmates on Death Row Win Review +World,Lieberman Shows No Interest in Cabinet (AP) +World,Arab reform dreams run aground +World,Iran not plotting Shiite #39;crescent +World,Presidential candidate arrested +Sci/Tech,A Catalogue of Genocide +Sci/Tech,New Stealth Spy Satellite Debated on Hill +Sci/Tech,Oracle Lets Loose #39;Tsunami #39; Collaboration Suite 10g +Sports,Tendulkar eager to score more centuries +World,US soldier jailed for murdering Iraqi teen +World,Don #39;t rush to judge Annan +World,AU-sponsored peace talks on Darfur crisis set to resume +Business,Wal-Mart Still Sees Dec. Sales Up 1-3 Pct +Business,Hope Santa Rally Can Outrun the Grinch +Business,OPEC Seeks to Quell Doubts Over Oil Cut +Sci/Tech,Troops Stay in Touch on Intranet +Sci/Tech,File Sharing Goes to High Court +Business,Airbus shareholders OK A350 +Business,Morris Hikes Cigarette Prices +World,"Iraq Insurgents Kill Top Police, Hit U.S. Convoy (Reuters)" +World,Palestinian Committee Given Report on Arafat Death (Reuters) +World,Nephew: Suspicions About Arafat's Death (AP) +World,Congo Army Factions Clash in Eastern Congo-U.N. (Reuters) +Sports,Risk-all tactics in aim for glory +World,Renewal of Peace Process Discussed a Month After Arafat Death +Business,Southwest seeks to add 12 ATA gates at Midway +World,Bush Faces Busy January Calendar (AP) +Sports,Franz secures first win of career as Miller misses out +World,Reform Needed in Arab World to Defeat Terror-US +World,Yasser Arafat #39;s nephew hands over Palestinian leader #39;s medical <b>...</b> +Business,OPEC ministers unfazed by oil price drop after output cut +Business,Industrial Milk Prices Hiked to Help Struggling Farmers +Business,Amazon Launch DVD Rental Service +Sci/Tech,High Court To Weigh File Sharing (washingtonpost.com) +Sci/Tech,Money from China's boom makes way into U.S. economy (SiliconValley.com) +World,Palestinian elections committee accuses Israel of interference +World,"18,000 U.S. Troops Begin Afghan Offensive (AP)" +World,Ukraine candidate 'was poisoned' +Business,Dairy farmers request milk price hike +Sports,"Franz wins downhill, Guay 13th" +World,A plea for new thinking +World,Nephew: Suspicions about Arafat #39;s death +Business,BY ABOUT \$10 Airlines up their fares +Sports,Williams bids to beat Klitschko in Vegas +World,Karni Tunnel as Hamas Hidden Arm into Israels Western Negev +Business,Citrus Estimates Revised Lower +World,Berlusconi Ally Convicted of Mafia Ties (AP) +World,Nigerian Party Chief Slams President (Reuters) +World,Taiwan's Pro-Independence Parties Defeated (AP) +Sports,Carsley: Team Spirit Secured Derby Glory +World,Somalia #39;s newly-appointed PM dismissed by parliament +World,Taiwan Chen's Pro-Independence Party Loses Poll +World,"Myanmar to Release a Further 5,000 Prisoners" +World,Arafat file fails to halt rumours +Business,Airbus gets go-ahead for A350 jet +Business,"Safety Regulators Want Recall of Durango, Dakota Trucks" +Sports,Klitschko #39;s cut problem could be equalizer for Williams +Sports,Sox eye Wells: GM Epstein says talks on 1-year deal in early <b>...</b> +Sports,Baseball #39;s Winter Hearth Is Burning on Cash +Business,"Seoul Stocks Under Pressure, HK Firmer" +World,SUDAN: AU criticises belligerents for attacks in Darfur +Business,Tokyo bourse faces early 2005 slump before rebounding with economy (AFP) +Business,Goods exports up 26 in Nov +Business,Crawford Gets Subpoena From Spitzer +Business,"Seoul Stocks Under Pressure, HK Firmer (Reuters)" +Sci/Tech,Chicken genome offers insights into humans +Sci/Tech,Geminids Meteor Shower 13 December 2004 +Sci/Tech,Person of the Week: Aaron Goldin +Sci/Tech,HP Sells Low Priced PC In China +Sports,Cheetham surges to lead in S. Africa +Sports,Wells jumps to Red Sox after agreeing to two-year contract +Sports,Sports ; Cricket: Sachin hits 34th ton; India 348/7 in Dhaka Test +Sports,Old Firm plum tie in Scottish Cup +World,"BERLUSCONI TRIAL:COSSIGA, HE MUST GIVE UP DEBARMENT AND RESIGN" +World,Darfur talks on ambitious peace path +World,Donors urge Rwanda to exercise restraint on Congo +World,Newsview: Shifts in Belfast remarkable +Sci/Tech,"Dude, linguists are taking the word #39;dude #39; seriously" +Sports,Winter Break Starts With Bayern Ahead +Sports,Silverstone layout may change +Sports, #39;Many more tons to come from Sachin #39;s bat #39; +Sports,UPDATE 1-McLeish celebrates as Rangers go back to the top +Sports,Wells Joins Red Sox +World,Sharon invites opposition to join coalition +Sports,Diamondbacks Keep Busy; Ortiz Heading Home +Sports,Raptors' Carter Placed on Injured List +Business,OPEC approves cutting oil production (updated AM 00:32) +Business,Sprint near deal to buy Nextel for \$35 billion +Sports,Detroit Pistons Team Report - December 11 +Sports,Falcons' Michael Vick Throwing Hand Numb (AP) +Sci/Tech,Scientists hail discovery of debris disks +Sports,Eagles Fly Past Hens +Sports,"This Time, Cashman Shows Up, Ready to Buy" +Sports,Everton dreaming of Europe +Sports,Boro snatch a point +Business,"United to cut US flights, non-union pay" +Sports,UPDATE 1-Late twist makes Bayern winter champions +Sports,Something about Harry +World,"Myanmar to Release a Further 5,000 Prisoners" +Sports,Sachin precious than #39;Kohinoor #39;: Gavaskar +Sports,Downing Stunner Too Late for Sven +World,Iraqi official blames rebel attacks for worsening fuel shortages +World,Nephew Suggests Arafat's Death Unnatural (AP) +Business,Airbus Hopes for 50 Jet Orders by June +Business,"Chrysler, Ford Recall Over 1 Million Vehicles" +World,Saddam's Illicit Trade No Secret to U.S. (AP) +World,Two die in Colombo concert blast +World,Ghana leader vows war on poverty +World,"Burmese junta frees 5,070 inmates" +World,Orthodox Church seeks virtual saint +World,"Kerik's Position Was Untenable, Bush Aide Says" +World,South America Seeks to Fill the World's Table +World,Bowed by Age and Battered by an Addicted Nephew +World,"Even if Just a Bauble, Luxury Counts for Holidays" +World,Democratic Party Searches for Leader Again +Sports,Athletics: From Tears Of Joy To Eight Year Ban For Collins +Sports,No. 7 Notre Dame Women Beat Washington (AP) +Sports,Raptors' Carter Placed on Injured List (Reuters) +Sports,"Bob King, Architect of N.M. Hoops, Dies (AP)" +Sports,Cheetham Leads Dunhill by a Stroke (AP) +Sports,Rangers take lead back with Dundee win +Sports,"No. 7 Notre Dame 72, Washington 58" +Sports,Wenger stab at Mourinho +Sports,Russians Beat NHL World Stars 5-4 +World,US Marine killed in Iraq #39;s western Anbar province +World,Labour eyes Israel coalition deal +Sports,No. 13 Louisville Holds Off Florida 74-70 (AP) +Sports,Everton Beats Liverpool in Premier League (AP) +Sports,Rangers take temporary lead in Premier League +Sports,Weekend Bundesliga Preview +Sports,Russians Beat NHL World Stars 5-4 +World,Grenade at Sri Lanka Concert Kills Two +Sports,Russians Defeat NHLers +Sports,Ex-Colt Counsels Ramsey +Business,Boeing thanks Airbus for the flattery +Sports,"Indians Get Rhodes for Lawton, AP Learns (AP)" +Sports,WHERE THERE #39;S A WILL.... +Sports,"No. 13 Louisville 74, Florida 70" +World,Wangari Muta Maathai receives Nobel Peace Prize in Oslo +World,Grenade Kills Two at Colombo Concert - Police +World,WAR-LORD PRESIDENT WOULD NEVER RESOLVE THE ANARCHY IN SOUTHERN <b>...</b> +World,16 die in Venezuela plane crash +Sci/Tech,"Netflix CEO Rates Blockbuster, Amazon Threats (Reuters)" +Sci/Tech,"Sprint, Nextel Reportedly to Merge (AP)" +Sci/Tech,Summit Addresses Greenhouses Gases' Impact (AP) +Sci/Tech,A Visit to the Museum of Underappreciated Games +World,Peres Says Coalition Talks Could Be Resolved in Days (Reuters) +World,"Daschle Ponders Past, Focusing on Future (AP)" +World,Yushchenko Was Poisoned by Dioxin - Doctors +World,Peres Says Coalition Talks Could Be Resolved in Days +World,Kufuor's Party Strengthens Majority in Ghana +World,"Spain Holds Syrian, Alleges Militant Islamist Links" +World,S. Africa Churches Urge Referendum on Gay Marriage +World,New Spy Plan Said to Involve Satellite System +Sci/Tech,HP rolls out ultra-low-priced PC in China +World,Arab Officials Criticize US Support of Israel +Sports,"No. 1 Illinois Tops Oregon, 83-66 (AP)" +Sports,Prem Preview: Arsenal-Chelsea +Sports,"Indians regroup, look to Loaiza" +World,"US Bombs Mosul Rebels, Guerrillas Kill Top Police" +World,Insurgents keep up deadly attacks in northern Iraq +Sports,"No. 10 Kentucky Defeats Indiana, 73-58 (AP)" +Sports,Brown Rejoins Wizards +Sports,Baker Defends Bonds Over Steroid Charges (AP) +World,"Blast at SRK #39;s concert, 2 dead" +Sports,Terps Lose Fofana +Business,Update 1: OPEC May Consider Further Production Cuts +Business,Merger creates mobile giant +Business,Business Focus: Devoured by the dragon +Business,"Singapore, Telekom Malaysia to Buy Stake in Idea Cellular" +Sci/Tech,Yahoo to test desktop search feature in January +Sci/Tech,Space Station Food Supply Lower Than Thought +Sci/Tech,Air Force Set for Test Flight of New Rocket +Sci/Tech,"All This, and They Take Pictures, Too" +Sports,Monty leads in California +Sports,Moyes bargain buys confound city rivals +Sports,American Sprinter Michelle Collins Suspended For Doping +Sports,Cheetham leads as Els moves up at Dunhill Championships +Sports,Wells Joins Other Side With Deal for 2 Years +Sports,NCAA Game Summary - Stanford Vs. Michigan State +Sports,Another Chance for Baseball to Settle Its Score With Drugs +World,US soldier gets three years for murder of Iraqi +World,Arab and Western Ministers Voice Different Priorities +World,Two die in Colombo concert blast +World,Yasser Arafat #39;s nephew hands over Palestinian leader #39;s medical <b>...</b> +World,Soldier Sentenced to Three Years for Murder of Iraqi Civilian +Sports,Tendulkar equals Gavaskar #39;s record +Sports,OU #39;s Jason White Hopes To Repeat With Heisman +World,Marines accuse insurgents of using Ramadi hospital to attack <b>...</b> +Sports,Smith Reflective As He Ponders Retirement (AP) +World,Iraq insurgents kill top police +Business,"Daimler Chrysler recalling 600,000 Dodge Durangos and Dakota <b>...</b>" +Sci/Tech,Reports: NASA chief Sean O #39;Keefe may leave agency +Sports,Montgomerie Leads Target World Challenge (AP) +Sports,Moyes: Everton now genuine title contender +Sports,Irish reportedly negotiating with Patriots #39; Weis +Sports,Packers' Wells to Start Against Lions (AP) +World,US drops massive bomb on Mosul +World,Comment: Liam Clarke: Paisley and the IRA must both accept <b>...</b> +Sports,Clemens Accepts Astros' Arbitration Offer (AP) +Sports,No. 16 Minnesota Wins 7th Straight Game (AP) +Sports,"Road-Weary Cardinal Drops Decision To Michigan State, 78-53" +Sports,Another Chance for Baseball to Settle Its Score With Drugs +Sports,Wells Joins Other Side With Deal for 2 Years +Sports,N.F.L. Makes Emphatic Point in Playing by the Book +Sports,"From Season, and Game, to Forget, Steelers and Jets Are Teams to Beat" +Sports,Where Was Balco a Century Ago? +Sports,Pitching Ensemble More Than One-Hit Wonders +World,"Portugal PM, Cabinet Submit Resignations" +World,Portuguese prime minister quits +World,Award That Still Fuels a National Debate +Business,Opec to cut oil output in defence of price +Business,"US high court to hear appeal on music-swapping, copyright" +Business,Business Analysis: Oracle refocuses to give itself an upgrade +Sports,Comeback kings Bayern crowned winter champions +Sports,Terry epitomises Chelsea #39;s steel +Sports,"Serie A Wrap: Udinese Win, Lazio Stage Comeback" +Sports,Carsley puts Moyes on top of the Merseyside world +Business,Airbus To Take On Boeing #39;s Dreamliner +Business,"Singapore, Malaysia dial Idea number" +Sci/Tech,O #39;Keefe poised to step down from NASA post +Sci/Tech,Boeing delays launch +Sports,Monty leads by two after late charge +Sports,Miller Gets First Downhill Loss of Season +Sports,Pavano Wants to Pitch for Yankees +Sports,NCAA Game Summary - Stanford vs. Michigan State +Sports,Soccer: Barcelona snatch late 2-1 win at Albacete in Spanish <b>...</b> +Sports,Pavano Wants to Pitch for Yankees (AP) +World,Nobel Winner Issues Call #39;to Assist Earth #39; +World,Top Police Officials Killed In Iraq +World,Accused Taliban Fighter Gets Hearing (AP) +World,New Zealand threatens to ban foreign crews after rise in ship jumpers (AFP) +World,Bush Physical Box (AP) +Business,Consortium to buy 47.7 stake in Indian mobile firm +Sports,Pavano chooses Yankees +Sports,La Liga Wrap: Barca Go 12 Points Clear +Sports,"College Basketball Wrap: Illinois Beats Oregon, 83-66" +Sports,Red Sox Sign Wells; Pavano Courts Yanks (AP) +World,Key Dates in Northern Ireland Conflict (AP) +World,"Quietly but Firmly, Hastert Asserts His Power" +Sports,Smoltz nets bonus for each start +Sports,Tendulkar: Records galore for humble human being (PROFILE): +Sports,"Italy: Udinese beat Atalanta, Lazio draw with Lecce" +Sports,Pavano Chooses Yankees (Reuters) +World,Opposition forms 900km human chain against government: +Sports,"No. 20 Mich. St. Defeats Stanford, 78-53 (AP)" +World,AP: Bush Will Make Air Pollution Priority (AP) +Sports,Pavano Picks Yankees +Sports,Rocket Takes Arbitration +Sports,"Olson Collects 1,000th Win" +Sports,GU Pounds San Jose St. +Sci/Tech,Mozilla Thunderbird email is go +Sports,Carter Placed on Injured List (Reuters) +Business,Group to Offer Proposal to Take Over Hudson Ferries +Sports,Reports: Notre Dame Negotiates With Weis (AP) +Sports,Free agent Pavano chooses Yanks +Sports,Vegas mayor brings glitz to the show +World,Middle Eastern reform to beat terrorism +World,"Arafat #39;s nephew says he died #39;unnatural death, #39; backing poisoning <b>...</b>" +World,Knife fears could prompt new law +Sports,USC's Matt Leinart Wins Heisman Trophy (AP) +Sports,Smoltz could return to Braves #39; rotation +Sports,"Boomer to Boston, Pavano picks Yankees" +Business,Wall St. Week Ahead: Hope for Santa Rally +Business,How Consultants Can Retire on Your Pension +Business,"Social Security Reform, With One Big Catch" +Business,A New Way to Hedge Your Home's Paper Profit +Business,Can For-Profit Schools Pass an Ethics Test? +Sports,USC #39;s Matt Leinart Wins Heisman Trophy +Sports,Notre Dame Narrows Its Focus to Weis +Sports,"ABC News No. 25 Kan. St. Trounces Mo.-KC, 63-31" +World,Arafat #39;s Medical Records Given to Palestinian Authority +World,PNA receives Arafat #39;s medical report +World,In pictures: War in Chechnya +Sports,Fla. State's Sam Won't Play in Gator Bowl (AP) +Sci/Tech,Apple's Music Store Now Accepts PayPal (AP) +Sci/Tech,New Maldives Island Rises from the Depths (Reuters) +Sci/Tech,Md. Studies Introducing Nonnative Oysters (AP) +Sports,Larkin Seems Unlikely +World,"Iran, EU to Begin Nuclear Talks (AP)" +World,Bush Pushes for Social Security Overhaul (AP) +World,Malaria treatment target is found +Business,GM to fire on all cylinders if Opel #39;s cost-cutting fails +Sports,Rangers a-leaping +Sports, #39;I #39;ve never been so scared #39; +Sports,This frosh deserves Heisman +Sports,Pavano picks Yankees; holdup on Wright deal +Sports,"UK Owns IU, Kentucky Beats Hoosiers in Basketball Too" +World,Colombo blast: Two killed at Shahrukh #39;s concert +Sports,"Klitschko-Williams - Good Match-Up for Boxing, Bad for Some in <b>...</b>" +World,Burmese Leader Promises Progress on Reforms +World,US soldier jailed for murdering Iraqi +Sports,George Washington Tops St. Francis (Pa.) (AP) +World,Portuguese Gov't Resigns Ahead of Elections +World,Japan PM's Support Slides on Iraq Concerns -Paper +Sports,Yankees Get Pavano +Sports,J. Lewis Will Start +Sports,Irish Pound Huskies +Sports,Eagles Win Again +World,Aid Worker Hassan Mourned at London Service +World,IAEA Leader's Phone Tapped +World,Small Ally of Brazil's Lula Breaks with Government +Business,Marriages Made in Corporate Heaven +Business,Premium Float +Sci/Tech,Coral Peril +Sci/Tech,Microsoft #39;s Improved Media Center Still Falls Short +World,American soldiers are arrested for murder of a wounded Iraqi <b>...</b> +Business,Sprint Nears Acquisition of Nextel +Business,"Altera, KLA drag down SVI" +Sports,"No. 2 Kan. Trounces La.-Lafayette, 96-51 (AP)" +Sports,McKenzie seeks first tour win at MasterCard Masters +Sports,Southern Cal #39;s Matt Leinart Wins Heisman +Sports,Hatton cruises to his 15th defence +World,Grenade kills two at Bollywood concert +World,Alcohol hampers depth perception +World,Earthquake Shakes Caribbean Territories (AP) +World,Rival Congo Army Factions Clash (AP) +World,Myanmar regime using Buddhism as an instrument of propaganda (AFP) +Sports,Jeffeson Leads Nets +World,Iraqi Fighters Keep Up Attacks +World,Dangers on the Ground in Iraq Lead to Increased Use of Airlifts +World,Arabs Reject U.S. Push for Reform +World,Chen's Taiwan Poll Loss Seen Easing China Strains (Reuters) +World,Yushchenko Was Poisoned; Ukraine Assesses Turmoil +World,Chen's Taiwan Poll Loss Seen Easing China Strains +Sports,Is he a Weis decision? +World,Peru rebels 'to give up weapons' +Sports,"Marquette Upsets No. 24 Wisconsin, 63-54 (AP)" +Sports,Cheetham Leads Dunhill After 3 Rounds (AP) +Sports,Manager believes club will remain competitive in 2005 +Sports,Marseille down on rank with loss to Auxerre while Lyon <b>...</b> +Sci/Tech,"EcoVillage Provides Challenge, Support (AP)" +World,Congo factions clash on Rwandan border +World,Russian President Turns on Washington Over Ukraine +Business,Season of Giving +Sports,"Mavericks Trounce Rockets, 102-78 (AP)" +Sports,UNDATED: 2-of-8 shooting. +Sports,Tendulkar honoured and thrilled but not satisfied +Sports,"Bulls Defeat Timberwolves, 99-88 (AP)" +World,IAEA Leader #39;s Phone Tapped +Business,Christmastime Consumerism +Business,Loophole Pays Off on Upscale Buildings +Business,"Under the Tree, 1983" +Business,Oil Prices Increase after OPEC Limits Surplus Production +Sports,Bucknell Upsets No. 10 Pittsburgh 69-66 (AP) +Sports,Red Sox grab Wells +Sports,Players Association presents new proposal to NHL +Sports,"Bulls 99, Timberwolves 88" +World,Jaishul Muslimeen Leader Arrested In Karachi +Sci/Tech,Troops Stationed in Iraq Turn to Gaming (AP) +Sci/Tech,O #39;Keefe to quit this week +Sports,Vitali feels strong; Danny heavy +Sports,USC #39;s Leinart wins Heisman +Sports,Phil Garner likes the Astros #39; chances of re-signing Carlos Beltran <b>...</b> +Sports,Dodgers: We Have Options if Beltre Exits (AP) +World,Rival Congo army factions clash near Rwandan border (Canadian Press) +Sports,"No. 18 UCLA Defeats Fresno State, 92-76 (AP)" +Sports,"If Jets and Steelers Are Mirror Images, It's Time for One of Them to Crack" +Sports,Klitschko . . . . v . . . .Williams +Sports,Baer set to lead Notre Dame +Sports,"Saints Beat Panthers, but Season Ends (AP)" +World,Powell urges reform in Islamic countries +World,Memorial for UK hostage +Sports,"NBA Wrap: Finley, Nowitzki Lead Mavericks to Win Over Rockets" +Sports,Pavano Chooses Yankees +Sports,Seahawks Place Starting Tackle on Injured Reserve +Sports,Carter Placed on Injured List +Business,US Airways #39; troubles date to 1977 and Carter #39;s deregulation czar +Sports,Report: Irish pick Weis +World,Gavaskar to Tendulkar: Go for 50 Test centuries (AFP) +World,Leinart Is Sixth Heisman Winner From U.S.C. +Business,DISNEY #39;S DIRECT EFFECT +Sports,Team on the take: Bengals like to force issue +Sports,"Manning aims for wins, not records" +Sports,Saints show Redknapp the reality +Sports,Smoltz back in starting rotation +Sports,Game Day: So much on the line +Business,51-49 stakes seen in \$36 billion plan; rival bid could surface +Business,Lenovo Says It Doesn #39;t Plan to Fire IBM Unit Workers (Update3) +Business,Wal-Mart says softness continues +Sports,Klitschko defends WBC heavyweight title +Sports,"Barcelona beats Albacete, opens nine-point lead" +Sports,"Peterson, White finish 2-3 in Heisman race" +Sports,Manning in line for clutch of honours +World,Three top police officials among 19 killed in Iraq +Business,Mild U.S. Weather Bites Into Oil Prices (Reuters) +Sports,"Rangers win, then draw old rivals" +Sports,The wrong person won the Heisman Trophy +Sports,"All Yankees, All Red Sox All the Time" +World,Lankan police probe concert blast +World,Australians may boycott Games Village +Sports,Klitschko Stops Williams as a Boxing Fairytale Ends +Sci/Tech,Sony PSP Draws Crowds and Lines on First Day (Reuters) +World,Eastern Malaysia Suffers Flooding (AP) +Sci/Tech,Satellite Radio That's Well Received +Sci/Tech,Microsoft's Media Center Still Falls Short +Sci/Tech,More Search Products Prowl for Market Share +Sci/Tech,THE NASA DIET +Sports,Pavano accepts Yankees #39; \$39 million +Sports,"Celtics snap skid, beating Sonics 98-84" +World,Concert bomb: 5 still critical +World,Ecological forum gets greenhouse gas report +World,Iraqi insurgents inflict relentless attack +Sports,Giants Shift Blame from Coach to the Players +Business,United cuts flight capacity out of DIA +Business,Little change seen in Dec. 14 statement +Sci/Tech,Is Microsoft #39;s media center ready for prime time? +Sports,Monty taming Tiger #39;s tournament +Sports,Glasgow teams in cup clash +Sports,In brief: Notre Dame reportedly near deal with coach +Sports,Lonard four back in pursuit of Slam +Sports,Brewers deal Kolb for top prospect +Sports,"NFL: Jets, Rams, Broncos and Vikings Complete Puzzle" +Sports,Celtics hand Sonics first home loss +World,Portugal #39;s prime minister announces government is quitting +World,Peace talks on Darfur crisis to resume +World,Jaish-e-Muslimeen chief arrested in Karachi +Sci/Tech,Space Station Crew Must Cut Back on Food +Sci/Tech,a gem of a meteor show +Sports,Prem Preview: Southampton Middlesbrough +Sports,LEINART #39;S LANDSLIDE +World,"Two Burmese dissidents freed in release of 5,000 prisoners" +World,UK Police probe alleged charity fraud plot +Business,Dens of ingenuity +Business,Is Microsoft's media center ready for prime time? +Business,"Successful fund shifts strategy, targets losses" +Business,Letters +Business,"Pennies at a time, we chip away at long-distance firms" +Business,Scare tactics obscure Social Security debate +Business,Fidelity family deals probed +Business,Buying a necktie with Joseph Abboud +Business,Selling sentiment: the greeting-card industry +Business,CVS chief executive's prescription for growth +Business,Avoiding future debt from holiday present +World,Palestinian Militants Fire Rocket in Gaza (AP) +Sports,"NBA: Pistons Down Celtics, Wizards Beat Hawks" +Sports,Irish pluck Weis +Sports,Epstein is being a smart shopper +Sports,Shanahan tries hand at being a Mr. Fix-It +Sports,Montgomerie leads World Challenge +World,Cricket: Tendulkar sets new best +World,"At White House, harder line with Putin considered" +World,Militant leader held in Pakistan +World,US-trained forces scour Sahara for terror links +World,"After lynchings, Mexico looks inward" +World,Chen Dealt Setback In Taiwan Election +Business,Is more desire for sex worth risk to the heart? The FDA says no +Sports,Cheetham Leads Dunhill After 3 Rounds +World,Arabs slam US for policy on Israel +World,"Two Myanmar dissidents freed in release of 5,000 prisoners <b>...</b>" +World,Democratic Rep. Bob Matsui Dies at 63 (AP) +World,Israel's Labour Opens Way for Alliance with Sharon (Reuters) +Sci/Tech,A Mission Worth The Risk +Sports,Torre the lure as Pavano opts for Yankees +Sports,Are steroids as bad as we think they are? +World,Grenade Kills Two at Colombo Bollywood Concert (Reuters) +World,U.S. Gave #36;1B in Faith-Based Funds in 2003 (AP) +World,Grenade kills two at Colombo Bollywood concert (Reuters) +World,Grenade Kills Two at Colombo Bollywood Concert +World,"Chen Loses Taiwan Poll, China Strains Seen Easing" +World,"Romania PM, Bucharest Mayor Face Off for Presidency" +Business,The US climate change vision +Business,Unscrupulous financial advisers cash in on clients #39; home equity +Sci/Tech,Sony takes on Nintendo in portable game console market with PSP +Sports,Driver #39;s seat is his Heisman win +Sports,Manning #39;s ties closer to Fouts than Marino +Sports,Risk-taker Miller in search of Euro win +Sports,Kaman itching to play despite recent surgery +Sports,"Hatcher, Blazers win D-II title" +World,IKEA Touts Its 'Democratic Design' (Reuters) +World,Labour in coalition talks with Sharon +World,US soldiers wounded in Mosul fighting +World,Political Prisoners Among Latest Freed in Myanmar +Business,IKEA Touts Its 'Democratic Design' +Sports,V. Klitschko punishes Williams in title defense +Sports,CZAR: Week 14 viewer #39;s guide +Sports,Lakers makes selves at home +Sports,Celtics give Seattle first loss at home +World,Romanians vote in presidential run-off +Sports,Not running scared +Sports,Torre the lure as Pavano opts for Yankees +Sports,Montana cruises to final +Sports,Erwin's shooting lifts ND +Sports,Smith has finishing touch +Sports,Leinart picks up Heisman +Sports,Are steroids as bad as we think they are? +Sports,His credentials rock-solid +Sports,BC women get second wind +World,Portuguese government resigns after snap vote call (AFP) +World,Dealings With Putin Discussed +World,Subdivision Blaze 'Was Truly an Awesome Sight' +Sports,Tackling The Pros: Play Hardball +World,"Philippine movie star, presidential candidate FPJ in coma after <b>...</b>" +Business,Holidays are a hit with thieves +Sports,Pavano picks Yankees; Red Sox grab Wells +World,Voting starts in Romanian presidential run-off +World,Victim swam in shark feeding frenzy +Sci/Tech,Test of Rocket Postponed +Sci/Tech,Neighbors of Burned Homes Pained by Suburban Sprawl +Sports,Notebook: Teams have A #39;s on speed dial +World,SILVIO #39;S PAL IS JAILED +World,"Tendulkar, Pathan put India on verge of victory (Reuters)" +Sports,"NBA Wrap: Finley, Nowitzki Lead Mavs Over Rockets" +Sports,Klitschko Retains WBC Heavyweight Crown +Sci/Tech,Sony #39;s PlayStation Portable goes on sale +Sci/Tech,Travel 101: Australia #39;s Great Barrier Reef +Sci/Tech,Microsoft WinFS delayed even beyond Longhorn +Sports,Green strikes gold in MasterCard Masters in Australia +Sports,Union #39;s reply to next league offer holds key +World,Arabs: Support for Israel taints reform efforts +Sports,ESPN.com news services +World,Congo army factions clash +Sports,Seahawks' Robinson Inactive Vs. Falcons (AP) +Sci/Tech,Songs in the shade +Sports,ROUND-UP Mixed fortunes for Irish as Spurs win +Sports,Red Sox add Wells to cast of characters +World,2 killed in Sri Lankan capital at Indian mega star show +World,Canada confirms mad cow case +Sports,Weis decision: Irish make their move +World,Blast at Market in Southern Philippines Kills 13 (Reuters) +World,Israel Cabinet Agrees to Free Jailed Palestinians +World,Blast at Market in Southern Philippines Kills 13 +World,Strike move in public pension row +World,US stance on Hussein's oil sales eyed +World,Colombia militias handing over guns +World,Arab countries say US support of Israel makes political reform a difficult task +World,Distrust on Arafat's demise +World,Iranians see right to nuclear program as matter of national pride +Sports,Klitschko Batters Williams to Retain WBC Title +Sports,Stationary bike: Hamilton in limbo +Sports,Barnicle finishes 6th in humid San Diego +Sports,Irish in talks with NFL #39;s Weis +Sports,Bangladesh crumble +Sports,Landmarks for India as Bangladesh Crumble +World,Myanmar to Release More Prisoners +World,US begins operation to hunt Taliban +Business,Fugitive financier Frankel will seek reduced prison sentence +Sports,"Red Sox, Yankees duel with free agents again" +World,"Powell leaving, Mideast struggle staying" +World,Israel Cabinet Agrees to Free Jailed Palestinians +World,"Romania PM, Bucharest Mayor Battle for Presidency (Reuters)" +World,Australian Man Detained in Iraq (AP) +Business,Mandelson #39;s peace move in Airbus subsidies battle +Business,"Ho, ho, ho! IRS has #39;gift #39; for you" +Sports,Ukrainian Klitschko retains WBC heavyweight crown +World,Indian envoy had narrow escape in Colombo blast +World,"13 dead, 52 wounded in Philippine bomb explosion" +World,"Middle East ; Arafat could have died of poisoning, PLO official" +World,Round Two in Romanian Presidential Ballot +Sci/Tech,US mobile firms 'close' to merger +World,Yugo Entrepreneur Importing Chinese Cars (AP) +Sports,Klitschko Batters Williams to Retain WBC Title +Sports,Poutiainen Wins But Plays Down Cup Hopes +Sports,"Tendulkar, Pathan put India on verge of win" +World,Yushchenko: Ukraine Events Are Like Fall of Soviets +World,Berlusconi Ally Gets 9-Year Prison Term for Links to Mafia +World,"We #39;ve convicted al-Qaida supporters, says Iran" +World,Israeli cabinet authorizes release of Palestinian prisoners +World,Israel Agrees to Free Jailed Palestinians +World,Iran Refuses to Give Up Nuclear Research-Diplomats +World,Grenade Kills Two at Colombo Bollywood Concert +Business,Las Vegas Sands Looks for a Jackpot +Business,MergerTalk: U.S. Distress Funds Eye Germany +World,Daw Aung San Suu Kyi awarded Honorary Citizen of Paris +World,Israel Agrees to Free Jailed Palestinians +World,Peru Gunmen Seize Police Station (AP) +World,Kuwaitis Get Apology From Palestinians (AP) +Sci/Tech,Livewire: News and Info Junkies Take New Look at RSS (Reuters) +Sci/Tech,PluggedIn: Digital Cameras All the Rage This Christmas (Reuters) +World,Flood at Chinese Mine Traps 36 Workers (AP) +Sci/Tech,Microsoft's Improved Media Center Still Falls Short (washingtonpost.com) +Sci/Tech,PlayStation Portable spoils gamers. +Sci/Tech,Geminid meteor showers alarm area residents +World,Two Taliban commanders caught +World,Star concert honours Nobel winner +Business,Salvation Army sees donation totals down +Business,Europe ; Airbus Hopes for 50 Jet Orders by June +Sci/Tech,The Geminid Meteor Shower +Sports,Miller Tops Dream Giant Slalom Podium +Sports,Poutiainen Regains Women #39;s World Cup Lead +World,Burmese military #39;s move to free prisoners described as cynical +Business,Fiat and GM Set for Showdown (Reuters) +Business,Las Vegas Sands Looks for a Jackpot (Reuters) +Sci/Tech,Meteor shower to light the sky +Sci/Tech,NASA telescopes find dust rings around +World,Yushchenko thanks medics for care +Sports,Dhaka the best wicket in Asia - Pathan +World,Opposition parties begin talks for coalition Israeli Government +World,11 killed in Philippines blast +Business,Fiat and GM set for showdown over Fiat Auto sale +Sci/Tech,Geminid Meteor Showers Alarm Area Residents +Sci/Tech,Robbers Scared by GTA +World,Mob rule takes a hit as Italy fights back +World,Bush Bikes Ahead of Christmas Celebration (AP) +World,Abbas apology to Kuwait over Iraq +Business,US Fed set to serve up another small rate hike +Business,Fiat ready to test GM buyout option +Business,Dubai to enter US cargo security program +Sci/Tech,Nasa head to quit - reports +World,Abbas to seek aid during Kuwait visit +World,The last presidential match +Sci/Tech,Robot lets down fans of telescope +World,Abbas apologizes to Kuwait over PLO stand on 1990 Iraqi invasion +World,PLO leader apologizes to Kuwait +Sports,Derby win for Birmingham +World,EDITORIALSPrepare for post-Kyoto +Business,Fed Seen Nudging Rates Higher (Reuters) +Business,Fed Seen Nudging Rates Higher +Sports,Gunners vs. Blues: Soon there may be only one contender +World,Romanians Vote in Tense Runoff Ballot +Sci/Tech,NASA #39;s O #39;Keefe to Resign; Ex-Missile Defense Chief Tops List of <b>...</b> +Sports,Premiership race heats up +Sports,Roundup: Miller stretches lead with giant slalom triumph +Sports,"Tendulkar, Pathan give India scent of Test win (LEAD):" +World,Scuffles Hit Iraq: Several with Police Chief Killed in Blasts +World,Turkish Premier Slams German Opposition +World,Explosion Rips Through Israeli Checkpoint (AP) +Sci/Tech,Sharman witness: Tech can control illegal swapping +World,Action film star who lost Philippines' presidential election suffers stroke (Canadian Press) +World,Superman is 'greatest superhero' +World,"25 Years Later, a Different Revolution" +World,Roadside Bomb Kills One U.S. Soldier +Business,US officers to check US-bound cargo shipped from Dubai port +Sci/Tech,NASA Chief Applies for Job at LSU +Sports,FC Porto Wins Toyota Cup (AP) +Sports,Ft Aston Villa 1 Birmingham 2 +Sports,EX-BLUES: Chelsea will RISE to the heights +Sports,Inside the NFL - Manning playing as well as any quarterback ever +Business,Christmas cheer to flow from OPEC oil price cuts +World,Caribbean Island Revelers Mourn Victims (AP) +Business,The Coming Week: Fed Focus +Business,Hitting The Jackpot +Sports,Dolphins WR Boston Suspended Four Games (AP) +World,Afghan President: Bin Laden Is Nearby (AP) +World,Explosion rocks Israel checkpoint +Sports,Green Wins Australian Masters; Randhawa Victory: Golf Roundup +Sports,FC Porto wins Toyota Cup +Sports,USC #39;s Matt Leinart Wins College Football #39;s Heisman Trophy +World,Ten Israeli Casualties in Gaza -Military Sources +World,"18,000 troops begin winter offensive in Afghanistan against <b>...</b>" +World,Israel to release prisoners in gesture to Egypt and Palestinians +World,Signatures with Russia after December 17 +World,Ten Israeli Casualties in Gaza -Military Sources +World,Abbas Apologizes to Kuwait for 1990 PLO Stand +Business,"Sprint, Nextel close to sealing merger" +Sports,We let fans down - O #39;Leary +Sports,FC Porto defeats Once Caldas on penalties to win Toyota Cup +Business,"Oil Supply Exceeding Demand After Cuts, Qatar Says (Update1)" +Business,Hyatt buys AmeriSuites chain for \$600 million +Business,"Euro Slips, Yen Steady in Start to 2005" +Business,"Coke, Rivals Betting on Flavored Water" +Business,China tightens up TV ad rules +Business,OFT probes online grocers bills +Business,China #39;s high-tech hero +Sports,Grizzlies Drop Pistons' Record to 10-10 (AP) +Sports,Rookie wins Dunhill in playoff +Sports,Bode Miller continues dominant run on ski circuit +Sports,Germans secure place in next Champions Trophy +World,PA given Arafat #39;s medical records +World,US denies Saddam on hunger strike +Sports,Cowboys RB George Sits for First Time in Career (Reuters) +World,Ukraine opposition leader urges investigation after poison report (AFP) +Sci/Tech,NASA chief applies for job as chancellor of Louisiana State <b>...</b> +Sci/Tech,Sony PSP goes on sale in Japan +Sci/Tech,Geminid Meteor Showers Alarm Area Residents +World,Barghouti to Drop Out of Palestinian Race (AP) +Sports,New Orleans vs. Dallas +Sports,Tyson Complaint Over Car Dropped in Ariz. +World,Sri Lankan driver held in Iraq says was treated well (Reuters) +Sports,India's Randhawa Wins Masters of Asia (AP) +World,Israeli soldiers quot;killed in Gaza blast quot; +World,Romanians vote for president +World,Berlusconi ruling may extract poison from politics +World,"New Congressmen, Brothers, Room Together (AP)" +World,"Blasts Near Gaza-Egypt Border, Several Casualties" +World,Arsenal hold Chelsea +Business,Week in review: Big Blue bids adieu to PCs +Sports,Schwartzel wins on home soil after play-off +Sports,Lampard closing in on Henry +Sports,Lounge owner will pay for damage +World,"US Troops, Iraqi Police Killed In Attacks" +World,US denies Saddam on hunger strike +Business,Insurance experiment a costly lesson for town Gardena near <b>...</b> +Sci/Tech,NASA Administrator Sean O #39;Keefe to Depart Soon +Sports,Chelsea still on course after Arsenal draw +World,Kuwaitis Get Apology From Palestinians +Sports,Portugal #39;s Porto win World Club Cup on penalties +Sports,George inactive against Saints +Sports,Chelsea maintain lead with Arsenal draw +Sports,Manning Breaks Record for Multi-TD Games (AP) +Business,US Fed confidence in outlook grows +Sports,Chargers Go for Rare 10-Win Season (AP) +Sci/Tech,German swoop on online piracy site nets thousands of user names (AFP) +Sci/Tech,NASA chief to resign +Sci/Tech,Germany's Siemens mulling options for loss-making mobile phone unit (AFP) +World,Six pupils injured by Israeli tank shell in Gaza school <b>...</b> +Sci/Tech,NASA Chief O'Keefe to Resign (Reuters) +Sci/Tech,NASA Chief Applies for Job at LSU (AP) +World,Barghouti 'pulls out of election' +Business,Oil price #39;will stabilise #39; +Sports,Chelsea draws with Arsenal; Birmingham City stuns Aston Villa +World,Barghouthi Pulls Out of Palestinian Election +Sports,Klitschko visits hospital but no bones broken +Sports,"Collins slapped with 8-year ban Sprinter, 33, faces end of her <b>...</b>" +Sports,Young gun Schwartzel wins the Alfred Dunhill as Els and others <b>...</b> +World,Imprisoned uprising leader to drop out of race to replace Arafat +World,Summary: Chile's Privatized Pension System (AP) +World,Barghouthi Drops Out of Palestinian Election +World,"Gaza Militants Kill 4 Israelis, Barghouthi Withdraws" +World,"Saddam Aides Refusing Food, U.S. Military Says" +Business,US to Screen Sea Cargo from Dubai Port +Sci/Tech,NASA Chief O #39;Keefe to Resign +Sports,Wolfsburg jumps to fourth by beating Bielefeld +World,"Saddam Aides Refusing Food, US Military Says" +Sci/Tech,AOL Creates Its Own Browsing Software (AP) +Sports,Chelsea ties Arsenal in Premier League +Sports,Battle of titans ends in draw +World,Romania Presidential Runoff Seen Too Close to Call +Business,Textile limits imposed to ease trade concerns +Sci/Tech,Sony debuts PSP game console in Japan +Sci/Tech,Sunglasses-plus-MP3 player are anything but a bargain +Sci/Tech,Grand Theft Auto will outperform the rest of the industry +Sports,Williams rejects retirement +Sports,Celtic goes top with road win +Sports,A more cautious Miller wins another giant slalom +World,Filipinos killed in market bomb blast +World,Jailed Palestinian won #39;t run for leadership +Sports,"Falcons Top Raiders, Win NFC South Title (AP)" +World,"1,000 Protesters Oppose Mubarak in Cairo (AP)" +Sports,"Heat Top Raptors; Shaq, Wade Each Net 20 (AP)" +World,Bomb scare at Madrid stadium +World,Cancer? Suicide? Politics? That's Hilarious! +World,Yushchenko Poisoning Investigation Resumes +World,Chile's Pension System Gets High Marks +Sports,Bomb threat clears Madrid stadium +Sports,Disappointed Mourinho +World,US denies Saddam #39;s on hunger strike +Sports,Wizards Pound Hornets +Business,Tricks Alleged in Ex-Kmart Execs' Case (AP) +Business,Weekend Holiday Shopping Appears Mixed +Sci/Tech,Sony #39;s PSP Hits the Streets +Sci/Tech,Boeing Scrubs Planned Heavy-Lift Rocket Launch +Sci/Tech,IBM launches virtualization assault on EMC +Sci/Tech,Longhorn Server to have one version for many roles +Sports,NFL Game Summary - Cincinnati at New England +Sports,Dunfermline v Celtic +World,US Denies Saddam on Hunger Strike +World,Hamas #39; choice: Learn from Sharon #39;s politics or face the political <b>...</b> +World,Four die in bombing of Israeli checkpoint +World,KGB legacy of poison politics +World,US pushes for more economic reform in Mideast +World,Spanish leader makes bid to reshape the war on terror +World,"When saving the world with song, mind the lyrics" +World,NASA Chief Said to Be Top Contender for L.S.U. Job +Business,Airborne Cell-Phone Ban Likely to Remain for Now +Sports,"Colts 23, Texans 14" +Sports,Finding a Power Stroke When Most Hitters Start to Fade +Sports,Terps Burn Bulldogs +Sports,Stanford Hires Harris +Business,Christmas Shoppers Flock to Stores +World,Probe Into Yushchenko Poisoning Reopens (AP) +Sci/Tech,Meteor shower coming up Monday morning +Sports,Real game halted after bomb threat +World,US denies Saddam on hunger strike +World,Premier faces Bucharest mayor in Romania +World,Barghouti withdraws from race replace Arafat +World,"Yushchenko, Back Home, Says Authorities Poisoned Him" +World,Romania Presidential Race Too Close to Call +Sports,Knicks Down Nuggets +World,Barghouti Drops Out of Palestinian Election +World,Colombians Still Thirsty for Brewpubs +Sci/Tech,Sony PSP Provides Stylish Curves and Sharp Screen +Sci/Tech,"NASA Administrator Applies for Louisiana State Job, School Says" +Sports,Vincent Takes Center Stage +Business,Rating the relevance of the US Federal Reserve +Sports,Jyoti burns brightest at the end +World,Philippine actor-presidential candidate Poe in coma +World,Almost half a million homeless in Britain: NGOs (AFP) +Business,Honeywell to Buy UK's Novar for \$1.5 Bln +World,Ugandan rebels kill seven in raid +Business,Business hopes Bush will forgo tax reform +Sci/Tech,Sony PlayStation Portable is out +Sci/Tech,Walt Disney behind Blu-ray DVDs +Sports,Richard Green grabs first gold jacket +World,Nastase and Basescu in close finish in Romanian presidential vote +Sports,"No. 14 Vanderbilt Tops Saint Louis, 94-51 (AP)" +Business,Novar keen to accept 800m bid from Honeywell +Sports,Nothing dull about McKenzie +World,Jailed Palestinian Leader Drops Out of Race to Replace Arafat +Sports,Iverson Carries Sixers +Sports,Threat Clears Stadium +Sci/Tech,Sony's PSP Hits the Streets +Sci/Tech,We Test Drive Sony's PSP +Business,Report: Honeywell Poised to Bid for Novar +Sci/Tech,Stolen away by Grand Theft Auto #39; +Sci/Tech,"Wild monkeys seen using tools, researchers report" +Sports,Soccer stars caught in bomb hoax +Sports,All square after love and war +Sports,Mellberg made to eat his words +Sports,Pilkadaris loses Asian Masters play-off +World,Two Candidates Claim Romanian Presidency +World,First Popularly-Elected Afghan President Urges Iraqis to <b>...</b> +Sports,Steelers Extend Win Streak to 11 Games (AP) +World,Spanish Leader Faces Grilling on Train Bombings (Reuters) +World,Rights Activists Denounce Putin's Reforms (AP) +Sports,Hartson shows worth to Celtic +Sports,"Chelsea Ties Arsenal, 2-2 (AP)" +Sci/Tech,Can video games really be blamed for violence? +Sports,Bettis Leads Steelers to Victory +Business,Novar close to 800m cash deal with US giant +Business,"Tokyo Stocks Open Higher, Exporters Gain" +Sci/Tech,"Mobile Games Get Fancier, More Social (AP)" +Sci/Tech,Web Store Scores With One-Item-Only Sales (AP) +Sci/Tech,Toshiba signals DVD format war +Sci/Tech,Firefox surpasses 10 million download mark +World,Romania Anxiously Awaits Presidential Run-Off Count (Reuters) +Sports,"Chelsea Ties Arsenal, 2-2" +Sports,Palmer hobbling +World,Tokyo Stocks Higher; Dollar Up Vs. Yen (AP) +World,Run-off vote produces two Romanian presidents +Sports,"No. 8 N.C. Tops Loyola of Chicago, 109-60 (AP)" +Sci/Tech,Thieves Targeting Gardens With Rare Plant (AP) +Sci/Tech,802.16: Medium distance wireless networking that could change the world? +Sci/Tech,Airborne Cell-Phone Ban Likely to Remain for Now +Sci/Tech,Sony PSP Draws Crowds and Lines on First Day +Sci/Tech,PluggedIn: Digital Cameras All the Rage This Christmas +World,Bush Pays Tribute to U.S. Troops Abroad (AP) +Sports,"Blue Jays, Devil Rays Swap Two Players (AP)" +Sports,Indiana Wins 2nd Men's College Cup Title (AP) +Business,"Tokyo Stocks Firmer, Exporters Gain (Reuters)" +Sports,Tatupu Takes Long Way to Stardom at USC (AP) +Business,US Gives OK to China Furniture Duties +Sports,"Chargers Top Buccaneers, Win 7th Straight (AP)" +Sports,"Packers Edge Lions, 16-13 (AP)" +World,Dear Marwan: Don #39;t do it +World,Abbas Set to Win Palestinian Vote +World,Spanish Leader Faces Grilling on Train Bombings +World,Real Madrid Stadium Evacuated in ETA Bomb Threat +Sports,Warriors' Fisher Goes on Injured Reserve (AP) +Sports,NFL Wrap: Manning Near Record as Colts Beat Texans +Sports,College Basketball Wrap: Washington Beats Loyola-Marymount +Sports,Bengals' Palmer Hurt in Loss to New England +Sports,Devil Rays Acquire Catcher Cash from Blue Jays +Business,ABARE tips record commodity exports +World,Philippine Police Hunt Bombers After Market Blast (Reuters) +World,Probe Into Yushchenko Poisoning Reopens (AP) +Sci/Tech,Samsung develops first graphic memory chip +World,U.S. Strikes Fallujah; Two Troops Killed (AP) +Sports,Robinson Reflects on Washington Memories (AP) +Sports,Becks bomb scare +Sci/Tech,Alaska Oil Spill Crews Seize on Calmer Weather (Reuters) +World,Philippine Police Hunt Bombers After Market Blast +Sports,"Redskins Trail, 17-14" +Sports,"Falcons Top Raiders, Win NFC South Title" +Business,Iron Ore Prices To Lift 19 For Australian Miners - Abare +Business,Crisis warning from Bank as lenders add to risky investments +Business,Cingular Sells 33 of Indian Cell Venture +Business,US gears up for another increase in interest rates +Sci/Tech,Sony #39;s PSP Console Sells Out in Tokyo After Debut (Update1) +Sci/Tech,"NASA Chief Is Resigning After 3 Years, Officials Say" +Sports,Tiger turns in best round this year +Sports,Bomb Threat in Madrid +Sports,"Henry happy as Gunners, Blues draw" +Sports,Sutton and Petrov lift Celtic back to top +Sports,Tiger Pounces to Win +World,"Al-Anbar Attacks Kill Seven US Marines, US Military Says" +World,US officials deny that Saddam is on hunger strike +Sports,IU Claims Soccer Title +Sci/Tech,O #39;Keefe Reported Ready to Quit NASA +Business,Icahn Accuses a Hedge Fund of Stock Manipulation +Business,Getting a Piece of a DVD Windfall +Business,"Miramax Sues Ex-Chief in Italy, Saying He Had 2 Jobs" +Business,Dollar Dips as Market Tests Recovery (Reuters) +Business,OPEC Head Sees Oil Demand Dropping (Reuters) +World,Romanian presidential election too close to call +Sports,Celtic beat Dunfermline 2-0 +Sports,Duke's Krzyzewski Earns 700th Career Win (AP) +World,"Inflation and growth on target, but deficit a problem for Turkey's economy (AFP)" +World,7 Marines Killed in Iraq's Anbar Province (AP) +Sports,Bryant Accuses Malone of Hitting on Wife (AP) +Sci/Tech,Motorola Gets China Unicom Contract (Reuters) +Sports,Canucks' Bertuzzi Plays in Charity Game (AP) +World,Prime Minister Martin cool to idea of national referendum on gay marriage (Canadian Press) +World,Kerry Lawyer Seeks Ohio Ballot Inspection (AP) +World,Democrat Groups Raise More 'Soft Money' (AP) +Sports,Defeat Throws Doubts Into Outlook of Jets +Sports,"Ultimate Salesman, Pitching the Biggest Stars in Baseball" +Sports,"For Minaya, Lots of Wheeling, Not Much Dealing" +Sports,Firsthand Experience Not Ideal for Quarterback +World,Political blow for Brazil's Lula +World,Cricket: India win in Dhaka +World,Migraines 'double' risk of stroke +World,Pentagon Weighs Use of Deception in a Broad Arena +World,Christian Conservatives Press Issues in Statehouses +World,Strain Is Seen in Giuliani Ties With President +World,"For North Korea, Openness Proves a Two-Way Street" +World,Brazil's Biggest Party Votes to Leave Government +World,World Bank Chief Likely to Leave in 2005 (AP) +Business,Canada Confirms Second Mad Cow Case +Sci/Tech,Chinese TV Maker Sets Sights on Europe +Sci/Tech,Mind Over Matter +Sports,Nedved #39;s late strike keeps Juve four points clear +World,"Abbas Set to Win Palestinian Vote, Barghouthi Drops Out" +World,Romanian exit polls predict dead heat +Sports,Warriors Overpower Bobcats 99-87 (AP) +Sports,"Suddenly, Patriots' Weis Has Two Jobs" +Business,Greenspan Has Created More Transparent Fed +Sports,Miller wins World Cup giant slalom +Sci/Tech,"In U.S. Market, Cellphone Users Are Often All Talk" +Sci/Tech,Some Online Sites Falter During the Holiday Rush +Sci/Tech,M.I.T. Technology Review Adopts More Serious Tone +World,Israeli soldiers quot;killed in Gaza blast quot; +Sci/Tech,"After Years of Battle, Some '.md' Web Sites Are Going Online" +Sci/Tech,"In the Age of the Wireless Phone, a Louisiana Town Awaits the Real Thing" +Business,Humble Sandwich Gains In Stature +Business,U.S. Imposes New Curbs On Clothing Imports +Business,"Dulles, Clearly On Tech's Radar" +Business,Repair Posts Scramble To Meet Demand +Sports,Dodgers Continue Winter Trade Talks (AP) +Sports,Notre Dame names Patriots offensive coordinator Charlie Weis as <b>...</b> +World,Saddam on hunger strike : US military denies +Sports,Teams Exercise Patience +Sci/Tech,Opening The Desktop +Sci/Tech,Mysterious Tremors Could Warn Of Future Earthquakes +Sports,Holmes voted sports personality of year in Britain +Sports,Nedved gives Juventus late win +Sports,Eagles Defeat Redskins 17-14 (AP) +Sports,Real Madrid Soccer Match Abandoned After Bomb Threat (Update1) +Sci/Tech,IBM in server joint venture with China Great Wall Computer (AFP) +World,"Blast kills 15, injures 60 in Philippines" +Business,Oil Above #36;41 as Saudi Cuts Supplies (Reuters) +Business,"IBM, AMD Speed Chips, Strain Wafers (Reuters)" +Business,Johnson Johnson and Guidant Hold More Talks on Acquisition +Business,"Telekom Malaysia,Singapore, to buy Idea Cellular stake" +Business,Australian commodity exports set to increase 15 percent <b>...</b> +Sports,Word of Weis spreads quickly +Sports,Sports Awards: Holmes wins BBC Sports Personality of the Year +Business,OPEC sees 1 million barrels per day demand drop in 2005 +Business,Telekom Malaysia Spreads Its Wings But No Quick Returns +Business,LSE Receives \$2.6 Billion Offer From Deutsche Boerse (Update2) +Business,Lloyds TSB Says Profit Will Fall 23 After Unit Sales (Update2) +Business,Bayer sells plasma unit to US consortium +Business,How IBM and the PC changed the world +Business, #39;Do-not-call #39; law is about a year away +Business,"Reports: J amp;J, Guidant deal near" +Business,Layoffs ahead for meat workers +World,Opposition leads in Romania poll +Sci/Tech,Wish you were here +Sci/Tech,NASA administrator meeting with LSU committee +Sci/Tech,"AMD, IBM Speed Up Chips With Strained Wafers" +Sci/Tech,Reefs set for rapid growth +Sci/Tech,Mystery meteors slice sky tonight +Sci/Tech,Thomson Blurs Picture on High-Definition DVD +Sci/Tech,Yahoo Plans Desktop Search +Sci/Tech,ISS Crew Told To Ration Food +Sci/Tech,Firefox e-mail program free and feature-packed +Sci/Tech,Google offers a suggestion +Sci/Tech,Big Blue Takes On EMC With Storage Virtualization +Sci/Tech,The download on digital +Sci/Tech,UC researchers discover deep tremors under San Andreas Fault +Sci/Tech,MP3 Sunglasses +World,China 'no longer needs food aid' +Sci/Tech,Crackdown urged on film piracy +Sports,Morrison benefits from Sorensen blunder +Sports,Kelly Receives Early Christmas Present +World,Files reveal 1953 Gibraltar row +Sports,"Dunfermline 0, Celtic 2" +Sports,Peyton might seek revenge +World,Peru Rebel Says Will Surrender Monday +World,"Defeat extremists with reform, Powell tells Arab leaders" +World,"Shunned, India's untouchables gather tsunami dead (Reuters)" +World,"Putin Critics, Supporters Demonstrate in Russian Capital" +World,"Cheers, and Concern, for New Climate Pact" +World,European Ministers to Discuss Discuss Irans Long-Term Uranium <b>...</b> +Sci/Tech,Man Charged in UK Tsunami Death Email Probe (Reuters) +World,Deal to save Somali peace process +Sports,Ravens Beat Dolphins but Miss Playoffs (AP) +World,Croatian President Forced Into Runoff (AP) +Sci/Tech,Sony PSP goes on sale in Japan +Sci/Tech,"IBM, AMD speed chips by straining silicon wafers" +Sci/Tech,BETAMAX-STYLE DEATH MATCH FOR DVD +Sports,Koskie good fit for Jays +Sports,"Broncos Beat Colts, Earn Wild-Card Spot (AP)" +World,Cassini set for Titan return pass +World,5 Israelis killed in tunnel attack +World,"Violence, political feuds cloud Haiti's hopes" +World,New tax to be levied on some textile exports +World,"Activists, politicians protest Putin policies" +World,"In visit to Kuwait, Palestinian leader delivers apology" +World,"Sketches From the Front: An Artist's Dispatches, Rendered in Ink and Paint" +World,7 Marines and a G.I. Are Killed in Separate Attacks in Iraq +Business,Wish you were here +Business,"In bid for more ads, America Online taking down walls" +Business,'House flipping' said to cheat minorities +Business,Keep playing while you're charging +Business,Some fear it's a passport to identity theft +World,6 Court-Martialed After Taking Vehicles +World,Racist Taunts Rattle European Soccer +Sports,A qualified success +Sports,Sox may find out today on Martinez +Sports,These meetings are hardly meaty +Sports,"Manning, Colts keep up the pace" +Sports,Defense delivers late for San Diego +Sports,Broncos slip by Dolphins +Sports,Ugly victory saves Eagles +Sports,Longwell gives Packers boost +Sports,Crown fits for Falcons +Sports,Jaguars get jump on Bears +Sports,Win was No. 1 priority +Sports,Hurricanes blow by UMass +Sports,"Woods answers challenge, gets his game back on target" +Sports,Celtics' defense is coming alive +Sports,Making the playoffs a rush for Dillon +Sports,Palmer's loss stifles Bengals +Business,Home-Brew IPod Ad Opens Eyes +Business,Chinese retail sales hold firm +Business,London Exchange rejects German bid +Business,Unocal Corp. tentatively settles human rights lawsuits +Business,MONDAY MORNING +Sci/Tech,Sony launches portable games pad +Sci/Tech,"Spouse says quot;No iPod, quot; Getting rid of CDs, and Resurrecting a dead <b>...</b>" +Sci/Tech,NASA telescopes spy planets under construction +Sports,PETROV WANTS BHOYS SIGNED UP +Sports,SIX OF THE BEST FOR MILAN +Business,ST Telemedia and Telekom Malaysia buy Idea stake +Business,Ericsson awarded GSM expansion contract by Guangdong Mobile Corp +Business,US Dollar Falls Against the Yen +Sci/Tech,Queues for PSP as Sony enter the fray (PSP) +Sci/Tech,Free Music for Your iPod +Sci/Tech,Apple iTunes in Grammy Award link-up +Sports,Blues held by Gunners +Sports,Knicks count on new math +World,Suicide bomb blasts Green Zone +Sci/Tech,Online Groups Brag About Movie Piracy (AP) +Business,Lamy Says France Proposed Him as WTO Chief (Reuters) +Business,LSE rejects 1.35bn Deutsche bid +Business,"IBM, AMD Speed Chips, Strain Wafers" +Business,OPEC Head Sees Oil Demand Dropping +Business,GLOBAL MARKETS-Exporters Gain +Sci/Tech,"Blog Creation, Readership Rise in 2004 (AP)" +World,Saddam #39;s lieutenants on #39;hunger strike #39; +World,Barghouti pulls out of election +Business,Central Banks Short-Circuit U.S. Savings? +Business,Nikkei Ends Up as Yen Helps Car Firms +Sci/Tech,"IBM, AMD claim 24 per cent chip speed gains" +Sci/Tech,"NASA Chief Is Resigning After 3 Years, Officials Say" +Sci/Tech,Second Delay for Rocket +Sci/Tech,Court Case Pits Google and Geico +World,N.Korea Says Reconsidering Place at Nuclear Talks (Reuters) +World,UAE Urges Radical Arab Reform from Within (Reuters) +World,Iraqi Leader Criticizes U.S.-Led Coalition (AP) +Sports,Manning Comes Up Short of Marino's Mark (AP) +World,Spain PM Testifies at Bombing Inquiry (AP) +World,Abandoned Africa HIV Orphans Struggle with Stigma (Reuters) +Sports,Tiger Woods Wins Target World Challenge (AP) +World,Giuliani Said Apologized to Bush Over Kerik (AP) +World,Mobile multimedia slow to catch on +Business,Hong Kong Shares Close Little Changed +Business,Singapore #39;s Jetstar Asia becomes 5th budget airline to operate <b>...</b> +World,Sharon: Peace Depends on Palestinians +World,Lawyer Urges Red Cross to Examine Saddam +Business,China to Impose Tariffs on Some Textiles +Business,China textile exports develop +Business,UPDATE: Telekom Malaysia Spreads Its Wings +Business,Hong Kong #39;s Record \$2.7 Bln Property Trust IPO May Be Delayed +Business,IBM #39;s PC saga was two decades in the unmaking +Business,Oil giant makes peace in Myanmar +Business,Turning a setback into an opportunity +Sci/Tech,AMD e IBM introducono un nuovo processo produttivo +Sci/Tech,Coral reefs may grow with global warming +Sci/Tech,Toshiba rejects Sony Truce in HD-DVD - Blu-Ray War +Sci/Tech,Mforma makes Marvel-ous deal +Sci/Tech,Current Mozilla Foundation Projects +Sci/Tech,Google Suggests the way to search +Sci/Tech,AOL Creates Its Own Browsing Software +Sci/Tech,Decoding Dusty Disks +Sports,"After Williams, Klitschko to fight Lewis?" +Sports,GOLF: NEIL STILL STANDING DESPITE PLAY-OFF DESPAIR +Sports,"Chad pins picks, loss on himself" +Sports,"Eagles 17, Redskins 14" +Sports,Twins lose Koskie to Jays +Sports,Weis signs a six-year contract at Notre Dame +Sports,Bears toe the playoff line +Sports,NFL Wrap-Manning Near Record as Colts Beat Texans (Reuters) +World,Spanish Leader Faces Grilling on Train Bombings +Sports,NFL Wrap-Manning Near Record as Colts Beat Texans +Sports,Willingham Headed to Washington +Sports,Giants Still Need Big Bat Behind Bonds +Sports,Notre Dame Makes Weis Decision +Business,China to Impose Tariffs on Some Textiles (Reuters) +World,Bruce hails Heskey after derby win (AFP) +Business,Central Banks Short-Circuit U.S. Savings? (Reuters) +World,Darfur Peace Talks Overshadowed by Fighting (Reuters) +World,N.Korea Says Reconsidering Place at Nuclear Talks +World,Spain Defends Its Iraq Troop Withdrawal +World,Romanian Opposition Head Scores Upset Victory +World,"Malaysia, Singapore Jumpstart Stalled Relations" +World,Dutch watch Van Gogh's last film +Business,"China to Tax Textile Exports to Ease US, EU Concern (Update2)" +Business,Honeywell to Buy Novar to Expand in Building Products (Update6) +Business,A Whole Lot to Swallow +Business,Building surge forecast to transform Indy area +Sci/Tech,Microsoft desktop-search announcement due +Sci/Tech,Firefox hits 10-million mark +Sci/Tech,AOL to let nonsubscribers in +Sports,TARGET CHALLANGE GOLF LATEST BETTING ODDS NEWS +Sports,"Isiah Thomas Speaks, and Declares Support for Houston" +World,Spain Defends Its Iraq Troop Withdrawal +World,Twenty-one die as #39;petrol bus #39; explodes after collision +World,Progress on Bilateral Talks between Singapore and Malaysia +Business,Target made rational choice about Salvation Army +Sci/Tech,"US university tells 80,000 to #39;ditch IE #39;" +Sports,KING #39;S IDEA: A TOURNAMENT +Sports,Tiger wins - and charity scores \$1m +Sports,Quick free angers Mourinho +Sports,Schwartzel delights the home supporters with maiden victory +Sports,"Niners blow lead, survive scare from Cards in OT" +Sports,Denver returns to old habits +Sports,Eli building trust +World,Eight US marines killed in western Iraq +World,Saddam #39;s Cause Remains Strong Without Him +Business,Oracle Posts Higher Second-Quarter Profit (Reuters) +Business,Fiber Pact: China Textile Dominance Spooks Asian Rivals +Business,Novar Agrees on 798M Takeover +Business,"Singapore Shares End Flat, But Chinese Stocks Volatile" +Business,Nippon Steel to pay double for coal next year +Business,Qantas Not Lifting Fuel Surcharge On Tickets - CEO +Business,Legislation expected today to set up do-not-call registry +Sci/Tech,AOL abandons exclusivity in favor of ad-supported model +Sports,Klitschko defends WBC heavyweight title +Sports,Report: Jays front-runners to sign Koskie +Sports,The Best in The Business +Sports,COLLEGE BASKETBALL: Reed #39;s 23 leads WMU to 5-2 +World,China's Hu Moves to Further Consolidate Power (Reuters) +World,Suicide attack kills 13 in Baghdad +World,EU Ministers Prepare Disputed Turkey Decision +World,N Korea warns US to stop smear campaign +World,Arabs sent home from Afghan hunt +Business,Cingular to sell 33 stake in Idea to ST Telemedia and Telekom <b>...</b> +Business,UK annual house price growth down +Sci/Tech,Rumblings far beneath Earths crust may predict quakes +Sports,Pennington still needs a big game +Sports,Knicks best with Houston +Sports,Another Giant Disaster +Sports,Pedro poised for his big decision +World,Israeli forces launch air raid on Gaza city +World,Turkish EU entry opposed by many French and Germans +World,"For North Korea, Openness Proves a Two-Way Street" +Business,WORLD MARKET NEWS +Business,Stake in India cellphone operator to be sold +Business,Lamy Says France Proposed Him as WTO Head +Business,Update 1: Ericsson Lands \$805M Contract From China +Business,Canada Confirms Second Mad Cow Case (Reuters) +World,Basescu Leads Romania Presidential Runoff (AP) +Sci/Tech,Sony handheld wins customers +Sci/Tech,Meteor Shower: Free Sky Show +Sci/Tech,Clinton Stumps for Newest Search Engine (Ziff Davis) +Sci/Tech,More schools offer cheap music downloads for students (USATODAY.com) +Sports,Bernabeu Clash To Finish On January 5 +Sports,Nedved strike keeps Juve four points clear +Sports,Bettis #39; TD pass sparks Pittsburgh +Sports,Jaguars blitz Bears #39; playoff hopes +World,Russia Defense Minister in China Cooperation Talks (Reuters) +Sci/Tech,"Sprint, Nextel could make deal this week (USATODAY.com)" +Sci/Tech,Sun License Thumbs Nose at GPL (Ziff Davis) +World,Russia Defense Minister in China Cooperation Talks +Sci/Tech,"PeopleSoft Relents, Agrees Oracle Bid (Reuters)" +Sci/Tech,Oracle Signs Merger Deal With PeopleSoft (AP) +World,Daschle packs up after 26 years on Hill (USATODAY.com) +Sci/Tech,Red Thai Vegetable Curry +Sci/Tech,"Hey Ann, Just Try It!" +Sci/Tech,Local URLs +Sci/Tech,Siemens to sell mobile phone biz to China - report +Sci/Tech,"ID checks could have stopped cockler deaths, says Blunkett" +Sci/Tech,"IBM, AMD, Sony boost chip speeds by 24" +Sci/Tech,Mobile cashpoints coming soon +Business,"PeopleSoft Relents, Agrees Oracle Bid" +Business,"GLOBAL-MARKETS-Dollar on Ropes, Shares Up" +Business,WTO Agrees Entry Talks with Iraq +Sci/Tech,O'Keefe Reported Ready To Quit NASA +Sci/Tech,'Pirates of the Internet' Is New Class Lesson +Sci/Tech,"This Just In, From The Guy Next Door" +Business,An Optimistic Hiring Forecast +Sci/Tech,Oracle buys PeopleSoft for \$10 billion +Business,Beijing set to impose own tariffs on textiles +Business,LSE rejects Deutsche Boerse bid +Business,"Retail Sales Edge Up Slightly, Cars Down" +Business,IBM Seeks To Minimize Disruption With PC Sale +Business,Hilfiger to Buy Lagerfeld Trademarks +Business,"DaimlerChrysler, GM team on hybrids" +Business,Computer Sciences to Sell DynCorp Assets +Business,Iron Ore Prices to Jump 20 Percent in 2005 +Business,Australian Livestock Exports May Hit A\$13 Billion +Business,Dollar #39;s decline concerns UK bank +Business,Lawsuit plunges \$3bn HK Reit into chaos +Sci/Tech,Sony #39;s PlayStation Portable sold out on its first day! +Sci/Tech,Space agency chief #39;to resign #39; +Sci/Tech,"AMD, IBM announce semiconductor manufacturing technology <b>...</b>" +Sports,Four NFL Teams Clinch Division Titles (AP) +Sci/Tech,Meteor shower peaks tonight +Sci/Tech,Week #39;s delay for Delta launcher +Sci/Tech,Think Before You Click to Avoid Viruses and Scams +Sci/Tech,"Improved Opera Browser Competing with Explorer, Firefox" +Sci/Tech,Newham chooses HP to build MS Exchange infrastructure +Sci/Tech,The iPod v. the Zen Micro +Sci/Tech,TVland a little bewildering +Sci/Tech,Sharman witness: Tech can protect copyright +Sci/Tech,Samsung unveils thumbnail mobile phone memory +Sci/Tech,SingTel teams up with Samsung to tap the Korean market +Sports,Tiger roars in again +Sports,Bomb scare at Real Madrid stadium +Sports,Klitschko a #39;Cut #39; Above the Rest +Sports,Rock steady Blues keep title in sight +Sports,Stop the talking and start spending +Sports,Serie A round-up: Milan to make Crespo bid +Sports,Smith to join Redknapp at Saints +Sports,Porto Wins European/South American Cup +Sports,Jays sign Canadian Koskie: report +Sports,"He #39;s ND #39;s darling now, but jobs at football factories are risky" +Sports,Pakistan #39;s Malik awaits results +Sports,Patriots once again beasts of AFC East: Clinch title in ugly win <b>...</b> +Sports,Jaguars get jump on Bears +World,Israel to Leave Palestinian Cities During Election (Reuters) +World,Saddam #39;s top aides end food protest: US Army +World,Hospital says 13 killed in suicide blast in Iraq +World,PNA lauds diplomatic reconciliation with Kuwait +World,Turkey divided over EU entry +World,Former Congolese rebels block troops deployment in eastern DRC +World,"US, UK Made Mistake #39; in Dismantling Iraqi Army, Yawar Says" +World,Group: 2 More Detainees Die in Afghanistan (AP) +Business,Oracle Ups Its Offer and Buys PeopleSoft for \$10.3 Billion +World,Golden Globes names announced +World,Oracle seals \$10bn Peoplesoft bid +Sci/Tech,Ericsson To Build China Telecom #39;s Next-Generation IP Backbone <b>...</b> +Sci/Tech,Learn to locate all of those missing Apple iTunes files +World,Powell Reaffirms Commitment of U.S. Aid (AP) +Sports,McGrath aims at struggling top order +Sports,Paul Domowitch Birds suddenly careless with ball +World,Tunnel bomb unleashed +World,"India, Pak agree to fight narco-terrorism jointly" +World,Cricket: S Africa A beat England +Business,US retail sales up 0.1 per cent in November +Business,Honeywell bids \$1.5B for Novar +Business,Tommy Hilfiger steps into Karl Lagerfeld brands +Business,"Early market signals mixed ahead of US rate move, technology <b>...</b>" +Business,Brazil #39;s CVRD CEO: Iron Ore Prices Should Rise In 2005 +Business,Tenet Healthcare Sees 4Q Results Below 3Q +Sci/Tech,AMD and IBM claim 24 per cent chip speed breakthrough +Sci/Tech,Ericsson Expands Guangdong +Sports,Miller wins giant slalom +Sports,Porto beats Once Caldas to win Toyota Cup +Sports,Hinske shifts to first if Koskie signed +Sports,Parma Sack Baldini +World,"India, Pak agree to fight narco-terrorism jointly:" +Business,Retail Sales Rise in November +Business,Oracle to Acquire PeopleSoft +Business,Fed Seen Nudging Rates Higher +Business,Oil fall cuts raw material costs +Business,Mobile cash points coming soon +Business,A mixed crop for battling farms +Business,Coal deal fails to fill black hole +Business,Stelmar to Be Acquired for \$1.3 Billion +Sci/Tech,Big Blue sells its PC division to China +Sci/Tech,Air Force ready to test new rocket +Business,US retail sales remain strong in Nov +Sci/Tech,SingTel signs deal with Samsung Networks to tap S. Korean market +Sci/Tech,More Search Products Prowl for Market Share +Sports,Maier Says His Season Has Not Started Yet +Sports,Bryant Accuses Malone Of Hitting On Wife +Business,Treasury Investors More Bearish After Drop in Yields (Update1) +Sports,GOLF: EUAN #39;S TITLE BID IS SUNK AT THE LAST +Sci/Tech,Technical Problems Scrub Delta Four Launch +Business,"Retail Sales Edge Up Slightly, Cars Down" +Business,Dollar Running Out of Steam +Business,"Stocks Seen Higher, Oracle Could Help" +Business,Oil Drops on Fund Selling +Business,U.S. Stocks to Watch on Dec. 13 +Business,"DaimlerChrysler, GM Join on Hybrids" +Business,Honeywell Agrees Takeover of UK's Novar +Business,BRUSSELS: quot;No Going Back quot; In Elimination Of WTO Quotas +Business,"US retail sales rise by 0.1 per cent in November, higher than <b>...</b>" +Business,US Treasuries take a fall on upbeat sales data +World,Denmark mourns its tsunami dead +Sci/Tech,Maiden flight scrubbed again for Delta 4 rocket +Sci/Tech,Catch The Shooting Stars In Tonight #39;s Meteor Shower +Sci/Tech,Apple iTunes accepts PayPal +Sci/Tech,Future path of Windows Server outlined +Sports,Lennox rules out a comeback +World,Powell warns of more Iraq attacks +World,UN 'optimistic' over aid effort +World,Hamas Attack Seen As Attempt to Foil Progress +World,Pakistan denies CIA bases in hunt for bin Laden +World,RBC Royal Bank to refund #36;9.2 million over banking fee billing errors (Canadian Press) +World,"Iraq Bomb Kills 7, Year After Saddam Capture" +World,"China, Russia to Hold Military Exercise in 2005" +World,Real to finish bomb scare match +Business,"Oracle, PeopleSoft" +Sci/Tech,"AMD, IBM Use Strained Silicon Transistor Advancement in 2005" +Sci/Tech,WENDLER MAY HAVE SOME LSU COMPETITION +Sci/Tech,Telescopes capture planets in the making +Sports,Epic contest brings out the class +Sports,Notre Dame #39;s new football coach makes debut today. +Sports,Pats manage to shake off Bengals +World,Rare anti-Mubarak demo in Cairo +Sports,Suspended Spain Soccer Game Rescheduled (AP) +World,Hello! fights against Zeta ruling +World,Oracle Ups Its Offer and Buys PeopleSoft for \$10.3 Billion +World,Golden Globe Nominations Are Announced +World,"Car Bomb Kills 11, Wounds 13 in Baghdad" +World,Nastase Concedes Defeat in Romanian Presidential Election +World,Attack on Israeli Army Post Kills 4 +Business,PeopleSoft accepts latest Oracle offer +Business,Mustard-hot Frankfurt +Business,Honeywell Agrees Takeover of UK #39;s Novar +Business,More Pain Coming at Tenet +Sci/Tech,Japan jumps on Sony #39;s PSP +Sci/Tech,Semiconductor Breakthrough: Processor 24 times faster +Sci/Tech,Geminid meteor showers alarm area residents +Sports,Put us together again +Sports,Eagles prove toughness with ugly win +World,Pak says India paranoid on F-16 +Business,"What's That Smell, Autobytel?" +Business,XM and Sirius Stream On +Business,"Stocks Surge on Oracle, PeopleSoft Merger" +Business,Deutsche Boerse Bids \$2.6 Billion for London Exchange (Update2) +Business,Cardinal Grounded by Job Cuts +Business,IBM sale not to hit Indian mart +Business,Retail Sales Squeeze Out Gain +Business,Attendance at Theme Parks Increases +Business,Bank warns of soaring debt +Sci/Tech,NASA Head OKeefe--Louisiana Bound? +Sci/Tech,Penn State encourages students to dump IE +Sci/Tech,Monkeys ape human enterprise +Sports,Madrid to finish bomb hoax match +Sports,"13 Dec, 2004 - Miller wins Val d #39;Isere Giant Slalom" +Sports,49ers/Cardinals Box Score +World,TURKEY AND THE EU A Sultan Looks West +World,North Korea denies defection of generals +World,"DaimlerChrysler, GM to Team Up on Engines (AP)" +World,Japan Bank Exec: Economic Dip Is Temporary (AP) +Business,"US Stocks Rise on Oracle #39;s PeopleSoft Purchase, Retail Sales" +Business,London Stock Exchange rejects German takeover bid +Business,US retail sales up 0.1 percent in November +Business,"Theme Park Attendance Increases, Reversing Two-Year Decline" +Business,Bayer Sells Plasma Unit to US Investors +Sci/Tech,"IBM, AMD speed chips" +Sci/Tech,Yahoo! to get its own desktop search tool +Sports,Raiders Insider +World,Dissolving army #39;a mistake #39; +Business,US retail sales climb 0.1 percent in November (AFP) +Business,Oracle signs deal to buy PeopleSoft for \$10.3B +Business,OPEC to Cut Supply in Bid to Set Price +Business,"Stocks Seen Slightly Higher, Oil Slips" +Business,Does Geico Own #39;Geico #39; or Does Google? +Business,Tommy Hilfiger Agrees to Acquire Karl Lagerfeld Label (Update2) +Business,Waste Management Sells Canadian Landfill +Business,Bank of England warns on currency +Sci/Tech,"MFORMA, Marvel, Activision in Mobile Entertainment Alliance" +Sci/Tech,Saturian Titian Flyby But Hours Away +Sports,Klitschko unimpressed by Lewis comeback hint +World,"China, Russia Will Hold First War Games" +World,IFOP: French and Germans are against Turkey #39;s EU Membership +Sci/Tech,Phishing Scams Continue to Grow (PC World) +Sci/Tech,Motorola Gets Orders From China Unicom (AP) +Sci/Tech,"Stocks Surge on Oracle, PeopleSoft Merger (AP)" +Sci/Tech,Icelandic Tin Bath Could Give Earthquake Warnings (Reuters) +Sci/Tech,Endangered Whooping Cranes Arrive in Fla. (AP) +Sci/Tech,"Egypt Unveils 2,500-Year-Old Tomb, Mummies (AP)" +Sports,Triathlete Out 2 Years +World,"Bomb Hits Iraq Govt., Year After Saddam Capture" +Business,Cingular Sells Stake of India Carrier for \$200 Million +Business,Canada #39;s Bombardier Fires CEO Tellier +Business,Tenet Says 4th-Quarter Loss to Widen From 3rd Quarter (Update2) +Business,Bayer Sells Blood Products Unit \$590 Mln +Sci/Tech,Delta 4 Liftoff Delayed For At Least Week +Sci/Tech,Yahoo! To Roll Out Desktop Search +World,RUSSIA * CHINA * EU * ARMAMENTS * SUPPLY +Sci/Tech,Ethical fair trade - you knew it made sense until MS embraced it +Sci/Tech,ATI Radeon Xpress 200G reference board +Sci/Tech,Wi-Fi extensions should breathe new life into 802.11a +Sci/Tech,"IBM, AMD Speed Chips by Straining Silicon Wafers" +Sci/Tech,Oracle Softens up PeopleSoft +Sci/Tech,A Drive to Bring More Entertainment to Vehicles +Sci/Tech,Storage Hardware Thomson To Support Both HD DVD and Blu-ray +Sci/Tech,Use PayPal on iTunes - Get Five Fre +Sports,Redknapp wants Smith reunion +Sports,Pats keep a-rollin #39; +Sci/Tech,Retired General Brings Military Expertise to Firm's Contract Unit +Sci/Tech,Anteon to Develop Army Training Video +Sci/Tech,AOL Creates Its Own Browsing Software +Business,"PeopleSoft Relents, Agrees to Oracle Bid" +Business,Nov Retail Sales Edge Up as Car Sales Dip +Sci/Tech,Robin makes rare Christmas visit +Sci/Tech,Space agency chief 'to resign' +Business,"Bombardier CEO Resigns, Shares Plunge" +Business,Tenet: '05 Results Won't Exceed Breakeven +Sci/Tech,Blind man 'sees' emotions +Business,3Com to Buy TippingPoint for \$430 Mln +Business,Nov Retail Sales Edge Up as Car Sales Dip (Reuters) +Business,SEC Won't Punish Global Crossing Founder (Reuters) +Business,Supreme Court Limits Pollution Cleanup Lawsuits +Sci/Tech,Update: Oracle to buy PeopleSoft for \$10.3B +Sci/Tech,Siemens to decide fate of mobile phone unit in January +Sci/Tech,"IBM, AMD develop new use of strained silicon" +Sci/Tech,Phishing Scams Continue to Grow +Sci/Tech,Congress Fails to Act on Copyright Bills +Business,11am Markets Update +Business,Canada Confirms Second Mad Cow Case +Business,Bombardier Board Ousts Chief Executive Paul Tellier (Update2) +Business,Jaguar Workers Vote Against Strike +Business,Tenet: #39;05 Results Won #39;t Exceed Breakeven +Business,SEC Won #39;t Punish Global Crossing Founder +Business,Court Case Pits Google and Geico +Sci/Tech,Microsoft #39;s quot;Broader quot; Search Strategy +Sports,Schwartzel has a very bright future +Sports,Irish and Huskies set to announce new coaches +Sports,Indiana nets title again +World,A Daily Look at U.S. Iraq Military Deaths (AP) +World,Pregnant fan got too close +World,UN calls for immediate end to Congo fighting +World,Blast rips through Syrian capital +World,Chinese official moved as Hu consolidates power +World,Ukraine Leader: U.S. Meddled in Election (AP) +World,UN Calls for Immediate End to Congo Fighting (Reuters) +World,"Bomb Hits Iraq Govt., Year After Saddam Capture" +World,"Blast Destroys Car in Damascus, Wounds Passerby" +World,Romanians Elect Reformist Centrist as President +Business,OracleSoft At Last +Business,OPEC cuts oil production to hold prices +Business,3Com To Buy TippingPoint for \$340 Million +Business,"Cardinal shakeup to cut jobs, improve profit" +Business,US Shipper Buys Stelmar for \$843 Mln +Business,Auto Workers Strike Before Fiat Meeting +Sports,NFL Wrap: Rams Join Jets in Playoffs with OT Victory +Sci/Tech,"IBM, AMD develop new use of strained silicon" +Sci/Tech,"O High-Def DVD Format, Where Art Thou?" +Sci/Tech,Firefox gains hints browser wars may heat up +Sci/Tech,Microsoft MSN Desktop Search Out Today? +Sci/Tech,Microsoft Updates Windows Server Roadmap: No WinFS for You +Sports,Soccer: Gunners held at Highbury +Sports," #39;Kick up the backside for England, #39; says Vaughan after loss" +Sports,Turnovers cost Bengals in tough loss +Sports,Hollywood Story wins Bayakoa Handicap +World,"Palestinians not doing enough, says Sharon" +World,Poe condition turns for worst +World,Hamas Member Escapes Damascus Bomb Blast +World,Italian police accused of beating protesters to stand trial +World,Cyprus wants Turkish #39;normalisation #39; move by next March: FM +Business,Bombardier chief executive Tellier quits +Business,Overseas Shipholding to buy Stelmar for \$843 mln +Business,Some auto workers strike on eve of top Fiat-GM meeting +Business,Test Confirms Second Canada Mad Cow Case +World,Chile Judge Charges Pinochet in Rights Case (Reuters) +Business,Oracle Finally Snags PeopleSoft +World,Volkswagen to Open Assembly Plant in UAE (AP) +Sports,Warriors Place Fisher on Injured List (Reuters) +World,Judge Indicts Chile's Ex-Dictator Pinochet (AP) +Sports,College Sports TV Gets Cable Deals (AP) +Sports,Andy Roddick Fires Coach Brad Gilbert (AP) +World,Protesters Urge Delay for Ohio Electors (AP) +World,Hamas Member Escapes Damascus Bomb Blast +Business,Jacuzzi A Little Too Soggy +Business,OracleSoft At Last +Business,Which Medications Are Your Best Bets? +Business,Ford Fumbles First Hybrid SUV +Business,European Shares Edge Upwards +Business,Jaguar Workers Reject Strike Action +Business,"Cardinal Health Plans to Slash 4,200 Jobs" +Business,"SEC Drops Winnick Charges From Global Crossing Pact, People Say" +Sports,Robert Laberge/Getty Images +Sports,"Koskie, Blue Jays reach preliminary agreement on \$17 million deal" +World,"Chile #39;s Pinochet Charged in Plot to Kill Opponents, Court Says" +Business,The PeopleSoft vs. Oracle story +Business,London Stock Exchange rejects German takeover bid +Business,Paul Tellier dismissed as chief executive of Bombardier +Business,Hilfiger to acquire Lagerfeld brands +Sci/Tech,Strained silicon to accelerate transistors by 24 percent +Sci/Tech,The Geminid Meteor Shower +Sports,Un-Weis Planning +Sports,Bashed by the Bus +Sports,Hollywood Story rallies from fourth to win at Hollywood Park +Business,EU to lift textiles quotas from next January +Business,3Com to Buy TippingPoint in Cash Deal +World,Such incidents won #39;t deter me: Shahrukh +World,Croatia Presidential Race Goes Into Second Round +World,Car explodes in quot;act of sabotage quot; in Damascus +World,Twenty-eight police to stand trial for G8 violence +Sci/Tech,Cassini Express Pays Second Visit to Saturn #39;s Mystery Moon +Sports,UPDATE 1-Celtic regain Premier League lead +Sports,No. 14 Arizona Defeats Arizona St. 97-79 (AP) +World,Chinese-Made Cars to Be Sold in U.S. (AP) +World,Area Marine aids in Fallujah restoration +World,"Blast Destroys Car in Damascus, Wounds Passerby" +Sports,CST Signs Deals +Business,"Bombardier CEO Quits, Shares Plunge" +Business,SEC Won't Punish Global Crossing Founder +Business,"Stocks Higher on Retail Data, Mergers" +Business,"Vintner Chalone Spurns Rothchild,Stock Up" +Business,"Ford Expands Recall of SUVs to 600,000" +Business,Oracle to Buy PeopleSoft for \$10.3B +Business,China to Impose Duties on Clothing Exports +Business,"Vintner Chalone Spurns Rothchild,Stock Up" +Business,Tuesday Morning tumbles on Monday +Business,"DaimlerChrysler, GM Join on Hybrids" +Sci/Tech,Americans Enticed by Digital Cameras (AP) +Sci/Tech,High-Tech Roads Forecasting System Ready (AP) +Sci/Tech,UK Amazon Boss Dreams of a Digital Christmas (Reuters) +Sci/Tech,Sony #39;s PSP Launch Greeted by Long Lines of Buyers +Sports,WENGER - LAPSES WILL COST US +Sports,Four Heavyweight Champs Is the Same as None +Sci/Tech,"SAP unfazed by Oracle, Peoplesoft merger (AFP)" +Sci/Tech,Oracle buys PeopleSoft for 10.3 billion dollars (AFP) +World,Pakistan denies CIA has set up bases on its soil in hunt for Osama <b>...</b> +Sci/Tech,Fish Levels in Lake Michigan a Concern (AP) +World,British sufferer of madcow disease no longer 'terminally ill': dad (AFP) +Business,"Bombardier CEO Quits, Shares Dive" +Business,India-Pakistan peace boosts trade +World,Cuba starts 'huge' military drill +World,Turkey 'must admit WWI genocide' +World,Dissecting flu's deadly weaponry +Business,3Com to acquire TippingPoint for \$430 million +Business,Unocal to Settle Lawsuits Over Myanmar Abuse +Sci/Tech,"Sony PSP Flying Off Shelves - 200,000 First-Day Sales" +Sports,Pats #39; Weis Accepts Top Notre Dame Job +Sports,Roddick splits with Gilbert after 1 years +Sci/Tech,Wanadoo UK begins major broadband drive +Sci/Tech,The PeopleSoft vs. Oracle clash +World,FPJ placed on life support +World,"Malaysia, Singapore Work to Repair Ties" +Business,Wither The Dollar +Business,The New Breed +Business,CalPERS: Corporate Reformer Under Fire +Business,IBM Puts The PC In Its Past +World,Chile Judge Charges Pinochet in Rights Case +World,France Proposes Ex-EU Trade Chief Lamy to Head WTO +World,"""Of Course It Was Poisoning""" +World,Poisoned. But Whodunit? +World,Choking on Growth +Business,"PeopleSoft Ends Fight, Accepts Oracle #39;s \$10.3 Bln Bid (Update8)" +Business,IBM PC Users Face Uncertain Future +Business,Tuesday Morning Lowers 2004 Guidance +World,Iraqi President Faults Army #39;s Dissolution +Business,"Stocks Climb; Retail Sales, Oracle Help" +Business,"Import Cars Need Parts, Too" +Business,"Stocks Up on PeopleSoft Deal, Retail Data" +Sci/Tech,"AMD, IBM Improve Processor Performance" +Business,Battle ended with a single phone call +Business,Honeywell to Buy Novar to Expand in Building Products (Update9) +Business,"Bombardier CEO Quits, Shares Dive" +Sports,Souness gets one-match ban for improper conduct +Sports,Baldini out at struggling Parma +World,Chilean Judge Charges Pinochet in Rights Case +World,"Arab press roundup: December 13, 2004" +Sports,New Florida Coach Meyer Names Coaches (AP) +Sports,Weis Introduced at Notre Dame +World,Chilean Judge Charges Pinochet in Rights Case +World,"Bomb Kills 7 Iraqis, Year After Saddam's Capture" +World,"Hamas Member Escapes Damascus Bomb Attack, 3 Hurt" +Sports,Jets and Rams Make Playoffs +Business,"German Stocks Gain, Paced by TUI, E.ON; Deutsche Boerse Slumps" +Sci/Tech,New Computer Chip Built for Speed +Sci/Tech,NASA Administrator Sean O #39;Keefe to Resign +Sci/Tech,Apple PayPals Around +Sci/Tech,Spidey slings into wireless Web with Mforma deal +Sports,England fans get first taste of SA +World,Seven Marines die in Anbar fighting +World,UN Calls For Cease-Fire As Congo Factions Continue Fighting +World,Darfur Mediators Demand Respect of Cease-fire +Business,Sprint and Nextel: A Done Deal? +Business,USA : Tommy Hilfiger buys Karl Lagerfeld brands +Business,US Economy: Retail Sales Rise 3rd Month in November (Update1) +Business,Bombardier Board Ousts Chief Executive Paul Tellier (Update3) +Business,"DaimlerChrysler, GM to Team Up on Hybrid Engines" +Sci/Tech,"Microsoft Set to Unveil Desktop Search, MOOL" +Sci/Tech,Geminid Meteor Shower Could Be Spectacular +Sci/Tech,Sun shows pleb-ready thin client +Sports,Shevchenko Crowned as Europe #39;s Finest +World,NIGERIA-SUDAN: Violence pushes peace talks off track +World,Fatal stabbings raise concern over dangerous holiday party season for teens (Canadian Press) +Business,Retails Sales Up in November +Business,"Cardinal Health to Slash 4,200 Jobs" +Sci/Tech,Chipmakers Advance Transistor Technology +Sci/Tech,Sony PSP Debuts To Strong Sales +Sci/Tech,Online map of brain genes to be released +World,Iraq ; Car bomb kills seven in Baghdad +World,Pakistan denies CIA has set up bases on its soil in hunt for Osama <b>...</b> +World,Almost 40 ceasefire violations in Darfur from October: official +World,"Malaysia, Singapore Propose Key Political Deal" +World,EU calls for 'free' Maldives vote +Sports,Top 10 in AP Women's Poll Stays Same (AP) +Sci/Tech,Allen center to post first brain-map data +Sports,Tiger Wins Own Tournament +Sports,Kansas City vs. Tennessee +Sports,Pennington shoulders blame in loss to Steelers +Sports,Roddick splits with coach Gilbert +Sports,Blue Jays bring Koskie home +Business,U.S. Stocks Climb as Oracle Deal Lifts +Business,Lockheed Martin to Buy Stasys Ltd. +Business,Inquiring Minds at OmniVision +Business,Oracle Buys PeopleSoft for \$10.3 Billion +Business,Retail Sales Edge Up as Car Sales Dip +Business,Retail Sales Rise a Surprise? +Business,Stocks 2005: Make Sure Risks Are Compensated! +Business,China to impose tariffs on some textile exports +Business,The Logic Behind a Sprint-Nextel Deal +Business,Eurostocks close higher +Business,Cingular Sells IDEA Cellular Stake +Business,3Com beefs up security with \$430M acquisition +Business,Tellier: Bombardier Tells CEO To Take Flight +Business,No SEC charges for Global Crossings ex-head +Business,Volkswagen enters close cooperation with Abu Dhabi +Business,Franklin Funds Strikes #36;20 Mln SEC Deal (Reuters) +Sci/Tech,"IBM, AMD Find Way to Improve Chip Performance" +Sci/Tech,Micosoft Introduces MSN Toolbar Suite Beta +Sci/Tech,Sony Debuts PSP To Challenge Nintendo +Sci/Tech,NASA chief to resign +Sci/Tech,Geminid Meteor Shower Could Be Spectacular +Sci/Tech,Samsung #39;s MMCmicro shrinks flash memory further +Sci/Tech,Report: Firefox Gains 34 Percent in November +Sci/Tech,Worldwide Technology Consumers To Lose in DVD Standards War +Sci/Tech,HP Targets China #39;s PC Market +Sci/Tech,Allen Institute Debuts #39;Google for Gene Activity #39; +Sci/Tech,Mforma Spins Spidey A Wireless Web +Sci/Tech,An ATM approach to renting movies +Sci/Tech,Moon that mimics early Earth revisited +Sports,Ukrainian Andriy Shevchenko wins Golden Ball award +Sports,Souness gets one-match ban +Sports,Neeskens sacked as NEC Nijmegen coach +Sports,Cavaliers activate Wagner +World,Gaza violence dents peace hopes +World,Pinochet indicted on human rights charges +World,Iran nuke talks launched +Sci/Tech,Holiday Tech Buying Guide +Sci/Tech,New Strained Silicon Server Chips in #39;05 +Sci/Tech,Airborne Cell Phone Ban Like To Remain in Effect +World,Former dictator Pinochet ordered to stand trial for murder <b>...</b> +World,The Military Family Network +Business,Retail Sales Rose an Unexpected 0.1 Percent in November +Sci/Tech,Sony Launches Playstation Portable +Sports,Bettis Is Key to Surprising Steelers (AP) +Sports,Miller skis to another World Cup win +Sports,Cavs activate Wagner from injured list +Sports,Red Sox Replacing Team Physician Morgan (AP) +World,Dinosaur Tales +World,Military signs deal to develop anti-anthrax inhaler (Canadian Press) +World,McCain: 'No Confidence' in Rumsfeld (AP) +Sci/Tech,'Grand Theft Auto': Keeping America safe from crime +Business,Bombardier chief to leave company +Business,"ST Telemedia, TM International to acquire 48 per cent stake in <b>...</b>" +Business,"Networking, Security Integration Reaches #39;TippingPoint #39;" +Sports,Terps Rally Falls Short +Sports,Real to complete bomb threat match +Sports,Miller routs rivals for sixth win +Sports,Cole fears backlash from his old mates +Sports,Neeskens sacked as NEC coach +Sports,Roddick Fires Coach +Sports,Steelers Backups End Bills' Playoff Hopes +Business,Oracle Clinches PeopleSoft +Sci/Tech,MMCmicro - New Samsung #39;s Tiny Removable Memory Cards for Mobile <b>...</b> +World,Peru Says No Attack Planned; 4 Police Dead +Sports,NEWSMAKER-Shevchenko #39;s goals and hard work earn reward +Sports,Runaway Miller equals record +Sports,Garcia taken first in Rule 5 Draft +Sports,Devil Rays Acquire Angel Garcia +Sports,Willingham Lands in Washington +Sports,Miller Wins Slalom +Business,Dollar weakens despite better-than-expected US retail figures (AFP) +Business,Bombardier Shares Dive as CEO Quits +Business,"Stocks Rise, Mergers, Retail Sales Help" +Business,Calpers to Press Carmakers on Lawsuit +Business,Oracle acquisition of PeopleSoft brings customers into focus +Sci/Tech,Online Gift Guide for Kids' Books Offered (AP) +Sci/Tech,Oracle Softens up PeopleSoft (washingtonpost.com) +Sci/Tech,Massive queues in Japan as PSP sells out +Sci/Tech,Firefox gains suggest browser wars may heat up (AFP) +Sci/Tech,Microsoft introduces new desktop search tool (AFP) +Sports,Bomb threat raises security concerns; evacuation could set bad <b>...</b> +Sports,Pacers sign Curry +Sports,"Report: Sexson, M #39;s agree on four-year deal" +Sports,Report: NHL to reject union proposal +Sci/Tech,On the Horizon: The Global Wireless Web (NewsFactor) +World,Sharon will not talk to Palestinian leaders until the fighting <b>...</b> +World,Bomb kills 13 in Baghdad +World,Kashmir talks end with hopes of more such efforts +Sci/Tech,Developing Giants Under Pressure on Climate Change (Reuters) +Sci/Tech,Life-Swapping Scenarios for Earth and Mars (SPACE.com) +Sci/Tech,Prometheus Pre-empted? New Nuclear Fission Missions Evaluated (SPACE.com) +World,France pulls plug on Arab network +Business,"Stocks Rise, Mergers, Retail Sales Help" +Business,Report: Global Crossing Founder Winnick Won #39;t Face Charges +World,Dog Rescues 7-Year-Old in India (AP) +Sci/Tech,Would You Stand in Line for a Playstation? +World,Israel can #39;t detect Palestinian tunnels +World,Chilean judge indicts Pinochet +World,Seven killed on Saddam anniversary +Sports,Giants Are in Another Free Fall +Sci/Tech,Microsoft Debuts Desktop Search Tool +Sci/Tech,Canada to Set Up Do-Not-Call Telemarketing List +Business,Motorola stock rises; company to realign businesses +Business,Bombardier chief executive Paul Tellier resigns +Business,"Cardinal Health to Cut 4,200 Jobs" +Business,CORRECTED - UPDATE 1-Franklin Resources in \$20 million SEC <b>...</b> +Sports,No. 12 Minnesota Women Beat Indiana 61-47 (AP) +Sci/Tech,"IBM, AMD Team On New Strained Silicon" +Sci/Tech,Sony #39;s PSP nearly sells out on debut +Sci/Tech,IBM plans foray into local home PC market +Sci/Tech,Amazon UK starts DVD Rentals +Sports,Bhoys bounce back +Sports,Chelsea closing on Premiership title +Sports,Weis says winning is bottom line at Notre Dame +Sports,Garcia done for the season with knee injury +World,Suicide bombing claims 13 lives in Baghdad on anniversary of <b>...</b> +World,Pinochet charged with murder +World,Market bomb kills 13 in Philippines +World,Sri Lanka probes concert bombing +Business,U.S. Stocks End Higher After Oracle Deal +Sci/Tech,Top Ten National Geographic News Stories of 2004 +Sci/Tech,"""Year's Best"" Meteor Shower Peaks Tonight" +Sci/Tech,Does Extinction Loom for Australia's Wild Dingoes? +Sci/Tech,Ancient and Modern Tattoos Celebrated in Photography Book +Business,PDL Rakes It In +Sci/Tech,Microsoft releases desktop search suite to testers +Sci/Tech,3Com to buy Tippingpoint +Business,IMAX's Stocking Stuffer +Sci/Tech,AMD and IBM collaborate on strained silicon +Sci/Tech,Superhero Gaming +Sports,Left-handers likely to generate the most interest +World,Car bomb in Baghdad kills at least seven +Sports,Marlins Sign Todd Jones to One-Year Deal (AP) +World,Hamas Activist Survives Damascus Blast (AP) +Sci/Tech,MSN Joins the Desktop Search Fray +World,"Poe, Philippine Actor Who Ran for President, Dies" +Sci/Tech,MSN Unleashes Desktop Search +Sci/Tech,Online Shoppers Vulnerable to Pop-Up Phishing Scam +Sci/Tech,Cassini #39;s Titan Data Awaited from Saturn +Sports,Deal is pending a physical +World,Fight for Fallujah continues +Business,UnitedHealthcare Settles Medicare Charges +Business,"Gas Price at 3-Month Low, Diesel Below \$2" +Business,Fed expected to deliver fifth quarter-point rate hike +Sci/Tech,Supreme Court to Hear File-Sharing Case +Sports,Red Sox part ways with longtime team physician +Sports,Marlins sign Jones to one-year contract +World,Iran nuclear chief hails #39;new chapter #39; with Europe after talks +World,Debate On Turkey #39;s Prospects Dominates Run-Up To Summit +Business,"US, China taking action on textile trade" +Business,Global Crossing Founder Escapes SEC Charges +Business,Tuesday Morning revises 4Q guidance +Sci/Tech,O #39;Keefe to meet on Thursday with LSU chancellor search committee +Sci/Tech,US top court to weigh in on file sharing +Sports,Bet on Tiger Woods he is brilliant +World,Darfur Peace Talks Resume in Abuja +World,"Iran, Europeans Launch Nuclear Talks Seeking Trust" +Business,OracleSoft at Last +Business,Tuesday Morning Headache on Monday +Sci/Tech,Two Internet Domain Names Get Preliminary Approval +World,China Detains Two Dissident Writers +World,Chile's Ex-Dictator Pinochet Is Indicted +Business,"Finally, Oracle Nails PeopleSoft" +Business,Honeywell in \$1.5 Bln Takeover of Novar +Business,PepsiCo Buys General Mills Joint Venture +Business,3Com buys Net phone business +Business,Boeing Board Approves Dividend Increase +Business,Haji-Ioannou: #39;Easy #39; Win Versus Stelmar Board +Business,Krispy Kreme Delays Filing with SEC +Sci/Tech,Microsoft launches software for searching desktops +Sci/Tech,New Technology From AMD And IBM Boosts Chip Performance +Sci/Tech,NASA boss prepares to take off +Sci/Tech,The Geminids are coming +Sci/Tech,Globus Toolkit Founders Form Company +Sci/Tech,Lockheed to Launch Rocket; Boeing Gets New Date +Sports,UPDATE 2-Late Bouba Diop strike denies United +Sports,Tiger finds his swing at Target +Sports,Belichick adjusts as coordinator takes Notre Dame job +Sports,"Report: Owners reject players #39; offer, will make counterproposal <b>...</b>" +Sports,Nationals sign Cordero to one-year contact +Sports,Bomb scare for Spanish fans +Sports,Lewis Waits For His Rival +Sports,Giants ink Matheny to three-year deal +Sports,"White Sox trade Carlos Lee to Milwaukee for Podsednik, Vizcaino" +World,Romanians Elect Mayor of Bucharest as New President +World,Israel blamed for Damascus attack +Sports,Patriots Buckle Down Before Weis Moves (AP) +World,Group Leader Ends Irish Gov't Relations (AP) +Sports,Harris to Coach Stanford Football Team (AP) +Business,LSE says no to Deutsche Borse takeover offer +Business,General Mills sells Snack Ventures Europe stake for \$750 million +Sports,Tiger casts off paw form +Sports,Scoop: King Vitali Spectacular. Again +Sports,"Sox get Podsednik, Vizcaino for Lee" +Sports,Nationals Sign Cordero +World,"Hamas Member Escapes Damascus Attack, Israel Blamed" +World,Weary Taliban coming in from the cold +World,"In Philippines, a renewed bid to drive out terror factions" +World,Jury says wife killer should die +Sports,Nationals Sign Cordero +Business,UAL Sets Salary Cuts; Aims for Savings (Reuters) +Business,Dollar weakens as market braces for new deficit figures (AFP) +Business,UAL Sets Salary Cuts; Aims for Savings +Business,US Air Flight Attendants Ready for Strike +Business,Boeing Wins \$928 Mln Missile Defense Deal +Business,Bombardier Shares Dive as CEO Quits +Business,US brash buys French flash +Sci/Tech,Microsoft debuts beta version of Desktop Search tool +Sci/Tech,"Update: AMD, IBM Announce New Power-Saving Tech" +Sci/Tech,NASA #39;s O #39;Keefe Turns In Resignation +Sci/Tech,MS browser gets beating +Sci/Tech,ITunes Now Accepting Payment Through PayPal +Sci/Tech,Sun Unveils Upgrade Of Thin-Client Platform +Sports,White Sox deal Lee to Brewers for Podsednik +World,"A Year After Capture, Saddam #39;s Trial Date Uncertain" +World,Pakistan Turns Up No Signs of Bin Laden +World,Ahern apologises to Paisley +Business,"UAL Cuts Salaries, Makes \$112 Mln Savings" +Sci/Tech,People Wait Overnight To Buy Sony #39;s New PSP Game Console +Sports,No. 11 UConn Women Beat St. John's 60-32 (AP) +Sports,Seattle DE May Return if Playoffs in Cards (AP) +Sports,White Sox Trade Carlos Lee to Milwaukee (AP) +Sports,Tall lefty was second-round pick of Cubs in 2002 +Sports,Football; Game 13: the Bengals; History Hard to Shake +Business,LSE rejects bid from Deutsche Boerse +Business,UAL Slashes Salaries +Sports,Pedro Martinez Picks Mets Over Red Sox (AP) +Sci/Tech,"Judge Hears Geico, Google Trademark Case (AP)" +Sci/Tech,Meteor showers put on a show +Sci/Tech,Mozilla Released Thunderbird 1.0 +Sci/Tech,Bird Extinctions May Impact Environment +Sci/Tech,Mforma Wins Valuable Marvel Deal +Sports,"ChiSox trade Lee to Brewers for Poz, Vizcaino" +Sports,Man U concedes late equalizer in 1-1 draw with Fulham +Sci/Tech,ICANN Gives Preliminary OK to 2 Domains (AP) +World,"Pinochet indicted, arrested for murder, kidnapping" +World,"Captured: Saddam Hussein, One Year Later" +Sci/Tech,Microsoft Debuts Desktop Search Tool (Reuters) +Sci/Tech,Summary: Oracle Acquires PeopleSoft (AP) +Sci/Tech,Ten Percent of Bird Species to Disappear - U.S. Study (Reuters) +Sci/Tech,Vaccinating Mice Could Reduce Lyme Disease (Reuters) +Sports,Portland Head Coach Cheeks Receives Fine +Sci/Tech,NASA Chief's Resignation Letter to Bush (AP) +Sci/Tech,Climate Experts Confer on Post-Kyoto Steps (AP) +World,"Spain's Zapatero pins bombs blame on Islamists, calls for anti-terror pact (AFP)" +World,"Ad agencies charged hefty fees for no work, sponsorship inquiry told (Canadian Press)" +World,Zapatero Says Aznar Deceived Spain Over Train Bombs +World,Ukraine Speaker: Keep Poisoning Out of Campaign +Sci/Tech,Napier's Chessboard Calculator +Business,Oracle buys PeopleSoft; Denver jobs might be affected +Business,Tommy Hilfiger buys Lagerfeld trademarks +World,Parents Waiting for Waves to Return Kids (AP) +Business,3Com to buy TippingPoint +Business,UnitedHealthcare to Settle Fraud Charges +Sci/Tech,Microsoft Enters Desktop Search Fray +Sci/Tech,Ten Percent of Bird Species to Disappear - US Study +Sports,A three-for-one swap +Sci/Tech,Video Games Go Live for Annual Awards Show +Sports,Jets Struggle Once More Against Elite Team (AP) +Sci/Tech,VoIP: Find Out More About 'Net Phone Calling +Sci/Tech,Survival of software's fittest +Sci/Tech,Security's disorderly mess +Sci/Tech,Borland details latest on JBuilder +Sci/Tech,Start-up salaries get reality check +Sci/Tech,Microsoft cuts OneNote price +Sci/Tech,Open Text to acquire Artesia +Sci/Tech,Found in translation: Microsoft tool talks pretty +Sci/Tech,Photos: Inside Dell's Austin assembly plant +Sports,Mets Attract Martinez +Sci/Tech,Nanosys yanks IPO +Sci/Tech,Nobel laureate joins solar-cell firm +Sci/Tech,Mayo Clinic logs on to Blue Gene +Sci/Tech,Start-up to use genes to build better chips +Sports,White Sox Trade Carlos Lee to Milwaukee +Sports,Coleman happy to mix with big boys +Sci/Tech,Intel awaits government move on expensing options +World,Update: Darfur peace talks suspended as rebels pull out +Sci/Tech,Sun shuffles sales execs +Sci/Tech,Gateway returns to PC roots +Sci/Tech,Internet threats a bleak picture of human future +Sci/Tech,U.S. boosts homeland security budget in 2005 +Sci/Tech,Report: ZigBee wireless set to swarm +Sci/Tech,Honor your sysadmin...be quiet +Sci/Tech,Juniper poaches Cisco execs +Sci/Tech,ICANN readies for next-generation Net +Sci/Tech,Earnings reports hint at IP networking growth +Sci/Tech,Routing's rock star +Sci/Tech,Photo: Weather data to your desktop +Sci/Tech,Photo: XM's portable satellite radio +Sci/Tech,Microsoft releases desktop search suite to testers +Sci/Tech,3Com to buy TippingPoint for \$430M +Sci/Tech,"IBM, AMD develop new use of strained silicon" +Sci/Tech,Software revenue pushes up Oracle's Q2 earnings +Sci/Tech,Update: Oracle signs deal to buy PeopleSoft for \$10.3B +Sci/Tech,HIPAA security guidelines being readied +Business,US Air Flight Attendants Ready for Strike +Sci/Tech,Microsoft MSN Desktop Search Out Today? +Business,Stocks: Shares gain as deals encourage investors +Sports,A Pitcher Hopes to Hop Off the Injury Treadmill +Business,UPDATE 1-UAL sets salary cuts; aims for \$112 mln savings +Sports,Virginia Tech Women Upset No. 17 Maryland (AP) +Sci/Tech,IBM #39;s storage software owns all of EMC kit +Sports,Woods Wins Exhibition Tournament to End Slump +Sports,Real to finish bomb hoax match +Sports,"Patriots Outlast Bengals, Clinch Playoff Berth" +Sports,Titans Hold on for 24-19 Win Over Lions (AP) +World,Pinochet arrest warrant suspended +Sports,White Sox Deal Lee to Brewers for Podsednik (Reuters) +Sci/Tech,Columnists: Online Extortion Works +World,Sexual Violence Hit 2 in 3 Liberians in War-Report (Reuters) +Sports,Trip to New Orleans Tough for North Texas (AP) +World,Ex-Bush Campaign Official Pleads Innocent (AP) +Sports,Bears LB Urlacher Injures Another Hamstring +World,Sexual Violence Hit 2 in 3 Liberians in War-Report +Sci/Tech,Are We Puppets or Free Agents? +Sci/Tech,More Questions for Florida +Sci/Tech,"Playing the Dating Game, DS-Style" +Sci/Tech,Count Calories on the Go +Sci/Tech,Chemo: Testing Who Will Benefit +World,Chilean judge charges Pinochet +World,Lebanese groups unite over Syria +Business,PepsiCo to Buy General Mills #39; European Snacks Stake (Update3) +Sci/Tech,MIT team aims to mend broken hearts +Sports,English Stars Out in Cold +Sports,Notre Dame firing Willingham doesn #39;t hold a candle to Kevin #39;s <b>...</b> +Sports,D-Rays add power arm +World,Chilean judge charges Pinochet +Business,Oracle Buys PeopleSoft for \$10.3 Billion +Business,"Oracle, PeopleSoft key facts" +Business,"DaimlerChrysler, GM in Pact on Hybrids" +World,Opposition chief's poisoning dominates Ukraine campaign (AFP) +Sci/Tech,Samsung Makes Smaller MMC Card for Cell Phones (PC World) +Sci/Tech,Computer-scouring software rivals Google tool +Sci/Tech,"IBM, AMD work on straining silicon" +Sci/Tech,Mozilla #39;s Minimo Prepares to Challenge Opera +Sci/Tech,Heart quot;Band-Aid quot; Developed +Sports,Temple Defeats No. 22 Rutgers 71-60 +Sports,Erickson plans to stick with Niners for now +Sci/Tech,Oracle Acquires PeopleSoft in #36;10.3B Deal (AP) +Sports,Calif. Lawmaker Seeks End of Bowl Series (AP) +World,Chile #39;s Pinochet facing human rights charges +Sci/Tech,Aleutian Spill Shows Area's Vulnerability (Reuters) +Sci/Tech,NASA Chief Sean O'Keefe Resigns (Reuters) +Business,Oracle wins battle for PeopleSoft +Business,Stocks End Up as Deals Spark Optimism +Business,\$1.3bn LSE bid fuels acquisition fever +Business,Unocal to Settle Myanmar Lawsuits +Business,Permira links with Apollo to join Toys #39;R #39; Us auction +Business,3Com to buy TippingPoint for \$430M +Business,Icahn Files Suit vs. Mylan Laboratories +Business,Fiat dismisses GM threat that car unit might go bust +Sci/Tech,NASA: Mondays The Best Time To See Geminid Meteor Shower +Sci/Tech,Ellison talks about the acquisition +Sci/Tech,Oohs and ahs over Martian rocks and clouds +Sci/Tech,Cisco improves pricing for users +Sci/Tech,Institute offers data from atlas of mouse brain genome +Sci/Tech,NO CALL LIST FOR CELL PHONES? +Sports,Woods looks on target for return to winning ways in 2005 +Sports,Starters strike it rich +Sports,Only Game in Town +Sports,NHL plans to reject the players #39; latest proposal +Sports,Angels agree to terms with Esteban Yan +Sports,"Temple 71, No. 20 Rutgers 60" +Sports,"Jefferson, Stoudemire named NBA Players of the Week" +World,Syria accuses Israel of bomb attack on Hamas official +World,Britain offers sweeteners to win allies for Ankara +World,"Pakistan, India talk missile tests but analysts say could do <b>...</b>" +World,Congo troops fighting near Rwanda border +World,"EU, U.S. in Contact with Hamas, Group Leader Says (Reuters)" +Business,Franklin Templeton Cos. to Settle Charges (AP) +World,Americans to Attend Trade Talks in Cuba (AP) +World,"Philippines Mourns Poe, Film Star Who Ran for President (Reuters)" +World,Inauguration for tallest bridge +Business,Oracle #39;s earnings top forecasts +Business,Mercedes and GM to develop hybrid cars +Business,Citigroup Says It Will Issue Amex Cards +Sci/Tech,"Desktop Search Tool Ups the Ante, Says Microsoft" +Sci/Tech,NASA Chief Resigns +Sci/Tech,Tenth of all bird species #39;to vanish #39; +Sci/Tech,Firefox surpasses 10 million download mark +Sci/Tech,"Coral grows as climate warms, study" +Sports,Klitschko rematch tempts retired Lewis +Sports,Ace reportedly set to leave Red Sox for Mets +World, #39;Chaos in Iraq could produce another Hitler #39; +Business,"Fiat, GM CEOs Meet to Talk Possible Sale" +Sports,"All Madden, all the time" +Sports,Winning Paramount to New Notre Dame Coach (AP) +Sports,McNair Deactivated for Tennessee Titans (AP) +Sports,"Hernandez, Indians Agree to One-Year Deal (AP)" +Business,What went wrong four years ago +Business,Hilfiger fashions style pact +Business,"Regional woes won #39;t stop Telstra sale, ALP says" +World,Debate over Israeli army's role in school +World,"Philippines Mourns Poe, Film Star Who Ran for President" +Business,Watchdog to clear Global chairman +Sci/Tech,NASA head will leave successor with much to resolve +Sports,McNair inactive again; Volek gets nod +Business,Motorola May Lose Big Customer If Nextel Merges +Business,Bitter Takeover Saga Ends In \$10.3 Billion Deal +Business,Jaguar workers vote against strike +Sports,UHND.com - Frank Vitovitch +World,Philippine leader mourns top movie star and fallen rival +Sports,Johnson to Yankees Has a Life of Its Own +Sports,Mexico Has Repeat Champion +Business,Dollar Inches Lower Ahead of U.S. Data +Business,Lloyds says IAS impact will be small +Business,Monday #39;s Canadian briefs +Sci/Tech,Microsoft raises stakes in search war +Sci/Tech,Cisco Users See Some Pricing Relief +Sports,Electronic Arts Signs Exclusive NFL License +World,Suicide Bomber Kills 13 in Baghdad (AP) +World,"In Autism, New Goal Is Finding It Soon Enough to Fight It" +Business,Oracle wins 5.4bn fight +Business,Kuwait #39;to meet full oil supplies #39; +Business,Honeywell makes \$1.5bn Novar bid +Business,Lloyds sets aside another 110m for misselling +Business,Jaguar workers say no to strike +Business,US firm regains TV Nova +Business,Pay cuts at United #39;s parent company +Sci/Tech,"A quarter of bird species in danger of extinction, study warns" +Sci/Tech,Grid pioneers launch company +World,Pinochet arrested on human rights charges +World,Film star politician dies in Philippines +World,Hamas target of bomb in Syria +Sports,Willingham and Weis Make It Official +Business,EU says block Chinese textiles quot;only if necessary quot; +Business,Grey Seen as Leading Paramount Candidate +Business,Wall Street Week Ahead: Data May Surprise +Sports,"Hernandez, Indians agree to one-year deal" +World,"Fernando Poe Jr., 65, Philippine Actor-Politician, Dies" +World,Iran optimistic over nuclear negotiations with EU +Sci/Tech,Game makers make play for adults +Sci/Tech,US Space Agency Chief Resigns After Presiding Over Major Changes +Sports,Coughlin Sticks With Manning Despite Woes (AP) +Sports,"Pedro would get his re\$pect from Mets, but they need more" +Sports,NHL expected to reject union proposal +Sports,Electronic Arts Gets an Exclusive NFL Deal +Sports,Mariners deal-less but hopeful +World,Pakistan Denies CIA Is There Seeking bin Laden +World,China detains high-profile political dissidents (AFP) +World,Dutch consider infant euthanasia +World,Sharon Says Palestinian Leaders Must Halt Militants +World,Pinochet Indicted on Human Rights Charges +Business,"Oracle to Acquire PeopleSoft for \$10.3 Billion, Ending Bitter <b>...</b>" +Business,Lloyds TSB adds 110m to reserves for policies +Business,Fed rate hikes getting to be a habit +Business,Grey Seen as Leading Paramount Candidate (Reuters) +Sci/Tech,Microsoft Releases a Desktop Search Tool +Sci/Tech,1 in 10 bird species could vanish within 100 years +Sci/Tech,Microsoft delays WinFS even more +Sports,Mets Are on Verge of Signing Martnez as Boston Bows Out +Sports,Giants set to welcome Matheny +World,French lawyer asks Red Cross to look into reports of Saddam <b>...</b> +World,DUP to Meet Blair for Talks +Sports,Mets Are on Verge of Signing Martnez as Boston Bows Out +Sports,Nets' Owner Staying a Stormy Course +Business,"Oracle to Acquire PeopleSoft for \$10.3 Billion, Ending Bitter Fight" +Business,Bangladesh Is Surviving to Export Another Day +Business,Rivals Join To Develop Hybrid-Car Technology +Business,Howard Says Full Sale of Telstra This Term Isn #39;t Guaranteed +Sports,"Ravens Win, Watch" +Sports,"Heat Win 5th Straight, Beat Wizards 106-83 (AP)" +Sci/Tech,MozSource Now Offers Technical Support for Key Mozilla Products +Sci/Tech,Cassini has another successful Titan flyby +Sports,NHL to reject players #39; latest offer: TSN +Sports,Patriots loss is Notre Dame #39;s gain +Business,Oracle Reaches Takeover Deal With PeopleSoft +Business,US Quiet on China Trade Tax +Business,High oil prices predicted for next 20 years +Business,Sprint #39;s Planned Nextel Deal Builds on Wireless Strength +Business,China Aviation Oil Unit Procures Jet Fuel +Business,Citi and Amex: Plastic Fantastic? +Sci/Tech,AMD and IBM develops new technology for processors +Sci/Tech,Geminid Meteor Shower Peaks Monday Night +Sci/Tech,Marvel-ous deal for Mforma: mu +Sports,NFL Wrap: Steelers End Bills' Playoff Hopes +Sports,Coughlin to Simplify Manning #39;s Tasks +Sports,"No. 6 Wake Forest 67, Temple 64" +Sports,Bengals Uncertain Of Palmer #39;s Status +World,Two US marines killed in Iraq +World,Sinn Fein slams Unionist #39;s refusal to resume peace talks +Business,"For Brazil's Economy, the Doctor Is In" +Business,Rivals Join to Develop Hybrid-Car Technology +Business,Global Crossing Ex-Chief Cleared +Sci/Tech,AMD and IBM work together to improve chip performance +Sci/Tech,Opportunity leaves Endurance Crater +Sports,NBA ROUNDUP O #39;Neal Scores 40; Wade Hurt +Sports,Report: Mets about to get Pedro +Sports,"Cavaliers 92, Grizzlies 86" +Sports,#6/5 WAKE FOREST ESAPCES WITH 67-64 WIN OVER TEMPLE +World,Romanians hope for new era +Sports,Prep Banned From IAC +Sports,Deacons Silence Owls +Business,Geico Wants To Restrict Google Ads +Sci/Tech,"IBM, AMD speed chips" +Sci/Tech,Rovers Find More Evidence That Mars Was Once Home to Water +Sports,Bears #39; Urlacher hurts hamstring +Business,"For Oracle, price is finally right" +Business,Daimler and GM gear up for transmission revolution +Sci/Tech,"Blog Creation, Readership Rises in 2004 (AP)" +World,Ukraine Seeks to Control Yushchenko Probe (AP) +Sports,COLEMAN TIPS CHELSEA FOR TITLE +World,UN suspends aid operations in South Darfur after killing of workers (Canadian Press) +Sports,NBA Wrap: O'Neal Pours in 40 Points as Miami Wins (Reuters) +Sports,Giants Agree to 3-Year Deal With Matheny (AP) +World,EU Works on Turkey Membership Talks (AP) +World,"WTO approves membership talks with Iraq, Afghanistan" +World,"India, Pak to discuss CBMs" +Sci/Tech,Add 'Podcasts' To Your Tech Terms Playlist (Investor's Business Daily) +Sports,Wake Forest Holds Off Temple; Mississippi State Wins +Sports,Late Bouba Diop Strike Denies United +World,Chavez Allies Name Supreme Court Justices +Business,Oracle Buys PeopleSoft for \$10.3 Billion +Business,Citigroup Says It Will Issue American Express Cards +Sci/Tech,Grid pioneers launch company +Sci/Tech,Samsung Makes Smaller MMC Card for Cell Phones +Business,FOMC rate calls may get more interesting next year +Business,Jaguar workers vote against strike action +Sci/Tech,MSN Desktop Search Debuts +Sci/Tech,HP targets Chinese market with AMD powered PC +Sci/Tech,Google to Digitize Some Library Collections +Sports,"White Sox deal C. Lee to Brewers for Podsednik, Vizcaino" +Business,Finance: the Point of No Returns (Reuters) +World,Filipinos mourn the death of movie legend +World,US military denies Saddam on hunger strike +Sports,Cavs Edge Grizzlies +Sci/Tech,Electronic Arts Gets an Exclusive N.F.L. Deal +Business,"Cardinal Health to Cut Costs by Eliminating 4,200 Jobs" +Sports,World Prize Still Within Henry #39;s Grasp +Business,Oil Prices Extend Gains Above #36;41/barrel (Reuters) +Business,US Air Flight Attendants Ready for Strike (Reuters) +Business,Survey: Local hiring to remain flat/12-14 +World,"Bomb Kills 7 Iraqis, Year After Saddam's Capture (Reuters)" +Sci/Tech,Microsoft launches software for searching desktops +Sci/Tech,Google adds major libraries to its database +Sci/Tech,Yahoo Names Its First Chief Data Officer +Sci/Tech,Oracle Launches New Real-Time Collaboration Suite +Sports,NBA Wrap: O #39;Neal Pours in 40 Points as Miami Wins +Sports,Weis Finds New Home With Notre Dame +Sports,"No. 20 Mississippi St. 74, New Orleans 59" +World,Eight US Marines among 24 killed in Iraq +World, #39;Israel should coordinate Gaza pullout with Palestinians #39; +Business,Google Announces Search Deal with Seven Libraries +Sports,No. 19 Louisville Tops Tennessee St. (AP) +Sci/Tech,MSN Toolbar Suite Beta +Sci/Tech,"Google Partners with Oxford, Harvard amp; Others to Digitize <b>...</b>" +Sci/Tech,Phishing is a problem for all Internet browsers +Sci/Tech,Oracle Redefines Enterprise Content Management With Launch of <b>...</b> +World,Baghdad and Kabul approved for WTO talks +World,Bomb kills 13 in Iraq +World,"N. Korea Extends Isolation by Refusing Nuclear Talks, US Says" +Business,"China, US move on textile quotas" +Business,Deutsche Boerse courts the LSE for tie-up +Business,Nextel and Sprint: New Partners? +Sci/Tech,Google to Scan Books From Big Libraries (AP) +Sports,Mavericks Edge Bulls 94-93 (AP) +Sports,Shevchenko is European footballer of the year +Sports,League memo snubs proposal by players +Sports,Roethlisberger vs. Manning - No comparison +Sci/Tech,Google Announces Search Deal with Seven Libraries (Reuters) +World,Democratic Rep. Bob Matsui Dies at 63 (AP) +World,Chile #39;s Pinochet under house arrest +Sci/Tech,Mars Rovers See Water-Linked Mineral (AP) +World,Navy commander ordered back to UK +Sci/Tech,"Oracle, PeopleSoft Merger Approved" +Sci/Tech,"Sprint, Nextel to Build on Wireless Strength" +Sci/Tech,Geico Corp. Wants to Restrict Google Ads +Sci/Tech,Computer Sciences Sells DynCorp Units +Sci/Tech,Oracle buyout gets mixed reviews from PeopleSoft customers +Sci/Tech,Review: New Microsoft beta good but security still an issue +Sci/Tech,"AMD, IBM develop silicon transistor technology to improve <b>...</b>" +Sports,UNITED HELD +Sports,Davidson: He was maestro on the mound in Boston +Sports,Shaq #39;s 40 help Heat dominate Wizards +World,Man who brought Americans the Yugo now plans on importing Chinese cars to U.S. (Canadian Press) +World,"Explosion Rocks Baghdad, Smoke Near Green Zone" +World,Climate change threatens China food production +Sci/Tech,"Google Partners with Oxford, Harvard Others to Digitize Libraries" +Business,Update 7: Unocal Settles Rights Cases in Myanmar +Sports,Players #39; offer likely to be rejected +Sports,Diamondbacks call Yankees anew on Johnson +Business,Sprint bid to acquire Nextel on tap +Business,The Year Shoppers Left the Mall Behind +World,Israeli Forces Raid Northern Gaza (Reuters) +Sci/Tech,Microsoft Debuts Desktop Search Tool +Sci/Tech,"Sony, Samsung Sign Licensing Agreement" +Sci/Tech,Supreme Court hears file sharing case +Sci/Tech,Apple #39;s iTunes now accepting PayPal +Sports,Chiefs Defeat Titans 49-38 +Sports,Shevchenko European Footballer of the Year +Sports,Owners are likely to vote no +Sports,Weis #39; Irish eyes are smiling as he takes Notre Dame post +Sports,Yankees reportedly seek 3-way deal for Unit +World,Suicide Car Bomber Hits Baghdad Checkpoint Again +World,Pinochet to stand trial for murder +World,Surprise victory for Basescu in Romania +World,Hamas: Israel behind Damascus bombing +World,"Indo-Pak officials begin talks on nuclear CBMs, Sir Creek" +Business,Public to get virtual access to 7 million books +Business,British firms plan to increase hiring +Business,"When a Utility Saves Money, Who Benefits?" +Business,UAL plans non-union pay cuts +Sci/Tech,"Samsung, Sony to share patents" +Sci/Tech,MIT grows beating heart tissue +Sci/Tech,Hewlett-Packard Unveils Low-Priced PC For Chinese Market +Sports,Pedro set to sign with Mets +Sports,"Knicks: From the outside, they #39;re looking in" +Sports,Wake Forest edges Temple +World,Anchoring Turkey in the European family +World,S Asia rivals hold nuclear talks +World,Clinton predicts Arab world #39;s future +World,Ukraine Speaker: Keep Poisoning Out of Campaign (Reuters) +World,Fergie fuming as United blow catch-up chance (AFP) +World,Deputy minister complains about ethics investigation to languages commission (Canadian Press) +Business,"Nikkei Closes Up 1 Pct; Canon, Sony Gain" +Business,Small Business Optimism at 20-Year High +World,Suicide Car Bomber Hits Baghdad Checkpoint Again +World,New blast hits Iraq Green Zone +World,Taiwan's Chen quits party post +Sports,Finley Dumps Bulls +Business,Google to scan books from big libraries +Business,"Unocal to pay villagers, fund improvements to settle rights case" +Sci/Tech,Samsung Develops Thumbnail MMC +Sci/Tech,HP cuts prices for China +Sci/Tech,Yahoo names chief number-cruncher +Sports,Chiefs Down Titans In Exciting Finish +Sports,Shevchenko nets European Footballer of Year award +Sports,Diamondbacks make a splash +World,Baghdad Suicide Bomb Attack Kills at Least 7 +World,Two US Marines killed around Baghdad +Business,United Airlines imposes wage cuts +Business,Oracle acquisition of PeopleSoft leads flurry of deals +Business,Business ; Canada Government Says Won #39;t Let Bombardier Die +Business,"Cardinal Health to cut 4,200 jobs, shut 25 offices in <b>...</b>" +Sci/Tech,Two Internet domain names get preliminary approval +Sports,Chelsea still tops for Coleman +Sports,Weis accepts Notre Dame job +Sports,Overreaction to 'distraction' +Business,Oracle seals PeopleSoft takeover +Business,Verizon gets Vodafone OK for Sprint bid: WSJ +Business,TOMMY TUNES UP +Business,SONY BID COULD #39;VE SAVED DISNEY \$ +Sci/Tech,Sean O #39;Keefe #39;s legacy +Sports,Chiefs beat Titans in offensive display +Sports,Chargers' Brees and Tomlinson Inactive (AP) +World,"Return to Nuclear Talks Tricky, N.Korea Daily Says" +Sports,NBA Wrap: O'Neal Pours in 40 as Heat Subdue Wizards +Business,Vodafone 'OKs Verizon Sprint bid' +Business,"Google to index works at Harvard, other major libraries" +Business,Cash from the past? +Business,Historic building may yet see a new day +Business,Businessman takes fight over Pats tickets online +Business,Fed seen raising key rate 0.25 +Business,"GM, DaimlerChrysler to develop hybrid engines" +Business,3Com buys Texas Web security company +Business,Honeywell to buy Novar in \$1.7b deal +Business,"Oil prices top \$41 as traders weigh production, weather" +Business,Strike threat hits US Airways +Business,Rates mixed on T-bills +Business,MIKE WENDLAND: UM #39;s entire library to be put on Google +Business,"Looking for a rare read? Soon, you #39;ll just Google it" +Business,Fewer employers plan to hire in early 2005 +Sci/Tech,New Internet domains in the works +Sports,NHL: League expected to reject union #39;s offer +Sports,Johnson to Yankees Has a Life of Its Own +World,Suicide attack kills 13 near Baghdad Green Zone +World,US blocks WTO entry talks with Iran +World,Resolution in row between Ahern amp; Paisley +World,Govt wants to slow global warming +Sci/Tech,Sprint's Planned Nextel Deal Builds on Wireless Strength (washingtonpost.com) +Sci/Tech,Software Should Not Be Copyrighted -- Lawsuit (Reuters) +Sci/Tech,NYSE to use custom IBM palm PCs (FT.com) +World,American Diplomatic Drive Comes Up Short (AP) +Sports,Martinez's years in Boston +World,NIH was warned in '02 on AIDS drug for Africa +World,"Pakistan reports no sign of bin Laden, denies CIA bases" +World,Centrist victorious in Romania +World,Ukraine aims to control poison probe +World,Paisley breaks with Dublin on IRA disarmament +World,Warsaw makes rare Hanukkah observance +World,Residents anxious to return +World,Yawer demands help from UN for elections +World,"As Kurds return to oil-rich city, a fragile detente" +World,Iraqi president warns a 'Hitler' could emerge +World,At Least 25 Dead in Indian Train Collision -- TV (Reuters) +Business,Sony and Samsung in patent deal +Business,Hilfiger to Acquire Lagerfeld Trademarks +Business,Producing for the region +Business,Danske Bank Group acquires NIB amp; NB +Sports,Dixon Carries Wizards +Sci/Tech,Samsung Develops Tiny Memory Card +Sports,"Chiefs outlast Titans, 49-38 nfl roundup" +Sports,Team will work on its coordination +Sports,NHL rejects NHLPA offer +Sports,Celtics outlast Clippers +Sports,Two Cavs on AP All-America team +Sports,Two high-profile black coaches for Huskies +World,A second explosion rocks Baghdads Green Zone +World,"Pinochet fit to stand trial, judge rules" +World,Pakistan says India arms complaints quot;disturbing quot; +Sci/Tech,A Species in a Second: Promise of DNA 'Bar Codes' +Sci/Tech,We Love Them. We Hate Them. We Take Them. +Sci/Tech,Can Strep Bring On an Anxiety Disorder? +Sci/Tech,If I Only Had a Voice: A Humble Wish Upon a Drumstick +World,Swedes Burn Candles in Memory of Tsunami Dead +Sci/Tech,Microsoft Enters the Desktop Search Wars +Sci/Tech,Sony and Samsung in patent deal +Sports,Miller claims sixth win in 10 races +Sports,Willingham takes over Huskies +Business,GM and DaimlerChrysler team up on hybrid engine +Business,"To buy banks in Northern Ireland, Republic of Ireland" +Business,Ex-Disney director: Eisner had no choice +World,Chilean Judge Charges Pinochet in Rights Case (Reuters) +Sports,Hughes Leads Wizards Over Hawks +Sci/Tech,"Rovers find water-linked mineral, see frost and clouds on Mars" +Sports,Kennison #39;s late catch carries Chiefs past Titans +Sports,Souness - handed one-match ban (Getty Images) +Sports,Players wary of settling +World,"Egypt Signs Trade Deal With Israel, U.S. (AP)" +World,US Army acknowledges eight deaths in military custody in Afghanistan (AFP) +World,Blast rocks central Baghdad +World,Nine Iraqis die in car bombing +World,Clinton suggests revolutionary vision for peace +World,"Indian Train Crash Kills 25, Over 250 Injured" +World,Strong Quake Hits Northern Japan's Hokkaido +Business,"Nikkei Up 1 Pct, Blue Chips Rally on Data" +Business,Oracle deal puts Microsoft partner in rival #39;s hands +Business,"GM, DaimlerChrysler to develop hybrid engines" +Business,Merger #39;s effect on SpectraSite likely #39;not a major negative #39; +Business,US Airways Flight Attendants Authorize Strike +Sci/Tech,Microsoft debuts desktop search tool +Sports,"Belichick still confident in Weis, offense" +Sports,"Titans get 542 yards, 38 points - and a loss to Chiefs" +Sports,"New York gets Pedro, Pavano" +Sports,"Bryant, Allen have a score to settle" +Sports,Roddick splits with coach Gilbert +Sports,Rising Suns: Phoenix off to best ever start with fifth straight <b>...</b> +World,Pinochet under house arrest in Chile +World,"Pakistan ; India, Pakistan hold talks on nuclear CBMs" +Business,Oil Prices Hold Around \$41 a Barrel +Sci/Tech,Internet boom for gift shopping +Sci/Tech,EA in exclusive NFL games deal +Business,Sony and Samsung to Cross-License Patents +Business,European Shares at New 29-Month Highs +Sci/Tech,Software Should Not Be Copyrighted -- Lawsuit +Sci/Tech,NYSE Traders Go Wireless to Fight Computer Rivals +Business,Oracle finishes deal for PeopleSoft +Business,China to impose textile-export tax +Business,Canada #39;s Bombardier fires chief executive +Business,Honeywell agrees to pay \$1.7 billion for Novar PLC +Business,Danske Bank to Buy Irish Banks for 967 Million Pounds (Update2) +Business,Pearson sells out of Spanish business for 743m +Sci/Tech,Bolden on list to lead NASA +Sci/Tech,MSN unveils search software +Sci/Tech,Ten percent birds disappear by 2100: study +Sci/Tech,Hollywood fights illegal downloads by targeting servers +Sports,Pedro served his purpose here +Sports,WACA expects day one sellout +Sports,Clippers fall in double overtime +Sports,Sun blaze Magic 121-100 +Sports,Jets' Martin No. 4 on NFL Rushing List (AP) +World,Judge declares Pinochet fit to stand trial +World,"Two Marines, one soldier killed in Iraq" +World,Damascus Bomb Misses Hamas Target +Business,Tellier clashed with owners +Business,Unocal strikes deal with Myanmar villagers over alleged slave <b>...</b> +Sci/Tech,LSU hopeful O #39;Keefe praised for turning NASA around +Sports,Chiefs Defeat Titans 49-38 +World,"Seven killed, 13 wounded in Baghdad suicide attack" +Business,Google plans index for five major libraries +World,"Tokyo Stocks Rise, Dollar Lower (AP)" +Sports,New Orleans Bowl +Sports,Return up in the air +Business,"Nib Employs 800 People in the Republic of Ireland, While Northern <b>...</b>" +Sports,Jays give Koskie \$17M over three years +World,15 killed as trains collide in India +World,PM to attend crucial EU summit this week +Business,Dollar Steadies Before Fed Meets +Business,Govt. Seeks to Seize Rigas Systems - WSJ +Business,Danske buys two banks from NAB +Business,Fashioning a new strategy +Business,Oracle victorious in quest for PeopleSoft +Business,"GM, Daimler to cooperate on hybrids" +Business,Dim outlook for new hires +Business,Crime dive lifts Mike #39;s spirits +Business,Report: Delta to Slash Fares +Sci/Tech,MSN forced to offer search software. +Sci/Tech,Firefox Gains Ground +Sci/Tech,Toshiba launches HDD with new recording technology and sets record +Sci/Tech,Grid researchers go commerical +World,Congo Says Its Troops Are Fighting Rwandan Forces (Reuters) +Sports,Kobe upset by Malone #39;s alleged come-on to wife +Sci/Tech,Globus Toolkit Creators Form Grid Software Company (TechWeb) +World,"No sightings of bin Laden, Pakistan says" +World,France Bans Hizbollah Satellite TV as Anti-Jewish +Sci/Tech,Bourses start higher on late Street rally (FT.com) +Sci/Tech,Antarctic Penguin Chicks Face Starvation (AP) +Sports,No plans to trade Ramirez +Sports,Another victory for Miller +Sports,Today's schedule +Sci/Tech,UK customers get your skates on +Sci/Tech,Google to scan famous libraries +Sci/Tech,France shows off tallest bridge +World,UK Court Backs Probe Into Iraqi's Death (Reuters) +Sci/Tech,US space agency chief resigns +World,"Indian Train Crash Kills 25, More Than 250 Injured" +World,UK Court Backs Probe Into Iraqi's Death +World,Seven killed in Baghdad suicide attack +World,Congo Says Its Troops Are Fighting Rwandan Forces +Business,"DaimlerChrysler, GM in ioint hybrid plan" +World,Fischer on Iran: Step by step forward on basis of realism +Business,Transport costs fuel UK inflation +Sci/Tech,Google to scan famous libraries +Sci/Tech,Toshiba unveils 80GB #39;iPod drive #39; +World,Eight More Bodies Found in Mosul (AP) +Sports,Red Bull boost for Coulthard +World,20 Killed in India Train Collision (AP) +World,Captain Ordered Off UK Warship and Sent Home +Sports,Sub Leads Wake Forest to Win Over Temple (AP) +Sci/Tech,Antarctic Penguin Chicks Face Starvation +Business,Airlines Expect \$5 Bln Loss in '04 --IATA +Sci/Tech,Oracle case moot (TheDeal.com) +Sci/Tech,Microsoft releases desktop search beta +Sci/Tech,"NASA chief resigns, cites college costs" +Sci/Tech,10 percent of birds will be extinct by 2100: +Sci/Tech,"Google, 5 big libraries team to offer books" +Sci/Tech,Gamers rush to buy new Sony PSP +Sci/Tech,Spirit claims Mars water prize +Sci/Tech,MPAA to serve lawsuits on BitTorrent servers +Sci/Tech,Go-ahead for new internet names +Sci/Tech,IBM claims virtualisation victory over EMC +Sports,Texas Tops Michigan +World,Decision to Place Pinochet Under House Arrest Suspended +Business,Airlines Expect #36;5 Bln Loss in '04 --IATA (Reuters) +Business,Sluggish holiday sales leave retailers uneasy (USATODAY.com) +World,"Rain, Flooding Hinders Asia's Tsunami Relief" +Business,US Shares Poised to Start Slightly Weaker +World,Israel accused over Syria blast +Business,Dollar Holds Fire Ahead of Fed +Business,Fiat and GM to mull car unit fate +World,Powell Not Interested in Political Office (AP) +Sci/Tech,Microsoft takes on desktop search +Sci/Tech,"Samsung, Sony agree to share patent" +World,Sudan committed to peace in south and pursuing solution to Darfur crisis (AFP) +Sci/Tech,"Google to scan books from UM, other big libraries" +Sci/Tech,Technology ; Sony and Samsung to cross-license patents +Sci/Tech,"Samsung, Sony sign extensive cross-licensing agreement" +Sci/Tech,Toshiba Leads Industry in Bringing Perpendicular Data Recording to <b>...</b> +Sci/Tech,IBM Rounds Out EMC Support +Sports,Shevchenko wins top Euro award +Business,Danske makes 1bn Irish acquisition +World,Proud France Inaugurates World's Highest Bridge (Reuters) +Sci/Tech,Sean O #39;Keefe #39;s Watch +Sci/Tech,Toshiba pushes iPod limits to 80GB with new drive +Sci/Tech,Google to digitize millions of books (SiliconValley.com) +Sci/Tech,"Microsoft, Ask Jeeves unveil desktop search tools (SiliconValley.com)" +Sci/Tech,Oracle Reaches Takeover Deal With PeopleSoft (washingtonpost.com) +Sci/Tech,Oracle victorious in quest for PeopleSoft (USATODAY.com) +World,Caucasus gunmen kill four in raid +Sci/Tech,Kraft Macaroni and Cheese +Sci/Tech,Microsoft takes on desktop search +Sci/Tech,Gamers snap up new Sony PSP +Sci/Tech,Go-ahead for new internet names +Sci/Tech,Europe Uses Grid to Create New Megacomputer +World,Pakistan and India in talks to avert nuclear 'havoc' (AFP) +Sci/Tech,NASA Administrator Steps Down +Sci/Tech,The Year Shoppers Left the Mall Behind +Business,Fed to Boost Rate by a Quarter-Point +Sci/Tech,Memoir Takes Holy War Into Cyberspace +Sci/Tech,Choosing Babies' Sex Gives Birth to Debate +Business,Oracle to Pay \$10.3 Billion to Acquire PeopleSoft +Sports,No. 15 Vanderbilt Beats Troy 78-50 (AP) +Business,Pearson to Sell Stake in Spanish Publisher +Sci/Tech,Google pens agreement with libraries +Sci/Tech,Rovers #39; findings confirm water was on Mars +Sci/Tech,Firefox heats the browser market. +World,"Rain, Flooding Hinders Asia's Tsunami Relief (Reuters)" +Sci/Tech,Linux: Fewer Bugs Than Rivals +Sci/Tech,Lamprey May Offer Paralysis Cure +Sci/Tech,Chess Conspiracy Unconvincing +Sci/Tech,Oil Eaters Slurp Up Spills +Sci/Tech,NASA Chief Resigns +Sci/Tech,A Patch for Broken Hearts +Sci/Tech,Challengers Want Ohio Vote Review +Sports,"James Doesn't Practice, May Play Tomorrow (AP)" +Sci/Tech,Microsoft enters desktop search fray +Sci/Tech,"Sony, Samsung agree to share toys" +Sci/Tech,Toshiba Sets Record With New HDD Recording Technology +Sports,Red Bull target Coulthard +Sports,Wizards Edge Hawks 104-101 (AP) +World,"Egypt signs trade deal with Israel, US amid criticism and <b>...</b>" +World,"Japanese snap up 200,000 PSP video-game consoles in two days (AFP)" +World,Fourteen 'Executed' Bodies Found in Iraq's Mosul +World,China Rounds Up Three Intellectuals in Crackdown +World,"Indian Train Crash Kills 27, More Than 50 Injured" +Business,Update 1: US Dollar Down Slightly Against Euro +Business,Zurich Financial gains on nursing home settlement +Business,US interest rate rise expected +Sci/Tech,MSN joins desktop search fray +Sci/Tech,Global bird populations face dramatic decline in coming decades +Sci/Tech,Google gets pally with Oxford and Harvard +Sci/Tech,Penguin Chicks Face Starvation as Iceberg Blocks Food Route +Business,Stocks Seen Opening Lower; Fed Awaited +Business,Oracle finally has its prize +Business,Oil price in suspense about the impact of OPEC output cuts +Business,Blockbuster to Stop Charging Late Fees +Business,Update 1: Airline Industry Could Break Even in 2005 +World,Afghan Forces Catch Mullah Omar's Security Chief (Reuters) +World,BNP leader detained on racism-linked charge (AFP) +World,Iraq War Crimes Trials to Begin Next Week (AP) +Sci/Tech,"Japanese snap up 200,000 PSP video-game consoles in two days" +Sci/Tech,Google to digitize #39;U #39; libraries +Sci/Tech,Toshiba to make 80GB 1.8-inch drives +Sports,Chiefs top Titans in shootout +World,Egypt raises Suez transit fees by three percent in 2005 (AFP) +World,Jailed Palestinian Leader Drops Out of Race to Replace Arafat +World,DR Congo 'fighting Rwanda troops' +World,Israel coalition talks 'impasse' +World,Madonna 'tops tour takings chart' +Business,Chain Store Sales Rise in the Latest Week (Reuters) +Business,Vodafone Drops on Report It Supports Bid for Sprint (Update3) +Business,Fiat cash from GM for option would be modest-S amp;P +Sci/Tech,Microsoft launches desktop search +Sci/Tech,World #39;s top libraries just a click away +Sci/Tech,Tiny memory card for mobiles launched +Sports,Mateschitz: Coulthard will lead Red Bull. +Sports,FACTBOX-Australia v Pakistan factbox +World,Tallest bridge in world spanning clouds across southern France +World,War Crime Trials Against Saddam to Start Next Week +World,M.T.A. Spent \$15 Million on Officers' Overtime +World,Army Reprimand Reported in Slaying +World,"OAS Reproaches U.S., EU Over Colombia" +Sci/Tech,Google to Digitize Some Library Collections +Business,Danske pays \$1.86B for Irish banks +Business,"Zurich Financial Services, US Settle" +Sci/Tech,Business cost of climate control +Business,"Stocks Seen Lower, Fed Meeting on Tap" +Business,Chain Store Sales Rise in the Latest Week +Business,"Before the Bell: Sprint, Veritas Rise" +Business,"Delta to Slash Fares, Cut Restrictions (Reuters)" +Sci/Tech,Microsoft desktop search tool launched +Sci/Tech,Samsung and Sony sign patent agreement +Sports,Utah Says Goodbye to Meyer With Win (AP) +World,Deadly Anniversary In Iraq +World,Head-on train crash leaves 15 to 20 dead in India: minister +World,Turkeys Parliament Approved Legislation Sought by the EU +World,"Syria, Hamas: Israel tried to assassinate a movement #39;s cadre in <b>...</b>" +World,Former Restaurant Inspector Loses Lawsuit (AP) +World,Survey: Political Parties Seen As Corrupt (AP) +Sci/Tech,Ask Jeeves to Launch Desktop Search +Sci/Tech,Portable playstation a hit in Japan +World,Anniversary marked with fire and blood +World,World #39;s tallest bridge opens in France +World,Saddam officials #39; trials to begin +Sports,"Holt First With Five 1,300-Yard Seasons (AP)" +Business,Trade Deficit Swells to Record \$55B +Business,US trade gap balloons +Business,Egypt and Israel seal trade deal +Business,Vodafone Says It Isn #39;t Discussing Bid for Sprint With Verizon +Business,DALE JEWETT Automotive News +Business,US trade deficit hits another record +Business,Humana buying CarePlus Health Plans +Business,Blockbuster Dumping Late Fees +Business,Pier 1 Shares Up +Business,"Merck to Cut About 5,100 Jobs by Year #39;s End" +Business,Pearson Agrees to Sell Spanish Publisher Recoletos +Business,S amp;P 500 Rises as Veritas Advances on Report; Gains Are Limited +Business,"UPDATE 2-ProQuest buying education company, stock jumps" +Sports,Heat Puts 14-Game Streak to Test (AP) +Sci/Tech,Microsoft Launches Desktop Search +Sci/Tech,Google to Offer Libraries #39; Books to Lure Web Surfers (Update4) +Sci/Tech,Study: 10 of all bird species could be extinct in 100 years +Sci/Tech,Firefox Keeps Slicing Into IE #39;s Share +Sci/Tech,"Samsung, Sony Enter Cross-License Agreement" +Sci/Tech,Report: Hollywood steps up piracy fight +Sci/Tech,Rock-solid signs of early water on Mars +Sci/Tech,Samsung launches tiny memory card for mobiles +Sci/Tech,Heart Patch Pulses Like the Real Thing - Study +Sports,Football: Shevchenko named Footballer of the Year +Sports,Red Bull want to give Coulthard wings +Sports,Old Firm pair hit with suspensions +World,France unveils its motorway in the clouds +World,Iran may negotiate with US over nukes +World,Hizbollah TV stops broadcasting to France +World,Ex-PM #39;erased #39; Madrid blast files +World,SF accuses Paisley of holding gun to Ahern and Blair +Business,Trade Gap Swells More Than Expected (Reuters) +Business,Coffee Prices Perking Up 14 Percent (Reuters) +Business,Verizon: No Imminent Plan for Sprint Bid (Reuters) +Business,"U.S. Stocks Flat, Bonds Fall Ahead of Fed (Reuters)" +Business,U.S. Trade Deficit Swells to Record #36;55.5B (AP) +Business,Pier 1 Shares Up (Reuters) +Business,Fifth rate hike expected from US Fed +Business,A Holiday M A Party +Business,Bristol-Myers' Smart Moves +Business,Verizon: No Imminent Plan for Sprint Bid +Business,US trade deficit hits new record 55.5 billion dollars +Business,Act of desperation +Sci/Tech,Microsoft launches desktop rival to Google +Sci/Tech,Google plans to put millions of books online +Sci/Tech,"Thunderbird, Firefox, and Transitional Applications" +World,Celtic go three points clear in Scotland (AFP) +World,"Fernando Poe Jr. Dies; Filipino Film Star, Presidential Hopeful" +World,"India, Pak officials discuss nuclear CBMs" +World,"Israel, Egypt Sign US-Backed Trade Agreement" +World,Abbas calls for end to armed Palestinian uprising +Business,Trade Deficit Swells to Record \$55B +Sci/Tech,Md. Judge Strikes Down Anti-Spam Law (AP) +World,Report lays part of blame for Concorde crash on Continental Airlines (AFP) +Sci/Tech,AOL Canada makes the leap into VoIP +Sci/Tech,Worldwide PC Market Seen Doubling by 2010 (Reuters) +Sci/Tech,Verizon wins Vodafone backing for Sprint bid - report (AFP) +World,"Insecurity Cuts Off 360,000 of Darfur's Needy-WFP (Reuters)" +Sci/Tech,"Gaudi's Cathedral Gets Help from Dassault, IBM (Reuters)" +World,Conservatives say they'll move to protect traditional definition of marriage (Canadian Press) +Sci/Tech,Media 100 HD video editing system released for Mac (MacCentral) +Sci/Tech,Montenegro MPs Oppose Plan to Flood Tara Gorge (Reuters) +World,Democrat May Be Leading in Wash. Race (AP) +World,Israel responds to massive tunnel blast +Sci/Tech,Proud France Inaugurates World's Highest Bridge (Reuters) +World,Military Will March Front and Center at Inaugural Festivities (Los Angeles Times) +World,High Court Upholds Inmate's Death Penalty (AP) +Sci/Tech,One in 10 avian species #39;extinct by end of century #39; +Sci/Tech,"Mixed Report for Math, Science Grades (AP)" +Sci/Tech,Study Says Dolphins Are Too Thin (AP) +World,Abbas Calls for End of Armed Uprising +World,"At Least 27 Dead, 36 Injured in India Train Crash" +Business,Employers To Ring In New Year With More Jobs +Business,Update 1: Groups: Holiday Shoppers Not in Rush +Sci/Tech,Heart Tissue Is Grown From Rat Cells +Sci/Tech,Toshiba Announces iPod-Ready 80GB Mini Drive +Sci/Tech,Let #39;s Talk About VoIP +World,Kraft Raises Coffee Prices by 14 Percent +Sports,Schilling says he likely won #39;t be ready by Opening Day +Business,U.S. Fed Set to Nudge Interest Rates Up +Business,Merck Cuts More Jobs as Earnings Decline +Business,Price of Maxwell House Coffee Up 14 Pct. +Sci/Tech,BT denies fiddling prices on Advent Calendar sales promo +Business,Colder Weather Keeps Oil Above \$41 +Business,Treasury Prices Lower Before Fed Meeting +Business,"Blockbuster Ends Late Fees, Sees Flat 2005" +Sci/Tech,Sony and Samsung to Cross-License Patents +Sci/Tech,Google -- 21st Century Dewey Decimal System +Sci/Tech,Judge Rejects Maryland Spam Law +Sci/Tech,Microsoft Unveils Software to Find Files +Sci/Tech,Microstrategy President and CFO Resigns +Business,Vodafone not in talks with Verizon about Sprint +Business,Shoppers Getting Into the Holiday Spirit +Sci/Tech,Google under pressure over desktop search +Sci/Tech,PSP Japanese Launch Impressions +Sci/Tech,Samsung Introduces Tiny Flash-Memory Cards +Business,Symantec near \$13bn deal to buy Veritas +Business,Tentative Contract for United Pilots Reached +Sci/Tech,Symantec may buy Veritas for over \$13 billion +Sci/Tech,Edify gets VoiceXML certification +Sci/Tech,"ICANN enters negotiations on .mobi, .jobs domains" +Sci/Tech,"IBM, AMD detail new use of strained silicon" +Sci/Tech,PARC signs multiyear research deal with Fujitsu +Sci/Tech,Report: Symantec May Buy Veritas +Sci/Tech,Toshiba Boosts Hard Drive Capacity +Sci/Tech,Google Works with Libraries to Search Book Collections +Sci/Tech,Microsoft MSN Desktop Search Is Out In Beta +Sci/Tech,News: Gait advances in emerging biometrics +Sci/Tech,News: Tunable surfaces prevent Wi-Fi leaks +Business,How to Pay for College +Business,Merck Cuts More Jobs as Earnings Decline +Sci/Tech,Google Puts Library Collections Online +Sci/Tech,Beware! Sand in This Physics Lab May Eat You Alive +World,Iran says US could join nuclear program talks +Sci/Tech,"Google To Scan, Index Four Great Libraries" +Sci/Tech,FireFox Up 34 +Sci/Tech,Toshiba launches 80 GByte 1.8-inch harddrive +Sports, #39;Madden NFL #39; maker scores exclusive football deal +World,PLO chief urges end to armed intifada +Business,"Blockbuster killing late fees on videos, games" +Business,"Symantec, Veritas Reportedly In Talks" +Sci/Tech,Challenges await next NASA chief +Sports,Hornets Guard Garcia Out for Season +Sports,Cycling champion sues former assistant +World,U.S.: One-Child Abuses Rampant in China (AP) +World,Democrats Say They'll Assume Watchdog Role +Sci/Tech,"Samsung, Sony ink licensing pact" +Sports,Eagles #39; Thomas out 3-to-6 weeks; Owens sore +Sports,Armstrong sues former personal assistant +World,Chirac inaugurates world #39;s tallest bridge in France +Sports,Falcons RB Duckett Sidelined with Knee Injury (Reuters) +Business,Gucci Group Unveils Sales Growth Plan (AP) +Business,Nasdaq planning \$100m-share sale +Business,Hollywood Wants BitTorrent Dead +Business,"Business News for Technology Leaders DaimlerChrysler, GM Team Up <b>...</b>" +Business,"Federal Reserve opens meeting, tipped to raise rates" +Business,"You can keep it late -- but if you keep it too late, you own it" +Business,Humana to Acquire CarePlus Health Plans +Business,ProQuest to buy Voyager Expanded Learning +Sports,Eagles Defensive Tackle Thomas Injured (AP) +Sports,Barkley Visits With Justice Thomas (AP) +Sci/Tech,Firefox Grows Browser Share 34 Percent in One Month +Sci/Tech,Toshiba #39;s iPod-Class Drive To Hit 80 GB In 2005 +World,Arrests of writers raise fears of crackdown against dissident <b>...</b> +Business,Blockbuster move: biggest video and game renter eliminating late <b>...</b> +Business,"Merck looks to cut jobs, trim spending" +Business,"Fiat, GM struggle to settle row over Fiat Auto sale option" +Sci/Tech,Seattle Post-Intelligencer +Sci/Tech,Stanford and Google to Make Library Books Available Online +Sci/Tech,Hollywood Wants BitTorrent Dead +Sci/Tech,"Samsung, Sony cross-license their patents" +Sci/Tech,Yahoo announces mobile deal with Nextel +Sports,Golden Ball for Shevchenko +Sports,Gordon Strachan touted as Portsmouth manager +World,"Egypt, Israel Ink Trade Deal with US" +World,Trains collide in India: 38 killed +Sports,Anti-Terror Chief Encourages Fans (AP) +Sci/Tech,Googling Libraries +Business,Justice Dept. Seeks #36;2.5 Bln from Rigas (Reuters) +Sci/Tech,Google to scan books from big libraries +Sci/Tech,Next step for iPod: 80GB? +Sci/Tech,Samsung Debuts Thumbnail Mobile Phone Memory Card +Business,Green reports shun supply chain +Business,General Mills' Latest Trix +Business,RedEnvelope's Early Gift +Business,Revenge of the Nerds +Business,Holiday Shopping Season: Retailers Have One Last Chance To Get It Right (NewsFactor) +Sci/Tech,Source: Hollywood to Sue Server Operators +Sports,Soccer: The season to forget teams and reward stars +World,Olmert: Egyptian QIZ agreement will weather political storms +World,Top Sunni Party Among 79 Blocs to Contest Iraq Poll (Reuters) +World,US raises interest rates to 2.25 +World,Fed Raises Interest Rates for 5th Time This Year +Business,Blockbuster to eliminate late fees +Sci/Tech,Desktop Search Is the New Search Engine Battlefield +Sports,Mateschitz wants Coulthard +Sports,Marshall Linebacker Wilson Suspended (AP) +Sci/Tech,Oracle-PeopleSoft Buyout May Push Middleware Vendors Into A Corner +Business,Fed Raises US Rates for Fifth Time This Year +Business,World Airline Losses Near \$5 Billion in 2004 +Sci/Tech,Brin: Google Turns Libraries Into Latest Weapon Vs. Search Rivals +Sci/Tech,"MPAA targets core BitTorrent, eDonkey users" +Sci/Tech,Zafi Worm Hides Behind Christmas Cheer +Sports,Falcons RB Duckett Sidelined with Knee Injury +World,Afghan Forces Catch Mullah Omar's Security Chief +World,Abbas Calls on Palestinians to Drop Armed Struggle +Sports,Miller Grows Up to Become the Hero Skiing Needs +World,"Gunmen Kill 4, Seize Weapons in Russia's Caucasus" +World,"Mercosur Leaders Meet, Assess Trade Bloc" +Business,"Trade Gap Widens, White House Blames Oil" +Business,Maxwell House Price Perks Up 14 Percent +Business,Verizon: No Imminent Plan for Sprint Bid +Business,Stocks Rise After Fed Hikes Rates +Business,Dollar Trims Gains After Fed Hikes Rates +Business,Veritas Rises on Symantec Merger Report +Sci/Tech,Microsoft launches desktop search tool +Sci/Tech,Hollywood Steps Up Fight Against Online Piracy +World,Cuts in Carbon Dioxide Emissions Urged +Business,"Stocks Rise, Dollar Slips After Fed Move" +Business,Verizon Unlikely to Bid Now for Sprint +Business,Trade Gap Widens to Record \$55.5 Billion +Business,GE Sees 2005 EPS Growth of 10-15 Percent +Business,BlackBerry Maker's Patent Suit Upheld +Business,Verizon Considering Bid For Sprint +Business,Appeals court: RIM violated patents +Business,Veritas Shares Jump on Report of Talks With Symantec (Update5) +Sci/Tech,MPAA taking aim at server operators in war on piracy +Sci/Tech,Fujifilm FinePix F450 Attracts Praise from Outside Camera Circle +World,"US has no contact with Hamas, spokesman says" +World,London court backs probe into Iraqi civilian death +World,P.E.I. nudist resort gets nod to add campground in Green Gables country (Canadian Press) +World,AP: Air Pollution a Top Priority for Bush (AP) +World,Ex-Nazi's Fate Uncertain After Ruling (AP) +Business,BlackBerry Maker #39;s Patent Suit Upheld +Business,Stocks End Higher After Fed Rate Hike +Business,RIM Patent Suit Partly Upheld +Business,CORRECTED: Veritas Capital to Buy DynCorp Units +Business,US Fed boosts key interest rate to 2.25 percent +Business,"Sprint-Nextel Deal Could Impact Kirkland, Wash.-Based Nextel <b>...</b>" +Sci/Tech,Zafi worm purports to be Christmas greeting +World,Saudi Beheaded for Shooting Countryman (AP) +World,"Mashal to BBC: US, EU in touch with Hamas" +World,Alberta says no to public inquiry into Calgary voting scandal (Canadian Press) +Sports,Diamondbacks Sign Shortstop Clayton +Sports,Blue Jays Sign Third Baseman Koskie +World,Abbas Calls on Palestinians to Drop Armed Struggle +Business,GE Sees 2005 EPS Growth of 10-15 Percent +Sci/Tech,Googles library project makes books available online +Sci/Tech,Sony and Samsung to share basic technology patents +Business,Bonds Stroll Higher as Fed Stays Measured +Sci/Tech,Female Suicide Bombers: Dying to Kill +Business,Blockbuster Cancels Late Fees +Business,Merck plans further cost cuts +Sci/Tech,Google plans giant online library stack +Sci/Tech,MSN vs. Apple #39;Spotlight #39; +Sports,Bills Place Euhus on Injured Reserve (AP) +World,World's Tallest Bridge Inaugurated (AP) +Sports,Hawks Waive McCoy; Activate Ivey (Reuters) +World,Iran May Negotiate With U.S. Over Nukes (AP) +World,Syria: Bomb shows Israel does not want peace +Business,Cognos launches financial consolidation applications +Sports,Hawks Waive McCoy; Activate Ivey +Sci/Tech,"Group seeks calendar, scheduling app interoperability" +Sci/Tech,Toshiba to use perpendicular recording in new drives +Sci/Tech,"Gaudi's cathedral gets help from Dassault, IBM" +Sci/Tech,Zafi worm variant hides behind Christmas cheer +Sci/Tech,Report: Symantec eyes \$13B Veritas acquisition +Sci/Tech,Oracle faces daunting challenges integrating PeopleSoft +Sci/Tech,Europe uses grid to create new megacomputer +Sci/Tech,"ICANN enters negotiations on .mobi, .jobs domains" +Sci/Tech,Ask a Premier 100 IT Leader: Shelley McIntyre +Sci/Tech,"Court lifts RIM injunction, but finds infringement" +Sci/Tech,Oracle user group to welcome PeopleSoft users +Sci/Tech,Microsoft testing new e-mail subscription service +Sci/Tech,Ask Jeeves to unveil desktop search tool +Sci/Tech,Zafi variant hides behind Christmas cheer +Sci/Tech,Cisco branches out with WAF services +Sci/Tech,Zafi Worm Hides Behind Christmas Cheer +Sci/Tech,Ask Jeeves Previews Desktop Search Tool +Business,US trade gap widens further in October +Sci/Tech,Toshiba to use perpendicular recording in new drives +Sci/Tech,Intel Still Straining +Sci/Tech,ICANN Gives the Nod to Two New Domains +Sci/Tech,Grid Pioneers To Launch Company +Sci/Tech,"Microsoft, Fujifilm team on digital prints" +World,Iraqi PM says trials of Saddam #39;s top lieutenants to begin next <b>...</b> +Sports,Vikings' Tice on Bubble After Latest Loss (AP) +World,"IRAQ: 2nd Car Bomb in 2 Days Kills 7, Elections in Jeopardy" +World,"Philippine movie legend who ran for President, dies" +World,Pinochet stalls arrest with request to drop charges +Business,Fed Raises Interest Rate to 2.25 Percent +Business,"Trade Gap Widens, Industrial Output Up" +Business,Verizon Unlikely to Bid Now for Sprint +Business,Court Rules RIM Infringed on NTP Patent +Business,Report: Symantec in talks to acquire Veritas Software +Sports,Akron Odd Team Out As Bowl Season Begins (AP) +Sci/Tech,Companies step up monitoring of internal networks (USATODAY.com) +Sci/Tech,Google borrows books from leading libraries +Sci/Tech,New Internet worm disguised e-Christmas card +Sci/Tech,Microsoft patches spell happy holidays +Sci/Tech,Study: Linux the Safest Out There +Sci/Tech,"Google, Others Strive to Enrich Web with Books (Reuters)" +Sports,Senor Moment? +Sports,Compiled by Page 3 +Sports,Blue Jays sign third baseman Koskie +Sports,Farrior gets Steelers #39; vote as top defensive player +Sports,Roda will not extend Vloet +Sports,Case of Fumbles Afflicts Giants' Barber (AP) +Sci/Tech,"Desktop Search Tool Ups the Ante, Says Microsoft (NewsFactor)" +Sci/Tech,Nokia's Back on Top (The Motley Fool) +World,Iraq War Crime Trials Could Begin Next Week +World,Iraq War Crimes Trials to Begin Next Week +World,Turkey Movie Theater Fire Injures Dozens +World,Indian train crash kills 35 +World,France Unveils World #39;s Tallest Bridge +Sci/Tech,Study: Linux Is Still Cheaper Than Windows (PC World) +Sci/Tech,Report: Symantec in Talks With Veritas (AP) +Sports,NCAA Grants Waiver to Oklahoma's Dvoracek (AP) +Sci/Tech,Studios Step Up Fight Against Online Piracy (washingtonpost.com) +Sci/Tech,Climate Change Impact? Look in Your Backyard (Reuters) +World,Christians Aiming to Boost Religion (AP) +Sci/Tech,Rich Need to Do More on Environment -World Bank (Reuters) +World,Bush Detractors Plan Quiet Rejection (AP) +World,Inauguration Gives GOP Fund-Raising Chance (AP) +Sci/Tech,"What Next for NASA? O'Keefe Leaves in Good Stead, But Agency Remains Troubled (SPACE.com)" +Sci/Tech,Cuts in Carbon Dioxide Emissions Urged (AP) +Sci/Tech,Lunar Ice: 'Cold Traps' Eyed for Exploration (SPACE.com) +Sci/Tech,Scientists Warn of Global Warming Results (AP) +World,New bridge raises French pride higher than Eiffel +World,Love and money reshape family in China +World,Why Brazil is reluctant to air its 'dirty' past +World,U.S. Cuts Risky Ground Convoys in Iraq by Expanding Airlifts +Sci/Tech,NYSE Traders Go Wireless with Help of IBM +Sci/Tech,"Google, Others Strive to Enrich Web with Books" +Sci/Tech,RIM Patent Suit Partly Upheld +Sci/Tech,"Gaudi's Cathedral Gets Help from Dassault, IBM" +Sci/Tech,Studios Step Up Fight Against Online Piracy +Sci/Tech,Court Finds RIM Violated Patent; Case Continues +Sci/Tech,Europe's heatwaves 'soon routine' +World,LuaLua spoils Liverpool's Christmas cheer (AFP) +World,"UN Envoy Says 10,000 Peacekeepers Needed for Sudan" +Business,Verizon to enter wireless consolidation fray? +Business,"Court Upholds RIM Patent Infringement, Sends Case Back for Further <b>...</b>" +Business,NO MORE LATE FEES! +Business,"United, Pilots Reach Tentative Contract Deal" +Sci/Tech,Hollywood to sue P2P servers +Sci/Tech,Researchers Find Fewer Bugs In Linux +Sports,Last-gasp LuaLua denies Reds +Sports,Angulo #39;s lenghty ban +Sports,Simeone loaned to Racing Club +Sports,Cleveland signs infielder Hernandez for 1-year +Sports,HERM TIPS HIS CAP TO FARRIOR +World,"Fire in movie theatre, 130 injured" +World,25 dead in India rail accident +World,PLO chief calls again for end to armed intifada +World,Hamas claims EU and US in contact with group +Sci/Tech,Job Search Service Finds Careers for Bloggers +Sci/Tech,"News: Source: Hollywood to sue server operators behind BitTorrent, eDonkey" +Sci/Tech,"Infocus: WEP:Dead Again, Part 1" +Business,Verizon #39;s Sprint Bid Faces Hurdles +Business,Survey: Employers looking to hire in 2005 +Sci/Tech,Movie industry sues more than 100 people for helping with online <b>...</b> +Sci/Tech,Nextel To Offer Yahoo Services On Handsets +Sci/Tech,Affordable Gifts +Sports,Bears Place Tucker on Injured Reserve (AP) +Sports,Dudek #39;s last minute mistake costs Liverpool +World,French president inaugurates world #39;s tallest bridge +World,"In Chile, pace of justice quickens" +World,14 executed bodies found in Mosul +Business,Can the European Stability Pact survive? +Business,RIM Patent Suit Partly Upheld +Sci/Tech,Google to put books from great libraries on internet +Sci/Tech,Hollywood steps up battles to squash web piracy +Sports,SuperSonics Activate Kutluay (AP) +Sports,Reds make a move: Prospect for veteran Ortiz +World,Allawi accused of rushing trials for Saddam #39;s aides +World,World #39;s tallest bridge will let drivers fly to the Med +Business,Report: Symantec in Talks With Veritas +Sci/Tech,Time Warner Raising Broadband Speeds (AP) +Sci/Tech,Google Bets Big on Bringing Libraries to Web +Sci/Tech,A Quarter of Bird Species in Danger of Extinction +Sci/Tech,"Samsung, Sony Sign Sweeping Patent Deal" +Sci/Tech,Worm alert rises +Sci/Tech,"ICANN Clears Way for Mobile, Job Domain Extensions" +Sci/Tech,"Microsoft Patches WINS Vulnerability, Plugs Three Holes In SP2" +Sci/Tech,Banks Warned Against On-Line Fraud Dangers (Reuters) +Sports,"Angels agree to deal with Byrd, trade Ramon Ortiz to Reds" +Sports,World Cup remains Ukrainian star striker Shevchenko #39;s ambition +Sports,"Indians, Hernandez finalize 1-year deal" +Sports,Bears place Tucker on injured reserve +World,Iraq War Crimes Trials to Begin Next Week +World,UK far-right party leader arrested on charge of inciting racial +World,Iraqi wins court battle over death in British jail +World,U.N. Troops Fight Way Into Gang-Held Haitian Slum +World,Bush honours controversial trio +World,Blunkett denies fresh visa claims +Sports,"After His Star Turn, Martnez Exits Stage Left" +Sports,Chiefs Overtake Titans in Wild Finish +Sports,Jets Try to Keep Faith and Control Their Fate +Business,RIM Patent Suit Partly Upheld +Business,"Blockbuster Ends Late Fees, Sees Flat '05" +Business,"Verizon unlikely to bid now for Sprint, sources say" +Business,Manpower survey: Moderate hiring early next year +Business,Update 6: Cold Weather Raises Oil Prices 2 Percent +Business,Martin Says Canada Certainly #39; Would Fund New Bombardier Plane +Business,Bill Gates elected to Berkshire Hathaway board +Business,Nortel posts loss of 6 cents per share +Business,Icahn Supports Blockbuster-Hollywood Deal +Business,United reaches tentative deal with pilots +Business,Repco Buys Alesco #39;s Auto Business for A\$89.5 Million (Update2) +Sci/Tech,Top libraries to go online in deal with Google +Sci/Tech,Ask Jeeves Jumps Into Desktop Search +Sci/Tech,Hollywood to sue net film pirates +Sci/Tech,Firefox Burning Up Internet Explorer Market Share +Sci/Tech,Internet worm disguises itself as e-Christmas card +Sci/Tech,Yahoo! Goes Mobile on Nextel +Sci/Tech,ATR Urges #39;Buy #39; of Apple; Targets \$78 Price +Sci/Tech,IDC: mobile phone market growth to slow down in 2005 +Sci/Tech,IBM amp; AMD Team Up on Strained Silicon +Sports,Benitez Wont Blame Dudek +Sports,"Tennis: After mixed year, Roddick drops his coach" +Sports,Ice Hockey: Talks fail to breach NHL labor deadlock +Sports,Former Kan. Junior College Coach Indicted +Sports,Right-hander was key part of 2002 World Series win +Sports,Bears #39; Tucker done for the season +Sports,MLBPA files grievance for Neagle +Sports,Chiefs win shootout with Titans +World,War crime trials will start next week +World,Abbas calls for end to violence +Business,Vodafone Denies Reports of Sprint Takeover Talks +Business,"Blockbuster Ends Late Fees, Sees Flat #39;05" +Sci/Tech,Google to put library books online +Sports,LuaLua stifles Anfield cheers +Sports,Bettman rejects proposal; counteroffer turned down +World,France and Germany escape EU deficit doghouse +Sci/Tech,Apple Supplier Toshiba Builds 80 GB #39;Perpendicular #39; Drive +Sports,Gilbert returns serve +Sports,"NHL Rejects Union Plan, Talks End Without Contract (Update2)" +World,Dozens injured in Turkish cinema fire +World,The symbol of unity and peace made from the earth of Israel +Business,"Blockbuster Ends Late Fees, Sees Flat '05 (Reuters)" +Sports,"NHL, Players' Union Reject New Proposals (AP)" +Sci/Tech,Server operators sued in bid to stymie online file-sharing +Sci/Tech,"Sony, Samsung bolster alliance, agree to share 24,000 patents" +Sports,Wells Finalizes 2-Year Deal With Red Sox (AP) +Sports,Report: Roddick replaces Gilbert with Goldfine +Sports,"Angels Agree to Byrd Deal, Trade Ortiz" +Sports,Browns Place Faine on Injured Reserve (AP) +World,Afghanistan: Where the enemy is a flower +Sports,Grizzlies' Burks Breaks Right Pinkie (AP) +Sports,Former Kan. Junior College Coach Indicted (AP) +World,EU Moving Close to Deal on Turkey Talks (Reuters) +World,Cuba Protests U.S. Christmas Lights with a Message +Business,Oracle says PeopleSoft merger ready to roll by January +Sports,49ers Place Plummer on Injured Reserve (AP) +Sci/Tech,"Choice rich, time poor" +Sports,McKenzie: I #39;ve got a news flash for both sides +Sports,Martin defends record in year-end interviews +World,MPs demand wider investigation +World,EU Moving Close to Deal on Turkey Talks +Business,"PeopleSoft customers, employees weigh deal" +Business,Airlines headed for \$US5b loss this year +Business,RIM Can Still Win +Sci/Tech,Check out the world #39;s leading libraries on Google +Sci/Tech,MSN Desktop Search is quite capable +Sports,Wells finalizes deal while Red Sox ponder rotation +World,Top Saddam aides to go on trial from next week +World,Blair to lead talks on Turkey #39;s EU entry +World,TCS COP 10 Coverage: Climate Confusion +Business,Blockbuster Eliminates Late Fees +Business,"Nortel loses about \$250 million US in third quarter, half due to <b>...</b>" +Business,Lewis Tapped to Become Chairman of BofA +Business,Chartered Semi Lowers 4Q Outlook +Sci/Tech,Yahoo! wraps up carrier deals with Nextel account +Sci/Tech,Ask Matt +Sci/Tech,Report: Transition to 3G Wireless Networks Could Be Bumpy +Sports,Jockey Club drops Fallon inquiry +Sports,D'backs to Continue Johnson Trade Efforts (AP) +World,Continental Top Execs Face Concorde Probe (AP) +World,Japanese Manufacturers Less Upbeat in Dec. (AP) +Business,Danes win auction for Irish banks +Business,"Merck To Increase Job Cuts, Further Reduce Spending" +Business,Attendants vote to authorize strike +Sports,"Players, Owners Reject Plans to End NHL Lockout" +Sports,Spaniard banned from Europe +World,Egypt and Israel sign US-brokered trade agreement +Business,Gates: Buffett #39;s Pal Bill Elected To Berkshire #39;s Board +Business,Las Vegas Sands Prices Its IPO at \$29 +Business,Flight attendants rally at White House +Business,Nortel Has Third-Quarter Loss of 6 Cents on Costs (Update2) +Sci/Tech,Oracle President To Meet With PeopleSoft Execs Wednesday +Sci/Tech,Microsoft Issues Five Bulletins on Windows Flaws +Sports,Martinez says he #39;s heading to Mets +Sports,Union files grievance over Rockies #39; termination of Neagle +World,"Members of Saddam #39;s regime to face trial next week, Allawi says" +World,"End attacks on Israel, says Abbas" +World,US denies contacts with Hamas +World,"Lead, arsenic in imported herbal remedies - U.S. study (Reuters)" +World,3 People Seduced by the Bloody Allure of the Ring +Business,No more late fees at Blockbuster in 2005 +Sports,Shapiro: We Still Want Clement +Sports,"Players, Owners Resume Talks on Steroids (AP)" +Sports,Browns' Faine Placed on IR +Business,Vodafone shares hit by fear of pressure to fund US bid +Business,Viva Las Vegas Sands IPO +Business,Nortel Has Third-Quarter Loss of 6 Cents on Costs (Update3) +Sports,"No. 1 LSU Beats No. 13 Minnesota, 75-67 (AP)" +Sci/Tech,"Oracle, PeopleSoft #39;Already Talking #39; on Transition" +Sci/Tech,Linux: Fewer Bugs Than Rivals +World,Mother in photos survived tsunami +Sports,FA to run word Cech +Sports,Valencia midfielder Angulo banned seven matches +World,China will upgrade weapons technology if EU lifts arms embargo (AFP) +World,Concorde crash #39;due to US firm #39; +World,Australia Minister Doesn't Want IAEA Post (AP) +World,N.Korea: Japan Sanctions Would Be War Declaration +Business,Fed Panel Lifts Rates and Says More Increases Are Probable +Business,US Central Bank Boosts Interest Rates Again +Business,Airlines #39;end 2004 \$5bn in red #39; +Business,Jobs Survey Mixed Bag +Sci/Tech,Google plans to bring libraries online +Sci/Tech,Microsoft Enters Desktop Search with MSN Toolbar Suite +Sci/Tech,MPAA targets BitTorrent +Sports,"Hopes Dim As Players, Owners Reject Plans to End Lockout" +Sports,Red Sox wish Pedro well +World,French Report on Concorde Crash Blames Debris and Structural Flaw +World,Family wins inquiry into killing of prisoner son +Sci/Tech,Comet mission set for 2005 launch +Sci/Tech,Sharks respond to magnetic lines +Business,G.M.-Fiat Talks Fail to Resolve Rift Over Partnership Agreement +Business,Not Everybody Loves Raymond +Sci/Tech,"Nortel reports loss in Q3, sees pickup in Q4" +Sci/Tech,Microsoft issues five bulletins on Windows flaws +Sci/Tech,Sun refreshes development tools line +Sci/Tech,Intellisync to give push e-mail capability for low-cost phones +Sci/Tech,Ask Jeeves to boost search site with portal features +Sci/Tech,Microsoft Issues Five Bulletins on Windows Flaws +Sci/Tech,First Look: Service Speeds Wireless Info Gathering +Business,"For Sprint and Nextel, the Struggle Is Ahead" +Business,German Carmakers Catch Hybrid Fever +Business,German recycling violates EU law +Business,Court Upholds Patent Ruling Against Maker of BlackBerry +Business,Blockbuster to scrap late fees +Business,Pearson sells 743m stake in Spanish media group +Business,Not Everybody Loves Raymond +Sports,"Bobcats Edge Hornets, 94-93 (Overtime) (AP)" +World,"Mexico 'Dirty War' Tale Ends Happily, Victim Found" +Sports,"Knicks Defeat Nets, 87-79 (AP)" +Sci/Tech,Google to scan universities #39; library books +Sports,NHL labour talks hit roadblock after sides reject each other #39;s <b>...</b> +Sports,Martnez #39;s Being a Met Rests on a Physical Exam +Sports,"Good News (Wells), Bad News (Schilling)" +Sports,"76ers 110, Nuggets 102" +World,Stocks Open Higher in Tokyo on Key Survey (AP) +World,Saddam officials to be put on trial next week +World,Taliban suspects arrested +World,Fire Breaks Out in Turkish Movie Theater +World,Australia boosts anti-terror defences with new maritime security zone (AFP) +Sports,Philippoussis Given Wildcard for Sydney International +Sports,Martnez's Being a Met Rests on a Physical Exam +Sports,"Good News (Wells), Bad News (Schilling)" +Sports,"For the Red Sox, Loyalty Is a Dish Not Served at All" +Sports,"Martnez Leaves Fans Betwixt, Between" +Sports,Goalie Battles Toughest Foe +World,Added Cargo Flights to Cut Down on Risky Truck Convoys +World,Eskimos Seek to Recast Global Warming as a Rights Issue +World,Wrenching Tale by an Afghan Immigrant Strikes a Chord +Sci/Tech,Software Sector Finally Enters a Merger Phase +Sci/Tech,Court Upholds Patent Ruling Against Maker of BlackBerry +Business,Flawed Device Places F.D.A. Under Scrutiny +Business,"October Trade Gap a Record, Up 9 in Month" +Business,France and Germany Get Deficit Reprieve +Sports,McLeish says Novo ban is a tit-for-tat action +Sports,Browns continue to pluck Ravens +World,31 dead in passenger train collision in India +Sports,"No. 13 Louisville Tops N.C. A T, 85-51 (AP)" +Business,Tokyo Stocks Edge Up +Business,Bombardier sacks its chief executive +Business,GM-Fiat Talks Fail to Resolve Rift Over Partnership Agreement +Business,North California Grocery Union Sets Talks Deadline +Sci/Tech,One in Four Bird Species May Die Out This Century +Sports,FISCHLER: Cost-certainty is still the crux of this NHL malaise +World,Israel offers early troop withdrawal +Sports,Council Continues Debate +Sports,Living the High Life +Sports,Murky Future for Tice +Sports,Rebels Target Erickson +Business,United Airlines nears deal on more cost cuts +Sci/Tech,Pig Emissions Part of Global Warming (AP) +Sci/Tech,Comet mission set for 2005 launch +Sports,Szczerbiak Scores 28 Points; Wolves Beat Blazers +World,At Least Five Dead in Another India Train Accident +World,Turkish captain foils EU #39;s would-be defenders +World,F. Poe dies from effects of stroke +Sports,The Knicks Make It Seem Like Old Times +Business,Tokyo Stocks Edge Up (Reuters) +Business,Merger Puts Nextel at Crossroads +World,U.N. Troops Fight Way Into Gang-Held Haitian Slum (Reuters) +Sports,"Timberwolves 100, Trail Blazers 89" +Sports,"Bobcats 94 Hornets 93, overtime" +Sports,Pacers Top Hawks 108-97 in OT (AP) +World,At Least Five Dead in Another India Train Accident +Business,US rate now 2 to choke inflation +World,Wolfensohn May Step Down From World Bank (AP) +World,"Powell, Gov. Bush Prepare for Asia Trip (AP)" +World,CBM talks focus on notification of tests: Up gradation of hotlines <b>...</b> +World,Blast in Kandahar Wounds at Least Three Afghans (Reuters) +Sci/Tech,Hollywood Sues Computer Server Operators (AP) +Sci/Tech,Google Move Could Commercialize Libraries (AP) +Business,Fed Raises Benchmark A 5th Time +Business,Airlines #39; losses expected to hit \$4.8bn +Business,Transport costs lift UK inflation to 1.5 +Sports,Washington Passes Amended Ballpark Bill (AP) +Sci/Tech,Google to Scan Books From Big Libraries (AP) +World,Ont. set to increase minimum wage for second time in as many years (Canadian Press) +World,China Restrained in Response to Taiwan Poll (Reuters) +Sci/Tech,Google to add searches on printed books +Sci/Tech,Firefox ad readied as market share increases +Sci/Tech,Video Games Go Hollywood at Live Awards Show (Reuters) +Sci/Tech,Verizon Backs Off From Possible Sprint Bid (AP) +Sports,Roddick fires coach Gilbert +Sports,Pacers Top Hawks 108-97 in OT +World,Egypt and Israel in landmark trade deal +World,Pakistan and India hold talks to avert nuclear catastrophe +Sci/Tech,Microsoft Issues Five Bulletins on Windows Flaws (PC World) +Sci/Tech,American Indians Set to Manage U.S. Bison Refuge (Reuters) +World,Voter Turnout in Colo. a Record 87 Percent (AP) +Sci/Tech,"Students Show Mixed Science, Math Scores (AP)" +World,Blast in Kandahar Wounds at Least Three Afghans +Sci/Tech,Calif. Seeks to Create More Solar Homes (AP) +Sci/Tech,Group Releases Mouse Brain Genome Data (AP) +Sports,Ballpark Deal in Doubt +Sports,Practice Rink Plans Set +Sports,BU Bests Michigan +World,Head of the Chiefs Plays Second Fiddle +World,Colombia Rebels May Explore Peace Talks +Sci/Tech,Google Bets Big on Bringing Libraries to Web +Sci/Tech,Video Games Go Hollywood at Live Awards Show +Sci/Tech,RIM Patent Suit Partly Upheld +World,China Plans Big Production of Small Satellites (Reuters) +Business,Oil Prices Climb Above \$42 a Barrel +Business,Fuel Didn #39;t Fire Up Rate Hikes +Business,Oil Rises Nearly 2 Percent on Colder US Weather +Business,Merck Looks Ahead Despite Vioxx Suits +Business,Buffett #39;s Berkshire Names Microsoft #39;s Gates to Board (Update2) +Business,Blockbuster to drop late fees +Business,Irish disposals worth 967m to struggling NAB +Sci/Tech,Hollywood sues computer server operators in major anti-piracy move +Sci/Tech,RealNetworks says Apple blocks its music +Sci/Tech,Sharks respond to magnetic fields +Sci/Tech,Go-ahead for new internet names +Sci/Tech,Dione and Titan: Zooming Into View +Sci/Tech,IDC: mobile phone market growth to slow down in 2005 +Sports,Being Dragan slayer would be an Auxsome return for me +Sports,Ballon d #39;Or - Le palmars des dix dernires annes +Sports,Red Bull hoping they can give Coulthard wins +Sports,Pedro set to join Mets today +Sports,"No. 7 Duke 88, Illinois-Chicago 55" +Sports,Top-25 College Basketball +World,Poe death prompts Arroyo attack +World,N. Korea threat over sanctions +World,Cuban President Fidel Castro Honors Hugo Chavez +Business,Settlements Seen in U.S. Inquiries Into Time Warner +Business,"For Sprint and Nextel, a Battle With Titans" +Business,Many companies say they will hire in 2005 +Business,PeopleSoft Board Rejects Oracle #39;s Takeover Bid Despite <b>...</b> +Business,New Rules for Auditors Proposed +Sci/Tech,Google can now take you inside seven great libraries +Sci/Tech,"Site: SLC-17B, Cape Canaveral, Florida" +Sports,Entire Season Could Be Lost After Latest Stalemate +Sports,Big Swing and a Miss for DC Baseball Efforts +Sports,"Angels, Byrd Agree to 1-Year Deal" +Sports,UNDATED: the Hawks. +Business,Oil Prices Climb Above #36;42 a Barrel (Reuters) +Business,Crude futures rise on colder weather +Business,Sony and Samsung to Cross-License Patents +Sci/Tech,Satellite System Puts Doctors in Ambulance (AP) +World,Greek Bus With 27 People on Board Hijacked (AP) +Sci/Tech,Guest editorial: Google changes the world +Sci/Tech,Magnetic sharks add bite to compass theory +World,Four Police Dead in Peru Shootout; Rebel Defiant +Sports,SuperSonics Top Lakers 108-93 (AP) +Sports,Shevchenko eases Ukraine pain +World,Jamaica's Police Commissioner Resigns (AP) +World,50 dead as trains collide in India +World,Greek passengers in armed hijack +World,Philippines mourn downfallen movie star and former president <b>...</b> +World,Arafat heir calls time on armed struggle +Sci/Tech,"Now, read books on Google!" +Sci/Tech, #39;Magnetic #39; sharks add bite to compass theory +Sci/Tech,Mexican Lawmakers Approve Controversial GM Law (Reuters) +World,Greek passengers in armed hijack +Business,Stronger hiring seen +Sports,Roethlisberger Benched for Season Finale (AP) +Sports,Expos #39; move to Washington could be in jeopardy +Sports,Prem Preview : Fulham-Man United +Sports,"Blue Devils Douse Flames, 88-55" +World,Concorde: judges call in US airline +World,Greek Police Surround Hijacked Bus Near Athens +World,North Korea says Japanese sanctions would be declaration of war <b>...</b> +World,Assam on high alert after serial blasts (Reuters) +Sci/Tech,"Cisco sells file-sharing, backup appliance" +Sci/Tech,Microsoft issues five bulletins on Windows flaws +Sci/Tech,State of the Search Marketing Industry 2004 +Sports,"New ballpark for Nationals approved, but with a hitch" +Sports,S. Mississippi Tops North Texas 31-10 (AP) +World,31 die as trains collide in India +World,"Gunmen hijack Athens bus, hold passengers" +Sports,Broken Wrist Sidelines Ravens' Ray Lewis +Sports,Report: Majerus to USC +Business,Samsung Electronics Agrees With Sony To Share Most Patent <b>...</b> +Sports,"Redskins Lead, 7-0" +Sci/Tech,"Oxford, Harvard... libraries online on Google:" +Sci/Tech,Hollywood sues BitTorrent web site owners +Sports,NBA Game Summary - Golden State at Dallas +Sports,"SuperSonics 108, Lakers 93" +Business,Blockbuster sacrifices late fees to lure renters +Sci/Tech,Google Strikes Deals for Library Content +Sports,SuperSonics 108 Lakers 93 +World,Gunmen seize bus in Athens +Sports,Southern Miss. Beats N. Texas in New Orleans Bowl +World,Iraq to Try Saddam Aides in Election Run-Up +World,"Brazil Laundering Probe Stings Bankers, Politicians" +World,Mexican Lawmakers Approve Controversial GM Law +Sci/Tech,Ask Jeeves Joins Battle for Desktop +Sports,"Washington Council Approves Stadium, With Conditions" +Sports,Pacers must work OT to end losing streak +Business,Bush Allies May Defect Over Fiscal Proposals +Business,Federal Reserve Raises Benchmark A 5th Time +Business,Directors Approve Sprint-Nextel Merger +Business,Nextel Merger Puts It at Crossroads +Business,Shrinking Coverage +Business,Kuwait Will Meet Its OPEC Cut +Business,"Heating-oil, natural-gas futures rise amid Northeast chill" +World,Shiite Leaders Seek to Quell Fears as Rebels Kill 18 Iraqi Soldiers +Business,"At Merck, There Are No Easy Answers" +Business,United Reaches Tentative Deal With Pilots +World,Stadium 'to stage tsunami gig' +Sports,NBA Wrap: Lewis Guides SuperSonics Past Lakers (Reuters) +Sports,Hockey players reject NHL counteroffer +Sports,DC throws a curve +Sports,Bobcats clip New Orleans in overtime +Sports,McDyess plans to face the Knicks +World,Greek Police Surround Hijacked Bus Near Athens +Business,Fed nudges up interest rates +Business,"To better compete with Netflix, Blockbuster is dropping its late <b>...</b>" +Business,Southwest changing ways under new chief executive +Business,"Continental details pay, benefit cutbacks" +Sci/Tech,"NK Subramanium, Special Correspondent" +Sports,Martinez is eager to repay the Mets +Sports,Charlotte NBA fans move on to Bobcats as Hornets stumble +Sports,Slump baffles guard Harris +World,"Suicide Bombers, Gunmen Kill 32 in Iraq" +World,Bus hijacked on outskirts of Athens +Sports,NBA Wrap: Lewis Guides SuperSonics Past Lakers +Business,"Continental announces wage, benefit cuts" +Business,Kuwait Will Meet Its OPEC Cut (Reuters) +Business,Fed Raises Interest Rate to 2.25 Percent (Reuters) +Sports,Majerus accepts offer to be USC #39;s basketball coach next season +Sports,Angels agree to deal with Byrd +Sports,Knicks get defensive +Sports,No. 1 LSU too much for Minnesota +World,Saddam #39;s aides face trial +World,British National Party Leader Arrested On Suspicion Of Racial <b>...</b> +World,Hezbollah TV Network Ends Broadcasts To France +Business,Dollar Slips Against Yen +Business,Airlines may return to profit in #39;05 +Business,United says it has landed tentative pact with pilots +Business,Wireless patent suit still murky +Business,Gifford retiring early at Bank of America +Business,Salvation Army faces risk of barer kettles +Business,"Fiat, GM to Start Mediation Over Option" +Sci/Tech,MPAA SUES SERVERS THAT DOWNLOAD FILMS +Sci/Tech,NASA chief O #39;Keefe resigns +Sci/Tech,Toshibas latest 80GB drive +Sci/Tech,You #39;re Infected. Merry Christmas! +Sci/Tech,Good bio sensor news for diabetics +Sci/Tech,Technology worker opens shop for digital photos only +World,War funding request may hit \$100 billion +Business,Iran to Comply with OPEC Output Quotas +Sports,FA to check Cech comments +Sports,Sonics #39; Lewis steals spotlight from anticipated Kobe-Allen matchup +Sports,NO cries foul following loss +Sports,"Clayton, Counsell now on board" +Sports,"Bennett is catcher on the deep, deep fly" +World,"Emissions must be cut, says chief UN scientist" +World,Abbas opposes use of arms +World,Afghans arrest 2 Taliban commanders +World,Documents detail abuse of detainees +World,Doctor who coauthored memoir of UN peacekeepers is let go +World,"Concorde crash laid to debris, flaw" +World,Restaurant guide critic loses whistleblower suit +Business,Business confidence dips in Japan +Sports,Coming and going +Sports,Martinez showed his true colors +Sports,NHL is on thin ice +Sports,Brown has it double covered +World,"Senate Panel to Set Hearings on Insurgency, Shortages" +Sports,Brockton mayor questions MIAA +Business,Blockbuster to end late fees Jan. 1 +Business,Retirees' health costs jump for third year +Business,Dollar rises narrowly against euro +Business,US trade deficit hits record high +Business,Stocks post gains after Fed raises rates +Business,"United, pilots tentatively agree on additional cuts" +Business,Fewer teen techies find jobs waiting in the field +World,"Turkish Engineer, 2 Aides Missing in Afghanistan" +Business,Air Force awards \$240.5m contract +World,A Plea for Support of Innovation +Business,Nonprofit launches plan to reduce medical errors +Sports,Lucchino thinks it was a bad move +Sports,Lewis (37) is superman for Sonics +Sports,"No. 13 Louisville 85, N. Carolina A amp;T 51" +World,Bus with 26 passengers hijacked in Greece +World,Abbas says intifada was mistake +World,"Martin meets with cabinet ministers, diplomats over tsunami aid (Canadian Press)" +Business,Verizon unlikely to bid for Sprint +Business,"United, pilots tentatively agree on additional cuts" +Sports,Demtchenko of Russia Wins Men's Luge (AP) +Sports,WHAT THE PAPERS SAY +Sports,"Other Voices: Red Sox, not Pedro, lacking loyalty" +Sports,Schu doesn #39;t score +Sports,Trading in old loyalties generates buzz +World,"For Second Day, Bomb Explodes Near Green Zone" +Sci/Tech,Tokyo Edge: More Mobile Music +Sci/Tech,Eskimos Seek to Recast Global Warming as a Rights Issue +Sci/Tech,Water Contract Renewals Stir Debate Between Environmentalists and Farmers in California +Business,Feds raise key rate again +Business,Reaction To The PeopleSoft/Oracle Merger +Business,Inflation hike sends sterling higher +Business,Pilots reach agreement +Business,"Target #39;s giving in the millionsWednesday, December 15, 2004" +World,Iraq Downgrades Representation at Meeting (AP) +World,Croats Vote in Presidential Election (AP) +World,Kidnapped Turk Killed in Afghanistan -- Witness (Reuters) +Sci/Tech,Study: Airborne soot on the decline +Sci/Tech,"Microsoft warns of new vulnerabilities, five bulletins issued" +Sci/Tech,Yahoo Announces Mobile Deal with Nextel +Sci/Tech,Implanted Nanotubes Track Blood Sugar +Sports,Players reject latest deal +Sports,Match for Roddick? +Sports,Martinez may be just start +Sports,From blowout win to defeat +Sports,Uefa Cup Preview: Rangers-Auxerre +Business,Mobile firms sign 'Super 3G' deal +World,Egypt Charts New Course for Mideast Peace (AP) +World,Stationmasters Face Charges in India Crash +World,Interim Palestinian leader decries armed struggle +World,"Gunmen Attempt to Take Mosul Police Posts, Repelled" +Sports,Pretenders to Europe Crown About to Learn Their Fate +World,Kidnapped Turk Killed in Afghanistan -- Witness +World,"China Colliery Accidents Kill 5,286 Miners This Year" +World,Australia lifts maritime security +World,Turk 'found dead' in Afghanistan +Business,Vodafone denies backing Verizon-Sprint merger +Business,Fiat seeks pact in row with GM +Business,NASDAQ TO OFFER \$100M IN SHARES +Sci/Tech,Christmas email carries virus say Symantec +Sports,Colts' Freeney Rushes to Get Most Sacks (AP) +Sports,Benitez frustrated by Pompey draw +Sports,Even Knicks get their 15 minutes +Sports,Fans rushing onto the court or field will be costly to SEC schools +Sports,Clippers miss shot +World,Passenger bus seizure in Greese +World,UN Mission Sends Military Team to Investigate Fighting in Eastern <b>...</b> +Business,European Shares Up on Fed Relief +Business,Decatur job outlook is weak +Business,United reaches tentative pact with pilots on givebacks +Sports,Almost nobody has a dog in this fight +Sports,Finnan recalled to Pool side +Sports,No. 1 Tigers too much for Gophers +Sci/Tech,FCC Mulls Wireless Internet Access on Jets (AP) +Sci/Tech,Tokyo Edge: More Mobile Music (PC World) +World,Europe #39;s highest bridge links art and engineering +World,Filipinos mourn Poe #39;s death +World,UN troops storm Haitian slum area +World,India and Pakistan negotiating to prevent nuclear missile launch +World,Fighting resumes in DRC +World,DEATH PROBE VICTORY +Sci/Tech,Rampaging Elephants a Headache in S.Africa (Reuters) +Sci/Tech,U.S. Missile Defense Test Fails (Reuters) +Sports,Greece meets West at these Vermont diners +Sports,"On a mountainside, chef lets flavors shine" +Sports,Toney wants fighting chance +Sports,Renteria's decision expected today +Sports,Lucchino thinks it was a bad move +Sports,Achieving his goals +Sports,Celtics enjoy fruits of labor +World,Ice hockey: Season may be lost +World,Missile defence shield test fails +World,An Effort at a Union Comes Up a Loser at the Track +Business,Film renters applaud change +Sports,"NHL, union deadlocked: Owners, players reject latest labor <b>...</b>" +Sports,"Notebook: GM Sund a lame duck, too" +Sports,Rangers urged on to Euro glory run +World,Gunmen seize bus in Athens suburb +World,Stationmasters Face Charges in India Crash +Sci/Tech,PC World's Holiday Wish List +Business,The Dollar Dips Against the Euro +Business,Blockbuster axing dreaded late fees +World,Passenger Leaves Hijacked Greek Bus (Reuters) +Sports,Australia and Pakistan set to wage speed war +World,Body of Turk Engineer Found in Afghanistan +World,Passenger Leaves Hijacked Greek Bus +Business,Oil prices rise above US\$42 as winter tipped to turn colder +Business,Positive Wales in jobs lead +Business,Survey deals blow to corporate Japan +Business,Eichel says German payments to the EU should be considered in <b>...</b> +Business,Let light shine on Bombardier dealings +Business,House prices and the Fed +Business,"RIM infringed NTP patents, appeal court rules" +Business,Oil Prices Climb Above \$42 a Barrel +Sci/Tech,It came from the vaults! Google seeks to open the library +Sci/Tech,MSN Desktop Search Beta tested +Sci/Tech,"Samsung, Sony in cross-license deal" +Sci/Tech,Internet worm disguises itself as electronic Xmas card +Sci/Tech,NASA Cassini Image: Titan #39;s Dark Terrain +Sci/Tech,Nasa plan comet mission +Sci/Tech,Siemens and Ningbo Bird Deny They #39;re in Talks Over Mobile Unit +Sports,LuaLua hijacks Gerrard #39;s magic moment +Sports,Crowd salutes changing of the garb +World,Hijackers seize Athens bus +World,Negligence blamed for train crash in India +World,Middle East ; Abbas calls on Palestinians to end armed struggle +World,Australia alert on Indonesia attack +World,South Korea cautions Japan against sanctions on North Korea +World,Body of Kidnapped Turk Found in Afghanistan +World,"Pakistan and India discuss missiles, hotlines" +Business,"Fiat, GM to Start Mediation Over Option" +Business,Yukos seeks US bankruptcy refuge +Business,Jobless level continues to fall +Business,Yukos Files in US for Bankruptcy Under Chapter 11 (Update1) +Business,Hong Kong Shares Rise Slightly +Sci/Tech,Cassini gets altitude adjustment +Sci/Tech,EPA targets fine particle pollutants +Sports,NHL needs to think small +Sports,Mets see only the headlines FPTOZDUMB +World,North Korea Warns Japan Against Imposing Sanctions (Update7) +World,Four killed as violence flares after UN troops storm Haitian <b>...</b> +Business,Fed hikes interest rates +Business,Blockbuster ending late fees at company-owned stores +Business,ATA Midway gates at center of battle +Sports,Arsenal need quot;silly money quot; to land Man City #39;s SWP +World,"So What Happened in That Election, Anyhow?" +World,Cricket: S Africa make solid start +Business,YUKOS Files for U.S. Bankruptcy +Business,Fed raises again +Business,Larson voices his opposition to OPECs decision +Business,IBM #39;s PC deal seen as strategic withdrawal +Sci/Tech,Particle pollution falls 10 in 4 years +Sports,Shevchenko voted Europe #39;s finest +Sports,FA TO CECH ON REF RANT CLAIM +Sports,City making plans for Keegan #39;s departure +World,Anger Rises as Does Toll in Remote Indian Islands +World,Kidnapped Turkish engineer killed in Afghanistan +World,BNP LEADER BAILED ON RACE HATE RAP +Business,Asia to fuel air travel growth +Business,Yukos files for bankruptcy +Business,Trade Deficit Hits Record in October; November Output Up +World,Former England star Gazza hit by pneumonia (AFP) +Business,Pilots reach agreement with airline +Sports,No End in Sight: There is no sliver of hope for season +World,A deadly reversal +World,Australia to Boost Security Net Around Coastline (Reuters) +World,"India stocks hits new record highs; index above 6,400 points (AFP)" +World,Australia Warns of Possible Indonesia Hotel Attack (Reuters) +World,Australia alert on Indonesia attack +Business,China to lead recovey in air travel industry +Business,RIM loses patent case +Sci/Tech,Fathers of grid computing form start-up +Sci/Tech,"ICANN enters negotiations on .mobi, .jobs domains" +World,Mesic Seen Retaining Presidency as Croats Vote +Sports,City Put 25m Price Tag On SWeeP +World,British death toll in tsunami disaster rises to 40 (AFP) +World,Greek Bus With 26 on Board Hijacked +World,India ; Train services resume after accident site cleared of <b>...</b> +World,ABBAS PEACE BID +World,Bush Called #39;Immoral #39; for Stance on Global Warming Treaty +Sports,NBA Today (AP) +Business,YUKOS Files for US Bankruptcy +Business,Asia to fuel air travel growth +Business,Late fees end for some movie rentals +Sci/Tech,World #39;s top libraries sign up with Google +World,Turkish hostage killed in Afghanistan +Business,Vodafone denies backing Verizon #39;s bid for Sprint +Business,Yukos files for bankruptcy in US +Sci/Tech,ERIC J. SINROD +Sports,BAR put up for sale. +World,Italy to Quit Kyoto Pact After 2012 -- Newspapers (Reuters) +Sports,Majerus Expected to Be Named Head Coach at USC +World,Greek Bus Hijackers Want to Go to Russia -- Hostage +World,Three Polish Soldiers Die in Iraq Helicopter Crash +World,Australia Warns of Possible Indonesia Hotel Attack +World,Chemical Ali 'first to be tried' +Business,Basilea in Talks with J J Over Antibiotic +Sci/Tech,Five important fixes in MS December patch batch +Sci/Tech,"Fujitsu, Cisco form strategic alliance" +Sports,"Game over: NHL, its players have accomplished nothing" +Sports,No place for the faint-hearted +Sports,Reds #39; first move of winter produces starting pitcher +World,Thousands missing from Thai town +World,Pyongyang Says Japanese Sanctions Would Amount to #39;War #39; +Business,YUKOS Files for U.S. Bankruptcy (Reuters) +Business,Brazil corruption charges urged +Business,J amp;J-Guidant could help Boston Scientific +Business,Wall Street Set to Start Little Changed (Reuters) +Business,3 Independent Yukos Directors Resign Over Pressure From Russian <b>...</b> +Sci/Tech,Toshiba Unveils 80 GB Hard Drive +Sci/Tech,-- Innovative Launch Gets Major Music Label Support from Warner <b>...</b> +Sci/Tech,UPDATED: iPod firmware update breaks Real #39;hack +Sci/Tech,Nokia to put holograms on batteries +Sports,Pedro agrees to join the Mets +Sports,Bobcats Beat The Hornets +World,Hamas Cancels Anniversary Rally (AP) +Business,Sprint Agrees to Buy Nextel for \$38 Bln +Business,YUKOS Seeks U.S. Bankruptcy +Business,"Sprint, Nextel to merge" +Business,Air passenger traffic set to record strongest growth since 1992 <b>...</b> +Sci/Tech,Microsoft monthly bulletin includes five new warnings +Sci/Tech,Particle pollution falls 10 in 4 years +Sci/Tech,Majesco picks up Phantom Dust for US release +Sports,More meetings would keep this Atlantic rivalry afloat +World,Caesarean 'low birth risk link' +Business,Rate hike #39;s effects +Business,YUKOS Seeks US Bankruptcy +Business,80 million more PCs in India by 2010! +Business,Oracle Buys PeopleSoft for \$10.3 Billion +Business,Stability Pact: France and Germany off the hook for now +Sci/Tech,Google offers five libraries funding to digitize materials +Sci/Tech,Studios launch campaign against BitTorrent +Sci/Tech,Zafi worm purports to be Christmas greeting +Sci/Tech,Brand name isn #39;t always better _ at least when it comes to <b>...</b> +Sports,Pompey frustrate Liverpool boss Benitez +Sports,BSkyB wins rights to cover home England tests +Business,Mortgage Applications Fell Last Week--MBA (Reuters) +Business,Mortgage Applications Fell Last Week--MBA +Business,"Sprint, Nextel Announce Merger Plans" +Business,Yukos Files for Bankruptcy in U.S. +Business,Oil Futures Rise on Signs of Cold Winter +Business,EADS superjumbo runs over budget +Business,Scots employers aim to go hire +Sports,Roddick in talks over new coach +Sports,Private sector asked to help pay for Expos #39; new home +World,Graduate Student Presumed Dead In Haiti +World,A380 super-jumbo to cost 1.45 bln euros more than planned: EADS (AFP) +World,Football: Spain chief in race probe +Business,Shares in Air China jump on debut +Business,Update 8: Yukos Files for Bankruptcy in US +Business,Court Lifts BlackBerry Maker #39;s Injunction +Business,China #39;s needs could rescue European industry +Business,"Job outlook moderately optimistic for 2005, survey finds" +Business,Japan #39;s manufacturers less confident +Business,FRANCE: Gucci Reveals Strategy Plans For Its Brands +Sci/Tech,University of Michigan +Sci/Tech,MPAA Expected to Target BitTorrent Trackers +Sci/Tech, #39;Apple copies Windows #39; claim launches desktop wars +Sci/Tech,New Toshiba hard drive uses perpendicular technology +Sci/Tech,Zafi worm will deliver an unhappy Christmas +Sci/Tech,Microsoft ends year with critical security alert +Sci/Tech,"Nintendo to Bring Music, Video to DS Game Machine" +Sci/Tech,Nokia turns up the heat on battery forgers +Sci/Tech,Samsung Mobile Phone Memory Card +Sports,"Liverpool 1, Portsmouth 1 (Echo)" +Sports,CASILLAS #39; DELIGHT AT BUMPER TURN-OUT +Sports,Nationals Cancel Unveiling of Uniforms +World,Three Palestinians killed in Rafah; Palestinians blast one Israeli <b>...</b> +World,Two detained for cinema blaze +World,UK Reshapes Embassy Network to Face New Threats (Reuters) +World,Ethiopia Struggles to Feed Itself 20 Yrs After Famine (Reuters) +Business,US mobile giants Sprint and Nextel to merge +Business,Yukos shields itself with US bankruptcy law +Business,BlackBerry infringement ruling upheld +Business,Blockbuster nixes late fees on rentals +World,Ethiopians denounce border talks +Business,BlackBerry Patent Case Swings Away from RIM to NTP +Business,Oil Futures Rise on Signs of Cold Winter +Sci/Tech,"Windows kernel, LSASS flaws fixed" +Sci/Tech,"Space News Headlines for December 14, 2004" +World,Sri Lanka tries to help tsunami orphans (Reuters) +Sci/Tech,Early merger consequences +Sci/Tech,Majesco sweeps up rights for Phantom Dust +World,Last-minute haggling as EU prepares Turkish green light +World,Egypt hopes for jobs boost as it signs trade deal with Israel and <b>...</b> +World,Curtains for Poe: Da King is dead; long live Da King +Business,Tyco probed on oil-for-food +Sci/Tech,Man Arrested in UK Tsunami Death Email Probe (Reuters) +World,The Worrying Developments of the Debate in France +Business,Best Buy Quarterly Profit Jumps 21 Pct. (Reuters) +Business,Best Buy Quarterly Profit Jumps 21 Pct. +Business,Stocks Set to Open Slightly Higher +Business,Lehman Brothers 4th-Qtr Profit Up 22 Pct +Business,Mortgage Applications Fell Last Week-MBA +Business,YUKOS Seeks Bankruptcy +Business,Sprint and Nextel Announce a \$35 Billion Merger +Business,Sprint to Buy Nextel in \$35 Billion Deal +Business,Oil Above \$42 a Barrel on Cold Weather +Business,Lehman 4Q Earnings Rise Sharply +Sci/Tech,"Sony, Samsung To Share Patents" +Sci/Tech,Company Claims First True WiMax Chip +Sports,In the frame +World,Irish PM says chance for Northern Ireland peace too good to miss (AFP) +Business,Sprint to Buy Nextel in \$35 Billion Deal +Business,Global Markets: European Stocks Rise +Business,"IATA Sees Strong Passenger, Cargo Growth" +Business,Wall St looks to build on fresh highs +Sci/Tech,Polyglot virus is Xmas party pooper +Sports,BSkyB Gets Exclusive Live Rights to England Cricket (Update1) +World,Judicial hearings set for Hussein #39;s comrades +World,Italy calls to end Kyoto limits +World,Iraq #39;s #39;Chemical Ali #39; to Be Tried First -- Minister +Business,TMM to Sell 51 Percent Stake in TFM +Business,US mobile groups confirm merger +Business,Legg Mason to Offer 4 Million Shares +Business,Yukos Seeks US Court Protection to Foil Unit Sale (Update3) +Business,Japan big business sentiment slips +World,"Iraq Minister Blasts Iran, Syria, Says Aid Zarqawi (Reuters)" +World,U.S. Mission Flouts Cuba Christmas Warning (AP) +Sci/Tech,Round 3 of the desktop search heavyweight championship bout +Sci/Tech,Critical patches highlighted in Microsoft #39;s December Security <b>...</b> +Sci/Tech,Wavesat Says Its Created First WiMAX Chip +Sports,Hockey talks go nowhere fast +Sports,Miandad #39;s sniping runs true to form +Sports,Sorry Anelka still on the trading block +Sports,We can #39;t afford to mess up again +Sports,Terrestrial TV to lose live English cricket +Sports,Nets get Knicked up +World,Sanctions will mean war: N Korea +World,Major Suspension Bridge Inaugurated in France +Sports,Roddick Set to Link Up with Low-Key Coach +Business,International Paper Sells Unit to Mohawk +Business,David Nicklaus +Business,OMX has no interest in buying London Stock Exchange +Business,"UPDATE 2-Lehman Brothers profit up 22 pct, shares rise" +Business,"Guilty, guilty, guilty atoning for HIH sins" +Sci/Tech,Zafi.D virus: Christmas wishes and a computer virus! +Sci/Tech,Report: Amount of fine-particle pollution drops significantly +Sci/Tech,All eyes will be on spacecraft +Sci/Tech,Another Successful Cassini #39;s Titan Flyby +Sports,Roddick Set to Link Up with Low-Key Coach +Sports,Uefa Cup Wednesday Preview +Business,Retailers to unveil festive data +World,Australia warns of terrorist threat +World,"No half measures, Turkey tells EU" +World,Blunkett battles nanny #39;s new visa allegations +World,France Unveils World #39;s Tallest Bridge +World,UN peacekeepers sweep violent Haiti slum +Business,QLT Prostate Cancer Treatment Wins FDA OK +Business,Best Buy's 3Q Earnings Climb 21 Percent (AP) +Business,YUKOS Seeks U.S. Bankruptcy to Stop Moscow +Business,"Stocks Open Flat, Oil Up, Nextel Eyed" +Business,Sprint deal raises sponsorship questions +Business,Fed rate increase to 2.25 good for savers +Business,HIH inquiry claims its biggest scalp +Business,QLT Prostate Cancer Treatment Wins FDA OK +Sci/Tech,NASA throws Deep Impact spacecraft at comet +Sci/Tech,Atheros unveils #39;world first #39; Wi-Fi access-point-on-a-chip +Sports,Late strike spoils Christmas party for Liverpool +Sports,Sky deal a #39;disaster #39; for cricket +Sports,Minnesota Timberwolves Team Report - December 15 +World,The FPJ chronicles +World,Jenna Bush Plans to Teach in Washington (AP) +Business,US missile defence test fails +Business,"UPDATE 3-Lehman Brothers profit up 22 pct, shares rise" +Sports,Jockey Club clears Fallon +Business,Missile shield fails to work +Business,Best Buy reports third-quarter earnings rise 21 percent +Business,HIH head admits guilt +Sports,Wash. DC council clears altered baseball plan +World,Khler: African Union Slow in Darfur +World,Pak wants US intervention in Kashmir: +Business,Business: Sprint-Nextel Merger +Business,"Treasuries Rally, Yields Hit 6-Week Lows (Reuters)" +Business,"Treasuries Rally, Yields Hit 6-Week Lows" +World,Suicide Bombers Kill 25 Iraqi Troops +Business,Test of US missile defence shield fails +Business,Best Buy #39;s 3Q Earnings Climb 21 Percent +Sci/Tech,MSN Toolbar Suite Beta +Sci/Tech,Apple breaks the Harmony +Sci/Tech,Phantom of the Xbox +World,Pressure Grows on Romanian Left to Give Up Power (Reuters) +Sports,"NHL: Impasse continues as league, union pass on proposals" +Sports,"DC council approves stadium, maybe, sort of" +World,"BNP chief detained over comments on Islam, Quran" +World,Iraq Asks Some of Saddam's Soldiers to Return to Work +World,Pressure Grows on Romanian Left to Give Up Power +Business,Oil futures trade above \$42 +Sci/Tech,Google turns over new leaf +Sports,Lewis scores 37 to lead Sonics past Lakers +Sports,Dry spell dooms Nets +Business,Sprint to Buy Nextel in \$36 Billion Deal +Business,YUKOS Seeks U.S. Bankruptcy Protection +Business,Best Buy: Best Sales Yet to Come +Business,"Stocks Rise; Sprint, Nextel Deal Helps" +Business,Russia #39;s Yukos seeks protection in US +Business,RIM patent dispute referred back to lower court +Business,"Fiat says no deal with GM, mediation next" +Business,US to Charge AOL with Fraud +Sci/Tech,Google To Scan Millions Of Library Books +Sci/Tech,"After KaZaa, BitTorrent gets it." +Sci/Tech,MSN Toolbar Suite Beta +Sci/Tech,Apple Changes The IPod Locks +Sci/Tech,Full mp3 downloads for mobiles +Sci/Tech,Linux Looms Larger Than Thought +Sci/Tech,Nokia Uses Hologram To Identify Batteries +Sci/Tech,"Sun Upgrades JSE, NetBeans" +Sci/Tech,Oracle merger to result in few app improvements +Sci/Tech,Southern California particle pollution improving +Sports,Man City Would Consider Anelka Bid +Sports,SCHUEY #39;S SCORE DRAW +Sports,"It #39;s been swell, Pedro" +World,"Hamas Cancels Annual Rally, Fearing Israeli Strike" +World,Iran Tells Russia to Expand Nuclear Ties +World,Body of Turk Engineer Found in Afghanistan +World, #39;Arms photo reasonable #39;: Ahern +Business,"Oil Up 4 Pct., U.S. Heating Oil Stocks Fall" +Business,Wireless Merger +Business,"Intel Brings N.Mexico Jobs, Pollution" +Sci/Tech,iPod to go 80GB? +Sports,Swiss-based Phonak cycling team appeals UCI licence refusal +Sports,RUSSIA * FORMULA-1 * TEAM +Sports,Norway goes 1-2 in biathlon sprint +Sports,Ole Miss officials interview Erickson +World,Turkey ups the stakes in diplomatic battle over EU bid +World,Arafat favored successor makes bid for peace +World,"Flying high, like a butterfly" +Business,"Sprint, Nextel Agree To #39;Merger Of Equals #39;" +Business,Mixed results for Blackberry court battle +Business,"Time Warner, AOL settle securities fraud charges" +Sci/Tech,Nokia combats counterfeit batteries +Sports,Beeb blamed for Test cricket #39;s satellite sale +World,More Athens bus hostages freed +World,Turkey to Get Date for Open-Ended EU Entry Talks +World,"Beware of terror in Indonesia, travellers told" +World,Europe Seeks New Accords With US to Address Global Warming +Business,U.S. to Charge AOL with Fraud (Reuters) +World,Body of Turk Engineer Found in Afghanistan (AP) +World,"Bush Inauguration to Tout Freedom, Service (AP)" +World,Ohio Judge Rules Punch-Card Voting Fair (AP) +World,Dems gain in 'hidden election' (USATODAY.com) +World,U.S. Drug Lobby Group Taps Tauzin for Top Job (Reuters) +World,"Bus Hijackers Hold 11 in Athens, Demand \$1 Million" +Business,Cheney Pushes for Permanent Tax Cuts +Business,Brazil passes bankruptcy reform +World,Turkish PM Heads for EU Summit in Confident Mood +Business,Cactus diet deal for Phytopharm +Sci/Tech,Bolden says he hasnt been approached about NASA post +Sci/Tech,Nokia makes counterfeiting batteries harder +Sports,Yeltsin grandson joins Russian Midland F1 team +Sports,Norwegians finish 1-2 at biathlon World Cup +World,Allawi to stand in Iraq elections +Sports,Halama Agrees to Deal With Red Sox (AP) +World,Fresh clashes in Nepal 'kill 26' +World,"Marines Found Guilty of Abusing Iraqis, Files Show" +Business,"Sprint, Nextel Agree To Merge" +Business,Best Buy Quarterly Profit Jumps 21 Pct. +Sci/Tech,Google Planning To Index Entire Libraries +Sci/Tech,Microsoft Issues 5 Important Security Bulletins +Sci/Tech,"PeopleSoft deal is done, real work begins" +Sports,Renteria picks Boston +World,Seven killed in Karbala mosque explosion +Sports,Swing and Miss for D.C. +Sports,Red Sox to Sign Renteria +Business,Dollar Back on the Defensive +Business,Sara Lee Raising Retail Coffee Prices (Reuters) +Business,Sara Lee Raising Retail Coffee Prices +Business,Time Warner settles fraud case +Business,"Bios of Sprint #39;s Forsee, Nextel #39;s Donahue" +Sports,City prepared to sell 5million Anelka in the New Year +World,Iraq Insurgency Growing 'More Effective'-US General (Reuters) +World,"Feds anticipate 6,000 will be added annually to new sex offender registry (Canadian Press)" +Business,YUKOS files for bankruptcy protection. +Business,US Missile Defense Test Fails +Business,Report: Global PC Market Set To Soar +Business,FCC to Allow Wireless Access on Planes +Business,Time Warner Near AOL Settlement +Business,Update 1: Best Buy #39;s 3Q Earnings Climb 21 Percent +Sci/Tech,Linux market to exceed \$35bn by 2008 +Sports,LSU #39;s Saban meets with Dolphins for #39;preliminary conversation #39; +Sports,Ponting in Lee plea +Sports,Former Greats Lament TV Deal +Sports,"Fischer, Bailly win pursuit events at Holmenkollen biathlon World <b>...</b>" +World,"Hijackers grab Greek bus passengers, demand 1 million euro ransom" +World,CLIFFORD D. MAY: Shouldn #39;t Palestinians have a real election? +Sports,LSU Coach Saban Talking With Dolphins (AP) +Business,TimeWarner Settles AOL Fraud for #36;210 Mln (Reuters) +Business,TimeWarner Settles AOL Fraud for \$210 Mln +Business,"Oil Up 4 Pct, Heating Oil Supplies Fall" +Business,Time Warner Settles Fraud Charges With Justice Department +Business,Russell's a Good Sport +Business,Timeshares Can't Shake the Stink +Business,Bush Backs Strong Dollar +Business,Tauzin to Head Pharmaceutical Lobbying Group +Business,Libya takes \$1bn in unfrozen funds +Business,"US to Charge AOL with Fraud, Defer Prosecution" +Business,Russell #39;s a Good Sport +Sci/Tech,Google to digitally scan library collections +Sci/Tech,US moviemakers go after #39;parasites #39; +Sci/Tech,NASA #39;s chief quitting post +Sci/Tech,First WiMAX Baseband Chip +Sci/Tech,ZigBee clears ratification hurdle +Sports,Dolphins appear interested in LSU #39;s Saban +Sports,LSU #39;s Saban meets with Miami Dolphins +Sports,Glamorgan relieved by new TV deal +Sports,Counsell returns to Diamondbacks +World,Official: 'Chemical Ali' to Be Tried First (AP) +Business,"Sprint, Nextel ringing up \$35B US wireless merger" +Business,Oil prices above \$42 pb on lower US supplies +Business,First Command Paying \$12M in Accords +Business,US appeal court gives mixed decision on RIMM-NTP patent case +Business,US rejects key part of Geico case against Google +Sci/Tech,Internet Life Hollywood Intensifies File-Swapping Fight +Sci/Tech,Hopefuls Emerge for Top Job at NASA +Sci/Tech,Oracle #39;s Phillips talks up PeopleSoft integration +World,Berlusconi Accused of Using Bill to Save Buddy +Sports,Saban meets with Dolphins +Sports,Signs point to Anelka exit +Sports,Report: Renteria heads to Beantown +Sports,Spanish coach facing action in race row +World,EU Urges Liberia to Improve Election Laws Fast +World,Chemical Ali Will Be the First to Go on Trial +World,"Pakistan and India to start nuclear hotline, no deal on missile <b>...</b>" +World,Polish Weapons Maker Signs Deal With Iraq +Business,Judge Throws Out Claim Against Google Ads +Business,Christmas-New Year's Travel to Set Record +Business,Airbus Forecasts Big Demand +Business,\$12 million payment over allegations in sales to military <b>...</b> +Sports,Aragones under investigation for comments +World,Two Greek bus hijackers demand ransom and plane +World,Bush Welcomes Scandal-Plagued Berlusconi (AP) +Business,Google Scores Court Victory Over GEICO +Business,Sprint buys Breeders Cup sponsor Nextel for \$35-billion +Business,Bush pledges to quot;take on quot; deficit in hopes of supporting dollar +Business,Italy : Gucci brand expects to double sales by 2011 +Sci/Tech,Movie Makers Target BitTorrent +Sci/Tech,Evidence for water on Mars flows +Sci/Tech,Cassini #39;s First Flyby of Dione +Sports,NHL #39;s quot;Quest for the Cap quot; continues +Sports,Dolphins talk to LSU #39;s Saban about coaching vacancy +World,Blunkett is expected to resign +World,Iran rejects negotiations with US on N issue +World,Body of Turk Engineer Found in Afghanistan +World,Police probe BNP mosque leaflet +Business,Oil Up 6 Pct as Heating Oil Stocks Fall +Business,Mixed ruling in RIM patent suit could affect entire wireless e <b>...</b> +Business,Japan firms to increase spending +Business,Brokerage Stocks Rise on Lehman Results +Sports,Erickson turns down Ole Miss coaching spot +Sports,Phonak appeals license refusal +World,British minister and Blair ally Blunkett resigns +World,Britain warns travellers of Indonesia terrorism risk +World,Iran conditions talks with US on change of Washington #39;s attitude +World,"Pakistan recognizes China as market economy, nuclear plant deal signed (AFP)" +World,"Prime minister announces new 1,700-kilometre security zone off Australia (Canadian Press)" +World,UK Official Confirms Minister Blunkett Resigned +World,Italian Nurse Kills Six Patients to Boost Ego +Business,"In Colorado, a merger of equals and opposites" +Business,AOL Fraud Claim Settled +Sci/Tech,Nokia unveils program to identify counterfeit batteries +Sci/Tech,EPA Says Particle Pollution Down in Some Areas +Sports,Coach tells players he #39;s not going to Mississippi +Sports,Pedro On The Way +Sports,NASCAR Says Merger Won't Hurt Nextel Cup (AP) +World,Cricket: SA 'to seize initiative' +Business,Govt Signs Airbus Deal +Business,In-flight Cell Phones +Business,Geico-Google trademark suit goes to court +Sci/Tech,IDC Says Linux Market Will Top \$35 Billion by 2008 +Sports,NASCAR confident Nextel Cup series will not be harmed by Sprint <b>...</b> +World,"Europe ; Bus Hijackers Hold 11 in Athens, Demand \$1 Million" +World,Abbas Needs Support In His Push for Peace +World,Top British Official Resigns Amid Scandal +Business,Washington Mayor: Baseball Deal Near Dead (Reuters) +World,Report: Renteria OKs Deal With Red Sox +World,Mercosur Trade Talks Begin Amid Bickering +Business,Nextel the Big Winner in Sprint Merger +Business,Fed increases rates by a quarter point +Business,Mexico loses ground to China in exports +Business,Air traffic seen recovering steadily +Business,Time Warner to Pay \$210 Mln to Resolve Justice Department Probe +Business,Fee Fight For Fun +Business,"UPDATE 2-KCS buys control of Mexico railroad, resolves spat" +Sci/Tech,"Movie studios sue US, European file-sharing #39;parasites #39;" +Sci/Tech,Desktop Search: It #39;s Getting Serious +Sci/Tech,Nokia takes aim at fake batteries +Sci/Tech,Zafi Spreads Like Crazy +Sci/Tech,Apple blocks iPod Photo from RealNetworks Harmony +Sci/Tech,Lilacs say Northeast spring coming earlier +Sci/Tech,Toshiba #39;s 1.8-Inch Hard Disks Are First To Use Perpendicular <b>...</b> +Sci/Tech,"Warner, Melodeo Join for Cell Phone Music Downloads" +Sci/Tech,Alternative browser chips away market share +Sports,SPECTOR: Proposals offer chance to compromise +Sports,Washington mayor says baseball deal nearly dead +Sports,Erickson staying in San Fran after talks with Ole Miss +Sports,"Reds sign add relievers Weathers, Weber" +World,Hard act to follow +World,Turkish PM arrives ahead of crunch EU summit +World,Paisley claims IRA ready to decommission +Business,"Sprint, Nextel to Merge" +Business,Yukos lawyers to argue case for US bankruptcy filing +Business,US FCC Aims to Lift Airborne Wireless Phone Ban +World,Fighting Words: Decoding Iraq War Lingo +Sci/Tech,Send astronauts to repair Hubble +Sci/Tech,Earlier blooming lilacs another harbinger of global warming <b>...</b> +World,"Bus Hijackers Demand 740,000 #39;Or We #39;ll Blow Up Hostages #39;" +Sci/Tech,Summary: Spring coming earlier than usual +Sci/Tech,NVIDIA Announces GeForce 6 GPU with TurboCache Technology +Sports,"Australia, Pakistan set to wage speed war" +Sports,Reds add two to bolster bullpen +Sports,Marion Jones Sues BALCO Founder (AP) +World,Senior British cabinet minister David Blunkett resigns in fallout <b>...</b> +Sports,Sox to ink Renteria to four-year pact +Sports,Spanish coach facing action in race row +World,EU prepares green light for Turkey #39;s entry +World,Fighting in Eastern Congo Continues for Third Day +Sports,Washington Mayor Says Baseball Deal Nearly Dead (Reuters) +Sports,Fans Learning to Make Do Without NHL (AP) +Sports,"NCAA, NABC Address College Hoops Issues (AP)" +Sports,Washington Mayor Says Baseball Deal Nearly Dead +Sports,Renteria Heads to Beantown: Report +Sports,Deal in 'Great Jeopardy' +Sci/Tech,Nvidia #39;s new chip with TurboCache +Business,"Oil Tops \$44, Heating Supply a Concern" +Business,Washington Mayor: Baseball Deal Near Dead +Sports,Yeltsin #39;s grandson joins Russian Midland F1 team +Business,YUKOS Gets Hearing as It Tries Stop Sale +Business,"Stocks Near Flat, Oil's High Price Weighs" +Business,"BCE Hikes Dividend, Sees '05 Growth" +Business,Wyeth Keeps Producing +Business,Ameritrade's Nifty November +Business,Berkshire Hathaway +Business,"Feds move on wireless Web, cell phones in flight" +Business,US president pledges strong-dollar policy +Business,Attorney convicted of credit card scam +Sci/Tech,E-Card Holiday Virus Packs Ugly Punch +Sci/Tech,Cornell scientists look at lilacs for evidence of earlier spring +Sports,Notebook: Majerus-USC marriage just great ... unless +Sports,Craig Counsel rejoins Diamondbacks +World,Norway envoy meets with Tamil Tigers +Sci/Tech,Lowe's Hardware Hacker Gets Nine Years (AP) +Sci/Tech,'San Andreas' Hijacks Gaming Awards (AP) +Sci/Tech,Nice Day for a Wireless Wedding (washingtonpost.com) +Sci/Tech,Google Wins Trademark Victory Over GEICO (Reuters) +Sci/Tech,Ask Jeeves Joins Quest for Desktop Search Dominance (NewsFactor) +Sci/Tech,Sprint to Buy Nextel in #36;36 Billion Deal (Reuters) +Sci/Tech,Symantec Rumored To Be Negotiating with Veritas (NewsFactor) +Sci/Tech,'OracleSoft' May Change Mid-Market CRM Game (NewsFactor) +Sci/Tech,Macworld Expo Games Pavilion to feature new games (MacCentral) +Sci/Tech,Arctic Ocean Was Balmy 70 Mln Years Ago -Study (Reuters) +Sci/Tech,U.S. Resists Changing Stance Amid Climate Warnings (Reuters) +Sci/Tech,Blair Faces Test of Bush Friendship on Environment (Reuters) +Sci/Tech,Astronomers Ready for Comet Smashing Mission (SPACE.com) +Sci/Tech,Rare Whales Said Tangled Off Carolina Coast (AP) +Sci/Tech,Spring Coming Earlier Than It Used To (AP) +World,Top UK Minister Blunkett Quits Ahead of Election (Reuters) +World,Japan Corporations Lag in Promoting Women (AP) +World,Ohio Recount Resembles Florida in 2000 (AP) +World,Greek Hijackers Warn of Deadly End if Ransom Not Met +Business,Japans Tankan shows business confidence falling +Business,ThyssenKrupp Sells Units to Consortium +World,Don't Disarm Without Photos: N.Irish Paisley to IRA +World,Turkey Launches New Currency (AP) +Sci/Tech,1 in 10 emails infected with Christmas virus +Sci/Tech,SAP offers new security service +Sports,"NHL, Players #39; Union Reject New Proposals" +Sci/Tech,The Joy of K5: Recipes +World,NZ in the dark over security plan +World,Romania winner threatens new poll +Business,"Bush Pledges to Address Weak Dollar, Cites Fed" +Sci/Tech,SAP Launches Security Service +Sports,Ranger reject Boumsong bid +Sports,The e-mails are back with attitude +World,Lucchino: Renteria Deal Not in Place Yet +Sports,Jones Sues BALCO +Sports,Beavers Suspend Four +Sci/Tech,"Don't use Google desktop search in your business, warns Gartner" +Business,"Oil Tops \$44, Heating Oil Supplies Worry" +Sci/Tech,iRiver N10 512MB Flash MP3 player +Sci/Tech,Excite rises again like a turkey from the ashes +Sci/Tech,Ratty pilots worry sci-fi fans +Sci/Tech,PC ownership to 'double by 2010' +Sci/Tech,PC photo printers challenge pros +Sci/Tech,Lab to study emotion of gaming +Sci/Tech,Shoppers 'wary' of chip and pin +Sci/Tech,Time Warner fraud charge settled +Sci/Tech,Freeview fans buy second boxes +Sci/Tech,"Nintendo to Bring Music, Video to DS Game Machine" +Sci/Tech,"Office Workers, Move Over: Here Comes Honda's Asimo" +Sci/Tech,Time Warner Settles AOL Charges +Sci/Tech,Nice Day for a Wireless Wedding +Sci/Tech,Google Wins in Trademark Lawsuit +Sci/Tech,FCC to Allow WiFi on Jetliners +Sci/Tech,Lowe's Hardware Hacker Gets Nine Years +Sci/Tech,NASA's Future Is Rising From 'the Swamp' +Sci/Tech,"Nintendo to Bring Music, Video to DS Game Machine" +Sci/Tech,Electronic Arts Shares Up on NFL Game Pact +Sci/Tech,'Nano-needle' operates on cell +Business,Korea's Biotech Bet +Sci/Tech,Penguins face starvation threat +Sci/Tech,Singapore heads school test table +Sci/Tech,Search Is on for World's Biggest Freshwater Fish +Sci/Tech,Afghans Say bin Laden Trail Has Grown Cold +Business,Test Failure Sets Back US Missile Defense Plan +Sci/Tech,Google To Build World #39;s Biggest Virtual Library +Sci/Tech,Ask Jeeves Enters Desktop Search Game +Sci/Tech,NASA Building Shortlist for Possible O #39;Keefe Replacements +Sports,Marion Jones Sues BALCO Founder (AP) +World,UK #39;s Blair Loses Key Minister Ahead of Election +World, quot;Chemical Ali quot; first to be tried for Iraq war crimes +Sports,QB Lang Campbell Leads I-AA All-Americans (AP) +World,New Approach to Iraq Rebuilding Bears Fruit -U.S. (Reuters) +Sports,Four Oregon State Players to Miss Bowl (AP) +World,Serbian woman who hid in Halifax church concerned about immigration process (Canadian Press) +Business,LATEST FUTURES NEWS +Business,"Justice, Time Warner announce \$210M settlement" +Sci/Tech,MPAA Slaps P2P Networks with Lawsuits and Arrests +Sci/Tech,1. Vulnerability in WordPad +Sports,Saban Going Swimming? Brian Curtis doesn #39;t think the LSU coach <b>...</b> +Business,"Wal-Mart Fires 7 Execs, Managers (Reuters)" +Business,Gates Joins Berkshire Board +Business,It's Good to Be Right +Business,Insurers to Pay Record Disaster Damages +Business,"Wal-Mart Fires 7 Execs, Managers" +Business,Fans Turn on Sprint Nextel +Business,"Update 5: Time Warner, AOL Settle Securities Fraud" +Sci/Tech,MPAA Bolsters Anti-Piracy Efforts +Sci/Tech,Toshiba Brings Perpendicular Data Recording to HDD +Sci/Tech,HP shifting last of Itanium engineers to Intel +Sci/Tech,Apple locks out RealNetworks with iPod update +Sci/Tech,SingTel to launch 3G phones; first in SE Asia +Sports,Liverpool misses a win against Portsmouth +Sports,Aragones slur on file +Sci/Tech,Technology Challenges Sprint-Nextel Merger (AP) +World,Pak-India talks on NCBMs concluded without agreement +World,Ex-Soldiers Take Over Aristide #39;s Home +Sci/Tech,Review: E-Mail Program Lacks 'Wow' Factor (AP) +Sci/Tech,Google Gets Victory in Trademark Lawsuit (AP) +Sci/Tech,"Sprint, Nextel Join in #36;35 Billion Deal (AP)" +Sci/Tech,Apple releases Mac OS X v10.3.7 (MacCentral) +Sci/Tech,2004 the Fourth-Hottest Year on Record (AP) +Business,"Stocks End Up; Earnings, Merger Trump Oil" +Business,Google Wins Court Victory Over GEICO +World,Turkish PM Heads to EU Summit on Confident Mood +Business,Technology Challenges Sprint-Nextel Merger +Sci/Tech,Yahoo Offers Desktop Search Tool +Sci/Tech,STATE OF THE ART Evaluating the Rivals to IPod Mini +Sci/Tech,Oracle Shifts to Integration Mode +Sports,Marion Jones sues Victor Conte +Sports,Aragones Investigation Begins +World,Athens hijacker issues ultimatum +Sports,Erickson Staying in SF After Talks with Ole Miss +World,Yukos Files for Bankruptcy in U.S. +Business,HP Shifting Last of Itanium Engineers +Business,An IPO Hot Enough for Vegas +Sci/Tech,Linux to Grow Steady for Next Four Years +Sci/Tech,2004 fourth hottest since records began +Sports,WRAPUP 1-Auxerre #39;s Kalou dumps Rangers out of Europe +Sports,Rangers crash out of Europe +World,BLAIR SUPPORTER RESIGNS +Sports,Celtics' Gugliotta Back on the Injured List (Reuters) +Sports,Counsell Returns to the Diamondbacks (Reuters) +World,Yukos Files for Bankruptcy in U.S. Court (AP) +World,"Pauline Gore, Mother of Former VP, Dies (AP)" +World,Bush Pledges Strong-Dollar Policy (AP) +Sci/Tech,Time Warner settles AOL fraud charges for \$210M +Sci/Tech,"Q A, Part 1: Cisco's Mike Volpi on IP traffic management" +Sci/Tech,"Nortel reports loss in Q3, sees pickup in Q4" +Sci/Tech,"Sprint, Nextel herald 'future of communications'" +Sci/Tech,Cool Mac stuff: What to give for the holidays +Sci/Tech,Oracle's Phillips talks up PeopleSoft integration +Sci/Tech,SAP offers new security service +Sci/Tech,Sprint to buy Nextel in \$35B deal +Business,Host Marriott Selling Stake in Courtyard +Business,Blackberry Disappointed in Court +Business,Update 1: FCC OKs Rules for Local Phone Competition +Sci/Tech,Fa-la-la: Decking your PC with an Xmas virus +Sci/Tech,IDC: Linux PC sales to hit \$10 billion in 2008 +Sci/Tech,SAP Launches Security Service +Sci/Tech,Symantec Unveils Anti-Spam Subscription Service +Sports,Two-goal Kalou kills Rangers hopes +Sports,Athletics acquire Ginter from Brewers +World,Blunkett quits over visa row +Sports,Hall Done for Season +Business,Citrus Department to Challenge Labeling of Low-carb Juices +Business,"Yukos, of Russia, files for bankruptcy in US" +Business,Fiat and GM prepare talks to avoid costly lawsuits +Business,Air China shares debut strongly +Business,Japan #39;s business confidence slips +Business,Gucci chief designs a bigger future for the brand +Business,TechBrief: Judge clears Google on search ads +Business,US Dollar Falls Against the Euro +Business,Kansas City Southern to Buy Mexican Rail +Sci/Tech,Intel To Take Over HP #39;s Itanium Chip Team +Sci/Tech,New mobile music service launches +Sci/Tech,Angles guide ants back to home +Sci/Tech,"2004 Signals More Global Warming, Extreme Weather: UN" +Sports,Soccer / UEFA Cup - Auxerre #39;s Bonaventure dumps Rangers +Sports,Aachen Makes Final 32 in UEFA Cup Play +Sports,Erickson staying put - for now +Sports,Mariners sign slugger Sexson +Sports,Williams activated; Burks placed on injured list +Sports,Steelers RB Bettis thinking about retiring after season +Sports,Celtics put Gugliotta on injured list +Sports,Brother: Renteria agrees to sign with Red Sox +Sports,Majerus named head coach at USC +World,The end of the career: Blunkett timeline +World,Shi #39;ites Bombed as Iraq Poll Campaign Begins +World,Haiti Ex-Soldiers Seize Aristide #39;s Old Compound +World,Turkish engineer for US firm killed in Afghanistan +World,Washington Mayor Says Council Puts Baseball in Capital at Risk +Business,French economy to grow 2.1 pct in 2004; slump in 2005: INSEE (AFP) +Business,"HP, Intel End Itanium Chip Pact" +Business,Nextel Deal Sees Sprint Shares Rise +Business,Russia #39;s Yukos Oil Company Files for Bankruptcy +Sports,Orgeron to finalize deal with Rebels +World,"Intrigue, power plays as Iraq campaign season starts" +World,S. Lanka Peace Bid at Critical Low - Norway Envoy +World,Australia to Boost Security Net Around Coastline +Business,US anti-missile shield test fails +Sports,Expos' Move to D.C. on Verge of Collapse (AP) +Business,"Sprint and Nextel Announce quot;Merger of Equals, quot; Spin-Off Of <b>...</b>" +Business,First flight test of new missile defense interceptor fails +Sci/Tech,HP Hands Over Itanium to Intel +Sci/Tech,Apple Locks Out RealNetworks With iPod Update +Sci/Tech,"Melodeo signs mobile music agreements with Telefnica, Warner" +Sci/Tech,Making the most of season #39;s big gift: iPod +Sci/Tech,"Ants use geometry, odour to find way" +World,Anger Rises as Does Toll in Remote Indian Islands +Sports,Washington Mayor: Baseball Deal Near Dead +Sports,Sexson signs with Mariners +Sports,Rick Majerus Named USC Men #39;s Basketball Coach For 2005-06 Season +Business,Time Warner To Pay \$210 Million To Settle AOL Charges +Business,Crude oil prices soar on drop in heating-oil supply +Business,US mulls ending ban on airplane cell-phone calls +Sci/Tech,Toshiba inspires breakthrough in hard disk storage +Sports,Pedro Martinez signs \$52m deal with NY Mets +World,International Donors Warn Sri Lankan Government About Disrupting <b>...</b> +Sports,Aachen Complete Fairytale by Reaching Last 32 +Sports,England: Lua-Lua denies Reds +Sports,Football Press Conference Set For Thursday Morning +Sports,JONES SUES CONTE FOR \$32 MILLION +Sports,Celtics #39; Gugliotta back on injured list +World,Helpers battle Sri Lanka floods +Sports,Bengals QB Expects to Miss Bills Game (AP) +World,U.N. Expands Iraq Presence Beyond Baghdad (AP) +Sports,Sexson Agrees to #36;50M Deal With Mariners (AP) +Sports,USSF Threatens to Drop Players From Cup (AP) +Sports,Cincinnati QB Expects to Start in Bowl (AP) +World,Aid group warns of jobs catastrophe with end of textiles quota system (AFP) +World,Calgary police charge man with series of vicious rapes from 1988-92 (Canadian Press) +World,Bush Prepares for Possible GPS Shutdown (AP) +Business,Yukos makes plea to US court in bid to avoid sale +Business,Missile Defense Flight Test Conducted +Sci/Tech,Market share of Linux PCs to double by 2008: IDC +Sci/Tech,Study uncovers ants #39; 60 degrees of navigation +Sports,Mountain to climb for Pakistan +Sports,Players: Season in Peril +Sports,Sexson Signs with Seattle +Sports,Tyson Completes Service +Business,Tokyo Stocks Open Lower on Profit-Taking +Business,Q amp;A: Stock exchange takeover +Business,Airlines may incur US\$5bil loss this year +Sci/Tech,"Report: Intel, HP Itanium Joint Development to End" +Sci/Tech,Departing NASA chief faces faculty questions at LSU over possible <b>...</b> +Sports,Uefa Cup Wrap: Rangers Crash Out +Sports,Tyson completes #39;sentence #39; +World,16 including 3 Polish soldiers killed in Iraq +World,"Bomb in Iraqi Shi #39;ite City Kills 8, Wounds 32" +World,Kidnapped Turkish engineer found dead in Afghanistan +World,"Australia to impose 1,000-mile #39;terror exclusion zone #39;" +Sci/Tech,FCC to Allow Wireless Access on Planes (AP) +World,Greek Bus Hijackers Had No Explosives -Police (Reuters) +World,Hijackers of Bus in Greece Surrender (AP) +Sports,"Washington Baseball at Risk, MLB May Seek Bids (Reuters)" +World,Bomb at Shiite Shrine Kills 7 in Karbala (AP) +Sci/Tech,Apple Locks Out RealNetworks With iPod Update (PC World) +Sci/Tech,Sprint Nextel Would Be 3rd Largest Carrier (AP) +Sci/Tech,IDC predicts Linux market worth #36;35 billion by 2008 (InfoWorld) +World,Moderate Earthquake Shakes Eastern Taiwan (AP) +Sci/Tech,First Look: Small Business Accounting Apps (PC World) +Sci/Tech,"IBM, Others Push for Greater U.S. Innovation (PC World)" +Sports,"Washington Baseball at Risk, MLB May Seek Bids" +Sci/Tech,Plant to Make Clean Power from Turkey Droppings (Reuters) +Sci/Tech,U.S. to More Closely Coordinate GPS Policy (Reuters) +Sci/Tech,"Scary Faces Have Subliminal Effects, Study Finds (Reuters)" +Sci/Tech,Summary Box: 2004 Fourth-Hottest on Record (AP) +World,Shi'ites Bombed as Iraq Poll Campaign Begins +Sci/Tech,2004 Among the Hottest Years on Record (AP) +World,Key Ruling Due on Inmates of 'Britain's Guantanamo' +World,Haiti Ex-Soldiers Seize Aristide's Old Compound +World,Democracy stirs in the Arab world +World,UN seeks more I Coast troops +World,French head warns Turkey on EU +World,Protestant Leader: IRA May Disarm on Sly (AP) +Sci/Tech,Bad Sex +World,EU Leaders Poised to Offer Entry Talks to Turkey +Business,Yukos files for bankruptcy protection +Sci/Tech,Sun must acquire Red Hat or Novell - analyst +Business,US mobile deal keeps Vodafone in the spotlight +Business,Yukos Turns to US Court in Last-Ditch Effort to Prevent Sell-Off +Business,Federal Reserve lifts target rate to 2.25 +Business,"US stocks: Markets end higher; earnings, merger news trump oil" +Business,GERMAN PAPERS Frankfurt Courts London Stock Exchange +World,Peace award for Margaret Hassan +Sci/Tech,Google #39;s Plan Prompts a Question: What #39;s on the Web? +World,Four Confirmed Dead in Peru Police Shootout +Sports,"Good News (Wells), Bad News (Schilling)" +Sci/Tech,FCC Eases Phone Network Leasing Rules +Business,US to unveil deal with AOL on fraud charges +Business,Dollar Under Pressure in Thin Trading +Business,Fannie Mae Told to Restate Earnings +Business,Drinking at last-chance saloon +Business,Missile-defense test ends in failure +Business,Stocks: Wall Street mixed as focus returns to profit +Business, #39;Tankan #39; sees first slide in 21 months; recovery past peak +Sci/Tech,MPAA files lawsuits against P2P networks +Sci/Tech,Microsoft introduces desktop search feature +Sci/Tech,"HP, Intel End Itanium Partnership" +Sci/Tech,SAP Clamps Down on IT Security +Sports,Washington Mayor Says Council Puts Baseball in Capital at Risk +Sports,Spain coach facing #39;slap on wrist #39; +Sports,Jones sues Conte over drugs claim +Sports,Counsell is happy to be back +World,Anger rises as does toll in remote Andaman and Nicobar islands (Reuters) +World,British Home Secretary resigns +World,Italy Calls To End Kyoto Climate Limits After 2012 +Sports,Washington Mayor Says Baseball Deal Nearly Dead +World,EU Leaders Poised to Offer Entry Talks to Turkey (Reuters) +Sci/Tech,FCC adopts new network-sharing rules +Sci/Tech,IDC predicts Linux market worth \$35 billion by 2008 +Business,Air talks back on runway +Business,Update 1: Court OKs Trump Hotels Bankruptcy Package +Sci/Tech,Here #39;s what you will _ and won #39;t _ be able to see when searching <b>...</b> +Sports,Gators #39; RB Fason declares for NFL draft +World,Government issues Indonesia travel warning +World,AP: Yushchenko Shows Record Dioxin Level +World,Sri Lanka urged to offer more support to Norway peace efforts +Sports,Rams Safety Probably Out for Rest of Year (AP) +Sports,Yankees Raise Price of Best Box Seats #36;10 (AP) +Business,Dollar Under Pressure in Thin Trading (Reuters) +Business,"Kodiak missile goes up, but interceptor fails" +Business,SEC says Fannie did not meet accounting standards +Sci/Tech,Ask Jeeves launches desktop search tool +Sci/Tech,Online Groups Behind Bulk of Bootleg Films (AP) +Sci/Tech,Intel Acquires Chip Designers From HP +Sci/Tech,Linux market may grow to \$35 billion by 2008 +Sci/Tech,Oracle gives first outline of PeopleSoft plans +Sports,Expos #39; Move to DC on Verge of Collapse +Sports,"Jones sues BALCO founder, denies steroid use" +Sports,Erickson to stay with 49ers +Sports,"Seeking second base help, A #39;s land Ginter" +Sports,Majerus to coach USC next season +World,Surrender of hijackers ends eighteen-hour ordeal of bus passengers <b>...</b> +World,Ukraine reopens poisoning inquiry +World,US prudent on possible Japanese sanctions against North Korea (AFP) +World,Australia's plan for vast sea security zone angers neighbour New Zealand (Canadian Press) +World,Author of expose on UN peacekeepers says his contract not renewed (AFP) +World,Bush warns Iran and Syria on Iraq +Business,"Oil Tops \$44, Heating Supply a Concern" +Business,Google Wins Trademark Victory Over GEICO +Business,"Blockbuster Cans Late Fees, Keeps Due Dates" +Sports,"Money talks, Pedro walks" +Sports,Raiders Kicker Gets Contract Extension (AP) +World,Infection link to heart attacks +Sports,Expos' Preparations Thrown a Curve (AP) +World,Hostage Takers Give Up After 18-Hour Standoff on Bus in Greece +Business,Cold sends oil price above \$44 +Sci/Tech,Nokia counters counterfeit products with holographic labels +Sci/Tech,Coalition thanks outgoing NASA Administrator Sean O #39;Keefe +Sci/Tech,ICANN making available new domain names +Sports,Majerus leaves TV gig to take coaching job at Southern California +Sports,Rockets activate Lue from injured list +Sports,Lions sticking with Harrington at QB +World,Abbas and the Rafah Operation +Business,Google Wins Geico LawSuit +World,Sri Lanka urged to offer more support to rebel go-between +Sports,Bennett Thinks He's Finally Hit Stride (AP) +Sports,Source: Renteria Agrees to Sign With BoSox (AP) +World,San Diego Ballots Would Have Ousted Mayor (AP) +Business,Business confidence dips in Japan +Sports,SA netball team thumped gain +World,"Tsunami swallows Sri Lanka nursery school, children (Reuters)" +World,Europe expected to say yes to Turkey +World,Editorial: Tragedy With Multiple Victims +Business,Yukos files for bankruptcy protection in Bush #39;s backyard +Business,\$210m settlement in AOL fraud inquiry +Business,Defense Missile for US System Fails to Launch +Business,US Fed nudges interest rates up again +Business,Desert plant offers rich pickings for Bushmen +Business,Company Settles Charges on Funds Sold to Soldiers +Business,"ThyssenKrupp sells off 48,000 workers #39; houses" +Sports,No. 6 Wake Forest Drops Elon 85-67 (AP) +Sci/Tech,"Despite Google, we still need good libraries" +Sci/Tech,"Current stories in Viewpoints, Outlook:" +Sci/Tech,MechAssault 2: Lone Wolf Goes Gold +Sci/Tech,Solar panels in clothing could keep us talking +Sci/Tech,Interactive Christmas lights an on-line hit +Sci/Tech,"Sony, Nintendo, Take Market Share Battle to New Heights" +Sports,Baseball Rejects Terms for Washington Stadium +Sports,Raptors 96 Timberwolves 90 +Sports,Pakistan sends Aussies in +Sports,"By Signing Renteria, Red Sox Finally Make a Big Splash" +Sports,"Cavaliers 112, Trail Blazers 88" +Sports,Sexson agrees to \$50 million contract with Seattle +World,Greek Bus Hijacking Ends With Surrender +World,Political storm began as summer shower +Sports,AP: Ohio Hires Solich As Football Coach (AP) +World,New Zealanders warned of more terrorism in Indonesia +World,"As Iraqi Campaign Begins, a Bomb Kills 9 in Karbala" +World,Melting Icy Egypt-Israel Relations Through a Trade Pact +World,Hard bargaining over Israeli coalition posts +World,UN to Increase Its Staff in Iraq for Elections +Business,Prickly solution to slimmers #39; woes +Business,Google Wins Battle With Geico +Sports,Rockets Activate Lue from Injured List +Sci/Tech,Google To Bring The Library To You +Sci/Tech,"Lights, webcam, action!" +Sci/Tech,Apple #39;s iPod goes to school +Sci/Tech,"Ants use odour, geometry: study" +Sports,Mets Bracing for Beginning of Martnez Era +Sports,"By Signing Renteria, Red Sox Finally Make a Big Splash" +Sci/Tech,MechAssault 2 jacks gold +Sports,Sky nets four-year deal to air live cricket +Sports,Former Ole Miss coach Irish #39;s offensive coordinator +Sports,Line of Scrimmage: Week 15 - Putting a Finger on Plummer #39;s Woes +Business,SEC: Fannie Fails Accounting Compliance (Reuters) +Sports,Rangers #39; worst fears realised +Business,"Nikkei Drops, Exporters Hurt by Yen (Reuters)" +Business,"Nikkei Drops, Exporters Hurt by Yen" +Business,Dollar Closes in on Low Versus Euro +Business,S.E.C. Says Fannie Mae Violated Accounting Rules +Business,Company Settles Charges on Funds Sold to Soldiers +Business,Latest Merger Would Recast Cellular's Face Once Again +Business,Air Force at Unease in the Capital +Business,AOL reaches agreement on securities fraud +Business,Google wins advertising case +Sci/Tech,HP quits chipmaking alliance with Intel +Sports,Jets Say Pennington Bothered by Shoulder +Sports,Saban admits meeting with Dolphins +Business,Fannie Mae Warns on Capital Position (Reuters) +World,Nuke Whistle-Blower Named Scottish Rector (AP) +World,Industry Hires House's Author of Drug Benefit +World,U.N. Sexual Abuse Alleged in Congo +World,Video War Is a Break From the Real Fight +World,Varig Future in Doubt Amid Takeover Talks +Business,SEC #39;s Recent Penalties Among Its Toughest +Business,Best Buy ahead 21 in spite of #39;modest growth #39; +Sports,Michael Wilbon +Sports,FOOTBALL: REDS FANS MUST FEAR A GERRARD KOP-OUT +World,Allawi unveils candidacy for elections +Sports,"Bosh, Raptors stun Timberwolves" +Business,"Carlyle, Prudential to Buy China Pacific Life Stake, People Say" +Sports,Hornets Top Warriors 98-89 (AP) +Sports,Lee expected trade from White Sox +World,Indonesia Orders Security Clampdown (AP) +World,New finding in Ukraine poisoning +Business,Southwest wins battle for ATA assets +Sports,Rockets Blast Hawks 92-69 (AP) +Sports,"Minnesota 68, Chicago St. 58" +Sports,A Line in the Sand +Sports,It's About Time +Sports,Martinez Deal Finalized +Sports,WIZARDSINSIDER +Sports,Anthony Lifts Nuggets +Business,Sepracor Says FDA Approves Sleep Drug +Business,The Soft Underbelly of Software Deals +Business,China #39;s Investment in Construction Slips +Business,"US must make R amp;D priority, business leaders warn" +Sci/Tech,Time Warner Settles AOL Cases For #36;510 Million (washingtonpost.com) +Sports,Kalou kills off Rangers +Sports,"Rockets 92, Hawks 69" +Sci/Tech,Apple Fights Back Against RealNetworks (AP) +World,"Bush warns Iran, Syria not to meddle in Iraq #39;s affairs" +Sci/Tech,"In Software Industry, Size Matters (Reuters)" +Sci/Tech,RealNetworks promises iPod lockout fix (MacCentral) +Sci/Tech,NASA Spacecraft Tracks Global Air Pollution (Reuters) +Sci/Tech,Death of L.A. Elephant Rekindles Zoo Welfare Debate (Reuters) +Sci/Tech,Pandas Face Years Before Next Favorite Solid Meal (Reuters) +Sci/Tech,Scientists to Help NASA Build Instruments (AP) +World,Suharto party to elect new leader +Sports,O's Turn to Burnett +Sci/Tech,"In Software Industry, Size Matters" +Business,J J to Buy Guidant for \$23.9 Billion +Business,Baseball Wrangling Makes Some Uneasy +Business,A Choice Location +Business,New Training On De-Icing Urged for Small Plane +Business,GOP Gains Boost Chances of Alaska Drilling +Business,Manassas Counting on New District +World,Stores Are Hoping to Do Well by Urging Shoppers to Do Good +Business,"Sprint and Nextel to Merge, Creating Cellphone Powerhouse" +Sci/Tech,FCC to consider allowing cell phones on planes +Sci/Tech,Startup takes new approach to server virtualization +Sci/Tech,"IBM, others push for greater U.S. innovation" +Sci/Tech,"Sprint, Nextel herald 'future of communications'" +Sci/Tech,In Brief: Neon Systems acquires ClientSoft +Sci/Tech,"NEC, Toshiba claim MRAM breakthroughs" +Sci/Tech,"IBM, Others Push for Greater U.S. Innovation" +Sci/Tech,Third Largest U.S. Cell Phone Company Created +Sci/Tech,"FCC Moves Toward Voice, Data, Broadband on Planes" +Sci/Tech,First Look: Small Business Accounting Apps +Sci/Tech,"NEC, Toshiba Claim Memory Breakthrough" +Sci/Tech,Company Claims First True WiMax Chip +Sci/Tech,Court Lifts BlackBerry Maker's Injunction +Business,Global aviation security in a confusing mess: IATA +Business,A Sleeping Pill for Longer Use Wins Approval +Sci/Tech,Ask Jeeves Enters Desktop Search Wars +Sports,Spurs Beat Magic 94-91 (AP) +Sports,Jones Files \$25 Million Defamation Suit Against Conte +Sports,Dickau scores 23; Hornets get rare win +Sports,He Won #39;t Coach Mississippi; Saban Talks to Dolphins +Sports,Television deal is #39;irresponsible of the ECB #39; +Sports,NCAA Game Summary - Louisianna-Lafayette at North Carolina State +Sports,No. 9 Tenn. Tops Louisiana Tech 70-59 (AP) +World,Indonesia orders security clampdown after terror warnings +Sports,"With Renteria, Boston Finally Makes a Big Deal" +Sci/Tech,Jon Stewarts Humiliation of Tucker Carlson the Most Popular Blog Story of 2004 +Sci/Tech,Google Planning To Index Entire Libraries +Sci/Tech,Ask Jeeves Introduces Yet Another Desktop Search Tool +Sci/Tech,News: Long prison term for Lowe's wi-fi hacker +Sci/Tech,News: Bush prepares for possible shutdown of GPS network in national crisis +Sci/Tech,Mac OS X Tip of the Week: Be a Show-off +Sci/Tech,A Magnetosphere of One's Own +Sci/Tech,Ecobot Eats Dead Flies for Fuel +Sci/Tech,Star Wars Sequel Lacks Force +Sci/Tech,Anime Freaks Now Have a Guide +Sci/Tech,Fun of Mario Party Doesn't Last +Sci/Tech,Hollywood Wants BitTorrent Dead +Sci/Tech,"With Mini's Rivals, More Is Sometimes Less" +Sci/Tech,And Now for Something Slightly Different +Sci/Tech,Game Ratings: U Is for Unheeded +Sci/Tech,A Comic Strip Takes Video Games Seriously (Almost) +Sci/Tech,"Honda's Robot Advances, but to Where?" +Business,Merger could affect Nextel Partners +Business,AOL fraud charges settled for \$210 mil +Business,FCC Considers Cell Phone Use On Airplanes +Business,"Caterpillar, Union Reach Tentative Pact" +Business,"J amp;J to buy Guidant for \$23.9 billion in cash, stock" +Sci/Tech,HP to make \$3 billion Itanium commitment +Sci/Tech,Yahoo Maps Offer Live US Traffic Conditions +Sports,Kalou double strike sinks Rangers +Sports,Ailing Roddick beats Fish in exhibition match +Sports,"Hornets snap 11-game losing streak, top Warriors 98-89" +Sports,Heat #39;s winning streak stretches to six +Sports,"Orioles Lose Sexson, Turn Attention to Burnett" +Sports,Ravens #39; Secondary To Get First-Rate Test +Sports,College Notebook: Ole Miss to hire coach +World,Indonesia orders huge security clampdown after terror warnings <b>...</b> +World,No agreement on missile test draft +World,"Blood tests show Ukrainian candidate has 6,000 times more dioxin <b>...</b>" +Sci/Tech,Time Warner Shares Surge After Settlement +Sci/Tech,"Sprint, Nextel Detail Merger Agreement" +Sci/Tech,Small Telecoms Losing Mandated Line Discounts +Sci/Tech,FCC Considers Cell Phone Use On Airplanes +Sci/Tech,Google Wins in Suit Over Ads +Sci/Tech,The Shipping News? Time's Almost Up +Sci/Tech,Wireless Abounds; The Focus Now Is on Improving It +Sci/Tech,A Push to Restrict Sales of Video Games +Sci/Tech,U.S. Missile Defense System Test Fails +Sci/Tech,"Oversight on Bioengineered Crops Is Poor, Report Says" +Business,J J Says to Buy Guidant for #36;25.4 Billion (Reuters) +Business,Oil Climbs to Two-Week High (Reuters) +Business,J J Says to Buy Guidant for \$25.4 Billion +Business,SEC Calls on Fannie to Restate Earnings +Business,Japanese Stocks Recoup Early Losses +Business,"Caterpillar, UAW reach tentative contract deal" +Business,Johnson amp; Johnson to Acquire Guidant +World,"Five Killed, 30 Injured in Spanish Bus Crash" +World,Hilton hotels in Indonesia hunker down after threat +World, #39;Chemical Ali #39; will be the first in the dock +World,"Bush Warns Syria, Iran Against Meddling in Iraq (Reuters)" +Sci/Tech,Intel Plans to Hire Hewlett Designers +Sports,Lue returns to Rockets lineup +Sports,Mets sign Pedro for \$53M +Sports,"Analysis: Philosophies keep union, NHL at odds" +Sports,"College Basketball: Georgia Tech, Wake Forest Win" +World,"Bush Warns Syria, Iran Against Meddling in Iraq" +World,Colombia Captures 'Chancellor' of FARC Rebel Group +World,"East Congo Battle Flares, Governments Trade Blame" +World,Clarke steps into Blunkett's role +Business,Time Warner Settles 2 Cases Over AOL Unit +Business,"To Try to Stop Sale, Yukos Files Chapter 11 in US" +Business,"ExxonMobil, Qatar land LNG financing" +World,Five Dead in Peru Police Siege Shootout +Sci/Tech,Apple fights back against RealNetworks +Sports,Nation #39;s capitol may lose baseball +Sports,Roddick Tops Fish in Exhibition Match +Sports,Bosh takes it to KG in Raptors win +Sports,"To O #39;Neal, Bryant #39;s only #39;That Guy #39;" +Business,J J agrees \$25.4bn Guidant deal +Business,Big Bells Allowed to Charge Rivals More for Line Access +Business,J. J. Is Said to Be Near Deal to Buy Guidant +Business,Judge in WorldCom Lawsuit Sides With Plaintiffs on Issue of Due Diligence by Banks +Sci/Tech,Full Track Downloads on Mobiles +Sports,A scare for State +World,Bus hijackers demand \$1m +Business,Sprint to Buy Nextel in #36;36 Billion Deal (Reuters) +Business,GM seeks mediation to resolve dispute with Fiat +Business,Weak Dollar Sending More US Investors Abroad +Sports,"COL BKB: North Car. St. 78, Lou.-Laf. 72" +Sports,"Pistons persevere, knock off Knicks" +Sports,Saban: I #39;ll be at bowl game +Sports,"Rockets 92, Hawks 69" +Sports,Testing the Secondary +Sports,Palmer Likely Out +World,"Italian man may have been taken hostage, killed in Iraq (AFP)" +Business,J J Seals \$25.4 Bln Pact to Buy Guidant +Business,Merger may heat up fight for wireless customers +Business,Morgan Stanley in governance move +Sports,Kobe takes on the hard questions +Sports,"Coming off break, Horns less than sharp" +Sports,McGrady puts the hurt on Hawks +World,Bombing mars launch of political campaign in Iraq +Business,"\$500 million resolves criminal, civil allegations" +Business,"Briefs: Wal-Mart fires execs, citing rules violations" +World,N. Korea Economic Sanctions 'One Option' -- Japan (Reuters) +World,Iceland Offers Ex-Chess Champ Fischer Residency (Reuters) +Sports,Kansas City Lineman Catches Heat From ND (AP) +Sci/Tech,RealNetworks promises iPod lockout fix +Sports,Billups keys Pistons win at MSG +Sports,Dolphins talking to LSU #39;s Saban +Sports,Manning #39;s pursuit of record draws media blitz +Sports,Red Sox making noise in the offseason +World,India and Pakistan to set up a nuclear hotline +World,Tokyo Stocks Close Down (AP) +World,Nepal army sends reinforcements +World,"Congo, Rwanda at Brink of War" +World,Colombia Captures 'Chancellor' of FARC Rebel Group +Sci/Tech,Global library heralds new information era +Sports,Saban might be ready to scratch that NFL itch +Sports,Sloppy Pack still has enough to remain unbeaten +Sports,"At end, Nuggets golden" +Sports,NBA Game Summary - Atlanta at Houston +World,"Blunkett resigns, Charles Clarke new home secretary:" +Business,Dollar Near Record Low After Inflows Data +Business,Region's consumer confidence dives +Business,Sox make off-season pitch +Business,Funding woes threaten MIT's Dublin media lab +Business,"Tension, fear after mall shooting" +Business,FCC OK's wireless Net access on flights +Business,Bush vows to cut deficit +Business,Time Warner to settle securities fraud charges +Business,Roxbury group to buy S. Boston building +Business,Wireless deal will shake up market +Business,FCC clears new phone rules +Business,Hospital company settles fraud claims +Business,Oil prices jump after US reports lower supplies +Business,A Santa Claus on everyone's list +Business,Building a better English muffin +Sci/Tech,Global library heralds new information era +Sports,Australia v Pakistan first test scoreboard +Sports,Report: Sexson to sign with Mariners +Sci/Tech,Intel Acquires Chip Designers From HP (AP) +Sci/Tech,Global library heralds new information era (AFP) +World,Kyoto benefits outweigh the costs +Business,Sprint acquiring Nextel in \$35B deal +World,3 Jockey for Power of House's Purse Strings (Los Angeles Times) +Business,Speedy Net access coming to airplanes +Business,Johnson amp; Johnson to acquire Guidant Corp. for \$25.4 billion US +Business,Google Wins Geico Trademark Ruling +Business,"Heavy holiday travel expected, concerns over drunken driving" +Business,United Tech says \$2.8b cash deal for Kidde accepted +Sports,Baseball official calls stadium vote #39;unacceptable #39; +Sports,Knicks pained by fall at end +Sports,"As Liverpool lose points at Anfield, need for new faces obvious" +Sports,"Anthony supplies win, atonement" +World,Gunmen Kill Senior Iraqi Ministry Official (Reuters) +World,Australian police search for teen shark attack victim (AFP) +World,Social Security a Priority for White House (AP) +World,Gunmen Kill Senior Iraqi Ministry Official +World,N. Korea Economic Sanctions 'One Option'--Japan +Sports,Lincoln-Sudbury grad achieves her goals at MIT +Sports,Garry's possession skills displayed at UMass-Lowell +Sports,Stehle leading Crimson in rebounds and steals +Sports,Woods is an exchange student +Business,Time Warner pays up +Business,Fed hikes benchmark rate by a quarter point +Business,Are cellphones meant to fly? +World,A mother's search for her children +Business,GEICO vs Google Ads: Google Wins +Business,Holiday crackdown on unsafe drivers getting early start +Business,"Wal-Mart Fires 7 Execs, Managers" +Sci/Tech,Hollywood vs BitTorrent +Sci/Tech,HP confirms that Itanium is Intel #39;s responsibility +Sci/Tech, #39;Wearable #39; solar panels to charge mobiles +Sci/Tech,NEC licenses Honeywell LCD tech +Sports,Let the new owner pay +Sports,NBA Game Preview +Sports,"Successful, respected coach usually has last laugh" +Sports,Bryant is sorry; Shaq justhasnothingtosay +Sports,Sky #39;s the limit when it comes to Sox spending +World,Peace may now stand a chance +World,British official resigns over nanny scandal +World,Pakistan seeks investors for port +Business,Oil prices jump after US reports lower supplies +Business,Airbus forecasts increased demand for its largest fleet +Sports,'Truly' takes San Gabriel +Sci/Tech,Portable panels mean power in your pocket +Sci/Tech,STN-LCD maker EDT projects above 130 CSTN capacity growth in 2Q <b>...</b> +Sports,Replacements on US team? +Business,Tokyo's Nikkei Average Closes Lower +Business,ABN AMRO Leads European Shares Higher +Business,Google wins trademark ruling over online advertising policy +Business,Ex-Serono executive charged in bribery case +Business,Pioneering McCaw at epicenter of cell deals +Sports,Kansas rallies to nip Georgia Tech in OT +Sports,Accounting department +Business,Holiday traveler outlook: no gifts +Sports,Tennessee topples Aggies with ease +Sports,Notebook: Washington move in jeopardy +Sports,Seminoles end on high note +Sports,Antonio Tarver #39;s Transcendent Dreams +Sports,Jones sues her accuser +Sports,Nuggets win on Anthony #39;s shot +Sports,Brackman provides heroics for Wolfpack +Sports,Hurricanes are in a euphoric state +World,Budd inquiry uncovered the crucial second paper trail +World,Mud flies as Iraqis kick off campaign +Sports,"Petrino out, Miles eyed in LSU's search for Saban's successor" +World,ABN AMRO Leads European Shares Higher (Reuters) +World,Saudis Set Up Checkpoints Ahead of Protest (AP) +Sports,Lakers' Bryant Would Apologize to Shaq (AP) +Sci/Tech,Houston Astros Hope Wireless Is A Hit (TechWeb) +World,Indonesia on alert after warnings of terrorist attack (AFP) +Sports,"Pronger, McKenzie Eye Hockey in 2006 (AP)" +World,Social Security a Priority for White House (AP) +Sci/Tech,British Cities Become Wildlife Safe Havens (Reuters) +Sports,Operating under cover +Sports,Forgotten Stewart still waiting for his chance +World,Top Iraq official shot dead +Sports,"A spot for Harvard, NU" +Sports,An advantage? Good question +World,Colombia captures rebel 'envoy' +Sports,Competition is sight for Clement +Sports,BALCO head Conte hit with suit from Jones +Sports,Mountain climbing +Sports,Transactions +Sports,Players: Gloomy outlook +World,Langer launches Aussie fightback +World,Drugs from anywhere +World,Bombing mars launch of political campaign in Iraq +World,Hijackers surrender in Athens bus standoff +World,Militants beat man thought to be from US +World,Britain's Blair left with political headache after key minister resigns (AFP) +World,Top witness in Indonsian Bashir trial withdraws confession (AFP) +Business,Regulators Probing Tips on Offerings -WSJ +Business,"Sprint, Nextel agree to join forces as No. 3 cellphone carrier in <b>...</b>" +Business,Web access on jets may grow +Business,YUKOS Surrenders to the Allies +Business,CPP board tabs Denison +Sci/Tech,"HP, Intel dissolve Itanium partnership" +Sci/Tech,Seeking a little iPod 101? A few tips on this hot gift +Sports,Call him Jolly Ol #39; St. Rick +Sports,Johnson lifts Suns past Jazz +Sports,Setting sights on Delgado +Sports,"Duke women take life out of Gamecocks, crowd" +Sports,Comparisons inevitable in draft-day rematch +Sports,It's a fitting honor for school's finest +Business,Fed Raises Interest Rate to 2.25 Percent +Business,ABN AMRO Leads European Shares Higher +Business,Johnson amp; Johnson buys Guidant for \$24 billion +Business,"Euro, pound see slight rise on greenback" +Business,Casino deals itself short as IPO pops 61 +Sports,Ending will be far from perfect +Sci/Tech,Web Surfers Flock To Family #39;s #39;Out Of Control #39; Holiday Display +Sports,This one has star quality +Sports,Hawkeye heroics go a long way +World,Blunkett quits after Whitehall report +World,Iraqi minister accuses Iran of orchestrating insurgency to <b>...</b> +World,Venezuelans Recall Catastrophic Floods +Business,US Recognizes Yukos Right for Court Protection +Business,Fiat and GM in secret talks +Business,Johnson amp; Johnson to Pay \$25.4 Billion for Guidant +Business,Fannie Mae must restate its earnings +Business,United Technologies to Buy UK #39;s Kidde for \$2.8 Bln (Update5) +Sci/Tech,Intel acquires chip designers from HP +Sci/Tech,Apple Unveils iPod Photo amp; U2 iPod in India +Sci/Tech,Win a Limited Edition of MechAssault 2 +Sports,McLEISH OFFERS NO EXCUSES +World,Britain #39;s Blair left with political headache after key minister <b>...</b> +World,Explosion marks first day of Iraq campaigns +World,Indonesia orders security clampdown after terror attack warnings +World,China urged not to forget poorer neighbours +World,Court of appeal to make key ruling on terror suspects' detention (AFP) +World,Great Whites kill teen on surfboard in second Australian shark attack (AFP) +Business,London opens with gains on bid flurry +Business,Heating oil demand fuels price hike +Business,Bush to send signal on strong dollar +Sci/Tech,Latest Zafi Worm Wreaking Holiday E-Mail Havoc +Sci/Tech,SAP offers automated security-check service +World,Defoe pitches in for pal Joe (AFP) +Sports,"Finish line, December 16" +Sports,Jets: Edwards says Pennington is still hurting +Sports,Bryant offers an apology to O #39;Neal +World,Greek hijack siege ends peacefully +World,EU Leaders Poised To Offer Entry Talks To Turkey +World,Pakistan urges China not to forget poorer neighours +World,Teen surfer killed by two sharks +World,Shi #39;ites bombed as Iraq poll campaign begins +Sci/Tech,Latest Zafi Worm Wreaking Holiday E-Mail Havoc (Reuters) +World,Australian Teen Surfer Killed by 2 Sharks (AP) +Sci/Tech,Thai Zoo to Be Charged Over Illegal Orangutan (Reuters) +World,Taiwan sparks Japan-China row +Sports,It's career day for Pingree's Lloyd +Business,J amp;J to buy Guidant for \$25.4bn +Business,"ABN Amro to cut 2,800 jobs" +Sci/Tech,Apple ships Mac OS X update +Sci/Tech, quot;MechAssault 2: Lone Wolf quot; goes gold +Sports,McCoist blasts #39;powder-puff #39; Gers +Sports,Expos move in jeopardy +Sports,Expos #39; relocation to Washington in peril +Sports,Jets #39; failing #39;O #39; is a sore spot +World,RUSSIA * ROSGIDROMET * KYOTO * OPINION +World,Ruling due on terror detentions +Business,Turning the Holidays Green +Business,SEC advises Fannie Mae to restate earnings; \$9bn at stake +Sci/Tech,MechAssault 2: Where everything is destructible +Sports,"Pedro exit official: Passes physical, set to join Mets" +World,Greece Appeals for Calm after Bungled Hijack Ends Peacefully +World,Festive Season Brings Terror Warning Regarding Indonesia +World,Incumbent Mesic Leads Presidential Race in Croatia +World,Full Extent of Indonesia Disaster Slowly Revealed +World,A boy named Tsunami Roy (Reuters) +Business,Retail sales show festive fervour +World,Blair calls for long-term effort to overcome 'global catastrophe' (AFP) +Business,China's Local Growth Economy Still Strong (AP) +Business,HK delays Link REIT by 3 days (TheDeal.com) +Business,Bankruptcy plan #39;will not deter #39; Yukos sale +Business,Retail sales show festive fervour +Sci/Tech,"All new chips multicore, says Intel" +Sci/Tech,DoCoMo to Offer Overseas Roaming-Capable 3G Phones (Reuters) +Sports,"Skiles ejected, Bulls respond" +Sci/Tech,Oracle may feel PeopleSoft's pain (TheDeal.com) +World,Greece fears racist backlash +World,US fears Iranian influence in Iraqi elections +Sports,Koivu Says Next NHL Season Also at Risk -- Paper +Sci/Tech,Humanoid robot learns how to run +Sci/Tech,Nintendo DS plays music and video +Sci/Tech,DoCoMo to Offer Overseas Roaming-Capable 3G Phones +World,Alleged Bin Laden Tape Criticizes Saudis (AP) +World,EU Leaders Poised to Offer Entry Talks to Turkey +World,Top UK Court Rejects Anti-Terror Detention Policy +Business,Tankan suggests why Japan hasn #39;t intervened in forex +Business,UK shoppers hit the streets in November +Business,"Dutch bank unveils 4,000 job cuts" +Business,EUROPE MARKETS +World,Helicopters reach isolated Aceh +Sports,Preview: Steelers vs. Giants +Business,Retail sales stronger than expected +Sci/Tech,Tas university to play role in Saturn mission +Business,Fannie Mae 'should restate books' +Sci/Tech,P2P Battle Reaches FTC +Sci/Tech,Inside the Mac Revolution +Sci/Tech,Give Your Home a Brain for X-mas +Sci/Tech,Media Wish List for 2005 +Sci/Tech,Another Viewtiful Day +Sci/Tech,Prepping to Pull the Plug on GPS +Sci/Tech,Stocky Monkey in Himalayas Becomes Newest Primate Species +Sci/Tech,"When Shots Ring Out, a Listening Device Acts as Witness" +Sci/Tech,In Theaters Soon: 'My Winter Vacation' +Business,Sprint buys Nextel for \$35 billion +Business,Time will pay \$510m in AOL settlement +Business,Fannie Mae #39;should restate books #39; +Business,UK Retail Sales Rose More Than Expected in November (Update3) +Sci/Tech,SAP offers new system security service +Sci/Tech,Nintendo adds media playing to DS +World,India's parliament speaker threatens to quit (AFP) +World,Hijackers of Greece Bus Surrender +World,Bin Laden tape lays blame for Saudi unrest on regime +World,"World Racked by Political, Social 'Evil' -- Pope" +World,Baby turtle gives species hope +Business,Local telecoms +World,"Suicide Bomber Kills 18 Iraqi Troops, 1 Civilian" +Business,Bush vows to reduce huge deficits +Business,CSM off after planning to sell sugar unit for 850m euro +World,Rains bring new misery to Sri Lanka tsunami victims (Reuters) +Sci/Tech,New Simian species found in Arunachal +Sci/Tech,SAP launches remote security service +Sports,Magnificient Langer rescues Australia +Sports,ENGLISH CRICKETS NEW TV DEAL +World,Purported new bin Laden tape surfaces +World,Distrust dominates Iraq election +Sports,Henin-Hardenne Ready for Comeback in Exhibition +Business,EU to Lift U.S. Sanctions Jan. 1 +Business,Johnson Johnson to Acquire Guidant +Business,"Sprint, Nextel Detail Merger Agreement" +Business,Dollar Eases Toward Record Low Vs. Euro +Business,Web access in sky set to take off +Business,Netherlands CSM Sells Candy Operations +Business,Corus Expects First Full-Year Profit on Rising Prices (Update2) +Business,Grocery outlook grimmer +Sci/Tech,You can #39;t move for desktop searches out there +Sci/Tech,Apple locks out RealNetworks with iPod update +Sci/Tech,New Simian species found in Arunachal: +Sci/Tech,Is an 80Gb iPod around the corner? +Sports,Wednesday #39;s Sports In Brief +Sports,Eli should envy friends of Ben #39;s +Sports,Women #39;s NCAA volleyball Final Four +World,"Bin Laden Alive, Releases Audio Tape -- Web Site" +World,Australian surfer eaten by sharks +World,Kidde Accepts Takeover by United Tech (AP) +Business,Wall Street Looks Set for a Mixed Start +World,Chirac backs Turkish EU entry +Business,YUKOS awaits US ruling on break-up order +Business,Aetna reportedly reaches deal in investor lawsuit +Business,British fire and safety firm Kidde accepts takeover by United <b>...</b> +Business,Cendant to buy Gullivers Travel for \$1.1 billion cash +Business,Travis Perkins to buy Wickes for 950m +Sci/Tech,Nvidia TurboCaches GeForce 6200 +World,Law lords back terror detainees +World,DUP Honour Commitments By Standing Up To Terrorism +Sports,Baseball in Washington in jeopardy (USATODAY.com) +Business,Google wins in trademark lawsuit +Business,FCC to consider allowing cell phones on planes +Business,Symantec to Buy Veritas for \$13.5 Billion +Business,Google hails adwords victory +Business,LSE still prey but deal seen likely +Business,Johnson amp; Johnson to Buy Guidant +Business,Most services more expensive in +Business,"ABN Amro Plans to Cut 2,850 Jobs as Earnings Decline (Update6)" +Business,"No Marsh, Spitzer deal in #39;04: WSJ" +Business,Central Bank Comments on China Aviation +Business,Ameritrade CEO Moglia Extends Contract +Business,Symantec to Buy Veritas for #36;13.5 Billion (Reuters) +Sci/Tech,New monkey species found in India +Sci/Tech,Adobe patches holes in Acrobat Reader +Sci/Tech,"Report: Linux Gathering Pace, Moving quot;From Niche to Mainstream quot;" +Sci/Tech,Russian Space Agency to Supply Equipment for NASAs Mars Rover +Sci/Tech,Net domain costs on the rise? +Sci/Tech,Wi-Fi access point squeezed onto single chip +Sports,Langer looking to #39;hurt #39; Pakistan +Sports,NJ would welcome homeless baseball team +Sports,Defoe wants Cole at Spurs +Sports,Warriors go sleepwalking Hornets up record to 2-19 +Sports,Bosh front and centre +Sports,Giants just can #39;t get the offense moving +Sports,Leader Barcelona hosts defending champion Valencia in Spanish <b>...</b> +World,Osama Bin Laden is back: reports +World,Olympic training helped end siege +World,Government Must Act #39;Without Delay #39; over Detainees +World,Iceland to home Bobby Fischer +World,"China, Pakistan call for closer army-to-army ties" +World,Darfur rebels accuse Sudan of continuing attacks +World,Japan risks damaging China relations with Lee visa +World,Australia #39;s Maritime Security Net Stirs Concern Among Neighbors +Business,UK's Brown to Urge U.S. to Cut Deficits (Reuters) +Sci/Tech,Uncertain Landscape For Copyright Protection +Sci/Tech,"During the Holiday Shopping Season, Beware of Identity Theft" +Sci/Tech,Justice Reviews Request for Probe Of Satellite Reports +Business,Dollar Falls as Deficit Worries Mount +Business,Oil Prices Drop from Two-Week Highs +Business,UK's Brown to Urge U.S. to Cut Deficits +Business,Latin America sees strong growth +World,Kerry Campaign Head Admits Miscalculations (AP) +World,Iraq Awards First Post-War Oilfield Contracts +Business,Symantec And Veritas To Merge +Business,J amp;J #39;s Big Buy +Business,"Corus saves 1,700 steel jobs" +Business,Cendant to Buy London Travel Firms +Sci/Tech,South Carolinian may be tapped for top NASA job +Sports,Jones files Balco lawsuit +Sports,"In a flash, DC baseball deal is near collapse" +Sports,Sky wins exclusive cricket contract +World,"Iraq election campaign under way, Bush warns Iran, Syria to keep <b>...</b>" +World,Israel FM calls for peace summit +Business,"FedEx Profit Jumps, Outlook Is Raised (Reuters)" +Business,Housing Starts Dive Unexpectedly in Nov. +Business,"FedEx Profit Jumps, Outlook Is Raised" +Business,U.S. Jobless Claims Drop Sharply +Business,British retail sales get Christmas boost (AFP) +Business,Symantec and Veritas to Merge +Business,Official: WTO Members Should Reach Accord +Business,Dollar #39;s weakness sending US investors overseas +Sci/Tech,HP engineers to join Intel +Sci/Tech,Nintendo DS Media Adaptor soon +Sci/Tech,Hidden fault may contribute to Bay Area earthquake risk +Sports,"Marion Jones sues head of BALCO, challenges him to take lie <b>...</b>" +Sports,It was him +World,Bin Laden points finger at Saudi regime +World,AP: Yushchenko Sure Gov #39;t Poisoned Him +World,Iraq #39;s election campaign underway +World,Japan OKs Visa for Ex-Taiwan President (AP) +Business,Goldman Sachs Quarterly Profit Up 23 Pct. +Business,Current Account Gap Widens to Record +Business,Airbus sees big demand for huge jets +Sci/Tech,iTunes Music Store Downloads Top 200 Million Songs +Sports,Sold down the river +World,Virus poses as Christmas e-mail +World,US airport security loses 'bomb' +World,Battalions go in troops shake-up +World,Fast lifts rise into record books +World,Ukrainian Government Blamed for Poisoning +Business,Symantec to Buy Veritas for \$13.5 Billion +Business,Yukos awaits US bankruptcy fate +Business,Update 1: Goldman Sachs Posts Higher 4Q Profit +Business,"FedEx Profit Jumps, Outlook Is Raised" +Business,Wheels of Justice Flatten Fannie +Business,Cendant Buys Two Leading Names in Travel Industry +World,Plans Under Way for Exiled Iraqis to Vote -IOM (Reuters) +Sports,"Panthers punter arrested for DWI, other charges" +World,Britons outpace their own government in aiding disaster victims (AFP) +World,EU expected to approve talks with Turkey +World,Mosque bombing mars beginning of election campaign +World,Barroso Urges Turkey to Go Extra Mile on EU Talks +World,Plans Under Way for Exiled Iraqis to Vote -IOM +Business,"FedEx profit jumps, outlook raised" +Sci/Tech,"Tunes Music Store Downloads Top 200 Million Songs, Apple Says" +Sci/Tech,"Now, show-off your solar panels" +Sports,Jones #39; lawyer claims Conte was rebuffed by track star +Sports,UEFA Delays Decision on Soccer Quotas Amid EU Legal Concern +Sports,Langer #39;s ice douses Shoaib #39;s fire +Sports,Destiny and title awaits Taylor +Sports,Dickau #39;s big shot lifts Hornets +Sports,Mistakes hinder Knicks in loss +World,UK government loses terror appeal +World,Scandal claims a tearful Blunkett +World,UN broadens its presence in Iraq +Business,Current Account Gap Widens to Record (Reuters) +Business,Symantec to Buy Veritas for \$13.5 Billion +Business,Goldman Profit Rises; Revenue Disappoints +Business,"Stocks Open Lower; Data, Goldman Weigh" +Business,Symantec will buy Veritas for \$13.5B +Business,Low US inventories of crude fuel price hike +Business,Update 2: Goldman Sachs Earnings Soar in 4Q +Business,FedEx #39;s 2Q Earnings Nearly Triple +Business,Cendant Acquires Two British Travel Cos. +Business,Westpac just gets stronger +Sci/Tech,Governor wants to ban sale of explicit video games to minors +Sci/Tech,Adobe smoothes kinks in Acrobat +Sci/Tech,Mars Science Laboratory +Sci/Tech,Sinister quake hazard may lurk beneath Mount Tam +Sports,India to play full-strength team +Sports,Soccer: Germany overwhelms Japan 3-0 in Asian football tour opener +World,Jakarta raises alert on terror attacks +World,Sudan #39;s Government Promises to Stop Darfur Offensive +Sci/Tech,Ill. Gov. Seeks Violent Video Game Ban (AP) +World,Hoon sparks fury with army regiment shake-up (AFP) +Sci/Tech,Uncertain Landscape Ahead for Copyright Protection (washingtonpost.com) +Sci/Tech,"NEC develops CD, DVD, HD-DVD drive prototype (MacCentral)" +World,US troops concluding storm relief operations in the Philippines (AFP) +Sci/Tech,Symantec Agrees to Buy Veritas Software (AP) +Sci/Tech,Quantum Astronomy: Knowability and Unknowability in the Universe (SPACE.com) +World,Italian President Vetoes Contested Justice Bill +World,"Saddam, Defense Lawyer Meet for 1st Time (AP)" +Business,Update 4: Symantec Agrees to Buy Veritas Software +Business,Google wins fight against Geico +Business,US-based Glamis Gold plans US\$3.4B takeover bid for Canada #39;s <b>...</b> +Sci/Tech,New species of monkey found in India +Sci/Tech,Lawmaker Wants To Ban Sale Of Violent Video Games To Minors +Sports,UPDATE 1-Germany banish World Cup ghosts in Japan +World,British gov #39;t loses key case over terror suspects #39; detention +World,Demobilized Soldiers Take Over Aristide #39;s Home Near Port-au-Prince +Business,Today 121 articles about Russia appeared worldwide +Sci/Tech,Lifetime in Prison... With no Evidence? +Business,Cendant to Acquire Gullivers Travel for \$1.1 Billion (Update3) +Business,J and J to buy US #39;s second-biggest heart device manufacturer +World,India faces criticism on tsunami +Business,Parmalat Announces Suits Against 45 Banks +Sci/Tech,Freebie to boost Powderfinger +Sports,Baseball rejects DC plan +World,"India's tsumani death toll jumps to 14,488 (Reuters)" +Sports,"Pacheco vs. Darchinyan: Finally, A Hidden Gem" +Sports,Chicago Bulls Team Report - December 16 +Sports,Birmingham to sell Gronkjaer to Atletico Madrid +World,"Turkish PM eyes #39;positive #39; EU move, but sticking points remain" +World,Britain Cannot Detain Terror Suspects Indefinitely: Court +World,Taliban deny hand in Turkish engineer #39;s murder +Sci/Tech,Virus poses as Christmas e-mail +Business,U.S. Current Account Deficit Hits Record (Reuters) +Business,Fannie Mae Shares Fall on Accounting Woes (Reuters) +Sci/Tech,Symantec to Buy Veritas for \$13.5 Billion +Business,U.S. Current Account Deficit Hits Record +Business,Fannie Mae Shares Fall on Accounting Woes +Business,Carnival Profit Cruises Up 43 Percent +Sci/Tech,E-Mail Program Lacks 'Wow' Factor +Business,"Rite Aid Post Loss, Cuts Outlook" +Sci/Tech,Missile team homes in on the Moon +Business,"New rival for Verizon, Cingular" +Business,Yukos files for bankruptcy +Business,UPDATE 1-Goldman Sachs 4th-quarter profit up 23 pct +Business,Stocks creep higher as investors weigh climbing oil against M amp;A <b>...</b> +Business,Cendant to buy Gullivers for \$1.1B +Business,Johnson amp; Johnson to Buy Guidant +Business,"PARMALAT: FT, BONDI WANTS 1 BLN DOLLARS FROM ITALIAN BANKS" +Sci/Tech,Ask Jeeves Introduces Yet Another Desktop Search Tool +Sci/Tech,iTunes Music Store downloads top 200 million songs +Sci/Tech,SAP launches security service +World,Iraq Considering Nominees for U.S. Ambassador (Reuters) +Sports,Panthers Punter Arrested on DWI Charge (AP) +Sports,Plan to limit foreigners mooted +Sports,Pistons get gift from Knicks +Sports,Cole pleads for Blues chance +World,Iraqi Militants Say They Shot Italian (AP) +World,Police arrest stationmaster after rail crash (Reuters) +Sports,Bode Miller Faces a Tough Challenge +Sports,Detroit Pistons Team Report - December 16 +Business,Coming to America (to Die) +Business,Bush to tackle Social Security issues +Business,Google wins AdWords trade mark case +Business,Goldman reports quarterly earnings up 36 +Business,Hershey Ups Wholesale Prices on Candy +Business,J amp;J to buy Guidant for \$25.4 billion +Business,"Clorox Boosts 2Q, Year Guidance on Gain" +Business,Fannie Mae delays note sale announcement to Friday +Business,Coke Enterprises Outlook Disappoints +Sci/Tech,Ask Jeeves Launches Desktop Search +Sci/Tech,Linux Poised for Takeoff +Sci/Tech,Yahoo! shows live traffic conditions +Sci/Tech,Indian Scientists Discover New Primate Species +Sci/Tech,"Nokia hologram to expose fake, unsafe batteries" +Sci/Tech,Nintendo Powers Up +Sci/Tech,Zafi worm causes email mayhem +Sports,UPDATE 1-Wenger fined for Old Trafford comments +Sports,Cropp Not Shaken by MLB #39;s Reaction +Sports,Kinnear resigns as Nottingham Forest manager +Sports,Three fans banned for racially abusing Yorke +Sports,Golden State Warriors Team Report - December 16 +Sports,Soccer to become football in Australia +Sports,Bode Miller Faces a Tough Challenge +Sports,Ayoob to play football at Cal +Sports,Houston Rockets Team Report - December 16 +World,Barroso Urges Turkey to Go Extra Mile on EU Talks +World,Alleged Bin Laden Tape Targets Saudi Rulers +World,Syria rejects US accusations of meddling in Iraqi affairs +World,Sudan will stop attacks if Darfur rebels do-official +World,Japan urged to repeal Lee visit +World,Abbas #39; own militants reject call to end intifida +World,NZ first in coastal security zone rule +Sports,Panthers Punter Sauerbrun Arrested for DWI (Reuters) +Sports,Source: New Warrants for NYRA Tracks (AP) +Sports,Panthers Punter Sauerbrun Arrested for DWI +World,Compensation for Pinochet Victims Approved (AP) +Business,ADVISORY: Levi Strauss Story Withdrawn (Reuters) +World,Iceland Offers Shelter to Fugitive Chess Player Fischer (Reuters) +World,Montreal man pleads guilty to arson in firebombing at Jewish school (Canadian Press) +Business,Symantec to Buy Veritas for \$13.5 Billion +Business,"FedEx Profit, Outlook Up, Stock Down" +Business,ADVISORY: Levi Strauss Story Withdrawn +Business,Parmalat sues 45 banks over crash +Business,Stormy year for property insurers +World,"UK Keeps Terror Suspects in Jail, Despite Judgement" +Business,Southwest Airlines Nears \$117 Million Deal for ATA +World,"Algeria Security Feared Behind 5,200 Deaths" +Business,Update 1: Moscow Court Bars Yukos Meeting +Business,Symantec Will Buy Veritas for \$13.5 Billion in Stock (Update4) +Business,"FedEx Profit, Outlook Up, Stock Down" +Business,Cendant Snags Another Travel Site +Business,"Noble to Buy Patina Oil for Cash, Stock" +Sci/Tech,Yahoo adds traffic information to map service +Sci/Tech,O2 and Nortel demo super-fast wireless broadband +Sports,Three English fans get five-year bans for racist taunting +World,US Intelligence Analyzing New Tape Attributed to bin Laden +World,Turkey urged to recognise Cyprus +Business,Another wireless hookup +Business,Time Warner to Pay \$510 Million to Settle AOL Charges with US <b>...</b> +Business,Lawyers Clear Krispy Kreme of Wrongdoing +Business,J amp;J Sets Pace With \$25B Guidant Deal +Business,Cendant buying spree continues with \$1bn UK deal +Business,"Noble to Buy Patina Oil for Cash, Stock" +Sci/Tech,"P2P sites shut down, MPAA unleashes lawsuits worldwide" +Sci/Tech,Microsoft Acquires Anti-Spyware Leader GIANT Company +Sports,Australia claw back after Langer smacks 181 +World,I sacrificed career for little boy #39;s sake +World,Iceland offers visa to chess wizard Bobby Fischer +World,China vows to further anti-terror ties with Pakistan +World,Australian security plan worries New Zealand: +World,UN troops surround Aristide #39;s former compound seized by ex <b>...</b> +Business,Economic Data Triggers Huge Dollar Rally +World,Russia Duma election must stand +World,UK rejects North Sea fishing plan +World,Mystery Woman in Kerik Case: Nanny +Business,Star Alliance airlines may delay orders to hear more about Airbus <b>...</b> +Business,CORRECTED - UPDATE 2-Krispy Kreme lawyers found no purposeful <b>...</b> +Business,"Goldman #39;s Profit Rises 23 on Oil Trading, Mergers (Update2)" +Business,Noble to buy Patina Oil Gas for \$3.4bn +World,India 'delivers aid to islands' +Sci/Tech,Microsoft Purchases GIANT Company Software for Anti-Spyware <b>...</b> +Sports,LEVEIN RELISHING DERBY CLASH +Sports,"Miller takes weekly honors with fifth, sixth wins" +Sports,Boston Celtics Team Report - December 16 +World,Full Extent of Indonesia Disaster Slowly Revealed +World,EP Leaders Deliver Opinion: Let Negotiations Begin Without Delay +World,Japan Approves Visa for Ex-Taiwan Leader +World,Italian captive Santoro killed in Iraq +World,PM says his Chinese visit to strengthen close ties +World,Philips switches strategy pictures through flat screen disposal (AFP) +World,Congressman's New Job Is Top Drug Lobbyist (Los Angeles Times) +World,Gaza Plan May Bring Palestinian State-Sharon Aide +World,Bosnia Envoy Sacks Bosnia Serb Officials Over Hague +Business,Statement From Demos On The Last Fed Rate Hike of 2004 +Sports,SEARCHING FOR A HOME? +Sports,Promoter Wants More MLB Games in P.R. (AP) +Business,Bed Bath Beyond Debt-Free +Business,Bush Says Social Security Is a Top Priority +Business,Sprint-Nextel: First Marital Tiff +Business,Symantec in \$13bn Veritas merger +Business,Oil futures stabilize after sharp rise on cold North Hemisphere <b>...</b> +Business,J amp;J Seals \$25.4 Bln Pact to Buy Guidant +Business,Cendant Corporation Acquires Gullivers Travel Associates And <b>...</b> +Sci/Tech,Yahoo adds traffic information to maps service +Sci/Tech,Warner Inks Mobile-Phone Music Deal +Sci/Tech,IDC: Linux Market Will Surpass \$35 Billion by 2008 +Sports,The two sides of Wenger +Sports,Kinnear resigns as Forest manager +Sports,Source: New Warrants for NYRA Tracks +Sports,"Mort: Coach keeps NFL door open, leery of full-time" +Sports,American Stewart back with Venlo +Sports,New York Knicks +Sports,Taylor wants #39;meaningful #39; world title +World,Praise the lords +World,Blunkett #39;s sacrifice +World,Islamist group in Iraq claims killing of Italian hostage: TV +Sports,Midway Developing Mature-Rated Football Video Game (Reuters) +World,Gaza Plan May Bring Palestinian State-Sharon Aide (Reuters) +Business,Mid-Atlantic Factory Output Grows in Dec. (Reuters) +World,"Darfuris Fleeing Villages, Report Govt Attacks (Reuters)" +World,Sponsorship woes still dog Martin heading into new year (Canadian Press) +World,Miller to Honor Swift Boat Vets' Group (AP) +Business,Mid-Atlantic Factory Output Grows in Dec. +Business,"Blue Chips Rise; J J Up, Goldman Falls" +Business,CORRECTED: Symantec to Buy Veritas for \$13.5 Billion +Business,Southwest bids \$117M for ATA assets +Sci/Tech,Exchange That Funky Gift Card +Business,Goldman Sachs Fourth-Quarter Profit Rises +Business,Update 2: FedEx Earnings More Than Triple in Quarter +Sports,Francona kept Sox' snags sewn up +Sports,BCS still ranks as a failure +Sci/Tech,HP to Invest \$3 Billion in Itanium-Powered Servers +Sci/Tech,"Overall iPod sales surge, iPod photo demand mediocre" +Sci/Tech,SAP introduces security service +Sci/Tech,Enterprise Security Adobe Patches Acrobat Vulnerabilities +Sports,FA fines Wenger +Sports,Langer #39;s century saves Australia +Sports,Orgeron introduced as football coach at Ole Miss +World,Ahern and Blair hope to revitalise NI process +Business,Irish company hit by Iraqi report +Business,Yukos could still rescue its main asset with help from US judge +Business,Southwest Wins Chicago ATA Gate Bid +Sports,"Lions, Rogers OK six-year deal" +Sports,Ole Miss tabs Orgeron as head coach +Sports,Connors hopes to continue helping Brits +Business,HarperCollins' State of Bliss +World,Britain's Highest Court Overturns Anti-Terrorism Law +Business,UTC Agrees to Buy Kidde for \$2.8 Billion +Business,Skeptics Crash Symantec-Veritas Party +Business,Sprint-Nextel: First Marital Tiff +Business,Bush to reform Social Security +Business,Goldman Sachs - robust earnings growth for 4Q +Business,Update 1: Advance America Leads Busy Day for IPOs +Sci/Tech,New York Times runs Firefox ad +Sci/Tech,ICANN Proceeds with .job and .mobi +Sports,Uefa backs local talent +Sports,Wannstedt Decides Against Coaching at Pitt (AP) +World,Martin accuses Harper of political cowardice over gay marriage (Canadian Press) +Sports,Ole Miss Tabs Orgeron as Head Coach +World,Sharon Says Israel Could Coordinate Gaza Pullout +Sports,Wenger Punishment A Warning to Others +Sports,One old Guy gives Europe #39;s Xmas turkeys a stuffing +Sports,Wannstedt won #39;t pursue U. of Pittsburgh job +World,Two charged in hijacking bus; government tries to avoid backlash <b>...</b> +Sports,Deeper knowledge +Business,J J Helps Boost Blue Chips +Business,Dollar Rallies on U.S. Economic Data +Business,"Surf Talk at 35,000 Feet" +Business,ATA accepts Southwest Airline #39;s bid for Midway airport operations +Business,Goldman Net Rises 23; Shares Fall as Revenue Drops (Update5) +Business,Chocoholic beware: Prices going up +Business,Motorola Gets Nextel Contract Extension +Business,Noble Energy Expands Into Rockies and Mid-Continent With \$3.4 <b>...</b> +Sci/Tech,Google to digitize some Harvard library holdings +Sci/Tech,New Monkey Species Found in India +Sci/Tech,Focus group: Kazaa will meet Napster #39;s fate +Sci/Tech,Spreading Like WildFirefox +Sci/Tech,Governor wants ban on sale of violent video games to minors +Sports,Wenger fined for Old Trafford comments +Sports,Back in the game +Sports,Ole Miss Contacts Erickson -- #39;It #39;s Something I Need to Look at #39; +Sports,Nigerian Debuts for Germany +World,Bin Laden tells followers to hit West #39;s oil supplies +World,US and poor nations in climate change face-off +World,Iceland offers Fischer shelter +World,Bethlehem's Paradise Hotel Opens Doors (AP) +Business,"Clorox Investors Cheer, Customers Sigh" +Sports,Patriots getting lined up for playoffs +Business,ATA likely to accept Southwest bid +Business,Motorola in 3-year contract extension with Nextel +Business,Survey Shows Lack of Confidence at FDA +Business,Noble Energy to buy Patina for \$3.4bn +World,Cuban M.D. Staying at Argentine Embassy +Sci/Tech,"Adobe Repairs Reader, Acrobat Flaws" +Sci/Tech,Apple releases Mac OS X 10.3.7 Update +Sci/Tech, #39;Critical #39; XP SP2 Update Fixes Windows Firewall Bug +Sports,Orgeron Introduced As Ole Miss Coach +World,Turkey #39;s Long Wait for EU Entry +World,Jazeera Says Iraq Militants Killed Italian Hostage +Sports,"Majerus Takes USC Job, With Docs' OK (AP)" +Business,Some FDA Staff Had Drug Safety Concerns-Survey +Sci/Tech,Microsoft Releases Desktop Search +Sci/Tech,Apple fixes Panther glitches +Business,Shoemaker Nike's Quarterly Earnings Rise (Reuters) +Business,Wal-Mart to Match Kettle Donations (AP) +Business,Symantec to Buy Veritas for \$13.5 Billion +Business,More questions than answers in Symantec/Veritas deal +Business,Yukos awaits US ruling on break-up order +Business,Time Warner in Proposed Settlement with SEC +Business,Google Wins GEICO Trademark Suit over Keywords +Business,Johnson amp; Johnson to Buy Guidant for \$25.4B +Business,Nike 2Q Profit Rises 46 Percent +Business,US Airways Reaches Flight Attendant Deal +Business,Mortgage Rates Dip This Week +Business,Noble Energy to Buy Patina for \$2.76 B +Business,Fannie Mae Pays the Price of Cutting Corners to Look Safe +Business,Russ Berrie Buys Private Bedding Firm +Business,U.S. Current Account Gap Widens +Sci/Tech,Googles virtual library signals communications revolution <b>...</b> +Sci/Tech,Microsoft to offer anti-Spyware in January +Sci/Tech,HP Extends Server Leadership +Sci/Tech,Illinois Governor Wants Ban on Graphic Video Games +Sci/Tech,Zafi worm proves a holiday pest +Sci/Tech,Water and robots on Mars chosen as tops in 2004 by #39;Science #39; +Sci/Tech,New species of monkey discovered in Arunachal +Sci/Tech,Adobe Fixes Multiple Flaws +Sci/Tech,IBM Accelerates Grid-Computing Efforts For ISVs +Sci/Tech,Personal Solar Panels Could Help Power Mobile Devices +Sci/Tech,Melodeo Lands Cell-Phone Music Deals +Sci/Tech,Linux To Ring Up \$35 Billion By 2008 +Sci/Tech,AMD Will Have An Edge Over Intel Through 2005 +Sci/Tech,The browsers war: Firefox vs Internet Expl +Sports,Jones Sues Accuser for Slander +Sports,Wenger fined for his wicked tongue; will not appeal +Sports,"Langer eyes double, Australia to push for 400" +Sports,Mariners reportedly land Beltre +Sports,Washington mayor to push change in baseball bill +Sports,Farjestad pounds Worldstars +Sports,White Sox and Uribe agree to terms +Sports,Mets challenge intrigues Martinez +Sports,Coach had stent inserted Wednesday +Sports,"Houston #39;s Yao, Miami #39;s O #39;Neal lead early NBA all-star fan <b>...</b>" +Sports,In Fox they trust: Panthers lean on coach to turn around 1-7 start +World,Saudi forces thwart protest march +World,Iraq trials #39;should be after poll #39; +Business,Nike trounces forecasts +Business,Fire At UPS Hub Still Under Investigation +Sci/Tech,Singing the iPod blues +Business,"Blue Chips Close Up, Goldman Drags on S P" +Business,Oil Holds Big Gains on U.S. Fuel Concerns +Business,Blockbuster Up on Hollywood Video Talk +Business,Accounting Board Rules Options Be Expensed +Business,Court Approves US Airways Agreements With GE +Business,'Bin Laden' tape urges oil attack +Sports,Smoltz OKs New Two-Year Deal With Braves (AP) +Sports,"Jets, Seahawks Both Face Must-Win Game (AP)" +Sports,Moore Leaps to Great Heights for Ravens (AP) +Sports,White Sox Sign Infielder Juan Uribe (AP) +Business,A Big Beat for CardioDynamics +Sports,Washington Mayor to Push Change in Baseball Bill +Sports,"Atlanta Braves, Smoltz Agree to New Deal" +Sports,Mississippi State Extends Croom Contract +Sports,Solich Takes Over at Ohio University +Sports,European round-up +Sports,Real abandoned after bomb threat +Sports,Stadium evacuated after bomb threat +Sports,Bomb threat mars Real Madrid game +Sports,Klitschko destroys Williams! +Sports,Klitschko targets political fight next +Sports,Klitschko retains title +Sports,Klitschko retains title +Sports,Monty on Target to getting out of the Woods in singular style +World,Explosion rips Israeli base at Gaza-Egypt crossing; 4 Israeli <b>...</b> +World,Israel #39;s Labour in talks on coalition +World, #39;Bin Laden #39; tape urges oil attack +World,Terror Warning Against Travel to Indonesia +Business,Shoemaker Nike's Quarterly Earnings Rise +Business,Gartner issues 10 CIO resolutions for 2005 +Business,Summary Box: Symantec Snaps Up Veritas +Business,World crude oil market slips as supply fears ease +Business,Update 1: AirAsia Opts for Airbus Aircraft +Business,"UPDATE 1-US Airways, flight attendants in concession deal" +Business,SEC Advises Fannie Mae to Restate Earnings +Sports,Stuck in a Rundown +Sports,Hudson Sent to Braves +Sports,Cropp Has Bad Timing +Sports,Wenger fined and reprimanded for Man United comments +Sports,Langer outplays pace barrage +Sports,Demands of Tyneside showing on Souness +Sports,World Stars lose 6-1 to Swedish Elite League club +Sports,Fox has winning formula for Panthers +World,Australians head to Indonesia +Sci/Tech,Desktop Search wars heat up +Sci/Tech,HP Ships Itanium Team to Intel +Business,Two Fidelity Employees Let Go Over Gifts +Sci/Tech,Apple Sells 200 Million Songs on ITunes +Sci/Tech,Science Magazine Names Mars Discovery Breakthrough of the Year +Sci/Tech,Kazaa could have bugs +Sci/Tech,IBM Unleashes New RFID Middleware +Sci/Tech,An all-new power walk +Sci/Tech,AMD: Feeling chipper +World,Families Try to ID Argentina Fire Victims +Business,Oil price rise a cloud on Wall Street #39;s happiness on results +Business,Fannie Mae ordered to restate earnings +Sci/Tech,Google Virtual-Library Agreement Is Important First Step +Sci/Tech,Weighing The Desktop Search Pros And Cons +Sci/Tech,Sony #39;s PSP draws queues on 1st day +Sci/Tech,Microsoft acquires antispyware vendor Giant +Sci/Tech,NASA chief applies for job as chancellor of Louisiana State <b>...</b> +Sci/Tech,NASA Chief Applies for Job at LSU +Sci/Tech,NASA Chief O #39;Keefe May Be Quitting +Sci/Tech,"Illinois Governor Wants To Keep #39;GTA, #39; #39;Halo 2 #39; Out Of Kids #39; Hands" +Sci/Tech,Adobe pulls Acrobat 6.03 update +Sports,Worldstars routed +Sports,Uefa Cup Thursday Preview +World,Mystery #39;British Charity #39; Worker Executed in Iraq +Business,No Static Expected in Sprint-Nextel Deal +Business,New rule: Firms must expense options +Sci/Tech,Rover Finds More Signs of Water in Mars #39; Past +Sci/Tech,IBM adds RFID capabilities to WebSphere products +Sci/Tech,ICANN Stands To Reap Windfall from New Domain Fee +Sci/Tech,Postal Service Trying to Stay Competitive (AP) +Sci/Tech,Report: Linux Market Poised for Takeoff (NewsFactor) +World,Many Now Worry AIDS Drug Will Be Halted (AP) +Sci/Tech,Adobe 4Q Earnings Surge 36 Percent (AP) +Sci/Tech,IBM offers developers modeling transition tool (InfoWorld) +World,"Myanmar junta putting Aung San Suu Kyi's health, safety at risk: opposition (AFP)" +Sci/Tech,Apple Sells 200 Million Songs on ITunes (Reuters) +Sci/Tech,"EU Wants More Mandatory Emissions Cuts, U.S. Opposed (Reuters)" +Sci/Tech,Chrysler Sees Big Savings from New Engine Venture (Reuters) +Sci/Tech,Some States Split With Bush on Emissions (AP) +Sci/Tech,AP: Astronaut Says Space Shuttle Safer (AP) +World,Abbas Says Any Gaza Talks Must Follow 'Road Map' +Sci/Tech,"Water, Robots on Mars Get Top 2004 Honors (AP)" +World,"Ukraine in Crisis, Could Face Disaster, PM Says" +Sci/Tech,Big Crab Catch Sparks Overfishing Worries (AP) +World,"Saddam Sees Lawyer, Forces Deployed to Kerbala" +World,Women in China finally making a great leap forward +World,EU-Turkey talks set for October +World,Russia to release massacre files +Business,"Leapfrog withdraws #39;04 outlook, gives no estimates" +Sci/Tech,Illinois seeks game ban +Sci/Tech,Zigbee (Almost) Arrives +Sci/Tech,Cisco to Open Tokyo Research Center +Sports,"Magpies top UEFA group, Hearts out" +Sports,Report: Mariners sign 3B Beltre to five-year deal +Sports,Twins sign veteran Mulholland to minor league deal +Sports,Connors to team up with McEnroe at BBC and LTA +Sports,Beltre Agrees to #36;64M Deal With Mariners (AP) +World,Sharon Expresses Optimism for Upcoming Year +World,EU Agrees to Start Membership Talks With Turkey +World,Colombia Sentences Irishmen for Rebel Aid +World,Cuban M.D. Staying at Argentine Embassy +Business,Higher oil pricing may be in store from OPEC +Sci/Tech,Symantec in \$13bn Veritas merger +Sci/Tech,Missile team targets the Moon +Sci/Tech,New Grand Theft Auto Video Game Heads to Xbox +Sci/Tech,Digital Cameras Sales to Hit \$24 Billion in 2004 +Sci/Tech,Mexico Warms Up to Voice Over Internet Service +Sci/Tech,Apple Sells 200 Million Songs on ITunes +Sci/Tech,iPod: The Gift That Keeps on Going +Sci/Tech,"For Nextel, Merger Is Time Of Trepidation" +Sci/Tech,BearingPoint Gets Subpoena in California +Sci/Tech,Holiday Travel Tips for Stress-Free Flying +Business,Sprint: Nextel #39;s Savior +Business,Telstra Plans to Begin Cutting Middle Managers Next Year +Sci/Tech,But eye in the sky tracks pollution +Sports,Pirates acquire Santiago from Royals +Sports,Smith Hints He Wants to Play Another Year (AP) +Sports,Lack of Courtesy From ADs Miffs Osborne (AP) +Sports,Hudson Traded to Braves +Business,"ABN AMRO to cut 4,000 jobs in restructuring" +Sci/Tech,Microsoft Buys Anti-Spyware Company +Sci/Tech,iTunes hits 200 million download mark +World,"Turn on the charm if you want to woo Europeans, Turkey told" +World, #39;Osama #39; tape tells Saudis: prepare for coup +World,CIA confident that voice on tape is Bin Laden +World,Pakistan ratifies Kyoto Protocol +World,Iraq political launch marred +Sports,Pirates Finish Santiago Trade With Royals (AP) +Business,Dow Ends Up on J J Deal +Business,Symantec shares skid on deal +Business,Yukos CFO tells court of threats +Business,AirAsia choses Airbus over Boeing +Business,Briefs: Southwest has top bid for ATA +Business,Parmalat is suing 45 more banks +Sci/Tech,Governor Take Action On Video Games +Sports,Wenger fined for #39;cheat #39; jibe +Sports,Beltre leaving LA for Seattle +Sports,Mulholland signed by Twins +Sports,Parma hits back to keep Italian hopes alive +Sports,Osborne upset about athletic directors not calling back +Sports,Vaughan plans verbal assault as England go in search of records +World,Annan Tells Powell UN Will Aid Iraq Vote +World,14 arrested for anti-government rallies in Jeddah and Riyadh +World,Colombian jail for Irish trio in IRA terror case +World,Microsoft Wants to Resume Talks With EU (AP) +World,Schoolgirl killer Homolka could quietly slip into any town in Canada: top cop (Canadian Press) +World,UN troops surround Aristide house +Business,Rules Change Requires Apple to Expense Options +Sci/Tech,Apple breeze past the 200 Million iTunes mark +Sports,Midway sending an all-out Blitz +World,"At summit, a deal on membership talks" +World,"21 Neapli troops, 41 rebels killed" +Sports,Fox Sports Net to Televise AFL Games (AP) +Business,"Dutch bank to lay off 2,850 staff" +Sci/Tech,Space Station Crew Told To Cut Back on Food +Sports,Royals trade Santiago to Pirates ahead of deal for Marrero +Business,US bankruptcy judge promises Yukos ruling this week +Business,Stock option expensing required next year +Sci/Tech,HP bullish on Itanium #39;s future +Sci/Tech,New species of monkey described +Sci/Tech,Customers Not Confident Of Oracle-PeopleSoft Integration <b>...</b> +Sports,Bucks place Strickland on injured list +Sports,"Heath: Check the oven, Cowboys are done" +World,Turkish PM eyes last-minute compromise on Cyprus +World,SADDAM MEETS LAWYER FOR FIRST TIME +Sports,Sportsview: Selig Co. Hear 'Chin-Music' (AP) +World,Many Now Worry AIDS Drug Will Be Halted (AP) +Business,Boobirds Batter Symantec-Veritas +Business,"Continental cuts \$22 mln more in wages, benefits" +Sports,Birminghams Gronkjaer going to Spain +Sports,Germany score easy win over Japan +World,Blair holds key as EU opens door to Turkey +World,Bin Laden tape put online +World,Iraqi militants claim Italian aid worker was murdered as a #39; <b>...</b> +World,Sudan orders halt of fighting in Darfur but rebels say attacks <b>...</b> +World,UHaiti Gov #39;t Negotiates With Ex-Soldiers +Business,Fidelity Disciplines 16 Workers Over Gifts (AP) +Business,Anlaysis: Yukos seeks legal asylum in US +Business,US approves high-flying broadband +Business,Sepracor Shares Rise on Insomnia Drug OK +Business,Wall Street's Designs on '05? A Boom in Merger Activity +Sci/Tech,What #39;s all the fuss about desktop search? +Sci/Tech,Violent video games get shot again. +Sci/Tech,"Adobe Repairs Reader, Acrobat Flaws" +Sci/Tech,Linux To Ring Up \$35B By 2008 +Sci/Tech,Microsoft posts critical configuration patch +Sci/Tech,ICANN Institutes New Annual Fee +Sports,21st-century Langer gives Australia edge +Sports,Smoltz agrees to new two-year deal with Braves +Sports,Parma late show secures UEFA Cup survival +Sports,Atletico Madrid complete deal for Birmingham #39;s Gronkjaer +Sports,Cropp Wants Deadline Extension +Sports,Germany beats Japan 3-0 +Sports,Ex-Nebraska coach Solich hired to turn around Ohio University +Sports,Pittsburgh #39;s Burress out Sunday; Staley is doubtful +World,"Quit or be toppled, bin Laden tells Saudi elite" +World,Greek Albanians #39; woes fester +World,Quinn may leave hospital tomorrow +World,Bush vows pension fund shake-up +Business,Nike's 2nd-Quarter Earnings Jump +Sports,Solich to Coach Ohio +Sports,NHLPA Disputes Claims +World,Bush Says Social Security Plan Would Reassure Markets +Business,Update 1: Thursday #39;s Commodities Roundup +Sci/Tech,Water of life and other scientific highlights of 2004 +Sports,Braves have a Schuerthing +World,Israel says it will back Blair peace conference +World,Iraqi Militants Say They Shot Italian +World,Australian zone widens #39;deputy sheriff #39; net +World,Teenage surfer ripped in half by pair of sharks +Business,Philips sells PC screens arm to TPV Technology +Sci/Tech,Governor Pledges to Ban Violent Video Games for Minors +Sci/Tech,The Undiscovered Monkey: Researchers Identify New Species of <b>...</b> +Sports,A #39;s Trade Pitcher Tim Hudson to Braves +Sports,Manning Helps in Developing Giant Game Plan +Sports,"Hudson Joins Braves, Mariners Sign Beltre (AP)" +World,Call for Demonstrations Falls on Deaf Ears +Sports,A's Trade Pitcher Tim Hudson to Braves (AP) +World,Cuban M.D. Staying at Argentine Embassy (AP) +World,Alleged Bin Laden Tape Praises Attack (AP) +Sports,Competition in sight for Clement +Sports,"Mariners, Beltre reach agreement" +Sports,19-year veteran slated to get bulk of action in 2005 +World,16 die in fresh Nepal clashes +Business,Symantec to Buy Veritas for \$13.5 Billion +Business,Philips sells PC monitor and flat TV manufacturing unit +Business,Goldman #39;s record revenues fail to meet expectations +Sci/Tech,Software Giant Buys Giant Software +Sci/Tech, #39;Pirate #39; network can block porn: court +Sports,Edu waves goodbye to Highbury +Sports,Ask Vic: Philly #39;s pass-happy philosophy +Sports,Twins sign Mulholland to minor league deal +World,Annan pledges to cooperate in oil-for-food probe +World,SA orders destruction of killer shark +World,Three linked to IRA jailed in Colombia +World,Saddam allowed to meet with lawyer +World,N.Koreans Seek Refuge at Japan School in China (Reuters) +World,N.Koreans Seek Refuge at Japan School in China +World,Bush Immigration Plan Meets GOP Opposition (washingtonpost.com) +Sports,"Newcastle Tops UEFA Cup Group, Parma Advances to Round of 32" +World,"Iran, Syria and the Iraqi quagmire: rein in manipulation before <b>...</b>" +Sports,"After Looking Up to Sky, a Star Is Transplanted" +Sports,Martnez's Value Goes Beyond Mound +Sports,Yankees See New Chance to Make Deal for Johnson +Business,Symantec to Buy Veritas Software in Deal Worth \$13.5 Billion +Sports,What's Wrong With Jets? Not Enough Points +Business,"3 Years After Enron, Resistance to New Rules Grows" +Business,Judge in Grasso Trial Was Suggested for Post at Big Board +Business,Trade Data Show Another Record Deficit +Business,Symantec to Buy Veritas Software in Deal Worth \$13.5 Billion +Business,Goldman Sachs Says Earnings Rose 23 for Quarter +Business,Parmalat sues 45 banks over bust +Business,US Airways flight attendants OK possible strike +Sports,Uefa optimistic over quota system +Sports,Pitino might bring back Farley +Sports,Report: Solich lands Ohio job +World,French Court Jails 10 for Al-Qaeda-Linked Plot in Strasbourg +World,AU pledges to increase ceasefire observers in Darfur +Business,Philips switches strategy pictures through flat screen disposal +World,Israeli Forces Launch New Gaza Operation (Reuters) +Business,Kidde succumbs to 17m #39;sweetener #39; +Sci/Tech,Adobe patches Acrobat Reader +Sports,Gronkjaer to wear number 11 with Atletico Madrid +Sports,"FA punish Wenger with record 15,000 fine" +Sports,A #39;s Trade Pitcher Tim Hudson To Atlanta Braves +Sports,Montreal Expos Will Not Move to Washington +Sports,Lack of Courtesy From ADs Miffs Osborne +World,Albanian Bus Hijacking Raises Unpleasant Issue for Greeks +Sports,BoSox Game 4 Lineup Card Draws Record Bid (AP) +Sports,William Mary QB Wins Payton Award (AP) +Business,Wrapping Up #39;National Assets #39; +Sports,New head coach clear on goals for Rebels +World,Sharon gives Blair #39;s Middle East summit an unexpected boost +World,Law Lords blow to anti-terror rule +World,PM sets up Blunkett return +World,Violence greets Iraq election campaign. +Sports,Braves Acquire Hudson; Beltre and Mariners Agree +Sports,The Smaller the Better +Sports,Big Unit Deal in Works +Business,Kremlin Reasserts Hold on Russia's Oil and Gas +Business,Regulators Adopt Tighter Rules on Accounting for Stock Options +Business,Fidelity Disciplines 16 Traders Over Gifts From Brokers +Sci/Tech,Panel Sees Shuttle Flights Resuming Soon +Sci/Tech,Australia #39;s Dish ready to for another brush with fame +Sci/Tech,BT to offer Blackberry-enabled Siemens handsets +Sports,"Almost done: Johnson to Yankees, Green to Arizona, Vazquez to <b>...</b>" +Sports,Braves Acquire Hudson; Beltre and Mariners Agree +Sports,Receiver expected to miss game +World,Europe Invites Turkey to Hold Membership Talks Next October +World,UK Verdict May Jeopardize Blair #39;s Terror Policies +World,Iceland Offers Asylum to Jailed Fischer +World,Italian President Vetoes Justice Reform (AP) +World,"Saddam Meets Lawyer, Aides Due in Court (AP)" +World,Seven presumed North Koreans seek refuge in Beijing Japanese school (AFP) +Business,Yukos seek US court order to block forced sale in Russia +Business,J amp;J takes heart from 13bn deal +Business,Oil futures stabilize above US\$44 a barrel after jump in prices +Business,UTC to buy Kidde in 1.4bn deal +World,Turkey Keeps EU Waiting for Reply on Talks Offer +Sci/Tech,Zafi virus hits e-mail +Sci/Tech,NASA Spacecraft Tracks Global Air Pollution +Sports,Three-way deal in making that finally sends #39;Unit #39; to Yanks +Sports,Mets challenge intrigues Martinez +Sports,Pistons Top Cavaliers 81-69 (AP) +World,S.Korea and Japan Keep Up Summit Shuttle on North +Sports,A Couple of Davids Team Up in Queens +World,Guard Reports Serious Decline in New Recruits +World,"Indian, Twice Removed" +Sci/Tech,NASA spacecraft tracks global air pollution +Sports,Report: Yanks acquire Big Unit in three-team trade +World,Turkey on brink of joining EU +World,Hussein Sees Attorney Before Aides' Hearings +World,"Hussein, Defense Lawyer Meet for 1st Time" +Sports,NBA ROUNDUP Yao Leads Early All-Star Voting +World,Colombia Won't Extradite Top Warlord (AP) +Business,Update 4: Companies Told to Start Expensing Options +Sci/Tech,Microsoft Consumes Little Giant +Sci/Tech,IBM steps up grid partner plan +World,Tabloid tales and the downfall of a minister +World,World stars support Asian tsunami charity match (AFP) +Business,"Nikkei Up 1.61, Buying in Futures Noted" +Business,FASB Orders Options Counted as Expenses +Business,"US Airways, Flight Attendants Closer to Deal" +Business,3Com Posts Wider-Than-Expected Loss +Sci/Tech,Microsoft enters anti-spyware fray +Sci/Tech,New species of monkey discovered in Northeastern India : +Sci/Tech,Cassini Craft Spies Saturn Moon Dione +Sci/Tech,IBM Launches New RFID And Sensor Software +Sci/Tech,CMU grad hopes to turn Skype #39;s fast-growing Internet phone service <b>...</b> +Sports,Yankees reportedly to get Johnson in blockbuster trade +Sports,McLeish on wrong side of the thin blue line +Sports,"Hudson sent to Braves with Meyer, Thomas, Cruz going to the <b>...</b>" +Sports,Cavs smothered by Pistons #39; defence +Sports,Revealed: why refs get it wrong +Sports,Wizards: A Magical Season or an Illusion? +World,"Thai Tsunami Survivors Pray for Dead, Look Ahead (Reuters)" +World,UK Home Secy rules out release of terror suspects +World,Italian hostage among 12 killed in Iraq +Sci/Tech,Internet calls can trim festive costs +Business,Judge Orders Halt to YUKOS Unit Auction +Business,"Oil Creeps Higher, Eyes New US Cold Front" +Business,"Nikkei Up 1.5 Pct, Year-End Rally Eyed" +Business,"Adobe Profit Up, Shares Fall on Outlook" +Business,3Com Posts Wider-Than-Expected Loss +Business,FASB Orders Options Counted as Expenses +Business,Radio One Considers Return to D.C. +Business,"US Airways, Flight Attendants Closer to Deal" +Business,New Rule May Help Business-Lobby PACs +Business,Housing Starts Took Plunge in November +Business,Merger Activity Hits Record High +Sports,Auxerre puts Rangers out of UEFA Cup +Sports,NBA Wrap: Hamilton Guides Pistons to Win Over Cavs (Reuters) +Sports,NBA Wrap: Hamilton Guides Pistons to Win Over Cavs +Sports,Yankees Nearing Deal to Acquire Johnson +Sports,The Collapse of Kobe +Sports,Martnez's Value Goes Beyond Mound +Sports,"Notebook: Burress, Kriewaldt ruled out for Sunday" +World,Powell Says UN Is Doing Enough for Iraq Elections (Reuters) +World,U.N. Says Bugging Device Found at Its Geneva HQ (Reuters) +World,Teamster Death Probe Sought in El Salvador (AP) +World,Shark That Killed Australian Teen Hunted (AP) +World,Bhutan forbids all tobacco sales +Business,Big Pharma #39;s Rx to Rise and Shine +Sci/Tech,Latest worm attack prompts call for increased antivirus vigilance +Sports,NBA Wrap: Hamilton Guides Pistons to Win Over Cavs +Sports,Rice finally stops Lamar +World, quot;Bin Laden quot; tape slams Saudi govt +World,Guard Reports Serious Drop in Enlistment +World,Colombia Won't Extradite Top Warlord +Business,Nikkei Surges to Highest Close in 4 Weeks +Business,Houston court rules on suspending sale of Yukos subsidiary +Business,Cell phones in the air: Convenience or curse? +Business,SEC Orders Fannie Mae to Restate +Business,eBay buys Rent.com for \$415 million +Sports,Carey #39;s Career-High Carries Longhorns +Sports,"For These Quarterbacks, The Smaller the Better" +Sports,"Mary Hardin-Baylor, continuing rapid rise, poised to win first <b>...</b>" +World,Saddam has first meeting with his lawyer +World,EU Expects Turkey to Initial Deal on Cyprus Friday +World,Euthanasia seeker dies in India +World,Irish trio 'have fled Colombia' +Business,Agreement offers flexibility and cash to bankrupt airline +Sports,No. 6 Stanford Advances To NCAA Championship With 3-1 Win Over <b>...</b> +World,7 North Koreans take refugee at Japanese Embassy in North Korea +Business,Property Fund Says to Hold YUKOS Auction (Reuters) +Business,Property Fund Says to Hold YUKOS Auction +Business,EBay to Buy Rent.com for \$415 Mln in Cash and Stock (Update2) +Sci/Tech,Microsoft Software to Remove Spyware (AP) +Sports,AN AMAZIN #39; DAY +Sports,UNIT ABOUT TO LAND IN BRONX +Sports,Controversy continues to follow Bryant +Sports,"Lakers 115, Kings 99" +Sci/Tech,Apple's IPod in Short Supply at Holidays (AP) +Sci/Tech,Computer Users Sued for Swapping Music (AP) +Sci/Tech,Ill. Gov. Seeks Ban on Violent Video Games (AP) +Sci/Tech,Alabama Troopers Issue Electronic Tickets (AP) +Sci/Tech,"After Merger, Gradual Changes (washingtonpost.com)" +Sci/Tech,"Adobe Profit Up, Shares Fall on Outlook (Reuters)" +Sci/Tech,Cassini Craft Spies Saturn Moon Dione (AP) +Sci/Tech,Wash. Orcas Get Feds' 'Threatened' Status (AP) +World,EU Expects Turkey to Initial Deal on Cyprus Friday +Sci/Tech,Los Alamos Laser to Be Launched to Mars (AP) +Sci/Tech,Group Urges Doable Shuttle Repair Method (AP) +Business,Nikkei Surges to One-Month High +Sci/Tech,More Thumbnails Please +Business,Nikkei Surges to Highest Close in 4 Weeks +Sci/Tech,"Young counters O #39;Keefe, saying the culture at NASA hasn #39;t changed" +Sports,Marion Jones wants BALCO founder to take lie detector +Sports,Johnson bound for Yankees: report +Sports,NBA Game Summary - LA Lakers at Sacramento +Sports,"Stanford wins, to play for title" +World,"Colombia judges order arrests, but whereabouts of trio linked to <b>...</b>" +World,Gaza Strip Mortar Attack Injures 11 Israeli Soldiers (Update3) +Sci/Tech,U.S. Army Aims to Halt Paperwork with IBM System +Sci/Tech,"Gradual Changes to Come for Sprint, Nextel" +Sci/Tech,Settlement Includes Tight Controls for AOL +Sci/Tech,Merger Activity Hits Record High +Sci/Tech,"BearingPoint Warns of Continued Turmoil, Acknowledges Subpoena" +Business,Russia to Hold YUKOS Auction +Sci/Tech,Microsoft fixes 'critical' XP firewall issue +Sci/Tech,Borland folding CBuilder into Delphi +Sci/Tech,Legal questions dog Microsoft antispyware buy +Sci/Tech,P-to-P backers propose new distribution models +Sci/Tech,Multicore designs might force Intel off its bus +Sci/Tech,RIAA files 754 new file-trading lawsuits +Sci/Tech,HP drops Itanium development +Sci/Tech,W3C publishes Web architecture +Sci/Tech,"More questions than answers in Symantec, Veritas deal" +Sci/Tech,Microsoft Fixes 'Critical' XP Firewall Issue +Sci/Tech,Symantec Will Buy Veritas +Business,Technology +World,Russia to Hold YUKOS Auction (Reuters) +World,Gazpromneft Will Not Pull Out of Auction (AP) +Sports,Wenger puts ticking-off behind him +Sports,"Feeling jilted, DC? We #39;ve been there, done that" +Sports,Montana keeps tradition going despite youth +World,AP: Colombia Troops Being Sought for Iraq (AP) +World,Turkey Agonizes on Cyprus as Last EU Hurdle +World,Hunters pursue killer great white stalking Australian death beach (AFP) +World,Australian Party Leader to Join Hunger Strike (Reuters) +Sci/Tech,Ask Jeeves Launches Desktop Search +Business,"States #39; Pocketbooks Are Fuller, but Health Costs Stall Recovery" +Sci/Tech,.mobi domain approved +Sports,Pistons stop James and Cavaliers +Sports,Greg Paulus named Gatorade National Player of the Year +World,Website audiotape believed bin Laden +World,Australians vow to destroy #39;killer shark #39; +Business,Russia to Hold YUKOS Auction +Business,Historic buildings to be sold Boston Wharf offered \$97m +Business,Boston sampler +Business,IPod demand white-hot +Business,Gillette hopes to create a buzz with vibrating women's razor +Business,Symantec to acquire Veritas +Business,Board rules options be counted as expenses +Business,US deficit widens to \$164.7 billion +Business,Banknorth-TD Bank merger gets backing +Business,Ex-Pennichuck CEO settles +Business,The Dollar Extends Gains +Business,Harvard cardiologist a key player in Guidant deal +Business,Board rules options be counted as expenses +Sports,Braves sign Smoltz to 2-year deal +Sports,"NBA: LA Lakers 115, Sacramento 99" +Sports,"Dravid, Gambhir blast Bangladeshi bowlers" +Sports,Stanford stops Huskies +World,SADDAM MEETS HIS LAWYER +World,Eurotunel plans to reduce its freight shuttle service (AFP) +Business,"Growth was key to J amp;J, Guidant deal" +Business,Time Warner pays \$510m to settle fraud probe +Business,Fannie Mae whistle-blower feels vindicated by SEC decision +Business,AirAsia ordering 40 Airbus planes +Business,ATA sees Southwest as a savior +Business,Omni BioTech to pay penalty and halt sales +World,Five Killed in Al Qaeda Jailbreak in Kabul (Reuters) +Business,Noble taps Patina Oil +Sci/Tech,AOL Settlement Includes Tight Controls (washingtonpost.com) +World,European Shares Little Changed (Reuters) +Sci/Tech,Making Widener Digital +Sci/Tech,Discovery of water on Mars tops scientific achievements of the <b>...</b> +Sci/Tech,HP Closes Chip Unit; Designers Move To Intel +Sci/Tech,"New Zafi-D Worm on the Prowl, Alerts MicroWorld" +Sci/Tech,Peter Berg to Direct Splinter Cell +Sports,Pistons pound Cavaliers +Sports, #39;Big #39; blockbuster has big obstacles +Sports,Officials working behind the scenes +Sports,"Bulls 96, Grizzlies 88" +Sports,Aussie wins title by KO +Sports,Huskies #39; season over after 3-1 loss to Stanford +Sports,Lakers jump Kings; two in row for Bulls roundup +Sports,QB ROUNDUP: Cowboys return Henson to 3rd-string +World,Experts think bin Laden tape authentic +World,White House Takes Cool Stance Toward Annan (AP) +World,Lawyers Call on U.N. to Shield Whistle-Blowers (Reuters) +Sports,Tennis Player Draper to Join Australian Golf Tour +Sports,Report: Yankees to sign Johnson +Sports,He'll let the words speak for themselves +Sports,Rising star +Sports,Tranghese offers new BCS plan +Sports,Millar will not play second fiddle at first +Sports,Announcers cross-checked by NHL lockout +Sports,Sigalet public about illness +Sports,"Read all about it, Rebels tough" +Sports,Bumpy road ahead for Andover +Sports,Sandwich gymnasts off to fast start +World,Report published on Gaul's fate +Sports,"This weekend on TV, radio" +Sports,Pistons burn Cavaliers +Sports,Today's schedule +Sports,Transactions +Sports,A passing reference +Sports,Big East makes a stand to keep its bid secure +Sports,Vinatieri not kicking himself +World,"Voice, Said to Be bin Laden's, Criticizes Saudis" +World,Lott Criticizes Rumsfeld +World,Iceland Offers Asylum to Jailed Fischer +World,Turkey Pressed to Move on Cyprus for EU Deal +Business,eBay buys Rent.com +Business,RUSSIA * US * YUKOS * LAWSUIT * YUGANSK * AUCTION +Business,London higher as Bunzl confirms targets +Sci/Tech,U2 iPods now in Malaysia +Sports,Pistons hold LeBron to 11 +Sports,Three-way deal close +Sports,Notebook: Overrated? Urlacher aggravated by article +Sports,Key to the deal was respect +Sports,Bulls book first back-to-back victories +World,Hope and risk in Middle East +World,"Violence greets Iraq poll campaign, Saddam meets lawyer, hostage <b>...</b>" +Business,Drilling update hits Cairn shares +Business,HCA to let employees cash in stock options faster +Business,ATA OKs \$117 million Southwest deal +Sports,Vinatieri's Field-Goal Streak Reaches 21 (AP) +Sci/Tech,Microsoft makes Net security move by acquiring Giant +Sci/Tech,Governor keeps dirty video games away from minors +World,Turkey #39;disappointed #39; by EU talks +World,North Korea under the spotlight +World,Five Killed in Al Qaeda Jailbreak in Kabul +Business,S amp;P may raise Veritas Software ratings +Business,Dutch candour +Business,Some bank credits included on Parmalat list +Sci/Tech,HP hands Itanium to Intel +Sci/Tech,Open Source Software Licensing and the Law to be Featured at <b>...</b> +Sci/Tech,Splinter Cell Chaos Theory sneaks onto the Web +Sports,McLeish guilty of unsettling tried formula +Sports,Fans are thinking spring after Mets #39; coup de grass +Sports,Buckeyes Step it Up Against Red Raiders and Knight +World,Sharon Optimistic About Peace Prospects While Violence Continues <b>...</b> +World,Myanmar junta putting Aung San Suu Kyi #39;s health at risk: Oppn +World,Fischer wants to go to Iceland +Business,Cairn plunges after drilling disappointment +Business,"Companies must expense stock options, standards board says" +Business,Update 4: Tokyo Stocks Rebound on Bargain Hunting +Sci/Tech,Time to Dump IE? +Sports,Tanks closing in on Unit +Sports,Akhtar faces misconduct charge +Sports,Kingsway grad dealt to Oakland by Braves +World,Surfer #39;torn to pieces #39; by shark +World,Rebels to meet Mbeki again +World,Ukraine Contenders to Visit Same City (AP) +World,Indian state-run gas giant eyes 10 percent stake in China Gas (AFP) +Business,J amp;J biggest acquisition in its history will reshape the medical <b>...</b> +Business,Moto Touts PTT Upgrade +Business,TPV buys Philips PC monitor business +Business,Silicon Valley loses fight on stock options +Business,EBay to Pay \$415 Mln for Rent.com +Business,Canada #39;s Inflation Rate Unexpectedly Picks Up to 2.4 (Update1) +Business,Euro firms on upbeat IFO report +Business,Indian tax dispute send Cairn shares lower +Business,Murdoch #39;s \$44M New York pad? +Sci/Tech,Zafi.D virus - A quot;Merry Christmas quot; email Santa didn #39;t send! +Sci/Tech,Motorola Apple iPod phone imminent? +Sci/Tech,Microsoft buys spy-fight firm +Sci/Tech,Task force should clear shuttle for launch +Sci/Tech,HP amp; Intel end Itanium chip alliance +Sci/Tech,Gov bets video game ban can survive courts +Sci/Tech,Tantalizing clues in pictures of Saturn #39;s moons +Sci/Tech,"Adobe patches Acrobat, Reader flaws" +Sci/Tech,Critical hole found in Windows XP SP2 firewall +Sci/Tech,Linux goes mainstream +Sci/Tech,Cisco to open R amp;D centre in Japan +Sci/Tech,ZigBee low-power wireless standard ratified +Sci/Tech,Intel expands core concept for chips +Sports,Kasprowicz makes tourists pay +Sports,High-Flying Germany look ahead to South Korea test +Sports,India in command +Sports,"Stanford wins, Minnesota upends champion USC in volleyball semis" +Sports,James struggles as Cavaliers fall apart +World,UK terror suspect detention law overruled +World,3 Palestinians killed in Israeli incursion +World,Colombia hunts for Irish #39;terror #39; trio +World,SURFER TORN IN TWO BY GREAT WHITE +World,Japan and US agree to co-operate in missile defence programs +World,ANALYSIS-Saudi thwarts protests but reformists demand change +World,Saddam Hussein finally talks to his lawyer +Business,Circuit City Quarterly Loss Narrows (Reuters) +Business,Court Seen Lifting YUKOS Block -- Lawyers (Reuters) +Business,Circuit City Quarterly Loss Narrows +Business,"Stocks Set for Flat Start, Data Awaited" +Business,The Dollar Loses Ground +Business,"Before the Bell: Genentech, ImClone Rise" +Business,European Stocks Ease +Business,Marsh Plays An Inside Hand +Business,French boss steps down from EADS +Sci/Tech,Microsoft sets sights on spyware +Sci/Tech,Mars water tops science honours +Sci/Tech,NASA May Not Have New Chief Until January +Sports,England strike early in first Test +Sci/Tech,Microsoft splashes cash on anti-spyware firm +Sci/Tech,"Linux Is Now Mainstream, Says IDC" +World,Castro back on his feet after fall +Sports,Randy Johnson on Verge of Joining Yankees +Business,US Judge issues restraining order on Yukos unit auction +Sci/Tech,The Future of Calamity +Business,German business confidence rebounds +Business,Nike #39;s 2nd-Quarter Earnings Jump +Sci/Tech,Apple Fights Back Against RealNetworks +Sci/Tech,Rockets #39; red glare +Sci/Tech,Ask Jeeves Previews Desktop Search Tool +Sports,Sox Ace Heads To Shea +Sports,UPDATE 4-Pakistan crumble for 179 as Woolmer fumes +Sports,"India seizes initiative, on course for big total" +World,"Seoul, Tokyo Agree to Sign FTA by 2005" +World,Giving peace a chance? +Business,"Russian officials, business disagree on relevance of US hearings <b>...</b>" +Business,Firms told to omit options from profit +World,Golkar Party congress to see #39;sharks #39; fight for control +World,"With Panama in control, canal runs swimmingly" +Sci/Tech,Rocks could hold early secrets of life +World,Speculation about N. Korea resurfaces +Business,U.S. companies ordered to expense options +Business,November Consumer Prices Rise Moderately +Sci/Tech,"10,000 Mozilla Donors Get A Very Public Thanks" +Sports,Yankees May Get Johnson As Deals Continue +Sports,Vic #39;s a knock-out +World,"S.Korea,Japan Urge North to Resume Nuclear Talks (Reuters)" +Sci/Tech,Ebay May Be Afoul of Scalping Law in N.J. (AP) +World,Ukraine rivals face off in 'battleground' eastern region (AFP) +Sci/Tech,Symantec to acquire Veritas for #36;13.5B (USATODAY.com) +Sci/Tech,Apple's Tokyo store turns one year old (MacCentral) +World,Annan Tells Powell U.N. Will Aid Iraq Vote (AP) +Sci/Tech,AP Newsbreak: Yushchenko Poisoned by TCDD (AP) +World,"China to Introduce Anti-Secession Law, Eyes Taiwan" +World,"S.Korea,Japan Urge North to Resume Nuclear Talks" +World,"Gaza Smuggling Tunnel Collapses, Trapping 5" +World,Seven Killed in Al Qaeda Jailbreak in Kabul +World,Abductors Free Brazil Soccer Star Robinho's Mother +World,Brazil footballer's mother freed +World,Aid workers leave DR Congo town +Business,Treasuries Hit by Sellers Despite CPI (Reuters) +Business,Consumer Prices Up in Nov. As Gas Calms (AP) +World,French ex-minister in art trial +World,'Westerners' killed in north Iraq +World,Microsoft sets sights on spyware +World,Star Wars inspires art shortlist +World,EU agrees to Turkey membership talks next year +World,Ukrainian warns of protests +World,US feeling the heat at climate conference +World,China takes aim at corruption +World,Annan cites readiness to expand UN aid +World,Saudi dissident fails to stage mass protests +World,10 militants get prison in France bomb plot +World,Sharon sees 'great historic opportunity' +World,"Parked in a Desert, Waiting Out the Winter of Life" +Business,Russia says Yukos case to be dealt with under Russian law +Business,OSI Pharma Soars on AstraZeneca #39;s Loss +Business,Report: Murdoch offers \$44 million for NY apartment +Business,Tom Online Buys Stake in Indiagames +Sports,"Wenger fined, warned over Ruud outburst" +World,"In quot;year of opportunity, quot; Sharon offers state to Palestinians" +World,Israeli Army Raid Into Gaza Kills 5 Palestinians +World,Terrorists threat puts Indonesia on high alert +World,AP: Colombia Troops Being Sought for Iraq +World,Cuban Doctor Returns Home From Argentina +Sci/Tech,Prior art claimed for concentration camp invention +Sci/Tech,It's time to tap the IT barometer +World,New life amidst destruction +Sci/Tech,Video phone help for deaf people +Sci/Tech,"Gamer buys \$26,500 virtual land" +Sci/Tech,US music firms sue 'web pirates' +Sci/Tech,eBay snaps up Rent.com +Business,Dollar Rises After CPI Data +Sci/Tech,Online Dangers Likely to Continue Growing +Sci/Tech,Experts Optimistic About Shuttle Flight +Sci/Tech,Microsoft Software to Remove Spyware +Sci/Tech,Computer Users Sued for Swapping Music +Sci/Tech,Midway Developing Mature-Rated Football Video Game +Sci/Tech,Titan clouds seen to come and go +Sci/Tech,Feeble roar of the hybrid lions +Sci/Tech,Sparrow song illustrates memory +Sci/Tech,A Breeze from the Stars +Business,Turkey-EU talks stall over Cyprus +Business,"German confidence rises, but outlook is gloomy" +Sci/Tech,Firefox is hot; Thunderbird #39;s not for good reason +Sports,Johnson may go to Yankees +Sports,Tennis player earns card for Australasian Tour +Sports,Miller is fourth in super-G +Sports,"Notebook: Bryant, Lakers embarrass Kings in Sacramento" +World,Thai Prime Minister Says Some Muslim Insurgency Trained Leaders <b>...</b> +World,Military Offensive Imminent in Darfur-African Union (Reuters) +World,Canada Steals March on U.S. With Libya Visit (Reuters) +World,Dravid and Gambhir plunder Bangladesh (Reuters) +World,"EU, Turkey Agree Terms of Entry Talks - EU Official" +Sci/Tech,Cisco to open R D center in Japan next February +Sci/Tech,NTT DoCoMo's 4G research hits 1Gbps +Sci/Tech,IBM researchers eye 100TB tape drive +Sci/Tech,The Weirdest Games of 2004 +Sci/Tech,Multicore Chips May Push Intel Off Its Bus +Business,LATEST FOREX NEWS +World,Annan plans visit to aid Indonesia +Business,Report: Murdoch offers \$44 million for Rockefeller apartment +Business,EBay to Buy Rent.com for \$415 Mln in Cash and Stock (Update3) +Business,Cairn to oppose cess on output +Sci/Tech,Legal questions dog Microsoft buy +Sci/Tech,"Shuttle on track for launch, panel says" +Sci/Tech,Microsoft Fixes #39;Critical #39; XP Firewall Issue +Sports,WRAPUP-1-Glamour ties dominate Champions League draw +Sports,Ruud to undergo injury scan +Sports,Morientes claims Liverpool interest +World,"Japan, US agree on missile defence cooperation" +World,"S.Korean President, Japanese PM to discuss visa, nukes" +Business,Circuit City Disappointed in 3Q Sales (AP) +Business,Treasuries Hit Again by Technical Selling +Business,LeapFrog's Blue Christmas +Business,Good Night for a Good Knight +Business,Banks freeze Gazprom loan +Business,Circuit City narrows 3Q loss +Business,FASB Rules that Companies Must Expense Stock Options +Business,Ebay snaps up Rent.com for \$415 million +Business,France chooses Forgeard for joint control of EADS +Sci/Tech,Cisco plans to invest \$12m in Japanese R amp;D centre +Sports,India looking to submerge Bangladesh in run deluge +Sci/Tech,Gaming Projector Geared to Xbox Users (PC World) +World,It could have been me +World,Bosnian foreign minister banned from US +Sci/Tech,Japan's i-mode Internet mobile service to enter Russia (AFP) +Sci/Tech,IBM BladeCenter specification picks up speed (InfoWorld) +World,NATO Eyes Closer Ukraine Ties if Yushchenko Wins (Reuters) +World,Israeli Army Raid Into Gaza Kills 6 Palestinians +World,Darfur a 'Time Bomb' Waiting to Explode - AU +World,Ivory Coast MPs discuss key laws +World,Six Killed in Afghan Jail Break +Sci/Tech,EBay Expanding Into Online Rental Listings +Sci/Tech,Mathematicians crochet chaos +Business,Pfizer Celebrex Trial Stopped After Heart Attacks +Business,Treasuries Hit by Selling for 2nd Day +Business,"Stocks Open Little Changed, Pfizer Falls" +Business,InterContinental Sells 13 Hotels +Sci/Tech,Siebel to acquire edocs for \$115 million +Business,Pfizer #39;s Celebrex is under a cloud +Business,US CPI and Core rates rise 0.2pc in Nov +Business,CarMax posts lower earnings +World,"Along the ocean, a tourist destination copes with death" +Sci/Tech,gdSuite Version 1.1 Released +Sci/Tech,Zafi computer virus shows up in quot;Happy Holidays quot; e-mail +Sports,Dravid first to score centuries in 10 Test-playing nations: +World,Wartime blogs serve as dispatches sent from bloody front +World,"Japan, US Sign Missile Defense Pact" +World,Afghan soldiers storm jail to end standoff with inmates +Sci/Tech,Yahoo Games and GameSpot Partner for Gaming Content +Sci/Tech,Google Froogle Adds Product Reviews +Sci/Tech,Google AdWords Content Changes Yield Results +Sci/Tech,Does Your Copy Look Fake To the Search Engines? +Sci/Tech,I Want My blinkx TV! Television Search Engine +Sci/Tech,News: Report: DHS cyber security lagging +Sci/Tech,News: Symantec snaps up Veritas Software for \$13.5 billion in stock +Sci/Tech,Columnists: Zero Viruses In 2005? +Sci/Tech,The Right Tools for Research +Sci/Tech,iTunes Tops 200 Million Downloads +Sci/Tech,Smaller Is Better on Battlefield +Sci/Tech,Vaporware Nominees: Bring 'em On +Sci/Tech,Cell Phones That Do It +Sci/Tech,"P2P Needs a Fix, but What?" +Sci/Tech,Aviator Keeps Feet on the Ground +Sci/Tech,Panel Sees Shuttle Flights Resuming Soon +Business,Celebrex Trial Stopped After Heart Attacks +Business,Technology Challenges Sprint-Nextel Merger +Business,Hang up and fly +Business,Pfizer News Sends Blue Chips Down +Business,Murdoch offers record price for Manhattan penthouse +Business,US November Consumer Prices Rise 0.2; Core Up 0.2 (Update3) +Business,"United, US Airways Making Progress On Labor Cost Cuts" +Business,"Airbus #39;s Forgeard to Be EADS Co-Chief, Replace Camus (Update1)" +Business,"DaimlerChrysler, Ford to Invest in Ballard" +Business,The Fool's Look Ahead +Sci/Tech,Apple iTunes Hits 200 Million Sales +Sci/Tech,Illinois governor: Ban violent kid videos +Sci/Tech,Age Against the Machine : Technosexual revolution +Sci/Tech,Broadcast satellite launched successfully from Cape Canaveral +Sci/Tech,Hollywood Targets File Swapping Networks +Sci/Tech,Cisco Set To Open Japanese R amp;D Center +Sci/Tech,Court decision may lower cost of MP3 players +World,Chile Wins Trade Sanctions Against U.S. +Sports,Draw Sets Up Reunion in Barcelona +Sports,Human eyes can #39;t detect offside position in sports: +Sports,Will the Yankees Sign Randy Johnson? +Sports,IU names Hoeppner football coach +World,New bugging device found in UN offices +World,Killer shark #39;will be destroyed #39; +World,No miscarriage of justice in Colombia: Harney +World,Darfur a #39;Timed Bomb #39; Waiting to Explode - AU +Business,Celebrex Trial Halted After Heart Attacks +Business,Oil Rises on Winter Weather Worries +Business,Russia to U.S. Court: YUKOS Not Your Worry +Sci/Tech,Santa's Bag of Tech Mergers +Business,"Hyundai Recalls 120,000 Elantra Sedans" +Sci/Tech,In Brief: NetSuite integrates with WorldPay to boost e-commerce +Business,Natick #39;s edocs to be acquired by West Coast #39;s Siebel for \$115M +Business,Update 1: German Business Sentiment Rises in Dec. +Sci/Tech,Water of Life and Other Scientific Highlights of 2004 +Sci/Tech,MS plugs weak XP firewall +Sports,Fergie may rest Ruud until European campaign +Sports,Kidnapped mother of wonderkid Robinho released +Sports,Los Angeles Lakers Team Report - December 17 +World,Japan and US sign missile accord +World,Talks on Ivory Coast Continue in Pretoria +Sports,IAAF Receives Explanations From Kenteris (AP) +World,Cuba Erects Sign Linking U.S. and Fascism (AP) +World,"It's time to pass torch, younger Dems say (USATODAY.com)" +Sports,Walchhofer Leads Austrian Super-G Sweep +Sci/Tech,Microsoft Purchases GIANT Anti-Spyware +Sci/Tech,Apple iTunes Hits 200 Million Sales +World,Sudan 'plans huge Darfur attack' +Business,Iressa Drug Failure Deals AstraZeneca Fresh Blow +Sci/Tech,Libraries in a Net future +Sci/Tech,Illinois Governor proposing ga +Sci/Tech,Nokia Targets Fake Phone Batteries +Sci/Tech,"Violent, sexual video game tests child #39;s sense of reality" +Sci/Tech,Linux can gain from the Firefox ad +Sports,Seedorf: We Are Ready +World,Foreigners Killed in Attack in Iraq #39;s Mosul +Business,Drug Failure Deals AstraZeneca Fresh Blow (Reuters) +Business,Lilly Adds Warning to Strattera Label (Reuters) +Business,"Hyundai Recalls 120,000 Elantras in U.S." +Business,Oil Up \$1 on Winter Weather Worries +Business,Sprint deal #39;s job impact unclear +Business,EBay buys Rent.com +Sci/Tech,Yahoo! to test desktop search engine in January +Sci/Tech,Cisco Invests \$12 Million in Japanese R amp;D Center +Sports,Newspaper: RedHawks coach accepts IU offer +Sports,Liverpool V Bayer Leverkusen Key Battles +Sports,Scottish driver David Coulthard signs for Red Bull for 2005 season +World,Sharon opens a new era of peace in Middle East +World,Bugging device found at UN headquarters +Business,Bad Day for Drug Companies - and Patients (Reuters) +Business,Steelcase Posts Profit (Reuters) +World,France chooses Forgeard for joint control of EADS (AFP) +Business,Gazprom Hits Funding Snag on YUKOS Bid +World,Bush passes US intelligence bill +World,Europe Asks Turkey to Hold Membership Talks Next Year +Business,Bad Day for Drug Companies - and Patients +Business,Oil Up 6 As US Heating Stocks Fall +Business,EBay Expands Into Online Rental Listings +Business,Board: Stock Options Must Be Treated as Expenses +World,Al Qaeda video shows execution of Iraqi officers +World,Militants increase support for Abbas +Sci/Tech,Cisco To Open R amp;D Center In Japan +Sci/Tech,Microsoft Patches Critical XP Firewall Flaw +Sci/Tech,Sean OKeefe Departs +Sci/Tech,Titan clouds seen to come and go +Sci/Tech,Record Industry Sues 754 for Internet Song Swaps +Sports,Parma hits back to keep Italian hopes alive +Sports,Human eye #39;cannot spot offside #39; +Sports,Rivals target Miller scalp +Sports,COULTHARD #39;SIGNS FOR RED BULL #39; +Sports,India in full control in Chittagong +World,UN spy-bug shock +Sports,Capriati Sidelined by Shoulder Injury (AP) +World,Four Killed in Mosul Gun Attack +Sci/Tech,HP amp; Intel Team Up on Servers +Sci/Tech,Music downloaders sued +Business,Correction: Of-Mutual-Interest Story (AP) +Business,Bad Day for Drug Companies and Patients +Business,FedEx Is Flying High +Business,Lilly warns doctors on Strattera use +Sci/Tech,Apple Smacks Real Down +Sci/Tech,Adobe temporarily pulls Acrobat update for Mac +Sci/Tech,A Saturnian one-two punch: Flybys of Titan and Dione +Sci/Tech,NTT DoCoMo #39;s 4G research hits 1Gbps +Sports,Official: Coulthard joins Red Bull for 2005 +Sports,Austria #39;s Walchhofer wins men #39;s World Cup super-G +Sports,Viloria knocks out Priolo in flyweight bout +Sports,Report: Bertuzzi close to plea bargain +World,Shares close lower on drug woes on both sides of the Atlantic (AFP) +World,Eight killed in al Qaeda jailbreak +World,IRS Revises Standards for Tax Attorneys (AP) +World,U.S. Slaps Sanctions Against Bosnian-Serbs (AP) +World,"Bosnia Serb PM Resigns, Rejects Western Pressure" +Business,Pfizer #39;s Heart Attack +Business,AOL: Is Half a Billion Enough? +Business,Lilly Warns Doctors on Strattera Use +Business,eBay Grabs Rent.com for \$415M +Business,"US Airways, attendants in tentative accord" +Sci/Tech,Adobe Reader 6.03 update +Sci/Tech,DoCoMo has 1Gbps link +Sports,More Blutarski than Roethlisberger +Sports,Herniated disk discovered in pitcher #39;s lower back +World,Yearender: Mideast peace roadmap reaches dead-end in 2004 +Business,Feds Want Baker Hughes' Iraqi Oil Info +Sci/Tech,Microsoft dodges anti-spyware charge accusations +Sci/Tech,HP Says Bye Bye Itanium: Carly Finds Way To Trim Another \$100m +Sci/Tech,Red Cross Caught in P2P Fracas +Sports,Xavi: Chelsea Play Like Valencia +World,"Bosnia Serb PM Resigns, Rejects Western Pressure" +Sports,Bronc's Elliss Out for Year With Bad Back (AP) +World,"Bihar, Jharkhand and Haryana to hold elections in February (Reuters)" +World,Officials Rap Kerik on Background Check (AP) +World,Russia Says to Hold YUKOS Sale Despite U.S. Ruling +Business,Symantec-Veritas Tie-Up Targets Microsoft +Business,Drug approval process flawed +Business,"Pfizer, AstraZeneca Pummel Drug Stocks" +Sci/Tech,Microsoft Takes Giant Step against Spyware +Sports,Broncos lose DL Elliss for season +Sports,"Hot Stove Truth amp; Rumors: Dec. 17, 2004" +Sports,Kidnappers free Brazilian soccer star #39;s mom +World,Deadly Palestinian Mortar Fire Prompts Israel Raid +World,AU: Sudan Appears to Be Preparing Military Offensive in Darfur +World,Colombia Troops Being Hired for Iraq Jobs +Business,What's the Deal With CarMax? +Business,Fannie Mae's Institutional Arrogance +Business,Study Raises Concern Over Safety of Pfizer Painkiller Celebrex +Business,Study Raises Concern Over Safety of Pfizer Painkiller Celebrex +Business,eBay Buys Rental Listing Firm +Business,"CarMax Earnings Fall, Stock Up on Outlook" +Sci/Tech,The end for spyware courtesy of Microsoft Corporation? +Sci/Tech,Illinois #39;violent videos #39; ban +Sci/Tech,Motorola/Apple Phone Details +Sci/Tech,Sony sees PSP Asia launch in spring +Sci/Tech,IBM Gains Support for BladeCenter Spec +Sci/Tech,NASA head steps down +Sci/Tech,DoCoMo Hits 1 Gbps Wireless Data Speeds In 4G Tests +Sports,IIHF bars Bertuzzi #39;s transfer to Europe +Sports,Former Blue Jays Manager Mattick Dies +Sports,"Human Eye Can #39;t Spot Offside Soccer Players, Study Finds" +Sports,Broncos DT Elliss out for the season +Sports,Wenger backs Lehmann for Germany +Sports,Wounded GIs get front-row Mavs tickets +World,UN Ends Failed Listening Device Probe +World,Ivory Coast rebels agree to speed peace process +World,Saudis Dissident Says He Won #39;t Give Up +Business,US economy to grow by 3.5 percent in 2005: White House (AFP) +Business,November Consumer Prices Rise 0.2 Percent +Business,Drug Sector's Bitter Dose Downs Stocks +Business,Circuit City Cautious on Outlook +Sci/Tech,The Weirdest Games of 2004 (PC World) +Sci/Tech,In Brief: MySQL announces new affordable consulting packages (InfoWorld) +Sci/Tech,Legal Questions Dog Microsoft Acquistion (PC World) +Sci/Tech,Sun God Gets Burned (The Motley Fool) +Sci/Tech,Suez Canal Officials Try to Keep Spill from Port (Reuters) +Sports,Johnson Move to Yankees Under Threat +Sci/Tech,"Europe, U.S. in Deadlock on Climate Talks' Last Day (Reuters)" +Sci/Tech,Maverick U.S. States Prove Popular at Climate Talks (Reuters) +Sci/Tech,Italy Industry Faces Emissions Uncertainty in 2005 (Reuters) +Sports,Kidnappers Release Robinho's Mother +Sci/Tech,"No Regrets, Says Departing NASA Boss (AP)" +Sci/Tech,CEO held over student sex video +Sci/Tech,Forecasters face losing key tools +World,"Gamer buys \$26,500 virtual land" +World,"Los Angeles Groups Agree to Airport Growth, for a Price" +World,Kidnappers Release Robinho's Mother +Sci/Tech,Court to rule on stay of EU sanctions against Microsoft +Sci/Tech,Legal Questions Dog Microsoft Acquistion +Sci/Tech,Boeing Eyes In-Flight Live TV +Business,Pfizer: Painkiller may pose increased cardiovascular risk +Business,Symantec Slammed +Business,FDA Warns About Pesticides Found in Ginseng +Business,Murdoch: Media Mogul In Record Manhattan Real Estate Deal +Business,Lockheed Martin to Hire About 500 Engineers +Sports,Indiana Hires Miami of Ohio's Hoeppner (AP) +Sci/Tech,Human spaceflight the key for new NASA boss +Sci/Tech,NTT DoCoMo Achieves 1 Gbps Packet Transmission +Sports,Champions League draw unveiled +Sports,Martinez blasts ex-teammate Schilling +Sports,Mavericks fans offer front-row seats to wounded soldiers +World,At Least 6 Palestinians Killed in Israeli Raid on Gaza +Sci/Tech,News: MS plugs weak XP firewall +Business,Stocks Drop Under Drug Sector's Weight +Business,"What's in the Box, Jack?" +Business,Browsing for Stocks +Business,Celebrex Lifts Heart Attack Risk in Trial +Business,Pfizer #39;s Celebrex could have a problem +Business,White House Sees 2005 Economic Growth Slowing to 3.5 (Update2) +Business,China #39;s BOE To Buy More of TPV Technology +Business,"Update 2: DaimlerChrysler, Ford to Invest in Ballard" +Sci/Tech,"Zafi Slows, But Experts Urge Vigilance" +Sci/Tech,DoCoMo Tests 4G Equipment +World,U.S. Forgives #36;4.1 Billion in Iraq Debt (AP) +World,White House Expects Steady Economic Growth (AP) +Sports,Former Toronto Manager Bobby Mattick Passes Away +World,"Bosnia Serb PM Resigns, Rejects Western Pressure" +Business,UAL Corp. Begins to Seek Bankruptcy Exit Financing +Sci/Tech,Five Nabbed On Phishing Charges In Germany +Sports,Indiana hires Roethlisbergers ex-coach +World,US extends an olive branch to Taliban's 'moderates' +Business,UAL Corp. Seeks Bankruptcy Exit Financing +Business,Take-Two Sacked on Fourth Down +Business,Give the Gift of Cash +Business,"Russia Sets YUKOS Sale, Ignores U.S. Ruling" +Sports,Red Bull Racing bet big on Coulthard +Sports,Report: Bertuzzi near plea bargain +Sports,"Buttle, Sandhu sit second and third after Grand Prix Finals short <b>...</b>" +Sci/Tech,MTV Auctioning Pop Artists' Memorabilia (AP) +Sci/Tech,Desktop Search Race Heats Up (NewsFactor) +Sci/Tech,Product Review: Sony-Ericsson Z500a Smartphone (NewsFactor) +World,"Former prime minister Turner hoping Ukrainian re-election will be open, honest (Canadian Press)" +Sci/Tech,Microsoft Patches Critical XP Firewall Flaw (NewsFactor) +Sci/Tech,IBM Integrates RFID with WebSphere (NewsFactor) +Sci/Tech,NASA's Departing Chief Defends Hubble Decision (Reuters) +Sci/Tech,Five Die in Violent Storms in France (Reuters) +Business,Dollar Weakens in Thin Trading +World,"Above the Clouds, the French Glimpse the Old Grandeur" +Business,Gazprom applies for participation in Yuganskneftegaz auction +Business,White House Expects Steady Economic Growth +Business,Forgeard becomes French co-chief at EADS +Sci/Tech,Desktop Search Race Heats Up +Sports,Morientes joins Liverpool? +Business,"Yes, Options Really Are an Expense" +Business,"Stocks Trim Losses, Drugs and Oil Drag" +Business,"American Express to Cut 2,000 Jobs" +Business,InterContinental to Sell 13 Hotels +Business,Tax Deductions for Home PCs +Business,A Hot Stock at 7 Times Earnings +Business,Consumer Prices Up in Nov. As Gas Calms +Business,"American Express to Eliminate 2,000 Jobs" +Business,EBay #39;s Rent.com Purchase Fraught with Risk +Sports,"Weary Eli, Giants Face Big Ben's Steelers (AP)" +Sci/Tech,Microsoft Moves On Spyware To Stymie Firefox +Sci/Tech,Phishing hole discovered in IE +Sci/Tech,NTT DoCoMo Achieves 1Gbps Packet Transmission in 4G +Sports,SA restricted on tame pitch +Sports,Major League Baseball Notes: DC official pleads for more time +Sports,McNair Finished for Season (Reuters) +Sports,Former Blue Jays Manager Mattick Dies (AP) +World,Cuba strikes back at American mission +Sports,Report: Bertuzzi Near Plea Bargain +Sci/Tech,"U.S., Europe at Odds on Emissions Controls (AP)" +Sports,Knauss Tests Positive for Nandrolone +World,EU and Turkey Seal Historic Deal on Entry Talks +Business,Circuit City cautious on outlook +Business,No Real Disruption Seen for Big Lender or Mortgage Market +Business,Euro Disney shareholders back capital increase +Sci/Tech,Microsoft to Create Security Suite? +Sci/Tech,Massive IE phishing exploit discovered +Sci/Tech,Zafi.D Infects 1 in 10 E-mails +Sports,Michael Walchhofer wins super-G as Austrians finish in top three +Sports,Benitez pleased to have avoided Italian team in draw +World,US aid enters Indonesia +Sports,White Sox claim Jenks off waivers +Sports,"Our say: District pols strive to lose baseball, embarrass city" +World,Afghan troops storm siege prison +Sci/Tech,"NASA Readies ""Deep Impact"" Craft for Comet Smash" +Sci/Tech,Holiday Sky Show: Five Planets to Shine in Predawn +Business,"Philips to sell monitor, part of flat TV ops to TPV" +Sci/Tech,MS buys anti-spyware GIANT +Sci/Tech,"No Regrets, Says Departing NASA Boss" +Business,Equity analysts: Record inflows may lift stocks +Business,Update 4: Parmalat Owes Almost \$26B to Creditors +Sci/Tech,Video Search Gains Momentum +Sports,"White Sox claim Jenks off waivers, designate Villacis" +World,6 Palestinians killed in Gaza raid +Sci/Tech,Search Engine Forums Spotlight +Sci/Tech,Shopping Cart Search Engine Optimization +Business,Funds close out 2004 with strong showings +Business,The Chocolate-Coffee Conundrum +Business,Stocks End Lower as Pfizer and Oil Weigh +Business,UAL Corp. Seeks Bankruptcy Exit Financing +Business,"Arthritis drug a heart attack risk, study finds" +Business,Survey: FDA scientists question safety +Business,InterContinental to Sell 13 Hotels +Sports,Dolphins to Interview Minority Candidate (AP) +Sports,Titans' McNair to Sit Out Rest of Season (AP) +Sci/Tech,Microsoft Might Not Fully Benefit from Purchase +Sci/Tech,Apple #39;s iTunes Hits 200 Million Mark +Sports,Vince Carter Traded to Nets (Reuters) +Sports,"Titans QB to sit out final three games, undergo surgery for <b>...</b>" +World,European stock exchanges run out of steam at week's end (AFP) +World,Sharon Strikes Deal With Opposition Labor Party +Sports,Vince Carter Traded to Nets +World,Senator to Revisit Judicial Travel Ethics (AP) +World,IRS Releases Tax Tables for New Deduction (AP) +World,Israeli 'Copter Fires Missile Into Gaza -Witnesses +Sports,Knauss Tests Positive for Nandrolone +World,Cuba responds to US Xmas lights +Sports,N.C. State's Hodge Puts Self Among Elite (AP) +Business,"Oil Jumps 5 Pct on Cold, Bin Laden Threat" +Business,"Amex to Record Charge, Cut Jobs" +Business,"Pfizer finds heart attack risk with Celebrex, plans to continue to <b>...</b>" +Business,Russia to hold Yukos auction +Business,"Oil Jumps 5 Pct on Cold, Bin Laden Threat" +Business,Doubts over drug safety checks +Business,UPDATE 1-Exelon in talks to buy PSE amp;G - sources +Business,"Amex to Record Charge, Cut Jobs" +Business,UPDATE 1-US economy set for solid growth in 2005-White House +Business,"KLM buying two more 777-200ERs, Etihad orders five 777-300ers" +Business,EBay To Buy Rent.com in \$415 Million Deal +Sci/Tech,Intel takes control of Itanium from HP +Sci/Tech,Sony Ericsson amp; Cingular Wireless introduce Z500a +World,AstraZeneca Reports Poor Test Results (AP) +Sports,"Falcons, Colts to Play in Tokyo in 2005 (AP)" +Sports,Browns Gain 9 Yards With Scoring Change (AP) +Sports,Red Bull gives Coulthard wings +Sports,Morientes interested in Anfield switch +Sports,Dolphins plan to interview minority candidate; Saban still top <b>...</b> +Sports,Former Blue Jays Manager Mattick Dies +World,Cuban billboards highlight US abuses +World,"Labour, Likud agree on unity government, eight Palestinians killed <b>...</b>" +World,Bug found at UN Geneva HQ +World,Indonesia tightens nationwide security after terror warnings +Sci/Tech,EBay Buying Rental Web Site for #36;415M (AP) +Sci/Tech,Cameras Lead Gadget Price Declines in October -NPD (Reuters) +Sci/Tech,Why Sprint And Nextel Got Hitched (BusinessWeek Online) +Sci/Tech,The Cash Heads Home (BusinessWeek Online) +Sci/Tech,Twenty States Must Cut Air Pollution by 2008-EPA (Reuters) +Sports,McNair to Have Surgery +Sports,Mattick Dies at 89 +Sports,Saban Still Top Choice +Sci/Tech,Cameras Lead Gadget Price Declines in October -NPD +Sci/Tech,Apple Sues Over Web Leak of Advance Products +Business,Pfizer's Celebrex Lifts Heart Attack Risk in Trial +Business,Dollar Falters in Thin Holiday Trading +Sci/Tech,Red Cross caught in P2P fracas +Sci/Tech,"Search providers seek video, find challenges" +Sci/Tech,2004 was good and bad for IT security +Business,Drug Study +Business,YUKOS #39; Hollow Victory +Business,"United pilot leaders accept pension deal, 15 percent pay cuts" +Sci/Tech,Illinois Governor Seeks Restrictions on Video Game Sales +Sports,Vikings' Winfield to Miss Game vs. Lions (AP) +Sports,LSU at limit in terms of paying Saban +Sports,Reports: Raptors sending Carter to Nets in megadeal +Sports,UCLA's Dorrell Gets Contract Extension (AP) +Business,Celebrex shows heart attack risk +Business,ComEd parent near deal to buy NJ utility +Business,SEC Considers Charges Against MetLife Unit +Business,UAL Corp. Seeks Bankruptcy Exit Financing +Sci/Tech,Cisco open \$12m research center in Japan +Sci/Tech,Sony Ericsson amp; Cingular Wireless Introduce Z500a Mobile Phone <b>...</b> +Sci/Tech,"Zafi Slows, But Experts Urge Vigilance" +Sci/Tech,IBM Heralds Burgeoning BladeCenter Support +Sci/Tech,Yahoo! Tests Video Search +Sports,American Bowl returns to Tokyo in 2005 +Sports,Bulger unlikely to play Sunday +Sports,Relocation Bowl +Business,"After a banner '04, forecasters see a slower '05" +Business,"This year, take control of your financial life" +World,Six Are Killed in Attempted Breakout at Prison in Kabul +Business,"Stocks Knocked Lower on Drug Sector, Oil" +Sports,Vince Carter Traded to Nets +Sports,Mets Claim OF Calloway Off Waivers +Business,Doctors Debate the Safety of Celebrex +Business,UPDATE 2-Exelon in talks to buy PSE amp;G - sources +Business,Hospitality Properties to buy 13 InterContinental Hotels +Business,IAM wants to save US Airways baggage jobs +Sci/Tech,Cisco plans to open a R amp;D center in Japan +Sci/Tech,Apple Strikes Back at RealPlayer +Sports,"We have no fear of Barcelona, Mourinho insists" +Sports,"Media reports say Crown, Bertuzzi lawyers close to plea bargain on <b>...</b>" +Sports,Broncos #39; Bell hopes to return Thursday +Sports,UCLA coach Dorrell agrees to extension +Sports,Minor league hockey attendance up in NHL #39;s troubled times +Sports,"Pitino, Myles Discuss U of L #39;s Upcoming Game Against Kentucky" +World,The Travails of Annan +Business,Enron trials to put human faces on scandal +World,Israel #39;s Labour Seals Deal to Join Sharon #39;s Coalition +World,Ivory Coast Lawmakers Approve Key Peace Proposal +World,Junta tries to vilify and isolate Daw Aung San Suu Kyi <b>...</b> +Sports,"Plummer Fined \$5,000" +Sci/Tech,Virus poses as Christmas e-mail +Business,Searching for orderly market where none exists +Business,Stockbroker Accused of Stealing \$4.1 Mln +Sports,Constellation set: Stars on collision course +Sports,Makaay Hails quot;Incredible Draw quot; +Sports,Austrians Sweep Podium in Val Gardena Super G +Sports,Kentucky vs. Louisville +Business,Treasuries Lower Despite In-Line CPI Data +World,"US, Cuba trade billboard barbs" +World,14 detained in Saudi protest +Business,Entrepreneurs get by with a little help from their counselors +Business,"Celebrex to stay the market, for now" +Business,"World crude oil surges on fuel, terror concerns" +Business,Health Tip: Avoid Drug Double-Dipping +Business,"Amex sees \$120M charge; axes 2,000" +Business,Exelon in talks to buy PSE amp;G +Sci/Tech,Holiday greeting could infect your computer +Sci/Tech,Court to rule on stay of EU sanctions against Microsoft +Business,Oil jumps again as cold weather lingers +Business,Cantwell says mad cow feed loopholes still aren #39;t closed +Business,Revving up the state's economy with brainpower +Sci/Tech,"PayPal provides antifraud, antispam tool to users" +Sci/Tech,Longhorn will let users tune Windows for different servers +Sci/Tech,Google to Log Library Books +Sci/Tech,Illinois Governor wants to Ban Violent Video games +Sports,Race Features 2005 Driver Line-Up +Sports,Lyon clinch first winter champions title with home draw +Sci/Tech,Sun adds Linux support to Sun Ray thin clients +Sci/Tech,Siebel to acquire eDocs for \$115 million +Sci/Tech,Hacker in Lowe's case sentenced to nine years +Sci/Tech,IBM researchers eye 100TB tape drive +Sci/Tech,Brief: eBay snaps up Rent.com for \$415M +Sci/Tech,Microsoft tries to woo PeopleSoft customers +Sci/Tech,"Local Search Guide Backed By Yellow Pages Association, Kelsey Group, and SEMPO" +Business,Russian police stage new raid on Yukos +Business,Bush team sees growth easing in #39;05 +Business,German business confidence surges +World,Marines Face More Cunning Foe in Fallujah (AP) +Sports,Roundup: Chelsea is drawn to face Barcelona +Sports,Raptors to trade Carter to Nets +Sports,Anaheim had placed Jenks on waivers +Sports,Forest begin new era in usual style +Sports,"Friday, December 17, 2004 Elliss Out for Rest of Season" +Sports,More for Dorrell +World,Mandela Wins Injunction Over Coin Sales (AP) +World,Listening device found in UN #39;s Geneva offices +World,"Arms flow into Darfur, monitors say" +Sports,AHL Attendance Thrives During NHL Lockout (AP) +Sports,Stagg Bowl to Crown Division III Champion (AP) +Sports,Red Sox Sign Renteria +Business,How can I address a problem of disrespect before it gets worse? +Sports,Braves' Hudson Excited to Join Rotation (AP) +Sports,"World Stars Defeat Sweden's HV71, 5-1 (AP)" +Sports,Nets Get Carter From Raptors in Bid to Rebuild Fractured Core +Business,American Airlines Gets Credit Line Boost +Sci/Tech,Google Partners with Libraries in Massive Digitization Project +Sports,Worldstars play strong defensive game in 5-1 victory over HV 71 +Sports,France: Lyon clinch winter championship with draw +Business,"A primer on office politics, good and bad" +Sports,Friday #39;s Sports Transactions +World,"Japan, US sign missile defense cooperation memo" +Sci/Tech,Siebel to Buy Edocs for #36;115 Million (AP) +Sci/Tech,White House Creates Cabinet-Level Ocean Policy Panel (Reuters) +World,Ten Commandments Judge May Run for Gov. (AP) +World,Israel's Labour Seals Deal to Join Sharon's Coalition +World,CIA Had Secret Detainee Area at Guantanamo (AP) +Business,Wasserstein Files Lazard IPO Plan With Regulators (Update3) +Business,Exelon Reportedly In Talks to Buy PSE amp;G +Sports,Red Sox Sign Renteria to 4-Year Contract (AP) +Sports,Worldstars play strong defensive game in 5-1 victory over HV71 +Sports,Lyon heads into winter break unbeaten +World,A lordly ruling +World,Sharon deal to ease pullout from Gaza +Business,DaimlerChrysler Sued Over Car Seat Injury +Business,Gym gear that avoids exercises in futility +World,U.S. Seeks to Deport Accused Nazi Demjanjuk (Reuters) +Sci/Tech,IE #39;s Spoofing Sorrows Continue +Sci/Tech,Search Spotlight Pans to Video +Sports,D.C. Officials to Work on Baseball Deal (AP) +World,Russia Rejects U.S. Injunction Over Yukos (AP) +Sports,Day One: Eng take the edge +Sports,Mariners sign Beltre +World,Annan says UN is doing its job in Iraq +World,"Four killed, several injured in storm lashing western, northern <b>...</b>" +World,Japanese Princess Postpones Engagement (AP) +World,Edmonton police find missing teen with fetal alcohol syndrome (Canadian Press) +Sports,Miss. Aware of Past Orgeron Bad Behavior (AP) +World,GOP Senators Spring to Defend Rumsfeld (AP) +World,US writes off \$4.1bn in Iraq debt +World,TV station put on US terror list +Business,Symantec shares slide on news of Veritas buy +Business,"Nice flat Mr Murdoch, yours for \$44m" +Business,Banks Scrutinize Their Accounting +Sci/Tech,Cisco to open R amp;D facility in Japan +Sci/Tech,European Craft #39;Go #39; for Landing on Titan +Sci/Tech,Week in review: The urge to merge +Sports,Coulthard signs for Red Bull team +Sports,Seattle lands big prize in Beltre; Hudson traded from Oakland to <b>...</b> +Sports,Mannings troubles amplified by Big Ben comparison +World,State vows to destroy killer shark +World,Australia defends law against terrorism +World,Rights group slams Iraqi trials +World,"U.S., Europe at Odds on Emissions Controls" +World,Ex-Soldiers Agree to Leave Aristide Estate +Business,"Eye On Stocks For Monday, Dec. 20" +Business,UPDATE 2-Investment firm Lazard files for \$850 mln IPO +Business, #39;Culture change #39; required at AstraZeneca after key drug fails +Business,DaimlerChrysler Sued Over Car Seat Injury (Reuters) +Sci/Tech,"No regrets on Hubble repairs, departing NASA chief says" +Sports,Mourinho gets his wish +Sports,Coulthard Gets 1 Year F1 Career Extension from Red Bull +Sports,New Ole Miss coach says bad behavior in the past +Sports,Reliever Alfonseca signs with Marlins +Sports,Hoosiers hire Hoeppner (tops) +World,Five killed and three missing as Gaza smugglers #39; tunnel collapses +World,SIX KILLED AS STORM LASHES FRANCE +Business,"Population decline? It's the economy, stupid" +Sports,Turf Toe Injury Sidelines Titans' Brown (AP) +Sports,NBA-All-Star Carter Joins Nets in Six-Player Trade (Reuters) +World,"BSNL, MTNL to launch high-speed Internet (Reuters)" +Business,Rupert Murdoch pays a sky-high 22m for Fifth Avenue penthouse <b>...</b> +Sports,Lions Sign Bubin From Jags' Practice Squad (AP) +Sci/Tech,Cisco \$12M Tokyo research center +Sci/Tech,"No Regrets, Says Departing NASA Boss" +Sci/Tech,Peter Wood +Sports,Vince Carter dealt to Nets +Sports,"Recchi, mates shocked at NHL dismissal of union #39;s offer" +Sports,Hoeppner new coach at Indiana +World,Anti-terror ruling: Your reaction +World,'Car bomb attack' kills 12 Iraqis +World,Sharon strikes coalition deal with Labor +World,Cuba counters US Christmas lights with anti-war banners +World,Officials warn of Darfur ticking time bomb +Business,Pfizer's Celebrex Lifts Heart Attack Risk in Trial (Reuters) +Business,CELEBREX UNDER MICROSCOPE +Business,Yukos sale: Russia defies US +Business,Japan #39;s central bank downgrades its assessment of the economy +World,Cuban Authorities Retaliate Against US Christmas Display +World,"Renewed fighting in Darfur inevitable, says African Union" +World,South Korea and Japan urge Pyongyang to resume nuclear talks +World,Bosnian Serb leader resigns +World,Bush Signs Intelligence Overhaul Bill (AP) +World,Colombia Says Rebel Leader May Avoid Extradition +Business,Banks Drop Support of Bid for Russian Oil Giant #39;s Unit +Business,Aviation Fight Mirrors Larger French-German Rivalry +Business,Third AstraZeneca drug found wanting +Sci/Tech,Microsoft Spyware Acquisition Hits Ownership Snag +Sports,Three-team baseball trade still unresolved +World,Turkish PM returns home to hero #39;s welcome +World,"U.S. Soldier, Afghan Killed in Gunfight (AP)" +Sci/Tech,Halo 2: The surprising anticlimax +World,Palestinian Leader Contests Annexing Talk (AP) +Sports,Giants re-sign Christiansen +World,Japan puts off royal wedding announcement after family death (AFP) +World,Bush Ordering Better Ocean Oversight (AP) +Sci/Tech,Cisco to open Tokyo R amp;D Center +Sports,Vince Carter traded to Nets +Sports,Boxer Floyd Mayweather Jr. misses trial; arrest warrant issued +Sports,Physical may stall deal for Alfonseca +World,"UN heads towards 60th year with big plans, big problems" +World,Sudanese gov #39;t says ready to withdraw troops from Darfur +Business,Consumer prices in US edge higher +Sports,"Pacers Edge Raptors, 89-86 (AP)" +World,Probe questions account given by British former home secretary in visa row (AFP) +Sports,Warriors' Dunleavy Misses Game vs. Rockets (AP) +Sci/Tech,Category: SpeakersMics +Sports,Van Nistelrooy set for scan +Sci/Tech,Calif. Launches #36;3 Billon Stem Cell Program (Reuters) +Sci/Tech,Calif. Quake Data Bringing New Insights (AP) +Sci/Tech,"U.S., Europe at Odds on Emissions Controls (AP)" +World,Baby cut from mother's womb +World,Aviation Fight Mirrors Larger French-German Rivalry +Sci/Tech,Vitual Flowers +Sports,Harris Heads for Stanford on Losing Note (AP) +Business,FDA urged to drop fish mercury level +Business,Murdoch bids \$44m for flat +Business,IHG sells 13 North American hotels +Sci/Tech,Microsoft Takes Another Stab at Web on TV (washingtonpost.com) +Sports,Star footballer #39;s mother freed after kidnap ordeal +Sports,"Dodgers would move Green, Penny to D-Backs" +Sports,NFL notes: Janikowski finalizes extension with Raiders +World,Deadline issued over Sudan #39;timebomb #39; +World,"Japan, US agree to cooperate on new missile defense" +World,"Bosnian Serb Premier Quits, Criticizing West" +Business,US court move fuels the mixture +Business,United pilots #39; cooperation on pensions expected to affect other <b>...</b> +Sci/Tech,Sean O #39;Keefe +Sci/Tech,Intel hires HP Itanium processor design team +Sports,Randy Johnson headed to Yankees? +Sports,Epstein brushes aside Pedro rips +World,Suspects try for freedom after terror ruling by law lords +World,"US, Europe at Odds on Emissions Controls" +Sports,"Cardinals, King Agree to Contract Terms (AP)" +Sports,Sox reach agreement with Clement +Sports,Wait a minute +Sports,"Amid a Whirlwind of Change, Martnez Returns to His Roots" +Sports,Long Climb Pays Off for Jets' Linebacker +Sports,Same Old Story: Yankees Sour on a Younger Pitcher +Business,Russia Pursues Contested Yukos Sale +Business,AZ suspends marketing of cancer drug +Sports,Undermanned Pacers trim Raptors +World,Court leaves UK terror laws in tatters +Sports,ACC Is Leagues Ahead +Sports,Parking Fees May Help +Sports,Suns Tops in West +Sports,Changes Made to RPI +Sports,'Unit' Deal Unresolved +Sports,McNair's Season Over +Business,Consumer Prices Calm Down in November (AP) +Business,Pricey Trials Turn Up Few New Blockbusters +Business,UPDATE 1-US concerned about UAL/pilots deal on pension plan +Sci/Tech,U.S. Wireless Use Behind Rest of World (AP) +Sci/Tech,New IE Exploit Spoofs Web Sites (Ziff Davis) +Sports,Cardinals reach deal with King +Sports,Timberwolves Crush the Clippers 113-86 (AP) +World,Thailand: Origami Politics Wont Do +Sci/Tech,NASA Retires Historic B-52 'Mothership' (AP) +World,EU-Turkey Deal Hailed as a Bridge Builder +World,Taiwan Says China Setting Out Legal Basis to Attack +World,"In Congo War, Even Peacekeepers Add to Horror" +World,A Brush With China's Twilight Zone +World,Home Turf Shaky For Ukraine Premier +World,Russia Plans to Proceed With Yukos Oil Auction +World,U.N. Forces Ex-Soldiers From Aristide Home +Sci/Tech,The Glitch That Stole Holiday Buys +World,A.C.L.U.'s Search for Data on Donors Stirs Privacy Fears +World,Europe Bloc Says Turks Can Apply +Sci/Tech,New IE hole could perfect phishing scams +Sci/Tech,Analysis: PeopleSoft users speak out about Oracle takeover +Sports,Duncan Leads Spurs Past Hornets 83-69 (AP) +Sports,Yanks Still Working On Deal for Johnson +Sports,Celtics hold off charging Jazz +World,Ex-soldiers occupying Aristide #39;s abandoned estate refuse to disarm +Sci/Tech,iPod User #146;s Guide +Business,A Tenuous Hold on Middle Class +Business,Bush's Economic Vision +Business,Pension Agency Wary of UAL Deal +Business,Celebrex Trial Halted +World,Bosnian Serb Prime Minister Resigns (AP) +Sports,Wade Leads Heat Past the Nuggets 107-100 (AP) +World,"Minn. Woman, Husband Acquitted in Mexico (AP)" +World,Annan Seeks EU Support for U.N. Reforms (AP) +Sports,"If Nats Move, Problems Await" +Sports,"Knicks 113 76ers 107, overtime" +Sports,England restrict South Africa to 273/7 +Sports,Timberwolves Crush the Clippers 113-86 +Sports,Marlins Make Move +Business,"Security, Storage To Merge" +Business,Japan #39;s central bank downgrades its assessment of the economy? <b>...</b> +Business,Pension Agency Wary of UAL Deal +Sports,Mourinho welcomes return to Barcelona stamping ground +Sports,Renteria introduced +Sports,Ancira I-10 Chrysler Jeep Kia +World,UK anti-terror law ruled illegal +Sports,"Langer batting, Shoaib bowling" +World,"Young Chinese spend 1,000 times as much as their parents on weddings (AFP)" +Sci/Tech,Yushchenko Poisoned With Pure TCDD (AP) +World,ADB grants 200 million dollars for Philippines health sector (AFP) +Business,Feds forecast better 2005 +Sci/Tech,Cisco To Open R amp;D Center in Japan To Hone Broadband +Sci/Tech,Questions for NASA +Sci/Tech,Microsoft Adds Desktop to MSN Toolbar +Sci/Tech,Cingular releases Sony Ericsson Z500a +Sci/Tech,"Apple Releases Updated OS X to Fix FireWire, Game Issues" +Sports,"Langer, Ponting make Pakistan toil" +Sports,Yanks move closer to landing Unit +Sports,CZAR: Giants could have had Big Ben +Sports,NCAA Game Summary - James Madison vs. Montana +World,Europe Bloc Says Turks Can Apply; Long Road Seen +World,Israel kills six Palestinians in Gaza raid +Business,Pilots' Union at United Makes Pension Deal +Business, quot;US economy growth to slow down next year quot; +Sci/Tech,Microsoft moves against spyware with Giant acquisition +Sports,Aussies Pile on Runs +Sports,Manning ready to face Ravens #39; aggressive defense +Sports,"Gambhir, Dravid hit tons as India score 334 for two (Night Lead):" +World,Croatians vote in presidential elections; Mesic expected to win second term (AFP) +Sports,NBA Wrap: Heat Tame Bobcats to Extend Winning Streak +World,Historic Turkey-EU deal welcomed +World,US again vows to hunt bin Laden +World,Arafat #39;s death opens door for peace +World,Former soldiers occupuing ex-president #39;s home evicted +World,MIND GAMES: Abduction issue +Business,Pilots #39; Union at United Makes Pension Deal +Sports,India pile on runs +World,US painted as fascist torturers in Havana propaganda battle +Sports,"Grizzlies 89, Nets 84" +Sports,Free-agent signings bump some Mariners into role revisions +World,Hundreds to rally for regiments +Business,Biggest Utility in New Jersey Seen as Target of Acquisition +Business,Lazard I.P.O. Seeks to Raise \$850 Million +Business,Banks Drop Support of Bid for Russian Oil Giant's Unit +Business,White House Predicts Slower Growth in 2005 +Business,"High dosage of Celebrex carries heart attack, stroke risk, Pfizer <b>...</b>" +Business,Exelon in talks to buy PSEG for \$12bn +Sci/Tech,"Be careful, that e-card may be a virus" +Sci/Tech,Cingular offering the Sony Ericsson Z500a +Sports,Stove burns hot in Seattle +Sports,"Different routes, same result as teams gird for title game" +Sports,Locked-out NHLers defeat Swedish champs +World,White House welcomes EU-Turkey breakthrough +World,Iraqi gunmen kill foreigners in car and cut head off one of their <b>...</b> +Sports,"Fenner, Banks give JMU ground control on way to I-AA title" +Business,White House Predicts Slower Growth in 2005 +Business,"American Express to cut 2,000 jobs" +Sports,NBA Wrap: Heat Tame Bobcats to Extend Winning Streak (Reuters) +Sports,Reports: Red Sox reach agreement with Clement +Sports,Bangla bowlers send ripples; India 403 for six +World,Spotless Singapore cracks down after dengue outbreak (AFP) +World,Neighbors Honor Soldier Who Touched Many Lives +World,U.S. Officials Point to Promise Of Session on Arab Democracy +World,China Planning to Enact Law Against Secession +Business,The chatty skies +Sci/Tech,Questions and Praise for Google Web Library +Sci/Tech,The Fox Is in Microsoft #39;s Henhouse (and Salivating) +Sports,Dravid falls for 160; India 413/7 +Business,Pfizer: Celebrex heightens heart risk +Business,Iressa more trouble for AstraZeneca +Sci/Tech,The Glitch That Stole Holiday Buys (washingtonpost.com) +Sci/Tech,Recording Industry Files Another 754 Copyright Lawsuits +World,Venezuela Revels in Fireworks Celebrations (AP) +Sports,Wizards Whip Lakers 120-116 in OT (AP) +Sports,Mets set sights (quietly) on Beltran +Sports,"Nets: A STAR RISES, FADES IN CANADA" +Sports,Steelers #39; defense has rookie quarterback Eli Manning in its sights +World,U.S. Warns of Attacks in Indonesia (AP) +World,Police Arrest Rio De Janeiro Drug Lord +World,Rafique and Mortaza restrict India in second Bangladesh Test (AFP) +Business,Pfizer leaves the arthritis drug on the market despite problems <b>...</b> +Business,Yukos auction is on despite order by Houston judge +Business,Rivals hope for the worst +Business,Sprint-Nextel merger widens gap to mobile #39;s #39;have nots #39; +Business,United pilots set to vote on pay cut +Sports,MLB Notebook: Johnson trade still in the works +Sports,A Test for Ravens #39; Offense +World,"EU, Turkey reach quot;historic quot; agreement on entry talks" +World,Gunmen Demand Peru President's Resignation +World,Troops Oust Haiti Rebels From Ex-Leader #39;s Villa +Sci/Tech,Group ratifies next-generation EPC specs +Business,Clinical trial links Celebrex to heart risk +Business,Russia rejects US order barring Yukos auction +Business,United Starts Financing Search +World,Hope Fades on Identifying Missing Foreigners +World,The Talk Shows +Business,"Yes, Options Really Are an Expense" +Business,Firm looks to acquire Jersey #39;s top utility +Sci/Tech,Engineer #39;s thoughts drift toward Saturnian moon +Sci/Tech,Quarter of world #39;s bird species face extinction threat +Sci/Tech,Asian Stocks Had Biggest Weekly Gain in 7 Months; Sony Rises +Sports,FOOTBALL: MOURINHO: BEAT BARCA? NOU PROBLEM +Sports,Red Sox miffed by parting shots +Sports,Tinsley #39;s big 2nd half lifts Pacers to win +Sports,Miller fourth in Italian super-G race +Sports,Roethlisberger-Manning matchup calls for measuring stick +Sports,Void is filled with Clement +Sports,Insider Preview - Sonics vs. Suns +Sports,"Saban, Dolphins wait out NFL process" +Sports,"Zito, Mulder may be on trading block too" +World,Palestinian death toll rises to nine in Israeli raid in Gaza +World,Scientists pinpoint Yushchenko poison +World,Thai PM vows to step up arrests of separatists as rescue worker <b>...</b> +Business,Chiofaro to keep stake in towers +Business,Job figures disappoint in Mass. +Business,EUROPE MARKETS +Business,"American Express to eliminate 2,500 jobs in restructuring" +Business,FCC May Allow Cell-Phone Use on Airplanes +Business,Offering could bring in \$850 million; Wasserstein prevails +Sci/Tech,New IE Exploit Spoofs Web Sites +Sports,Robinhos mother released unharmed +Sports,Green has reasons to move +World,Indian army chief to visit China from December 22 in first trip for decade (AFP) +World,US Not Aiming to Topple N.Korean Regime-Report +World,'Artificial life' comes step closer +World,Afghan troops storm Kabul jail; eight killed +World,Deadly ambush on a street in Mosul +World,Name of hostage confirmed +World,US forgives \$4.1b Iraq debt +World,Scientists pinpoint Yushchenko poison +World,Full Extent of Indonesia Disaster Slowly Revealed +Business,Future looks bleak for Yukos +Sports,Raptors Send Carter to Nets for 3 Players (AP) +Business,Stock Mutual Funds Perform Well in 2004 (AP) +Sci/Tech,Governor Wants Fines for Selling Violent Games to Kids +Sci/Tech,Soaring toward extinction +Sports,Saban to Have Competition in Coach Search (AP) +Sports,Red Sox introduce Renteria to Boston +Sports,"Rafique and Mortaza strike, but India pass 400" +Sports,Jones Is a Tough Test for Eagles (AP) +World,Europe and US reach Kyoto compromise +World,Israeli Military Escalation Undermines Palestinian Elections IOF <b>...</b> +Sports,Wake Forest Hopes to Bounce Back (AP) +Sports,Red Sox miffed by parting shots +Sports,Jazzy win for Celtics +Sports,Poole is out for the year +Sports,Presidents look to rule +Sports,Tigers' Gurley elevates his game +Sports,Antonio Tarver-Glen Johnson; Round By Round Coverage +World,Taiwan Says China Forming Legal Basis to Attack +Sci/Tech,iRiver H10 +Sports,Red Sox reel in Cubs #39; Clement +World,Post-Kyoto climate talks end on a low +World,Afghan Jailbreak Inmate to Be Questioned +World,Chinese secession law may seek legal basis for use of force <b>...</b> +World,Talks End With No U.S. Climate Deal +Business,German Business Sentiment Rises in Dec. +Business,GE's Transformation Seen Paying Off in 05 (Reuters) +Sports,"Texas' Johnson, Benson Go Out With Win (AP)" +Sports,Wenger Ready To Prove Doubters Wrong +Sports,Surprise! Ratner #39;s team can play to win +Sports,Jones gets to give knockout analysis +Sports,Bryant stumbles as Lakers lose to Wizards +Sports,Knicks deep-six Philly in OT +World,Ivory Coast overturns candidacy rule +Sci/Tech,Thunderbird well worth a test flight +Sci/Tech,OSDL Looks Under the Sofa Cushions for Signs of Linux Growth +Sports,Pride left after the fall +World,Scant Progress on Post-Kyoto as Climate Talks End (Reuters) +Sci/Tech,"Anything But Microsoft Retail Store Pushes Linux, Open Source (TechWeb)" +Sci/Tech,Microsoft Moves On Spyware To Stymie Firefox (TechWeb) +World,Probe ordered into apparent Afghan jailbreak attempt (AFP) +Sports,Trail Blazers Snap Warriors' Win Streak (AP) +Sci/Tech,"Bunker down, Browser Wars #39; are back" +World,China plans to enact anti-secession law +World,"Indonesian extremists influence Thai Muslims, prime minister says <b>...</b>" +World,Bosnian Serb prime minister resigns +Sci/Tech,Future climate talks deal agreed +Sports," #39;Go west, young men #39; bad idea for this bout" +Sci/Tech,Many Counties Failing Fine-Particle Air Rules +Sci/Tech,"Shuttle Loss Proved 'Cathartic,' Departing NASA Leader Says" +Sci/Tech,Bush Forms Panel to Coordinate Ocean Policy +Business,"American Express to cut 2,000 jobs in restructuring" +Business,Plans for air calls +Sports,Immediate upside for Yankees +Sports,AUSSIE TRIO FRUSTRATE PAKISTAN +Sports,India in Commanding Position +World,"Postal worker jailed for stealing letters -- 133,000 of them (AFP)" +World,U.S. Military Wraps Up Philippines Relief (AP) +Sci/Tech,Canada court rules #39;iPod levy #39; illegal +Sci/Tech,ReignCom Challenges Apple #39;s iPod +Business,"Pfizer #39;s Celebrex, Increased Heart Risk Linked" +Business,Murdoch offers \$44 million for Manhattan penthouse +Business,Lazard files for \$850M IPO +Sci/Tech, #39;Googleizing #39; libraries won #39;t replace books +Sci/Tech,"Naughty, nice are irrelevant if Santa can #39;t find any iPods" +Sports,Robinhos Mom Comes Home Safe +Sports,Toronto trades Carter +Sports,DC works to find stadium financing +Sports,Eli Manning gets rude welcome +World,3 Palestinians Said Killed in Gaza Raid +World,Israeli Coalition Deal Expected as Troops Kill at Least 11 <b>...</b> +World,Storm Leaves Six Dead in France +World,ANTI-SECESSION LAW HIGHLIGHTS BEIJING #39;S SUPPRESSION OF TAIWAN: VP +World,Asylum seekers in Japan embassy +Sci/Tech,Digitized And Brought To Life +Sci/Tech,New Computer? Six Steps to Safer Surfing +Sci/Tech,Video Files Present A Search Challenge +Business,Toys 'R' Us banks on strategy +Sci/Tech,Compromise seals climate meeting +Business,Administration cuts job growth forecast +Business,Lazard files long-awaited \$850m IPO plan +Business,MetLife may be sued over Boston unit +World,Services held for quake victims +Business,Murdoch Offers Record Amount for Triplex +Business,No-Fuss Budgets +Sports,Deal with Red Bull gives Coulthard wings +Sports,Stokley flourishing with Colts +World,Post-Kyoto climate talks end on a low +Sports,Brazil: Kidnapped footballer #39;s mother freed +Business,"Stocks to Hold Up, But Anxiety Over Drugs (Reuters)" +Business,"Despite Mega-Deals, Small Mergers Rule (Reuters)" +Business,Sabotage Stops Iraq's North Oil Exports (Reuters) +World,Full Extent of Indonesia Disaster Slowly Revealed +World,Tsunami disaster overshadows India's ATP season-opener (AFP) +Sports,Mortaza enjoys moment to remember +World,EU agrees to membership talks with Turkey +World,"Bosnia Serb PM Resigns, Rejects Western Pressure" +World,North Korea says US steps up espionage flights +Business,Russia to hold Yukos auction despite US ruling +Sports,Utah Routs Pittsburgh in Fiesta Bowl +Business,"Stocks to Hold Up, But Anxiety Over Drugs" +Business,"Despite Mega-Deals, Small Mergers Rule" +Business,Wal-Mart Dec. Sales Still Seen Up 1-3 Pct +Business,Sabotage Stops Iraq's North Oil Exports +Business,Corporate Cost-Cutters Miss Out +Business,Murdoch will shell out \$44 mil. for Manhattan penthouse +World,AU Says Sudan Begins Troop Withdrawal from Darfur (Reuters) +World,Insurgents Attack Iraq Election Offices (Reuters) +World,Syria Redeploys Some Security Forces in Lebanon (Reuters) +World,Security Scare Closes British Airport (AP) +World,Iraqi Judges Start Quizzing Saddam Aides (AP) +World,Musharraf says won't quit as army chief (Reuters) +World,Navy to go on PR 'offensive' to repair battered image of submarine program (Canadian Press) +Sports,"NBA Wrap: Wade, O'Neal Carry Heat to 7th Straight Win" +World,Barack Obama Gets #36;1.9 Million Book Deal (AP) +Sports,Rauffer Beats Favorites to Win Downhill +World,Iraqis Face Winter Shivering by Candlelight +World,AU Says Sudan Begins Troop Withdrawal from Darfur +World,Syria Redeploys Some Security Forces in Lebanon +World,Pakistan's Musharraf Says Won't Quit as Army Chief +Sports,Renteria signing a top-shelf deal +Sports,Saban not going to Dolphins yet +Sports,Today's NFL games +Sports,Nets get Carter from Raptors diff --git a/data/surnames.csv b/data/surnames.csv new file mode 100644 index 00000000..a7110903 --- /dev/null +++ b/data/surnames.csv @@ -0,0 +1,10981 @@ +surname,nationality +Woodford,English +Coté,French +Kore,English +Koury,Arabic +Lebzak,Russian +Obinata,Japanese +Rahal,Arabic +Zhuan,Chinese +Acconci,Italian +Mifsud,Arabic +Chekhoev,Russian +Essop,English +Rosenbloom,Russian +Michalovicova,Czech +Valendik,Russian +Ishinomori,Japanese +Colombo,Italian +Gallchobhar,Irish +Srour,Arabic +Strobel,German +Lysihin,Russian +Boulos,Arabic +Mnatsakanyan,Russian +Jefferson,English +Dorrington,English +Altimari,Italian +Zak,Czech +Panek,Czech +Jeffries,English +Morgenstern,German +Hakimi,Arabic +Hlavsa,Czech +Kalb,Arabic +Douthwaite,English +Yau,Chinese +Readle,English +Jones,English +Kobi,Japanese +Topham,English +Mushanaokoji,Japanese +Maloof,Arabic +Bellamy,English +Atiyeh,Arabic +Totah,Arabic +Rotast,Russian +Isa,Arabic +Saliba,Arabic +Vilchur,Russian +Lau,Chinese +Shalhoub,Arabic +Mushashibo,Japanese +Leggett,English +Snelker,Czech +Paloumbas,Greek +Esposito,Italian +Ferrero,Italian +Attia,Arabic +Zhi,Chinese +Jandr,Russian +Lilley,English +Scarsi,Italian +Ayliffe,English +Twiggs,English +Tresler,German +Zherebko,Russian +Lezhikov,Russian +Antonopoulos,Greek +Abukhov,Russian +Tuma,Arabic +Vargas,Spanish +Oliver,German +Eikhenbaum,Russian +Totah,Arabic +Kaczka,Polish +Rooijakkers,Dutch +Malouf,Arabic +Peebles,English +Riha,Czech +Jollenbeck,German +Rahlevsky,Russian +Clowes,English +D'ambrosio,Italian +Machacek,Czech +Winship,English +Davletkildeev,Russian +Adarchenko,Russian +Kalb,Arabic +Ingleby,English +Dundon,English +Gibbons,English +Miyahara,Japanese +Nedd,English +Addley,English +Gaffney,English +Okten,English +Davidson,English +Chambers,English +Blackburn,English +Méndez,Spanish +Pesaro,Italian +Zhirnikov,Russian +Provan,English +Bazzi,Arabic +Nardo,Italian +Yoshizawa,Japanese +Wooldridge,English +Jukovich,Russian +Langer,German +Divoky,Czech +Latham,English +Marqueringh,Dutch +Mansour,Arabic +Shenk,Russian +Ubina,Spanish +Edney,English +Gramenitsky,Russian +Yasuhiro,Japanese +Ekin,English +Sokolofsky,Polish +Ilyahin,Russian +Vann,English +Pedley,English +Vingilevsky,Russian +Falkenrath,German +Eastell,English +Faulkner,English +Dyerson,English +Adylov,Russian +Riha,Czech +Vinh,Vietnamese +Fuentes,Spanish +Atiyeh,Arabic +Cham,Arabic +Koemans,Dutch +Airey,English +Fakhoury,Arabic +Shanks,English +Chalovsky,Russian +Pole,English +Baumann,German +Kamata,Japanese +Mifsud,Arabic +Adanet,English +Richards,English +Kahaya,Japanese +Kozlowski,Polish +Abel,English +Mansour,Arabic +Badamshin,Russian +Poulton,English +Barnard,English +Nader,Arabic +Nurkaev,Russian +Rahal,Arabic +Toomer,English +Ventura,Italian +Ahn,Korean +Fakhoury,Arabic +Aldworth,English +Ianson,English +Ewles,English +Basara,Arabic +Albert,German +Sinagra,Italian +Armstrong,English +Saeki,Japanese +Nave,Italian +Colman,Irish +Smithson,English +Polymenakou,Greek +Yanaki,Russian +Gudim,Russian +Artliff,English +Kanaan,Arabic +Jourdan,English +Calligaris,Italian +Schepiorko,Russian +Profeta,Italian +Schult,German +Hurinov,Russian +Papke,German +Shadid,Arabic +Tapscott,English +Dzhisev,Russian +Callaghan,Irish +Maas,German +Maloof,Arabic +Symonds,English +Gassiy,Russian +Iesada,Japanese +Forman,English +Nader,Arabic +Schoonenburg,Dutch +Grossman,Russian +Roach,Irish +Natashkin,Russian +Chagin,Russian +Zholtovsky,Russian +Tremblay,French +Suk,Korean +Greenleaf,English +Cooke,English +Bazzi,Arabic +Shamon,Arabic +Sakson,Russian +Pereira,Portuguese +Gomez,English +Doughty,English +Naser,Arabic +Altena,Dutch +Prendergast,English +Astsaturov,Russian +Dobbin,English +Laycock,English +Leibovich,Russian +Zhiharevitch,Russian +Takayama,Japanese +Shaw,Chinese +Klimes,Czech +Rampling,English +Yakuschenko,Russian +Albani,Italian +Sierra,Spanish +Eizhvertin,Russian +Broadley,English +Sone,Japanese +Eretsky,Russian +Hovanec,Czech +Moto,Japanese +Salib,Arabic +Tierney,English +Amari,Arabic +Ghannam,Arabic +Wahner,German +Van,Vietnamese +Stringer,English +Grankov,Russian +Coelho,Portuguese +Rankin,English +Okuma,Japanese +Brose,German +Thoms,English +Vakulich,Russian +Tsarenko,Russian +Hitomi,Japanese +Harash,Russian +Deeb,Arabic +Gaber,Arabic +Boutros,Arabic +Jupikov,Russian +Kanaan,Arabic +Shimada,Japanese +Easdown,English +Vavra,Czech +Patselas,Greek +Lightfoot,English +Gregory,English +Corraidhin,Irish +Robin,English +Feigenbaum,German +Martell,Spanish +Gorchakovsky,Russian +Arrighi,Italian +Ba,Arabic +Pang,Chinese +Salvage,French +Cullen,English +Ozawa,Japanese +Ott,German +Kouretas,Greek +Herrero,Spanish +Herbert,German +Robles,Spanish +Olguin,Spanish +Bazovski,Russian +Wickens,English +Rothenberg,German +Hanania,Arabic +Mcmahon,Irish +Grammatakakis,Greek +Davydov,Russian +Soldati,Italian +Fontaine,French +Yahin,Russian +Fakhoury,Arabic +Schirmer,German +Kattan,Arabic +Proctor,English +Thomas,English +Harley,English +Goode,English +Drechsler,German +Arrowsmith,English +Egr,Czech +Gerges,Arabic +Fausti,Italian +Bitar,Arabic +Shakhnazarov,Russian +Hirata,Japanese +Belotserkovets,Russian +Accorsi,Italian +Aodha,Irish +Ryjko,Russian +Keable,English +Langton,English +Shaikov,Russian +Omelyuk,Russian +Govallo,Russian +Igarashi,Japanese +Asghar,Arabic +Bueren,Dutch +Makaseev,Russian +Rang,Chinese +Dickens,English +Qiao,Chinese +Jeon,Korean +Batten,English +Abadi,Arabic +Jivulin,Russian +Atajakhov,Russian +Penn,English +Wyman,German +Badylkin,Russian +Goldman,English +Ghannam,Arabic +Rahal,Arabic +Matsuoka,Japanese +Petrezelka,Czech +Desyatskov,Russian +Kajitani,Japanese +Hajjar,Arabic +Rotolo,Italian +Skelly,English +Hill,English +Pan,Chinese +Aller,Dutch +Bui,Vietnamese +Franks,English +Simmons,English +Cerda,Czech +Yaimov,Russian +Havlice,Czech +Yablontsev,Russian +Kouri,Arabic +Nolan,English +Konoe,Japanese +Burr,English +Sztegon,Czech +Veltman,Russian +Orton,English +Kram,English +Hickey,English +Belous,Russian +Anutriev,Russian +Birkin,Russian +Gavalok,Czech +Burns,Scottish +Metcalf,English +Ennos,English +Froy,English +Cousineau,French +Tagawa,Japanese +Lowry,English +Timson,English +Rehman,English +Wright,English +Aodh,Irish +Awranek,Russian +Goodacre,English +Lefebvre,French +Youn,Korean +Metcalfe,English +Peters,English +Anetakis,Greek +Mann,English +Lolos,Greek +Romà,Spanish +Kerwar,German +Than,Vietnamese +Breen,English +Masudu,Japanese +Hiratasuka,Japanese +Pace,Italian +Uccello,Italian +Osborn,English +Shima,Japanese +Hisamatsu,Japanese +Ahern,English +Garbett,English +Makhinya,Russian +Hismatullin,Russian +Kerridge,English +Fahy,English +Vlahos,Greek +Routiyainen,Russian +Webb,English +Fischer,German +Nazario,Italian +Agapov,Russian +Hassel,Dutch +Durant,English +Rogatko,Russian +Nezavitin,Russian +Imada,Japanese +Yakunichev,Russian +Krebs,German +Nutt,English +Zastavsky,Russian +Gerges,Arabic +Chappell,English +Trigg,English +Dubatolov,Russian +Ghanem,Arabic +Onufrienko,Russian +Jablontsev,Russian +Yudahin,Russian +Keenan,English +Pahlke,German +Lucas,English +Antoun,Arabic +Hutchison,English +Cham,Arabic +Stilo,Italian +Bitar,Arabic +Cucinotta,Italian +Gauntlett,English +Herrera,Spanish +Close,Greek +Nazari,Arabic +Kinsella,English +Nicchi,Italian +Ghanem,Arabic +Johnstone,Scottish +Isa,Arabic +Kapsimalles,Greek +Moghadam,Arabic +Scavo,Italian +Vasyukov,Russian +Wirt,German +Iwakura,Japanese +Bagrintsev,Russian +Rao,Chinese +Osman,English +Cheparev,Russian +Hiraoka,Japanese +Tchanyshev,Russian +Houte,Dutch +Heintze,German +Khoury,Arabic +Getling,Russian +Alsop,English +Taku,Japanese +Notaro,Italian +Jachmenkov,Russian +Orme,English +Ageichev,Russian +Piovene,Italian +Darevsky,Russian +Maher,English +Mather,English +Pismichenko,Russian +Vallance,English +Vinyarsky,Russian +Rebka,Czech +Bahar,Arabic +Shobo,Japanese +Camfrlova,Czech +Kanagaki,Japanese +Soseki,Japanese +Royer,French +Egin,Russian +Yeadon,English +Martinson,Russian +Vaughan,English +Acquati,Italian +Blackman,English +Zheltouhov,Russian +Royama,Japanese +Yue,Chinese +Jevons,English +Newbold,English +Pribylov,Russian +Ghannam,Arabic +Nezhentsev,Russian +Abrajevich,Russian +Haddad,Arabic +Rheem,Korean +Snell,Dutch +Hamacho,Japanese +Nizzola,Italian +Holden,English +Panayiotopoulos,Greek +Coyle,English +Truscott,English +Chu,Chinese +Mnatsakanov,Russian +Nakasawa,Japanese +Furse,English +Barbieri,Italian +Aitken,English +Trennery,English +Fuse,Japanese +Edge,English +Vadbolsky,Russian +Raikin,Russian +Robbins,English +Dalzell,English +Busto,Italian +Porto,Italian +Pierno,Italian +Nield,English +Faucheux,French +Adler,German +Furness,English +Tong,Chinese +Chihanchin,Russian +De,Portuguese +Fakhoury,Arabic +Garcia,English +Greener,English +Marino,Spanish +Ashby,English +Koury,Arabic +Sallis,English +Vlasenkov,Russian +Shin,Korean +Kulhanek,Czech +Bickley,English +Hinton,English +Valdez,Spanish +Wileman,English +Grodetsky,Russian +Templeman,English +Borgogni,Italian +Lohan,English +Bartlett,English +Grimes,English +Harb,Arabic +Shimazu,Japanese +Maciomhair,Irish +Upjohn,English +Kiski,Japanese +Yule,English +Sturrock,English +V'Yuhin,Russian +Oneil,English +Günther,German +Mustafa,Arabic +Karteshkin,Russian +Hutmacher,German +Gromyko,Russian +Takashita,Japanese +Tannous,Arabic +Vipper,Russian +Oakley,English +Darchiev,Russian +Turatbekov,Russian +Santana,Portuguese +Vincent,French +Brannon,Irish +Levy,English +Togunov,Russian +Soho,Japanese +Gagnier,French +Strachan,English +Nicolson,English +Noschenko,Russian +Acciaio,Italian +Angioli,Italian +Agumaa,Russian +Courtemanche,French +Jarram,English +Waterhouse,English +Assaf,Arabic +Bahar,Arabic +Feeney,English +Koutsoubos,Greek +Walker,English +Tso,Chinese +Winogrodzki,Polish +Acerbi,Italian +Getta,Russian +Haziahmetov,Russian +Sarkis,Arabic +Ralston,English +Batty,English +Bonfils,French +Minatoya,Japanese +Naifeh,Arabic +Hawtin,English +Getsen,Russian +Ingham,English +Cherry,English +Zang,Chinese +Schlender,German +Del,Spanish +Stevenson,Scottish +Acquafredda,Italian +Minami,Japanese +Osmond,English +Shakhnazaryants,Russian +Hagondokov,Russian +Sonnen,German +Whitaker,English +Lockhart,English +Vacca,Italian +Tomashuk,Russian +Tommii,Japanese +Naifeh,Arabic +Ajibana,Japanese +Pribytkov,Russian +Morcos,Arabic +Linton,English +Knepp,German +Mikolajczak,Polish +Doyle,English +Simonis,Dutch +Mcghee,English +Guldreih,Russian +Agnivtsev,Russian +Abramoff,Russian +Donald,English +Farre,English +Levitin,Russian +Yudanov,Russian +Dornan,English +Templeton,English +Kayes,English +Worth,English +Reagan,Irish +Jefferies,English +Tur,Russian +Shamoun,Arabic +Roosa,Dutch +Gabrisova,Czech +Bakaleiko,Russian +Ow-Yang,Chinese +Stanford,English +Hantimerov,Russian +Haik,Arabic +Higoshi,Japanese +Hafner,German +Badridze,Russian +Crawford,English +Ford,English +Belchenkov,Russian +Adkins,English +Nervetti,Italian +Piller,Czech +Travers,English +Parkes,English +Antoun,Arabic +Gorman,Irish +Kartushin,Russian +Jacob,English +Davidzon,Russian +Kouri,Arabic +Laguardia,Italian +Holoshin,Russian +Kearton,English +Song,Chinese +Pitaevsky,Russian +Yudasin,Russian +Abbaticchio,Italian +Dymond,English +Otyaev,Russian +Tessaro,Italian +Muijel,Russian +Powles,English +Segal,French +Sarkis,Arabic +Herbert,English +Ise,Japanese +Hajjar,Arabic +Masih,Arabic +Fretwell,English +Shakhnovich,Russian +Bernard,French +Donovan,Irish +Sabbagh,Arabic +Gastfreind,Russian +Lawal,English +Shadid,Arabic +Malouf,Arabic +Uerling,Czech +Atiyeh,Arabic +Ichisada,Japanese +Shamon,Arabic +Ollerhead,English +Mcguinness,English +Pazyun,Russian +Deeb,Arabic +Awchinnikoff,Russian +Fischer,English +Tsalaban,Russian +Ton,Vietnamese +Tsucgimoto,Japanese +Duben,Russian +Djikovich,Russian +Zhandr,Russian +Frederick,English +Lovett,English +Madaidhin,Irish +Hanlon,English +Hori,Japanese +Morcos,Arabic +Avalishvili,Russian +Horn,German +Babadjanoff,Russian +Sugitani,Japanese +Chrysanthopoulos,Greek +Ponomarenko,Russian +Maroun,Arabic +Ponikarovsky,Russian +Donk,Dutch +Patel,English +Thirlway,English +Shidehara,Japanese +Pochkailo,Russian +Quraishi,Arabic +Core,English +Asghar,Arabic +Atiyeh,Arabic +Tulupov,Russian +Balboni,Italian +Gaynor,English +Mikhail,Arabic +Baglio,Italian +Avtsyn,Russian +Ibuka,Japanese +Pecora,Italian +Uemlyanin,Russian +Kahler,German +Dogmarov,Russian +Bakihanoff,Russian +Grenard,English +Gonzales,Spanish +Toma,Arabic +Trudu,Italian +Banner,English +Aldred,English +Jiganov,Russian +Eng,Chinese +Wasem,Arabic +Leclerc,French +Kurosawa,Japanese +Zhigulsky,Russian +Yasutake,Japanese +Norcross,English +Kogara,Japanese +Jeludev,Russian +Daugherty,English +Gultyaev,Russian +Daher,Arabic +Vozianov,Russian +Lodkin,Russian +Alfaro,Spanish +Urwin,English +O'Hara,Irish +Marek,Polish +Shadid,Arabic +Von,German +Mindlin,Russian +Grigorchikov,Russian +Takudo,Japanese +Yokoyama,Japanese +Oddy,English +Abdulatipoff,Russian +Yafrakov,Russian +Kassis,Arabic +Moreno,Spanish +tonder,German +Baz,Arabic +Uchitel,Russian +Pribylovsky,Russian +Yonai,Japanese +Tamarchenko,Russian +Whiteford,English +Rier,German +Gudarenko,Russian +Arian,Arabic +Underhill,English +Hoshino,Japanese +Mifsud,Arabic +Egger,German +Sayegh,Arabic +Mair,English +Newell,English +Guldin,Russian +Ijiri,Japanese +Ryjak,Russian +Vainshtein,Russian +Kalinovsky,Russian +Najjar,Arabic +Masanobu,Japanese +Barker,English +Jakeman,English +Nahas,Arabic +Hadad,Arabic +Hajjar,Arabic +King,English +Kitchen,English +Awad,Arabic +Vlach,Czech +De,Italian +Hasekura,Japanese +Chi,Chinese +Khoury,Arabic +Kusunoki,Japanese +Steel,English +Rot,German +Polibin,Russian +Small,English +Amari,Arabic +Maalouf,Arabic +Babeshkin,Russian +Kruger,German +Sauvageau,French +Saunders,English +Jelohovtsev,Russian +Alanson,English +Petri,Italian +Pliev,Russian +Kurian,English +Cong,Chinese +Blanc,French +Amstel,Dutch +Dinapoli,Italian +Jmelkov,Russian +Jagodnikov,Russian +Acciaioli,Italian +Srda,Czech +Riley,English +Fitch,English +Batchish,Russian +Parasyuk,Russian +Tang,Chinese +York,English +Farnum,English +Kilb,English +Donaldson,English +Lejenko,Russian +Nessbert,English +Wruck,German +Sawyer,English +Furnish,English +Díaz,Spanish +Reuter,German +O'Malley,Irish +Castro,Italian +Ishimura,Japanese +Sakakibara,Japanese +Jakovichenko,Russian +Bui,Chinese +Mahorin,Russian +Richard,French +Hasimoto,Japanese +Coupe,French +Handal,Arabic +Adriatico,Italian +Altamura,Italian +Attia,Arabic +Abramo,Italian +Bachinski,Russian +Seok,Korean +Gukovsky,Russian +Paradjanov,Russian +Vilyunas,Russian +Seger,Czech +Adamyan,Russian +Herten,Dutch +Haanrath,Dutch +Muzychka,Russian +Pollard,English +Arian,Arabic +Arrighetti,Italian +Groholsky,Russian +Desyatov,Russian +Hasegawa,Japanese +Brown,English +Khouri,Arabic +Phelps,English +Min,Chinese +Sarkis,Arabic +Parodi,Italian +Larenz,German +Forshaw,English +Topliss,English +Bagni,Italian +Nagase,Japanese +Chikanov,Russian +Bonomo,Italian +Saliba,Arabic +Muggia,Italian +Matsuev,Russian +Brun,German +Vuu,Vietnamese +Araújo,Portuguese +Ruhimovich,Russian +Woodland,English +Horigoshi,Japanese +Clancy,English +Schenk,Czech +Schräder,German +Guzenko,Russian +Masih,Arabic +Kaloshin,Russian +Monette,French +Ongaro,Italian +Moh,Russian +Lomax,English +Tchaleev,Russian +Pendlebury,English +Ardiccioni,Italian +Rand,English +Hotta,Japanese +Soma,Japanese +Nichols,English +Rahov,Russian +Whitmore,English +Keefe,English +Everett,English +Drew,English +Obolensky,Russian +Kentaro,Japanese +Roome,English +Xie,Chinese +Tuleev,Russian +Chun,Korean +Voneve,Czech +Totah,Arabic +Masih,Arabic +Adjalov,Russian +Rocco,Italian +Matthews,English +Paisar,Czech +Haskin,Russian +Tejc,Czech +Nosek,Polish +Xun,Chinese +Iijima,Japanese +Russo,Italian +Kalimulin,Russian +Durante,Italian +Ramaker,Dutch +Bissette,French +England,English +Tsen,Chinese +Holloway,English +Schwarz,German +Jerry,English +Salib,Arabic +Boutros,Arabic +Gutierrez,Spanish +Harik,Russian +Tolmay,English +Glennie,English +Böhme,German +Hargreaves,English +Seif,Arabic +Ghannam,Arabic +Isa,Arabic +Mustafa,Arabic +Saliba,Arabic +Haik,Arabic +Anzai,Japanese +Atamanov,Russian +Bainbridge,English +Conall,Irish +Priimkov,Russian +Glavinsky,Russian +Pedrotti,Italian +Echeverría,Spanish +Newall,English +Sargent,French +Abudihin,Russian +Abboud,Arabic +She,Chinese +Sarraf,Arabic +Voyse,English +Mansour,Arabic +Tumilovich,Russian +Kassis,Arabic +Shamon,Arabic +Charushin,Russian +Abdulin,Russian +Tzeluiko,Russian +Titmuss,English +Malafa,Czech +Moshcovitsh,Russian +Andrews,English +Rossi,English +Janbarisov,Russian +Dominguez,Spanish +Nott,English +Nanni,Italian +Srour,Arabic +Yoo,Korean +Kamara,English +Jura,Russian +Harrop,English +Baz,Arabic +Opayne,English +Austen,English +Prior,English +Kaluza,Polish +Turmov,Russian +Teague,English +Vesich,Russian +Moshkov,Russian +Anorin,Russian +Alberghi,Italian +Laberenz,German +Walshe,English +Phung,Vietnamese +Sleiman,Arabic +De,Italian +Whitehead,English +Zhinov,Russian +Haschev,Russian +Zhardetsky,Russian +Gouveia,Portuguese +Varano,Italian +Atherton,English +Hanania,Arabic +Omarov,Russian +Dobrenkov,Russian +Daher,Arabic +Thom,English +Atiyeh,Arabic +Long,English +Takahashi,Japanese +Elvin,English +Trampotova,Czech +Lebeau,French +Mitchell,Scottish +Kool,Dutch +Hida,Japanese +Khouri,Arabic +Gasanov,Russian +Kriz,Czech +Abano,Spanish +Maguire,Irish +Crespo,Portuguese +Hadad,Arabic +Koury,Arabic +Trieu,Vietnamese +Fryer,English +Yuan,Chinese +Muzrukov,Russian +Tzelikov,Russian +Roles,English +Hlevniuk,Russian +Glen,English +Pelyushenko,Russian +Gudvan,Russian +Hao,Chinese +Onoe,Japanese +Knowler,English +Abolins,Russian +Mckie,English +Enchev,Russian +Baldi,Italian +Noel,French +Trump,English +Bloom,English +Ashford,English +Demidovich,Russian +Teteruk,Russian +Strand,German +Malouf,Arabic +Baldovini,Italian +Hinrichs,German +Pinkney,English +Sander,German +Vihert,Russian +Delaney,Irish +Fleming,Scottish +Dermody,English +Holodnyh,Russian +Sak,Russian +Loudon,English +Thatcher,English +Pritchard,English +Shamshurov,Russian +Botros,Arabic +Mikhail,Arabic +Skomicka,Czech +Rietveld,Dutch +Chellos,Greek +Tuma,Arabic +Tunneson,Dutch +Lyons,English +Sakoda,Japanese +Djeladze,Russian +Nazari,Arabic +Kennett,English +Maroun,Arabic +Firth,English +Landau,German +Shammas,Arabic +Morcos,Arabic +Powis,English +Mikhail,Arabic +Chavez,Spanish +cruz,Spanish +Zhulev,Russian +Neisser,Czech +Pack,English +Eustis,French +Narita,Japanese +Mohren,German +Boutros,Arabic +Awad,Arabic +Lam,Vietnamese +Totah,Arabic +Guirguis,Arabic +Eltis,English +Wallis,English +Manos,Greek +Kinugasa,Japanese +Spannagel,German +Mcnab,Irish +Montgomery,English +Baba,Arabic +Jonas,Czech +Lukha,Russian +Palzewicz,Czech +Vygran,Russian +Watoga,Japanese +Wolstencroft,English +Penner,Dutch +Karnoupakis,Greek +Spijker,Dutch +Thorley,English +Heidrich,German +Psik,Czech +Abramtchuk,Russian +Vancoller,English +Higo,Japanese +Attia,Arabic +Tiraboschi,Italian +Pawson,English +Numajiri,Japanese +Belokhin,Russian +Said,Arabic +Holl,English +Schorel,Dutch +Shamoun,Arabic +Zappa,Italian +Ohishi,Japanese +Belostotsky,Russian +Smits,Dutch +Bassani,Italian +Janz,German +Shenkovets,Russian +Judovich,Russian +Belogorsky,Russian +Frank,German +Asch,Dutch +Kazimor,Czech +Gillard,English +Cham,Arabic +Dan,Chinese +Velsovsky,Russian +Gerges,Arabic +Martin,German +Ikoma,Japanese +Rahmail,Russian +Santos,English +Barnes,English +Leverenz,German +Chicken,Czech +Touma,Arabic +Ichikawa,Japanese +Nelmes,English +Hua,Chinese +Brisbois,French +Aonghus,Irish +Yamanouchi,Japanese +Zhilenkov,Russian +Górka,Polish +Smith,English +Researcher,Russian +Volcik,Czech +Oates,English +Young,English +Maruyama,Japanese +Kelly,Scottish +Ekin,Russian +Munro,English +Bishara,Arabic +Katayama,Japanese +Ganza,Italian +Jevlakov,Russian +Richard,Dutch +Trent,English +Jerdev,Russian +Hanek,Czech +Ghannam,Arabic +Nader,Arabic +Kilbee,English +Kassab,Arabic +Lowbridge,English +Curry,English +Tangeman,German +Almasi,Arabic +Hama,Japanese +Jue,Chinese +Parr,English +Cornett,French +Turchi,Italian +Sugisata,Japanese +Ungaretti,Italian +Meisner,Dutch +Funakoshi,Japanese +Perowne,English +Cann,English +Bakhchivandzhi,Russian +Ivanov,Russian +Dobson,English +Ward,English +Abrahimov,Russian +Martzenyuk,Russian +Reinder,Dutch +Shammas,Arabic +Steinmann,German +Hishikawa,Japanese +Malouf,Arabic +Alexandropoulos,Greek +Ban,Chinese +Edgar,English +Western,English +Dawkins,English +Badov,Russian +Karube,Japanese +Neil,Irish +Schoorl,Dutch +Rosso,English +Tulaikov,Russian +Jatsunov,Russian +Valentinov,Russian +Moschella,Italian +Romeijn,Dutch +Alunni,Italian +Rodger,English +Langlois,French +Poplawski,Polish +Simon,Irish +Acton,English +Kanaan,Arabic +Totah,Arabic +Michaud,French +Planick,Czech +Ripley,English +Viranovsky,Russian +Watkinson,English +Valetov,Russian +Adessi,Italian +Zasko,Russian +Khouri,Arabic +Bagalin,Russian +Rocca,Italian +Dale,Dutch +Mahovikov,Russian +Glezarov,Russian +Haradurov,Russian +Gridnev,Russian +Knibb,English +Yamawaki,Japanese +Williamson,Scottish +Baz,Arabic +Glagolev,Russian +Lihtin,Russian +Dipper,English +Ponedelnik,Russian +Shamoon,Arabic +Shalmanov,Russian +Mustafa,Arabic +Demich,Russian +Pfeifer,Czech +Plumb,English +Sakata,Japanese +Fujiwara,Japanese +Brian,Irish +Till,Czech +Gerhardt,German +Aswad,Arabic +Holguín,Spanish +Ross,English +Haik,Arabic +Masaoka,Japanese +Bellomi,Italian +Knox,English +Vipond,French +Saitoh,Japanese +O'Hannagain,Irish +Handal,Arabic +Dandy,English +Vainshtok,Russian +Large,English +Nieri,Italian +Viola,Spanish +Martyushev,Russian +Salib,Arabic +Armonni,Italian +Welch,English +Braden,Irish +Kawamata,Japanese +Abbascia,Italian +Zhadaev,Russian +Cannon,English +Obrien,English +Woodhouse,English +Bates,English +Itoh,Japanese +Galloway,English +Amari,Arabic +Vasyanovich,Russian +Ataev,Russian +Maroun,Arabic +Vedyashkin,Russian +Maloof,Arabic +Calvert,English +Chilvers,English +Tatlow,English +Kamon,Japanese +Jirovy,Czech +Skokan,Czech +Couture,French +Nifterik,Dutch +Hocking,English +la,Spanish +Vazhov,Russian +Esparza,Spanish +Klerken,Dutch +Mokrov,Russian +Agadjanov,Russian +Said,Arabic +Mozharovsky,Russian +Halabi,Arabic +Anderson,Scottish +Adamson,English +Chieu,Chinese +Ochiai,Japanese +Salib,Arabic +Awinoff,Russian +Savage,English +Patton,English +Everson,English +Moghadam,Arabic +Attia,Arabic +Wood,Czech +Tempest,English +Chlebek,Polish +Valmus,Russian +Yamashita,Japanese +Hadad,Arabic +Kett,English +Mizumaki,Japanese +Tadhg,Irish +Mansour,Arabic +Saikov,Russian +Azzarà,Italian +Salib,Arabic +Harkovsky,Russian +Close,Greek +Kassmeyer,German +Gaskell,English +Hennessy,English +Tholberg,Dutch +Truhanovsky,Russian +Bektimirov,Russian +Fiohin,Russian +Lysyakov,Russian +Lowes,English +Hananaev,Russian +Mccullough,English +Touma,Arabic +Arechavaleta,Spanish +Ustinkin,Russian +Taylor,English +Atter,English +Armbruster,German +Rong,Chinese +Ohalloran,English +Tugarov,Russian +Lauwens,Dutch +Sarraf,Arabic +Hagurov,Russian +Ogden,English +Shammas,Arabic +Salib,Arabic +Jewers,English +Abboud,Arabic +Mansour,Arabic +Gulevsky,Russian +Urbanek1,Czech +Glenn,English +Zwolenksy,Czech +Nevis,English +Strong,English +Hanania,Arabic +D'cruz,Spanish +Dunmore,English +Eggby,English +Schepansky,Russian +Cernohous,Czech +Rian,Irish +Nowak,Czech +Bazulev,Russian +Vennen,Dutch +Morales,Spanish +Mcintyre,Scottish +Ottley,English +Tutton,English +Granger,English +Veselov,Russian +Antúnez,Spanish +Fumihiko,Japanese +Yamschikov,Russian +Derrien,English +Shalygin,Russian +Kachalovsky,Russian +Armistead,French +Hajjar,Arabic +Spanò,Italian +Grant,Scottish +Abandonato,Italian +Avinovitsky,Russian +Ganim,Arabic +Neroni,Italian +Macmillan,English +Miyamae,Japanese +Botros,Arabic +Rekshinsky,Russian +Toomey,English +Novosiltsev,Russian +Jalamov,Russian +Shuo,Chinese +Badersky,Russian +Ogata,Japanese +Daher,Arabic +Wechsler,German +Ivory,English +Bazhinov,Russian +Svoboda,Czech +Chuhman,Russian +Ichimonji,Japanese +Baba,Arabic +Carbone,Italian +Marks,Russian +Joshuya,Japanese +Luce,English +Noh,Korean +Hawkridge,English +Andres,German +Oquendo,Spanish +Ba,Arabic +Mazza,Italian +Zelenev,Russian +Velikorechin,Russian +Yap,Chinese +Fulton,English +Amador,Spanish +Zasetsky,Russian +Nahas,Arabic +Krüger,German +Morcos,Arabic +Lyskin,Russian +Babuh,Russian +Strange,English +Rezac,Czech +Jelaev,Russian +Odonoghue,English +Mifsud,Arabic +Kassis,Arabic +Grant,English +Cousin,English +Haibullin,Russian +Havlatova,Czech +Bartolomeo,Italian +Avalyan,Russian +Durnovtsev,Russian +Hayes,English +Chermak,Czech +Luker,English +Kawamura,Japanese +Haddad,Arabic +Nader,Arabic +Morozov,Russian +Vico,Italian +Farrelly,English +Ou-Yang,Chinese +Mahin,Russian +Gascoyne,English +Awtsin,Russian +Hébert,French +Sniders,Dutch +Donovan,English +Agapeev,Russian +Entov,Russian +Drassal,Czech +Mcintyre,English +Man,Chinese +Pavesi,Italian +Brooker,English +Velikopolsky,Russian +Takeda,Japanese +Bencivenni,Italian +Bahtchivandzhi,Russian +Hino,Japanese +Amner,English +Chekmarev,Russian +Jacobs,English +Sleiman,Arabic +Albricci,Italian +Colón,Spanish +Ré,Italian +D'aramitz,French +Angelopoulos,Greek +Bobienski,Polish +Mason,English +Warwick,English +Fairbrother,English +Astrahankin,Russian +Gibson,English +Albano,Italian +Leimon,Russian +Dan'Ko,Russian +Winn,English +Muirchertach,Irish +Dzhevetsky,Russian +Trickett,English +Franco,Italian +Kudo,Japanese +Seif,Arabic +Driffield,English +Bilibin,Russian +Sweeting,English +V'Yurkov,Russian +Keywood,English +Enright,English +Andreevsky,Russian +Antimisiaris,Greek +Yu,Korean +Awtukhoff,Russian +Watson,Scottish +Lutovinov,Russian +Viola,Italian +Tuma,Arabic +Wilton,English +Frankland,English +Yatsenko,Russian +Seif,Arabic +Kalb,Arabic +Egleton,English +Day,English +Greaves,English +Korycan,Czech +Asker,Arabic +Narato,Japanese +Khouri,Arabic +Pribylsky,Russian +Webber,English +Enomoto,Japanese +Zhirkevich,Russian +Povey,English +Avertchenko,Russian +Malouf,Arabic +Naser,Arabic +Tannous,Arabic +Yamada,Japanese +Seidel,German +Chevrolet,French +Boulos,Arabic +Schröder,German +Karubo,Japanese +D'angelo,Italian +Mitchell,English +Tao,Chinese +Pape,French +Isagaliev,Russian +Bagmewski,Russian +Michael,Irish +Schwenke,German +Giang,Vietnamese +Himenko,Russian +Worsnop,English +Bezyuk,Russian +Tanizaki,Japanese +Kinashita,Japanese +Zhitinkin,Russian +Vandroogenbroeck,Dutch +Ajdrna,Czech +Nandi,English +Kuffel,Czech +Oulton,English +Nakahara,Japanese +Stacey,English +Kistler,German +Dacey,English +Rais,Italian +Killeen,English +Melendez,Spanish +Lloyd,English +Yanalov,Russian +Mosconi,Italian +Arkins,English +Gorfunkel,Russian +Neverovsky,Russian +Imoo,Japanese +Donnchadh,Irish +Hajicek,Czech +Abelló,Spanish +Mata,Portuguese +Laws,English +Kouri,Arabic +Dubrovin,Russian +Okazawaya,Japanese +Vasindin,Russian +Jaruev,Russian +Biddle,English +Lange,English +Walentowicz,Polish +Trujillo,Spanish +Turnbull,English +Warriner,English +Langridge,English +Bondesan,Italian +Garcia,Portuguese +Hussein,English +Pellar,Czech +Eilenkrig,Russian +Vysokin,Russian +Bonaventura,Spanish +Zhilyaev,Russian +Brown,Scottish +Trnkova,Czech +Rui,Chinese +Nader,Arabic +Monaghan,English +Boutros,Arabic +Schetinkin,Russian +Pitts,English +Altoviti,Italian +Zogby,Arabic +Gerges,Arabic +Kasai,Japanese +Truman,English +Gulyaschih,Russian +Watters,English +Getmanov,Russian +Gibbins,English +Antoun,Arabic +Haines,English +Bacon,Czech +Abdulbasiroff,Russian +Bahar,Arabic +Patten,English +Linden,German +Romans,English +Pelling,English +Woodward,English +Macghabhann,Irish +Fojtikova,Czech +Timashov,Russian +Yudakhin,Russian +Sato,Japanese +Zaloumi,Greek +Ashbridge,English +Bedford,English +Fukao,Japanese +Schoonraad,Dutch +Ryzhakov,Russian +Nezhlukto,Russian +Finnegan,Irish +Rotermel,Russian +Kremlacek,Czech +Ingersleben,German +Yaburov,Russian +Abt,German +Costa,Spanish +Peaper,English +Sarraf,Arabic +Waterson,English +Gammon,English +Takarabe,Japanese +Gerges,Arabic +Dodds,English +Pepelyaev,Russian +Khalid,English +Bibishev,Russian +Zhdankin,Russian +Dyer,English +Bishara,Arabic +Gai,Chinese +Zhupanenko,Russian +Dogadin,Russian +Stueck,German +Cihak,Czech +Takemitsu,Japanese +Reilly,English +Shackleton,English +Nemec,Czech +Sparkes,English +Pagano,Italian +Whittley,English +Dohman,German +Siegel,German +Kimio,Japanese +Little,English +Cheung,English +Kenzel,Czech +Beyersdorf,German +Skinner,English +Jatsevich,Russian +Baum,Russian +Magee,English +Simmonds,English +Aswad,Arabic +Halo,Russian +Fenn,English +Velazquez,Spanish +Zheurov,Russian +Mihel,Russian +Slejtr,Czech +Guirguis,Arabic +Harb,Arabic +Averotchkin,Russian +Ramecker,Dutch +Giannakos,Greek +Lunt,English +Oakes,English +Bakhusov,Russian +Rahal,Arabic +Weaver,English +Giordano,Italian +Forestier,French +Kalb,Arabic +Mahinya,Russian +Malone,Irish +Gaber,Arabic +Avelan,Russian +Overing,English +Zientek,Polish +Azhiganoff,Russian +Bitar,Arabic +Walkenhorst,German +Foucher,English +Ville,Russian +Adamczyk,Polish +Ruan,Chinese +Blackwell,English +Genovese,Italian +Atiskov,Russian +Zhaboev,Russian +Yanshin,Russian +Masih,Arabic +Stockley,English +Seddon,English +Althuis,Dutch +Sneiders,Dutch +Awad,Arabic +Saliba,Arabic +Jakubovich,Russian +Sayegh,Arabic +Ali,English +Bakhmutov,Russian +Villiger,English +Halliday,English +Bahar,Arabic +Peck,English +Jeffers,English +Ogiwara,Japanese +Sarkis,Arabic +Mikhno,Russian +Dorman,English +Fakhoury,Arabic +Tokudome,Japanese +Berezin,Russian +Dagher,Arabic +Peerenboom,Dutch +Arena,Spanish +Hooton,English +Rademaker,German +Abrashitov,Russian +Baz,Arabic +Travert,French +Meakin,English +Salazar,Portuguese +Rusnak,Polish +Pypin,Russian +Seif,Arabic +Conrad,English +Gerges,Arabic +Tannous,Arabic +Nassar,Arabic +Burland,English +Ganem,Arabic +Acone,Italian +Randle,English +Woodley,English +Zozulya,Russian +Seif,Arabic +Shaikhutdinov,Russian +Kikui,Japanese +Inouye,Japanese +Shamoun,Arabic +Duncan,Scottish +Maria,Portuguese +Adalardi,Italian +Fukushima,Japanese +Weeks,English +Lim,Korean +Pappayiorgas,Greek +Juzva,Russian +O'Brien,Irish +Agafonoff,Russian +Bagaev,Russian +Sarkozi,French +Fenlon,English +Zha,Chinese +Kolt,English +Gaber,Arabic +Menendez,Spanish +Keyte,English +Shalimov,Russian +Varley,English +Seif,Arabic +Iitaka,Japanese +Fenton,English +Corvi,Italian +Gomolka,Polish +Vyshnegradsky,Russian +Martell,German +Alway,English +Mcelroy,English +Said,Arabic +Zdunowski,Polish +Henderson,Scottish +Dikson,Russian +Jukhnev,Russian +Touma,Arabic +Bisset,French +Langenberg,German +Nesis,Russian +Duff,English +Ureña,Spanish +Daher,Arabic +campo,Italian +Lysakov,Russian +Nardovino,Italian +Skeril,Czech +Gerges,Arabic +Mcphail,English +Yuzvyuk,Russian +Bezumov,Russian +Rzehak,Czech +Bahar,Arabic +Sardelis,Greek +Javoronsky,Russian +Hajjar,Arabic +Newland,English +Rakhmail,Russian +Kenworthy,English +Tannous,Arabic +Abukhoff,Russian +Divnov,Russian +Morcos,Arabic +Mac,English +Jagger,English +Ayabito,Japanese +Rijnders,Dutch +Aizawa,Japanese +Redmond,English +Kabalin,Russian +Hadash,Czech +Asghar,Arabic +Kitano,Japanese +Hanabusa,Japanese +Fisk,English +Eyett,English +Mariani,Italian +Mencher,Polish +Bohunovsky,Czech +Docherty,Scottish +Nahas,Arabic +Toyoshima,Japanese +Kouri,Arabic +Gilbert,English +Ooka,Japanese +Linsby,English +Simmon,German +D'cruz,Portuguese +The,Russian +Raske,Dutch +Leitch,English +Holzmann,German +Daalen,Dutch +Montanari,Italian +Talalaev,Russian +Zhikin,Russian +Bian,Chinese +Gilfillan,English +Spinks,English +Mifsud,Arabic +Rhee,Korean +Galerkin,Russian +Soucek,Czech +Huzangai,Russian +Ki,Japanese +Gosling,English +Darby,English +Nasibullaev,Russian +Basara,Arabic +Firmin,French +Haddad,Arabic +Romilly,French +Said,Arabic +Togo,Japanese +Schmitz,German +Zavodov,Russian +Koukal,Czech +Blau,German +Abadi,Arabic +Qin,Chinese +Theofilopoulos,Greek +Kuang,Chinese +Yard,English +Chew,Chinese +Riva,Italian +Żuraw,Polish +Takeshita,Japanese +Haryuchi,Russian +Tron,Vietnamese +Harb,Arabic +Lester,English +Slezak,Czech +Suzambo,Japanese +Adam,German +Bairashewski,Russian +Shamoon,Arabic +De,Italian +Govorov,Russian +Gaber,Arabic +Sullivan,English +Krivan,Czech +Zenilov,Russian +Adzhalov,Russian +Totah,Arabic +Mifsud,Arabic +Gebara,Spanish +Bestujev-Ryumin,Russian +Wasem,Arabic +Mann,German +Valdman,Russian +Morcos,Arabic +Okasawa,Japanese +Voclain,French +Martzenkov,Russian +Estéves,Portuguese +Foley,English +Can,Dutch +Tahan,Arabic +Hind,English +Basara,Arabic +Nelson,English +Tzakunov,Russian +Hira,Japanese +Ohka,Japanese +Kouri,Arabic +Ballalatak,Czech +caprio,Italian +Messner,German +Lawrence,English +Yuferev,Russian +Sauvage,French +Gaber,Arabic +Jans,German +Khoury,Arabic +Pechkovsky,Russian +Bishara,Arabic +Rumisek,Czech +Becke,German +Bishara,Arabic +Agli,Italian +Eihe,Russian +Bicchieri,Italian +Von,German +Fingrut,Russian +Maynard,English +Jolley,English +Souza,Portuguese +Martsenkov,Russian +Lennon,English +Djigarhanyan,Russian +Ba,Arabic +Weiß,German +Chabanov,Russian +Takasu,Japanese +Issa,Arabic +Brunetti,Italian +Tokmakov,Russian +Ludlow,English +Gage,French +Koury,Arabic +Isayama,Japanese +Yagodin,Russian +Rennie,English +Hautum,Dutch +Takasugi,Japanese +Chikurov,Russian +Elentuh,Russian +Kui,Chinese +Isgate,English +Zhukovsky,Russian +Bibin,Russian +Sortras,Greek +Findley,English +Chikhachev,Russian +Moon,Korean +Inokuma,Japanese +Zogby,Arabic +Roffey,English +Pringle,English +Juhotsky,Russian +Fakhoury,Arabic +Gulishambarov,Russian +Hardaev,Russian +Lopez,English +Frary,English +Fearon,English +Vanitchev,Russian +Malouf,Arabic +Ganem,Arabic +Galbraith,English +Wetzel,German +Sitz,German +Nader,Arabic +Hellewege,German +Djanashiya,Russian +Vaginov,Russian +Salib,Arabic +Last,English +Fung,Chinese +Kalb,Arabic +Sabbag,Arabic +Bakov,Russian +Jermy,English +Kassis,Arabic +Luther,German +Dubasov,Russian +Rowley,English +Althaus,German +Penkovsky,Russian +Sorrentino,Italian +Chukhnovsky,Russian +Badyagin,Russian +Huranov,Russian +Maloof,Arabic +Stuckey,English +Shalko,Russian +Baba,Arabic +Phillips,English +Handal,Arabic +Nahushev,Russian +Morcos,Arabic +Unterbrink,German +Fagon,English +Rose,French +Balasanyan,Russian +Tyrer,English +Arihyoshi,Japanese +Bishara,Arabic +Jin,Chinese +Shelyakin,Russian +Novak,Czech +Huynh,Vietnamese +Samaha,Arabic +Kelly,English +Crook,English +Khu,Chinese +Potseiko,Russian +Benetton,Italian +Abboud,Arabic +Morandi,Italian +Nawabe,Japanese +Labriola,Italian +Marchukov,Russian +Gott,German +Longhurst,English +Islam,English +Valihanov,Russian +Halabi,Arabic +García,Spanish +Mikhailovich,Russian +Michel,English +Mcclymont,English +Lucey,English +Martínez,Spanish +Jares,Czech +Ekiguchi,Japanese +Kraemer,German +Schepotyev,Russian +Pyschev,Russian +Chizhikov,Russian +Kouri,Arabic +Roux,French +Mikhailyuk,Russian +Hardwick,English +Wolter,German +Essa,Arabic +Rudawski,Polish +Joshuyo,Japanese +Mar,Chinese +Raizman,Russian +Giersig,Czech +Carnegie,English +Tsuchie,Japanese +Nicotera,Italian +Perrins,English +Finney,English +O'Boyle,Irish +Yagudin,Russian +Bishara,Arabic +Sarkis,Arabic +Vykruta,Czech +Nakata,Japanese +Fuchs,German +Stamatas,Greek +Rivero,Spanish +Zhimila,Russian +Boutros,Arabic +Jagodin,Russian +Gulamov,Russian +Movsumadze,Russian +Bag,Russian +Dreher,German +Shammas,Arabic +Whitmire1,Czech +Belmonte,Italian +Nazari,Arabic +Antar,Arabic +Vann,German +Pooke,English +Ricchetti,Italian +Lincoln,English +Maksimchik,Russian +Rijnder,Dutch +Antar,Arabic +Makuha,Russian +Asfour,Arabic +Sarkis,Arabic +Abzgildin,Russian +Fairbairn,English +Quraishi,Arabic +Myatt,English +Nasato,Italian +Chan,Chinese +Asturias,Spanish +Elford,English +Farnsworth,English +Snell,English +Mojjis,Czech +Griggs,English +Woodcock,English +Colman,English +Peterson,English +Nesvetaev,Russian +Cheng,Chinese +Bosko,Polish +Utton,English +Whiting,English +Mifsud,Arabic +Troepolsky,Russian +Dovgusha,Russian +Marquerink,German +Armani,Italian +Chester,English +Jumonji,Japanese +Utterson,English +Ishibashi,Japanese +Moretti,Italian +Sunada,Japanese +Newson,English +Toselli,Italian +Trukhnin,Russian +Varela,Spanish +Nannini,Italian +Bekrenev,Russian +Sayegh,Arabic +Minnikhanov,Russian +Aswad,Arabic +Pears,English +Leyshon,English +Yudochkin,Russian +Kettlewell,English +Spears,English +Storey,English +Chatterton,English +Caplan,English +Ebisawa,Japanese +Sebastiani,Italian +Killick,English +Lacy,English +Kaberov,Russian +Naifeh,Arabic +Gaur,Russian +Macfarland,Irish +Guirguis,Arabic +Antonelli,Italian +Handjaevsky,Russian +Eveson,English +Raikov,Russian +Sandoval,Spanish +Cline,German +Küchler,German +Maloney,English +Fakhoury,Arabic +Allington,English +Daher,Arabic +Owen,English +Shelting,Russian +Prince,English +Ludwig,Czech +Sayegh,Arabic +Arnoni,Italian +Mullins,English +Rogerson,English +Silva,English +Talpin,Russian +Mokrinsky,Russian +Osullivan,English +Nyashin,Russian +Haddad,Arabic +Wareing,English +Klerkx,Dutch +Mackay,English +Dagher,Arabic +Shige,Japanese +Martzevich,Russian +Petit,Spanish +Madden,English +Cornish,English +Seif,Arabic +Jemukhov,Russian +Vanshtein,Russian +Matoke,Japanese +Antar,Arabic +Huggins,English +Rivers,English +Nguyen,Vietnamese +Torres,Spanish +Bakh,Russian +Daher,Arabic +Vyazovoy,Russian +Horoshkevich,Russian +Kotara,Japanese +Benedetti,Italian +mercurio,Italian +Safar,Arabic +Yin,Chinese +Pochevalov,Russian +Ashbrook,English +Terajima,Japanese +Nakasone,Japanese +Naoimhin,Irish +Hirsch,German +Petticrew,English +Shamon,Arabic +Eihfeld,Russian +Goldsworthy,English +Capitani,Italian +Cennetig,Irish +Jowitt,English +Macaulay,English +Asghar,Arabic +Ramakers,Dutch +Remezentsev,Russian +Vázquez,Spanish +Evstifeev,Russian +Isa,Arabic +Noro,Japanese +Maroun,Arabic +Plouvin,English +Avery,English +Utyashev,Russian +Gaber,Arabic +Abrasimov,Russian +Kozumplikova,Czech +Mifsud,Arabic +Mccann,English +Yatsevich,Russian +Moshkunov,Russian +Totah,Arabic +Balawensky,Russian +Ball,English +Toshishai,Japanese +Best,German +Nakhamkin,Russian +Samson,French +Rehbinder,Russian +Lecce,Italian +Abatantuono,Italian +Rafferty,English +Gorbach,Russian +Earl,English +Casey,English +Shirasu,Japanese +Salib,Arabic +Mojin,Russian +Quraishi,Arabic +Piterskikh,Russian +Clarkson,English +Marshall,English +Mears,English +Nassar,Arabic +Giles,French +Vasserman,Russian +Hoare,English +Botros,Arabic +Issa,Arabic +Kilroy,English +Nespola,Italian +Daher,Arabic +Gaber,Arabic +Missiakos,Greek +Adams,English +Yamamura,Japanese +Mas,Dutch +Romijn,Dutch +Muhlbauer,Czech +Pettigrew,French +Manson,English +Wills,English +Tsalikov,Russian +Jackson,English +Burford,English +Toma,Arabic +Granikov,Russian +Dudochkin,Russian +Timerbaev,Russian +Ellrott,English +Lykosov,Russian +Vilaró,Spanish +Mochanov,Russian +Gillies,English +Fabbri,Italian +Mashita,Japanese +Hurdey,Russian +Okanao,Japanese +Mccallum,Scottish +Vaculova,Czech +Salamanca,Spanish +Aldersley,English +Zogby,Arabic +Brauer,German +Niijima,Japanese +Kerwer,German +Heath,English +Morisue,Japanese +Swift,English +Porhun,Russian +Sotiris,Greek +Vincent,English +Ufimkin,Russian +Marks,English +Fay,French +Tuttle,English +Shotton,English +Tsujimura,Japanese +Bryson,English +Danilyak,Russian +Hall,English +Koshin,Japanese +Rustici,Italian +Nilsen,English +Saiki,Japanese +Frankish,English +Mansour,Arabic +Ridgway,English +Kinch,English +Moschenko,Russian +Northcott,English +Morcos,Arabic +Hakhulin,Russian +Fillipova,Czech +Toma,Arabic +Duguay,French +Qiu,Chinese +Gerges,Arabic +Huber,German +Albero,Italian +Iriye,Japanese +Soucy,French +Wrench,English +Abrams,English +Shirle,Russian +Olson,English +Baba,Arabic +Munaev,Russian +Shibanuma,Japanese +Kuroki,Japanese +Hauer,German +Brioschi,Italian +Nader,Arabic +Weiman,German +Hitchcock,English +Gaspar,Spanish +Samz,Czech +Rao,Italian +Jon,Korean +Chalmers,English +Knowles,English +Eoin,Irish +Barber,English +Sherriff,English +Bestuzhev,Russian +Schreck,German +Antar,Arabic +Wegener,German +Gass,German +Imamaliev,Russian +Ruzsky,Russian +Nijegorodov,Russian +Eadie,English +Khoury,Arabic +Leroy,English +Tannous,Arabic +Shamoun,Arabic +Vann,Dutch +Absalyamov,Russian +Shadid,Arabic +Darr,English +Avis,English +Bereznitzky,Russian +Alesbury,English +Jennson,English +Eoin,Irish +Shiroyama,Japanese +Olley,English +Daher,Arabic +Asano,Japanese +Romero,Spanish +Valdenberg,Russian +Antoun,Arabic +Hobbs,English +Shimura,Japanese +Humaryan,Russian +Azhiganov,Russian +Edgell,English +Yan,Chinese +Ganem,Arabic +Vicens,English +Ganim,Arabic +Rowe,English +Sansone,Italian +Nozaki,Japanese +Najjar,Arabic +Donnelly,English +Belloni,Italian +Vorotnikov,Russian +Momotani,Japanese +Snyders,Dutch +Mckenzie,Scottish +Bridges,English +Townsend,English +Kita,Japanese +Bazzi,Arabic +Stoppelbein,German +Spicer,English +Farnworth,English +Watanabe,Japanese +Fitzgerald,English +Holmov,Russian +Watts,English +Luhvich,Russian +Terada,Japanese +Holstov,Russian +Baram,Russian +Ellerby,English +Victors,French +Kolacny,Czech +Como,Italian +William,Irish +Atiyeh,Arabic +Voll,German +Uzhentsev,Russian +Kelliher,English +Kane,English +Greenhill,English +Vuong,Vietnamese +Chepurov,Russian +Kalinov,Russian +Portyanik,Russian +Arlotti,Italian +Haraev,Russian +Tomes,English +Rowlinson,English +Sarkis,Arabic +Colley,English +Turton,English +Kemp,English +Vyalov,Russian +Lind,English +Cruz,Portuguese +Makharov,Russian +Mo,Korean +Horiatis,Greek +Attard,English +Kitchin,English +Haynes,English +Pérez,Spanish +Sala,Italian +Norburn,English +Agahanyan,Russian +Tsunoda,Japanese +Persov,Russian +Nagel,Dutch +Thornes,English +Kawatake,Japanese +Nesselrode,Russian +Dardyk,Russian +Villa,Spanish +Pherigo,Italian +Walters,English +Araullo,Portuguese +Koulaxizis,Greek +Salib,Arabic +Liverovsky,Russian +Allen,English +Gauk,Chinese +Iskakov,Russian +Mulder,Dutch +Cho,Korean +Pascal,French +Ohara,English +Kiddle,English +Tzelibeev,Russian +Dalton,English +Balabudkin,Russian +O'Mahony,Irish +Tindell,English +Foerstner,German +Kira,Japanese +Durylin,Russian +Amari,Arabic +Teng,Chinese +O'Reilly,Irish +Gafarov,Russian +Achthoven,Dutch +Dougherty,English +Clark,Scottish +Janshole,Russian +Chekh,Russian +Trotman,English +Minabuchi,Japanese +Abboud,Arabic +Carrington,English +Collinson,English +Ferrer,Spanish +Nassar,Arabic +Ligorner,Russian +Jansen,English +Appleby,English +Baitoff,Russian +Assaf,Arabic +Hasanov,Russian +Grzeskiewicz,Polish +Le,Vietnamese +Stephenson,English +Kirchner,German +Foran,English +Fakhoury,Arabic +Seif,Arabic +Parish,English +Ngo,Vietnamese +Takaoka,Japanese +Antropov,Russian +Marchetti,Italian +Cope,English +Sabbagh,Arabic +Hakhva,Russian +Seymour,English +Luscombe,English +Bazyuta,Russian +Hairulin,Russian +Chkhikvadze,Russian +Bazzi,Arabic +Korycansky,Czech +Sneddon,English +Atiyeh,Arabic +Antar,Arabic +Bajenin,Russian +Botros,Arabic +Klein,Dutch +Chizhevsky,Russian +Messmann,German +Lamond,English +Paraskun,Russian +Granatkin,Russian +Emmery,English +Eansworth,English +Holgate,English +Login,Irish +Maalouf,Arabic +Hakimi,Arabic +Kitoaji,Japanese +Morris,English +Abrahams,English +Sayegh,Arabic +Coburn,English +Siekert,German +Cove,English +Yankov,Russian +Elworthy,English +Shimedzu,Japanese +Tuffnell,English +Ebden,English +Albitsky,Russian +Gaertner,German +Thistlethwaite,English +Yano,Japanese +Dubois,English +Baisarov,Russian +Yarnold,English +Martí,Spanish +Dresdner,German +Kucera,Czech +Veevers,English +Eddleston,English +Okawa,Japanese +Knutt,English +Landolfi,Italian +Kachemaev,Russian +Masih,Arabic +Tasse,French +Jaso,Spanish +Elstone,English +Badikov,Russian +Allegro,Italian +Provenzano,Italian +Cherchen,Russian +Whitworth,English +Kewley,English +Basara,Arabic +Bagmet,Russian +Rahal,Arabic +Gerver,German +Bata,Arabic +Loitzyansky,Russian +Kassis,Arabic +Colling,Czech +Karras,English +Bestemyanov,Russian +Penners,Dutch +Awchenko,Russian +Issa,Arabic +Schultheiss,German +Nadvornizch,Czech +Nader,Arabic +Kennedy,Scottish +Anstee,English +Turner,English +Tobias,German +Yokokawa,Japanese +Lebedkin,Russian +Kabjihov,Russian +Manus,Irish +Daishi,Japanese +Ardizzone,Italian +Ko,Japanese +Farr,English +Rainbagin,Russian +Hamatnurov,Russian +Tedd,English +Wen,Chinese +Lavery,English +Pakulski,Polish +Pfaff,German +Creasey,English +Rey,French +Fuschida,Japanese +Aherne,English +Dubrov,Russian +Loftus,English +Nolan,Irish +Perez,English +Dexter,English +Peyton,English +Haddad,Arabic +Howell,English +Santiago,Spanish +Needham,English +Minovitsky,Russian +Bell,English +Otaka,Japanese +Tenshin,Japanese +Nataga,Japanese +Lafrentz,German +Kau,Chinese +Baumgartner,German +Rogatkin,Russian +Boesch,German +Henderson,English +Chmiel,Polish +Sayegh,Arabic +Nader,Arabic +Ebdon,English +Keating,English +Saji,Japanese +Cha,Korean +Virgo,English +Johnstone,English +Jamieson,English +Rowlands,English +Simon,German +Said,Arabic +Pinter,Czech +O'Rourke,Irish +Wasem,Arabic +Hakimi,Arabic +Baggi,Italian +Donoghue,English +Nassar,Arabic +Kattan,Arabic +Mcfadden,English +Oorschot,Dutch +Peters,German +Fakhoury,Arabic +Negri,Italian +Hoteev,Russian +Moran,English +Bonnay,French +Janishevsky,Russian +Esmansky,Russian +Kitabatake,Japanese +Ganim,Arabic +Apsley,English +Warn,English +Pavia,Spanish +Bitar,Arabic +Mochulov,Russian +Laraway,English +Fabian,French +Isobe,Japanese +Tadhgan,Irish +Kingsley,English +Fernández,Spanish +Paterson,English +Friel,English +Bahar,Arabic +Mifsud,Arabic +Vedischev,Russian +Suchanka,Czech +Jindra,Czech +Sykes,English +Karamorita,Japanese +Agostini,Italian +Haddad,Arabic +Bellerose,French +Mifsud,Arabic +Khoury,Arabic +Ferro,Portuguese +an,Vietnamese +Ellison,English +Schäfer,German +Healy,English +Eaves,English +Hankeev,Russian +Gaganov,Russian +Petru,Czech +Middelburg,Dutch +Lawson,English +Jakunin,Russian +Anwar,English +Govyadin,Russian +Khouri,Arabic +Bakhmetiev,Russian +Doino,Russian +Goldsmith,English +Cheung,Chinese +Walls,English +Unwin,English +Haddad,Arabic +Abulmambetoff,Russian +Shamon,Arabic +Takenouchi,Japanese +Schwangau,German +Mihalkov,Russian +Aucciello,Italian +Woo,Korean +Alder,English +Madeira,Portuguese +Attia,Arabic +Vagapoff,Russian +Tufnall,English +Fürst,German +Jonas,English +Crabb,English +Shibukji,Japanese +Thurman,English +Issa,Arabic +Kästner,German +Laing,English +Koza,Czech +Nader,Arabic +Verushkin,Russian +Ayling,English +Galenkov,Russian +Gordov,Russian +Gaspari,Italian +Venn,Dutch +Arah,English +Maes,Dutch +Mazuka,Japanese +Botros,Arabic +Nahas,Arabic +Votke,Czech +Gets,Russian +Basara,Arabic +Martynov,Russian +Dunn,English +Zheltov,Russian +Damhan,Irish +Eihenbaum,Russian +Aberquero,Spanish +Jamilov,Russian +Wheatcroft,English +Sayegh,Arabic +Wainwright,English +Finbow,English +Di,Italian +Garber,English +Iles,English +Tsukatani,Japanese +Nakane,Japanese +Wraight,English +Deeb,Arabic +Avtorkhanov,Russian +Shimohira,Japanese +Chepurin,Russian +Ha,Vietnamese +Monfort,Czech +Yamamoto,Japanese +Isbill,English +Rowland,English +Dolton,English +Agrioli,Italian +Lindsay,English +Jessop,English +Vandale,Dutch +Bekman,Russian +Tamber,English +Abrosov,Russian +Kassis,Arabic +Wheeldon,English +Smythe,English +Amalberti,Italian +Nagano,Japanese +Tahan,Arabic +Rhoades,English +Cuocco,Italian +Takahama,Japanese +Dymott,English +Heveshi,Russian +Tsaran,Russian +Aves,English +Zogby,Arabic +Zunino,Italian +Coma,Czech +Dasios,Greek +Gilmour,English +Tawaraya,Japanese +Usyskin,Russian +Jaskulski,Polish +Schmied,Czech +Schulze,German +Maclean,Scottish +Wasem,Arabic +Gorskin,Russian +Kunze,German +Tsarik,Russian +Vaindrakh,Russian +Kershaw,English +Umari,Japanese +Lèmmi,Italian +Ilett,English +Agamoff,Russian +Sarraf,Arabic +Castellano,Spanish +Keaveney,English +Hunagov,Russian +Adamoli,Italian +Pakhomov,Russian +Breitbarth,German +Han,Vietnamese +Finlay,English +Awraamoff,Russian +Abbing,German +Araullo,Spanish +Ryjkin,Russian +Curwood,English +Said,Arabic +Peary,Czech +Abadi,Arabic +Buonarroti,Italian +Kartaev,Russian +Foden,English +Lines,English +Gorbachev,Russian +Ghannam,Arabic +Chai,Chinese +Tannous,Arabic +Paul,German +Noskov,Russian +Rousset,English +Marushkin,Russian +Marquardt,German +Werlla,Czech +Kattan,Arabic +Paiser,Czech +Vejvoda,Czech +Alesio,Italian +Sarkis,Arabic +Parkin,English +Versan,Russian +Awad,Arabic +Lathey,English +Masuko,Japanese +Bishara,Arabic +Zhidenko,Russian +Yablonsky,Russian +Pahalchuk,Russian +Pugh,English +Gifford,English +Porcher,French +Randall,English +Magalhães,Portuguese +Hodgkins,English +Buchta,Czech +Quraishi,Arabic +Given,English +Rollinson,English +Hamaguchi,Japanese +Purkis,English +Freitas,Portuguese +Homusko,Russian +Baikoff,Russian +Zheglov,Russian +Hyde,English +Seif,Arabic +Rokhatsevich,Russian +Alhimenko,Russian +Qureshi,Arabic +Peter,German +Xing,Chinese +Ghannam,Arabic +Barton,English +Sewell,English +Vitoshnov,Russian +Fortier,French +Tweddle,English +Martyanov,Russian +Bahar,Arabic +Parent,French +Kettell,English +Terrazas,Spanish +Sugden,English +Metz,German +Kouri,Arabic +Braithwaite,English +Petrova,English +Gwozdek,Polish +Kalinko,Russian +Dove,English +Roach,English +Hills,English +Ambrose,English +Averochkin,Russian +Adamenko,Russian +Levitansky,Russian +Yin,Chinese +Beveridge,English +Marconi,Italian +Malec,Czech +Utropov,Russian +Harlov,Russian +Curran,English +Cornock,English +Mordkin,Russian +Koenigsmann,German +Shunji,Japanese +Koga,Japanese +Driscoll,English +Ashman,English +Assaf,Arabic +Najjar,Arabic +Whitehouse,English +Peláez,Spanish +Pipe,English +Lichman,Russian +Albanesi,Italian +Likin,Russian +Deushi,Japanese +Suaird,Irish +Selby,English +Finfera,Czech +Mikhail,Arabic +Rokhin,Russian +Russel,English +Rumbold,English +Kinoshita,Japanese +Homutnikov,Russian +Zasukhin,Russian +Alianov,Russian +Carey,English +Houtem,Dutch +Lupo,Italian +Abboud,Arabic +Hakimi,Arabic +Adelfinsky,Russian +Niemec,Polish +Rivera,Spanish +Ganim,Arabic +Vadbolski,Russian +Begum,English +Attia,Arabic +Haliulin,Russian +Michel,Spanish +Raven,English +Kourempes,Greek +Sung,Korean +Philpott,English +Tchekmenev,Russian +Anselmetti,Italian +Kouri,Arabic +Cantu,Italian +Asghar,Arabic +Tunstall,English +Ferns,English +Nifterick,Dutch +Gehring,German +Pender,Dutch +Sayegh,Arabic +Montague,English +Shammas,Arabic +Minskoi,Russian +Mikhalitsin,Russian +Garber,German +Zherdev,Russian +Kempson,English +Vyglovsky,Russian +Kidner,English +Abdulbasirov,Russian +Redman,English +Boutros,Arabic +Bitar,Arabic +Seer,English +Forster,English +Benfield,English +Sylvester,English +Dallas,English +Hanania,Arabic +Kohl,German +Bitar,Arabic +Lee,Korean +Tritten,German +Baisak,Russian +Mikhalushkin,Russian +Asker,Arabic +Kouba,Czech +Antar,Arabic +Pazi,Russian +Eccles,English +Walkden,English +Datsenko,Russian +Asghar,Arabic +Toidze,Russian +Jakushev,Russian +Donkin,English +Mifsud,Arabic +Roscoe,English +Garza,Spanish +Gulidov,Russian +Algar,English +Nicolai,Italian +Hodoval,Czech +Nishio,Japanese +Shalavin,Russian +Rudd,English +Uboshita,Japanese +Tyrrell,English +John,Irish +Richard,German +Hohki,Japanese +Djangirli,Russian +Ling,Chinese +Bando,Japanese +Carver,German +Polson,English +Desrochers,French +Bustos,Spanish +Kober,Czech +Simons,English +Gomez,Spanish +O'Ryan,Irish +Silhan,Czech +Keward,English +Snider,Dutch +Harrington,English +Wilson,Scottish +Riese,German +Biondi,Italian +Kiely,English +Martel,French +Nam,Korean +Akita,Japanese +Durdin,Russian +Ta,Vietnamese +Gudovich,Russian +Nascimbene,Italian +Zhevanov,Russian +Porras,Spanish +Borowski,Czech +Read,English +Amari,Arabic +Varey,English +Smart,English +Danich,Russian +Liang,Chinese +Tsarikaev,Russian +Kalb,Arabic +Darkov,Russian +Toshusai,Japanese +Rainford,English +Demko,Czech +Zhabin,Russian +Tuma,Arabic +Lindsay,Scottish +Malouf,Arabic +Hussey,English +Kofron,Czech +Mustafa,Arabic +Hodgkinson,English +Zabrovsky,Russian +Nader,Arabic +Ainley,English +Sugihara,Japanese +Najjar,Arabic +Nahas,Arabic +Mihashi,Japanese +Kringos,Greek +Koury,Arabic +Boulos,Arabic +Dertilis,Greek +Davey,English +Groisman,Russian +Emohonov,Russian +Degarmo,French +Field,English +Thake,English +Toma,Arabic +Hainadsky,Russian +Lyon,Dutch +Maalouf,Arabic +Azhinov,Russian +Marugo,Japanese +Davy,English +Fromm,German +Boehler,German +Kara,Czech +Hayata,Japanese +Oberst,German +Rahal,Arabic +Zogby,Arabic +Vistitsky,Russian +Babaev,Russian +Kuntz,German +Avilov,Russian +Tsutomu,Japanese +Tumin,Russian +Vaisberg,Russian +Tohill,English +Damiani,Italian +Bradshaw,English +Gest,Russian +Wasem,Arabic +Lupehin,Russian +Milligan,Irish +Jordà,Spanish +Heidl,Czech +Philip,English +Kamachi,Japanese +Baz,Arabic +Mojarovsky,Russian +Jidilin,Russian +Jarrett,English +Overson,English +Hüber,German +Havronin,Russian +Fujikage,Japanese +Almetov,Russian +Tikhin,Russian +Corlett,English +Turkington,English +Daher,Arabic +Touma,Arabic +Baulin,Russian +Wintersgill,English +Niftrik,Dutch +Shimuzu,Japanese +Bakunoff,Russian +Yuzvikov,Russian +Almasi,Arabic +Stuart,English +Schmitt,German +Senft,German +Chalupka,Czech +Aita,Italian +Troinitsky,Russian +Dürr,German +Kassis,Arabic +Belesis,Greek +Keith,English +Sayegh,Arabic +Matsumara,Japanese +Bai,Chinese +Bishara,Arabic +Christie,English +Krauss,German +Finkelson,Russian +Stawski,Polish +Nicholson,English +Rompa,Dutch +Yudovich,Russian +Akaike,Japanese +Guirguis,Arabic +Stanfield,English +Sleiman,Arabic +Tani,Japanese +Lévêque,French +Bergfalk,German +Schubert,Czech +Milner,English +Mojaikin,Russian +Antoun,Arabic +Kenny,English +Roper,English +Kinsey,English +Daly,Irish +Johannson,English +Vickars,English +Salzwedel,German +Bishara,Arabic +Dobroklonsky,Russian +Levit,Russian +Haritopoulos,Greek +Pazuhin,Russian +Nakajima,Japanese +Dobrotin,Russian +Lezhankin,Russian +Agoev,Russian +Ruiz,Spanish +Hamilton,Scottish +Mckay,Scottish +Bazzi,Arabic +Kealey,English +Howes,English +Mansour,Arabic +Turubanov,Russian +Bahrushin,Russian +Lodge,English +Dubrouski,Russian +Luo,Chinese +Redin,English +Asker,Arabic +Eley,English +Molcan,Czech +Bakhovkin,Russian +Renzyaev,Russian +Ganim,Arabic +Parrott,English +Kirkby,English +Hait,Russian +Vanyashin,Russian +Sarraf,Arabic +Vitali,Italian +Floss,English +Cochrane,English +Koziol,Polish +Fewtrell,English +Pytel,Russian +Crowther,English +Eidman,Russian +Michael,English +Makuda,Japanese +Kasprzak,Polish +Powers,English +Hindle,English +Braun,German +Adigamoff,Russian +Duncan,English +Loyola,Spanish +Kassis,Arabic +Shirahata,Japanese +Zeni,Italian +Slattery,English +Charnetsky,Russian +Hajjar,Arabic +Saliba,Arabic +Zinchenko,Russian +Mayer,Czech +Kaplanek,Czech +Mlynnik,Russian +Augustin,French +Abbatantuono,Italian +Ciardha,Irish +Hoult,English +Peach,English +Righi,Italian +Wilkes,English +Ono,Japanese +Boutros,Arabic +Oliver,English +Jelyabujsky,Russian +Zhekulin,Russian +Lachance,French +Belinskij,Russian +Yardley,English +Provenza,Italian +Leitzke,German +Baz,Arabic +Harakhinov,Russian +Flanders,English +Wagner,German +Gribachev,Russian +Demarchis,Greek +Eidelstein,Russian +O'Leary,Irish +Shinozaki,Japanese +Daniells,English +Duke,English +Rujentsov,Russian +Mustafa,Arabic +Hinde,English +Lang,Chinese +Rott,Russian +Naser,Arabic +Aderson,English +Pantelas,Greek +Otton,English +Totah,Arabic +Kassab,Arabic +Bachmanoff,Russian +Antram,English +Mullen,Irish +Nahas,Arabic +Jarmuhamedov,Russian +Obuchi,Japanese +Ramm,English +Furlan,Italian +Krupala,Czech +Maeda,Japanese +Lendon,English +Ivor,Irish +Mikhail,Arabic +Mckay,English +Nahas,Arabic +Chehlakovsky,Russian +Saliba,Arabic +Kreutschmer,Czech +Rompaye,Dutch +Abramtsev,Russian +Robotham,English +Taka,Japanese +Morcos,Arabic +Lichtenberg,German +Bartolomei,Italian +Alden,English +Koeman,Dutch +Bohn,German +Romão,Portuguese +Tupikin,Russian +Astbury,English +Ritchie,Czech +Zasluev,Russian +Wolf,English +Yatskov,Russian +Auborn,English +Yeung,English +Ellingham,English +Harmansky,Russian +Kurkawa,Japanese +Mcneill,English +Hampton,English +Elphick,English +Sadiq,English +Timashuk,Russian +Zhivkovich,Russian +Slade,English +leon,Spanish +Ashworth,English +Belorossov,Russian +Essa,Arabic +Rooiakkers,Dutch +Baasch,German +Thomas,French +Grokhov,Russian +Alperovich,Russian +Zhegulin,Russian +Zhigun,Russian +Demakis,Greek +Diarmaid,Irish +Gottlieb,German +Jan,Russian +Bouchard,French +Dagher,Arabic +Otani,Japanese +Gaber,Arabic +Kerr,Scottish +Zhovtyak,Russian +Kasuse,Japanese +Loh,Russian +Mei,Chinese +Yuan,Chinese +Arian,Arabic +Langston,English +Dautov,Russian +Kamioka,Japanese +Bakanov,Russian +Isherwood,English +Ormston,English +Rigg,English +Hallam,English +Paternoster,Italian +Jadkevich,Russian +Hakimi,Arabic +Kucharova,Czech +Drinkwater,English +Dalby,English +Abuhov,Russian +Hanzlick,Czech +Tallett,English +Sarraf,Arabic +Nishikawa,Japanese +Eig,Russian +Zubizarreta,Spanish +Uttley,English +Higuchi,Japanese +Ariwara,Japanese +Michalaras,Greek +Lagomarsìno,Italian +Huerta,Spanish +Keir,English +Traverso,Italian +Shazzo,Russian +Sabbadin,Italian +Dagher,Arabic +Mansour,Arabic +Wren,English +Bostock,English +Gray,Scottish +Masih,Arabic +Groom,English +Jijnov,Russian +Hokusai,Japanese +Gomulka,Polish +Capello,Italian +Marhinin,Russian +Sarkis,Arabic +Yanov,Russian +Foong,Chinese +Silva,Spanish +Jivotenko,Russian +Naifeh,Arabic +Bazzi,Arabic +Werner,German +Aswad,Arabic +Wiegand,German +Stout,English +Shamrun,Russian +Sabbag,Arabic +Astrov,Russian +Adimari,Italian +Tahan,Arabic +Roijakker,Dutch +Malouf,Arabic +arcy,English +Böttcher,German +Thurlow,English +Pickering,English +Kupfel,Czech +Boutros,Arabic +Arita,Japanese +Prokoshin,Russian +Awerbukh,Russian +Pyhov,Russian +Peel,English +Agelakos,Greek +Deeb,Arabic +Goring,English +Molotkov,Russian +Bahovtsev,Russian +Lambert,English +Isa,Arabic +Lewis,English +Chuhonkin,Russian +Saga,Japanese +Raghailligh,Irish +Hopwood,English +Hiroyuki,Japanese +Stegon,Czech +Kusak,Czech +Tcheh,Russian +Huffman,German +Tonner,English +Beloshapkov,Russian +Hor,Chinese +Jeltouhov,Russian +Glover,English +Barry,English +Tuma,Arabic +Winfer,English +Kydd,English +Mackay,Scottish +Benn,German +Juan,Chinese +Vertkin,Russian +Samaha,Arabic +Lefurgey,French +Kalinsky,Russian +Halkiopov,Russian +Venables,English +Koury,Arabic +Gagne,French +Kinnison,English +Parrino,Italian +Hajjar,Arabic +East,English +Hopes,English +Arreola,Spanish +Hiyama,Japanese +Faust,English +Ghanem,Arabic +Prigozhin,Russian +Pelmenev,Russian +Halabi,Arabic +Ruzicka,Czech +Dinh,Vietnamese +Neish,English +Awatyan,Russian +Atiyeh,Arabic +Forester,English +Sims,English +Lozhchenko,Russian +Fini,Italian +First,Russian +Lando,Italian +Farrell,English +Abelyan,Russian +Jigalev,Russian +Bahtchivandji,Russian +Guirguis,Arabic +Pittaluga,Italian +Usievich,Russian +Masoni,Japanese +Winman,English +Stott,English +Badmaev,Russian +Vo,Vietnamese +Gan,Chinese +Daal,Dutch +Rosenblatt,English +Deakin,English +Paranin,Russian +Nervi,Italian +Gordon,English +Totah,Arabic +Serafini,Italian +Warrington,English +angelis,Italian +Hajkova,Czech +Shibata,Japanese +Srour,Arabic +Andryukov,Russian +Adomaitis,Russian +Chi,Korean +Antic,English +Parensky,Russian +Kaza,Japanese +Dumont,English +Bekhmetiev,Russian +Rosenberger,German +Talbaev,Russian +Jebrovsky,Russian +Groß,German +Lis,Polish +Jiltsov,Russian +Steward,English +Arian,Arabic +Babich,Russian +Safko,Czech +Bowles,English +Sauveterre,French +Selmone,Italian +Basara,Arabic +Tippins,English +Baba,Arabic +Robertson,English +Makino,Japanese +Omelyansky,Russian +Green,English +Safar,Arabic +Said,Arabic +Conway,English +Lutchenkov,Russian +Noggins,English +Furey,English +Nicol,English +Boulos,Arabic +Simon,English +Jilkin,Russian +Jabykin,Russian +Knab,English +Nourse,English +Lihosherstov,Russian +Khoury,Arabic +Baglanoff,Russian +Buffone,Italian +Ba,Arabic +Boutros,Arabic +Voß,German +Khoury,Arabic +Victor,French +Ransom,English +Basso,Italian +Lichkus,Russian +Stites,Czech +Laver,English +Poole,English +Vikhorev,Russian +Yuhara,Japanese +Shammas,Arabic +Koberna,Czech +Livenzon,Russian +Zhiganov,Russian +Moghadam,Arabic +Siu,Chinese +Rodham,English +Lauwers,Dutch +Vertelko,Russian +Cotterill,English +Sappe,Czech +Christodoulou,Greek +Shimon,Japanese +Katsura,Japanese +Zogby,Arabic +Eretzky,Russian +Zabala,Spanish +Michel,German +Ralph,English +Likhovskikh,Russian +Vikhirev,Russian +Huo,Chinese +Shoda,Japanese +Amori,Japanese +Phocas,Greek +Shamaro,Russian +Teterichev,Russian +Paitakes,Greek +Accardi,Italian +Nassar,Arabic +Attia,Arabic +Samuel,Irish +Najjar,Arabic +Arian,Arabic +Haritonov,Russian +Lawniczak,Polish +Atshushi,Japanese +Köhler,German +Derrick,German +Newton,English +Skala,Czech +Von,German +Neri,Italian +Bauer,German +Seelen,Dutch +Winder,English +Große,German +Tahan,Arabic +Millard,English +Kattan,Arabic +Ouchi,Japanese +Kingston,English +Kanaan,Arabic +Woollard,English +Jury,English +Durdyev,Russian +Andrysiak,Polish +Bishara,Arabic +Maneates,Greek +Paget,French +Kinnear,English +Asker,Arabic +Gulenkov,Russian +Platts,English +Sui,Chinese +Teufel,German +Atiyeh,Arabic +Yoman,English +Tosi,Italian +Mokrushev,Russian +Mikhailichenko,Russian +Letsos,Greek +Ilyunin,Russian +Deeb,Arabic +Sheluntsov,Russian +Tomashenko,Russian +Salinas,Spanish +Kyubei,Japanese +Kalistratov,Russian +O'Kelly,Irish +Avramenko,Russian +Moghadam,Arabic +Seegers,Dutch +Cooper,English +Bureau,French +Hayward,English +Sabbagh,Arabic +Chukhlomin,Russian +Bahar,Arabic +Ricci,Italian +Hodder,English +Everitt,English +Spada,Italian +Tsukada,Japanese +Bishara,Arabic +Alessi,Italian +Masih,Arabic +Toset,Spanish +Underwood,English +Coffey,English +Sheldon,English +Salazar,Spanish +Baidukov,Russian +Arishima,Japanese +Amin,English +Fifield,English +Trinh,Vietnamese +Koma,Czech +Haga,Japanese +Estlick,English +Pezos,Greek +Montagna,Italian +Kachin,Russian +Yanibekov,Russian +Handal,Arabic +Portugalsky,Russian +Cripps,English +Penzin,Russian +Matsushina,Japanese +Rafaj1,Czech +Specht,Dutch +Zharovtsev,Russian +Asker,Arabic +Alvey,English +Armati,Italian +Jenas,English +Palomer,French +Mischenkov,Russian +Zuñiga,Spanish +Aparin,Russian +Mikhail,Arabic +Swain,English +Dagher,Arabic +Yakir,Russian +Nader,Arabic +Amadei,Italian +Chajengin,Russian +Mantovani,Italian +Haryukov,Russian +Bhrighde,Irish +Yao,Chinese +Skelton,English +Sakun,Russian +Kalogeria,Greek +Haneev,Russian +Okano,Japanese +Ferreira,English +Ramaaker,Dutch +Page,Russian +Weller,English +Zajicek,Czech +Raich,Russian +Brzezicki,Polish +Nikolaou,Greek +Zogby,Arabic +Köhl,German +Yasukawa,Japanese +Dasaev,Russian +Leitman,Russian +Marsden,English +Schultz,German +Nessler,Russian +Makiguchi,Japanese +Kaufman,Russian +Woods,English +Guttridge,English +Johnston,Scottish +Kavanagh,English +Wyer,English +Homer,English +Markytan,Czech +Qureshi,Arabic +Bertolini,Italian +Asghar,Arabic +Wormald,English +Niadh,Irish +Cheetham,English +Rossini,Italian +Pontecorvo,Italian +Moghadam,Arabic +Chauhan,English +Kosmas,Greek +Bond,English +Griffin,English +Renwick,English +Lykoshin,Russian +Train,English +Abzyaparov,Russian +Sleiman,Arabic +Hanusch,Czech +Fishlock,English +Prinsen,Dutch +Fotiadi,Russian +Gutteridge,English +Errington,English +fuente,Spanish +Bachelis,Russian +Ashikaga,Japanese +Schubert,German +Banderas,Spanish +Castro,Spanish +Dunford,English +Asghar,Arabic +Kurata,Japanese +Vertiev,Russian +Halipov,Russian +Tamazaki,Japanese +Sakagami,Japanese +Merta,Czech +Shu,Chinese +Nassar,Arabic +Jennison,English +Rahmanin,Russian +Vallory,English +Oriol,Spanish +Noguchi,Japanese +Najjar,Arabic +Koustoubos,Greek +Deeb,Arabic +Agteren,Dutch +Otmahov,Russian +Ba,Arabic +Errity,English +Nader,Arabic +Huziyatov,Russian +Chang,Korean +Okimoto,Japanese +Cvacek,Czech +Lichko,Russian +Jakhot,Russian +Garver,German +Rossum,Dutch +Yamagata,Japanese +Labelle,French +Baarle,Dutch +Karameros,Greek +Denend,Dutch +Tanaka,Japanese +Bagretsoff,Russian +Zapatero,Spanish +Gismondi,Italian +Awad,English +Dritsas,Greek +Kusuhara,Japanese +Bland,English +Horoshev,Russian +Kawabata,Japanese +Hadad,Arabic +Hough,English +Diamond,English +Franco,English +Baba,Arabic +Islyamov,Russian +Barabanschikov,Russian +Dehtyar,Russian +Halabi,Arabic +Modestov,Russian +Ludwig,German +Mumdjian,Russian +Khouri,Arabic +Kiefer,German +Lind,Czech +Hawes,English +Klemper,Czech +Mliss,Russian +Baba,Arabic +Aliprandi,Italian +Chikamatsu,Japanese +Stark,German +Ślusarski,Polish +Franco,Spanish +Dunlop,English +Matsigura,Russian +Karim,English +Czajkowski,Polish +Shammas,Arabic +Mustafa,Arabic +Mustafa,Arabic +Malinowski,Polish +Schuchert,German +Purdes,Czech +Nelms,English +Roijakkers,Dutch +Malouf,Arabic +Klerkse,Dutch +Nova,English +Lofthouse,English +Trampota,Czech +Arce,Spanish +Jeimo,Russian +Lefévre,French +Ganim,Arabic +Tomlin,English +Kanne,Dutch +Adabash,Russian +Rooijakker,Dutch +Griffith,English +Böhler,German +Deryuzhinsky,Russian +Lyall,English +Fourakis,Greek +Rodden,English +Bowes,English +Kudara,Japanese +Minobe,Japanese +Baba,Arabic +Delamarre,English +Stone,English +Pieha,Russian +Kalitkin,Russian +Berti,Italian +Middleton,English +Thai,Vietnamese +Duyava,Czech +Oddie,English +Baban,Russian +Attia,Arabic +Guan,Chinese +Parmar,English +Loughran,English +Abl,Czech +Baitchikov,Russian +Ganem,Arabic +Tatsuya,Japanese +Comtois,French +Edmonds,English +Pitcher,English +Stainton,English +Jilyakov,Russian +Dozorny,Russian +Nassar,Arabic +Ryjikov,Russian +Sleiman,Arabic +Sawamatsu,Japanese +Seif,Arabic +Marusev,Russian +Plis,Russian +Dubko,Russian +Kirtley,English +Kan,Dutch +Sarraf,Arabic +Avksentiev,Russian +Okamura,Japanese +Marmo,Italian +Hawkes,English +Wasem,Arabic +Toma,Arabic +Nussbaum,German +Tzelovalnov,Russian +Zdunowski,Polish +Bagishvili,Russian +Djakson,Russian +Yuschenko,Russian +Mcnamara,English +Salomon,Italian +Sabbag,Arabic +Antony,English +Gorskov,Russian +Fields,English +Vanjula,Russian +Bazzi,Arabic +Storr,English +Mokronosov,Russian +Matsura,Japanese +Vikhert,Russian +Brinkerhoff,German +Stevens,English +Sook,Korean +Mifsud,Arabic +Kouri,Arabic +Aldana,Spanish +Wirner,German +Danisevich,Russian +Awksentiewski,Russian +Isa,Arabic +Germano,Italian +Didrikil,Russian +Hodgson,English +Salmon,English +Tilston,English +Eichel,German +Vintergalter,Russian +Reyes,Spanish +Dicker,English +Assaf,Arabic +Falk,German +Gallo,English +Blazek,Czech +Sakellariou,Greek +Polivoda,Russian +Arian,Arabic +Fairbrace,English +Moroney,English +Zanetti,Italian +Fabron,French +Khouri,Arabic +Cutts,English +Kruessel,Czech +Ilyakhin,Russian +Richman,Russian +Asfour,Arabic +Bachaev,Russian +Baitov,Russian +Travere,French +Herschel,German +Mas,German +Pelevin,Russian +Mihailin,Russian +Shiomiya,Japanese +Shaughnessy,English +Allman,English +Oxley,English +Riches,English +Laganas,Greek +Thayer,French +Halford,English +Yuasa,Japanese +Onuchin,Russian +Holdsworth,English +Burgess,English +Pendik,Russian +Westwell,English +Trumbauer,German +Kato,Japanese +Baz,Arabic +Filipek,Polish +Wild,English +Burn,English +Dalianis,Greek +Sakamoto,Japanese +Nahas,Arabic +Farina,Italian +Danby,English +Ilyuhin,Russian +Awad,Arabic +Butcher,English +Mihin,Russian +Takagawa,Japanese +Nicoll,English +Naifeh,Arabic +Gentile,Italian +Jacques,English +Kabashkin,Russian +Koury,Arabic +Vilke,Russian +Sum,Chinese +Vindman,Russian +Giunta,Italian +Murtazin,Russian +Abadi,Arabic +Warner,English +Tchekmarev,Russian +Mclean,English +Honami,Japanese +Jirinovsky,Russian +Snijder,Dutch +Ustenko,Russian +Tolkien,German +Hamikoev,Russian +Valerio,Italian +Kilminster,English +Enshin,Russian +Horujenko,Russian +Marshak,Russian +Glöckner,German +Zheltukhin,Russian +Abramkoff,Russian +Zhdan,Russian +Trucco,Italian +Moulin,French +Hood,English +Redwood,English +Isa,Arabic +Zhidomirov,Russian +Juhimuk,Russian +Abdrahmanoff,Russian +Zino,Italian +Kartomyshev,Russian +Ragno,Italian +Amari,Arabic +Antar,Arabic +Qureshi,Arabic +Quraishi,Arabic +Shiratori,Japanese +Tosh,English +Furusawa,Japanese +Cham,Arabic +Haanrade,Dutch +Cuidightheach,Irish +Gefter,Russian +Confortola,Italian +Papp,German +Gibbon,English +Mozhin,Russian +Dogujiev,Russian +Kellems,English +Eburne,English +Illing,English +Keys,English +Jong,Korean +Gau,Russian +Cham,Arabic +Sarti,Italian +Earley,English +Vyborov,Russian +Atterton,English +Bassi,Italian +Keogh,English +Durand,French +Fall,English +Nettleton,English +Agapotchkin,Russian +Trang,Vietnamese +Lane,English +Hoover,German +Clegg,English +Chepurnoy,Russian +Aird,English +Abbas,English +Abel,German +palma,Italian +Allum,English +Pocock,English +Lutov,Russian +Jivlyuk,Russian +Kellie,English +Najjar,Arabic +Fowley,English +St,French +olmo,Spanish +Mohammed,English +Dopita,Czech +Peigne,English +Mclain,Irish +Duvall,English +Dupont,French +Ba,Arabic +Handal,Arabic +Kassis,Arabic +Ilsley,English +Coates,English +Loskot,Czech +Schuchardt,German +Vicary,English +Haruguchi,Japanese +Graves,English +Husk,Czech +Armando,Spanish +Stack,English +Tulov,Russian +Pinheiro,Portuguese +Loder,Russian +Zong,Chinese +Milani,Italian +Fordham,English +Normington,English +Hayami,Japanese +Vasyaev,Russian +Bithell,English +Wang,Korean +Debenham,English +Bovér,Italian +Auer,German +Dunning,English +Isangulov,Russian +Handal,Arabic +Antar,Arabic +Hatton,English +Bezyazykov,Russian +Tucker,English +Rich,English +Baudin,French +Abolikhin,Russian +Murtazaliev,Russian +Hrula,Czech +Hiraga,Japanese +Najjar,Arabic +Asfour,Arabic +Hakimi,Arabic +Talitskikh,Russian +Richman,English +Moghadam,Arabic +Jerebin,Russian +Derkachenko,Russian +Harb,Arabic +Seo,Japanese +Sheludshev,Russian +Palomo,Spanish +Kurogane,Japanese +Joynson,English +Merle,French +Bagramyan,Russian +Vassoevich,Russian +Darjaev,Russian +Norwood,English +Albert,French +Obysov,Russian +Leggièri,Italian +Murgia,Italian +Willetts,English +Andringa,Dutch +Koch,German +Perrin,English +Norgate,English +Pitukhin,Russian +Ina,Japanese +Hadad,Arabic +Shadid,Arabic +Abalakin,Russian +Wright,Scottish +Hakimi,Arabic +Botros,Arabic +Yep,Chinese +Egerev,Russian +Wall,English +Que,Chinese +Ku,Korean +Saliba,Arabic +Shao,Chinese +Almasi,Arabic +Kentwood,English +Ishimaru,Japanese +Freund,German +Jeffcock,English +Poshiklov,Russian +Lian,Chinese +Kattan,Arabic +Rackham,English +Frith,English +Allcock,English +Hatakeda,Japanese +Eventov,Russian +Nair,English +Spiller,English +Lieu,Vietnamese +Kenkyusha,Japanese +Pae,Korean +Srour,Arabic +Daher,Arabic +Neale,English +Tulnikov,Russian +Hramtsov,Russian +Tully,English +Choi,Korean +Eade,English +Sasakawa,Japanese +Sleiman,Arabic +Dickson,English +Moody,English +Es'Kov,Russian +Nash,English +Brodeur,French +Verney,English +Talkov,Russian +Abdank-Kossovsky,Russian +Janochkin,Russian +Boutros,Arabic +Alesi,Italian +Baz,Arabic +Airò,Italian +Beal,English +Böhm,German +Phelan,English +Gillam,English +Rompaij,Dutch +Potts,English +Voznesensky,Russian +Cham,Arabic +Mills,English +Qureshi,Arabic +Legg,English +Shammas,Arabic +Clifton,English +Handal,Arabic +Ayugai,Japanese +Durrant,English +Raikh,Russian +Rocha,Portuguese +Abate,Italian +Ainsworth,English +Timonkin,Russian +Au-Yong,Chinese +Karl,German +Tikhy,Russian +Rakhletzky,Russian +Borovka,Czech +Novy,Czech +Wood,English +Hardy,French +Torres,Portuguese +Nishi,Japanese +Abadi,Arabic +Sakurai,Japanese +Engver,Russian +Napier,English +Atiyeh,Arabic +Mifsud,Arabic +Bahmetev,Russian +Showell,English +Trew,English +Shadid,Arabic +Mustafa,Arabic +Krantz,Dutch +Tujikov,Russian +Hinds,English +Mohren,Dutch +Robert,English +Marievsky,Russian +Cham,Arabic +Demall,Czech +Coward,English +Lattimore,English +Burt,English +Elkin,English +Shannon,Irish +Adderley,English +Danas,Greek +Danyarov,Russian +Arbore,Italian +Atiyeh,Arabic +Hasenkamp,German +Spencer,English +Park,Korean +Höfler,German +Benivieni,Italian +Edgley,English +Lafrenz,German +Yachikov,Russian +Piskorsky,Russian +Shamon,Arabic +Matjeka,Czech +Awerkoff,Russian +Mullins,French +Parnaby,English +Sabbagh,Arabic +Teshima,Japanese +Muhlfeld,German +Nader,Arabic +Warren,English +Awad,Arabic +Heinrich,German +Jenkin,English +See,Chinese +Corrigan,English +Abaloff,Russian +Stretton,English +To,Russian +Mimasuya,Japanese +Palladino,Italian +Carrara,Italian +Akram,English +Sgro,Italian +London,English +Akera,Japanese +Humphries,English +Tifft,German +Russell,English +Muraguchi,Japanese +Mollo,Russian +Otter,English +santigo,Spanish +Child,English +Johansen,English +Farrer,English +Pirojkov,Russian +Eden,English +Harlashenkov,Russian +Huffmann,German +Boerio,Italian +Bahar,Arabic +Doyle,Irish +Sloan,Irish +Uetake,Japanese +Mcguire,Irish +Valovoi,Russian +Golotyuk,Russian +Saliba,Arabic +Mcarthur,English +Acquarone,Italian +Garvey,English +Zasyad'Ko,Russian +Liddle,English +Fellows,English +Almasi,Arabic +Shimamura,Japanese +Abdi,English +Nonomura,Japanese +Tanzi,Italian +Balaguroff,Russian +Bellincioni,Italian +Tugujekov,Russian +Taurel,English +Abadi,Arabic +Samaha,Arabic +Cino,Italian +Hausler,German +Zhivoluk,Russian +Rocha,Spanish +Abbà,Italian +Nagasawa,Japanese +Miyajima,Japanese +Fedchenko,Russian +Guirguis,Arabic +Kendrick,English +Drury,English +Dirchs,German +Handal,Arabic +Romà,Spanish +Kalimullin,Russian +Homulka,Czech +Gerrard,English +Zogby,Arabic +Quigley,English +Zhokin,Russian +Kassab,Arabic +Ackroyd,English +Said,Arabic +Hopkinson,English +Palmisano,Italian +Maroun,Arabic +Tulintsev,Russian +Okabe,Japanese +Billert,Russian +Mcintosh,Scottish +Cham,Arabic +Horiuchi,Japanese +Yee,Chinese +Jangarber,Russian +Goble,English +Matsushita,Japanese +Ming,Chinese +Goebel,German +Chromy,Czech +Tong,Vietnamese +Brotz,German +Desjardins,French +Fraser,Scottish +Ustinchenko,Russian +Benitez,Spanish +Sarraf,Arabic +Maalouf,Arabic +Florey,English +Wyrzyk,Polish +Svotak,Czech +Yakushkin,Russian +Belorusov,Russian +Stannard,English +Oinuma,Japanese +Abylgaziev,Russian +Cardona,Spanish +Oleastro,Spanish +Goodwin,English +Fiedler,German +Pian,Chinese +Sarraf,Arabic +Nokes,English +Babutsky,Russian +Todd,English +Sinha,English +Cracknell,English +Travis,English +Rook,English +Terry,English +Holub,Czech +Tsogas,Greek +Shadid,Arabic +Gold,English +Cham,Arabic +Amaya,Japanese +Rakhlin,Russian +Holomeev,Russian +Kipling,English +Gerard,English +Dingle,English +Bilalov,Russian +Alexnader,English +Antar,Arabic +Sarkis,Arabic +Grange,English +Haggett,English +Bagryanski,Russian +Bengochea,Spanish +Leonenko,Russian +Hijny,Russian +Malouf,Arabic +Yeomans,English +Babinov,Russian +Lovey,English +Cui,Chinese +Naser,Arabic +Mooney,English +Agrikov,Russian +Furtsch,Czech +Beh,Russian +Fagan,English +Seif,Arabic +Faye,English +Wilchek,Czech +Carlevaro,Italian +Yun,Korean +Catalano,Italian +Partlett,English +Ippitsusai,Japanese +Okazaki,Japanese +Pasternack,Polish +Molloy,English +Brewer,English +Wrenn,English +Koumans,Dutch +Mansour,Arabic +Kalachov,Russian +Glezerman,Russian +Schallom,Czech +Muzykantsky,Russian +Guerriero,Italian +Conchobhar,Irish +Jordan,French +Freedman,English +Horner,English +Main,English +Ghanem,Arabic +Handley,English +Noach,English +Pereira,English +Rossi,Italian +Dubicki,Polish +Basurto,Italian +Klerks,Dutch +Winter,German +Sabbag,Arabic +Abatescianni,Italian +Yablokov,Russian +Mindeli,Russian +Chan,English +Zogby,Arabic +Brooks,English +Hlopkov,Russian +Lihobabin,Russian +Solberg,German +Takewaki,Japanese +Zhigalev,Russian +Deans,English +Pannell,English +Dzhaldzhireev,Russian +Agramunt,Spanish +Xiao,Chinese +Thornhill,English +Dobrushin,Russian +Virichev,Russian +Lopes,English +Kobayashi,Japanese +Keeble,English +Mcdonald,English +Beaumont,French +Ebralidze,Russian +Fuwa,Japanese +Gerald,Irish +Hamadullin,Russian +Prehatney,Czech +Tugwell,English +Koury,Arabic +Jakir,Russian +Seghers,Dutch +Tudorovsky,Russian +Said,Arabic +Messana,Italian +Pierre,English +Bryan,English +Alescio,Italian +Kabanov,Russian +Sarto,Italian +Zhilchikov,Russian +Akimoto,Japanese +Elwell,English +Wiles,English +Voakes,English +Umeki,Japanese +Vygodovsky,Russian +Kwong,Chinese +Quraishi,Arabic +Everton,English +Caron,French +Grennan,English +Jamoida,Russian +Otake,Japanese +Mccluskey,English +Aswad,Arabic +Munakata,Japanese +Ryjev,Russian +Mccartney,English +Aitchison,English +Baevsky,Russian +Mooney,Irish +Hanania,Arabic +Fried,German +Tuganov,Russian +Hwang,Korean +Sinclair,English +Bektabegov,Russian +Brain,English +Padovan,Italian +Ukhovsky,Russian +Izzard,English +Turvey,English +Kirwan,English +Cruz,Spanish +Oliver,Spanish +Zouvelekis,Greek +Waldfogel,German +Awad,Arabic +Asker,Arabic +Shelyag,Russian +Cham,Arabic +Harb,Arabic +Saionji,Japanese +Barlow,English +Turischev,Russian +Ramires,Portuguese +Hadad,Arabic +Emelianov,Russian +Émile,French +Poirier,French +Allegri,Italian +Plummer,English +Gujov,Russian +Yamakage,Japanese +Kawashima,Japanese +Lebedenko,Russian +Archambault,French +Srour,Arabic +Cattaneo,Italian +Djavahishvili,Russian +Morcos,Arabic +Corner,English +Jaikbaev,Russian +Dick,English +Allard,English +Bahar,Arabic +Martz,German +Mitsuharu,Japanese +Ryans,English +Rakhmaninov,Russian +Stamp,English +Basara,Arabic +Hakimi,Arabic +Trevor,English +Glaisyer,French +Pajinsky,Russian +Ghanem,Arabic +Yamaletdinov,Russian +Shamon,Arabic +Yanover,Russian +Gadsden,English +Trainor,English +Heinrichs,German +Mcgowan,English +Pavlunovsky,Russian +Sergeant,French +Haik,Arabic +Eyres,English +Ganim,Arabic +Zogby,Arabic +Eastaugh,English +Jandarbiev,Russian +Mozdzierz,Polish +Sugimura,Japanese +Imran,English +Antar,Arabic +Brambani,Italian +Alexander,Scottish +Hunt,English +Mojzis,Czech +Hibbert,English +To,Russian +Pham,Vietnamese +Fleetwood,English +Starek,Polish +Castro,Portuguese +Cumming,English +Nakamura,Japanese +Daly,English +Tsoumada,Greek +Shahmametiev,Russian +Maryutin,Russian +Shah,English +Lambert,French +Kruger,English +Simen,German +Leary,English +Docherty,English +Eberhardt,German +Agranowski,Russian +Kachnov,Russian +Jonhson,English +Guttuso,Italian +Geyer,English +Asker,Arabic +Torisei,Japanese +Pohojaev,Russian +Subertova,Czech +Melsbach,German +Bonner,French +Vinicombe,English +Stewart,English +Yamana,Japanese +Verdon,English +Jia,Chinese +Visilkin,Russian +Winter,English +Abraham,French +Maclean,English +Schneider,Dutch +Si,Korean +Bukowski,Polish +Srour,Arabic +Abel,Spanish +Ophoven,Dutch +Houtum,Dutch +Dong,Chinese +Eccleston,English +Abrosimoff,Russian +Bean,English +Tojo,Japanese +Lowdon,English +Close,Greek +Prieto,Spanish +Everhart,German +Agakov,Russian +Cham,Arabic +Reilly,Irish +Guirguis,Arabic +Pretsch,Czech +Zitka,Czech +Higashikuni,Japanese +Kinchin,English +Totah,Arabic +Ellershaw,English +Wotherspoon,English +Chikichev,Russian +Ando,Japanese +Darsigov,Russian +Schindler,German +Truhanov,Russian +Rutenburg,Russian +Abramenkov,Russian +Herriot,French +Jakovlev,Russian +Iskoz,Russian +Miyazawa,Japanese +Jeffreys,English +Baidavletoff,Russian +Oatway,English +Belluomi,Italian +Hemingway,English +Betlach,Czech +Zogby,Arabic +Tsval,Russian +Pohodun,Russian +Akkeren,Dutch +Fenstermacher,German +Jordon,English +Cotton,English +Chong,Chinese +Chu,Chinese +Parensov,Russian +Marshalko,Russian +Shand,English +Gimondi,Italian +Bitar,Arabic +Mustafa,Arabic +Chuho,Russian +Gamble,English +Basara,Arabic +Quan,Chinese +Naifeh,Arabic +Cuoco,Italian +Langlais,French +Poulter,English +Balakin,Russian +Hellier,English +Mitsuwa,Japanese +Mccormack,English +Cathasach,Irish +Seighin,Irish +Vinci,Italian +Kampfner,English +Neave,English +Isaenko,Russian +Yanovitsky,Russian +Biryukov,Russian +Raskop,German +Baz,Arabic +Srour,Arabic +Bakhtiev,Russian +Okamoto,Japanese +Keight,English +Russell,Scottish +Utley,English +Helm,English +Kollen,Dutch +Antoun,Arabic +Moreau,French +Antar,Arabic +Uzhvak,Russian +Janosik,Czech +Aggio,Italian +Downton,English +Lennard,English +Button,English +Darminov,Russian +Shamon,Arabic +Ennis,English +Bautista,Spanish +Wakelin,English +Ridgwell,English +Terranova,Italian +Attia,Arabic +Langley,English +Forde,English +Acker,German +Orritt,English +Dyo,Russian +Horoshih,Russian +Frierdich,Czech +Shirmanov,Russian +Abukara,Japanese +Singh,English +Sonoda,Japanese +Newey,English +Gulichev,Russian +Underdown,English +Havener,German +Cathan,Irish +Fereday,English +Beringer,German +Ganem,Arabic +Sohda,Japanese +Bertrand,French +Alagona,Italian +Kanaan,Arabic +Wehunt,German +Sorg,German +Vyschipan,Russian +Grammatikov,Russian +Rossem,Dutch +Holtzer,German +Kotsilimbas,Greek +Demirhanov,Russian +Usami,Japanese +Brelsford,English +Sabbag,Arabic +Maroun,Arabic +Chavarría,Spanish +Bishara,Arabic +Siena,Italian +Shirnin,Russian +Mujdabaev,Russian +Utyugov,Russian +Tourna,Greek +Zozrov,Russian +Goodyear,English +Zhernokleev,Russian +Sauvageon,French +Boutros,Arabic +Guk,Russian +Janowski,Polish +Testa,Italian +Smit,Dutch +Gukov,Russian +Mokritsky,Russian +Capper,English +Zhidilev,Russian +Di,Italian +Wain,English +Epton,English +Galkin,Russian +Garb,German +Munsky,Russian +Garcon,French +Yakushkov,Russian +Khoury,Arabic +Guirguis,Arabic +Pagani,Italian +Bachmeier,German +Macdonald,Scottish +Brand,German +Oconnor,English +Han,Korean +Aivazovski,Russian +Nader,Arabic +Piccirillo,Italian +Vainrub,Russian +Gooding,English +Botros,Arabic +Dogadov,Russian +Overett,English +English,English +Shendel,Russian +Petimezas,Greek +Yoemon,Japanese +Djunusov,Russian +Rotin,Russian +Howie,English +Mould,English +Yudkovich,Russian +Noakes,English +Garofalo,Italian +Thibault,French +Gridchin,Russian +Davydovich,Russian +Nassar,Arabic +Ghannam,Arabic +Breda,Italian +Grünewald,German +Masih,Arabic +Jagutyan,Russian +Valikov,Russian +Elleray,English +Hairyuzov,Russian +Abrahimoff,Russian +Baggio,Italian +Kiernan,English +Williamson,English +Kidman,English +Zhirinovsky,Russian +Batsura,Russian +Lezhebokov,Russian +Taira,Japanese +Sanna,Dutch +Tilley,English +Kristensen,English +Koury,Arabic +Tselikovsky,Russian +Harb,Arabic +Rushbrooke,English +Maloof,Arabic +Almond,English +Rutherford,English +Jimila,Russian +Widdowson,English +Inker,English +Trinder,English +Millett,English +Márquez,Spanish +Craig,Scottish +Guinard,English +Lyon,French +Anekshtein,Russian +König,German +Wolfe,English +Handal,Arabic +Choe,Korean +The,Russian +Pawlitzki,German +Knigge,English +Harness,English +Lamar,French +Tugushev,Russian +Janovsky,Russian +Wang,German +Yeoman,English +Shinozuka,Japanese +Rohlin,Russian +Savchak,Czech +Voigts,German +Destunis,Russian +Theunissen,Dutch +Mcnulty,English +Kondo,Japanese +Names,Irish +Kunda,Japanese +Sunderland,English +Salib,Arabic +Ślusarczyk,Polish +Odling,English +Maloof,Arabic +Bazowsky,Russian +Sen,Japanese +Boon,English +Levine,English +Bologna,Italian +Ilyushin,Russian +Kamisaka,Japanese +Todaro,Italian +Morduhovich,Russian +Pennington,English +Chaly,Russian +Weiner,German +Asghar,Arabic +Ganim,Arabic +Dickinson,English +Said,Arabic +Till,English +Pesek,Czech +Pavlik,Czech +Avramtchik,Russian +Boland,English +Savona,Italian +Sotomura,Japanese +Tsukehara,Japanese +Baz,Arabic +Petersen,English +Costantini,Italian +O'Donnell,Irish +Cross,English +Conroy,English +Ryskamp,Dutch +Bachurin,Russian +Baranetsky,Russian +Tuma,Arabic +Rapp,German +Jigailo,Russian +Schuhart,German +Ahmad,English +Kuga,Japanese +Yakobson,Russian +Linford,English +Vale,English +Bishara,Arabic +Wellington,English +Vadin,Russian +Desai,English +Fosse,English +Saxton,English +Levann,English +Sayegh,Arabic +Overton,English +Fogg,English +Hutchins,English +Lucas,Dutch +Oram,English +Alt,Czech +Santos,Spanish +Duncan,Irish +Hradek,Czech +Stolarz,Polish +Brousil,Czech +Gerges,Arabic +Marholenko,Russian +Shamoun,Arabic +Adelhanov,Russian +Elkington,English +Percival,English +Tannous,Arabic +Dupond,French +Shon,Korean +Walling,English +Cairns,English +Shiraishi,Japanese +Evenden,English +Kenneth,English +Kodama,Japanese +Hynna,Czech +Baba,Arabic +Broadbent,English +Zhirdetsky,Russian +Turik,Russian +Ceallachan,Irish +Nunes,Portuguese +Edwick,English +Baisotei,Japanese +Maalouf,Arabic +Mcguire,English +Rompuy,Dutch +Giblin,English +Zhebrovsky,Russian +Tanuma,Japanese +Brookfield,English +Haik,Arabic +Merlo,Italian +Botros,Arabic +Dutikov,Russian +Vaksberg,Russian +Imerlishvili,Russian +Conn,Irish +Jelinek,Czech +Mendelssohn,German +Episcopo,Italian +laurentis,Italian +Koury,Arabic +Olding,English +Minniahmetov,Russian +Adam,French +Hamill,English +Cresswell,English +Odea,English +Kauffmann,German +Timiryazev,Russian +Matsuda,Japanese +Porkhun,Russian +Jakhno,Russian +Tapping,English +Hang,Chinese +Vu,Vietnamese +Ferguson,English +Edkins,English +Ieyasu,Japanese +Murata,Japanese +la,Spanish +Eason,English +Kalb,Arabic +Chalykh,Russian +Overfield,English +Ferraro,Italian +Agadjanyan,Russian +Zhivago,Russian +Isbitt,English +Parkinson,English +Babchenko,Russian +Alcock,English +First,Russian +Morava,Czech +Ninomiya,Japanese +Koury,Arabic +O'Byrne,Irish +Najjar,Arabic +Black,English +Hartl,Czech +Privett,English +O'Hanlon,Irish +Burke,English +Kaminaga,Japanese +Ramos,Spanish +Maestri,Italian +Milne,Scottish +Geiszler,German +Rovigatti,Italian +Shelton,English +Ganem,Arabic +Fakhoury,Arabic +Ghannam,Arabic +Navara,Czech +Rim,Korean +Mandel,German +Salvay,Italian +Lim,Chinese +Albuquerque,Portuguese +Ratcliffe,English +Rodriquez,Spanish +Kada,Japanese +Polites,Greek +Miyoshi,Japanese +Mondadori,Italian +Fei,Chinese +Alpin,English +Shirane,Japanese +Shigemitsu,Japanese +Gerst,German +Kirkbride,English +santis,Italian +Copley,English +Timaev,Russian +Marhanov,Russian +Greensmith,English +Gillespie,English +Phipps,English +Yandiev,Russian +Ying,Chinese +Arian,Arabic +Beauchene,French +Brookes,English +Quinton,English +Raihlin,Russian +Holzknecht,German +Liharev,Russian +Sierzant,Polish +Hajjar,Arabic +Davidenko,Russian +Pendyurin,Russian +Acciai,Italian +Zhurikhin,Russian +Pear,Czech +Jahno,Russian +Tatenaka,Japanese +Tahan,Arabic +Imendaev,Russian +Aconi,Italian +Krämer,German +Adelung,Russian +Kafka,Czech +Richelieu,French +Sarkis,Arabic +Towers,English +Movchun,Russian +Rochford,English +Slusser,German +Vakichev,Russian +Guang,Chinese +Toru,Japanese +Bitar,Arabic +Kassell,English +Swango,German +Turkov,Russian +Levin,English +Hassani,English +Fakhoury,Arabic +Pond,English +Traversi,Italian +Sleiman,Arabic +Morcos,Arabic +Seif,Arabic +Said,Arabic +Shadid,Arabic +Bazzi,Arabic +Alamilla,Spanish +Quintana,Spanish +Rory,Irish +Senft,German +Kuiper,Dutch +Pitterman,Czech +Abboud,Arabic +Janca,Czech +Hanania,Arabic +Ijichi,Japanese +Valencia,Spanish +Rzhevsky,Russian +Bazikov,Russian +Bagaryakov,Russian +Sharkey,English +Lander,English +Fonda,Italian +Satoh,Japanese +Hoffman,German +Flann,Irish +Zastrojny,Russian +Fairchild,English +Churuksaev,Russian +Hughes,Scottish +Turta,Russian +Velikih,Russian +Patsevich,Russian +Moorhouse,English +Bakshandaev,Russian +Govender,English +Eliopoulos,Greek +Lockwood,English +Carideo,Italian +Gutermuth,German +Juárez,Spanish +Banh,Vietnamese +Obando,Spanish +Tate,English +Turno,Russian +Di,Italian +Shaidarov,Russian +Noguerra,Spanish +Neaverson,English +Gudov,Russian +Copeland,English +Kinnersley,English +Gul,Russian +Daher,Arabic +Scarpa,Italian +Lepihov,Russian +Hijnyakov,Russian +Tsubouchi,Japanese +Botros,Arabic +Samaha,Arabic +Broomfield,English +Vigo,Italian +Goodchild,English +Issa,Arabic +Veronesi,Italian +Fitton,English +Haik,Arabic +Rapson,English +Adenauer,German +Hiorvst,Czech +Easdale,English +Kerr,English +Pomphrey,English +Adair,English +Daher,Arabic +Nicolosi,Italian +Lazzari,Italian +Isa,Arabic +Hakimi,Arabic +Maroun,Arabic +Williams,English +Coles,English +Eda,Japanese +Vickers,English +Hass,German +Leroy,French +Nicholas,English +Shenagin,Russian +Treseder,English +Bakai,Russian +Hammond,English +Sneijders,Dutch +Ayley,English +Hlystun,Russian +Forth,English +Bäcker,German +Kaneko,Japanese +Amsel,German +Jija,Russian +Bazzi,Arabic +Shamoun,Arabic +Vikharev,Russian +Stephen,English +Wilcox,English +Pinsmail,English +Sabbag,Arabic +Saliba,Arabic +Charlott,Czech +Pletcher,German +Jagofarov,Russian +Arian,Arabic +Bob,English +Von,German +Westlake,English +Emberson,English +Atiyeh,Arabic +Jinkin,Russian +Rubio,Spanish +Reeve,English +Brandrick,English +Kouri,Arabic +Raskob,German +Naifeh,Arabic +Waite,English +Lehmann,German +Kanada,Japanese +Cuevas,Spanish +Iskandaryan,Russian +Bartalotti,Italian +Haddock,English +Said,Arabic +Passmore,English +Rikhter,Russian +Laganà,Italian +Kassis,Arabic +Coulter,English +Semick,Czech +Abdulhabirov,Russian +Babineaux,French +Biondo,Italian +Moseley,English +Riddell,English +Tulub,Russian +Yamaltdinov,Russian +Jiang,Chinese +Flannery,English +Tips,English +Milionis,Greek +Kassis,Arabic +Newberry,English +Burch,English +Cablikova,Czech +Larkin,English +Ibáñez,Spanish +Naser,Arabic +Accosi,Italian +Blair,English +Shimaoka,Japanese +Shamoon,Arabic +Hlynov,Russian +Nood,English +Kitagawa,Japanese +Ganim,Arabic +Fyall,English +Costa,English +De,Italian +Allkins,English +Tchekin,Russian +Whelan,Irish +Sitz,German +Mcphee,English +Strilakos,Greek +Muir,English +Jinov,Russian +De,Spanish +Zhu,Chinese +Nightingale,English +Cassidy,Irish +Deschamps,French +Nesbitt,English +Dowell,English +Chamov,Russian +Riedel,Czech +Silveira,Portuguese +Kawachi,Japanese +Malecha,Czech +Plamondon,French +Halyavin,Russian +Wasem,Arabic +Drago,Italian +Faolan,Irish +Tze,Chinese +Bosco,Italian +Daher,Arabic +Giese,German +Habich,German +Mcgrady,English +Burge,English +Wakai,Japanese +Abdildin,Russian +Addams,English +Shirinkin,Russian +Talberg,Russian +Hirasi,Japanese +Duerr,German +Thackray,English +Hakimi,Arabic +Jikharev,Russian +Sponaugle,German +Tow,Chinese +Mlachnev,Russian +Kirkpatrick,English +Varndell,English +Cao,Vietnamese +Walsh,English +Gorski,Russian +Arai,Japanese +Egami,Japanese +Egonidis,Greek +Vavilin,Russian +Quraishi,Arabic +Wakefield,English +Jervis,English +Pavlushin,Russian +Islanov,Russian +Tschida,German +Ballaltick,Czech +Deforest,French +Kelk,English +Awrutin,Russian +Hurley,English +Prokudin,Russian +Rahal,Arabic +Khoury,Arabic +Fakhoury,Arabic +Anuriev,Russian +Shioya,Japanese +Reijnder,Dutch +Kassis,Arabic +Zangari,Italian +Moralez,Spanish +Naifeh,Arabic +Kron,German +Ellam,English +Nigro,Italian +Xin,Chinese +Bilek,Czech +Nahas,Arabic +Kassab,Arabic +Castell,Spanish +Farhall,English +Martinenas,Russian +Handirov,Russian +Snowdon,English +Keefe,Irish +Baba,Arabic +Head,English +Sokal,Polish +Taggart,English +Hegai,Russian +O'Toole,Irish +Jeleznikov,Russian +Mcginty,English +Lohin,Russian +Jakunichev,Russian +Valtchikovski,Russian +Antonakos,Greek +Rompaey,Dutch +Gensch,German +Essa,Arabic +Bonnet,French +Albrecht,German +Schmidt,German +Rojas,Spanish +Judge,English +Rozinek,Czech +Vinter,Russian +Peña,Spanish +Peter,Dutch +San,Korean +Ganem,Arabic +Norman,English +Kate,Japanese +Aonghuis,Irish +Kloeter,Dutch +Maly,Polish +Yarnall,English +Lippi,Italian +Lapinus,Russian +Zhidkih,Russian +Hanzlik,Czech +Avlukov,Russian +Abyzgiddin,Russian +Nahas,Arabic +Wan,Chinese +Antonino,Italian +Basara,Arabic +Mustafa,Arabic +Metz,German +Luriya,Russian +Divaev,Russian +Adamiants,Russian +Glass,English +Berry,English +Yamaguchiya,Japanese +Haddad,Arabic +Mooren,Dutch +Tannous,Arabic +Sabbag,Arabic +Hairullov,Russian +Smith,Scottish +Kingscott,English +Uggeri,Italian +Mihalkin,Russian +Klerx,Dutch +Boulos,Arabic +Wakeham,English +Aiello,Italian +Naifeh,Arabic +Pitersky,Russian +Velyashev,Russian +Pohmel'Nyh,Russian +Demetrious,Greek +Kang,Chinese +Widerlechner,Czech +Fazleev,Russian +Malouf,Arabic +Schoorel,Dutch +Sandison,English +Espina,Spanish +Fairlie,English +Nelli,Italian +Orellana,Spanish +Eihengolts,Russian +Nosach,Russian +Park,English +Kibblewhite,English +Broż,Polish +Schmid,German +Mckenzie,English +Turchenko,Russian +Jakovenko,Russian +Zawisza,Polish +Baker,English +Gillan,English +Yoshihara,Japanese +Patterson,English +Blumenthal,German +Broughton,English +Waxweiler,German +Sabbag,Arabic +Saliba,Arabic +Busto,Spanish +Linville,French +Pokorny,Czech +Bone,English +Lennon,Irish +Schrijnemakers,Dutch +Slootmaekers,Dutch +Tomori,Japanese +Hudilainen,Russian +Horigome,Japanese +Karne,English +Knightley,English +Zhavrid,Russian +Khoury,Arabic +Makhmudov,Russian +Bazil,Russian +Vazhnichy,Russian +Eales,English +Tahan,Arabic +Serizawa,Japanese +Malouf,Arabic +Aglinskas,Russian +Oakey,English +Mcculloch,English +Isa,Arabic +Dao,Vietnamese +Mctaggart,English +Zhigalin,Russian +Limitovsky,Russian +Ochida,Japanese +Oman,English +Fotheringham,English +Ginty,English +Mitsuya,Japanese +Sommer,German +Najjar,Arabic +Zhohin,Russian +Ghannam,Arabic +Mursalimov,Russian +Mukke,Russian +Acosta,Spanish +Mersinias,Greek +Kouma,English +Townend,English +O'Neill,Irish +Geary,English +Kingdon,English +Arnall,English +Connell,Irish +Zimin,Russian +Mordinov,Russian +Yanushevsky,Russian +Said,Arabic +Stramba,Czech +Myatishkin,Russian +Botros,Arabic +Valiahmetov,Russian +Tchalyshev,Russian +Levish,Russian +Yadne,Russian +Tappin,English +Lysyh,Russian +Asfour,Arabic +Pisani,Italian +Mikhaltsev,Russian +Tannous,Arabic +Rothery,English +Abdulgaziev,Russian +Do,Vietnamese +First,Russian +Ansell,English +Salib,Arabic +Guidi,Italian +Ventura,Spanish +Gaber,Arabic +Holzer,German +Khoury,Arabic +Lémieux,French +Eastham,English +Zhohov,Russian +Konishi,Japanese +Marfunin,Russian +Dunsford,English +Ishikawa,Japanese +Habibulaev,Russian +Dreschner,German +Zobov,Russian +Almasi,Arabic +Sciarra,Italian +Gosden,English +Beale,English +Shi,Chinese +Hiranuma,Japanese +Bowers,English +Saller,German +Thuy,Vietnamese +Sarkis,Arabic +Sarumara,Japanese +Itami,Japanese +Stroggylis,Greek +Mustafa,English +Abugov,Russian +Shamoon,Arabic +Portnyakov,Russian +Almasi,Arabic +Handal,Arabic +Masson,French +Kell,English +Hofmann,German +Budd,English +Hartmann,German +Chepulyanis,Russian +Doble,English +Kassis,Arabic +Belogolovkin,Russian +Egamberdiev,Russian +Chino,Japanese +Kalimakhi,Russian +Derrick,English +Wateridge,English +Marr,English +Hole,English +Najjar,Arabic +Sakiyaev,Russian +Valenti,Italian +Ajiganoff,Russian +Nudatov,Russian +Jung,Korean +Tselovalnikov,Russian +Guio,Russian +Toland,English +Abalmasov,Russian +O'Mahoney,Irish +Dazai,Japanese +Steube,German +Makin,English +ath,English +Ritchie,Scottish +Muir,Scottish +Jikharevitch,Russian +Jacks,English +Sands,English +Finnegan,English +Abramson,Russian +Atanasyan,Russian +Cermak,Czech +Mercier,French +Makhlinsky,Russian +Tivoli,Italian +Jekov,Russian +Bahmutov,Russian +Noble,English +Kassab,Arabic +Cawley,English +Hilchevsky,Russian +Vinberg,Russian +Norville,English +Hike,Japanese +Sparrow,English +Khork,Czech +Maalouf,Arabic +Stocker,English +Gomatos,Greek +Baz,Arabic +Nassar,Arabic +Mui,Chinese +Beek,Dutch +Treble,English +Dounias,Greek +Saliba,Arabic +Yamanaka,Japanese +Andryuhin,Russian +Bursinos,Greek +Tovarovsky,Russian +Vilkovsky,Russian +Bata,Arabic +Paquet,French +Tamàro,Italian +Jatzkovsky,Russian +Gujva,Russian +Tzarenko,Russian +Elwood,English +Pietri,Italian +Kanavos,Greek +Toma,Arabic +Eatherington,English +Qureshi,Arabic +Marino,Italian +Morri,Japanese +Wernher,German +Talmud,Russian +Windsor,English +Bagretsov,Russian +Shadid,Arabic +Sze,Chinese +Jennings,English +Kokan,Japanese +Bock,Czech +Jeffery,English +Cham,Arabic +Malone,English +Dan,Japanese +Emmerson,English +Aushev,Russian +Mcgregor,Scottish +Okumura,Japanese +Auton,English +Nassar,Arabic +Nussenbaum,German +Downer,English +Abraham,English +Cermak,Czech +Meeuwissen,Dutch +Jian,Chinese +Mcleod,English +Hajjar,Arabic +Marutenkov,Russian +Antar,Arabic +Hagan,English +Veverka,Czech +Pateman,English +Yukhman,Russian +Mao,Chinese +Fistal,Russian +Fencl,Czech +Essa,Arabic +Elsmore,English +Bolton,English +Banos,Greek +Huang,Chinese +Geisler,German +Stoep,Dutch +Edwards,English +Nugaibekov,Russian +Zhou,Chinese +Carr,English +Nie,Chinese +Howard,English +Tubelsky,Russian +Jagoda,Polish +Nakazawa,Japanese +Wears,English +Zeifert,Russian +Sayegh,Arabic +Bonhomme,French +Shimanouchi,Japanese +Kreyling,English +Tai,Chinese +Fedotko,Russian +Crossley,English +Yakhontov,Russian +Portsevsky,Russian +Leigh,English +Guzovatsker,Russian +Blanco,Spanish +Juravel,Russian +Kassis,Arabic +Masters,English +Dressler,German +Akker,Dutch +Couch,English +Rjavin,Russian +Callaghan,English +Pillay,English +Lonsdale,English +Inihara,Japanese +Binnington,English +Marik,Czech +Zou,Chinese +Sarraf,Arabic +Rooke,English +Canne,Dutch +Zogby,Arabic +Necchi,Italian +Dantsig,Russian +Chau,Vietnamese +Garrard,English +Czajka,Polish +Damhain,Irish +Janowich,Russian +Grosse,German +Leslie,English +Matejka,Czech +Church,English +Garland,English +Gudojnik,Russian +Fiscella,Italian +Hout,Dutch +Sanders,English +Finan,English +Papadelias,Greek +Mihailichenko,Russian +Fujimoto,Japanese +Aswad,Arabic +Eganyan,Russian +Sioda,Irish +Logan,English +Rick,English +Wyatt,English +Vassilikos,Greek +Sneijer,Dutch +Costanzo,Italian +Fellmen,English +Sponer,Czech +Minnihanov,Russian +Namiki,Japanese +Hadarin,Russian +Drozdovsky,Russian +Neeson,English +Rush,English +Hirota,Japanese +Kuipers,Dutch +Lohrenz,German +Sabbagh,Arabic +Vela,Spanish +Reynder,Dutch +Maryushkin,Russian +Carty,English +Mclean,Scottish +Schmeiser,Czech +Mackenzie,English +Lewitckyj,Russian +Otten,English +Gleeson,English +Kedzierski,Polish +Essa,Arabic +Eberg,Russian +Gerges,Arabic +Santiago,Portuguese +Glasby,English +Raffel,Czech +Samaha,Arabic +Shadid,Arabic +Dutt,English +De,French +Kotoku,Japanese +Oshin,Japanese +Snow,English +Ohme,German +Akimov,Russian +Reasbeck,English +Kacy,English +Yates,English +Gataullin,Russian +Jikin,Russian +Dutov,Russian +Flett,English +Eastaway,English +Li,Russian +Hirayama,Japanese +Shammas,Arabic +Leahy,English +Kacharov,Russian +Asghar,Arabic +De,Italian +Hrabak,Czech +Falconer,English +Ogterop,Dutch +Bandoni,Italian +Agaponov,Russian +Merlo,Spanish +Jigun,Russian +Pavlicka,Czech +Agureev,Russian +Acqua,Italian +Warburton,English +Shirokawa,Japanese +Paraskevopoulos,Greek +Boulos,Arabic +Thomson,Scottish +Dublyansky,Russian +Larue,French +Seeger,Dutch +Tuma,Arabic +Hadad,Arabic +Koury,Arabic +Atamanyuk,Russian +Vockins,English +First,Russian +Huan,Chinese +Killock,English +Muraoka,Japanese +Maalouf,Arabic +Kan,Japanese +Vanifatiev,Russian +Ma,Vietnamese +Agoshkoff,Russian +Lupenkov,Russian +Eldridge,English +Boveri,Italian +Rust,English +Morozovsky,Russian +Trapani,Italian +Touma,Arabic +Mcmahon,English +Sanjo,Japanese +Jiril,Russian +Katayanagi,Japanese +Safar,Arabic +Narváez,Spanish +Tchekmezov,Russian +Zogalev,Russian +Shalabanov,Russian +Cowley,English +Ri,Korean +Ganim,Arabic +Gemmell,English +Elliman,English +Kamiński,Polish +Ganivet,English +Altshtein,Russian +Robins,English +Christakos,Greek +Kajiyama,Japanese +Dawes,English +Shinko,Japanese +Maharov,Russian +Takaki,Japanese +Asylmuratov,Russian +Perez,Spanish +Tzeboev,Russian +Riagain,Irish +Keetley,English +Newlands,English +Mccormick,English +Gou,Chinese +Gallo,Italian +Middlesworth,Dutch +Schneijders,Dutch +Bao,Chinese +Kono,Japanese +Ying,Chinese +Lyskov,Russian +Bohac,Czech +Gess,Russian +Yamakazi,Japanese +Halymbadzha,Russian +Prime,English +Regent,English +Nassar,Arabic +Evangelista,Italian +Parnell,English +Vozovik,Russian +Almasi,Arabic +Holland,English +Rodwell,English +Behtenev,Russian +Nagumo,Japanese +Jin,Chinese +Innes,English +Lupandin,Russian +Tikal,Czech +Islakaev,Russian +Mujitskih,Russian +Charron,French +Falco,Italian +Saliba,Arabic +Torres,English +Hautem,Dutch +Adlerov,Russian +Dobryansky,Russian +Yamakawa,Japanese +Borchard,German +Mozzis,Czech +Freud,German +Vingranovsky,Russian +Sarraf,Arabic +Ruggeri,Italian +Rickards,English +Vamvakidis,Greek +Timberlake,English +Allcott,English +Baz,Arabic +Valyushkin,Russian +Erridge,English +Noyes,English +Adamsky,Russian +Sturm,German +Keane,English +Fulker,English +Ghanem,Arabic +Thurbon,English +Nahas,Arabic +Zogby,Arabic +Prachar,Czech +Mansour,Arabic +Sano,Japanese +Severijns,Dutch +Melia,English +Gortikov,Russian +Agenosov,Russian +Chase,English +Espinosa,Spanish +Kwan,Chinese +Millar,English +Batchuk,Russian +Tahan,Arabic +Hancock,English +Brandt,German +Chang,Chinese +Assaf,Arabic +Peace,English +Emberey,English +Martinez,Spanish +Shuttleworth,English +Kumar,English +Bello,Spanish +Eto,Japanese +Nelissen,Dutch +Dyson,English +Imnadze,Russian +Regan,English +Bellandini,Italian +Abasolo,Spanish +Khoury,Arabic +Severins,Dutch +Reese,English +Zhui,Chinese +Geldard,English +Tochikura,Japanese +Arian,Arabic +Ganim,Arabic +Treasach,Irish +Zhukovin,Russian +Sabol,Czech +Shen,Chinese +Crew,English +Daviau,French +Khouri,Arabic +Parks,English +Antar,Arabic +Armsden,English +Kozlow,Polish +Axon,English +Endoso,Japanese +Phan,Vietnamese +Nahas,Arabic +Hosokaya,Japanese +Balabas,Russian +Elsdon,English +Tsukawaki,Japanese +Chu,Korean +Abuzoff,Russian +Leek,English +Tatsuko,Japanese +Wirnhier,German +Hodges,English +Koury,Arabic +Cola,Italian +Barnett,English +Zhalybin,Russian +Hew,Chinese +Gribanov,Russian +Katsu,Japanese +Youlden,English +Sebastino,Italian +Rivman,Russian +Nasakin,Russian +Naumann,English +Buxton,English +Stedman,English +Sargent,English +Mrevlishvili,Russian +Adonts,Russian +Kouri,Arabic +Fox,English +Singleton,English +Willett,English +Shalhoub,Arabic +Sabbag,Arabic +Vyazalov,Russian +Ding,Chinese +Gasyukov,Russian +Kratschmar,Czech +Talanov,Russian +Fukusaku,Japanese +Soriano,Italian +Bosque,Spanish +Awad,Arabic +Castillion,Spanish +Wägner,German +Abdrakhimov,Russian +Almasi,Arabic +Ii,Japanese +Greig,English +Clough,English +Riddle,English +Leeuwenhoek,Dutch +Khoo,Chinese +Isa,Arabic +Hewlett,English +Zherebovich,Russian +Adamyants,Russian +Maroun,Arabic +Antonowitz,Czech +Salib,Arabic +Asis,Spanish +Cunningham,Scottish +Khouri,Arabic +Bestujev-Lada,Russian +Batchelor,English +Pridybailo,Russian +Dimmock,English +Grushka,Russian +Miyagi,Japanese +Rogachev,Russian +Rutten,Dutch +Gerasimovsky,Russian +Ganem,Arabic +Lange,German +Uchida,Japanese +Hanjonkov,Russian +Jasso,Spanish +Painter,English +Volk,German +Connelly,English +Galev,Russian +Petersen,Czech +Otsuka,Japanese +Awdoshin,Russian +Del,Spanish +Essert,German +Kattan,Arabic +Rees,English +Khoury,Arabic +Babayan,Russian +Kawasie,Japanese +Tahan,Arabic +Gladun,Russian +Khouri,Arabic +West,German +Okubo,Japanese +Heatley,English +Ryoo,Korean +Prescott,English +Koury,Arabic +Kassis,Arabic +Rakhmetov,Russian +Kerrison,English +Krantz,German +Aquila,Italian +Keeling,English +Mustafa,Arabic +Mcdermott,English +Register,Irish +Beamish,English +Yatzyk,Russian +Hanika,Czech +Olds,English +Meier,German +Srour,Arabic +Essa,Arabic +Burman,English +Haritonenko,Russian +Zhang,Chinese +Golding,English +Aleppo,Italian +Ienari,Japanese +Handal,Arabic +Botros,Arabic +Peisar,Czech +Sarraf,Arabic +O'Connor,Irish +Nicolas,English +Gaumont,English +Said,Arabic +Kranz,Dutch +So,Korean +Zhitluhin,Russian +Jesson,English +Tracey,Irish +Grose,English +Liatos,Greek +Traverse,French +Dan'Shin,Russian +Tchehanov,Russian +Deeb,Arabic +Haddad,Arabic +Tsang,Chinese +Devon,English +Santini,Italian +Tikhobrazov,Russian +Nason,English +Avest,Dutch +Sabbag,Arabic +Epsom,English +Shalyapin,Russian +Shamoon,Arabic +Danichkin,Russian +Ardovini,Italian +Adyrkhaev,Russian +Frampton,English +Tomika,Japanese +Orsini,Italian +Schuster,German +Zhurko,Russian +Tchajegov,Russian +Hume,English +Jez,Polish +Làconi,Italian +Fisher,English +Zajicek,Czech +Espinoza,Spanish +Arnold,English +Maroun,Arabic +Leon,French +Rompu,Dutch +Nassar,Arabic +Vyzhutovich,Russian +Matsuo,Japanese +Rahmetov,Russian +Sternberg,German +Kopecky,Czech +Ichiyusai,Japanese +Shamoun,Arabic +Keller,German +Nomura,Japanese +Maloof,Arabic +Alldridge,English +Jatzyk,Russian +Wojewódka,Polish +Atyashkin,Russian +Kasimor,Czech +Okenfuss,Czech +Kaloxylos,Greek +Markham,English +Norbury,English +Aboyantsev,Russian +Yamaha,Japanese +Tolley,English +Maguire,English +Herbert,French +George,English +Katsumata,Japanese +Blackmore,English +Richter,English +D'cruze,Spanish +Eroshenko,Russian +Beattie,English +Montagne,French +Miyamoto,Japanese +Mikhail,Arabic +Shalhoub,Arabic +Maus,German +Antoun,Arabic +Hadad,Arabic +Shadid,Arabic +Roff,English +Mcauley,English +Jasper,English +Serejnikov,Russian +Bracey,English +Zhukov,Russian +Gorecki,Polish +Vyaltsev,Russian +Matzkovsky,Russian +Bouvet,English +Jarzembowski,Czech +Mackenzie,Scottish +Batchmanov,Russian +Maloof,Arabic +Delgado,Spanish +Prill,Czech +Nahamkin,Russian +Motoori,Japanese +Harker,English +Nader,Arabic +Senmatsu,Japanese +Groos,German +Hishida,Japanese +Tornincasa,Italian +Farrant,English +Ogura,Japanese +Jund,German +Saigin,Russian +Luke,English +Okuda,Japanese +Lin,Chinese +Nasetkin,Russian +Negros,English +Bishara,Arabic +Augustin,German +Samaha,Arabic +Smallwood,English +Greenwood,English +Cohen,English +Slocombe,English +Ajello,Italian +Jvirblis,Russian +Albutt,English +Titmarsh,English +Schwinghammer,German +Arian,Arabic +Fortunato,Italian +Corbett,English +Dzhuromsky,Russian +Edon,English +Fairhurst,English +Babetov,Russian +Quinones,Spanish +Pfenning,German +Joe,Chinese +Dovjenko,Russian +Ellwood,English +Mackie,English +Furniss,English +Najjar,Arabic +Kanaan,Arabic +Bonnaire,French +Ferris,English +Luckhurst,English +Cham,Arabic +West,English +Desrosiers,French +Dempsey,English +Kennedy,English +Yamaoka,Japanese +Asuhara,Japanese +Hadad,Arabic +Shields,English +Molochnikov,Russian +Soto,Spanish +Bright,English +Collier,English +Hadad,Arabic +Turati,Italian +Romijnders,Dutch +Balakhontsev,Russian +Morra,Italian +Tremble,French +Knight,English +Reisser,English +Goodridge,English +Cham,Arabic +Longworth,English +Salcedo,Spanish +Koury,Arabic +Tuma,Arabic +Fletcher,English +Watabe,Japanese +Luong,Vietnamese +Vakulko,Russian +Andel,Dutch +Takagaki,Japanese +Boucher,French +Sokoloff,Polish +Schenck,German +Ganem,Arabic +Spence,English +Cox,English +Gil,Korean +Eikhenvald,Russian +Easen,English +Janda,Polish +Roy,French +Minyaichev,Russian +Kanaan,Arabic +Bruce,English +Molyakov,Russian +Scott,Scottish +Nasibullin,Russian +Cheptygmashev,Russian +Mifsud,Arabic +Nassar,Arabic +Nickolls,English +Linden,English +Nader,Arabic +Saliba,Arabic +Shalimo,Russian +Jalchevsky,Russian +Moghadam,Arabic +Velds,English +Bähr,German +Crowley,English +Bacon,English +Guirguis,Arabic +Hadad,Arabic +Haenraets,Dutch +Rios,Portuguese +Kelland,English +Bain,English +Yakimchik,Russian +Kuroda,Japanese +Caruso,Italian +Oborny,Czech +Masuzoe,Japanese +Maalouf,Arabic +Kalambetov,Russian +Halaev,Russian +Uhov,Russian +Hudson,English +Oorschot,Dutch +Foss,French +Barron,English +Schröder,German +Trukhanovsky,Russian +Almasi,Arabic +Toloni,Italian +Hafernik,Czech +Loskov,Russian +Toma,Arabic +Tidmarsh,English +Uberti,Italian +Fulleron,English +Busch,German +Malouf,Arabic +Taverna,Italian +Zhvirblis,Russian +Shahnovich,Russian +O'Keeffe,Irish +Dufort,French +Jubb,English +Capello,Italian +Isa,Arabic +Likov,Russian +Forrest,English +Lajintsev,Russian +Schermer,German +Porsche,German +Silverstein,German +Isherwod,English +Zha,Chinese +Boyce,English +Petrakis,Greek +Nazari,Arabic +Carey,Irish +Echevarría,Spanish +Hurtsilava,Russian +Nakayama,Japanese +Yoshitomi,Japanese +Tsai,Russian +Zhiryakov,Russian +Shalhoub,Arabic +Monomonoi,Japanese +Furlong,English +Mustafa,Arabic +Maalouf,Arabic +Tzarev,Russian +Deribas,Russian +Ormiston,English +Lodyjensky,Russian +Detkov,Russian +Mulryan,Irish +Rigby,English +Etsuko,Japanese +Kinrade,English +Habicht,German +Käufer,German +Maksimychev,Russian +Brisimitzakis,Greek +Harharov,Russian +Weir,English +Millar,Scottish +Amari,Arabic +Königsmann,German +Vaipan,Russian +Abboud,Arabic +Fakhoury,Arabic +Vane,English +Bagroff,Russian +Ko,Korean +Sommer,German +Aloia,Italian +Asker,Arabic +Ranks,English +Dyde,English +Denton,English +Neuman,German +Schoorel,Dutch +Bishara,Arabic +Bakirov,Russian +Upsdell,English +Salvai,Italian +Kalinka,Russian +Badyin,Russian +Emmanuel,English +Hobson,English +Ramírez,Spanish +Balabanov,Russian +Wojda,Polish +Mendel,German +Byon,Korean +Kaube,German +Nahas,Arabic +Topp,English +Kassis,Arabic +Embleton,English +Stenger,German +Amor,English +Shriver,German +Tubinov,Russian +Brodbeck,German +Sherwood,English +Nastoyaschy,Russian +Winther,German +Andrew,English +Mikhail,Arabic +Abidoff,Russian +Fergus,Irish +Uchaikin,Russian +Narahashi,Japanese +Wehner,German +Hattori,Japanese +Abboud,Arabic +Amersvoort,Dutch +Morinaga,Japanese +Kaspar,German +Dolan,English +Impey,English +Rocchi,Italian +Shadid,Arabic +Dang,Vietnamese +Rana,Italian +Tobolin,Russian +Seah,Chinese +Lovell,English +Kofel,Czech +Filipovsky,Russian +Amatore,Italian +Assaf,Arabic +Sluaghadhan,Irish +Robustov,Russian +Hachirov,Russian +Lihachev,Russian +Ritchie,English +Feng,Chinese +Allam,English +Alexander,English +Mustafa,Arabic +Fearns,English +Quigley,Irish +Livshitz,Russian +Assaf,Arabic +Rempler,Russian +Yablonovsky,Russian +Taniguchi,Japanese +Schwarzenegger,German +Onoda,Japanese +Muzykin,Russian +Meyer,German +Giùgovaz,Italian +Di,Italian +Leadley,English +Bagmut,Russian +Valchuk,Russian +Murchadh,Irish +Burden,English +Klein,Czech +Cronin,English +Aswad,Arabic +Cormack,English +Abalihin,Russian +Jenkins,English +Alessandri,Italian +Perrot,French +Ablaev,Russian +Glazychev,Russian +Flavell,English +Kase,Japanese +Jdakaev,Russian +Tomeev,Russian +Ghanem,Arabic +Quinlivan,English +Roganov,Russian +Hadad,Arabic +Chershintsev,Russian +Adami,Italian +Abdrashitov,Russian +Mingo,Spanish +Löwe,German +Paskell,English +Keeler,English +Rodríguez,Spanish +Jupp,English +Hudabirdin,Russian +Ostler,English +Pavone,Italian +Kaufman,German +Temko,Japanese +Naughton,English +Yanenko,Russian +Deribo,Russian +Yakutin,Russian +O'Driscoll,Irish +Fukunaka,Japanese +Gould,English +Rootham,English +Deighton,English +Wörner,German +Pehotin,Russian +Lapidus,Russian +Godwin,English +Awad,Arabic +Close,Greek +Seif,Arabic +Bahar,Arabic +Snelling,English +Ihara,Japanese +Aliberti,Italian +Zaruba,Czech +Abakshin,Russian +Honenev,Russian +Greco,Italian +Neary,English +Wilmot,English +Ui,Japanese +Agafonov,Russian +Abramowich,Russian +Robinson,English +Nisi,Italian +Abadi,Arabic +Jakimovich,Russian +Moghadam,Arabic +Ashe,English +Darbyshire,English +Neumann,German +Ganim,Arabic +Hewitt,English +Pickett,English +Perry,English +Mclaughlin,English +Durov,Russian +Satake,Japanese +Pinho,Portuguese +Yunokawa,Japanese +Whelan,English +Houghton,English +Shimizu,Japanese +Gudzenko,Russian +Adam,English +To,Russian +Naylor,English +Bulgari,Italian +Oconnell,English +Antar,Arabic +Twine,English +Ibi,Japanese +Best,English +Chijov,Russian +Cloutier,French +Eroshin,Russian +Bevan,English +Dehmel,Czech +Somma,Italian +Adulov,Russian +Lévesque,French +Diveev,Russian +Attia,Arabic +Bitar,Arabic +Towell,English +Tomas,English +Tudor,English +Eckstein,German +Assaf,Arabic +Moffat,English +Waring,English +Ganem,Arabic +Nicastro,Italian +Chelmy,English +Schulz,German +Morzhin,Russian +Houttum,Dutch +Dubhan,Irish +Kasamatsu,Japanese +Zavala,Spanish +Tahan,Arabic +Loskutov,Russian +Yamahata,Japanese +Tchehonin,Russian +Maruya,Japanese +Elliot,English +Morimoto,Japanese +Imai,Japanese +Morgan,English +Haanraads,Dutch +Wigley,English +Nanson,English +Wojewódzki,Polish +Braune,German +Keay,English +martin,French +Kurofuji,Japanese +Deeb,Arabic +Isaac,English +Rahal,Arabic +Averbuch,Russian +Horton,English +Wizner,Czech +Livermore,English +Roncalli,Italian +Chaput,French +Salib,Arabic +Kouri,Arabic +Moghadam,Arabic +Plant,English +Downing,English +Größel,German +Pollock,English +Werner,English +Hart,English +Nicholl,English +Youssouf,English +Sullivan,Irish +Yeates,English +Mustafa,Arabic +Jekulin,Russian +Baz,Arabic +Filippenkov,Russian +Teale,English +Leeuwenhoek,Dutch +Lynsmeier,Czech +Teterin,Russian +Favero,Italian +Norsworthy,English +Churyukin,Russian +Keilty,English +Sabbagh,Arabic +Shammas,Arabic +May,English +Willis,English +Ganim,Arabic +Burns,English +Hintzen,German +Armitage,English +Whalen,Irish +Sienkiewicz,Polish +Babutski,Russian +Evrard,English +Shiraev,Russian +Asker,Arabic +Salisbury,English +Kanaan,Arabic +Laar,Dutch +Wrigglesworth,English +Chekhladze,Russian +Said,English +Tsai,Korean +Muzhdabaev,Russian +Hamitsev,Russian +Greenberg,German +Doran,English +Ruadhan,Irish +Mathghamhain,Irish +Uhlik,Czech +Malouf,Arabic +Najjar,Arabic +Mullen,English +Duval,French +Dunne,English +Fabrikant,Russian +Pearson,English +Maksimovsky,Russian +Cathain,Irish +Gillen,English +Sasaki,Japanese +Speziale,Italian +Vertogradov,Russian +Sultana,Italian +Wragg,English +Antar,Arabic +Mundy,English +Shamon,Arabic +Etherington,English +Janjul,Russian +Caivano,Italian +Ramsay,Scottish +Eikhmans,Russian +Shaidurov,Russian +D'amore,Italian +Zavorin,Russian +Vogel,German +Tumicelli,Italian +Mahlinsky,Russian +Rosa,Italian +Glebovitsky,Russian +Endo,Japanese +Pierre,French +Beilin,Russian +Sleiman,Arabic +Saliba,Arabic +Jirava,Czech +Sapienti,Italian +Kikkawa,Japanese +Mustafa,Arabic +Matsumura,Japanese +Schreier,German +Kachkaev,Russian +Awad,Arabic +Collett,English +Granger,French +Simon,French +Ilyutenko,Russian +Hegney,English +Gibson,Scottish +Haidurov,Russian +Zenger,Russian +Talitskih,Russian +Quraishi,Arabic +Guirguis,Arabic +Carson,English +Belikovich,Russian +Wells,English +Kanaan,Arabic +Haldoyanidi,Russian +Durand,English +Gerges,Arabic +Jebo,Russian +Mueller,German +Tapia,Spanish +Enoki,Japanese +Haddad,Arabic +Sumitimo,Japanese +Kaufman,English +Jidilev,Russian +Vaskovtsev,Russian +Hansen,English +Spiker,Dutch +Vyalba,Russian +Zelenoi,Russian +Mizuno,Japanese +Jakimchuk,Russian +Oppenheimer,German +Laurie,English +Allison,English +Caldwell,English +Keffler,English +Cliff,English +Salvail,Italian +Dai,Chinese +Deegan,English +Kieu,Vietnamese +Djigit,Russian +Africano,Italian +Musaev,Russian +Handal,Arabic +Christie,Scottish +Kamo,Japanese +Humphrey,English +Kalb,Arabic +Nahas,Arabic +Agani,Italian +Niles,English +Auberton,English +Raikatuji,Japanese +Alves,Spanish +Murakami,Japanese +Hanania,Arabic +Kuijpers,Dutch +Bieber,German +Amari,Arabic +Sabbag,Arabic +Bouloukos,Greek +Dobryshev,Russian +Fenyo,Czech +Nakano,Japanese +Yeardley,English +Cerny,Czech +Romagnoli,Italian +Perkin,English +Milligan,English +Jurbin,Russian +Kloeten,Dutch +Ellans,English +Renskov,Russian +Dolcy,English +Jirik,Czech +Bartonova,Czech +Ferrari,Italian +Blundell,English +Gatti,Italian +Akamatsu,Japanese +Kim,Korean +Shalhoub,Arabic +Abarinov,Russian +Tyman,English +Mclaughlin,Scottish +Foss,English +Soukup,Czech +Siegl,Czech +Schnoor,German +Guzenkov,Russian +Zhitlukhin,Russian +Jing,Chinese +Moriguchi,Japanese +Ferrier,English +Furnell,English +Birilev,Russian +Maloof,Arabic +Fukuda,Japanese +Nepi,Italian +Lyon,French +Finferovy,Czech +Angus,English +Archer,English +Mozharenko,Russian +Sarna,Czech +Kawasawa,Japanese +Urbina,Spanish +Vyaltsin,Russian +Nielsen,English +Qiu,Chinese +Jegulin,Russian +Norris,English +Wane,English +Scheer,German +Ireson,English +Crump,English +Ukhtomsky,Russian +Ramsay,English +Sleiman,Arabic +Kassab,Arabic +brandt,German +Oakton,English +Haptahaev,Russian +Daniel,English +Sayegh,Arabic +Earle,English +Stubbs,English +Ruslanov,Russian +Pryor,English +Velio,Russian +Peltsman,Russian +Kilbride,English +Helashvili,Russian +Mansour,Arabic +Kyle,English +Cerv,Czech +Grigoriev,Russian +Dinko,Czech +Newsome,English +Yuhotsky,Russian +Gudovsky,Russian +Chehluev,Russian +Huie,Chinese +Cen,Chinese +Zhilkin,Russian +Senyavin,Russian +Samuel,German +Somerville,English +Teague,Irish +Zhegin,Russian +Kattan,Arabic +Ledger,English +Maroun,Arabic +Dodd,English +Connolly,English +Turrell,English +Shamoun,Arabic +Haber,German +Maksinev,Russian +Weber,German +Zhelvakov,Russian +Balakshin,Russian +Partridge,English +Conneely,English +Batsakis,Greek +Arnott,English +Moghadam,Arabic +Finnigan,English +Abboud,Arabic +Dyakov,Russian +Nader,Arabic +Bate,English +Nadwornik,Czech +Deeb,Arabic +Wiesner,Czech +Morcos,Arabic +Kenning,English +Costa,Portuguese +Grady,English +Großer,German +Lebin,Russian +Yakuba,Russian +Judashkin,Russian +Schmeling,German +Blumstein,German +Sheehan,English +Cham,Arabic +Darlington,English +Totolos,Greek +Glennon,English +Sakuraba,Japanese +Hook,English +Belmonte,Spanish +Curley,English +Ventura,English +Clay,English +Chikviladze,Russian +Fern,English +Miura,Japanese +Botros,Arabic +Bazhenin,Russian +Rosser,English +Sayegh,Arabic +Sauvageot,French +Etherton,English +Viner,English +Vinichenko,Russian +Vega,Spanish +Turnham,English +Kyritsis,Greek +Kwakami,Japanese +Behrend,German +Ronald,English +Ribeiro,Portuguese +Adrianov,Russian +Maehata,Japanese +Katz,German +Evason,English +Bradan,Irish +Bramley,English +Mikhilev,Russian +Adolf,Russian +Tahan,Arabic +Giehl,German +Benenati,Italian +Vybornov,Russian +Cowie,English +Bawarin,Russian +Antonini,Italian +Galdin,Russian +Jamlikhanov,Russian +Haddad,Arabic +Rjavinsky,Russian +Gower,English +Masi,Italian +The,Russian +Baldwin,English +Bauers,German +Bird,English +Vanwell,English +Gowing,English +Koury,Arabic +Kikkert,Dutch +Chanchikov,Russian +Kassab,Arabic +Kaima,Japanese +Malouf,Arabic +Lihodei,Russian +Salvaggi,Italian +Bradley,English +Mstislavets,Russian +Halatnikov,Russian +Tennant,English +Saromi,Japanese +Ghanem,Arabic +Hermann,German +Srour,Arabic +Nazari,Arabic +Whittle,English +Westwood,English +Belogrud,Russian +De,Spanish +Allgood,English +Hendry,English +Awerochkin,Russian +Anakin,English +Palin,English +Glynatsis,Greek +Pohilko,Russian +Nieves,Spanish +Svotchak,Czech +Lojchenko,Russian +Yarker,English +Zelenkin,Russian +Ferro,Italian +Picha,Czech +Pope,English +Betts,English +Sammiya,Japanese +Wexler,German +Adrianoff,Russian +Tsahilov,Russian +Otto,German +Abeln,German +Short,English +Sugawara,Japanese +Rahal,Arabic +Harwood,English +Mikhaltsov,Russian +Churchill,English +Aldebrandi,Italian +Delacroix,French +Li,Korean +Mentis,Greek +Leck,English +Yukhtman,Russian +Vinitsky,Russian +Romero,Italian +Matsuya,Japanese +Totah,Arabic +Nahas,Arabic +Sapojnikov,Russian +Jackson,Scottish +Kalakin,Russian +Busby,English +Ryusaki,Japanese +Dioli,Italian +Aart,Dutch +Sen,Russian +Bilyarsky,Russian +Naifeh,Arabic +Kassab,Arabic +Dolman,English +Cham,Arabic +Salib,Arabic +Jenks,English +Kalandinsky,Russian +Yoshida,Japanese +Caito,Italian +Zhurbin,Russian +Mcshane,English +Vyazov,Russian +Tzarevsky,Russian +Ruadhain,Irish +Onishi,Japanese +Raeburn,English +Assaf,Arabic +Navratil,Czech +Goodall,English +Vlasek,Czech +Horanov,Russian +Rashid,English +Makyshev,Russian +Ridge,English +Bocker,German +Swann,English +Takei,Japanese +Kneller,German +Mozhaikin,Russian +Weiss,German +Kilshaw,English +Kinniburgh,English +Gerges,Arabic +Wales,English +Mayer,German +Macleod,English +Tahan,Arabic +Duong,Vietnamese +Emmons,English +Samuels,English +Beck,English +Nuruchev,Russian +Fazylzyanov,Russian +Buren,Dutch +Maloof,Arabic +Sayegh,Arabic +Ghannam,Arabic +Xydis,Greek +Fakhoury,Arabic +Hodowal,Czech +Ribakov,Russian +Pomeroy,English +Fenwick,English +Elanchik,Russian +Krhovsky,Czech +Doherty,English +Beltsov,Russian +Guirguis,Arabic +Bartosz,Polish +Touma,Arabic +Stauss,German +Porosenkov,Russian +Nord,English +Ambrosi,Italian +Nahas,Arabic +Schenck,Dutch +Ryzhankov,Russian +Kassis,Arabic +Otsu,Japanese +Geldart,English +Shahbazyan,Russian +Pagan,English +Upson,English +Son,Korean +Pawluk,Russian +Coilean,Irish +Sanchez,English +Andryunin,Russian +Pegg,English +Goulden,English +Hilton,English +Olmos,Spanish +Jahaev,Russian +Goldberg,English +Tuma,Arabic +Stablum,Italian +Zhegunov,Russian +Grosvenor,English +antonio,Italian +Tchekonov,Russian +Lewerenz,German +Maloof,Arabic +Caro,Italian +Grosfeld,Russian +Flanagan,Irish +Wei,Chinese +Szczepanski,Polish +Mas,Spanish +Westgate,English +Hakimi,Arabic +Driver,English +Paulissen,Dutch +Frame,English +Muladjanov,Russian +Mendoza,Spanish +Kensington,English +Zhelaev,Russian +Bahuta,Russian +Bukoski,Polish +Haddad,Arabic +Ghannam,Arabic +Ino,Japanese +Bazzi,Arabic +Bolívar,Spanish +Vitryansky,Russian +Vesnovsky,Russian +Atkin,English +Huroshvili,Russian +Bata,Arabic +Dodson,English +Adam,Irish +Thomson,English +Shamoon,Arabic +D,English +Wade,English +Marsh,English +Baboshin,Russian +Vinchevsky,Russian +Dagher,Arabic +Nestrojil,Czech +Uehara,Japanese +Alò,Italian +Chadov,Russian +Charpentier,French +Owens,English +Maurice,Irish +Weiss,Czech +Yim,Korean +Marriott,English +Naifeh,Arabic +Koyanagi,Japanese +Tchekhoev,Russian +Swatchak,Czech +Boulos,Arabic +Morev,Russian +Esenin,Russian +Cham,Arabic +Bran,Irish +Yapp,English +Prosser,English +Rodgers,English +Campo,Spanish +Bereznikov,Russian +Bakaleinik,Russian +Faerber,German +Kakinomoto,Japanese +Koruba,Japanese +Winstanley,English +Houk,German +Warszawski,Polish +Tuma,Arabic +Bitar,Arabic +Page,English +Kocian,Czech +Egerton,English +Horoshavin,Russian +Mujikov,Russian +Kanaan,Arabic +Robert,French +Abreu,Spanish +Halabi,Arabic +Dagher,Arabic +Moshonkin,Russian +Heather,English +Ridle,English +Thelwell,English +Riverov,Russian +Amos,English +Reading,English +Awad,Arabic +Ortiz,Spanish +Deane,English +Nusinov,Russian +Muro,Japanese +Kempster,English +Shiokawa,Japanese +Crisp,English +Vonnegut,German +Trattles,English +Plank,German +Domhnall,Irish +Tchekhluev,Russian +Patrick,English +Issa,Arabic +Meeuweszen,Dutch +Yang,Korean +Adelardi,Italian +Kuramochi,Japanese +Dobbins,English +Zambrano,Italian +Rushton,English +Knopf,German +Tchekhlakovsky,Russian +Kitao,Japanese +Murase,Japanese +Gribin,Russian +Lozinsky,Russian +Ren'Kas,Russian +Bumgarner,German +Rhys,Irish +Isman,English +Ohmae,Japanese +Mihelson,Russian +Vass,English +Accursio,Italian +Crocetti,Italian +Zenzinov,Russian +Laird,English +Horoshavtsev,Russian +Piontek,Polish +Tolbuhin,Russian +Ibbs,English +Maurer,German +Gagnon,French +Shalunov,Russian +Leone,Italian +Puerta,Spanish +Monte,Italian +Oichi,Japanese +Vicario,Spanish +Gorman,German +Likhosherstov,Russian +Lorenzen,German +Arakawa,Japanese +Akiyama,Japanese +Childs,English +Ustilovsky,Russian +Sugase,Japanese +Hudoinatov,Russian +Tuma,Arabic +Aspin,English +Tieu,Vietnamese +Zharkov,Russian +Boutros,Arabic +Nagai,Japanese +Whitley,English +Sauber,German +Chuhlov,Russian +Bautin,Russian +Handal,Arabic +Preston,English +O'Brian,Irish +Avanesov,Russian +Teal,English +Safar,Arabic +Metrofanis,Greek +Moghadam,Arabic +Abbatelli,Italian +Gottschalk,German +Chepelyanov,Russian +Awakoff,Russian +Cook,English +Kinghorn,English +Elms,English +Fugunaga,Japanese +Puschin,Russian +Abulkhanoff,Russian +Maçon,French +Rizzo,Italian +Ellis,English +Mcnaught,English +Storer,English +Ashley,English +Pillar,Czech +Fotopoulos,Greek +Findlay,English +Fabrichnikov,Russian +Böhmer,German +Nixon,English +Nisbet,English +Miyazaki,Japanese +Hadad,Arabic +Henriques,Portuguese +Haase,German +Sobol,Polish +Privorotsky,Russian +Xue,Chinese +Patenaude,French +Assaf,Arabic +Satorie,Czech +Freeman,English +Jablonowsky,Russian +Sommer,German +Ran,Chinese +Hanania,Arabic +Shadhan,Russian +Cousins,English +Kawate,Japanese +Maloof,Arabic +Kendall,English +Emyshev,Russian +Troekurov,Russian +Fernyhough,English +Brahms,German +Lindo,English +Woolnough,English +Tassioglou,Greek +Ganim,Arabic +Treblik,Czech +Shirdov,Russian +Hogg,English +Kimura,Japanese +Dudurich,Russian +Grivet,English +Grozovsky,Russian +Reddy,English +Talbot,English +Grib,Russian +Wicks,English +Abbakumov,Russian +Pinnock,English +Clarke,English +Ikeda,Japanese +Tatnell,English +Bandini,Italian +Gilmore,English +Likhobaba,Russian +Touma,Arabic +Majewski,Polish +Nao,Chinese +Rouse,English +Marchesi,Italian +Mai,Vietnamese +Farren,English +Rinaldi,Italian +Nutman,English +Sarraf,Arabic +Addison,English +Obata,Japanese +Janicek,Czech +Macdonald,English +Stangl,Czech +Biggs,English +Modegi,Japanese +Hackett,English +Munster,Russian +Towle,English +Shimazaki,Japanese +Chalov,Russian +Rhodes,English +Scutese,Italian +Tovey,English +Sinagra,Italian +Ocallaghan,English +Pyshkin,Russian +Howarth,English +Isa,Arabic +Talalihin,Russian +Knights,English +Corti,Italian +Schultheiß,German +Isaichikov,Russian +Bekyashev,Russian +Moreno,English +Mcgrory,English +Handal,Arabic +Trimble,English +Vakulsky,Russian +Alduino,Italian +Belich,Russian +Coulson,English +Tokuoka,Japanese +Engel,German +Marfin,Russian +Perevuznik,Czech +Zhamsuev,Russian +Joyce,English +Tzarakov,Russian +Avsenev,Russian +Carruthers,English +Marie,French +Shadid,Arabic +Sleiman,Arabic +Leake,English +Lakey,English +Winfield,English +Soler,Spanish +Yasujiro,Japanese +Woodhams,English +Dunnett,English +Bakshansky,Russian +Ganim,Arabic +Farrell,Irish +Stock,English +Yamhata,Japanese +Shamon,Arabic +Tarantino,Italian +Murray,Scottish +Zeleny,Russian +Ponomarkov,Russian +Kanaan,Arabic +Shamoon,Arabic +Pechagin,Russian +Gabrielli,Italian +Ennikeev,Russian +Giannakopoulos,Greek +Ang,Chinese +Bischoffs,German +Guzner,Russian +Campbell,Scottish +Maroun,Arabic +Withers,English +Iida,Japanese +Mindibekov,Russian +Daher,Arabic +Granin,Russian +Ganim,Arabic +Hughes,English +Pickersgill,English +Sharples,English +Easton,English +Kitson,English +Wellman,English +Gachinsky,Russian +Lesauvage,French +santigo,Portuguese +Wasem,Arabic +Saliba,Arabic +Miki,Japanese +Baibakov,Russian +Kartoziya,Russian +Oaks,English +Meeuwes,Dutch +Kurray,English +Edmond,English +Kanaan,Arabic +Keegan,English +Munro,Scottish +Adamski,Russian +Niu,Chinese +Reinders,Dutch +Ealham,English +Gough,English +Opova,Czech +Aswad,Arabic +Pitomets,Russian +wegberg,German +Edgson,English +Harkness,English +Basara,Arabic +Tsukade,Japanese +Khalil,English +Cipriani,Italian +Rademacher,German +Sarraf,Arabic +Cardozo,Portuguese +Yamura,Japanese +Vinton,English +Denham,English +Winward,English +Abrami,Italian +Mikhail,Arabic +Ironmonger,English +Turford,English +Imaizumi,Japanese +Sarkozy,French +Sin,Korean +Toyota,Japanese +Aggelen,Dutch +Xiang,Chinese +Elston,English +Sneijder,Dutch +Bretz,German +Izumi,Japanese +Ottey,English +Annan,English +Pyhteev,Russian +Achteren,Dutch +Anisikhin,Russian +Marion,French +Traynor,English +Pawlak,Czech +Lepehin,Russian +Vargas,Portuguese +Zhukovets,Russian +Gaber,Arabic +Tinsley,English +Robustelli,Italian +Futabatei,Japanese +Katzenelenbaum,Russian +Rosario,Portuguese +Hlupin,Russian +Golovatsky,Russian +Pett,English +Geftler,Russian +Hakimi,Arabic +Turovsky,Russian +Agudoff,Russian +Watt,English +Fakhoury,Arabic +Boutros,Arabic +Lynes,English +Sokolik,Czech +Doi,Japanese +Griffiths,English +Arian,Arabic +Ocaskova,Czech +Hotate,Japanese +Abboud,Arabic +Rosenberg,German +Kowalski,Polish +Marubeni,Japanese +Chepko,Russian +Kearney,English +Yoshizaki,Japanese +Ambrogi,Italian +Saliba,Arabic +Nascimbeni,Italian +Reader,English +Kihara,Japanese +Staska,Czech +Truchanow,Russian +Jordan,German +Jakhin,Russian +Mikhailin,Russian +Konarik,Czech +Haddad,Arabic +Maceachthighearna,Irish +Wagstaff,English +Ventimiglia,Italian +Rippin,English +Shahtmeister,Russian +Schwarzenberg,Dutch +Mollaev,Russian +Dover,English +Taflambas,Greek +Cormac,Irish +Tchanturia,Russian +Sorge,German +Burdett,English +Rumpade,Dutch +Babashov,Russian +Nurmuhametov,Russian +Abbatangelo,Italian +Gniewek,Polish +Peers,English +Tolvinsky,Russian +Silje,Dutch +Jelezko,Russian +Pickthall,English +Yeon,Korean +Mcdonagh,English +Kalb,Arabic +Sastre,Spanish +Zhuravov,Russian +Leblanc,French +Komine,Japanese +Ron,Korean +Emery,English +Vilgelminin,Russian +Xian,Chinese +Valiakhmetov,Russian +Nassar,Arabic +Schultze,German +Reade,English +Briggs,English +Attwood,English +Schlantz,Czech +Zogby,Arabic +Halabi,Arabic +Edmondson,English +Romagna,Italian +Sekine,Japanese +Lepikhov,Russian +Colbert,French +Shadid,Arabic +Sarkis,Arabic +Bavidoff,Russian +Kock,German +Jacobson,English +Wasem,Arabic +Krauß,German +Martel,French +Tong,English +Azhnikov,Russian +Koiso,Japanese +Lindop,English +Winograd,Polish +Serafin,Polish +Will,English +Najjar,Arabic +Kataoka,Japanese +Sleiman,Arabic +Mansour,Arabic +Nobbs,English +Merckx,Dutch +Hamada,Japanese +Niall,Irish +Zhigulenkov,Russian +Jerome,English +Béringer,French +Tunev,Russian +Swan,English +Jeltov,Russian +Rempel,Russian +Idoni,Italian +Malouf,Arabic +Deeb,Arabic +Homyakov,Russian +Simon,Dutch +Gerges,Arabic +Kröger,German +Rademakers,Dutch +Tsurimi,Japanese +Vaniev,Russian +Bairamukov,Russian +Demas,Greek +Nayler,English +Pellegrino,Italian +Collingwood,English +Hunter,Scottish +Bazzi,Arabic +Newcombe,English +Tiedeman,German +Kalashnik,Russian +Ieyoshi,Japanese +Rowan,English +Nahas,Arabic +Ketteringham,English +Vilkitsky,Russian +Yagutyan,Russian +Santana,Spanish +Chepasov,Russian +Feetham,English +Robe,English +Ranson,English +Dael,Dutch +Fraser,English +Antar,Arabic +Gajos,Polish +Butt,English +Pilkington,English +Jiao,Chinese +Dúbhshlaine,Irish +Warby,English +Onusaitis,Russian +Roosevelt,Dutch +Paul,French +Coghlan,Irish +Mah,Chinese +Spoerl,Czech +Anami,Japanese +Enns,German +Shamoon,Arabic +Komura,Japanese +Laar,Dutch +Penders,Dutch +Ulyatt,English +Valishin,Russian +Vaganov,Russian +Taltskov,Russian +Zogby,Arabic +Frey,English +Harb,Arabic +Lamb,English +Wolff,German +Odell,English +Drummond,English +Maxa/B,Czech +Masin,Italian +Ackary,English +Fadzaev,Russian +Anikushin,Russian +Evdakov,Russian +Taldykin,Russian +Ecclestone,English +Aswad,Arabic +Alker,English +Demichev,Russian +Browne,English +Farrier,English +Zogby,Arabic +Kanak,Czech +Kalb,Arabic +Beyer,German +Andruhovich,Russian +Grotus,Russian +Kenyon,English +Shamoun,Arabic +Bradach,Irish +Lawton,English +Papadopulos,Greek +Dvorak,Czech +Yasmin,English +Hahn,German +Smets,Dutch +Ueshima,Japanese +Hay,Scottish +Torrens,English +Nastavin,Russian +Vernon,English +Koizumi,Japanese +Sklavenitis,Greek +Hickman,English +Nazari,Arabic +Veitch,English +Dewar,English +Hand,English +Tsuji,Japanese +Hoch,German +Espley,English +Koo,Korean +Almasi,Arabic +Shipley,English +Campana,Italian +Leitz,German +Paszek,Polish +Kanaan,Arabic +Sarraf,Arabic +Thackeray,English +Guo,Chinese +Maas,Dutch +Cracchiolo,Italian +Shamon,Arabic +Reay,English +Kundert,German +Taidhg,Irish +Siew,Chinese +Kumiega,Polish +Grabski,Czech +Ferrara,Italian +Motoyoshi,Japanese +Shadid,Arabic +Rann,English +Arvanitoyannis,Greek +Onkov,Russian +Houlton,English +Macleod,Scottish +Abadi,Arabic +Pyle,English +Sun,Korean +Handal,Arabic +Anton,English +Gaber,Arabic +Hana,Czech +Schlimme,German +Smolák,Polish +Hassan,English +Symes,English +Nezamutdinov,Russian +Tcharukhin,Russian +Wood,Scottish +Abramtchikoff,Russian +Gribanovsky,Russian +Aggi,Italian +Liu,Chinese +Samaha,Arabic +Tursunov,Russian +Norgrove,English +Kopp,German +Currie,English +Essa,Arabic +Flanagan,English +Powell,English +Cnaimhin,Irish +Wadham,English +Lihodeev,Russian +Wise,English +Hastings,English +Frei,German +Bah,Russian +Loson,Russian +Crosby,English +Issa,Arabic +O'Grady,Irish +Shening,Russian +O'Shea,Irish +Biljo,Russian +Victor,Czech +Antar,Arabic +Vajenin,Russian +Himonenko,Russian +Pazhukov,Russian +Capello,Italian +Tsuda,Japanese +Girard,French +Numata,Japanese +Avhimovitch,Russian +Roth,English +Rekunov,Russian +Miles,English +Lauritz,German +Awad,Arabic +Atterbury,English +Kwak,Korean +Davlyatov,Russian +Holyuchenko,Russian +Tsumemasa,Japanese +Loft,English +Elvins,English +Tchamov,Russian +Hatoyama,Japanese +Ferreira,Portuguese +Kenrick,English +Chepik,Russian +Vaughn,English +Jems,English +Ring,English +Jaeger,German +Pemberton,English +Lombardi,Italian +Handal,Arabic +Adler,English +Brett,English +Pahmutov,Russian +The,Russian +Appleton,English +Morrison,Scottish +Newbury,English +Nyrtsev,Russian +Nomikos,Greek +Gabler,German +Buhr,German +Major,English +Emmins,English +Farrington,English +Haik,Arabic +Kan,Chinese +Bitar,Arabic +Lawrie,English +Eglan,English +Packard,English +Wray,English +Kassis,Arabic +O'Connell,Irish +Mogilny,Russian +Thurston,English +First,Russian +Dougal,English +Nineham,English +Hirano,Japanese +Poulin,French +Aldridge,English +Cahill,English +Moles,Spanish +Ewing,English +Knopp,German +Alford,English +Tchangli,Russian +Jardine,English +Roma,Italian +Kijimuta,Japanese +Losa,Spanish +Dubanowski,Polish +Amesbury,English +Ashdown,English +Guerrero,Spanish +Glockl,Czech +Toma,Arabic +Jemchujnikov,Russian +Napper,English +Adamovich,Russian +Jamlihanov,Russian +Haanraats,Dutch +Sturgess,English +Linart,Czech +Lebedyansky,Russian +Eckersley,English +Gaspar,Portuguese +Gaber,Arabic +Phi,Vietnamese +Schuyler,Dutch +Boutros,Arabic +Baturov,Russian +Beatty,English +Napoletani,Italian +Mein,German +Said,Arabic +Patsiorkovsky,Russian +Hayden,Irish +De,French +Aalsburg,Dutch +Antoun,Arabic +Baba,Arabic +Ruzhentsov,Russian +Cerney,Czech +Bermúdez,Spanish +Ageitchik,Russian +Alderisi,Italian +Caddy,English +Tovkan,Russian +Jagalin,Russian +Mata,Spanish +Stumpf,German +Pozzi,Italian +Awdyunin,Russian +Nejentsev,Russian +Naggi,Italian +Babusenko,Russian +Alexandar,English +Kirkman,English +Perina,Czech +Eoghan,Irish +Gong,Chinese +Schoettmer,German +Grosz,German +Peacock,English +Parry,English +Jakimychev,Russian +Parsons,English +Duchamps,French +Sówka,Polish +Garrastazu,Spanish +Jaluvka,Czech +Shahno,Russian +Amerighi,Italian +Safar,Arabic +Fothergill,English +Agamirzyan,Russian +Girdwood,English +Tannous,Arabic +Renkas,Russian +Zelensky,Russian +Motta,Italian +Gunby,English +Pavot,English +Hadad,Arabic +Hampson,English +Baz,Arabic +Lovatt,English +Jaskolski,Polish +Essa,Arabic +Ganem,Arabic +Wiseman,English +Grec,Spanish +Gagulin,Russian +Fattore,Italian +Fleming,English +Sepelev,Russian +Golovaty,Russian +Fiscella,Italian +Stokoe,English +Hepples,English +Granov,Russian +Hatskevich,Russian +Bekleshev,Russian +Allsop,English +Fukayama,Japanese +Zeng,Chinese +Klimek,Polish +Adrol,English +Egof,Russian +Goulding,English +Avinov,Russian +Basile,Italian +Prosdocimi,Italian +Elachich,Russian +Amello,Italian +Oyama,Japanese +Álvarez,Spanish +Mccourt,English +Geiger,German +Rushby,English +Accardo,Italian +Emsden,English +Mcmillan,English +Gerges,Arabic +Hrdy,Czech +Toma,Arabic +Zoucha,Czech +Platt,English +Yabsley,English +Mcdonnell,English +Sayegh,Arabic +Persein,Czech +Zhestkov,Russian +Bakholdin,Russian +Zingerman,Russian +Belrose,French +Snowden,English +Kanegawa,Japanese +Gallagher,English +Naser,Arabic +Jujlev,Russian +Deng,Chinese +Asghar,Arabic +Ebbs,English +Salter,English +Bear,English +Karlovsky,Czech +Jäger,German +Ybarra,Spanish +Mari,Italian +Cockburn,English +Dickson,Scottish +Shiga,Japanese +Trollope,English +Meissner,German +Patrick,Irish +Badaev,Russian +Bazzi,Arabic +Stokes,English +Siegel,German +Salib,Arabic +Poon,English +Jowett,English +Hagiwara,Japanese +Lileev,Russian +Steffen,German +Yeatman,English +Heritage,English +Kerrighen,English +Medina,Spanish +Tankoshitsu,Japanese +Vollans,English +Turulo,Russian +Maroun,Arabic +Nifterick,Dutch +Shiba,Japanese +Kunkle,German +Murov,Russian +Kalb,Arabic +Kijmuta,Japanese +Stoppard,English +Nurjanov,Russian +Vivas,Spanish +Azhogin,Russian +Zhilov,Russian +Hamnett,English +Mill,English +Antoun,Arabic +More,English +Jewitt,English +Collins,Irish +Curtis,English +Astle,English +Isa,Arabic +Mateus,Portuguese +Magro,Italian +Sokolowski,Polish +Nader,Arabic +Chertkov,Russian +Rahal,Arabic +Kleid,German +Araya,Spanish +Boutros,Arabic +O'Donoghue,Irish +Stoddart,English +Tsarkov,Russian +Antwerp,Dutch +Stotzky,Czech +Lynch,English +Farrar,English +Benson,English +Savinov,Russian +Kabaev,Russian +Fakhoury,Arabic +Agliullin,Russian +Bagnoli,Italian +Yablovsky,Russian +Vives,Spanish +Chemlik,Czech +Haupt,German +Jimenez,Spanish +Atabekyan,Russian +Lowrie,English +Kraus,German +Ito,Japanese +Jepson,English +Nugent,English +Tsvetnov,Russian +Roth,German +Huan,Chinese +Ukiyo,Japanese +Laverick,English +Lowis,English +Goloveshkin,Russian +Aiza,Spanish +Cavey,French +Bitar,Arabic +Valentine,English +Jordan,English +Imagawa,Japanese +Mahoney,English +Tse,Chinese +Philips,Dutch +Uesugi,Japanese +Mustafa,Arabic +Haddad,Arabic +Abbott,English +Abrarov,Russian +Nanami,Japanese +Essa,Arabic +Jackman,English +Mikheenkov,Russian +Valkin,Russian +Yanvarev,Russian +Hudecek,Czech +Padovano,Italian +Opp,Czech +Timmins,English +Thurling,English +Tonks,English +Goff,English +Berezitsky,Russian +Srour,Arabic +Connor,English +Asom,English +Yagubsky,Russian +Abisaloff,Russian +Koury,Arabic +Nogushi,Japanese +Litchfield,English +Sada,Japanese +Nowell,English +Kubo,Japanese +Kalb,Arabic +Harb,Arabic +Nakanishi,Japanese +Rzhavinsky,Russian +Schepin,Russian +Kerby,English +Herodes,Czech +Hlestov,Russian +Seif,Arabic +Cowan,English +Tsutaya,Japanese +Piatek,Polish +Lam,Chinese +Leccese,Italian +Albert,Spanish +Tuma,Arabic +Nuremberg,German +Devonport,English +Jikov,Russian +Jigulsky,Russian +Naser,Arabic +Sampson,English +Hardy,English +Tange,Japanese +Alliott,English +Ketley,English +Malihoudis,Greek +Ernest,English +Tzeiner,Russian +Butler,English +Kidd,English +Amari,Arabic +Jidomirov,Russian +Botros,Arabic +Handal,Arabic +Adlam,English +Iwasa,Japanese +Hajjar,Arabic +Slepica,Czech +De,Italian +Cosgrove,English +Deeb,Arabic +Urogataya,Japanese +Kohler,German +Gauk,Russian +Pierce,English +Carroll,English +Balamutenko,Russian +Franzese,Italian +Roche,French +Kitamura,Japanese +Smith,Czech +Kinder,English +Mallinson,English +Ustohal,Czech +Deniau,French +Ruvelas,Greek +Awertcheff,Russian +Kamio,Japanese +Garside,English +Kats,Russian +Abelman,Russian +Bakmeister,Russian +Makushkin,Russian +Guerra,Spanish +Maughan,English +Kysel,English +Kaur,English +Tumanovsky,Russian +Felton,English +Kang,Korean +Likhanov,Russian +Wilkin,English +Abana,Spanish +Boutros,Arabic +Gwock,Chinese +Abbey,English +Jamieson,Scottish +sauveterre,French +To,Russian +Achterberg,German +Zherebin,Russian +O'Hagan,Irish +Lawlor,English +Hofmeister,German +Kurmochi,Japanese +Borovsky,Czech +Golosnenko,Russian +Boulton,English +Junge,German +Bruckner,Czech +Elashkin,Russian +Touma,Arabic +Mihalev,Russian +Geissler,German +Rothschild,German +Matokai,Japanese +Kelso,English +Shi,Chinese +Beaumont,English +Cremaschi,Italian +Kalinnikov,Russian +Andrushkevich,Russian +Vestri,Italian +Hladky,Czech +Luxton,English +Tchapko,Russian +Babel,Russian +Radcliffe,English +Almasi,Arabic +Kwei,Chinese +Douglas,Scottish +Thonon,English +Escarrà,Spanish +Negrini,Italian +Harb,Arabic +Sharma,English +Koury,Arabic +Nevin,Irish +Yanagi,Japanese +Mustafa,Arabic +Stepan,Czech +Verbin,Russian +Line,English +Pirozhkov,Russian +Zasypkin,Russian +Mogilyuk,Russian +Chanyshev,Russian +Milford,English +Ho,Vietnamese +Tokarev,Russian +Ogilvy,English +Cassidy,English +Peij,Dutch +Gulentsov,Russian +Pantelakos,Greek +Nasrutdinov,Russian +Nejdanov,Russian +Flack,English +Aleshire,German +Qureshi,Arabic +Garfagnini,Italian +Sakubara,Japanese +Ransom,Czech +Assen,Dutch +Fakhoury,Arabic +Seredkin,Russian +Gaber,Arabic +Khouri,Arabic +Amari,Arabic +Ruadh,Irish +Bakshtanowski,Russian +Dent,English +Cunningham,English +Oldham,English +Kaletin,Russian +Rahal,Arabic +Beloshapkin,Russian +Makricosta,Greek +Tomes,Czech +Barros,Spanish +Daher,Arabic +Vyner,English +Prevost,English +Antoshin,Russian +Fabr,Russian +Shamon,Arabic +Devlin,English +Awgustoff,Russian +Naifeh,Arabic +Vajorov,Russian +Anker,English +Featherstone,English +Iggleden,English +Vickerman,English +Hojo,Japanese +Onoshkin,Russian +Baidjanov,Russian +Oshima,Japanese +Ghanem,Arabic +Jensen,English +Brooke,English +Najjar,Arabic +Arriola,Spanish +Schitsyn,Russian +Schneiders,Dutch +Krawiec,Czech +Lihomanov,Russian +Dahl,German +Sniegowski,Polish +Redding,English +Wallace,English +Raymond,English +Mifsud,Arabic +Kesl,Czech +Marusa,Japanese +Bauman,Russian +Ayton,English +Ezakiya,Japanese +Khouri,Arabic +Paduchev,Russian +Vilyamovsky,Russian +Gwerder,German +Gessen,Russian +Paternoster,German +Maille,Irish +Avtokratov,Russian +Trott,English +Vaskov,Russian +Abolihin,Russian +De,Italian +Bassanelli,Italian +Chweh,Korean +Grey,English +Hussain,English +Cuéllar,Spanish +Reynders,Dutch +Naifeh,Arabic +Harkovchuk,Russian +pasqua,Italian +Loritz,German +Protz,German +Tovar,English +Anisemenok,Russian +Isa,Arabic +Juhimenko,Russian +Horkin,Russian +Dunst,German +Tollis,English +Malouf,Arabic +Smit,English +Macfarlane,English +Naldi,Italian +Alladee,English +Kasahara,Japanese +Andryuschenko,Russian +Neill,English +Baum,German +Stieber,German +Hubbard,English +South,English +Sparacello,Italian +O'Neal,Irish +Parker,English +Belichenko,Russian +Rowson,English +Mayuzumi,Japanese +Tzederbaum,Russian +Sartini,Italian +Snyder,Dutch +Mcgregor,English +Schuchard,German +Bruno,Italian +Verell,English +Tzenin,Russian +Pastore,Italian +Saliba,Arabic +Richardson,English +Yang,Chinese +Vabbe,Russian +Borland,English +Craig,English +Southwick,English +Katsuba,Russian +Falk,English +Eames,English +Yagodnikov,Russian +Marquering,Dutch +Hanzhin,Russian +Speed,English +Balanev,Russian +Mccallum,English +Basara,Arabic +Hagias,Greek +Gagarinov,Russian +Howells,English +Maxwell,English +Davidson,Scottish +Godby,English +Cham,Arabic +Saliba,Arabic +Dogadaev,Russian +Haik,Arabic +Columbo,Italian +Cottrell,English +Bein,Russian +Bei,Chinese +Antar,Arabic +Tansley,English +Deeb,Arabic +Abdurakhmanoff,Russian +Chrysanthopoulos,Greek +Daher,Arabic +Fearn,English +Fermi,Italian +Eslick,English +Moss,English +Gaber,Arabic +Ojeda,Spanish +Abboud,Arabic +Imanov,Russian +Jo,Korean +Ravenna,Italian +Halabi,Arabic +Oberto,Italian +Michel,French +Price,English +Diev,Russian +Pirzadyan,Russian +Martinelli,Italian +Bernard,Polish +Jakunchikov,Russian +Kabakchi,Russian +Trueman,English +Vygovsky,Russian +Vakulenko,Russian +Gunther,German +Marchanukov,Russian +Paulis,German +Abadi,Arabic +Arian,Arabic +King,Scottish +Lemaire,French +Attia,Arabic +Nishimuraya,Japanese +Dovjuk,Russian +Zhovnir,Russian +Toma,Arabic +Nazari,Arabic +Lopez,Spanish +Deryagin,Russian +Ingle,English +Stoppelbein,German +Notoriano,Italian +Baxter,English +Koury,Arabic +Zogby,Arabic +Fakhoury,Arabic +Hajjar,Arabic +Koci,Czech +Luzzatto,Italian +Bazovsky,Russian +Pytsky,Russian +Frukalov,Russian +Ligachev,Russian +Tuboltsev,Russian +Charlton,English +Pokhmel'Nyh,Russian +Assaf,Arabic +Rios,Spanish +Vinny,English +Batchurin,Russian +Steen,German +Leibovsky,Russian +Dawson,English +Katsepov,Russian +Murrell,English +Gilbey,English +Kalamanov,Russian +Haddad,Arabic +Tuma,Arabic +Shambazov,Russian +Srour,Arabic +Boutros,Arabic +Baklagin,Russian +Edgerton,English +Hanania,Arabic +Reveley,English +Lyes,English +Zhai,Chinese +Healey,English +Etheridge,English +Shan,Chinese +Reardon,English +Dzhanashia,Russian +Tomkins,English +Tobiash,Russian +Slaski,Polish +Yankovsky,Russian +Bolcar,Czech +Nosaka,Japanese +Jidenko,Russian +Arian,Arabic +Favager,French +Bang,Korean +Lawther,English +Berger,German +Pochitalin,Russian +Rigatos,Greek +Tukabaev,Russian +Shalhoub,Arabic +Pailing,English +Halabi,Arabic +Mazaki,Japanese +Digurov,Russian +Kerner,German +Etchells,English +Baiseitov,Russian +Blecha,Czech +Forsythe,English +Samaha,Arabic +Sarraf,Arabic +Dardenne,English +Tuthill,English +Terauchi,Japanese +Koury,Arabic +Schulte,German +Coiro,Italian +Pelletier,French +Downes,English +Rycroft,English +Rahal,Arabic +Yomkins,English +Devine,English +Rochev,Russian +Tuma,Arabic +Lodochnikov,Russian +Lohvitsky,Russian +Abategiovanni,Italian +Fabian,Polish +Kassis,Arabic +Luc,Vietnamese +Fujishima,Japanese +Frost,English +Yuzefov,Russian +Carney,English +Fawn,English +Bulgarelli,Italian +Napoleoni,Italian +Pentin,Russian +Jivotinsky,Russian +Opizka,Czech +Bahtiev,Russian +Muruyama,Japanese +Abuladze,Russian +Suenami,Japanese +Tubolkin,Russian +Schuhmacher,German +Baumgarten,Russian +Dudley,English +Kiefer,German +Yeardsley,English +Vogt,German +Kabisha,Russian +Peatain,Irish +Nahas,Arabic +Upfield,English +Pokhlebkin,Russian +Carling,English +Enticott,English +Pirojenko,Russian +Avgerinos,Greek +Reid,Scottish +Tromonin,Russian +Tovuu,Russian +Idane,Japanese +Yufryakov,Russian +Grosshopf,Russian +Tait,English +Ingledew,English +Sciacchitano,Italian +Royall,English +Ferreiro,Portuguese +Oliver,French +Barsetti,Italian +Sleiman,Arabic +Dora,English +Kearsley,English +Byrne,English +Mndoyants,Russian +Porra,Spanish +Duffield,English +Zilberschlag,German +Yangarber,Russian +Shadid,Arabic +Wilde,English +Kreskas,Greek +Shakhovskoi,Russian +Ababko,Russian +O'Donnell,Irish +Noskin,Russian +Spicka,Czech +Ramsey,English +Kaye,English +Srour,Arabic +Hadad,Arabic +Movchan,Russian +Fukuzawa,Japanese +Kinsley,English +Amoretto,Italian +Water,English +Wasem,Arabic +Simms,English +Shadid,Arabic +Shaitan,Russian +Fierro,Spanish +Tarrant,English +Gardner,English +Nicodemo,Italian +Haik,Arabic +Rivel,Russian +Totah,Arabic +Guadarrama,Spanish +Newstead,English +Otoole,English +Nassar,Arabic +Yuhman,Russian +Ellery,English +Lupichev,Russian +Mustafa,Arabic +Tindall,English +Aston,English +Adamidis,Greek +Fux,German +Carpenter,English +Rose,English +Zini,Italian +Shamon,Arabic +Bazhenov,Russian +Tulakov,Russian +Hamidullin,Russian +Haik,Arabic +Balashov,Russian +Birch,English +Said,Arabic +Hadad,Arabic +Renkevich,Russian +Skwor,Czech +Harb,Arabic +Jenkinson,English +Polivka,Russian +Kenmotsu,Japanese +Moghadam,Arabic +Barandych,Russian +Homaiko,Russian +Bahurin,Russian +Bakurov,Russian +Doan,Vietnamese +Brune,German +Yakhimovich,Russian +Maslanka,Polish +Amari,Arabic +Faen,Russian +Tosell,Spanish +Meisner,German +Zhelehovsky,Russian +Researcher,Russian +Hajek,Czech +Britton,English +Tovstuha,Russian +Meeuwsen,Dutch +Vyshinsky,Russian +Paradiz,Russian +Egorin,Russian +Volsky,Russian +Bata,Arabic +Gunning,English +Aylott,English +Renshaw,English +Protopsaltis,Greek +Grosser,German +Zhuo,Chinese +Quraishi,Arabic +Gammer,English +Foth,German +Mcavoy,English +Zhunin,Russian +Ruscoe,English +Kappel,Dutch +Barr,English +Bauze,Russian +Okimasa,Japanese +Samaha,Arabic +Matziev,Russian +Fitzsimmons,English +Nemecek,Czech +Samaha,Arabic +Kikutake,Japanese +Ponec,Czech +Paternoster,French +Maroun,Arabic +Hairov,Russian +Babanov,Russian +Rawsthorne,English +Deniaud,French +Houston,English +Elven,English +Senyakovich,Russian +Pey,Dutch +Innocenti,Italian +Solomon,French +Arnett,English +pietro,Italian +Emmott,English +Paredes,Portuguese +Goncharuk,Russian +Lewry,English +Handal,Arabic +Capello,Spanish +Routledge,English +Ponec,Czech +Enikolopov,Russian +Baldinotti,Italian +Kassis,Arabic +Totah,Arabic +Tselios,Greek +Payne,English +Moshenko,Russian +Leiviman,Russian +Schmidt,English +Salib,Arabic +Papageorge,Greek +Weineltk,Czech +Zhizhemsky,Russian +Bayliss,English +Novy,Czech +Royle,English +Hartley,English +Veltistov,Russian +Grayson,English +Sai,Vietnamese +Endzelin,Russian +Szweda,Polish +Tarumi,Japanese +Bains,English +Ganem,Arabic +Johanson,English +Zhong,Chinese +Kilmurry,English +Lethbridge,English +Agrenev,Russian +Dubatkov,Russian +Piskarenkov,Russian +Dempster,English +Ryder,English +Safar,Arabic +Shalhoub,Arabic +Blake,English +Shammas,Arabic +Naser,Arabic +Takashi,Japanese +Martins,English +Close,Greek +Fionin,Russian +Schmid,English +Gavin,English +Muyskens,Dutch +Peeters,Dutch +Dolezal,Czech +Fukumitsu,Japanese +You,Chinese +María,Spanish +Bagrov,Russian +Cingolani,Italian +Abushenko,Russian +Ghanem,Arabic +Ajnikov,Russian +Tolbert,French +Meindl,German +Rothwell,English +Nani,Italian +Ikina,Japanese +Nader,Arabic +Hideyoshi,Japanese +Ghannam,Arabic +Penney,English +Yorke,English +Beer,English +Casey,Irish +Warden,English +St,French +Dzharimov,Russian +Stanton,English +Hadad,Arabic +Jirov,Russian +Reuter,German +Janick,Czech +Quraishi,Arabic +Mahonov,Russian +Goto,Japanese +Malouf,Arabic +Kartvelin,Russian +Toien,Russian +Jimbo,Japanese +Yan,Chinese +Leese,English +Agnusdei,Italian +Zharmuhamedov,Russian +Filipkov,Russian +Bitar,Arabic +Tseiner,Russian +Abarca,Spanish +Kanaan,Arabic +Nevitsky,Russian +Feldt,German +Campos,Portuguese +Laren,Dutch +Stupka,Czech +Oelberg,German +Durber,English +Navrkal,Czech +Fertig,German +Aleshite,German +Essa,Arabic +Parisi,Italian +Matskovsky,Russian +Law,Chinese +Judakov,Russian +Shiskikura,Japanese +Moore,English +Awad,Arabic +Ogrady,English +Oishi,Japanese +Notman,English +Driml,Czech +Akutagawa,Japanese +Holmogortsev,Russian +Totah,Arabic +Denzel,German +Altshuller,Russian +Aritza,Spanish +Schumacher,German +Kano,Japanese +Nagata,Japanese +Knighton,English +Friend,English +Daushev,Russian +Manoukarakis,Greek +Simões,Portuguese +Kunkel,German +Gell,English +Sweeney,English +Hurst,English +Garbutt,English +Messer,German +Zaskanov,Russian +Alfero,Italian +Delaney,English +Tykal,Czech +Power,Irish +Doon,English +Shamon,Arabic +Beloschin,Russian +Vihnovich,Russian +Gandham,English +Hyobanshi,Japanese +Keal,English +Entwistle,English +Fonseca,Spanish +Newsham,English +Ho,Korean +Najjar,Arabic +Gilchrist,English +Kalbfleisch,German +Leibkin,Russian +Drewett,English +Pavlychev,Russian +Bazzoli,Italian +Kuwabara,Japanese +Bayer,German +Leith,English +Grigoriev,Russian +Kuno,Japanese +Paine,English +Offermans,Dutch +Chen,Chinese +Asker,Arabic +Ibarra,Spanish +Pascoe,English +Unkle,German +Oxby,English +Lakin,English +Handal,Arabic +Judinsky,Russian +Nader,Arabic +Khouri,Arabic +Mcrae,English +Gu,Korean +Barzetti,Italian +Giles,English +Rumsey,English +Khoury,Arabic +Fairweather,English +Jelyabovsky,Russian +Macarthur,English +Jameson,English +Baba,Arabic +Schroeder,German +Vourlis,Greek +Otyutsky,Russian +Lezhnev,Russian +Andruhov,Russian +Coomber,English +Bakhmetoff,Russian +Crespo,Spanish +Bösch,German +Otain,Russian +Ludgrove,English +Waterman,English +Inson,English +Abboud,Arabic +Kasaya,Japanese +Abrosimov,Russian +Oflynn,English +Reid,English +Havrichev,Russian +Vogts,German +Jarkih,Russian +Naifeh,Arabic +Handal,Arabic +Reier,German +Fountain,English +Di,Italian +Belimov,Russian +Zhan,Chinese +Tselikov,Russian +Unsworth,English +Dobrovsky,Russian +Gayazov,Russian +Yudolovich,Russian +Macha,Czech +Duarte,Portuguese +Elapov,Russian +Escott,English +Savatier,French +Agababyan,Russian +Gatsunaev,Russian +Awrorin,Russian +Haladzhan,Russian +Attia,Arabic +Kouba,Czech +Neslyuzov,Russian +Crouch,English +Aven,Russian +Milward,English +Kromberg,English +Perreault,French +Tahan,Arabic +Ceallach,Irish +Griff,English +Lenihan,English +Roggeveen,Dutch +Fairclough,English +Browning,English +Zhang,Chinese +Alesci,Italian +Mckee,English +Evison,English +Visnapu,Russian +Kefalas,Greek +Anderson,English +Zhao,Chinese +Renaud,French +Avenue,English +Lapikov,Russian +Miheev,Russian +Gardinier,French +Maita,Japanese +Nicosia,Italian +Koenig,German +Fearnley,English +Sassa,Japanese +Eggleston,English +Sarraf,Arabic +Gulyansky,Russian +Reyer,French +Morello,Italian +Ruhlyada,Russian +Uno,Japanese +Mawson,English +Avtomovich,Russian +Ganim,Arabic +Najjar,Arabic +Laterza,Italian +Hachirobei,Japanese +Ortega,Spanish +Jorov,Russian +Traversa,Italian +Bello,Italian +Sartre,French +Guirguis,Arabic +Baikov,Russian +Sayers,English +Wootton,English +Toucet,English +Mochulsky,Russian +Clineburg,Czech +Cuan,Chinese +Nakhodkin,Russian +Geryk,Czech +Jijin,Russian +Qureshi,Arabic +Cabral,Portuguese +Azarola,Spanish +Yoshinobu,Japanese +Cain,English +Bata,Arabic +Mudra,Czech +Butter,English +Pallett,English +Zhiltsov,Russian +Ponidelko,Russian +Horowitz,German +D'onofrio,Italian +Ashwell,English +Romano,Italian +Samaha,Arabic +Almeida,Portuguese +Campbell,English +Eidelman,Russian +Tsakh,Russian +Geracimos,Greek +Essa,Arabic +Kokkali,Greek +Tannous,Arabic +Isa,Arabic +Omori,Japanese +Dobrivsky,Russian +Philips,English +Ruda,Czech +Daniels,English +Grulich,Czech +Brunet,English +Zharkih,Russian +Tomanek,Czech +Foston,English +Baitchoroff,Russian +O'Keefe,Irish +Nana,Italian +Fallows,English +Che,Chinese +Basara,Arabic +Attia,Arabic +Kozu,Japanese +Easterbrook,English +Antoun,Arabic +MonkoAustria,Czech +Heathcote,English +Jewkes,English +Shamon,Arabic +Bowden,English +Lepikhin,Russian +Ashida,Japanese +Horn,English +Blecher,German +Groves,English +Elizondo,Spanish +Thorndyke,English +Machin,English +Wilks,English +Lama,Italian +Wieck,German +Yambaev,Russian +Nazari,Arabic +Bell,Scottish +Brook,English +Carter,English +Miyake,Japanese +Matsuzawa,Japanese +Choshi,Japanese +Jankis,Russian +Rutman,Russian +Dam,Vietnamese +bosque,Spanish +Bahar,Arabic +Simpson,Scottish +Han,Chinese +Isaakidis,Russian +Sekovora,Czech +Strickland,English +Cham,Arabic +Naser,Arabic +Tamura,Japanese +Glaznev,Russian +Horn,Dutch +Inaba,Japanese +Younge,English +Kapoor,English +Saliba,Arabic +Mcewan,English +Hudoleev,Russian +Bunya,Japanese +Kattan,Arabic +Murtas,Italian +Salucci,Italian +Hayashida,Japanese +Pochinsky,Russian +Blaise,French +Tchajengin,Russian +Totah,Arabic +Alkov,Russian +Shenkarev,Russian +Minamoto,Japanese +Hanania,Arabic +O'Sullivan,Irish +Hatayama,Japanese +Sleiman,Arabic +Villis,English +Atiyeh,Arabic +Nahas,Arabic +Siskind,German +Poingdestre,French +Newington,English +Yaikbaev,Russian +Zihanov,Russian +Patril,Czech +Engelgard,Russian +Ayres,English +Yepishev,Russian +Medeiros,Portuguese +Baitalsky,Russian +Vaca,Czech +Likhodei,Russian +Wheeler,English +Osaragi,Japanese +Prokuronov,Russian +Albrici,Italian +Fakhoury,Arabic +Kendell,English +Juravkov,Russian +Bloggs,English +Obyedkov,Russian +Haddad,Arabic +Fukuoka,Japanese +Lewin,English +Kreisinger,Czech +Attia,Arabic +Fernandes,Portuguese +Jankilevsky,Russian +Sakai,Japanese +Touma,Arabic +Graham,Scottish +Nuallan,Irish +Hapov,Russian +Ludkin,English +Miheenkov,Russian +Macclelland,Irish +Shammas,Arabic +Piazza,Italian +Essa,Arabic +Ewart,English +Prygoda,Russian +Holding,English +Astley,English +Atkins,English +Jornyak,Russian +Zolkin,Russian +Harb,Arabic +Polivanov,Russian +Wang,Chinese +Eyles,English +Lumb,English +Bajanoff,Russian +Waldron,English +Spellmeyer,German +Slivka,Czech +Adsett,English +Ughi,Italian +Purnell,English +Martynenko,Russian +Kalb,Arabic +Vysotsky,Russian +Pickard,English +Suh,Korean +Géroux,French +Desyatnichenko,Russian +Foxall,English +Nyamin,Russian +Ohba,Japanese +Shalhoub,Arabic +Paraskos,Greek +Kafka,Czech +Kaddour,English +Sharp,English +Aswad,Arabic +Wan,Chinese +Morishita,Japanese +Beech,English +Nezvigin,Russian +Macrae,English +Antar,Arabic +Zogby,Arabic +Dwyer,English +Wilkins,English +Boutros,Arabic +felice,Italian +Hamaev,Russian +Travers,French +Kudrna,Czech +Issa,Arabic +Saliba,Arabic +Samaha,Arabic +Wakeford,English +Toma,Arabic +Albert,English +Joseph,English +Alam,English +Macdermott,Irish +Tillett,English +Remikh,Russian +Chu,Vietnamese +Cameron,English +Mingazetdinov,Russian +Kokoris,Greek +Nicholls,English +Morcos,Arabic +Pho,Vietnamese +Lillis,Greek +Masih,Arabic +Harper,English +Snaaijer,Dutch +Sabbagh,Arabic +Denney,English +Basara,Arabic +Gladwell,English +Asfour,Arabic +Flynn,Irish +Orbell,English +Kill,English +Mckeown,English +Steadman,English +Addinall,English +Bower,English +Wasem,Arabic +Issa,Arabic +Friedrich,German +Mustafa,Arabic +Hamilton,English +Parkins,English +Leach,English +Sabbag,Arabic +Hanania,Arabic +Luo,Chinese +Schnur,German +Anley,English +Tatlock,English +O'Meara,Irish +Hui,Chinese +Shalagin,Russian +Gilder,English +Luttrell,English +Vine,English +Dempko,Czech +Balanowski,Russian +Cockle,English +Dufour,French +Harb,Arabic +Birnbaum,Russian +Kouri,Arabic +Lumley,English +Evans,English +Onohara,Japanese +Birich,Russian +Vela,Spanish +Waller,English +Mifsud,Arabic +Bale,English +Titterington,English +Kattan,Arabic +Ahearn,Irish +Godden,English +Bata,Arabic +Sarkis,Arabic +Koury,Arabic +Naifeh,Arabic +Foster,English +Pullen,English +Russon,English +Hoyle,English +Urista,Czech +Monet,French +Turkin,Russian +Lejebokov,Russian +Bakihanov,Russian +Sabbag,Arabic +Rahal,Arabic +Poyser,English +Silcock,English +Lawerenz,German +Darcy,English +Oleary,English +Vaginoff,Russian +Bill,English +Weldon,English +Pelih,Russian +Ruzzier,Italian +Rutkowski,Polish +Yun,Chinese +Kelly,Irish +Deeb,Arabic +Mochan,Irish +Amari,Arabic +Baik,Korean +Dann,English +Croft,English +Górski,Polish +Bakhorin,Russian +Shamon,Arabic +Baird,English +Alldritt,English +Papoutsis,Greek +Darakov,Russian +Dorrian,English +Bak,Russian +Turtsevich,Russian +Long,Chinese +Sarraf,Arabic +Joubert,French +Forakis,Greek +Manfredi,Italian +Irvin,English +Roche,English +Aquino,Italian +Mcgrath,English +Chertkovsky,Russian +Pike,English +Ven,Dutch +De,Italian +Rovkov,Russian +Komatsuzaki,Japanese +Chiba,Japanese +Toma,Arabic +Barros,Portuguese +Zaoui,English +Rickard,English +Wykruta,Czech +Buckingham,English +Zheludev,Russian +Sakiyurai,Japanese +Villeneuve,French +Abrasimoff,Russian +Halabi,Arabic +Chuhlomin,Russian +Aspinall,English +Daele,Dutch +Kirk,English +Abadi,Arabic +Holmes,English +Maroun,Arabic +De,Italian +Galanopoulos,Greek +Senior,English +Newman,English +Frostick,English +Yakimov,Russian +Benesch,Czech +ingersleben,German +Inukai,Japanese +Georgijev,Czech +Kusatsu,Japanese +Maryanovsky,Russian +Gaber,Arabic +Gunn,English +Harrison,English +Agnelli,Italian +Nevins,English +Martin,French +Nader,Arabic +Luppov,Russian +Mansour,Arabic +Niemczyk,Polish +Godfrey,English +Gotti,German +Gonzalez,English +Compton,English +Kattan,Arabic +Wilson,English +Mizutani,Japanese +Kubota,Japanese +Baichikov,Russian +Isaacs,English +Awakyan,Russian +Allwood,English +Appleyard,English +Mihalchenko,Russian +Elesin,Russian +Morrison,English +Wasem,Arabic +Jitluhin,Russian +Jdanovsky,Russian +Cheshire,English +Müller,German +Naifeh,Arabic +Jaffray,English +Lobo,Portuguese +Hanania,Arabic +Puga,Spanish +Oldroyd,English +Martyuk,Russian +Kumasaka,Japanese +Mansell,English +Finkel,Russian +Funabashi,Japanese +Baksaraev,Russian +Freight,English +Asghar,Arabic +Forest,French +Dagher,Arabic +Agaltsov,Russian +Aihara,Japanese +Dobrojanov,Russian +Power,English +Qureshi,Arabic +Ware,English +Morcos,Arabic +Krüger,German +Turney,English +Cremonesi,Italian +Zhigin,Russian +Adsit,Czech +Lewington,English +Yeo,Korean +Freudenberger,German +Thien,Chinese +O'Doherty,Irish +Dervish,English +Galli,Russian +Serafin,Italian +Haenraats,Dutch +Tanner,English +Dozmorov,Russian +Quattrocchi,Italian +Dack,English +Toma,Arabic +Poggio,Italian +Shima,Czech +Egershtrom,Russian +Murkami,Japanese +Caiazzo,Italian +Legrand,French +Zhalnin,Russian +Pendleton,English +Ślązak,Polish +Poniros,Greek +Norton,English +Woo,Chinese +Haik,Arabic +Stabile,Italian +Rallis,Greek +Szwarc,Polish +Utyaganov,Russian +Kloet,Dutch +Gromyhalin,Russian +Reyes,English +Janoch,Czech +Tchekmasov,Russian +Sayegh,Arabic +Biganska,Czech +Jenner,English +Maly,Czech +Shammas,Arabic +Bannister,English +Issac,English +Lancaster,English +Everill,English +Bentley,English +Kalatin,Russian +White,Scottish +Martinez,English +Abadi,Arabic +Harb,Arabic +Chartorijsky,Russian +Richmond,English +Franklin,English +stefano,Italian +Adoratski,Russian +Ichiro,Japanese +Koliha,Czech +Turke,English +Gall,English +Fortin,English +Basygysov,Russian +Odaka,Japanese +Haesh,Russian +Simons,German +Sumner,English +Safar,Arabic +Shalhoub,Arabic +Armbrüster,German +Mitsui,Japanese +Deeb,Arabic +Attrill,English +Naggia,Italian +Geeson,English +Natalushko,Russian +Allan,English +Shamoon,Arabic +Tsaizer,Russian +Akrivopoulos,Greek +Zhigailo,Russian +Lody,Russian +Sayegh,Arabic +Helley,English +Nardi,Italian +Neighbour,English +Pohilchuk,Russian +Pharlain,Irish +Tosetti,Italian +Mihalchuk,Russian +Baer,Russian +French,English +Babakulov,Russian +Achilles,German +Drabble,English +Clark,Irish +Blazek,Czech +Hoefler,German +Drysdale,English +Gaber,Arabic +Langbroek,Dutch +Vassilopulos,Greek +Good,English +Isachenkov,Russian +Burgstaller,German +Jokin,Russian +Makioka,Japanese +Pefanis,Greek +Kassab,Arabic +Cai,Chinese +Uhanov,Russian +Sleiman,Arabic +Marszałek,Polish +Abboud,Arabic +Rahil,Russian +Hadad,Arabic +Switzer,German +Loat,English +Vallins,English +Batsevich,Russian +Kistner,German +Villanueva,Spanish +Mistry,English +Cotter,English +Katzuba,Russian +Milano,Italian +Tombs,English +Naser,Arabic +Ter,Dutch +Harb,Arabic +Mansour,Arabic +Bennett,English +Dijin,Russian +Reiher,German +Moser,German +Assaf,Arabic +An,Vietnamese +Boutros,Arabic +Mansour,Arabic +Shakhnovsky,Russian +Klein,German +Troon,English +Cham,Arabic +pierre,French +Kikuchi,Japanese +Umehara,Japanese +Kimber,English +Mansour,Arabic +Whitelaw,English +Zelentsov,Russian +Flynn,English +Gallego,Spanish +Oswald,English +Frederikson,English +Kava,Polish +Sabbag,Arabic +Jovtyak,Russian +Rana,Spanish +Reynolds,English +Ganim,Arabic +Faltejsek,Czech +Aiolfi,Italian +Zhmakov,Russian +Riain,Irish +Nazari,Arabic +Dagher,Arabic +Jvachkin,Russian +Ostcliffe,English +Iseki,Japanese +Ra,Korean +Villalobos,Spanish +Lgov,Russian +Krivolavy,Czech +Cleirigh,Irish +Nezametdinov,Russian +Shamon,Arabic +Bakikhanov,Russian +Thompson,English +Ness,English +Asker,Arabic +Shui,Chinese +Vilchek,Russian +De,English +Bazunov,Russian +Chukhnov,Russian +Widdows,English +Makhankov,Russian +Orlando,Italian +Said,Arabic +Hajjar,Arabic +Abelli,Italian +Kolen,Dutch +Zhelnin,Russian +Zhmaev,Russian +Asker,Arabic +Jebson,English +Crocker,English +Dupont,English +Abubekeroff,Russian +Awad,Arabic +Nuriev,Russian +Waghorn,English +Street,English +Whalley,English +Lysak,Russian +Fairley,English +Gerges,Arabic +Sarno,Italian +Mifsud,Arabic +Walmsley,English +Kassis,Arabic +Shahrai,Russian +Kogo,Japanese +Rosenbloom,English +Leeming,English +Morek,Czech +Dojin,Russian +Blakey,English +Bagler,Russian +Bonheur,French +David,English +Khoury,Arabic +Glasov,Russian +Gordon,Russian +Minchev,Russian +Gagin,Russian +Zhurov,Russian +Tsigleev,Russian +Touma,Arabic +Haikin,Russian +Johnston,English +Quang,Vietnamese +Mitsubishi,Japanese +Kon,Japanese +Stevenson,English +Harman,German +Alesini,Italian +Antar,Arabic +StrakaO,Czech +Sissons,English +Derjavets,Russian +Rooiakker,Dutch +Daher,Arabic +Panoulias,Greek +Rey,Spanish +Antipas,Greek +Nazari,Arabic +Sanda,Japanese +Zhakmon,Russian +Balanowsky,Russian +Galler,Russian +Multakh,Russian +Simpson,English +Irvine,English +Favre,French +Kosko,Czech +Neville,Irish +Ruzhnikov,Russian +Iwahara,Japanese +Swales,English +Nuttall,English +Younis,English +Fallon,English +Farge,English +Arian,Arabic +Yi,Korean +Ganim,Arabic +Tsalko,Russian +Endroe,English +Page,Russian +Forbes,English +Mccaffrey,English +Arrigucci,Italian +Nakanoi,Japanese +Probert,English +Uzbekov,Russian +Ling,English +Kools,Dutch +Abboud,Arabic +Verona,Italian +Asghar,Arabic +Luhovitsky,Russian +Locke,English +Cremona,Italian +Tuma,Arabic +Amadori,Italian +Zhongolovich,Russian +Katsourinis,Greek +Lobo,Spanish +Isa,Arabic +Meeuwessen,Dutch +Herrmann,German +Sordi,Italian +Dopiro,Russian +Quraishi,Arabic +Marek,Czech +Zimnuhov,Russian +Sevriens,Dutch +Espino,Spanish +Tahan,Arabic +Brabbery,Czech +Harry,English +Tzehmistrenko,Russian +Manco,Italian +Tsahalis,Greek +Kennell,English +Hachatur'Yan,Russian +Pajitnov,Russian +Shamarin,Russian +Ozimuk,Czech +Budny,Polish +Svocak,Czech +Kajahara,Japanese +Costello,English +Vavrovsky,Russian +Simonek,Czech +Portner,German +Tsukahara,Japanese +Okey,English +Tsys,Russian +Pitchford,English +Louth,English +Nazari,Arabic +Zhiro,Russian +Walther,German +Handzhyan,Russian +Stamatelos,Greek +Girling,English +Ryjih,Russian +Vanechkin,Russian +Malouf,Arabic +Styles,English +Tafani,Italian +Borovski,Czech +Etxebarria,Spanish +Wakatsuki,Japanese +Shea,English +Lagorio,Italian +Regenbogen,German +Wronski,Polish +August,Russian +Aylett,English +Tahan,Arabic +Eccott,English +Khan,English +Addis,English +Basyuk,Russian +Rahlin,Russian +Turnock,English +Awad,Arabic +Redfern,English +Villa,Italian +Uchiyama,Japanese +Aikman,English +Conti,Italian +Lai,Chinese +Fuller,English +Schultes,German +Veen,Dutch +Roberts,English +Isakovsky,Russian +Townsley,English +Abatangelo,Italian +Elliston,English +Tsukioka,Japanese +Tobin,English +Solos,Spanish +Krakowski,Polish +Faltysek,Czech +Medved,Russian +Nakao,Japanese +Zimonin,Russian +Weasley,English +Anikin,Russian +Pavlu,Czech +Shang,Chinese +Gonzalez,Spanish +Duggan,English +Slater,English +Lavoie,French +Adrichem,Dutch +Koban,English +Martynovsky,Russian +Bailey,English +Potseluev,Russian +Tomlinson,English +Nasikovsky,Russian +Monahan,Irish +Aoki,Japanese +Micheli,Italian +Darichev,Russian +Pech,Czech +Mulligan,English +Jarratt,English +Grierson,English +Banks,English +Abel,French +Inglethorpe,English +Toma,Arabic +Ladyzhensky,Russian +Steer,English +Natale,Italian +Hudik,Russian +Bing,Chinese +Alberghini,Italian +Aswad,Arabic +Katznelson,Russian +Felix,English +Gerges,Arabic +Thean,Chinese +rege,Italian +Hine,English +Tahan,Arabic +Birshtein,Russian +Purse,English +Tabuchi,Japanese +Towns,English +Zhizhnov,Russian +Ferdinand,English +Anoprienko,Russian +Amelyakin,Russian +Dreyer,English +Holder,English +Awad,Arabic +Spyridis,Greek +Shamota,Russian +Duckworth,English +Tuma,Arabic +Lobb,English +Daniau,French +Eliasberg,Russian +Zhivotovsky,Russian +Sheinfeld,German +Adoduroff,Russian +Wrightson,English +Squires,English +Wasem,Arabic +Podsvirov,Russian +Oberti,Italian +Weston,English +Shammas,Arabic +Valentini,Italian +Pinder,English +Fomintsev,Russian +Lapakov,Russian +Essan,English +Kings,English +Sleiman,Arabic +Avzalov,Russian +Kremlicka,Czech +Abudikhin,Russian +Pontyushenko,Russian +Vasyuchkov,Russian +Aeschelman,German +Kilford,English +Siagyo,Japanese +Nader,Arabic +Jiu,Chinese +Segers,Dutch +Freeth,English +Wasem,Arabic +Love,English +Netsch,Czech +Wildgrube,German +Warner,German +Oneill,English +Ranger,English +Emerson,English +Aalst,Dutch +Sarkis,Arabic +Peake,English +Gaudin,English +Tableriou,Greek +Tuma,Arabic +Nakasato,Japanese +Lock,English +Najjar,Arabic +Welton,English +Wetterman,German +Marchioni,Italian +Tisdall,English +Roldán,Spanish +Rutter,English +Segawa,Japanese +Rutberg,Russian +Lew,Chinese +Abelló,Italian +Herron,English +Shigi,Japanese +Tovbin,Russian +Moreno,Portuguese +Chaplin,English +Arakida,Japanese +Masih,Arabic +Crow,English +Suzuki,Japanese +Fell,English +Pliner,Russian +Vlasak,Czech +Aswad,Arabic +Guirguis,Arabic +O'Hare,Irish +Down,English +Nishiwaki,Japanese +Hanari,Japanese +Davydenkov,Russian +Kuramoto,Japanese +Pickford,English +Chong,English +Zhelezovsky,Russian +Macpherson,English +Safar,Arabic +Bekhteev,Russian +Torney,English +Estévez,Spanish +Núñez,Spanish +Mordovtsev,Russian +Yorston,English +Pridvorov,Russian +Maroun,Arabic +Kajiwara,Japanese +Dell,English +Openshaw,English +Kolovos,Greek +Shaiahmetov,Russian +Woodham,English +Jablokov,Russian +Rettig,German +Veasey,English +Otomo,Japanese +Tang,English +Odonnell,English +Fukuyama,Japanese +Meadhra,Irish +Yasuda,Japanese +fontaine,French +Tuckey,English +Gray,English +Thurgood,English +Saksagansky,Russian +Gladchenko,Russian +Bazzi,Arabic +Yosano,Japanese +Tomàs,Spanish +Lu:,Chinese +Fuhrmann,German +Proulx,French +Toman,Czech +Myers,English +Atiyeh,Arabic +Davis,English +Kashiwagi,Japanese +Keeley,English +Sutherland,Scottish +Hofer,German +Asfour,Arabic +Hyata,Japanese +Autenburg,German +Mokhnatkin,Russian +Leikam,Russian +Torrance,English +Procter,English +Heron,English +Aweritchkin,Russian +Auttenberg,Polish +Shigeki,Japanese +Calogerakis,Greek +Junusov,Russian +Srour,Arabic +Vaccaro,Italian +Ishihara,Japanese +Moghadam,Arabic +Oesterreicher,Czech +Iemochi,Japanese +Mach,Vietnamese +Hayashi,Japanese +Ritter,German +Karahalios,Greek +Janovich,Russian +Ullman,English +Bagaryakoff,Russian +Southern,English +Keelan,English +Rahal,Arabic +Likhobabin,Russian +Solo,Spanish +Wasem,Arabic +Mihailitsyn,Russian +Paisley,English +Tomasek,Czech +Potenza,Italian +Greenslade,English +Wähner,German +Tzalykhin,Russian +Shakhmatov,Russian +Gianakopulos,Greek +Bakhturin,Russian +Deeb,Arabic +Seelenfreund,German +Bristow,English +Saville,English +Lyme,English +Sanna,Italian +Asari,Japanese +Kishi,Japanese +Shirmankin,Russian +Awalishwili,Russian +Lebedich,Russian +Akhtar,English +Sachs,German +Urbanovska,Czech +Momdjyan,Russian +Pokhlebaev,Russian +Goretti,Italian +Hasek,German +Irie,Japanese +Mihalushkin,Russian +Bader,German +Attia,Arabic +Zhimailov,Russian +Croucher,English +Neusser,Czech +Teasdale,English +De,Spanish +Ba,Arabic +Nezamai,Russian +Davletshin,Russian +Szewc,Polish +Juravlenko,Russian +Brezovjak,Czech +Sitko,Polish +Tailor,English +O'Kane,Irish +Nifterik,Dutch +Wiggins,English +Valmary,English +Jobst,Czech +Tedesco,Italian +Kouches,Greek +Neilsen,English +Mishima,Japanese +Seif,Arabic +Ireland,English +Dillon,English +Gololobov,Russian +Mikhailutsa,Russian +Abanin,Russian +Mohan,Irish +Srour,Arabic +Esionov,Russian +Kaiser,German +Jirikov,Russian +Tahan,Arabic +Won,Chinese +Hirase,Japanese +Sarraf,Arabic +Harb,Arabic +Cavalcante,Italian +Rahal,Arabic +Nieddu,Italian +Jmuro,Russian +Deeb,Arabic +Poyasnik,Russian +Koury,Arabic +Durnev,Russian +Sleiman,Arabic +Rahal,Arabic +Kattan,Arabic +Eggison,English +Dooley,English +Machado,Portuguese +Schneijder,Dutch +Schneider,German +Ageenko,Russian +Almasi,Arabic +Juferev,Russian +Exton,English +Obuh,Russian +Mifsud,Arabic +Shalhoub,Arabic +Fierro,Italian +Anscombe,English +Kouri,Arabic +Lachapelle,French +Leandres,French +Babosov,Russian +Varakin,Russian +Fossard,English +Grossgeim,Russian +Apeldoorn,Dutch +Rousseau,French +Dubois,French +Qureshi,Arabic +Tzahilov,Russian +Fabb,English +Dagher,Arabic +Plastow,English +Minin,Russian +Rice,English +Romano,Italian +Dankov,Russian +Verpeto,Russian +Bishop,English +Koguchi,Japanese +Asanuma,Japanese +Desyatnikov,Russian +To,Vietnamese +Bazzi,Arabic +Dahin,Russian +Whittingham,English +Carboni,Italian +Thornley,English +Ingles,English +Quraishi,Arabic +Bellandi,Italian +Kartajev,Russian +Nichol,English +Ramsden,English +Allard,French +Parakhin,Russian +O'Hannigain,Irish +Nassar,Arabic +Fearghal,Irish +Anofriev,Russian +Otletov,Russian +Atiyeh,Arabic +Oreilly,English +Gunston,English +Bazarhandaev,Russian +Artz,German +Baz,Arabic +Matano,Japanese +Brunton,English +Cavanagh,English +nicolas,Spanish +Ganim,Arabic +Kakutama,Japanese +Whitlock,English +Heywood,English +Ghannam,Arabic +Hoffmann,German +Greenway,English +Kojima,Japanese +Close,Greek +Rishitnik,Russian +Baburin,Russian +Cham,Arabic +Leyland,English +Tyler,English +Vlach,Czech +Bianchi,Italian +Zhurin,Russian +Gleave,English +Zipperer,Czech +Emms,English +Naifeh,Arabic +Adlersflügel,German +Puig,Spanish +Finn,English +Atiyeh,Arabic +Alytsky,Russian +Siemon,German +Rosales,Spanish +Zabek,Polish +Issa,Arabic +Aldren,English +Bruhn,German +Shaw,Scottish +Stark,English +Lowe,English +Elmes,English +Vásquez,Spanish +Were,English +Turintsev,Russian +Shalhoub,Arabic +Ba,Arabic +Staff,English +Raifikesht,Russian +Blahut,Czech +Cerny,Czech +Radley,English +Zheravin,Russian +Takabe,Japanese +Svejda,Czech +Kalakos,Greek +Dagher,Arabic +Redden,English +Mangnall,English +Quraishi,Arabic +Dixon,English +Danks,English +Forsh,Russian +Accorso,Italian +Amod,English +Cham,Arabic +Vyakhirev,Russian +Kalikhov,Russian +Fakhoury,Arabic +Dieter,German +Maddocks,English +Lake,English +Hanania,Arabic +Buggenum,Dutch +Attia,Arabic +Juhvidov,Russian +Hong,Korean +Tahan,Arabic +Rompaeij,Dutch +Babienko,Russian +Abbate,Italian +Aida,Japanese +Hutchinson,English +Grygarova,Czech +Baukin,Russian +Piccoli,Italian +Partington,English +Stroud,English +Botros,Arabic +Lozhkin,Russian +Judasin,Russian +Rhys,English +Edler,English +Waterfield,English +Terakado,Japanese +Lokh,Russian +Horri,Japanese +Palmer,English +Breisacher,German +Connell,English +Ganem,Arabic +Katzari,Russian +Shannon,English +Cookson,English +Haddad,Arabic +Tahan,Arabic +Cernochova,Czech +Toma,Arabic +Jakov,Russian +Zhernakov,Russian +Bibichev,Russian +Mokhov,Russian +Mustafa,Arabic +Sanderson,English +Leaver,English +Abov,Russian +Fan,Chinese +Sabbag,Arabic +Golomolzin,Russian +Félix,Spanish +Sabbagh,Arabic +Touma,Arabic +Zhiznevsky,Russian +Asfour,Arabic +You,Korean +Pesce,Italian +Dodin,Russian +Vickery,English +Hedley,English +Sabbagh,Arabic +Saigo,Japanese +Shamoon,Arabic +Noda,Japanese +Pasternak,Polish +Voss,German +Casales,Spanish +Antwerpen,Dutch +Tipping,English +Anipkin,Russian +Janutka,Czech +Aust,German +Fakhoury,Arabic +Garner,English +Gallacher,English +Greening,English +Janimov,Russian +Hadad,Arabic +Mcloughlin,English +Guirguis,Arabic +Uoya,Japanese +Wasem,Arabic +Pituhin,Russian +Galvin,English +Brennan,English +Leeuwenhoeck,Dutch +Ping,Chinese +Mondo,Italian +Zimny,Russian +Davison,English +Baiburski,Russian +Ekimov,Russian +Mutsu,Japanese +Schuttmann,German +Robson,English +Tickner,English +Mcmillan,Scottish +Manning,English +Owings,English +Gaber,Arabic +Haigh,English +Tuma,Arabic +Jukes,English +Shamoun,Arabic +Miao,Chinese +Corr,English +Sarraf,Arabic +Aswad,Arabic +Donnachie,English +Duan,Chinese +Pick,English +Vypolzov,Russian +Doga,Russian +Jidkikh,Russian +Craven,English +Zolotar,Russian +The,Russian +Katschker,Czech +Zhen,Chinese +Leitner,German +Willson,English +Hanifatullin,Russian +Nakada,Japanese +Balakhowski,Russian +Ghannam,Arabic +Mihalevich,Russian +Cisternino,Italian +Loh,Chinese +Samaha,Arabic +Mccall,English +Tuma,Arabic +Umney,English +Gudenok,Russian +Sugai,Japanese +Noon,English +Agabekov,Russian +Janvier,French +Brady,Irish +Georgeakopoulos,Greek +Newby,English +Clark,English +Morcos,Arabic +Salib,Arabic +Bazzi,Arabic +Baumbach,German +Awerintsev,Russian +Mathieu,French +Wong,Chinese +Shadid,Arabic +Takagi,Japanese +Kimble,English +O'Dell,Irish +Glatter,Czech +Tunison,Dutch +Wei,Chinese +Skala,Polish +Shadid,Arabic +Downey,English +Zielinski,Polish +Beadle,English +Pigott,English +Mifsud,Arabic +Earing,English +Awad,Arabic +Lawa,Czech +Fielding,English +Boutros,Arabic +Grinham,English +Geier,Czech +Uemura,Japanese +Nurse,English +Radford,English +Malouf,Arabic +Jagubsky,Russian +Comino,Greek +Ents,Russian +Reed,English +Diakogeorgiou,Greek +Zhilenko,Russian +Lohtin,Russian +Tobias,French +Haddad,Arabic +Holan,Czech +Shuai,Chinese +Yoshifumi,Japanese +Gately,English +Baba,Arabic +Cao,Chinese +Kachainik,Russian +Mifsud,Arabic +Denis,French +Abaziev,Russian +Ashcroft,English +Bitar,Arabic +Daher,Arabic +Kalb,Arabic +Antonowitsch,Czech +Beilis,Russian +Xing,Chinese +Fava,Italian +Ebner,German +Alemagna,Italian +Harb,Arabic +Tokar,Russian +Tchaly,Russian +Lord,English +Kwang,Korean +Vedyaskin,Russian +Thomason,English +Rodrigues,English +Rogers,English +Tinkler,English +Aue,German +Benvenuti,Italian +Kong,Chinese +Humphreys,English +Hetherington,English +Kilbey,English +Agosti,Italian +Asker,Arabic +Hosokawa,Japanese +Bassett,English +Batunov,Russian +Pender,English +Entler,Czech +Pekhotin,Russian +Nutella,English +Lumsden,English +Nader,Arabic +Nakatoni,Japanese +Whitfield,English +Paton,English +Mihalchev,Russian +Ibbotson,English +Yarwood,English +Möller,German +Ganim,Arabic +Filipowski,Polish +Vince,English +Jabin,Russian +Barclay,English +Jivov,Russian +Hanraets,Dutch +Pazhitnov,Russian +Qian,Chinese +Zinyuhin,Russian +Baldini,Italian +Oxtoby,English +Armer,English +Leihtenbergsky,Russian +Bush,English +Parris,French +Tikhomirnov,Russian +Beltz,German +Koury,Arabic +Jirku,Czech +Gosselin,French +Unruh,German +Hyun,Korean +Vertegel,Russian +Yoon,Korean +Goodson,English +Lohmatikov,Russian +Hutton,English +Sadowski,Polish +Natochin,Russian +Kessel,Czech +Halymbadja,Russian +Morcos,Arabic +Shamaev,Russian +Ballantyne,English +fiore,Italian +Matsumoto,Japanese +Pesaresi,Italian +Eldeston,English +Avinovitski,Russian +Ugaki,Japanese +Veale,English +Moghadam,Arabic +Sip,Czech +Pattison,English +Awad,Arabic +Kirkbright,English +Ganim,Arabic +Pispinis,Greek +Gulley,English +Takimoto,Japanese +Sarraf,Arabic +Takara,Japanese +Sheppard,English +Awad,Arabic +Page,Russian +Lang,English +Grosov,Russian +Lawrenz,German +Quirke,English +Montero,Spanish +Gudima,Russian +Esaulov,Russian +Glencross,English +Paragulgov,Russian +Mustafa,Arabic +Boulos,Arabic +Gaber,Arabic +Bitar,Arabic +Temple,English +Iddon,English +Paquet,French +Sappe,Czech +Andrusiv,Russian +luca,Italian +Komatsu,Japanese +Halyapin,Russian +Ogyu,Japanese +Fontaine,English +Seow,Chinese +Makhortov,Russian +Serpico,Italian +Kirby,English +Yanagita,Japanese +Hierro,Spanish +Bryant,English +Okanaya,Japanese +Cabello,Spanish +Rosa,Spanish +Jedlicka,Czech +Wong,English +Kilnan,English +Muzykantov,Russian +Reygan,English +Montana,Italian +Seo,Korean +Qureshi,Arabic +Altham,English +Asahi,Japanese +Szwedko,Polish +Damon,English +Hallett,English +Bruce,Scottish +Atazhahov,Russian +Fontana,Italian +Mustafa,Arabic +Nero,English +Noyce,English +Djanaev,Russian +Penfold,English +Ondrisek,Czech +Ingermann,English +Minko,Russian +Buckley,English +Chamberlain,English +Nymmik,Russian +Boyle,English +Kachanov,Russian +Voigt,German +Muzychenko,Russian +Teunissen,Dutch +Coll,English +Munkata,Japanese +Barrett,English +Keene,English +Corcoran,English +Adamczak,Polish +Telford,English +Plisko,Czech +Gasilov,Russian +Piercey,English +Frunze,Russian +Velichansky,Russian +Bajev,Russian +Dennis,English +Essa,Arabic +Khouri,Arabic +Bishara,Arabic +Tono,Japanese +Lamberti,Italian +Gerig,German +Truong,Vietnamese +Lamon,Italian +Hopkins,English +O'Boyle,Irish +Crossland,English +Valentsev,Russian +Stuber,German +Mohamed,English +Amato,Italian +Gladysh,Russian +Asker,Arabic +Nishimoto,Japanese +Toichkin,Russian +Paul,English +Ashton,English +Piskovoy,Russian +Dobryshin,Russian +Albuquerque,Spanish +Worthington,English +Stephens,English +Bata,Arabic +Jedynak,Polish +Steere,English +Ealy,English +Goddard,English +Toyama,Japanese +Hakimi,Arabic +Leoni,Italian +Reiter,German +Billevich,Russian +Denisov,Russian +Adamo,Italian +Corna,Italian +Ghanem,Arabic +Youj,Korean +Bajaev,Russian +Safar,Arabic +Jejera,Russian +Michel,Dutch +Hase,German +Issa,Arabic +Tahan,Arabic +Quasninsky,Czech +Bagandaliev,Russian +Ola,Spanish +Picot,English +Fitzpatrick,English +Abadi,Arabic +Gooch,English +Pachr,Czech +Shadid,Arabic +Nahas,Arabic +Berg,Dutch +Masih,Arabic +Shichirobei,Japanese +Yatzevich,Russian +Sciacca,Italian +Ferguson,Scottish +Poletti,Italian +Nanton,English +Bakunts,Russian +Villaverde,Spanish +Zimitsky,Russian +Legge,English +Batuev,Russian +Tarr,English +Tunks,English +Travill,English +Jerzdev,Russian +Maalouf,Arabic +Rompa,Dutch +Davydchenko,Russian +Quinn,English +Masih,Arabic +Koury,Arabic +Wirth,German +Lyndin,Russian +Mifsud,Arabic +Wasem,Arabic +Nishimura,Japanese +Emelianenkov,Russian +Toms,English +Pitt,English +San,Spanish +Zhluktov,Russian +Mahortov,Russian +Jatsuba,Russian +Hawlata,Czech +Rahal,Arabic +D'antonio,Italian +Salib,Arabic +Kosmatka,Polish +Schroeter,German +Machado,Spanish +Bakshtein,Russian +Ohira,Japanese +Whittington,English +Jarrold,English +Teterev,Russian +Trafford,English +Zhizhchenko,Russian +Schröter,German +Deverell,English +Glossop,English +Garrett,English +Antar,Arabic +Poogelman,Russian +Abulmambetov,Russian +Court,English +Rawlings,English +Okada,Japanese +Varaev,Russian +Lees,English +Fowler,English +Hildebrand,German +Tihonchuk,Russian +Rohatsevich,Russian +Vilde,Russian +Kurtz,Czech +Gibb,English +Hutchings,English +Turland,English +Kattan,Arabic +Andel,Dutch +Jordan,Polish +Mitzusaka,Japanese +Antyushin,Russian +Kasa,Czech +Breiner,German +Ader,Russian +Yakubov,Russian +Tillens,Dutch +Gensai,Japanese +Rameckers,Dutch +Asai,Japanese +Naito,Japanese +Sarkis,Arabic +Botros,Arabic +Hurrell,English +Harding,English +Martsevich,Russian +Abdrazakoff,Russian +Hertz,German +Kingman,English +Schneider,Czech +Behrends,German +Allaway,English +Twigg,English +Eglin,English +Shalhoub,Arabic +Quirós,Spanish +Rodagh,Irish +Inman,English +Howe,English +Donohoe,English +Bove,Italian +Ens,Russian +tissier,English +Yoshikawa,Japanese +Fournier,French +Tompkin,English +Urbanek,Czech +Eagle,English +Shadid,Arabic +Haraz,Russian +Mcbain,English +Gim,Chinese +Maalouf,Arabic +Luu,Vietnamese +Fleischer,German +Ebsvort,Russian +Shalhoub,Arabic +Bass,English +Kernick,English +Jaimov,Russian +Mlechin,Russian +Cann,Dutch +Yakhno,Russian +Chu,Vietnamese +Abboud,Arabic +Quraishi,Arabic +Innalls,English +Król,Polish +Purvis,English +Messerli,German diff --git a/data/titanic.csv b/data/titanic.csv new file mode 100644 index 00000000..cd798902 --- /dev/null +++ b/data/titanic.csv @@ -0,0 +1,1310 @@ +pclass,name,sex,age,sibsp,parch,ticket,fare,cabin,embarked,survived +1,"Allen, Miss. Elisabeth Walton",female,29,0,0,24160,211.3375,B5,S,1 +1,"Allison, Master. Hudson Trevor",male,0.9167,1,2,113781,151.55,C22 C26,S,1 +1,"Allison, Miss. Helen Loraine",female,2,1,2,113781,151.55,C22 C26,S,0 +1,"Allison, Mr. Hudson Joshua Creighton",male,30,1,2,113781,151.55,C22 C26,S,0 +1,"Allison, Mrs. Hudson J C (Bessie Waldo Daniels)",female,25,1,2,113781,151.55,C22 C26,S,0 +1,"Anderson, Mr. Harry",male,48,0,0,19952,26.55,E12,S,1 +1,"Andrews, Miss. Kornelia Theodosia",female,63,1,0,13502,77.9583,D7,S,1 +1,"Andrews, Mr. Thomas Jr",male,39,0,0,112050,0,A36,S,0 +1,"Appleton, Mrs. Edward Dale (Charlotte Lamson)",female,53,2,0,11769,51.4792,C101,S,1 +1,"Artagaveytia, Mr. Ramon",male,71,0,0,PC 17609,49.5042,,C,0 +1,"Astor, Col. John Jacob",male,47,1,0,PC 17757,227.525,C62 C64,C,0 +1,"Astor, Mrs. John Jacob (Madeleine Talmadge Force)",female,18,1,0,PC 17757,227.525,C62 C64,C,1 +1,"Aubart, Mme. Leontine Pauline",female,24,0,0,PC 17477,69.3,B35,C,1 +1,"Barber, Miss. Ellen ""Nellie""",female,26,0,0,19877,78.85,,S,1 +1,"Barkworth, Mr. Algernon Henry Wilson",male,80,0,0,27042,30,A23,S,1 +1,"Baumann, Mr. John D",male,,0,0,PC 17318,25.925,,S,0 +1,"Baxter, Mr. Quigg Edmond",male,24,0,1,PC 17558,247.5208,B58 B60,C,0 +1,"Baxter, Mrs. James (Helene DeLaudeniere Chaput)",female,50,0,1,PC 17558,247.5208,B58 B60,C,1 +1,"Bazzani, Miss. Albina",female,32,0,0,11813,76.2917,D15,C,1 +1,"Beattie, Mr. Thomson",male,36,0,0,13050,75.2417,C6,C,0 +1,"Beckwith, Mr. Richard Leonard",male,37,1,1,11751,52.5542,D35,S,1 +1,"Beckwith, Mrs. Richard Leonard (Sallie Monypeny)",female,47,1,1,11751,52.5542,D35,S,1 +1,"Behr, Mr. Karl Howell",male,26,0,0,111369,30,C148,C,1 +1,"Bidois, Miss. Rosalie",female,42,0,0,PC 17757,227.525,,C,1 +1,"Bird, Miss. Ellen",female,29,0,0,PC 17483,221.7792,C97,S,1 +1,"Birnbaum, Mr. Jakob",male,25,0,0,13905,26,,C,0 +1,"Bishop, Mr. Dickinson H",male,25,1,0,11967,91.0792,B49,C,1 +1,"Bishop, Mrs. Dickinson H (Helen Walton)",female,19,1,0,11967,91.0792,B49,C,1 +1,"Bissette, Miss. Amelia",female,35,0,0,PC 17760,135.6333,C99,S,1 +1,"Bjornstrom-Steffansson, Mr. Mauritz Hakan",male,28,0,0,110564,26.55,C52,S,1 +1,"Blackwell, Mr. Stephen Weart",male,45,0,0,113784,35.5,T,S,0 +1,"Blank, Mr. Henry",male,40,0,0,112277,31,A31,C,1 +1,"Bonnell, Miss. Caroline",female,30,0,0,36928,164.8667,C7,S,1 +1,"Bonnell, Miss. Elizabeth",female,58,0,0,113783,26.55,C103,S,1 +1,"Borebank, Mr. John James",male,42,0,0,110489,26.55,D22,S,0 +1,"Bowen, Miss. Grace Scott",female,45,0,0,PC 17608,262.375,,C,1 +1,"Bowerman, Miss. Elsie Edith",female,22,0,1,113505,55,E33,S,1 +1,"Bradley, Mr. George (""George Arthur Brayton"")",male,,0,0,111427,26.55,,S,1 +1,"Brady, Mr. John Bertram",male,41,0,0,113054,30.5,A21,S,0 +1,"Brandeis, Mr. Emil",male,48,0,0,PC 17591,50.4958,B10,C,0 +1,"Brewe, Dr. Arthur Jackson",male,,0,0,112379,39.6,,C,0 +1,"Brown, Mrs. James Joseph (Margaret Tobin)",female,44,0,0,PC 17610,27.7208,B4,C,1 +1,"Brown, Mrs. John Murray (Caroline Lane Lamson)",female,59,2,0,11769,51.4792,C101,S,1 +1,"Bucknell, Mrs. William Robert (Emma Eliza Ward)",female,60,0,0,11813,76.2917,D15,C,1 +1,"Burns, Miss. Elizabeth Margaret",female,41,0,0,16966,134.5,E40,C,1 +1,"Butt, Major. Archibald Willingham",male,45,0,0,113050,26.55,B38,S,0 +1,"Cairns, Mr. Alexander",male,,0,0,113798,31,,S,0 +1,"Calderhead, Mr. Edward Pennington",male,42,0,0,PC 17476,26.2875,E24,S,1 +1,"Candee, Mrs. Edward (Helen Churchill Hungerford)",female,53,0,0,PC 17606,27.4458,,C,1 +1,"Cardeza, Mr. Thomas Drake Martinez",male,36,0,1,PC 17755,512.3292,B51 B53 B55,C,1 +1,"Cardeza, Mrs. James Warburton Martinez (Charlotte Wardle Drake)",female,58,0,1,PC 17755,512.3292,B51 B53 B55,C,1 +1,"Carlsson, Mr. Frans Olof",male,33,0,0,695,5,B51 B53 B55,S,0 +1,"Carrau, Mr. Francisco M",male,28,0,0,113059,47.1,,S,0 +1,"Carrau, Mr. Jose Pedro",male,17,0,0,113059,47.1,,S,0 +1,"Carter, Master. William Thornton II",male,11,1,2,113760,120,B96 B98,S,1 +1,"Carter, Miss. Lucile Polk",female,14,1,2,113760,120,B96 B98,S,1 +1,"Carter, Mr. William Ernest",male,36,1,2,113760,120,B96 B98,S,1 +1,"Carter, Mrs. William Ernest (Lucile Polk)",female,36,1,2,113760,120,B96 B98,S,1 +1,"Case, Mr. Howard Brown",male,49,0,0,19924,26,,S,0 +1,"Cassebeer, Mrs. Henry Arthur Jr (Eleanor Genevieve Fosdick)",female,,0,0,17770,27.7208,,C,1 +1,"Cavendish, Mr. Tyrell William",male,36,1,0,19877,78.85,C46,S,0 +1,"Cavendish, Mrs. Tyrell William (Julia Florence Siegel)",female,76,1,0,19877,78.85,C46,S,1 +1,"Chaffee, Mr. Herbert Fuller",male,46,1,0,W.E.P. 5734,61.175,E31,S,0 +1,"Chaffee, Mrs. Herbert Fuller (Carrie Constance Toogood)",female,47,1,0,W.E.P. 5734,61.175,E31,S,1 +1,"Chambers, Mr. Norman Campbell",male,27,1,0,113806,53.1,E8,S,1 +1,"Chambers, Mrs. Norman Campbell (Bertha Griggs)",female,33,1,0,113806,53.1,E8,S,1 +1,"Chaudanson, Miss. Victorine",female,36,0,0,PC 17608,262.375,B61,C,1 +1,"Cherry, Miss. Gladys",female,30,0,0,110152,86.5,B77,S,1 +1,"Chevre, Mr. Paul Romaine",male,45,0,0,PC 17594,29.7,A9,C,1 +1,"Chibnall, Mrs. (Edith Martha Bowerman)",female,,0,1,113505,55,E33,S,1 +1,"Chisholm, Mr. Roderick Robert Crispin",male,,0,0,112051,0,,S,0 +1,"Clark, Mr. Walter Miller",male,27,1,0,13508,136.7792,C89,C,0 +1,"Clark, Mrs. Walter Miller (Virginia McDowell)",female,26,1,0,13508,136.7792,C89,C,1 +1,"Cleaver, Miss. Alice",female,22,0,0,113781,151.55,,S,1 +1,"Clifford, Mr. George Quincy",male,,0,0,110465,52,A14,S,0 +1,"Colley, Mr. Edward Pomeroy",male,47,0,0,5727,25.5875,E58,S,0 +1,"Compton, Miss. Sara Rebecca",female,39,1,1,PC 17756,83.1583,E49,C,1 +1,"Compton, Mr. Alexander Taylor Jr",male,37,1,1,PC 17756,83.1583,E52,C,0 +1,"Compton, Mrs. Alexander Taylor (Mary Eliza Ingersoll)",female,64,0,2,PC 17756,83.1583,E45,C,1 +1,"Cornell, Mrs. Robert Clifford (Malvina Helen Lamson)",female,55,2,0,11770,25.7,C101,S,1 +1,"Crafton, Mr. John Bertram",male,,0,0,113791,26.55,,S,0 +1,"Crosby, Capt. Edward Gifford",male,70,1,1,WE/P 5735,71,B22,S,0 +1,"Crosby, Miss. Harriet R",female,36,0,2,WE/P 5735,71,B22,S,1 +1,"Crosby, Mrs. Edward Gifford (Catherine Elizabeth Halstead)",female,64,1,1,112901,26.55,B26,S,1 +1,"Cumings, Mr. John Bradley",male,39,1,0,PC 17599,71.2833,C85,C,0 +1,"Cumings, Mrs. John Bradley (Florence Briggs Thayer)",female,38,1,0,PC 17599,71.2833,C85,C,1 +1,"Daly, Mr. Peter Denis ",male,51,0,0,113055,26.55,E17,S,1 +1,"Daniel, Mr. Robert Williams",male,27,0,0,113804,30.5,,S,1 +1,"Daniels, Miss. Sarah",female,33,0,0,113781,151.55,,S,1 +1,"Davidson, Mr. Thornton",male,31,1,0,F.C. 12750,52,B71,S,0 +1,"Davidson, Mrs. Thornton (Orian Hays)",female,27,1,2,F.C. 12750,52,B71,S,1 +1,"Dick, Mr. Albert Adrian",male,31,1,0,17474,57,B20,S,1 +1,"Dick, Mrs. Albert Adrian (Vera Gillespie)",female,17,1,0,17474,57,B20,S,1 +1,"Dodge, Dr. Washington",male,53,1,1,33638,81.8583,A34,S,1 +1,"Dodge, Master. Washington",male,4,0,2,33638,81.8583,A34,S,1 +1,"Dodge, Mrs. Washington (Ruth Vidaver)",female,54,1,1,33638,81.8583,A34,S,1 +1,"Douglas, Mr. Walter Donald",male,50,1,0,PC 17761,106.425,C86,C,0 +1,"Douglas, Mrs. Frederick Charles (Mary Helene Baxter)",female,27,1,1,PC 17558,247.5208,B58 B60,C,1 +1,"Douglas, Mrs. Walter Donald (Mahala Dutton)",female,48,1,0,PC 17761,106.425,C86,C,1 +1,"Duff Gordon, Lady. (Lucille Christiana Sutherland) (""Mrs Morgan"")",female,48,1,0,11755,39.6,A16,C,1 +1,"Duff Gordon, Sir. Cosmo Edmund (""Mr Morgan"")",male,49,1,0,PC 17485,56.9292,A20,C,1 +1,"Dulles, Mr. William Crothers",male,39,0,0,PC 17580,29.7,A18,C,0 +1,"Earnshaw, Mrs. Boulton (Olive Potter)",female,23,0,1,11767,83.1583,C54,C,1 +1,"Endres, Miss. Caroline Louise",female,38,0,0,PC 17757,227.525,C45,C,1 +1,"Eustis, Miss. Elizabeth Mussey",female,54,1,0,36947,78.2667,D20,C,1 +1,"Evans, Miss. Edith Corse",female,36,0,0,PC 17531,31.6792,A29,C,0 +1,"Farthing, Mr. John",male,,0,0,PC 17483,221.7792,C95,S,0 +1,"Flegenheim, Mrs. Alfred (Antoinette)",female,,0,0,PC 17598,31.6833,,S,1 +1,"Fleming, Miss. Margaret",female,,0,0,17421,110.8833,,C,1 +1,"Flynn, Mr. John Irwin (""Irving"")",male,36,0,0,PC 17474,26.3875,E25,S,1 +1,"Foreman, Mr. Benjamin Laventall",male,30,0,0,113051,27.75,C111,C,0 +1,"Fortune, Miss. Alice Elizabeth",female,24,3,2,19950,263,C23 C25 C27,S,1 +1,"Fortune, Miss. Ethel Flora",female,28,3,2,19950,263,C23 C25 C27,S,1 +1,"Fortune, Miss. Mabel Helen",female,23,3,2,19950,263,C23 C25 C27,S,1 +1,"Fortune, Mr. Charles Alexander",male,19,3,2,19950,263,C23 C25 C27,S,0 +1,"Fortune, Mr. Mark",male,64,1,4,19950,263,C23 C25 C27,S,0 +1,"Fortune, Mrs. Mark (Mary McDougald)",female,60,1,4,19950,263,C23 C25 C27,S,1 +1,"Francatelli, Miss. Laura Mabel",female,30,0,0,PC 17485,56.9292,E36,C,1 +1,"Franklin, Mr. Thomas Parham",male,,0,0,113778,26.55,D34,S,0 +1,"Frauenthal, Dr. Henry William",male,50,2,0,PC 17611,133.65,,S,1 +1,"Frauenthal, Mr. Isaac Gerald",male,43,1,0,17765,27.7208,D40,C,1 +1,"Frauenthal, Mrs. Henry William (Clara Heinsheimer)",female,,1,0,PC 17611,133.65,,S,1 +1,"Frolicher, Miss. Hedwig Margaritha",female,22,0,2,13568,49.5,B39,C,1 +1,"Frolicher-Stehli, Mr. Maxmillian",male,60,1,1,13567,79.2,B41,C,1 +1,"Frolicher-Stehli, Mrs. Maxmillian (Margaretha Emerentia Stehli)",female,48,1,1,13567,79.2,B41,C,1 +1,"Fry, Mr. Richard",male,,0,0,112058,0,B102,S,0 +1,"Futrelle, Mr. Jacques Heath",male,37,1,0,113803,53.1,C123,S,0 +1,"Futrelle, Mrs. Jacques Heath (Lily May Peel)",female,35,1,0,113803,53.1,C123,S,1 +1,"Gee, Mr. Arthur H",male,47,0,0,111320,38.5,E63,S,0 +1,"Geiger, Miss. Amalie",female,35,0,0,113503,211.5,C130,C,1 +1,"Gibson, Miss. Dorothy Winifred",female,22,0,1,112378,59.4,,C,1 +1,"Gibson, Mrs. Leonard (Pauline C Boeson)",female,45,0,1,112378,59.4,,C,1 +1,"Giglio, Mr. Victor",male,24,0,0,PC 17593,79.2,B86,C,0 +1,"Goldenberg, Mr. Samuel L",male,49,1,0,17453,89.1042,C92,C,1 +1,"Goldenberg, Mrs. Samuel L (Edwiga Grabowska)",female,,1,0,17453,89.1042,C92,C,1 +1,"Goldschmidt, Mr. George B",male,71,0,0,PC 17754,34.6542,A5,C,0 +1,"Gracie, Col. Archibald IV",male,53,0,0,113780,28.5,C51,C,1 +1,"Graham, Miss. Margaret Edith",female,19,0,0,112053,30,B42,S,1 +1,"Graham, Mr. George Edward",male,38,0,1,PC 17582,153.4625,C91,S,0 +1,"Graham, Mrs. William Thompson (Edith Junkins)",female,58,0,1,PC 17582,153.4625,C125,S,1 +1,"Greenfield, Mr. William Bertram",male,23,0,1,PC 17759,63.3583,D10 D12,C,1 +1,"Greenfield, Mrs. Leo David (Blanche Strouse)",female,45,0,1,PC 17759,63.3583,D10 D12,C,1 +1,"Guggenheim, Mr. Benjamin",male,46,0,0,PC 17593,79.2,B82 B84,C,0 +1,"Harder, Mr. George Achilles",male,25,1,0,11765,55.4417,E50,C,1 +1,"Harder, Mrs. George Achilles (Dorothy Annan)",female,25,1,0,11765,55.4417,E50,C,1 +1,"Harper, Mr. Henry Sleeper",male,48,1,0,PC 17572,76.7292,D33,C,1 +1,"Harper, Mrs. Henry Sleeper (Myna Haxtun)",female,49,1,0,PC 17572,76.7292,D33,C,1 +1,"Harrington, Mr. Charles H",male,,0,0,113796,42.4,,S,0 +1,"Harris, Mr. Henry Birkhardt",male,45,1,0,36973,83.475,C83,S,0 +1,"Harris, Mrs. Henry Birkhardt (Irene Wallach)",female,35,1,0,36973,83.475,C83,S,1 +1,"Harrison, Mr. William",male,40,0,0,112059,0,B94,S,0 +1,"Hassab, Mr. Hammad",male,27,0,0,PC 17572,76.7292,D49,C,1 +1,"Hawksford, Mr. Walter James",male,,0,0,16988,30,D45,S,1 +1,"Hays, Miss. Margaret Bechstein",female,24,0,0,11767,83.1583,C54,C,1 +1,"Hays, Mr. Charles Melville",male,55,1,1,12749,93.5,B69,S,0 +1,"Hays, Mrs. Charles Melville (Clara Jennings Gregg)",female,52,1,1,12749,93.5,B69,S,1 +1,"Head, Mr. Christopher",male,42,0,0,113038,42.5,B11,S,0 +1,"Hilliard, Mr. Herbert Henry",male,,0,0,17463,51.8625,E46,S,0 +1,"Hipkins, Mr. William Edward",male,55,0,0,680,50,C39,S,0 +1,"Hippach, Miss. Jean Gertrude",female,16,0,1,111361,57.9792,B18,C,1 +1,"Hippach, Mrs. Louis Albert (Ida Sophia Fischer)",female,44,0,1,111361,57.9792,B18,C,1 +1,"Hogeboom, Mrs. John C (Anna Andrews)",female,51,1,0,13502,77.9583,D11,S,1 +1,"Holverson, Mr. Alexander Oskar",male,42,1,0,113789,52,,S,0 +1,"Holverson, Mrs. Alexander Oskar (Mary Aline Towner)",female,35,1,0,113789,52,,S,1 +1,"Homer, Mr. Harry (""Mr E Haven"")",male,35,0,0,111426,26.55,,C,1 +1,"Hoyt, Mr. Frederick Maxfield",male,38,1,0,19943,90,C93,S,1 +1,"Hoyt, Mr. William Fisher",male,,0,0,PC 17600,30.6958,,C,0 +1,"Hoyt, Mrs. Frederick Maxfield (Jane Anne Forby)",female,35,1,0,19943,90,C93,S,1 +1,"Icard, Miss. Amelie",female,38,0,0,113572,80,B28,,1 +1,"Isham, Miss. Ann Elizabeth",female,50,0,0,PC 17595,28.7125,C49,C,0 +1,"Ismay, Mr. Joseph Bruce",male,49,0,0,112058,0,B52 B54 B56,S,1 +1,"Jones, Mr. Charles Cresson",male,46,0,0,694,26,,S,0 +1,"Julian, Mr. Henry Forbes",male,50,0,0,113044,26,E60,S,0 +1,"Keeping, Mr. Edwin",male,32.5,0,0,113503,211.5,C132,C,0 +1,"Kent, Mr. Edward Austin",male,58,0,0,11771,29.7,B37,C,0 +1,"Kenyon, Mr. Frederick R",male,41,1,0,17464,51.8625,D21,S,0 +1,"Kenyon, Mrs. Frederick R (Marion)",female,,1,0,17464,51.8625,D21,S,1 +1,"Kimball, Mr. Edwin Nelson Jr",male,42,1,0,11753,52.5542,D19,S,1 +1,"Kimball, Mrs. Edwin Nelson Jr (Gertrude Parsons)",female,45,1,0,11753,52.5542,D19,S,1 +1,"Klaber, Mr. Herman",male,,0,0,113028,26.55,C124,S,0 +1,"Kreuchen, Miss. Emilie",female,39,0,0,24160,211.3375,,S,1 +1,"Leader, Dr. Alice (Farnham)",female,49,0,0,17465,25.9292,D17,S,1 +1,"LeRoy, Miss. Bertha",female,30,0,0,PC 17761,106.425,,C,1 +1,"Lesurer, Mr. Gustave J",male,35,0,0,PC 17755,512.3292,B101,C,1 +1,"Lewy, Mr. Ervin G",male,,0,0,PC 17612,27.7208,,C,0 +1,"Lindeberg-Lind, Mr. Erik Gustaf (""Mr Edward Lingrey"")",male,42,0,0,17475,26.55,,S,0 +1,"Lindstrom, Mrs. Carl Johan (Sigrid Posse)",female,55,0,0,112377,27.7208,,C,1 +1,"Lines, Miss. Mary Conover",female,16,0,1,PC 17592,39.4,D28,S,1 +1,"Lines, Mrs. Ernest H (Elizabeth Lindsey James)",female,51,0,1,PC 17592,39.4,D28,S,1 +1,"Long, Mr. Milton Clyde",male,29,0,0,113501,30,D6,S,0 +1,"Longley, Miss. Gretchen Fiske",female,21,0,0,13502,77.9583,D9,S,1 +1,"Loring, Mr. Joseph Holland",male,30,0,0,113801,45.5,,S,0 +1,"Lurette, Miss. Elise",female,58,0,0,PC 17569,146.5208,B80,C,1 +1,"Madill, Miss. Georgette Alexandra",female,15,0,1,24160,211.3375,B5,S,1 +1,"Maguire, Mr. John Edward",male,30,0,0,110469,26,C106,S,0 +1,"Maioni, Miss. Roberta",female,16,0,0,110152,86.5,B79,S,1 +1,"Marechal, Mr. Pierre",male,,0,0,11774,29.7,C47,C,1 +1,"Marvin, Mr. Daniel Warner",male,19,1,0,113773,53.1,D30,S,0 +1,"Marvin, Mrs. Daniel Warner (Mary Graham Carmichael Farquarson)",female,18,1,0,113773,53.1,D30,S,1 +1,"Mayne, Mlle. Berthe Antonine (""Mrs de Villiers"")",female,24,0,0,PC 17482,49.5042,C90,C,1 +1,"McCaffry, Mr. Thomas Francis",male,46,0,0,13050,75.2417,C6,C,0 +1,"McCarthy, Mr. Timothy J",male,54,0,0,17463,51.8625,E46,S,0 +1,"McGough, Mr. James Robert",male,36,0,0,PC 17473,26.2875,E25,S,1 +1,"Meyer, Mr. Edgar Joseph",male,28,1,0,PC 17604,82.1708,,C,0 +1,"Meyer, Mrs. Edgar Joseph (Leila Saks)",female,,1,0,PC 17604,82.1708,,C,1 +1,"Millet, Mr. Francis Davis",male,65,0,0,13509,26.55,E38,S,0 +1,"Minahan, Dr. William Edward",male,44,2,0,19928,90,C78,Q,0 +1,"Minahan, Miss. Daisy E",female,33,1,0,19928,90,C78,Q,1 +1,"Minahan, Mrs. William Edward (Lillian E Thorpe)",female,37,1,0,19928,90,C78,Q,1 +1,"Mock, Mr. Philipp Edmund",male,30,1,0,13236,57.75,C78,C,1 +1,"Molson, Mr. Harry Markland",male,55,0,0,113787,30.5,C30,S,0 +1,"Moore, Mr. Clarence Bloomfield",male,47,0,0,113796,42.4,,S,0 +1,"Natsch, Mr. Charles H",male,37,0,1,PC 17596,29.7,C118,C,0 +1,"Newell, Miss. Madeleine",female,31,1,0,35273,113.275,D36,C,1 +1,"Newell, Miss. Marjorie",female,23,1,0,35273,113.275,D36,C,1 +1,"Newell, Mr. Arthur Webster",male,58,0,2,35273,113.275,D48,C,0 +1,"Newsom, Miss. Helen Monypeny",female,19,0,2,11752,26.2833,D47,S,1 +1,"Nicholson, Mr. Arthur Ernest",male,64,0,0,693,26,,S,0 +1,"Oliva y Ocana, Dona. Fermina",female,39,0,0,PC 17758,108.9,C105,C,1 +1,"Omont, Mr. Alfred Fernand",male,,0,0,F.C. 12998,25.7417,,C,1 +1,"Ostby, Miss. Helene Ragnhild",female,22,0,1,113509,61.9792,B36,C,1 +1,"Ostby, Mr. Engelhart Cornelius",male,65,0,1,113509,61.9792,B30,C,0 +1,"Ovies y Rodriguez, Mr. Servando",male,28.5,0,0,PC 17562,27.7208,D43,C,0 +1,"Parr, Mr. William Henry Marsh",male,,0,0,112052,0,,S,0 +1,"Partner, Mr. Austen",male,45.5,0,0,113043,28.5,C124,S,0 +1,"Payne, Mr. Vivian Ponsonby",male,23,0,0,12749,93.5,B24,S,0 +1,"Pears, Mr. Thomas Clinton",male,29,1,0,113776,66.6,C2,S,0 +1,"Pears, Mrs. Thomas (Edith Wearne)",female,22,1,0,113776,66.6,C2,S,1 +1,"Penasco y Castellana, Mr. Victor de Satode",male,18,1,0,PC 17758,108.9,C65,C,0 +1,"Penasco y Castellana, Mrs. Victor de Satode (Maria Josefa Perez de Soto y Vallejo)",female,17,1,0,PC 17758,108.9,C65,C,1 +1,"Perreault, Miss. Anne",female,30,0,0,12749,93.5,B73,S,1 +1,"Peuchen, Major. Arthur Godfrey",male,52,0,0,113786,30.5,C104,S,1 +1,"Porter, Mr. Walter Chamberlain",male,47,0,0,110465,52,C110,S,0 +1,"Potter, Mrs. Thomas Jr (Lily Alexenia Wilson)",female,56,0,1,11767,83.1583,C50,C,1 +1,"Reuchlin, Jonkheer. John George",male,38,0,0,19972,0,,S,0 +1,"Rheims, Mr. George Alexander Lucien",male,,0,0,PC 17607,39.6,,S,1 +1,"Ringhini, Mr. Sante",male,22,0,0,PC 17760,135.6333,,C,0 +1,"Robbins, Mr. Victor",male,,0,0,PC 17757,227.525,,C,0 +1,"Robert, Mrs. Edward Scott (Elisabeth Walton McMillan)",female,43,0,1,24160,211.3375,B3,S,1 +1,"Roebling, Mr. Washington Augustus II",male,31,0,0,PC 17590,50.4958,A24,S,0 +1,"Romaine, Mr. Charles Hallace (""Mr C Rolmane"")",male,45,0,0,111428,26.55,,S,1 +1,"Rood, Mr. Hugh Roscoe",male,,0,0,113767,50,A32,S,0 +1,"Rosenbaum, Miss. Edith Louise",female,33,0,0,PC 17613,27.7208,A11,C,1 +1,"Rosenshine, Mr. George (""Mr George Thorne"")",male,46,0,0,PC 17585,79.2,,C,0 +1,"Ross, Mr. John Hugo",male,36,0,0,13049,40.125,A10,C,0 +1,"Rothes, the Countess. of (Lucy Noel Martha Dyer-Edwards)",female,33,0,0,110152,86.5,B77,S,1 +1,"Rothschild, Mr. Martin",male,55,1,0,PC 17603,59.4,,C,0 +1,"Rothschild, Mrs. Martin (Elizabeth L. Barrett)",female,54,1,0,PC 17603,59.4,,C,1 +1,"Rowe, Mr. Alfred G",male,33,0,0,113790,26.55,,S,0 +1,"Ryerson, Master. John Borie",male,13,2,2,PC 17608,262.375,B57 B59 B63 B66,C,1 +1,"Ryerson, Miss. Emily Borie",female,18,2,2,PC 17608,262.375,B57 B59 B63 B66,C,1 +1,"Ryerson, Miss. Susan Parker ""Suzette""",female,21,2,2,PC 17608,262.375,B57 B59 B63 B66,C,1 +1,"Ryerson, Mr. Arthur Larned",male,61,1,3,PC 17608,262.375,B57 B59 B63 B66,C,0 +1,"Ryerson, Mrs. Arthur Larned (Emily Maria Borie)",female,48,1,3,PC 17608,262.375,B57 B59 B63 B66,C,1 +1,"Saalfeld, Mr. Adolphe",male,,0,0,19988,30.5,C106,S,1 +1,"Sagesser, Mlle. Emma",female,24,0,0,PC 17477,69.3,B35,C,1 +1,"Salomon, Mr. Abraham L",male,,0,0,111163,26,,S,1 +1,"Schabert, Mrs. Paul (Emma Mock)",female,35,1,0,13236,57.75,C28,C,1 +1,"Serepeca, Miss. Augusta",female,30,0,0,113798,31,,C,1 +1,"Seward, Mr. Frederic Kimber",male,34,0,0,113794,26.55,,S,1 +1,"Shutes, Miss. Elizabeth W",female,40,0,0,PC 17582,153.4625,C125,S,1 +1,"Silverthorne, Mr. Spencer Victor",male,35,0,0,PC 17475,26.2875,E24,S,1 +1,"Silvey, Mr. William Baird",male,50,1,0,13507,55.9,E44,S,0 +1,"Silvey, Mrs. William Baird (Alice Munger)",female,39,1,0,13507,55.9,E44,S,1 +1,"Simonius-Blumer, Col. Oberst Alfons",male,56,0,0,13213,35.5,A26,C,1 +1,"Sloper, Mr. William Thompson",male,28,0,0,113788,35.5,A6,S,1 +1,"Smart, Mr. John Montgomery",male,56,0,0,113792,26.55,,S,0 +1,"Smith, Mr. James Clinch",male,56,0,0,17764,30.6958,A7,C,0 +1,"Smith, Mr. Lucien Philip",male,24,1,0,13695,60,C31,S,0 +1,"Smith, Mr. Richard William",male,,0,0,113056,26,A19,S,0 +1,"Smith, Mrs. Lucien Philip (Mary Eloise Hughes)",female,18,1,0,13695,60,C31,S,1 +1,"Snyder, Mr. John Pillsbury",male,24,1,0,21228,82.2667,B45,S,1 +1,"Snyder, Mrs. John Pillsbury (Nelle Stevenson)",female,23,1,0,21228,82.2667,B45,S,1 +1,"Spedden, Master. Robert Douglas",male,6,0,2,16966,134.5,E34,C,1 +1,"Spedden, Mr. Frederic Oakley",male,45,1,1,16966,134.5,E34,C,1 +1,"Spedden, Mrs. Frederic Oakley (Margaretta Corning Stone)",female,40,1,1,16966,134.5,E34,C,1 +1,"Spencer, Mr. William Augustus",male,57,1,0,PC 17569,146.5208,B78,C,0 +1,"Spencer, Mrs. William Augustus (Marie Eugenie)",female,,1,0,PC 17569,146.5208,B78,C,1 +1,"Stahelin-Maeglin, Dr. Max",male,32,0,0,13214,30.5,B50,C,1 +1,"Stead, Mr. William Thomas",male,62,0,0,113514,26.55,C87,S,0 +1,"Stengel, Mr. Charles Emil Henry",male,54,1,0,11778,55.4417,C116,C,1 +1,"Stengel, Mrs. Charles Emil Henry (Annie May Morris)",female,43,1,0,11778,55.4417,C116,C,1 +1,"Stephenson, Mrs. Walter Bertram (Martha Eustis)",female,52,1,0,36947,78.2667,D20,C,1 +1,"Stewart, Mr. Albert A",male,,0,0,PC 17605,27.7208,,C,0 +1,"Stone, Mrs. George Nelson (Martha Evelyn)",female,62,0,0,113572,80,B28,,1 +1,"Straus, Mr. Isidor",male,67,1,0,PC 17483,221.7792,C55 C57,S,0 +1,"Straus, Mrs. Isidor (Rosalie Ida Blun)",female,63,1,0,PC 17483,221.7792,C55 C57,S,0 +1,"Sutton, Mr. Frederick",male,61,0,0,36963,32.3208,D50,S,0 +1,"Swift, Mrs. Frederick Joel (Margaret Welles Barron)",female,48,0,0,17466,25.9292,D17,S,1 +1,"Taussig, Miss. Ruth",female,18,0,2,110413,79.65,E68,S,1 +1,"Taussig, Mr. Emil",male,52,1,1,110413,79.65,E67,S,0 +1,"Taussig, Mrs. Emil (Tillie Mandelbaum)",female,39,1,1,110413,79.65,E67,S,1 +1,"Taylor, Mr. Elmer Zebley",male,48,1,0,19996,52,C126,S,1 +1,"Taylor, Mrs. Elmer Zebley (Juliet Cummins Wright)",female,,1,0,19996,52,C126,S,1 +1,"Thayer, Mr. John Borland",male,49,1,1,17421,110.8833,C68,C,0 +1,"Thayer, Mr. John Borland Jr",male,17,0,2,17421,110.8833,C70,C,1 +1,"Thayer, Mrs. John Borland (Marian Longstreth Morris)",female,39,1,1,17421,110.8833,C68,C,1 +1,"Thorne, Mrs. Gertrude Maybelle",female,,0,0,PC 17585,79.2,,C,1 +1,"Tucker, Mr. Gilbert Milligan Jr",male,31,0,0,2543,28.5375,C53,C,1 +1,"Uruchurtu, Don. Manuel E",male,40,0,0,PC 17601,27.7208,,C,0 +1,"Van der hoef, Mr. Wyckoff",male,61,0,0,111240,33.5,B19,S,0 +1,"Walker, Mr. William Anderson",male,47,0,0,36967,34.0208,D46,S,0 +1,"Ward, Miss. Anna",female,35,0,0,PC 17755,512.3292,,C,1 +1,"Warren, Mr. Frank Manley",male,64,1,0,110813,75.25,D37,C,0 +1,"Warren, Mrs. Frank Manley (Anna Sophia Atkinson)",female,60,1,0,110813,75.25,D37,C,1 +1,"Weir, Col. John",male,60,0,0,113800,26.55,,S,0 +1,"White, Mr. Percival Wayland",male,54,0,1,35281,77.2875,D26,S,0 +1,"White, Mr. Richard Frasar",male,21,0,1,35281,77.2875,D26,S,0 +1,"White, Mrs. John Stuart (Ella Holmes)",female,55,0,0,PC 17760,135.6333,C32,C,1 +1,"Wick, Miss. Mary Natalie",female,31,0,2,36928,164.8667,C7,S,1 +1,"Wick, Mr. George Dennick",male,57,1,1,36928,164.8667,,S,0 +1,"Wick, Mrs. George Dennick (Mary Hitchcock)",female,45,1,1,36928,164.8667,,S,1 +1,"Widener, Mr. George Dunton",male,50,1,1,113503,211.5,C80,C,0 +1,"Widener, Mr. Harry Elkins",male,27,0,2,113503,211.5,C82,C,0 +1,"Widener, Mrs. George Dunton (Eleanor Elkins)",female,50,1,1,113503,211.5,C80,C,1 +1,"Willard, Miss. Constance",female,21,0,0,113795,26.55,,S,1 +1,"Williams, Mr. Charles Duane",male,51,0,1,PC 17597,61.3792,,C,0 +1,"Williams, Mr. Richard Norris II",male,21,0,1,PC 17597,61.3792,,C,1 +1,"Williams-Lambert, Mr. Fletcher Fellows",male,,0,0,113510,35,C128,S,0 +1,"Wilson, Miss. Helen Alice",female,31,0,0,16966,134.5,E39 E41,C,1 +1,"Woolner, Mr. Hugh",male,,0,0,19947,35.5,C52,S,1 +1,"Wright, Mr. George",male,62,0,0,113807,26.55,,S,0 +1,"Young, Miss. Marie Grice",female,36,0,0,PC 17760,135.6333,C32,C,1 +2,"Abelson, Mr. Samuel",male,30,1,0,P/PP 3381,24,,C,0 +2,"Abelson, Mrs. Samuel (Hannah Wizosky)",female,28,1,0,P/PP 3381,24,,C,1 +2,"Aldworth, Mr. Charles Augustus",male,30,0,0,248744,13,,S,0 +2,"Andrew, Mr. Edgardo Samuel",male,18,0,0,231945,11.5,,S,0 +2,"Andrew, Mr. Frank Thomas",male,25,0,0,C.A. 34050,10.5,,S,0 +2,"Angle, Mr. William A",male,34,1,0,226875,26,,S,0 +2,"Angle, Mrs. William A (Florence ""Mary"" Agnes Hughes)",female,36,1,0,226875,26,,S,1 +2,"Ashby, Mr. John",male,57,0,0,244346,13,,S,0 +2,"Bailey, Mr. Percy Andrew",male,18,0,0,29108,11.5,,S,0 +2,"Baimbrigge, Mr. Charles Robert",male,23,0,0,C.A. 31030,10.5,,S,0 +2,"Ball, Mrs. (Ada E Hall)",female,36,0,0,28551,13,D,S,1 +2,"Banfield, Mr. Frederick James",male,28,0,0,C.A./SOTON 34068,10.5,,S,0 +2,"Bateman, Rev. Robert James",male,51,0,0,S.O.P. 1166,12.525,,S,0 +2,"Beane, Mr. Edward",male,32,1,0,2908,26,,S,1 +2,"Beane, Mrs. Edward (Ethel Clarke)",female,19,1,0,2908,26,,S,1 +2,"Beauchamp, Mr. Henry James",male,28,0,0,244358,26,,S,0 +2,"Becker, Master. Richard F",male,1,2,1,230136,39,F4,S,1 +2,"Becker, Miss. Marion Louise",female,4,2,1,230136,39,F4,S,1 +2,"Becker, Miss. Ruth Elizabeth",female,12,2,1,230136,39,F4,S,1 +2,"Becker, Mrs. Allen Oliver (Nellie E Baumgardner)",female,36,0,3,230136,39,F4,S,1 +2,"Beesley, Mr. Lawrence",male,34,0,0,248698,13,D56,S,1 +2,"Bentham, Miss. Lilian W",female,19,0,0,28404,13,,S,1 +2,"Berriman, Mr. William John",male,23,0,0,28425,13,,S,0 +2,"Botsford, Mr. William Hull",male,26,0,0,237670,13,,S,0 +2,"Bowenur, Mr. Solomon",male,42,0,0,211535,13,,S,0 +2,"Bracken, Mr. James H",male,27,0,0,220367,13,,S,0 +2,"Brown, Miss. Amelia ""Mildred""",female,24,0,0,248733,13,F33,S,1 +2,"Brown, Miss. Edith Eileen",female,15,0,2,29750,39,,S,1 +2,"Brown, Mr. Thomas William Solomon",male,60,1,1,29750,39,,S,0 +2,"Brown, Mrs. Thomas William Solomon (Elizabeth Catherine Ford)",female,40,1,1,29750,39,,S,1 +2,"Bryhl, Miss. Dagmar Jenny Ingeborg ",female,20,1,0,236853,26,,S,1 +2,"Bryhl, Mr. Kurt Arnold Gottfrid",male,25,1,0,236853,26,,S,0 +2,"Buss, Miss. Kate",female,36,0,0,27849,13,,S,1 +2,"Butler, Mr. Reginald Fenton",male,25,0,0,234686,13,,S,0 +2,"Byles, Rev. Thomas Roussel Davids",male,42,0,0,244310,13,,S,0 +2,"Bystrom, Mrs. (Karolina)",female,42,0,0,236852,13,,S,1 +2,"Caldwell, Master. Alden Gates",male,0.8333,0,2,248738,29,,S,1 +2,"Caldwell, Mr. Albert Francis",male,26,1,1,248738,29,,S,1 +2,"Caldwell, Mrs. Albert Francis (Sylvia Mae Harbaugh)",female,22,1,1,248738,29,,S,1 +2,"Cameron, Miss. Clear Annie",female,35,0,0,F.C.C. 13528,21,,S,1 +2,"Campbell, Mr. William",male,,0,0,239853,0,,S,0 +2,"Carbines, Mr. William",male,19,0,0,28424,13,,S,0 +2,"Carter, Mrs. Ernest Courtenay (Lilian Hughes)",female,44,1,0,244252,26,,S,0 +2,"Carter, Rev. Ernest Courtenay",male,54,1,0,244252,26,,S,0 +2,"Chapman, Mr. Charles Henry",male,52,0,0,248731,13.5,,S,0 +2,"Chapman, Mr. John Henry",male,37,1,0,SC/AH 29037,26,,S,0 +2,"Chapman, Mrs. John Henry (Sara Elizabeth Lawry)",female,29,1,0,SC/AH 29037,26,,S,0 +2,"Christy, Miss. Julie Rachel",female,25,1,1,237789,30,,S,1 +2,"Christy, Mrs. (Alice Frances)",female,45,0,2,237789,30,,S,1 +2,"Clarke, Mr. Charles Valentine",male,29,1,0,2003,26,,S,0 +2,"Clarke, Mrs. Charles V (Ada Maria Winfield)",female,28,1,0,2003,26,,S,1 +2,"Coleridge, Mr. Reginald Charles",male,29,0,0,W./C. 14263,10.5,,S,0 +2,"Collander, Mr. Erik Gustaf",male,28,0,0,248740,13,,S,0 +2,"Collett, Mr. Sidney C Stuart",male,24,0,0,28034,10.5,,S,1 +2,"Collyer, Miss. Marjorie ""Lottie""",female,8,0,2,C.A. 31921,26.25,,S,1 +2,"Collyer, Mr. Harvey",male,31,1,1,C.A. 31921,26.25,,S,0 +2,"Collyer, Mrs. Harvey (Charlotte Annie Tate)",female,31,1,1,C.A. 31921,26.25,,S,1 +2,"Cook, Mrs. (Selena Rogers)",female,22,0,0,W./C. 14266,10.5,F33,S,1 +2,"Corbett, Mrs. Walter H (Irene Colvin)",female,30,0,0,237249,13,,S,0 +2,"Corey, Mrs. Percy C (Mary Phyllis Elizabeth Miller)",female,,0,0,F.C.C. 13534,21,,S,0 +2,"Cotterill, Mr. Henry ""Harry""",male,21,0,0,29107,11.5,,S,0 +2,"Cunningham, Mr. Alfred Fleming",male,,0,0,239853,0,,S,0 +2,"Davies, Master. John Morgan Jr",male,8,1,1,C.A. 33112,36.75,,S,1 +2,"Davies, Mr. Charles Henry",male,18,0,0,S.O.C. 14879,73.5,,S,0 +2,"Davies, Mrs. John Morgan (Elizabeth Agnes Mary White) ",female,48,0,2,C.A. 33112,36.75,,S,1 +2,"Davis, Miss. Mary",female,28,0,0,237668,13,,S,1 +2,"de Brito, Mr. Jose Joaquim",male,32,0,0,244360,13,,S,0 +2,"Deacon, Mr. Percy William",male,17,0,0,S.O.C. 14879,73.5,,S,0 +2,"del Carlo, Mr. Sebastiano",male,29,1,0,SC/PARIS 2167,27.7208,,C,0 +2,"del Carlo, Mrs. Sebastiano (Argenia Genovesi)",female,24,1,0,SC/PARIS 2167,27.7208,,C,1 +2,"Denbury, Mr. Herbert",male,25,0,0,C.A. 31029,31.5,,S,0 +2,"Dibden, Mr. William",male,18,0,0,S.O.C. 14879,73.5,,S,0 +2,"Doling, Miss. Elsie",female,18,0,1,231919,23,,S,1 +2,"Doling, Mrs. John T (Ada Julia Bone)",female,34,0,1,231919,23,,S,1 +2,"Downton, Mr. William James",male,54,0,0,28403,26,,S,0 +2,"Drew, Master. Marshall Brines",male,8,0,2,28220,32.5,,S,1 +2,"Drew, Mr. James Vivian",male,42,1,1,28220,32.5,,S,0 +2,"Drew, Mrs. James Vivian (Lulu Thorne Christian)",female,34,1,1,28220,32.5,,S,1 +2,"Duran y More, Miss. Asuncion",female,27,1,0,SC/PARIS 2149,13.8583,,C,1 +2,"Duran y More, Miss. Florentina",female,30,1,0,SC/PARIS 2148,13.8583,,C,1 +2,"Eitemiller, Mr. George Floyd",male,23,0,0,29751,13,,S,0 +2,"Enander, Mr. Ingvar",male,21,0,0,236854,13,,S,0 +2,"Fahlstrom, Mr. Arne Jonas",male,18,0,0,236171,13,,S,0 +2,"Faunthorpe, Mr. Harry",male,40,1,0,2926,26,,S,0 +2,"Faunthorpe, Mrs. Lizzie (Elizabeth Anne Wilkinson)",female,29,1,0,2926,26,,S,1 +2,"Fillbrook, Mr. Joseph Charles",male,18,0,0,C.A. 15185,10.5,,S,0 +2,"Fox, Mr. Stanley Hubert",male,36,0,0,229236,13,,S,0 +2,"Frost, Mr. Anthony Wood ""Archie""",male,,0,0,239854,0,,S,0 +2,"Funk, Miss. Annie Clemmer",female,38,0,0,237671,13,,S,0 +2,"Fynney, Mr. Joseph J",male,35,0,0,239865,26,,S,0 +2,"Gale, Mr. Harry",male,38,1,0,28664,21,,S,0 +2,"Gale, Mr. Shadrach",male,34,1,0,28664,21,,S,0 +2,"Garside, Miss. Ethel",female,34,0,0,243880,13,,S,1 +2,"Gaskell, Mr. Alfred",male,16,0,0,239865,26,,S,0 +2,"Gavey, Mr. Lawrence",male,26,0,0,31028,10.5,,S,0 +2,"Gilbert, Mr. William",male,47,0,0,C.A. 30769,10.5,,S,0 +2,"Giles, Mr. Edgar",male,21,1,0,28133,11.5,,S,0 +2,"Giles, Mr. Frederick Edward",male,21,1,0,28134,11.5,,S,0 +2,"Giles, Mr. Ralph",male,24,0,0,248726,13.5,,S,0 +2,"Gill, Mr. John William",male,24,0,0,233866,13,,S,0 +2,"Gillespie, Mr. William Henry",male,34,0,0,12233,13,,S,0 +2,"Givard, Mr. Hans Kristensen",male,30,0,0,250646,13,,S,0 +2,"Greenberg, Mr. Samuel",male,52,0,0,250647,13,,S,0 +2,"Hale, Mr. Reginald",male,30,0,0,250653,13,,S,0 +2,"Hamalainen, Master. Viljo",male,0.6667,1,1,250649,14.5,,S,1 +2,"Hamalainen, Mrs. William (Anna)",female,24,0,2,250649,14.5,,S,1 +2,"Harbeck, Mr. William H",male,44,0,0,248746,13,,S,0 +2,"Harper, Miss. Annie Jessie ""Nina""",female,6,0,1,248727,33,,S,1 +2,"Harper, Rev. John",male,28,0,1,248727,33,,S,0 +2,"Harris, Mr. George",male,62,0,0,S.W./PP 752,10.5,,S,1 +2,"Harris, Mr. Walter",male,30,0,0,W/C 14208,10.5,,S,0 +2,"Hart, Miss. Eva Miriam",female,7,0,2,F.C.C. 13529,26.25,,S,1 +2,"Hart, Mr. Benjamin",male,43,1,1,F.C.C. 13529,26.25,,S,0 +2,"Hart, Mrs. Benjamin (Esther Ada Bloomfield)",female,45,1,1,F.C.C. 13529,26.25,,S,1 +2,"Herman, Miss. Alice",female,24,1,2,220845,65,,S,1 +2,"Herman, Miss. Kate",female,24,1,2,220845,65,,S,1 +2,"Herman, Mr. Samuel",male,49,1,2,220845,65,,S,0 +2,"Herman, Mrs. Samuel (Jane Laver)",female,48,1,2,220845,65,,S,1 +2,"Hewlett, Mrs. (Mary D Kingcome) ",female,55,0,0,248706,16,,S,1 +2,"Hickman, Mr. Leonard Mark",male,24,2,0,S.O.C. 14879,73.5,,S,0 +2,"Hickman, Mr. Lewis",male,32,2,0,S.O.C. 14879,73.5,,S,0 +2,"Hickman, Mr. Stanley George",male,21,2,0,S.O.C. 14879,73.5,,S,0 +2,"Hiltunen, Miss. Marta",female,18,1,1,250650,13,,S,0 +2,"Hocking, Miss. Ellen ""Nellie""",female,20,2,1,29105,23,,S,1 +2,"Hocking, Mr. Richard George",male,23,2,1,29104,11.5,,S,0 +2,"Hocking, Mr. Samuel James Metcalfe",male,36,0,0,242963,13,,S,0 +2,"Hocking, Mrs. Elizabeth (Eliza Needs)",female,54,1,3,29105,23,,S,1 +2,"Hodges, Mr. Henry Price",male,50,0,0,250643,13,,S,0 +2,"Hold, Mr. Stephen",male,44,1,0,26707,26,,S,0 +2,"Hold, Mrs. Stephen (Annie Margaret Hill)",female,29,1,0,26707,26,,S,1 +2,"Hood, Mr. Ambrose Jr",male,21,0,0,S.O.C. 14879,73.5,,S,0 +2,"Hosono, Mr. Masabumi",male,42,0,0,237798,13,,S,1 +2,"Howard, Mr. Benjamin",male,63,1,0,24065,26,,S,0 +2,"Howard, Mrs. Benjamin (Ellen Truelove Arman)",female,60,1,0,24065,26,,S,0 +2,"Hunt, Mr. George Henry",male,33,0,0,SCO/W 1585,12.275,,S,0 +2,"Ilett, Miss. Bertha",female,17,0,0,SO/C 14885,10.5,,S,1 +2,"Jacobsohn, Mr. Sidney Samuel",male,42,1,0,243847,27,,S,0 +2,"Jacobsohn, Mrs. Sidney Samuel (Amy Frances Christy)",female,24,2,1,243847,27,,S,1 +2,"Jarvis, Mr. John Denzil",male,47,0,0,237565,15,,S,0 +2,"Jefferys, Mr. Clifford Thomas",male,24,2,0,C.A. 31029,31.5,,S,0 +2,"Jefferys, Mr. Ernest Wilfred",male,22,2,0,C.A. 31029,31.5,,S,0 +2,"Jenkin, Mr. Stephen Curnow",male,32,0,0,C.A. 33111,10.5,,S,0 +2,"Jerwan, Mrs. Amin S (Marie Marthe Thuillard)",female,23,0,0,SC/AH Basle 541,13.7917,D,C,1 +2,"Kantor, Mr. Sinai",male,34,1,0,244367,26,,S,0 +2,"Kantor, Mrs. Sinai (Miriam Sternin)",female,24,1,0,244367,26,,S,1 +2,"Karnes, Mrs. J Frank (Claire Bennett)",female,22,0,0,F.C.C. 13534,21,,S,0 +2,"Keane, Miss. Nora A",female,,0,0,226593,12.35,E101,Q,1 +2,"Keane, Mr. Daniel",male,35,0,0,233734,12.35,,Q,0 +2,"Kelly, Mrs. Florence ""Fannie""",female,45,0,0,223596,13.5,,S,1 +2,"Kirkland, Rev. Charles Leonard",male,57,0,0,219533,12.35,,Q,0 +2,"Knight, Mr. Robert J",male,,0,0,239855,0,,S,0 +2,"Kvillner, Mr. Johan Henrik Johannesson",male,31,0,0,C.A. 18723,10.5,,S,0 +2,"Lahtinen, Mrs. William (Anna Sylfven)",female,26,1,1,250651,26,,S,0 +2,"Lahtinen, Rev. William",male,30,1,1,250651,26,,S,0 +2,"Lamb, Mr. John Joseph",male,,0,0,240261,10.7083,,Q,0 +2,"Laroche, Miss. Louise",female,1,1,2,SC/Paris 2123,41.5792,,C,1 +2,"Laroche, Miss. Simonne Marie Anne Andree",female,3,1,2,SC/Paris 2123,41.5792,,C,1 +2,"Laroche, Mr. Joseph Philippe Lemercier",male,25,1,2,SC/Paris 2123,41.5792,,C,0 +2,"Laroche, Mrs. Joseph (Juliette Marie Louise Lafargue)",female,22,1,2,SC/Paris 2123,41.5792,,C,1 +2,"Lehmann, Miss. Bertha",female,17,0,0,SC 1748,12,,C,1 +2,"Leitch, Miss. Jessie Wills",female,,0,0,248727,33,,S,1 +2,"Lemore, Mrs. (Amelia Milley)",female,34,0,0,C.A. 34260,10.5,F33,S,1 +2,"Levy, Mr. Rene Jacques",male,36,0,0,SC/Paris 2163,12.875,D,C,0 +2,"Leyson, Mr. Robert William Norman",male,24,0,0,C.A. 29566,10.5,,S,0 +2,"Lingane, Mr. John",male,61,0,0,235509,12.35,,Q,0 +2,"Louch, Mr. Charles Alexander",male,50,1,0,SC/AH 3085,26,,S,0 +2,"Louch, Mrs. Charles Alexander (Alice Adelaide Slow)",female,42,1,0,SC/AH 3085,26,,S,1 +2,"Mack, Mrs. (Mary)",female,57,0,0,S.O./P.P. 3,10.5,E77,S,0 +2,"Malachard, Mr. Noel",male,,0,0,237735,15.0458,D,C,0 +2,"Mallet, Master. Andre",male,1,0,2,S.C./PARIS 2079,37.0042,,C,1 +2,"Mallet, Mr. Albert",male,31,1,1,S.C./PARIS 2079,37.0042,,C,0 +2,"Mallet, Mrs. Albert (Antoinette Magnin)",female,24,1,1,S.C./PARIS 2079,37.0042,,C,1 +2,"Mangiavacchi, Mr. Serafino Emilio",male,,0,0,SC/A.3 2861,15.5792,,C,0 +2,"Matthews, Mr. William John",male,30,0,0,28228,13,,S,0 +2,"Maybery, Mr. Frank Hubert",male,40,0,0,239059,16,,S,0 +2,"McCrae, Mr. Arthur Gordon",male,32,0,0,237216,13.5,,S,0 +2,"McCrie, Mr. James Matthew",male,30,0,0,233478,13,,S,0 +2,"McKane, Mr. Peter David",male,46,0,0,28403,26,,S,0 +2,"Mellinger, Miss. Madeleine Violet",female,13,0,1,250644,19.5,,S,1 +2,"Mellinger, Mrs. (Elizabeth Anne Maidment)",female,41,0,1,250644,19.5,,S,1 +2,"Mellors, Mr. William John",male,19,0,0,SW/PP 751,10.5,,S,1 +2,"Meyer, Mr. August",male,39,0,0,248723,13,,S,0 +2,"Milling, Mr. Jacob Christian",male,48,0,0,234360,13,,S,0 +2,"Mitchell, Mr. Henry Michael",male,70,0,0,C.A. 24580,10.5,,S,0 +2,"Montvila, Rev. Juozas",male,27,0,0,211536,13,,S,0 +2,"Moraweck, Dr. Ernest",male,54,0,0,29011,14,,S,0 +2,"Morley, Mr. Henry Samuel (""Mr Henry Marshall"")",male,39,0,0,250655,26,,S,0 +2,"Mudd, Mr. Thomas Charles",male,16,0,0,S.O./P.P. 3,10.5,,S,0 +2,"Myles, Mr. Thomas Francis",male,62,0,0,240276,9.6875,,Q,0 +2,"Nasser, Mr. Nicholas",male,32.5,1,0,237736,30.0708,,C,0 +2,"Nasser, Mrs. Nicholas (Adele Achem)",female,14,1,0,237736,30.0708,,C,1 +2,"Navratil, Master. Edmond Roger",male,2,1,1,230080,26,F2,S,1 +2,"Navratil, Master. Michel M",male,3,1,1,230080,26,F2,S,1 +2,"Navratil, Mr. Michel (""Louis M Hoffman"")",male,36.5,0,2,230080,26,F2,S,0 +2,"Nesson, Mr. Israel",male,26,0,0,244368,13,F2,S,0 +2,"Nicholls, Mr. Joseph Charles",male,19,1,1,C.A. 33112,36.75,,S,0 +2,"Norman, Mr. Robert Douglas",male,28,0,0,218629,13.5,,S,0 +2,"Nourney, Mr. Alfred (""Baron von Drachstedt"")",male,20,0,0,SC/PARIS 2166,13.8625,D38,C,1 +2,"Nye, Mrs. (Elizabeth Ramell)",female,29,0,0,C.A. 29395,10.5,F33,S,1 +2,"Otter, Mr. Richard",male,39,0,0,28213,13,,S,0 +2,"Oxenham, Mr. Percy Thomas",male,22,0,0,W./C. 14260,10.5,,S,1 +2,"Padro y Manent, Mr. Julian",male,,0,0,SC/PARIS 2146,13.8625,,C,1 +2,"Pain, Dr. Alfred",male,23,0,0,244278,10.5,,S,0 +2,"Pallas y Castello, Mr. Emilio",male,29,0,0,SC/PARIS 2147,13.8583,,C,1 +2,"Parker, Mr. Clifford Richard",male,28,0,0,SC 14888,10.5,,S,0 +2,"Parkes, Mr. Francis ""Frank""",male,,0,0,239853,0,,S,0 +2,"Parrish, Mrs. (Lutie Davis)",female,50,0,1,230433,26,,S,1 +2,"Pengelly, Mr. Frederick William",male,19,0,0,28665,10.5,,S,0 +2,"Pernot, Mr. Rene",male,,0,0,SC/PARIS 2131,15.05,,C,0 +2,"Peruschitz, Rev. Joseph Maria",male,41,0,0,237393,13,,S,0 +2,"Phillips, Miss. Alice Frances Louisa",female,21,0,1,S.O./P.P. 2,21,,S,1 +2,"Phillips, Miss. Kate Florence (""Mrs Kate Louise Phillips Marshall"")",female,19,0,0,250655,26,,S,1 +2,"Phillips, Mr. Escott Robert",male,43,0,1,S.O./P.P. 2,21,,S,0 +2,"Pinsky, Mrs. (Rosa)",female,32,0,0,234604,13,,S,1 +2,"Ponesell, Mr. Martin",male,34,0,0,250647,13,,S,0 +2,"Portaluppi, Mr. Emilio Ilario Giuseppe",male,30,0,0,C.A. 34644,12.7375,,C,1 +2,"Pulbaum, Mr. Franz",male,27,0,0,SC/PARIS 2168,15.0333,,C,0 +2,"Quick, Miss. Phyllis May",female,2,1,1,26360,26,,S,1 +2,"Quick, Miss. Winifred Vera",female,8,1,1,26360,26,,S,1 +2,"Quick, Mrs. Frederick Charles (Jane Richards)",female,33,0,2,26360,26,,S,1 +2,"Reeves, Mr. David",male,36,0,0,C.A. 17248,10.5,,S,0 +2,"Renouf, Mr. Peter Henry",male,34,1,0,31027,21,,S,0 +2,"Renouf, Mrs. Peter Henry (Lillian Jefferys)",female,30,3,0,31027,21,,S,1 +2,"Reynaldo, Ms. Encarnacion",female,28,0,0,230434,13,,S,1 +2,"Richard, Mr. Emile",male,23,0,0,SC/PARIS 2133,15.0458,,C,0 +2,"Richards, Master. George Sibley",male,0.8333,1,1,29106,18.75,,S,1 +2,"Richards, Master. William Rowe",male,3,1,1,29106,18.75,,S,1 +2,"Richards, Mrs. Sidney (Emily Hocking)",female,24,2,3,29106,18.75,,S,1 +2,"Ridsdale, Miss. Lucy",female,50,0,0,W./C. 14258,10.5,,S,1 +2,"Rogers, Mr. Reginald Harry",male,19,0,0,28004,10.5,,S,0 +2,"Rugg, Miss. Emily",female,21,0,0,C.A. 31026,10.5,,S,1 +2,"Schmidt, Mr. August",male,26,0,0,248659,13,,S,0 +2,"Sedgwick, Mr. Charles Frederick Waddington",male,25,0,0,244361,13,,S,0 +2,"Sharp, Mr. Percival James R",male,27,0,0,244358,26,,S,0 +2,"Shelley, Mrs. William (Imanita Parrish Hall)",female,25,0,1,230433,26,,S,1 +2,"Silven, Miss. Lyyli Karoliina",female,18,0,2,250652,13,,S,1 +2,"Sincock, Miss. Maude",female,20,0,0,C.A. 33112,36.75,,S,1 +2,"Sinkkonen, Miss. Anna",female,30,0,0,250648,13,,S,1 +2,"Sjostedt, Mr. Ernst Adolf",male,59,0,0,237442,13.5,,S,0 +2,"Slayter, Miss. Hilda Mary",female,30,0,0,234818,12.35,,Q,1 +2,"Slemen, Mr. Richard James",male,35,0,0,28206,10.5,,S,0 +2,"Smith, Miss. Marion Elsie",female,40,0,0,31418,13,,S,1 +2,"Sobey, Mr. Samuel James Hayden",male,25,0,0,C.A. 29178,13,,S,0 +2,"Stanton, Mr. Samuel Ward",male,41,0,0,237734,15.0458,,C,0 +2,"Stokes, Mr. Philip Joseph",male,25,0,0,F.C.C. 13540,10.5,,S,0 +2,"Swane, Mr. George",male,18.5,0,0,248734,13,F,S,0 +2,"Sweet, Mr. George Frederick",male,14,0,0,220845,65,,S,0 +2,"Toomey, Miss. Ellen",female,50,0,0,F.C.C. 13531,10.5,,S,1 +2,"Troupiansky, Mr. Moses Aaron",male,23,0,0,233639,13,,S,0 +2,"Trout, Mrs. William H (Jessie L)",female,28,0,0,240929,12.65,,S,1 +2,"Troutt, Miss. Edwina Celia ""Winnie""",female,27,0,0,34218,10.5,E101,S,1 +2,"Turpin, Mr. William John Robert",male,29,1,0,11668,21,,S,0 +2,"Turpin, Mrs. William John Robert (Dorothy Ann Wonnacott)",female,27,1,0,11668,21,,S,0 +2,"Veal, Mr. James",male,40,0,0,28221,13,,S,0 +2,"Walcroft, Miss. Nellie",female,31,0,0,F.C.C. 13528,21,,S,1 +2,"Ware, Mr. John James",male,30,1,0,CA 31352,21,,S,0 +2,"Ware, Mr. William Jeffery",male,23,1,0,28666,10.5,,S,0 +2,"Ware, Mrs. John James (Florence Louise Long)",female,31,0,0,CA 31352,21,,S,1 +2,"Watson, Mr. Ennis Hastings",male,,0,0,239856,0,,S,0 +2,"Watt, Miss. Bertha J",female,12,0,0,C.A. 33595,15.75,,S,1 +2,"Watt, Mrs. James (Elizabeth ""Bessie"" Inglis Milne)",female,40,0,0,C.A. 33595,15.75,,S,1 +2,"Webber, Miss. Susan",female,32.5,0,0,27267,13,E101,S,1 +2,"Weisz, Mr. Leopold",male,27,1,0,228414,26,,S,0 +2,"Weisz, Mrs. Leopold (Mathilde Francoise Pede)",female,29,1,0,228414,26,,S,1 +2,"Wells, Master. Ralph Lester",male,2,1,1,29103,23,,S,1 +2,"Wells, Miss. Joan",female,4,1,1,29103,23,,S,1 +2,"Wells, Mrs. Arthur Henry (""Addie"" Dart Trevaskis)",female,29,0,2,29103,23,,S,1 +2,"West, Miss. Barbara J",female,0.9167,1,2,C.A. 34651,27.75,,S,1 +2,"West, Miss. Constance Mirium",female,5,1,2,C.A. 34651,27.75,,S,1 +2,"West, Mr. Edwy Arthur",male,36,1,2,C.A. 34651,27.75,,S,0 +2,"West, Mrs. Edwy Arthur (Ada Mary Worth)",female,33,1,2,C.A. 34651,27.75,,S,1 +2,"Wheadon, Mr. Edward H",male,66,0,0,C.A. 24579,10.5,,S,0 +2,"Wheeler, Mr. Edwin ""Frederick""",male,,0,0,SC/PARIS 2159,12.875,,S,0 +2,"Wilhelms, Mr. Charles",male,31,0,0,244270,13,,S,1 +2,"Williams, Mr. Charles Eugene",male,,0,0,244373,13,,S,1 +2,"Wright, Miss. Marion",female,26,0,0,220844,13.5,,S,1 +2,"Yrois, Miss. Henriette (""Mrs Harbeck"")",female,24,0,0,248747,13,,S,0 +3,"Abbing, Mr. Anthony",male,42,0,0,C.A. 5547,7.55,,S,0 +3,"Abbott, Master. Eugene Joseph",male,13,0,2,C.A. 2673,20.25,,S,0 +3,"Abbott, Mr. Rossmore Edward",male,16,1,1,C.A. 2673,20.25,,S,0 +3,"Abbott, Mrs. Stanton (Rosa Hunt)",female,35,1,1,C.A. 2673,20.25,,S,1 +3,"Abelseth, Miss. Karen Marie",female,16,0,0,348125,7.65,,S,1 +3,"Abelseth, Mr. Olaus Jorgensen",male,25,0,0,348122,7.65,F G63,S,1 +3,"Abrahamsson, Mr. Abraham August Johannes",male,20,0,0,SOTON/O2 3101284,7.925,,S,1 +3,"Abrahim, Mrs. Joseph (Sophie Halaut Easu)",female,18,0,0,2657,7.2292,,C,1 +3,"Adahl, Mr. Mauritz Nils Martin",male,30,0,0,C 7076,7.25,,S,0 +3,"Adams, Mr. John",male,26,0,0,341826,8.05,,S,0 +3,"Ahlin, Mrs. Johan (Johanna Persdotter Larsson)",female,40,1,0,7546,9.475,,S,0 +3,"Aks, Master. Philip Frank",male,0.8333,0,1,392091,9.35,,S,1 +3,"Aks, Mrs. Sam (Leah Rosen)",female,18,0,1,392091,9.35,,S,1 +3,"Albimona, Mr. Nassef Cassem",male,26,0,0,2699,18.7875,,C,1 +3,"Alexander, Mr. William",male,26,0,0,3474,7.8875,,S,0 +3,"Alhomaki, Mr. Ilmari Rudolf",male,20,0,0,SOTON/O2 3101287,7.925,,S,0 +3,"Ali, Mr. Ahmed",male,24,0,0,SOTON/O.Q. 3101311,7.05,,S,0 +3,"Ali, Mr. William",male,25,0,0,SOTON/O.Q. 3101312,7.05,,S,0 +3,"Allen, Mr. William Henry",male,35,0,0,373450,8.05,,S,0 +3,"Allum, Mr. Owen George",male,18,0,0,2223,8.3,,S,0 +3,"Andersen, Mr. Albert Karvin",male,32,0,0,C 4001,22.525,,S,0 +3,"Andersen-Jensen, Miss. Carla Christine Nielsine",female,19,1,0,350046,7.8542,,S,1 +3,"Andersson, Master. Sigvard Harald Elias",male,4,4,2,347082,31.275,,S,0 +3,"Andersson, Miss. Ebba Iris Alfrida",female,6,4,2,347082,31.275,,S,0 +3,"Andersson, Miss. Ellis Anna Maria",female,2,4,2,347082,31.275,,S,0 +3,"Andersson, Miss. Erna Alexandra",female,17,4,2,3101281,7.925,,S,1 +3,"Andersson, Miss. Ida Augusta Margareta",female,38,4,2,347091,7.775,,S,0 +3,"Andersson, Miss. Ingeborg Constanzia",female,9,4,2,347082,31.275,,S,0 +3,"Andersson, Miss. Sigrid Elisabeth",female,11,4,2,347082,31.275,,S,0 +3,"Andersson, Mr. Anders Johan",male,39,1,5,347082,31.275,,S,0 +3,"Andersson, Mr. August Edvard (""Wennerstrom"")",male,27,0,0,350043,7.7958,,S,1 +3,"Andersson, Mr. Johan Samuel",male,26,0,0,347075,7.775,,S,0 +3,"Andersson, Mrs. Anders Johan (Alfrida Konstantia Brogren)",female,39,1,5,347082,31.275,,S,0 +3,"Andreasson, Mr. Paul Edvin",male,20,0,0,347466,7.8542,,S,0 +3,"Angheloff, Mr. Minko",male,26,0,0,349202,7.8958,,S,0 +3,"Arnold-Franchi, Mr. Josef",male,25,1,0,349237,17.8,,S,0 +3,"Arnold-Franchi, Mrs. Josef (Josefine Franchi)",female,18,1,0,349237,17.8,,S,0 +3,"Aronsson, Mr. Ernst Axel Algot",male,24,0,0,349911,7.775,,S,0 +3,"Asim, Mr. Adola",male,35,0,0,SOTON/O.Q. 3101310,7.05,,S,0 +3,"Asplund, Master. Carl Edgar",male,5,4,2,347077,31.3875,,S,0 +3,"Asplund, Master. Clarence Gustaf Hugo",male,9,4,2,347077,31.3875,,S,0 +3,"Asplund, Master. Edvin Rojj Felix",male,3,4,2,347077,31.3875,,S,1 +3,"Asplund, Master. Filip Oscar",male,13,4,2,347077,31.3875,,S,0 +3,"Asplund, Miss. Lillian Gertrud",female,5,4,2,347077,31.3875,,S,1 +3,"Asplund, Mr. Carl Oscar Vilhelm Gustafsson",male,40,1,5,347077,31.3875,,S,0 +3,"Asplund, Mr. Johan Charles",male,23,0,0,350054,7.7958,,S,1 +3,"Asplund, Mrs. Carl Oscar (Selma Augusta Emilia Johansson)",female,38,1,5,347077,31.3875,,S,1 +3,"Assaf Khalil, Mrs. Mariana (""Miriam"")",female,45,0,0,2696,7.225,,C,1 +3,"Assaf, Mr. Gerios",male,21,0,0,2692,7.225,,C,0 +3,"Assam, Mr. Ali",male,23,0,0,SOTON/O.Q. 3101309,7.05,,S,0 +3,"Attalah, Miss. Malake",female,17,0,0,2627,14.4583,,C,0 +3,"Attalah, Mr. Sleiman",male,30,0,0,2694,7.225,,C,0 +3,"Augustsson, Mr. Albert",male,23,0,0,347468,7.8542,,S,0 +3,"Ayoub, Miss. Banoura",female,13,0,0,2687,7.2292,,C,1 +3,"Baccos, Mr. Raffull",male,20,0,0,2679,7.225,,C,0 +3,"Backstrom, Mr. Karl Alfred",male,32,1,0,3101278,15.85,,S,0 +3,"Backstrom, Mrs. Karl Alfred (Maria Mathilda Gustafsson)",female,33,3,0,3101278,15.85,,S,1 +3,"Baclini, Miss. Eugenie",female,0.75,2,1,2666,19.2583,,C,1 +3,"Baclini, Miss. Helene Barbara",female,0.75,2,1,2666,19.2583,,C,1 +3,"Baclini, Miss. Marie Catherine",female,5,2,1,2666,19.2583,,C,1 +3,"Baclini, Mrs. Solomon (Latifa Qurban)",female,24,0,3,2666,19.2583,,C,1 +3,"Badman, Miss. Emily Louisa",female,18,0,0,A/4 31416,8.05,,S,1 +3,"Badt, Mr. Mohamed",male,40,0,0,2623,7.225,,C,0 +3,"Balkic, Mr. Cerin",male,26,0,0,349248,7.8958,,S,0 +3,"Barah, Mr. Hanna Assi",male,20,0,0,2663,7.2292,,C,1 +3,"Barbara, Miss. Saiide",female,18,0,1,2691,14.4542,,C,0 +3,"Barbara, Mrs. (Catherine David)",female,45,0,1,2691,14.4542,,C,0 +3,"Barry, Miss. Julia",female,27,0,0,330844,7.8792,,Q,0 +3,"Barton, Mr. David John",male,22,0,0,324669,8.05,,S,0 +3,"Beavan, Mr. William Thomas",male,19,0,0,323951,8.05,,S,0 +3,"Bengtsson, Mr. John Viktor",male,26,0,0,347068,7.775,,S,0 +3,"Berglund, Mr. Karl Ivar Sven",male,22,0,0,PP 4348,9.35,,S,0 +3,"Betros, Master. Seman",male,,0,0,2622,7.2292,,C,0 +3,"Betros, Mr. Tannous",male,20,0,0,2648,4.0125,,C,0 +3,"Bing, Mr. Lee",male,32,0,0,1601,56.4958,,S,1 +3,"Birkeland, Mr. Hans Martin Monsen",male,21,0,0,312992,7.775,,S,0 +3,"Bjorklund, Mr. Ernst Herbert",male,18,0,0,347090,7.75,,S,0 +3,"Bostandyeff, Mr. Guentcho",male,26,0,0,349224,7.8958,,S,0 +3,"Boulos, Master. Akar",male,6,1,1,2678,15.2458,,C,0 +3,"Boulos, Miss. Nourelain",female,9,1,1,2678,15.2458,,C,0 +3,"Boulos, Mr. Hanna",male,,0,0,2664,7.225,,C,0 +3,"Boulos, Mrs. Joseph (Sultana)",female,,0,2,2678,15.2458,,C,0 +3,"Bourke, Miss. Mary",female,,0,2,364848,7.75,,Q,0 +3,"Bourke, Mr. John",male,40,1,1,364849,15.5,,Q,0 +3,"Bourke, Mrs. John (Catherine)",female,32,1,1,364849,15.5,,Q,0 +3,"Bowen, Mr. David John ""Dai""",male,21,0,0,54636,16.1,,S,0 +3,"Bradley, Miss. Bridget Delia",female,22,0,0,334914,7.725,,Q,1 +3,"Braf, Miss. Elin Ester Maria",female,20,0,0,347471,7.8542,,S,0 +3,"Braund, Mr. Lewis Richard",male,29,1,0,3460,7.0458,,S,0 +3,"Braund, Mr. Owen Harris",male,22,1,0,A/5 21171,7.25,,S,0 +3,"Brobeck, Mr. Karl Rudolf",male,22,0,0,350045,7.7958,,S,0 +3,"Brocklebank, Mr. William Alfred",male,35,0,0,364512,8.05,,S,0 +3,"Buckley, Miss. Katherine",female,18.5,0,0,329944,7.2833,,Q,0 +3,"Buckley, Mr. Daniel",male,21,0,0,330920,7.8208,,Q,1 +3,"Burke, Mr. Jeremiah",male,19,0,0,365222,6.75,,Q,0 +3,"Burns, Miss. Mary Delia",female,18,0,0,330963,7.8792,,Q,0 +3,"Cacic, Miss. Manda",female,21,0,0,315087,8.6625,,S,0 +3,"Cacic, Miss. Marija",female,30,0,0,315084,8.6625,,S,0 +3,"Cacic, Mr. Jego Grga",male,18,0,0,315091,8.6625,,S,0 +3,"Cacic, Mr. Luka",male,38,0,0,315089,8.6625,,S,0 +3,"Calic, Mr. Jovo",male,17,0,0,315093,8.6625,,S,0 +3,"Calic, Mr. Petar",male,17,0,0,315086,8.6625,,S,0 +3,"Canavan, Miss. Mary",female,21,0,0,364846,7.75,,Q,0 +3,"Canavan, Mr. Patrick",male,21,0,0,364858,7.75,,Q,0 +3,"Cann, Mr. Ernest Charles",male,21,0,0,A./5. 2152,8.05,,S,0 +3,"Caram, Mr. Joseph",male,,1,0,2689,14.4583,,C,0 +3,"Caram, Mrs. Joseph (Maria Elias)",female,,1,0,2689,14.4583,,C,0 +3,"Carlsson, Mr. August Sigfrid",male,28,0,0,350042,7.7958,,S,0 +3,"Carlsson, Mr. Carl Robert",male,24,0,0,350409,7.8542,,S,0 +3,"Carr, Miss. Helen ""Ellen""",female,16,0,0,367231,7.75,,Q,1 +3,"Carr, Miss. Jeannie",female,37,0,0,368364,7.75,,Q,0 +3,"Carver, Mr. Alfred John",male,28,0,0,392095,7.25,,S,0 +3,"Celotti, Mr. Francesco",male,24,0,0,343275,8.05,,S,0 +3,"Charters, Mr. David",male,21,0,0,A/5. 13032,7.7333,,Q,0 +3,"Chip, Mr. Chang",male,32,0,0,1601,56.4958,,S,1 +3,"Christmann, Mr. Emil",male,29,0,0,343276,8.05,,S,0 +3,"Chronopoulos, Mr. Apostolos",male,26,1,0,2680,14.4542,,C,0 +3,"Chronopoulos, Mr. Demetrios",male,18,1,0,2680,14.4542,,C,0 +3,"Coelho, Mr. Domingos Fernandeo",male,20,0,0,SOTON/O.Q. 3101307,7.05,,S,0 +3,"Cohen, Mr. Gurshon ""Gus""",male,18,0,0,A/5 3540,8.05,,S,1 +3,"Colbert, Mr. Patrick",male,24,0,0,371109,7.25,,Q,0 +3,"Coleff, Mr. Peju",male,36,0,0,349210,7.4958,,S,0 +3,"Coleff, Mr. Satio",male,24,0,0,349209,7.4958,,S,0 +3,"Conlon, Mr. Thomas Henry",male,31,0,0,21332,7.7333,,Q,0 +3,"Connaghton, Mr. Michael",male,31,0,0,335097,7.75,,Q,0 +3,"Connolly, Miss. Kate",female,22,0,0,370373,7.75,,Q,1 +3,"Connolly, Miss. Kate",female,30,0,0,330972,7.6292,,Q,0 +3,"Connors, Mr. Patrick",male,70.5,0,0,370369,7.75,,Q,0 +3,"Cook, Mr. Jacob",male,43,0,0,A/5 3536,8.05,,S,0 +3,"Cor, Mr. Bartol",male,35,0,0,349230,7.8958,,S,0 +3,"Cor, Mr. Ivan",male,27,0,0,349229,7.8958,,S,0 +3,"Cor, Mr. Liudevit",male,19,0,0,349231,7.8958,,S,0 +3,"Corn, Mr. Harry",male,30,0,0,SOTON/OQ 392090,8.05,,S,0 +3,"Coutts, Master. Eden Leslie ""Neville""",male,9,1,1,C.A. 37671,15.9,,S,1 +3,"Coutts, Master. William Loch ""William""",male,3,1,1,C.A. 37671,15.9,,S,1 +3,"Coutts, Mrs. William (Winnie ""Minnie"" Treanor)",female,36,0,2,C.A. 37671,15.9,,S,1 +3,"Coxon, Mr. Daniel",male,59,0,0,364500,7.25,,S,0 +3,"Crease, Mr. Ernest James",male,19,0,0,S.P. 3464,8.1583,,S,0 +3,"Cribb, Miss. Laura Alice",female,17,0,1,371362,16.1,,S,1 +3,"Cribb, Mr. John Hatfield",male,44,0,1,371362,16.1,,S,0 +3,"Culumovic, Mr. Jeso",male,17,0,0,315090,8.6625,,S,0 +3,"Daher, Mr. Shedid",male,22.5,0,0,2698,7.225,,C,0 +3,"Dahl, Mr. Karl Edwart",male,45,0,0,7598,8.05,,S,1 +3,"Dahlberg, Miss. Gerda Ulrika",female,22,0,0,7552,10.5167,,S,0 +3,"Dakic, Mr. Branko",male,19,0,0,349228,10.1708,,S,0 +3,"Daly, Miss. Margaret Marcella ""Maggie""",female,30,0,0,382650,6.95,,Q,1 +3,"Daly, Mr. Eugene Patrick",male,29,0,0,382651,7.75,,Q,1 +3,"Danbom, Master. Gilbert Sigvard Emanuel",male,0.3333,0,2,347080,14.4,,S,0 +3,"Danbom, Mr. Ernst Gilbert",male,34,1,1,347080,14.4,,S,0 +3,"Danbom, Mrs. Ernst Gilbert (Anna Sigrid Maria Brogren)",female,28,1,1,347080,14.4,,S,0 +3,"Danoff, Mr. Yoto",male,27,0,0,349219,7.8958,,S,0 +3,"Dantcheff, Mr. Ristiu",male,25,0,0,349203,7.8958,,S,0 +3,"Davies, Mr. Alfred J",male,24,2,0,A/4 48871,24.15,,S,0 +3,"Davies, Mr. Evan",male,22,0,0,SC/A4 23568,8.05,,S,0 +3,"Davies, Mr. John Samuel",male,21,2,0,A/4 48871,24.15,,S,0 +3,"Davies, Mr. Joseph",male,17,2,0,A/4 48873,8.05,,S,0 +3,"Davison, Mr. Thomas Henry",male,,1,0,386525,16.1,,S,0 +3,"Davison, Mrs. Thomas Henry (Mary E Finck)",female,,1,0,386525,16.1,,S,1 +3,"de Messemaeker, Mr. Guillaume Joseph",male,36.5,1,0,345572,17.4,,S,1 +3,"de Messemaeker, Mrs. Guillaume Joseph (Emma)",female,36,1,0,345572,17.4,,S,1 +3,"de Mulder, Mr. Theodore",male,30,0,0,345774,9.5,,S,1 +3,"de Pelsmaeker, Mr. Alfons",male,16,0,0,345778,9.5,,S,0 +3,"Dean, Master. Bertram Vere",male,1,1,2,C.A. 2315,20.575,,S,1 +3,"Dean, Miss. Elizabeth Gladys ""Millvina""",female,0.1667,1,2,C.A. 2315,20.575,,S,1 +3,"Dean, Mr. Bertram Frank",male,26,1,2,C.A. 2315,20.575,,S,0 +3,"Dean, Mrs. Bertram (Eva Georgetta Light)",female,33,1,2,C.A. 2315,20.575,,S,1 +3,"Delalic, Mr. Redjo",male,25,0,0,349250,7.8958,,S,0 +3,"Demetri, Mr. Marinko",male,,0,0,349238,7.8958,,S,0 +3,"Denkoff, Mr. Mitto",male,,0,0,349225,7.8958,,S,0 +3,"Dennis, Mr. Samuel",male,22,0,0,A/5 21172,7.25,,S,0 +3,"Dennis, Mr. William",male,36,0,0,A/5 21175,7.25,,S,0 +3,"Devaney, Miss. Margaret Delia",female,19,0,0,330958,7.8792,,Q,1 +3,"Dika, Mr. Mirko",male,17,0,0,349232,7.8958,,S,0 +3,"Dimic, Mr. Jovan",male,42,0,0,315088,8.6625,,S,0 +3,"Dintcheff, Mr. Valtcho",male,43,0,0,349226,7.8958,,S,0 +3,"Doharr, Mr. Tannous",male,,0,0,2686,7.2292,,C,0 +3,"Dooley, Mr. Patrick",male,32,0,0,370376,7.75,,Q,0 +3,"Dorking, Mr. Edward Arthur",male,19,0,0,A/5. 10482,8.05,,S,1 +3,"Dowdell, Miss. Elizabeth",female,30,0,0,364516,12.475,,S,1 +3,"Doyle, Miss. Elizabeth",female,24,0,0,368702,7.75,,Q,0 +3,"Drapkin, Miss. Jennie",female,23,0,0,SOTON/OQ 392083,8.05,,S,1 +3,"Drazenoic, Mr. Jozef",male,33,0,0,349241,7.8958,,C,0 +3,"Duane, Mr. Frank",male,65,0,0,336439,7.75,,Q,0 +3,"Duquemin, Mr. Joseph",male,24,0,0,S.O./P.P. 752,7.55,,S,1 +3,"Dyker, Mr. Adolf Fredrik",male,23,1,0,347072,13.9,,S,0 +3,"Dyker, Mrs. Adolf Fredrik (Anna Elisabeth Judith Andersson)",female,22,1,0,347072,13.9,,S,1 +3,"Edvardsson, Mr. Gustaf Hjalmar",male,18,0,0,349912,7.775,,S,0 +3,"Eklund, Mr. Hans Linus",male,16,0,0,347074,7.775,,S,0 +3,"Ekstrom, Mr. Johan",male,45,0,0,347061,6.975,,S,0 +3,"Elias, Mr. Dibo",male,,0,0,2674,7.225,,C,0 +3,"Elias, Mr. Joseph",male,39,0,2,2675,7.2292,,C,0 +3,"Elias, Mr. Joseph Jr",male,17,1,1,2690,7.2292,,C,0 +3,"Elias, Mr. Tannous",male,15,1,1,2695,7.2292,,C,0 +3,"Elsbury, Mr. William James",male,47,0,0,A/5 3902,7.25,,S,0 +3,"Emanuel, Miss. Virginia Ethel",female,5,0,0,364516,12.475,,S,1 +3,"Emir, Mr. Farred Chehab",male,,0,0,2631,7.225,,C,0 +3,"Everett, Mr. Thomas James",male,40.5,0,0,C.A. 6212,15.1,,S,0 +3,"Farrell, Mr. James",male,40.5,0,0,367232,7.75,,Q,0 +3,"Finoli, Mr. Luigi",male,,0,0,SOTON/O.Q. 3101308,7.05,,S,1 +3,"Fischer, Mr. Eberhard Thelander",male,18,0,0,350036,7.7958,,S,0 +3,"Fleming, Miss. Honora",female,,0,0,364859,7.75,,Q,0 +3,"Flynn, Mr. James",male,,0,0,364851,7.75,,Q,0 +3,"Flynn, Mr. John",male,,0,0,368323,6.95,,Q,0 +3,"Foley, Mr. Joseph",male,26,0,0,330910,7.8792,,Q,0 +3,"Foley, Mr. William",male,,0,0,365235,7.75,,Q,0 +3,"Foo, Mr. Choong",male,,0,0,1601,56.4958,,S,1 +3,"Ford, Miss. Doolina Margaret ""Daisy""",female,21,2,2,W./C. 6608,34.375,,S,0 +3,"Ford, Miss. Robina Maggie ""Ruby""",female,9,2,2,W./C. 6608,34.375,,S,0 +3,"Ford, Mr. Arthur",male,,0,0,A/5 1478,8.05,,S,0 +3,"Ford, Mr. Edward Watson",male,18,2,2,W./C. 6608,34.375,,S,0 +3,"Ford, Mr. William Neal",male,16,1,3,W./C. 6608,34.375,,S,0 +3,"Ford, Mrs. Edward (Margaret Ann Watson)",female,48,1,3,W./C. 6608,34.375,,S,0 +3,"Fox, Mr. Patrick",male,,0,0,368573,7.75,,Q,0 +3,"Franklin, Mr. Charles (Charles Fardon)",male,,0,0,SOTON/O.Q. 3101314,7.25,,S,0 +3,"Gallagher, Mr. Martin",male,25,0,0,36864,7.7417,,Q,0 +3,"Garfirth, Mr. John",male,,0,0,358585,14.5,,S,0 +3,"Gheorgheff, Mr. Stanio",male,,0,0,349254,7.8958,,C,0 +3,"Gilinski, Mr. Eliezer",male,22,0,0,14973,8.05,,S,0 +3,"Gilnagh, Miss. Katherine ""Katie""",female,16,0,0,35851,7.7333,,Q,1 +3,"Glynn, Miss. Mary Agatha",female,,0,0,335677,7.75,,Q,1 +3,"Goldsmith, Master. Frank John William ""Frankie""",male,9,0,2,363291,20.525,,S,1 +3,"Goldsmith, Mr. Frank John",male,33,1,1,363291,20.525,,S,0 +3,"Goldsmith, Mr. Nathan",male,41,0,0,SOTON/O.Q. 3101263,7.85,,S,0 +3,"Goldsmith, Mrs. Frank John (Emily Alice Brown)",female,31,1,1,363291,20.525,,S,1 +3,"Goncalves, Mr. Manuel Estanslas",male,38,0,0,SOTON/O.Q. 3101306,7.05,,S,0 +3,"Goodwin, Master. Harold Victor",male,9,5,2,CA 2144,46.9,,S,0 +3,"Goodwin, Master. Sidney Leonard",male,1,5,2,CA 2144,46.9,,S,0 +3,"Goodwin, Master. William Frederick",male,11,5,2,CA 2144,46.9,,S,0 +3,"Goodwin, Miss. Jessie Allis",female,10,5,2,CA 2144,46.9,,S,0 +3,"Goodwin, Miss. Lillian Amy",female,16,5,2,CA 2144,46.9,,S,0 +3,"Goodwin, Mr. Charles Edward",male,14,5,2,CA 2144,46.9,,S,0 +3,"Goodwin, Mr. Charles Frederick",male,40,1,6,CA 2144,46.9,,S,0 +3,"Goodwin, Mrs. Frederick (Augusta Tyler)",female,43,1,6,CA 2144,46.9,,S,0 +3,"Green, Mr. George Henry",male,51,0,0,21440,8.05,,S,0 +3,"Gronnestad, Mr. Daniel Danielsen",male,32,0,0,8471,8.3625,,S,0 +3,"Guest, Mr. Robert",male,,0,0,376563,8.05,,S,0 +3,"Gustafsson, Mr. Alfred Ossian",male,20,0,0,7534,9.8458,,S,0 +3,"Gustafsson, Mr. Anders Vilhelm",male,37,2,0,3101276,7.925,,S,0 +3,"Gustafsson, Mr. Johan Birger",male,28,2,0,3101277,7.925,,S,0 +3,"Gustafsson, Mr. Karl Gideon",male,19,0,0,347069,7.775,,S,0 +3,"Haas, Miss. Aloisia",female,24,0,0,349236,8.85,,S,0 +3,"Hagardon, Miss. Kate",female,17,0,0,AQ/3. 30631,7.7333,,Q,0 +3,"Hagland, Mr. Ingvald Olai Olsen",male,,1,0,65303,19.9667,,S,0 +3,"Hagland, Mr. Konrad Mathias Reiersen",male,,1,0,65304,19.9667,,S,0 +3,"Hakkarainen, Mr. Pekka Pietari",male,28,1,0,STON/O2. 3101279,15.85,,S,0 +3,"Hakkarainen, Mrs. Pekka Pietari (Elin Matilda Dolck)",female,24,1,0,STON/O2. 3101279,15.85,,S,1 +3,"Hampe, Mr. Leon",male,20,0,0,345769,9.5,,S,0 +3,"Hanna, Mr. Mansour",male,23.5,0,0,2693,7.2292,,C,0 +3,"Hansen, Mr. Claus Peter",male,41,2,0,350026,14.1083,,S,0 +3,"Hansen, Mr. Henrik Juul",male,26,1,0,350025,7.8542,,S,0 +3,"Hansen, Mr. Henry Damsgaard",male,21,0,0,350029,7.8542,,S,0 +3,"Hansen, Mrs. Claus Peter (Jennie L Howard)",female,45,1,0,350026,14.1083,,S,1 +3,"Harknett, Miss. Alice Phoebe",female,,0,0,W./C. 6609,7.55,,S,0 +3,"Harmer, Mr. Abraham (David Lishin)",male,25,0,0,374887,7.25,,S,0 +3,"Hart, Mr. Henry",male,,0,0,394140,6.8583,,Q,0 +3,"Hassan, Mr. Houssein G N",male,11,0,0,2699,18.7875,,C,0 +3,"Healy, Miss. Hanora ""Nora""",female,,0,0,370375,7.75,,Q,1 +3,"Hedman, Mr. Oskar Arvid",male,27,0,0,347089,6.975,,S,1 +3,"Hee, Mr. Ling",male,,0,0,1601,56.4958,,S,1 +3,"Hegarty, Miss. Hanora ""Nora""",female,18,0,0,365226,6.75,,Q,0 +3,"Heikkinen, Miss. Laina",female,26,0,0,STON/O2. 3101282,7.925,,S,1 +3,"Heininen, Miss. Wendla Maria",female,23,0,0,STON/O2. 3101290,7.925,,S,0 +3,"Hellstrom, Miss. Hilda Maria",female,22,0,0,7548,8.9625,,S,1 +3,"Hendekovic, Mr. Ignjac",male,28,0,0,349243,7.8958,,S,0 +3,"Henriksson, Miss. Jenny Lovisa",female,28,0,0,347086,7.775,,S,0 +3,"Henry, Miss. Delia",female,,0,0,382649,7.75,,Q,0 +3,"Hirvonen, Miss. Hildur E",female,2,0,1,3101298,12.2875,,S,1 +3,"Hirvonen, Mrs. Alexander (Helga E Lindqvist)",female,22,1,1,3101298,12.2875,,S,1 +3,"Holm, Mr. John Fredrik Alexander",male,43,0,0,C 7075,6.45,,S,0 +3,"Holthen, Mr. Johan Martin",male,28,0,0,C 4001,22.525,,S,0 +3,"Honkanen, Miss. Eliina",female,27,0,0,STON/O2. 3101283,7.925,,S,1 +3,"Horgan, Mr. John",male,,0,0,370377,7.75,,Q,0 +3,"Howard, Miss. May Elizabeth",female,,0,0,A. 2. 39186,8.05,,S,1 +3,"Humblen, Mr. Adolf Mathias Nicolai Olsen",male,42,0,0,348121,7.65,F G63,S,0 +3,"Hyman, Mr. Abraham",male,,0,0,3470,7.8875,,S,1 +3,"Ibrahim Shawah, Mr. Yousseff",male,30,0,0,2685,7.2292,,C,0 +3,"Ilieff, Mr. Ylio",male,,0,0,349220,7.8958,,S,0 +3,"Ilmakangas, Miss. Ida Livija",female,27,1,0,STON/O2. 3101270,7.925,,S,0 +3,"Ilmakangas, Miss. Pieta Sofia",female,25,1,0,STON/O2. 3101271,7.925,,S,0 +3,"Ivanoff, Mr. Kanio",male,,0,0,349201,7.8958,,S,0 +3,"Jalsevac, Mr. Ivan",male,29,0,0,349240,7.8958,,C,1 +3,"Jansson, Mr. Carl Olof",male,21,0,0,350034,7.7958,,S,1 +3,"Jardin, Mr. Jose Neto",male,,0,0,SOTON/O.Q. 3101305,7.05,,S,0 +3,"Jensen, Mr. Hans Peder",male,20,0,0,350050,7.8542,,S,0 +3,"Jensen, Mr. Niels Peder",male,48,0,0,350047,7.8542,,S,0 +3,"Jensen, Mr. Svend Lauritz",male,17,1,0,350048,7.0542,,S,0 +3,"Jermyn, Miss. Annie",female,,0,0,14313,7.75,,Q,1 +3,"Johannesen-Bratthammer, Mr. Bernt",male,,0,0,65306,8.1125,,S,1 +3,"Johanson, Mr. Jakob Alfred",male,34,0,0,3101264,6.4958,,S,0 +3,"Johansson Palmquist, Mr. Oskar Leander",male,26,0,0,347070,7.775,,S,1 +3,"Johansson, Mr. Erik",male,22,0,0,350052,7.7958,,S,0 +3,"Johansson, Mr. Gustaf Joel",male,33,0,0,7540,8.6542,,S,0 +3,"Johansson, Mr. Karl Johan",male,31,0,0,347063,7.775,,S,0 +3,"Johansson, Mr. Nils",male,29,0,0,347467,7.8542,,S,0 +3,"Johnson, Master. Harold Theodor",male,4,1,1,347742,11.1333,,S,1 +3,"Johnson, Miss. Eleanor Ileen",female,1,1,1,347742,11.1333,,S,1 +3,"Johnson, Mr. Alfred",male,49,0,0,LINE,0,,S,0 +3,"Johnson, Mr. Malkolm Joackim",male,33,0,0,347062,7.775,,S,0 +3,"Johnson, Mr. William Cahoone Jr",male,19,0,0,LINE,0,,S,0 +3,"Johnson, Mrs. Oscar W (Elisabeth Vilhelmina Berg)",female,27,0,2,347742,11.1333,,S,1 +3,"Johnston, Master. William Arthur ""Willie""",male,,1,2,W./C. 6607,23.45,,S,0 +3,"Johnston, Miss. Catherine Helen ""Carrie""",female,,1,2,W./C. 6607,23.45,,S,0 +3,"Johnston, Mr. Andrew G",male,,1,2,W./C. 6607,23.45,,S,0 +3,"Johnston, Mrs. Andrew G (Elizabeth ""Lily"" Watson)",female,,1,2,W./C. 6607,23.45,,S,0 +3,"Jonkoff, Mr. Lalio",male,23,0,0,349204,7.8958,,S,0 +3,"Jonsson, Mr. Carl",male,32,0,0,350417,7.8542,,S,1 +3,"Jonsson, Mr. Nils Hilding",male,27,0,0,350408,7.8542,,S,0 +3,"Jussila, Miss. Katriina",female,20,1,0,4136,9.825,,S,0 +3,"Jussila, Miss. Mari Aina",female,21,1,0,4137,9.825,,S,0 +3,"Jussila, Mr. Eiriik",male,32,0,0,STON/O 2. 3101286,7.925,,S,1 +3,"Kallio, Mr. Nikolai Erland",male,17,0,0,STON/O 2. 3101274,7.125,,S,0 +3,"Kalvik, Mr. Johannes Halvorsen",male,21,0,0,8475,8.4333,,S,0 +3,"Karaic, Mr. Milan",male,30,0,0,349246,7.8958,,S,0 +3,"Karlsson, Mr. Einar Gervasius",male,21,0,0,350053,7.7958,,S,1 +3,"Karlsson, Mr. Julius Konrad Eugen",male,33,0,0,347465,7.8542,,S,0 +3,"Karlsson, Mr. Nils August",male,22,0,0,350060,7.5208,,S,0 +3,"Karun, Miss. Manca",female,4,0,1,349256,13.4167,,C,1 +3,"Karun, Mr. Franz",male,39,0,1,349256,13.4167,,C,1 +3,"Kassem, Mr. Fared",male,,0,0,2700,7.2292,,C,0 +3,"Katavelas, Mr. Vassilios (""Catavelas Vassilios"")",male,18.5,0,0,2682,7.2292,,C,0 +3,"Keane, Mr. Andrew ""Andy""",male,,0,0,12460,7.75,,Q,0 +3,"Keefe, Mr. Arthur",male,,0,0,323592,7.25,,S,0 +3,"Kelly, Miss. Anna Katherine ""Annie Kate""",female,,0,0,9234,7.75,,Q,1 +3,"Kelly, Miss. Mary",female,,0,0,14312,7.75,,Q,1 +3,"Kelly, Mr. James",male,34.5,0,0,330911,7.8292,,Q,0 +3,"Kelly, Mr. James",male,44,0,0,363592,8.05,,S,0 +3,"Kennedy, Mr. John",male,,0,0,368783,7.75,,Q,1 +3,"Khalil, Mr. Betros",male,,1,0,2660,14.4542,,C,0 +3,"Khalil, Mrs. Betros (Zahie ""Maria"" Elias)",female,,1,0,2660,14.4542,,C,0 +3,"Kiernan, Mr. John",male,,1,0,367227,7.75,,Q,0 +3,"Kiernan, Mr. Philip",male,,1,0,367229,7.75,,Q,0 +3,"Kilgannon, Mr. Thomas J",male,,0,0,36865,7.7375,,Q,0 +3,"Kink, Miss. Maria",female,22,2,0,315152,8.6625,,S,0 +3,"Kink, Mr. Vincenz",male,26,2,0,315151,8.6625,,S,0 +3,"Kink-Heilmann, Miss. Luise Gretchen",female,4,0,2,315153,22.025,,S,1 +3,"Kink-Heilmann, Mr. Anton",male,29,3,1,315153,22.025,,S,1 +3,"Kink-Heilmann, Mrs. Anton (Luise Heilmann)",female,26,1,1,315153,22.025,,S,1 +3,"Klasen, Miss. Gertrud Emilia",female,1,1,1,350405,12.1833,,S,0 +3,"Klasen, Mr. Klas Albin",male,18,1,1,350404,7.8542,,S,0 +3,"Klasen, Mrs. (Hulda Kristina Eugenia Lofqvist)",female,36,0,2,350405,12.1833,,S,0 +3,"Kraeff, Mr. Theodor",male,,0,0,349253,7.8958,,C,0 +3,"Krekorian, Mr. Neshan",male,25,0,0,2654,7.2292,F E57,C,1 +3,"Lahoud, Mr. Sarkis",male,,0,0,2624,7.225,,C,0 +3,"Laitinen, Miss. Kristina Sofia",female,37,0,0,4135,9.5875,,S,0 +3,"Laleff, Mr. Kristo",male,,0,0,349217,7.8958,,S,0 +3,"Lam, Mr. Ali",male,,0,0,1601,56.4958,,S,1 +3,"Lam, Mr. Len",male,,0,0,1601,56.4958,,S,0 +3,"Landergren, Miss. Aurora Adelia",female,22,0,0,C 7077,7.25,,S,1 +3,"Lane, Mr. Patrick",male,,0,0,7935,7.75,,Q,0 +3,"Lang, Mr. Fang",male,26,0,0,1601,56.4958,,S,1 +3,"Larsson, Mr. August Viktor",male,29,0,0,7545,9.4833,,S,0 +3,"Larsson, Mr. Bengt Edvin",male,29,0,0,347067,7.775,,S,0 +3,"Larsson-Rondberg, Mr. Edvard A",male,22,0,0,347065,7.775,,S,0 +3,"Leeni, Mr. Fahim (""Philip Zenni"")",male,22,0,0,2620,7.225,,C,1 +3,"Lefebre, Master. Henry Forbes",male,,3,1,4133,25.4667,,S,0 +3,"Lefebre, Miss. Ida",female,,3,1,4133,25.4667,,S,0 +3,"Lefebre, Miss. Jeannie",female,,3,1,4133,25.4667,,S,0 +3,"Lefebre, Miss. Mathilde",female,,3,1,4133,25.4667,,S,0 +3,"Lefebre, Mrs. Frank (Frances)",female,,0,4,4133,25.4667,,S,0 +3,"Leinonen, Mr. Antti Gustaf",male,32,0,0,STON/O 2. 3101292,7.925,,S,0 +3,"Lemberopolous, Mr. Peter L",male,34.5,0,0,2683,6.4375,,C,0 +3,"Lennon, Miss. Mary",female,,1,0,370371,15.5,,Q,0 +3,"Lennon, Mr. Denis",male,,1,0,370371,15.5,,Q,0 +3,"Leonard, Mr. Lionel",male,36,0,0,LINE,0,,S,0 +3,"Lester, Mr. James",male,39,0,0,A/4 48871,24.15,,S,0 +3,"Lievens, Mr. Rene Aime",male,24,0,0,345781,9.5,,S,0 +3,"Lindahl, Miss. Agda Thorilda Viktoria",female,25,0,0,347071,7.775,,S,0 +3,"Lindblom, Miss. Augusta Charlotta",female,45,0,0,347073,7.75,,S,0 +3,"Lindell, Mr. Edvard Bengtsson",male,36,1,0,349910,15.55,,S,0 +3,"Lindell, Mrs. Edvard Bengtsson (Elin Gerda Persson)",female,30,1,0,349910,15.55,,S,0 +3,"Lindqvist, Mr. Eino William",male,20,1,0,STON/O 2. 3101285,7.925,,S,1 +3,"Linehan, Mr. Michael",male,,0,0,330971,7.8792,,Q,0 +3,"Ling, Mr. Lee",male,28,0,0,1601,56.4958,,S,0 +3,"Lithman, Mr. Simon",male,,0,0,S.O./P.P. 251,7.55,,S,0 +3,"Lobb, Mr. William Arthur",male,30,1,0,A/5. 3336,16.1,,S,0 +3,"Lobb, Mrs. William Arthur (Cordelia K Stanlick)",female,26,1,0,A/5. 3336,16.1,,S,0 +3,"Lockyer, Mr. Edward",male,,0,0,1222,7.8792,,S,0 +3,"Lovell, Mr. John Hall (""Henry"")",male,20.5,0,0,A/5 21173,7.25,,S,0 +3,"Lulic, Mr. Nikola",male,27,0,0,315098,8.6625,,S,1 +3,"Lundahl, Mr. Johan Svensson",male,51,0,0,347743,7.0542,,S,0 +3,"Lundin, Miss. Olga Elida",female,23,0,0,347469,7.8542,,S,1 +3,"Lundstrom, Mr. Thure Edvin",male,32,0,0,350403,7.5792,,S,1 +3,"Lyntakoff, Mr. Stanko",male,,0,0,349235,7.8958,,S,0 +3,"MacKay, Mr. George William",male,,0,0,C.A. 42795,7.55,,S,0 +3,"Madigan, Miss. Margaret ""Maggie""",female,,0,0,370370,7.75,,Q,1 +3,"Madsen, Mr. Fridtjof Arne",male,24,0,0,C 17369,7.1417,,S,1 +3,"Maenpaa, Mr. Matti Alexanteri",male,22,0,0,STON/O 2. 3101275,7.125,,S,0 +3,"Mahon, Miss. Bridget Delia",female,,0,0,330924,7.8792,,Q,0 +3,"Mahon, Mr. John",male,,0,0,AQ/4 3130,7.75,,Q,0 +3,"Maisner, Mr. Simon",male,,0,0,A/S 2816,8.05,,S,0 +3,"Makinen, Mr. Kalle Edvard",male,29,0,0,STON/O 2. 3101268,7.925,,S,0 +3,"Mamee, Mr. Hanna",male,,0,0,2677,7.2292,,C,1 +3,"Mangan, Miss. Mary",female,30.5,0,0,364850,7.75,,Q,0 +3,"Mannion, Miss. Margareth",female,,0,0,36866,7.7375,,Q,1 +3,"Mardirosian, Mr. Sarkis",male,,0,0,2655,7.2292,F E46,C,0 +3,"Markoff, Mr. Marin",male,35,0,0,349213,7.8958,,C,0 +3,"Markun, Mr. Johann",male,33,0,0,349257,7.8958,,S,0 +3,"Masselmani, Mrs. Fatima",female,,0,0,2649,7.225,,C,1 +3,"Matinoff, Mr. Nicola",male,,0,0,349255,7.8958,,C,0 +3,"McCarthy, Miss. Catherine ""Katie""",female,,0,0,383123,7.75,,Q,1 +3,"McCormack, Mr. Thomas Joseph",male,,0,0,367228,7.75,,Q,1 +3,"McCoy, Miss. Agnes",female,,2,0,367226,23.25,,Q,1 +3,"McCoy, Miss. Alicia",female,,2,0,367226,23.25,,Q,1 +3,"McCoy, Mr. Bernard",male,,2,0,367226,23.25,,Q,1 +3,"McDermott, Miss. Brigdet Delia",female,,0,0,330932,7.7875,,Q,1 +3,"McEvoy, Mr. Michael",male,,0,0,36568,15.5,,Q,0 +3,"McGovern, Miss. Mary",female,,0,0,330931,7.8792,,Q,1 +3,"McGowan, Miss. Anna ""Annie""",female,15,0,0,330923,8.0292,,Q,1 +3,"McGowan, Miss. Katherine",female,35,0,0,9232,7.75,,Q,0 +3,"McMahon, Mr. Martin",male,,0,0,370372,7.75,,Q,0 +3,"McNamee, Mr. Neal",male,24,1,0,376566,16.1,,S,0 +3,"McNamee, Mrs. Neal (Eileen O'Leary)",female,19,1,0,376566,16.1,,S,0 +3,"McNeill, Miss. Bridget",female,,0,0,370368,7.75,,Q,0 +3,"Meanwell, Miss. (Marion Ogden)",female,,0,0,SOTON/O.Q. 392087,8.05,,S,0 +3,"Meek, Mrs. Thomas (Annie Louise Rowley)",female,,0,0,343095,8.05,,S,0 +3,"Meo, Mr. Alfonzo",male,55.5,0,0,A.5. 11206,8.05,,S,0 +3,"Mernagh, Mr. Robert",male,,0,0,368703,7.75,,Q,0 +3,"Midtsjo, Mr. Karl Albert",male,21,0,0,345501,7.775,,S,1 +3,"Miles, Mr. Frank",male,,0,0,359306,8.05,,S,0 +3,"Mineff, Mr. Ivan",male,24,0,0,349233,7.8958,,S,0 +3,"Minkoff, Mr. Lazar",male,21,0,0,349211,7.8958,,S,0 +3,"Mionoff, Mr. Stoytcho",male,28,0,0,349207,7.8958,,S,0 +3,"Mitkoff, Mr. Mito",male,,0,0,349221,7.8958,,S,0 +3,"Mockler, Miss. Helen Mary ""Ellie""",female,,0,0,330980,7.8792,,Q,1 +3,"Moen, Mr. Sigurd Hansen",male,25,0,0,348123,7.65,F G73,S,0 +3,"Moor, Master. Meier",male,6,0,1,392096,12.475,E121,S,1 +3,"Moor, Mrs. (Beila)",female,27,0,1,392096,12.475,E121,S,1 +3,"Moore, Mr. Leonard Charles",male,,0,0,A4. 54510,8.05,,S,0 +3,"Moran, Miss. Bertha",female,,1,0,371110,24.15,,Q,1 +3,"Moran, Mr. Daniel J",male,,1,0,371110,24.15,,Q,0 +3,"Moran, Mr. James",male,,0,0,330877,8.4583,,Q,0 +3,"Morley, Mr. William",male,34,0,0,364506,8.05,,S,0 +3,"Morrow, Mr. Thomas Rowan",male,,0,0,372622,7.75,,Q,0 +3,"Moss, Mr. Albert Johan",male,,0,0,312991,7.775,,S,1 +3,"Moubarek, Master. Gerios",male,,1,1,2661,15.2458,,C,1 +3,"Moubarek, Master. Halim Gonios (""William George"")",male,,1,1,2661,15.2458,,C,1 +3,"Moubarek, Mrs. George (Omine ""Amenia"" Alexander)",female,,0,2,2661,15.2458,,C,1 +3,"Moussa, Mrs. (Mantoura Boulos)",female,,0,0,2626,7.2292,,C,1 +3,"Moutal, Mr. Rahamin Haim",male,,0,0,374746,8.05,,S,0 +3,"Mullens, Miss. Katherine ""Katie""",female,,0,0,35852,7.7333,,Q,1 +3,"Mulvihill, Miss. Bertha E",female,24,0,0,382653,7.75,,Q,1 +3,"Murdlin, Mr. Joseph",male,,0,0,A./5. 3235,8.05,,S,0 +3,"Murphy, Miss. Katherine ""Kate""",female,,1,0,367230,15.5,,Q,1 +3,"Murphy, Miss. Margaret Jane",female,,1,0,367230,15.5,,Q,1 +3,"Murphy, Miss. Nora",female,,0,0,36568,15.5,,Q,1 +3,"Myhrman, Mr. Pehr Fabian Oliver Malkolm",male,18,0,0,347078,7.75,,S,0 +3,"Naidenoff, Mr. Penko",male,22,0,0,349206,7.8958,,S,0 +3,"Najib, Miss. Adele Kiamie ""Jane""",female,15,0,0,2667,7.225,,C,1 +3,"Nakid, Miss. Maria (""Mary"")",female,1,0,2,2653,15.7417,,C,1 +3,"Nakid, Mr. Sahid",male,20,1,1,2653,15.7417,,C,1 +3,"Nakid, Mrs. Said (Waika ""Mary"" Mowad)",female,19,1,1,2653,15.7417,,C,1 +3,"Nancarrow, Mr. William Henry",male,33,0,0,A./5. 3338,8.05,,S,0 +3,"Nankoff, Mr. Minko",male,,0,0,349218,7.8958,,S,0 +3,"Nasr, Mr. Mustafa",male,,0,0,2652,7.2292,,C,0 +3,"Naughton, Miss. Hannah",female,,0,0,365237,7.75,,Q,0 +3,"Nenkoff, Mr. Christo",male,,0,0,349234,7.8958,,S,0 +3,"Nicola-Yarred, Master. Elias",male,12,1,0,2651,11.2417,,C,1 +3,"Nicola-Yarred, Miss. Jamila",female,14,1,0,2651,11.2417,,C,1 +3,"Nieminen, Miss. Manta Josefina",female,29,0,0,3101297,7.925,,S,0 +3,"Niklasson, Mr. Samuel",male,28,0,0,363611,8.05,,S,0 +3,"Nilsson, Miss. Berta Olivia",female,18,0,0,347066,7.775,,S,1 +3,"Nilsson, Miss. Helmina Josefina",female,26,0,0,347470,7.8542,,S,1 +3,"Nilsson, Mr. August Ferdinand",male,21,0,0,350410,7.8542,,S,0 +3,"Nirva, Mr. Iisakki Antino Aijo",male,41,0,0,SOTON/O2 3101272,7.125,,S,0 +3,"Niskanen, Mr. Juha",male,39,0,0,STON/O 2. 3101289,7.925,,S,1 +3,"Nosworthy, Mr. Richard Cater",male,21,0,0,A/4. 39886,7.8,,S,0 +3,"Novel, Mr. Mansouer",male,28.5,0,0,2697,7.2292,,C,0 +3,"Nysten, Miss. Anna Sofia",female,22,0,0,347081,7.75,,S,1 +3,"Nysveen, Mr. Johan Hansen",male,61,0,0,345364,6.2375,,S,0 +3,"O'Brien, Mr. Thomas",male,,1,0,370365,15.5,,Q,0 +3,"O'Brien, Mr. Timothy",male,,0,0,330979,7.8292,,Q,0 +3,"O'Brien, Mrs. Thomas (Johanna ""Hannah"" Godfrey)",female,,1,0,370365,15.5,,Q,1 +3,"O'Connell, Mr. Patrick D",male,,0,0,334912,7.7333,,Q,0 +3,"O'Connor, Mr. Maurice",male,,0,0,371060,7.75,,Q,0 +3,"O'Connor, Mr. Patrick",male,,0,0,366713,7.75,,Q,0 +3,"Odahl, Mr. Nils Martin",male,23,0,0,7267,9.225,,S,0 +3,"O'Donoghue, Ms. Bridget",female,,0,0,364856,7.75,,Q,0 +3,"O'Driscoll, Miss. Bridget",female,,0,0,14311,7.75,,Q,1 +3,"O'Dwyer, Miss. Ellen ""Nellie""",female,,0,0,330959,7.8792,,Q,1 +3,"Ohman, Miss. Velin",female,22,0,0,347085,7.775,,S,1 +3,"O'Keefe, Mr. Patrick",male,,0,0,368402,7.75,,Q,1 +3,"O'Leary, Miss. Hanora ""Norah""",female,,0,0,330919,7.8292,,Q,1 +3,"Olsen, Master. Artur Karl",male,9,0,1,C 17368,3.1708,,S,1 +3,"Olsen, Mr. Henry Margido",male,28,0,0,C 4001,22.525,,S,0 +3,"Olsen, Mr. Karl Siegwart Andreas",male,42,0,1,4579,8.4042,,S,0 +3,"Olsen, Mr. Ole Martin",male,,0,0,Fa 265302,7.3125,,S,0 +3,"Olsson, Miss. Elina",female,31,0,0,350407,7.8542,,S,0 +3,"Olsson, Mr. Nils Johan Goransson",male,28,0,0,347464,7.8542,,S,0 +3,"Olsson, Mr. Oscar Wilhelm",male,32,0,0,347079,7.775,,S,1 +3,"Olsvigen, Mr. Thor Anderson",male,20,0,0,6563,9.225,,S,0 +3,"Oreskovic, Miss. Jelka",female,23,0,0,315085,8.6625,,S,0 +3,"Oreskovic, Miss. Marija",female,20,0,0,315096,8.6625,,S,0 +3,"Oreskovic, Mr. Luka",male,20,0,0,315094,8.6625,,S,0 +3,"Osen, Mr. Olaf Elon",male,16,0,0,7534,9.2167,,S,0 +3,"Osman, Mrs. Mara",female,31,0,0,349244,8.6833,,S,1 +3,"O'Sullivan, Miss. Bridget Mary",female,,0,0,330909,7.6292,,Q,0 +3,"Palsson, Master. Gosta Leonard",male,2,3,1,349909,21.075,,S,0 +3,"Palsson, Master. Paul Folke",male,6,3,1,349909,21.075,,S,0 +3,"Palsson, Miss. Stina Viola",female,3,3,1,349909,21.075,,S,0 +3,"Palsson, Miss. Torborg Danira",female,8,3,1,349909,21.075,,S,0 +3,"Palsson, Mrs. Nils (Alma Cornelia Berglund)",female,29,0,4,349909,21.075,,S,0 +3,"Panula, Master. Eino Viljami",male,1,4,1,3101295,39.6875,,S,0 +3,"Panula, Master. Juha Niilo",male,7,4,1,3101295,39.6875,,S,0 +3,"Panula, Master. Urho Abraham",male,2,4,1,3101295,39.6875,,S,0 +3,"Panula, Mr. Ernesti Arvid",male,16,4,1,3101295,39.6875,,S,0 +3,"Panula, Mr. Jaako Arnold",male,14,4,1,3101295,39.6875,,S,0 +3,"Panula, Mrs. Juha (Maria Emilia Ojala)",female,41,0,5,3101295,39.6875,,S,0 +3,"Pasic, Mr. Jakob",male,21,0,0,315097,8.6625,,S,0 +3,"Patchett, Mr. George",male,19,0,0,358585,14.5,,S,0 +3,"Paulner, Mr. Uscher",male,,0,0,3411,8.7125,,C,0 +3,"Pavlovic, Mr. Stefo",male,32,0,0,349242,7.8958,,S,0 +3,"Peacock, Master. Alfred Edward",male,0.75,1,1,SOTON/O.Q. 3101315,13.775,,S,0 +3,"Peacock, Miss. Treasteall",female,3,1,1,SOTON/O.Q. 3101315,13.775,,S,0 +3,"Peacock, Mrs. Benjamin (Edith Nile)",female,26,0,2,SOTON/O.Q. 3101315,13.775,,S,0 +3,"Pearce, Mr. Ernest",male,,0,0,343271,7,,S,0 +3,"Pedersen, Mr. Olaf",male,,0,0,345498,7.775,,S,0 +3,"Peduzzi, Mr. Joseph",male,,0,0,A/5 2817,8.05,,S,0 +3,"Pekoniemi, Mr. Edvard",male,21,0,0,STON/O 2. 3101294,7.925,,S,0 +3,"Peltomaki, Mr. Nikolai Johannes",male,25,0,0,STON/O 2. 3101291,7.925,,S,0 +3,"Perkin, Mr. John Henry",male,22,0,0,A/5 21174,7.25,,S,0 +3,"Persson, Mr. Ernst Ulrik",male,25,1,0,347083,7.775,,S,1 +3,"Peter, Master. Michael J",male,,1,1,2668,22.3583,,C,1 +3,"Peter, Miss. Anna",female,,1,1,2668,22.3583,F E69,C,1 +3,"Peter, Mrs. Catherine (Catherine Rizk)",female,,0,2,2668,22.3583,,C,1 +3,"Peters, Miss. Katie",female,,0,0,330935,8.1375,,Q,0 +3,"Petersen, Mr. Marius",male,24,0,0,342441,8.05,,S,0 +3,"Petranec, Miss. Matilda",female,28,0,0,349245,7.8958,,S,0 +3,"Petroff, Mr. Nedelio",male,19,0,0,349212,7.8958,,S,0 +3,"Petroff, Mr. Pastcho (""Pentcho"")",male,,0,0,349215,7.8958,,S,0 +3,"Petterson, Mr. Johan Emil",male,25,1,0,347076,7.775,,S,0 +3,"Pettersson, Miss. Ellen Natalia",female,18,0,0,347087,7.775,,S,0 +3,"Pickard, Mr. Berk (Berk Trembisky)",male,32,0,0,SOTON/O.Q. 392078,8.05,E10,S,1 +3,"Plotcharsky, Mr. Vasil",male,,0,0,349227,7.8958,,S,0 +3,"Pokrnic, Mr. Mate",male,17,0,0,315095,8.6625,,S,0 +3,"Pokrnic, Mr. Tome",male,24,0,0,315092,8.6625,,S,0 +3,"Radeff, Mr. Alexander",male,,0,0,349223,7.8958,,S,0 +3,"Rasmussen, Mrs. (Lena Jacobsen Solvang)",female,,0,0,65305,8.1125,,S,0 +3,"Razi, Mr. Raihed",male,,0,0,2629,7.2292,,C,0 +3,"Reed, Mr. James George",male,,0,0,362316,7.25,,S,0 +3,"Rekic, Mr. Tido",male,38,0,0,349249,7.8958,,S,0 +3,"Reynolds, Mr. Harold J",male,21,0,0,342684,8.05,,S,0 +3,"Rice, Master. Albert",male,10,4,1,382652,29.125,,Q,0 +3,"Rice, Master. Arthur",male,4,4,1,382652,29.125,,Q,0 +3,"Rice, Master. Eric",male,7,4,1,382652,29.125,,Q,0 +3,"Rice, Master. Eugene",male,2,4,1,382652,29.125,,Q,0 +3,"Rice, Master. George Hugh",male,8,4,1,382652,29.125,,Q,0 +3,"Rice, Mrs. William (Margaret Norton)",female,39,0,5,382652,29.125,,Q,0 +3,"Riihivouri, Miss. Susanna Juhantytar ""Sanni""",female,22,0,0,3101295,39.6875,,S,0 +3,"Rintamaki, Mr. Matti",male,35,0,0,STON/O 2. 3101273,7.125,,S,0 +3,"Riordan, Miss. Johanna ""Hannah""",female,,0,0,334915,7.7208,,Q,1 +3,"Risien, Mr. Samuel Beard",male,,0,0,364498,14.5,,S,0 +3,"Risien, Mrs. Samuel (Emma)",female,,0,0,364498,14.5,,S,0 +3,"Robins, Mr. Alexander A",male,50,1,0,A/5. 3337,14.5,,S,0 +3,"Robins, Mrs. Alexander A (Grace Charity Laury)",female,47,1,0,A/5. 3337,14.5,,S,0 +3,"Rogers, Mr. William John",male,,0,0,S.C./A.4. 23567,8.05,,S,0 +3,"Rommetvedt, Mr. Knud Paust",male,,0,0,312993,7.775,,S,0 +3,"Rosblom, Miss. Salli Helena",female,2,1,1,370129,20.2125,,S,0 +3,"Rosblom, Mr. Viktor Richard",male,18,1,1,370129,20.2125,,S,0 +3,"Rosblom, Mrs. Viktor (Helena Wilhelmina)",female,41,0,2,370129,20.2125,,S,0 +3,"Roth, Miss. Sarah A",female,,0,0,342712,8.05,,S,1 +3,"Rouse, Mr. Richard Henry",male,50,0,0,A/5 3594,8.05,,S,0 +3,"Rush, Mr. Alfred George John",male,16,0,0,A/4. 20589,8.05,,S,0 +3,"Ryan, Mr. Edward",male,,0,0,383162,7.75,,Q,1 +3,"Ryan, Mr. Patrick",male,,0,0,371110,24.15,,Q,0 +3,"Saad, Mr. Amin",male,,0,0,2671,7.2292,,C,0 +3,"Saad, Mr. Khalil",male,25,0,0,2672,7.225,,C,0 +3,"Saade, Mr. Jean Nassr",male,,0,0,2676,7.225,,C,0 +3,"Sadlier, Mr. Matthew",male,,0,0,367655,7.7292,,Q,0 +3,"Sadowitz, Mr. Harry",male,,0,0,LP 1588,7.575,,S,0 +3,"Saether, Mr. Simon Sivertsen",male,38.5,0,0,SOTON/O.Q. 3101262,7.25,,S,0 +3,"Sage, Master. Thomas Henry",male,,8,2,CA. 2343,69.55,,S,0 +3,"Sage, Master. William Henry",male,14.5,8,2,CA. 2343,69.55,,S,0 +3,"Sage, Miss. Ada",female,,8,2,CA. 2343,69.55,,S,0 +3,"Sage, Miss. Constance Gladys",female,,8,2,CA. 2343,69.55,,S,0 +3,"Sage, Miss. Dorothy Edith ""Dolly""",female,,8,2,CA. 2343,69.55,,S,0 +3,"Sage, Miss. Stella Anna",female,,8,2,CA. 2343,69.55,,S,0 +3,"Sage, Mr. Douglas Bullen",male,,8,2,CA. 2343,69.55,,S,0 +3,"Sage, Mr. Frederick",male,,8,2,CA. 2343,69.55,,S,0 +3,"Sage, Mr. George John Jr",male,,8,2,CA. 2343,69.55,,S,0 +3,"Sage, Mr. John George",male,,1,9,CA. 2343,69.55,,S,0 +3,"Sage, Mrs. John (Annie Bullen)",female,,1,9,CA. 2343,69.55,,S,0 +3,"Salander, Mr. Karl Johan",male,24,0,0,7266,9.325,,S,0 +3,"Salkjelsvik, Miss. Anna Kristine",female,21,0,0,343120,7.65,,S,1 +3,"Salonen, Mr. Johan Werner",male,39,0,0,3101296,7.925,,S,0 +3,"Samaan, Mr. Elias",male,,2,0,2662,21.6792,,C,0 +3,"Samaan, Mr. Hanna",male,,2,0,2662,21.6792,,C,0 +3,"Samaan, Mr. Youssef",male,,2,0,2662,21.6792,,C,0 +3,"Sandstrom, Miss. Beatrice Irene",female,1,1,1,PP 9549,16.7,G6,S,1 +3,"Sandstrom, Mrs. Hjalmar (Agnes Charlotta Bengtsson)",female,24,0,2,PP 9549,16.7,G6,S,1 +3,"Sandstrom, Miss. Marguerite Rut",female,4,1,1,PP 9549,16.7,G6,S,1 +3,"Sap, Mr. Julius",male,25,0,0,345768,9.5,,S,1 +3,"Saundercock, Mr. William Henry",male,20,0,0,A/5. 2151,8.05,,S,0 +3,"Sawyer, Mr. Frederick Charles",male,24.5,0,0,342826,8.05,,S,0 +3,"Scanlan, Mr. James",male,,0,0,36209,7.725,,Q,0 +3,"Sdycoff, Mr. Todor",male,,0,0,349222,7.8958,,S,0 +3,"Shaughnessy, Mr. Patrick",male,,0,0,370374,7.75,,Q,0 +3,"Sheerlinck, Mr. Jan Baptist",male,29,0,0,345779,9.5,,S,1 +3,"Shellard, Mr. Frederick William",male,,0,0,C.A. 6212,15.1,,S,0 +3,"Shine, Miss. Ellen Natalia",female,,0,0,330968,7.7792,,Q,1 +3,"Shorney, Mr. Charles Joseph",male,,0,0,374910,8.05,,S,0 +3,"Simmons, Mr. John",male,,0,0,SOTON/OQ 392082,8.05,,S,0 +3,"Sirayanian, Mr. Orsen",male,22,0,0,2669,7.2292,,C,0 +3,"Sirota, Mr. Maurice",male,,0,0,392092,8.05,,S,0 +3,"Sivic, Mr. Husein",male,40,0,0,349251,7.8958,,S,0 +3,"Sivola, Mr. Antti Wilhelm",male,21,0,0,STON/O 2. 3101280,7.925,,S,0 +3,"Sjoblom, Miss. Anna Sofia",female,18,0,0,3101265,7.4958,,S,1 +3,"Skoog, Master. Harald",male,4,3,2,347088,27.9,,S,0 +3,"Skoog, Master. Karl Thorsten",male,10,3,2,347088,27.9,,S,0 +3,"Skoog, Miss. Mabel",female,9,3,2,347088,27.9,,S,0 +3,"Skoog, Miss. Margit Elizabeth",female,2,3,2,347088,27.9,,S,0 +3,"Skoog, Mr. Wilhelm",male,40,1,4,347088,27.9,,S,0 +3,"Skoog, Mrs. William (Anna Bernhardina Karlsson)",female,45,1,4,347088,27.9,,S,0 +3,"Slabenoff, Mr. Petco",male,,0,0,349214,7.8958,,S,0 +3,"Slocovski, Mr. Selman Francis",male,,0,0,SOTON/OQ 392086,8.05,,S,0 +3,"Smiljanic, Mr. Mile",male,,0,0,315037,8.6625,,S,0 +3,"Smith, Mr. Thomas",male,,0,0,384461,7.75,,Q,0 +3,"Smyth, Miss. Julia",female,,0,0,335432,7.7333,,Q,1 +3,"Soholt, Mr. Peter Andreas Lauritz Andersen",male,19,0,0,348124,7.65,F G73,S,0 +3,"Somerton, Mr. Francis William",male,30,0,0,A.5. 18509,8.05,,S,0 +3,"Spector, Mr. Woolf",male,,0,0,A.5. 3236,8.05,,S,0 +3,"Spinner, Mr. Henry John",male,32,0,0,STON/OQ. 369943,8.05,,S,0 +3,"Staneff, Mr. Ivan",male,,0,0,349208,7.8958,,S,0 +3,"Stankovic, Mr. Ivan",male,33,0,0,349239,8.6625,,C,0 +3,"Stanley, Miss. Amy Zillah Elsie",female,23,0,0,CA. 2314,7.55,,S,1 +3,"Stanley, Mr. Edward Roland",male,21,0,0,A/4 45380,8.05,,S,0 +3,"Storey, Mr. Thomas",male,60.5,0,0,3701,,,S,0 +3,"Stoytcheff, Mr. Ilia",male,19,0,0,349205,7.8958,,S,0 +3,"Strandberg, Miss. Ida Sofia",female,22,0,0,7553,9.8375,,S,0 +3,"Stranden, Mr. Juho",male,31,0,0,STON/O 2. 3101288,7.925,,S,1 +3,"Strilic, Mr. Ivan",male,27,0,0,315083,8.6625,,S,0 +3,"Strom, Miss. Telma Matilda",female,2,0,1,347054,10.4625,G6,S,0 +3,"Strom, Mrs. Wilhelm (Elna Matilda Persson)",female,29,1,1,347054,10.4625,G6,S,0 +3,"Sunderland, Mr. Victor Francis",male,16,0,0,SOTON/OQ 392089,8.05,,S,1 +3,"Sundman, Mr. Johan Julian",male,44,0,0,STON/O 2. 3101269,7.925,,S,1 +3,"Sutehall, Mr. Henry Jr",male,25,0,0,SOTON/OQ 392076,7.05,,S,0 +3,"Svensson, Mr. Johan",male,74,0,0,347060,7.775,,S,0 +3,"Svensson, Mr. Johan Cervin",male,14,0,0,7538,9.225,,S,1 +3,"Svensson, Mr. Olof",male,24,0,0,350035,7.7958,,S,0 +3,"Tenglin, Mr. Gunnar Isidor",male,25,0,0,350033,7.7958,,S,1 +3,"Theobald, Mr. Thomas Leonard",male,34,0,0,363294,8.05,,S,0 +3,"Thomas, Master. Assad Alexander",male,0.4167,0,1,2625,8.5167,,C,1 +3,"Thomas, Mr. Charles P",male,,1,0,2621,6.4375,,C,0 +3,"Thomas, Mr. John",male,,0,0,2681,6.4375,,C,0 +3,"Thomas, Mr. Tannous",male,,0,0,2684,7.225,,C,0 +3,"Thomas, Mrs. Alexander (Thamine ""Thelma"")",female,16,1,1,2625,8.5167,,C,1 +3,"Thomson, Mr. Alexander Morrison",male,,0,0,32302,8.05,,S,0 +3,"Thorneycroft, Mr. Percival",male,,1,0,376564,16.1,,S,0 +3,"Thorneycroft, Mrs. Percival (Florence Kate White)",female,,1,0,376564,16.1,,S,1 +3,"Tikkanen, Mr. Juho",male,32,0,0,STON/O 2. 3101293,7.925,,S,0 +3,"Tobin, Mr. Roger",male,,0,0,383121,7.75,F38,Q,0 +3,"Todoroff, Mr. Lalio",male,,0,0,349216,7.8958,,S,0 +3,"Tomlin, Mr. Ernest Portage",male,30.5,0,0,364499,8.05,,S,0 +3,"Torber, Mr. Ernst William",male,44,0,0,364511,8.05,,S,0 +3,"Torfa, Mr. Assad",male,,0,0,2673,7.2292,,C,0 +3,"Tornquist, Mr. William Henry",male,25,0,0,LINE,0,,S,1 +3,"Toufik, Mr. Nakli",male,,0,0,2641,7.2292,,C,0 +3,"Touma, Master. Georges Youssef",male,7,1,1,2650,15.2458,,C,1 +3,"Touma, Miss. Maria Youssef",female,9,1,1,2650,15.2458,,C,1 +3,"Touma, Mrs. Darwis (Hanne Youssef Razi)",female,29,0,2,2650,15.2458,,C,1 +3,"Turcin, Mr. Stjepan",male,36,0,0,349247,7.8958,,S,0 +3,"Turja, Miss. Anna Sofia",female,18,0,0,4138,9.8417,,S,1 +3,"Turkula, Mrs. (Hedwig)",female,63,0,0,4134,9.5875,,S,1 +3,"van Billiard, Master. James William",male,,1,1,A/5. 851,14.5,,S,0 +3,"van Billiard, Master. Walter John",male,11.5,1,1,A/5. 851,14.5,,S,0 +3,"van Billiard, Mr. Austin Blyler",male,40.5,0,2,A/5. 851,14.5,,S,0 +3,"Van Impe, Miss. Catharina",female,10,0,2,345773,24.15,,S,0 +3,"Van Impe, Mr. Jean Baptiste",male,36,1,1,345773,24.15,,S,0 +3,"Van Impe, Mrs. Jean Baptiste (Rosalie Paula Govaert)",female,30,1,1,345773,24.15,,S,0 +3,"van Melkebeke, Mr. Philemon",male,,0,0,345777,9.5,,S,0 +3,"Vande Velde, Mr. Johannes Joseph",male,33,0,0,345780,9.5,,S,0 +3,"Vande Walle, Mr. Nestor Cyriel",male,28,0,0,345770,9.5,,S,0 +3,"Vanden Steen, Mr. Leo Peter",male,28,0,0,345783,9.5,,S,0 +3,"Vander Cruyssen, Mr. Victor",male,47,0,0,345765,9,,S,0 +3,"Vander Planke, Miss. Augusta Maria",female,18,2,0,345764,18,,S,0 +3,"Vander Planke, Mr. Julius",male,31,3,0,345763,18,,S,0 +3,"Vander Planke, Mr. Leo Edmondus",male,16,2,0,345764,18,,S,0 +3,"Vander Planke, Mrs. Julius (Emelia Maria Vandemoortele)",female,31,1,0,345763,18,,S,0 +3,"Vartanian, Mr. David",male,22,0,0,2658,7.225,,C,1 +3,"Vendel, Mr. Olof Edvin",male,20,0,0,350416,7.8542,,S,0 +3,"Vestrom, Miss. Hulda Amanda Adolfina",female,14,0,0,350406,7.8542,,S,0 +3,"Vovk, Mr. Janko",male,22,0,0,349252,7.8958,,S,0 +3,"Waelens, Mr. Achille",male,22,0,0,345767,9,,S,0 +3,"Ware, Mr. Frederick",male,,0,0,359309,8.05,,S,0 +3,"Warren, Mr. Charles William",male,,0,0,C.A. 49867,7.55,,S,0 +3,"Webber, Mr. James",male,,0,0,SOTON/OQ 3101316,8.05,,S,0 +3,"Wenzel, Mr. Linhart",male,32.5,0,0,345775,9.5,,S,0 +3,"Whabee, Mrs. George Joseph (Shawneene Abi-Saab)",female,38,0,0,2688,7.2292,,C,1 +3,"Widegren, Mr. Carl/Charles Peter",male,51,0,0,347064,7.75,,S,0 +3,"Wiklund, Mr. Jakob Alfred",male,18,1,0,3101267,6.4958,,S,0 +3,"Wiklund, Mr. Karl Johan",male,21,1,0,3101266,6.4958,,S,0 +3,"Wilkes, Mrs. James (Ellen Needs)",female,47,1,0,363272,7,,S,1 +3,"Willer, Mr. Aaron (""Abi Weller"")",male,,0,0,3410,8.7125,,S,0 +3,"Willey, Mr. Edward",male,,0,0,S.O./P.P. 751,7.55,,S,0 +3,"Williams, Mr. Howard Hugh ""Harry""",male,,0,0,A/5 2466,8.05,,S,0 +3,"Williams, Mr. Leslie",male,28.5,0,0,54636,16.1,,S,0 +3,"Windelov, Mr. Einar",male,21,0,0,SOTON/OQ 3101317,7.25,,S,0 +3,"Wirz, Mr. Albert",male,27,0,0,315154,8.6625,,S,0 +3,"Wiseman, Mr. Phillippe",male,,0,0,A/4. 34244,7.25,,S,0 +3,"Wittevrongel, Mr. Camille",male,36,0,0,345771,9.5,,S,0 +3,"Yasbeck, Mr. Antoni",male,27,1,0,2659,14.4542,,C,0 +3,"Yasbeck, Mrs. Antoni (Selini Alexander)",female,15,1,0,2659,14.4542,,C,1 +3,"Youseff, Mr. Gerious",male,45.5,0,0,2628,7.225,,C,0 +3,"Yousif, Mr. Wazli",male,,0,0,2647,7.225,,C,0 +3,"Yousseff, Mr. Gerious",male,,0,0,2627,14.4583,,C,0 +3,"Zabour, Miss. Hileni",female,14.5,1,0,2665,14.4542,,C,0 +3,"Zabour, Miss. Thamine",female,,1,0,2665,14.4542,,C,0 +3,"Zakarian, Mr. Mapriededer",male,26.5,0,0,2656,7.225,,C,0 +3,"Zakarian, Mr. Ortin",male,27,0,0,2670,7.225,,C,0 +3,"Zimmerman, Mr. Leo",male,29,0,0,315082,7.875,,S,0 \ No newline at end of file diff --git a/data/tumors.csv b/data/tumors.csv new file mode 100644 index 00000000..d3c33d89 --- /dev/null +++ b/data/tumors.csv @@ -0,0 +1,1001 @@ +leukocyte_count,blood_pressure,tumor +13.472968615888934,15.250393221933804,1 +10.805510382493194,14.109675762663219,1 +13.834052991147676,15.793920360902117,1 +9.572811104830294,17.87328623966971,1 +7.633667402156339,16.598559450376403,1 +12.795533735896369,16.02132978336539,1 +12.885376627994722,15.402248380446517,1 +16.048326789717287,16.05970076648615,1 +13.486376581660265,14.69190089995238,1 +9.438946688645377,17.223709429576157,1 +17.462393051356024,14.81863166931274,0 +10.068626068706553,16.52057158613907,1 +11.648341351899882,14.479663398057777,1 +14.086318373320138,15.631652906839443,1 +13.259578010299819,14.489631873281114,1 +18.036615049366674,15.697719902470261,0 +19.137337702298947,15.40874327569786,0 +11.034546682020165,16.00729602734063,1 +17.826128136930397,14.609331206734222,0 +14.398803335285885,16.607347810249387,1 +13.434940255122578,14.68431623236101,1 +17.318532193814036,15.390311209899862,0 +13.567902824989588,15.076382803264158,1 +13.175192942422065,16.392252263408366,1 +10.473926146400782,15.637052253737158,1 +12.692060815849107,16.462445795842807,1 +14.112450567148722,14.95544910498313,1 +13.398552505499946,14.691955772552332,1 +9.847692288755463,15.883228005259264,1 +13.856256796644164,17.056462424785508,1 +16.843199341094817,16.779321158713646,1 +16.5957935094616,15.522164961157216,0 +18.345093972537562,14.25516162614503,0 +16.137448827694687,14.121867615835452,0 +15.734422720294369,14.7929542037309,0 +15.632705840492598,16.116478767606843,1 +17.158823830676496,17.4735919490241,1 +15.282325881297202,16.650729197271772,1 +9.001079227411402,15.38234897833978,1 +17.478463483830808,15.346093070396366,0 +12.31993954777143,15.320901395754625,1 +11.769786171318131,16.091259132083817,1 +16.244341404006708,17.18458348941072,1 +12.478419174463752,15.035097151605722,1 +9.29152401270429,14.036631700160232,1 +11.986271423702519,16.521595475308303,1 +17.744408446296852,13.930996927270137,0 +11.964918427252346,15.75148300033544,1 +14.30872414027196,14.772997143147991,1 +15.91272289784201,17.404774857143938,1 +14.834932673465302,14.922486365020008,1 +15.671345225572788,15.641246117153555,1 +16.149755723035888,14.49605505878715,0 +19.21390165689227,14.604255885187957,0 +19.51041417352468,14.952694270637275,0 +16.32384923674385,14.8490275995191,0 +10.312527953689168,14.302595543175256,1 +19.20664619122436,14.806607354103672,0 +11.344103622692646,15.068414844894882,1 +20.59651163981557,14.53267696480051,0 +9.672522604235462,14.097902344376429,1 +20.1088188560725,16.003879282184148,0 +11.937543841643045,15.746718253765348,1 +17.461846229897198,16.46325547863779,0 +12.551827625929635,14.985502395303573,1 +14.960508111181428,17.484441857770396,1 +21.274749445796925,14.898310551344027,0 +15.129533611288771,15.494387061156255,1 +14.594539743413602,15.354221526394605,1 +13.910117958906142,14.114261984561814,1 +17.855787408239205,14.369247343609215,0 +9.81353276280258,15.31755081350501,1 +13.99472859125678,15.72487800312882,1 +16.60112314385515,15.526174564820865,0 +15.853195441691648,13.533828848758478,0 +17.0243141211745,14.938095158980767,0 +20.511445205413278,16.336878940548235,0 +11.206587401970673,16.025155525259027,1 +18.617026072307013,15.391931821045624,0 +13.514017544572567,14.66901851735461,1 +14.375704336771141,16.45042944748655,1 +13.2740732152953,14.94001525480975,1 +17.4785767858645,15.075842934423507,0 +12.829270798185995,17.337387803426164,1 +16.425967263076277,14.045905678010591,0 +18.218196319373853,16.283950751039377,0 +12.533177776213368,14.912641771020517,1 +13.955809296929,14.849901159454463,1 +17.953225674155693,15.648104817837519,0 +14.520159720049564,16.75620302777258,1 +11.771974443630166,14.309895183529605,1 +13.49338562462634,17.699428109698943,1 +11.463155799422202,18.247223471848915,1 +9.550819565537934,14.244182342530221,1 +13.578509586104694,16.981410240715846,1 +17.57882148928763,17.218937258623882,1 +15.187822771695142,15.160994746796518,1 +14.995974063471367,13.509315984354858,0 +12.08862049657492,15.046285472605744,1 +14.703630125265825,15.016684308109532,1 +15.128373827897782,16.448635535121763,1 +15.573719784974651,14.135744863162264,0 +13.903105945427123,14.683705178469046,1 +18.96516645843836,15.83006402245448,0 +15.854104500176392,15.000674682948935,0 +21.267145860027412,15.31147643235454,0 +19.45959783268582,16.193688274736715,0 +13.140405544577073,14.908245331622489,1 +13.920708996701858,16.413060694208152,1 +15.710937999427445,15.994731868948293,1 +17.12739706589668,15.163336052710028,0 +17.557333099591666,15.14709524206824,0 +12.083288194557136,14.967680722681287,1 +17.26225734019677,15.188942908858348,0 +15.226048820662582,16.46934647100658,1 +15.936428949972615,14.36407293738822,0 +19.60558575643113,14.293490733532728,0 +16.24077549632679,15.732557964209189,1 +14.881783021374662,16.28600938034311,1 +12.878292220357327,15.602327115208283,1 +19.526668306232775,15.70411599639553,0 +21.11489072435497,16.102150624216637,0 +17.836825695468512,15.63972889354465,0 +18.581601966970915,15.475376579419672,0 +15.655370875453542,15.158633997251703,1 +15.441763433496494,15.913624228138653,1 +18.904042331831203,14.482434206731062,0 +14.953644888753278,15.96295527611286,1 +15.81950886873007,16.428949016838494,1 +19.851334161241393,14.245063575855587,0 +14.923303010527318,16.156537459060402,1 +14.688559995760782,13.4421193273106,0 +12.213537826683128,14.883268100598642,1 +15.074648496303473,13.718833905345315,0 +17.4883223224777,16.28298672214856,0 +18.94826617218869,16.51699180466198,0 +16.604525481360092,12.158263602970996,0 +15.646210695825665,13.543139594249205,0 +11.617979001912389,15.094659699170855,1 +14.888835423357735,13.925219840763816,0 +18.776650239534753,14.613686182398142,0 +19.23928716103041,15.908783069435957,0 +19.41220243252875,15.089686304271822,0 +18.692651513032324,14.289601621208504,0 +19.991435118562855,14.205391673699733,0 +18.363270180335608,15.029254874298687,0 +17.079192801506313,15.323172645668429,0 +15.10309069740411,15.291237565099669,1 +17.508198158948176,15.773942079841166,0 +15.183364000763472,15.650800712926,1 +17.573299657016314,14.291488887670017,0 +9.916983781894771,16.44803934367966,1 +16.370442645929295,15.797742553078594,0 +15.02570853081206,16.247450602202413,1 +15.582577012975397,16.678050470617432,1 +17.632578575666017,15.869585128920164,0 +14.411002896183483,13.148424572134036,0 +16.255936704081588,15.132611859218887,0 +10.694324318798767,16.34122581571295,1 +19.48161747468298,15.625090621507594,0 +12.867935633980025,16.355407867063917,1 +6.981598570534064,15.322173714174722,1 +10.737119665979485,14.844421586507066,1 +9.840449805798457,16.434717198055445,1 +12.419275248466775,16.598801456087525,1 +19.737042683184367,13.67935057694513,0 +11.350685534009557,15.79186611627074,1 +16.42078006402748,15.445148091170205,0 +13.593327074211471,15.922367323727475,1 +19.15130145307868,15.225159799585201,0 +12.24307550200971,17.57619555636495,1 +17.199498331801397,14.321889925976805,0 +13.283345752140884,14.475078836162371,1 +12.52148487171261,14.970808483187405,1 +8.55257950598476,14.365121869602284,1 +14.432497993987882,14.301608141558134,1 +10.482656710894013,14.627895080697202,1 +11.848710133205294,16.294745353212242,1 +16.899857841264488,15.003623987566408,0 +15.570468136344825,13.774843724822688,0 +13.417376726157817,15.213805104815224,1 +11.240331926202808,15.58813875172288,1 +11.253406157732872,15.94820374722334,1 +19.0127034621042,14.830361779678269,0 +16.67032827719148,15.858951608950907,0 +12.373383853330255,15.480650994977669,1 +11.099771600411744,15.217296829226134,1 +17.646526875231448,14.976548469081477,0 +13.250981716080148,14.571584817925325,1 +17.09662145557334,15.012458875426363,0 +18.295551807979017,15.047242592283043,0 +11.985918108734948,17.54515648839909,1 +16.967577355348663,14.311798104394171,0 +18.887186027027823,15.669864218780553,0 +21.227704894831348,13.924925762527826,0 +15.719557732075861,15.847488127904866,1 +9.284434128808943,15.25557262876228,1 +15.64973527438068,16.100078259497124,1 +14.72258126726634,15.865385966913497,1 +18.636528430244958,14.830287061445697,0 +16.56625219720652,15.580210627210928,0 +14.733417719043773,16.627480039117458,1 +14.522638050975118,15.884338670572536,1 +20.055882299022844,14.353279076652175,0 +17.248514842239363,14.251073932748767,0 +11.121752720320318,14.473495497600165,1 +16.79454202862219,15.295081787135985,0 +12.024237028364873,14.95441020223216,1 +13.917521259400852,15.54897904012595,1 +15.061249422583403,13.90980097000537,0 +17.41143747390338,12.144353864475036,0 +10.989743614748281,15.03263867448283,1 +15.733972184463239,14.225094335345792,0 +15.435850559870685,15.357708629401447,1 +16.835544404459576,15.40791288932119,0 +19.36355127544965,14.94520889593403,0 +8.214407962356177,14.057150378774098,1 +14.570367404397855,14.95792189769522,1 +15.948874032980438,17.8383330068291,1 +16.83953919674184,15.120095439840362,0 +16.076464120501324,16.600481602254312,1 +14.468817921763312,15.937259734541279,1 +15.276286059454893,14.103201440136475,0 +12.648974038435405,14.955288180219496,1 +9.520071419939882,14.862791688156682,1 +12.444765508552686,15.101514492894811,1 +19.019331028794447,14.834595976499333,0 +15.906943456597894,14.285154976999054,0 +16.970399385706646,14.206793070047016,0 +18.34567783161557,13.38117665048032,0 +13.610569015257965,17.311706650354882,1 +13.622751032177886,17.677531514774536,1 +10.675387614374543,16.440117363379493,1 +13.143585242543475,14.385889633238701,1 +12.800618577325451,15.36942384317354,1 +13.283595261700285,15.56934129627319,1 +16.41386225068835,16.289765265351527,1 +12.69710143854795,16.043672213027484,1 +12.256927307015706,15.029602111754954,1 +10.869162783773731,16.61243230751075,1 +13.017489022456797,15.737785192977176,1 +16.429848231899904,16.985849957092583,1 +11.859756054559902,15.790189976799441,1 +7.86825471644298,16.2127217375159,1 +17.54854798164229,15.240103312598388,0 +18.011357026800233,15.50704398848678,0 +14.908070971349995,15.09622026212635,1 +12.080669102471754,15.994405931356352,1 +11.637453915933094,15.24816938867256,1 +9.789964445272656,15.310660974145724,1 +16.93327600287215,16.669703382513358,1 +11.518162970985259,17.344457998863902,1 +13.556383587789995,15.358709543313042,1 +14.206124518471414,15.207028394310704,1 +15.048261911710597,15.277617637460583,1 +17.78688029845756,17.50385699000958,1 +14.220789881072834,14.816800795725722,1 +10.021082332140573,15.769791642389347,1 +11.495664782976023,14.345425249276857,1 +10.283036194931093,15.584865206092328,1 +14.927377656777693,15.253261882628887,1 +12.852007133160154,15.913194820142714,1 +12.556401781727974,15.770530581521596,1 +12.518333489126363,16.638401992882457,1 +15.881967291225202,16.008924538013268,1 +16.82998724714185,14.047312227841944,0 +17.45568600817567,12.3847737503546,0 +12.487826942553728,13.872671223653134,1 +12.91538515158519,15.199039180638328,1 +14.786659692919441,14.765166841075075,1 +12.153783837807904,18.33164100684804,1 +10.928707839203689,15.308438825595063,1 +10.604330718647205,15.664112286337847,1 +17.648898735244195,17.364910881666813,1 +10.949190858298932,15.403369581101435,1 +15.142710925544359,14.137213950282808,0 +14.412259156481612,15.941645985751988,1 +8.834109346140215,15.185140393049792,1 +13.104569484133846,14.833848743471744,1 +9.931937678298222,14.685836152532355,1 +12.368682794027059,16.658550021337703,1 +18.070265496497044,15.897211400427247,0 +14.44403198880236,15.806495419427526,1 +17.780756073870574,14.251281005632128,0 +8.994994621310774,16.364627717297868,1 +16.751375263714245,17.215771854799932,1 +12.91176009388807,15.892499474352642,1 +18.55155695713512,14.241766102826286,0 +12.072272463653581,14.646148278834348,1 +16.645950714491562,14.54428976580573,0 +12.469844611630625,15.477894868774403,1 +18.183232589373933,14.827762640862229,0 +15.423043445779848,16.5207382227645,1 +11.073288593200424,15.765668910415622,1 +21.96745870683285,15.33273379463343,0 +13.359117816456482,14.32568029738226,1 +11.04632003090673,16.35528303273453,1 +18.07436143911311,15.10775094892968,0 +17.0548608968692,14.373786490774869,0 +12.000339222606488,16.273758796862346,1 +15.359578745998776,15.437166150998536,1 +19.113259395046214,15.449089353324705,0 +15.369099600375693,14.589367758324288,0 +19.03218308797355,15.735354159549638,0 +16.519486352351098,14.23264239326558,0 +12.959260640888461,15.896218479841444,1 +18.284666834873622,15.940293186771223,0 +17.920342935336866,17.244330385870807,0 +16.17345836782407,16.844875203985676,1 +13.490355373686501,15.578362881815497,1 +16.915807519005828,14.08991155467373,0 +15.074355774226781,15.709051941344313,1 +17.84728738180293,15.949659483546506,0 +13.213198027660882,14.929766178652853,1 +12.527765301246687,15.896772878874845,1 +18.609122037856395,15.246568408956614,0 +12.708126550526835,16.02370077975006,1 +15.632308067215044,14.391747102492998,0 +21.22213711836492,14.242718176978173,0 +16.32364382377055,13.708458035750816,0 +13.271832988920247,15.238723575287857,1 +16.405276359454074,16.78889699219049,1 +17.52782661228051,15.970560131420767,0 +4.201800958477197,14.304839917086747,1 +14.152081708381928,14.26833667286621,1 +19.533403895051066,15.219665059510424,0 +18.667991030885318,14.418799064291182,0 +15.640336408265831,16.573371384745222,1 +18.978340303094708,15.698047743596415,0 +19.20923347161644,16.42695205986969,0 +16.390729624194506,14.419258015841443,0 +16.196971485693343,13.212790371309842,0 +16.723626000399257,12.365783473739938,0 +17.74295835980201,14.925906583542227,0 +10.185835310804203,15.230225355647283,1 +18.60715951290544,16.785183964799877,0 +15.902466513732959,15.408893402752675,1 +16.062756948519365,15.082032707335175,0 +13.690894105531468,15.536279498324205,1 +17.657135059570642,16.23374781806288,0 +14.176325939670079,14.655906044411593,1 +18.543033243129376,13.948474445273852,0 +15.659960205719546,14.701776945238151,0 +20.35579463640567,16.974463734468557,0 +10.725544284697097,14.725802616127984,1 +14.845547163324653,16.010261970258675,1 +17.653676307491306,15.448898429104416,0 +11.780365041149459,14.940509053851244,1 +15.026406348349266,13.454134086675925,0 +13.49820857006678,14.832061843620968,1 +16.64334612899788,13.71176095609501,0 +14.116263951940702,15.413208187935739,1 +18.489777047829186,13.664753309930965,0 +15.187721643755527,14.73826430499922,1 +17.31155388419491,16.18110089139477,0 +6.018592243444331,15.346652083433305,1 +14.537614529943117,15.943337905321862,1 +17.946809962088707,15.608453491878228,0 +15.397127520989809,17.599818038448962,1 +18.129531226584543,14.770003120551467,0 +20.26262837192094,15.7978376138695,0 +11.92115561707828,16.226342656067928,1 +17.717369613248273,14.475777507873392,0 +13.977986835914137,16.513264466219606,1 +18.4928868601248,15.748817119823695,0 +14.480363334988223,17.684855732393107,1 +12.030190905438054,15.907816841983296,1 +11.313071849705132,16.323401321741727,1 +9.892338801068423,15.22204087225568,1 +18.759224843571623,13.70665180986938,0 +16.48031148792053,12.922813045967175,0 +14.069171708780669,15.100055802794332,1 +15.145460183546193,16.768207546755214,1 +16.8252028989644,15.10809782246327,0 +11.384577378165776,17.376401802773362,1 +13.970188382224784,16.930794964008324,1 +20.2229441336003,15.614931699526702,0 +12.669980442482998,16.066329838570496,1 +21.397780970346513,15.53205646938323,0 +8.420848548405777,16.63637208225977,1 +18.23545357610537,15.462284134346156,0 +13.327363651852142,15.84132832452199,1 +15.233197170663356,13.250173720351142,0 +12.566817141208109,15.93967379609639,1 +18.4092427025124,15.190971605308208,0 +14.681745129224163,14.496735405244937,1 +11.506620396513338,15.980307987351601,1 +18.309297538279754,14.526870017404535,0 +9.628504579463579,14.9134332023922,1 +19.285571258776315,16.276502765164178,0 +14.511394611094534,16.035541175435057,1 +15.331191318749351,16.076133898649825,1 +16.982672583445428,13.23263324297191,0 +18.162335245344586,14.014598306994364,0 +14.543383846447993,15.56682023719105,1 +15.61660784300848,16.498571959972836,1 +17.49049127813995,14.618758438226287,0 +13.937546314628909,14.937940440541656,1 +14.613181737330013,16.348382528748157,1 +12.051451516698483,16.953226838132895,1 +16.79917933285475,15.260360897974007,0 +14.533142468248682,14.989234674639345,1 +13.208503234860894,15.331154443710364,1 +15.0444498654969,15.162691642235263,1 +10.764513029371594,16.068074068035052,1 +16.51916750245296,14.031274132866855,0 +17.207743185230534,16.221021462758486,0 +11.653335359913548,16.183069284730326,1 +15.707926647114965,13.15982641267209,0 +10.281464854040335,14.827697392071006,1 +11.912878343453752,14.881422829267159,1 +15.613526232104938,13.359264779665896,0 +13.580477912298935,18.29277871791872,1 +16.962950218404153,14.740883535145187,0 +14.088080253506371,15.57695753514566,1 +11.017002775839224,15.649103688418949,1 +14.407809723108292,13.906711163884616,1 +16.48163755096283,14.955614687791135,0 +15.643884932583571,13.801949460993999,0 +13.319708307934805,16.22999591164129,1 +19.522082034068582,13.824456399421926,0 +9.975835882845185,15.465792034401773,1 +11.83447062474752,15.409907647768835,1 +12.110951954123,14.928284954458952,1 +18.979159869084135,15.399131673042264,0 +19.270878391315875,16.740151490012543,0 +14.005291836887668,15.264783763261601,1 +13.87411837788453,15.912589122230543,1 +14.377975578048618,16.00413561571144,1 +18.975361952733255,15.187236883201587,0 +11.702085809410287,15.619253633324123,1 +14.78517834557584,16.052552875666336,1 +20.003315529988257,15.41052670294742,0 +14.867684622800386,15.70755715125428,1 +11.800507397297432,16.527091896756357,1 +18.69941624306763,14.053828281859003,0 +15.609077486659837,13.651668572505264,0 +10.93492527121912,14.826321978798713,1 +14.509367023273466,15.89222413189701,1 +13.960414200048486,14.74619631667007,1 +20.46503094462532,14.697505432528839,0 +17.922913902960705,16.338879476467454,0 +12.380135170121243,15.137247846840493,1 +20.2191016249498,13.447960666650522,0 +19.114302921366477,16.06094252777512,0 +13.367974441991338,15.741789949878164,1 +16.046388006509506,15.224714705014508,1 +14.23102411759796,16.776482380018543,1 +21.339698281165862,13.154842057819316,0 +11.66498489014074,14.365263433575398,1 +15.996964022399856,14.953148207557035,0 +17.18434026499196,13.870265729734628,0 +17.89806351888551,13.30088102459631,0 +13.857608005738815,15.523027951788327,1 +14.06780919249416,15.803091481130743,1 +14.341460805308989,14.102940679042264,1 +16.795185912149933,14.434741226346999,0 +8.383661939011064,14.356183909202464,1 +16.988734039406655,13.879348602202514,0 +9.410626669700704,15.666199349729219,1 +14.078462670794533,11.73621682692608,0 +12.9917736389889,17.11916857591582,1 +19.81741561130222,15.430621953737646,0 +15.647633046419394,14.56841908530899,0 +11.293458017451115,14.144201773878555,1 +16.965895037570697,15.011416585938372,0 +16.30819154663775,15.639110769767699,0 +16.133160454680457,16.472622504054357,1 +14.68629549354706,16.308183207359342,1 +22.01479357217393,15.757760880658918,0 +8.169618289909021,13.607248600098394,1 +13.391751841333953,15.80680541479367,1 +10.217694756962487,16.757029432035058,1 +18.05478004633968,14.01540861876059,0 +14.644379657165567,15.017149771340387,1 +14.247345928937406,16.925996695642393,1 +13.403624057970529,15.822389464572565,1 +16.40937204106424,15.345748885039521,1 +9.286304441231401,14.755934683032507,1 +12.317573832638008,15.941191405017852,1 +15.577535464984276,17.14931876345284,1 +16.794911726059055,17.989528183769842,1 +13.98467645343877,15.337867213904083,1 +15.814838498689678,13.26099519464884,0 +14.970656896257674,16.180713645368748,1 +20.04655149170253,16.668786478061154,0 +15.967084699924058,15.142839584672066,1 +17.254052879028475,14.088329641202947,0 +18.036308109839144,15.260251455936903,0 +16.974731675270927,14.864839724070423,0 +16.148517360692118,13.335052980351676,0 +19.758512238253225,13.82453598124359,0 +14.376043855372867,15.469357105630927,1 +15.042921097009964,14.866556135056317,1 +16.38515999047816,14.616681819319666,0 +13.330686149154516,14.846013264149748,1 +19.137434946867753,14.127177102204211,0 +12.721055414652048,15.988296871070382,1 +12.193472465931926,16.232919376149354,1 +15.836529569145137,13.624542409527537,0 +19.86478096329943,14.36045857712269,0 +11.680067789454652,15.518714330124068,1 +13.846408621549159,15.26881718631998,1 +12.046654168573447,14.835819571197314,1 +12.943970408086763,15.469128212931539,1 +12.590845321020986,14.428667358802228,1 +17.72740061123607,12.793034806946832,0 +16.2974307106882,14.767804799138556,0 +8.016551849663005,16.720235736933745,1 +12.268874467029784,17.488789084713797,1 +10.592304695594386,15.073508243981456,1 +13.120270966814434,16.01469151801198,1 +15.568983341025998,13.820904098338957,0 +13.438520005124495,15.291510647322688,1 +16.340170142087352,14.403220553325864,0 +17.816918913355458,13.098065537004695,0 +13.27736700558299,14.29987665903141,1 +13.534613893443082,16.188279583102197,1 +15.370460833022594,15.068377775639647,1 +19.737742832328657,15.010567910523633,0 +16.67837625923969,14.562583800375524,0 +14.338940397927816,15.54152978181889,1 +15.193972631857969,14.08155598627307,0 +15.526725962827795,14.160406527343765,0 +13.817823059386583,14.146843832593422,1 +15.042994512371745,15.9626549071051,1 +15.757141716240488,17.23034077275384,1 +14.16678044100479,13.548844807073717,0 +14.213515666206666,15.534521677257999,1 +18.18912586888455,17.179532231496047,0 +8.50792976177802,16.533320804725868,1 +12.119425790081527,15.409678476869454,1 +15.944037214778689,16.438646820339518,1 +17.11400920012155,17.53226507844995,1 +22.44833554307058,16.58824288439752,0 +18.07151375741458,15.200842539856074,0 +19.558013529063533,15.058649281924422,0 +15.702096952969725,16.024165141025883,1 +14.75902054688718,16.51108442288046,1 +12.357084325284589,15.643819894634357,1 +18.86580438000858,15.312598663586545,0 +16.08735599223481,14.943774489875517,0 +10.126180630841377,17.914794011161444,1 +17.113550226101122,16.002973481213527,0 +15.666886663082348,16.532944868663684,1 +13.51682379268223,15.455063491709852,1 +13.84524157491767,14.797715179851213,1 +18.946420182202306,13.442952222187575,0 +18.737388810917402,15.250818092390778,0 +15.855335842016835,15.64423709928407,1 +13.430120699534749,17.099513415814563,1 +16.06497826448683,16.728564456718924,1 +17.13990821598479,15.422743192551268,0 +15.01274205206554,14.386410173290066,1 +10.699528393894226,15.756494995383658,1 +10.731595044439427,16.896789299130454,1 +13.53869754936635,14.66487120680751,1 +18.23405550274542,15.013891723328705,0 +15.137508218195432,15.670399218671372,1 +9.009235253110255,14.169686447962041,1 +11.242512376916359,16.152668312081293,1 +15.431343221656842,16.164607504013123,1 +13.645807364807295,14.53916805608185,1 +18.34191060047492,16.464352827431924,0 +20.05210839397513,14.309243147473008,0 +17.880527426829257,14.47857843200603,0 +18.435944981277018,15.991808977319222,0 +11.273356853170915,16.510944632821243,1 +12.1432651595544,14.118333100273729,1 +13.275702348827288,17.267599823733015,1 +13.223981582865747,15.127257740791558,1 +15.508162839351593,17.217163587979442,1 +13.362201788818668,17.253323391806397,1 +19.39640263171559,12.562097252950476,0 +10.375499100678283,16.64926245532941,1 +18.82524311964627,15.738829432598596,0 +18.457881190556208,14.476513251893387,0 +13.487110869756961,14.783344685153113,1 +15.938888223254732,16.145411393726953,1 +12.945018642740441,15.905578776166829,1 +18.86427500998614,14.560556742812839,0 +16.05372998589505,14.014491498703137,0 +17.471035740270942,14.17497059681543,0 +13.33231004072956,16.802118963664896,1 +15.189014878976636,13.546724024042373,0 +16.750396410698425,13.94346670756168,0 +21.041911436727446,16.952044428215785,0 +13.141641527960669,13.93934169739448,1 +19.603070770006504,14.63896453933206,0 +13.781155107606697,13.566283080353593,1 +15.531018949356534,15.442182293374277,1 +14.120837482150273,15.214526444868206,1 +18.64443381956309,14.699483436776383,0 +17.49354117772193,15.666688221906233,0 +16.002699863276543,15.283568919203619,1 +18.764093677219087,15.314370454946863,0 +12.706988763358392,15.432767356941639,1 +15.737730610920734,16.41223332783076,1 +17.645810016355284,15.060690302365023,0 +13.2365551351064,15.95021286849193,1 +16.34939240866287,15.026479572446535,0 +15.412974609701005,15.207081303869337,1 +18.622256466489436,14.72385030790165,0 +11.80679308841145,16.552412394573306,1 +16.381221385806253,13.480319845030333,0 +16.81426231824213,15.022155254944622,0 +13.051652511873781,15.966934573753429,1 +19.32958814573156,13.704814887560616,0 +18.573300338958784,15.2567028605504,0 +13.70438429458472,15.65375606466674,1 +19.06677664788432,14.553902623578699,0 +15.64761856854494,17.269091472658353,1 +20.11087819016459,15.419250819942349,0 +13.312314022204099,16.042950770543662,1 +15.267901468554765,14.339433686218646,0 +12.322364986090497,15.805357406768652,1 +17.7627437619758,12.784182302029283,0 +21.44477299179926,15.59553089190723,0 +12.169860943130562,13.642088080300903,1 +11.883861150990704,15.368951621571387,1 +15.361235403601464,17.123298132450515,1 +17.13527260175028,13.833003245043253,0 +10.600758183839051,15.444195012219813,1 +12.237329856692552,15.575098807763634,1 +11.05865159900279,15.079061470399298,1 +16.34967196791521,15.90425694090054,1 +18.338410646826986,15.197936562287493,0 +21.913195048151998,17.03477671122675,0 +12.1296436005509,16.347782900246717,1 +15.888949889682982,16.3143644948591,1 +15.582262164647966,16.58750325856339,1 +16.764421391747476,15.720091641671356,0 +20.75267724337715,14.034450894515501,0 +10.457190577025921,15.047817762144154,1 +20.68203234632233,16.70302701867127,0 +14.722012500970978,15.660682673078012,1 +16.442515030103827,15.055439320481932,0 +16.87783002172947,15.011763906346482,0 +18.65339876603141,15.622080315424625,0 +14.077843659757654,15.477478568673927,1 +10.41491475507678,17.15786540145053,1 +12.668330962046475,14.47035201917037,1 +11.418463959483368,15.542410073008433,1 +18.492241285474744,16.182410731592213,0 +14.864593498681135,15.199601373199542,1 +11.107131586068311,15.579279512451823,1 +13.49552065849294,12.58653454714702,0 +14.634287200475198,14.462292991483457,1 +13.98345590036196,16.855708493188526,1 +9.81940702188737,14.170716167194424,1 +12.359275176430232,14.778582747104174,1 +12.369684722374624,14.897802289597204,1 +18.33064576800444,14.89621076643753,0 +12.28417556591357,16.986909780641223,1 +15.641147624634325,14.681282916914029,0 +12.827212158851756,16.270605018643725,1 +13.007123615252713,14.924493515837906,1 +13.865446052872075,16.3647437764788,1 +12.395053914467642,14.534362602637495,1 +13.144535646674044,17.474108654027912,1 +14.9367963713392,17.02464887046432,1 +14.95398919566473,15.274708225384952,1 +14.077998766639448,15.161711681558788,1 +9.288591399960648,14.48662101788992,1 +17.266821566365607,15.060062306767389,0 +14.838455240771333,14.24298261711311,0 +13.77333612100724,17.8183720967176,1 +12.58689736495093,17.286317076153967,1 +14.253309690421537,14.8818094595066,1 +15.027290668585888,14.553705531577345,1 +17.772818129938,14.460701352781502,0 +12.900836369602576,13.895263717496483,1 +12.548705129094943,16.00263752100939,1 +14.106949625182546,16.994249145368453,1 +11.64431609691061,17.382675238522943,1 +16.128712125146947,16.15800656843798,1 +12.986956583205806,16.120919701099048,1 +12.395356572299129,15.591868603289372,1 +14.521479129167936,17.125291734759724,1 +16.75928609574348,16.773499664056565,1 +9.184053015357783,15.482381376190803,1 +15.335860201713611,14.637535126039356,0 +15.844056742222337,16.74364688665601,1 +11.727884530109087,17.50763805808851,1 +11.50837188221322,14.851420131159514,1 +13.323391916979826,15.287646991786172,1 +17.365100146663956,13.842061789261844,0 +17.104489847083432,16.300385965577746,0 +15.781718705143454,13.774395955054231,0 +12.447795078708054,15.626333090078306,1 +15.788219517324608,15.814131259181474,1 +15.574519683163789,16.299647967095673,1 +18.943186260449323,14.858508367758489,0 +16.347292064968038,13.583497493742083,0 +12.708713506697938,16.99660197383005,1 +14.458938999481123,15.11103716007035,1 +19.799296763890503,15.690688686955003,0 +14.354126609124243,13.74307429735436,1 +12.722724294202687,13.740745907618393,1 +13.878592934364406,14.779119582662146,1 +19.300751918601804,15.142043032867189,0 +19.735025493372063,14.971908224510102,0 +9.458000736284971,14.840069043511377,1 +14.99770880467701,15.292722558534862,1 +18.475696330885675,15.494182686680682,0 +15.821628460491295,16.438976389727927,1 +14.75362161818527,14.859705899716499,1 +14.407254994994984,16.116766697316162,1 +7.173775709517747,14.050738714851667,1 +19.642612506959274,13.759451420964059,0 +11.243539454022915,13.260053968329192,1 +19.083616913255092,14.650109785175042,0 +13.154559180633179,16.567985021970067,1 +15.625429422917405,14.093811014172415,0 +14.506929671947136,16.323712686292193,1 +14.335567709610702,14.931103625338043,1 +21.081819845021823,12.848369775457039,0 +13.415887615860793,15.045303071715608,1 +11.918649683006564,16.789217430092048,1 +11.725745981292022,16.35646941110366,1 +15.027786051027123,15.394892614252388,1 +17.146770072388907,15.434645177369239,0 +14.524709607928953,14.55908333712124,1 +10.538796467481212,15.127259072334581,1 +18.324594696931648,16.152775399260747,0 +14.569419369820396,14.95832710651618,1 +10.482285470755713,14.150924132414055,1 +18.500619421262172,13.39039009589563,0 +13.279411373785573,16.50376619869269,1 +14.438094763119537,14.89167894304458,1 +19.64564188609051,15.396452846571739,0 +14.416120355476421,14.960527925486264,1 +16.96674719386442,15.08030589616816,0 +15.987539965908967,15.886750024739591,1 +18.979305218878444,14.29973920260517,0 +15.112122307072573,13.07446471538547,0 +14.216036502151226,15.16133709518008,1 +14.751821049134191,13.618971652457363,0 +13.637850603254845,15.972522044543647,1 +12.718947714961722,16.67326580819552,1 +16.998942593218544,15.296527737854872,0 +18.825336067294185,14.52853246969567,0 +15.194053042107086,15.154014464064733,1 +15.781003277293117,13.804706521043379,0 +15.765694206691704,15.560533738635318,1 +14.524818482064568,13.0780426542946,0 +14.714007746858343,16.693104744202117,1 +13.194235899727202,16.111820781829515,1 +9.683290590139913,12.884304767706752,1 +15.69054722758697,17.53372472964754,1 +16.725782100758643,17.36479263071484,1 +14.440518600540498,16.941803077542037,1 +19.54664365487261,15.440728710187175,0 +15.329026457608197,14.318889517581807,0 +11.21196323979997,15.943951910060367,1 +17.645318150916655,15.503803342738935,0 +12.194436454676218,16.029818715440452,1 +12.551763770185097,14.393483186546707,1 +14.82091443610896,15.014117709616672,1 +14.384232027110306,15.769301073927961,1 +13.711589393759684,12.028455888213895,0 +15.532333540023792,13.661101485372276,0 +13.549130481649776,16.18790429903301,1 +13.648813263062621,15.206589070507396,1 +11.236968988863916,14.536448582915678,1 +21.121171095889313,15.92241029991504,0 +15.651218350065557,14.037471544847804,0 +12.269897278706951,15.814934355667555,1 +18.369173542644823,14.774546972705675,0 +9.416004588779217,15.197093680772864,1 +14.099191272512337,16.733263233050074,1 +18.040324158781026,14.888753161140915,0 +11.202683117018324,12.82026894518589,1 +18.78053270332465,14.787502470681815,0 +13.017866992330433,15.174147715299652,1 +19.97440902355252,15.813854772228215,0 +17.000977314193122,15.36002718696666,0 +16.60350783403471,15.280159401643049,0 +17.421718026973505,14.623134007039859,0 +16.98152104499465,15.480735483587116,0 +12.849925562331114,16.2802074196233,1 +20.926834327299456,15.481165812997993,0 +13.556182691248914,15.881964268343994,1 +18.886042190642705,15.187032401864993,0 +13.661513793261857,14.229172425674689,1 +9.961711735389173,18.006561398690426,1 +15.602411920694907,14.479490988251037,0 +15.757103361883036,15.974605304122699,1 +14.790194245615378,13.678867188716895,0 +15.141575023767057,14.52263894093524,0 +10.483240600954229,15.886555758287336,1 +18.176358775727216,15.147352490379555,0 +12.649835573300813,15.105216857734183,1 +10.634630982243714,15.581838776421566,1 +12.044334464351454,16.10312943348829,1 +10.571884965622713,13.87791106773222,1 +14.879462939244041,15.063723942618054,1 +16.257943089304867,16.928715938003442,1 +17.203268607129278,14.778894919488264,0 +13.393816044114581,16.50580513333357,1 +12.774112014300524,15.28488429195083,1 +17.43426368501733,13.681192865439156,0 +13.094135729896127,15.029113287353988,1 +14.976169898636591,16.060947289721916,1 +18.601879086238963,18.37050035393364,1 +17.55264650387597,16.32670624848141,0 +13.687212777001049,15.453382342231361,1 +15.60663934881399,13.900064047056677,0 +18.0388216226442,15.489644386109168,0 +14.49636006655099,15.01351928129274,1 +14.035448094326318,16.979642811405,1 +13.975786622490315,14.828889675393224,1 +7.86051922516636,14.472112429527677,1 +15.316148753235119,15.048348654449079,1 +16.051207696403747,13.827512053895601,0 +11.421458808045896,15.803758429852863,1 +14.07961518131579,16.186799158284323,1 +15.067438893695547,16.555226487330152,1 +15.47776788575534,16.22131090024087,1 +16.647693183026654,15.129044502868002,0 +13.811152785920797,14.523313594327758,1 +13.819634887605332,16.204055083151957,1 +21.235782454339354,14.802163248271146,0 +14.378767103346643,17.540805739614814,1 +16.61415475599939,15.857747012470785,0 +10.9078130632694,16.36285856030563,1 +18.402364986184423,15.051070658527305,0 +12.704175980218263,16.728042328073073,1 +16.0484528830578,14.711858194675973,0 +15.564363532472115,14.113784176895548,0 +15.998419810643467,17.37076833589357,1 +12.139409793852627,15.912835366681808,1 +19.66235758212293,15.65939540563707,0 +13.362581773475483,17.496798713472746,1 +14.40460195947125,15.328265387772323,1 +14.829852393141882,16.519549066315015,1 +14.057290052071902,16.4965768553297,1 +13.37721698773687,14.9135336370414,1 +14.726869816044529,16.757141314979826,1 +14.982712166791368,16.2948952709706,1 +14.673401951014267,15.365027617029702,1 +15.150415921758931,16.953989079095678,1 +15.015074512323892,15.620527486945827,1 +16.167946450331645,14.653626451393245,0 +19.306598019550698,15.534498883773761,0 +18.59871776504004,15.765694609460871,0 +14.089285926657666,15.768845203725453,1 +9.157860223656074,16.403071663798904,1 +16.742108702478486,14.433290457382855,0 +16.67557051517421,14.608579150433599,0 +9.766264142127914,14.27245252733543,1 +14.682511716391982,16.12989896034602,1 +12.17324544445186,15.49294290406206,1 +11.460837180274233,17.22953415715291,1 +17.073419444978565,14.5451440907416,0 +14.48835096809682,15.95940451183887,1 +16.07537950693971,12.76963432151663,0 +23.14165520241016,12.521542989386079,0 +16.76315898884725,15.530740959272965,0 +14.571806875406907,15.512026735413519,1 +18.018659376801182,15.481336467719988,0 +16.041563838798726,16.082660517627357,1 +11.887130851761297,16.0329880879787,1 +12.180485357238483,16.700236109580793,1 +16.026113801209853,16.766768470539272,1 +13.921343297394232,16.1823645155443,1 +18.144494263083022,15.830377807509494,0 +20.811654526611576,16.68622234716186,0 +15.388159997051922,15.9347933431299,1 +13.24414571982024,15.821922574930731,1 +7.261440154315351,16.817114396887195,1 +14.043032078493745,14.74646540920326,1 +15.929893882134683,15.52627240156353,1 +20.093510948754087,13.487491959756138,0 +14.166686206151251,15.747197903806354,1 +12.366958094494054,16.462026583180478,1 +16.834673187401126,14.405135672422741,0 +10.436034747980546,17.136370120425983,1 +14.633203156338375,13.589480323084354,0 +10.23501060119722,15.759644284582608,1 +13.835587564559187,16.769396006938713,1 +18.664729326937884,16.03205828622839,0 +13.659761471425472,15.029841240083941,1 +13.208281915568406,15.043639218454011,1 +10.465873110925639,15.65919519074086,1 +17.785091372581213,14.214052600910005,0 +13.200481711951886,16.01388699642621,1 +14.574080779489705,13.466229415460397,0 +12.687182342095753,15.450825340620485,1 +10.925742457227667,15.64075952011113,1 +14.827889188966248,14.077591953474336,0 +15.14042152160118,13.969676113763821,0 +13.097290185804091,15.992210209470004,1 +14.104050195376669,16.9946005914874,1 +9.637436986300544,16.224037227975693,1 +13.83778155810823,15.554725432080755,1 +12.721331179612164,16.14153395906408,1 +14.219027949660939,17.13295647635707,1 +17.387617672730585,14.395172058202979,0 +15.671296065672966,14.476975161856686,0 +17.551016929003143,16.609005528485966,1 +17.534395297398536,15.425934499842729,0 +20.664858417616376,15.815321065055086,0 +17.17043212136784,15.322435565561884,0 +14.26055494431163,15.097089641696096,1 +19.804332739048398,15.228331354949827,0 +13.179368649194474,13.89409096305691,1 +17.19607327144225,14.34311146557389,0 +16.580394153013746,16.07951290714808,0 +14.889723761227064,13.76649358083596,0 +15.626135550181989,15.672751412063981,1 +12.149792657535588,15.046250250546581,1 +15.913856430704062,14.490914654286605,0 +13.469457896707423,14.62882621757175,1 +12.325277338346071,16.442061844290578,1 +16.87550716770515,14.989862094804039,0 +16.385988684608428,17.16559548633847,1 +12.91360131699631,13.745190270170205,1 +12.33954276744387,17.31818984583575,1 +13.957896609821665,14.404778102157074,1 +12.20093351546112,15.513923957112736,1 +12.87075972118794,15.566289109110265,1 +10.237703526581884,14.161555700133972,1 +17.07729910479725,14.822878808766024,0 +19.988127155650453,14.348443731098877,0 +11.444145192684164,15.859786842097517,1 +12.999045447492156,16.44606759083006,1 +9.859831054954483,16.805183483380393,1 +15.325981124087285,14.461663069504498,1 +15.328998189371438,15.711939959514813,1 +15.008173091880888,11.85168853301277,0 +16.28564307101131,17.258059952146247,1 +9.918263375320668,15.753669569686098,1 +12.634373501814526,14.578651418907437,1 +14.063554071769719,15.877229007352499,1 +15.61190777330777,15.267433281385781,1 +14.155429492746011,15.075647438322576,1 +16.764284692422237,14.494585800785933,0 +13.930559597752884,12.670849072400523,0 +23.79687046219037,13.973845031035557,0 +14.368582083517543,13.751794748957838,1 +14.458335558190583,16.603257982386065,1 +18.012249891850097,15.92355090488934,0 +17.558106176645005,15.540197187031163,0 +13.981157512612484,15.901889559149547,1 +11.412016537446963,16.157835415501843,1 +15.874439985437476,14.565623259460372,0 +10.058538973985623,15.158026324986075,1 +17.59349800892382,15.215404935128324,0 +16.976105520605426,15.007941416732976,0 +15.779053273725667,15.965321544124254,1 +19.928603946253556,15.314306784635502,0 +14.212932082210617,16.326061295219105,1 +16.177625213527378,13.563560088617182,0 +14.701283706348043,14.936921527011387,1 +16.53505398052733,14.862520616812544,0 +15.197925835765043,15.06088814649753,1 +15.364914346451863,17.022813201751436,1 +13.17378324312503,14.76179502320765,1 +15.367155931932738,14.009871552719469,0 +15.604742232016624,15.63384836803443,1 +15.62202668748124,16.396177217687555,1 +16.137904823402394,14.09156499612537,0 +11.312563113731457,16.60396776565274,1 +16.51604250522633,14.039426219519232,0 +16.64083049322764,13.466644795892117,0 +17.268416693581006,14.284441479726805,0 +12.639096143070562,16.348025528567867,1 +20.598552716794174,14.275491235032888,0 +16.741017368183662,17.267146097863385,1 +16.823629107755043,13.772517772692092,0 +11.818081804791898,16.729134034423232,1 +21.24515486519156,15.522367945511759,0 +14.974378374594185,15.9747088916473,1 +13.711593553058625,15.95699813906441,1 +17.983541578801553,14.546878599368613,0 +15.363817637532131,15.169795037974737,1 +18.344583904004335,15.54432216327269,0 +14.950813320571724,14.86441305045346,1 +13.059078619153789,14.529185606648053,1 +14.227898940807819,13.50167027994571,0 +14.513437358677802,15.411116464944852,1 +14.60457064153454,15.00926485643556,1 +13.440350231917002,14.855398358307772,1 +14.55600907646743,13.605663374123138,0 +11.621448665439656,16.32634472757619,1 +17.52065662480928,16.95079749769583,1 +18.589112530941424,14.625145554369624,0 +16.841053157633592,14.532974921111435,0 +9.771423092647852,16.7545282172312,1 +9.85753503848081,14.518942445412778,1 +15.139551066515095,16.125182143731646,1 +10.350823440614423,16.642782162624915,1 +15.732518901237441,16.13836223215614,1 +10.20359373171614,14.960286300104439,1 +14.140607370806977,14.651450844783032,1 +13.955822607764862,14.624031962139878,1 +15.559442227791177,16.920793545867397,1 +13.834197491120374,15.828899280249098,1 +13.849705792908864,14.640590209995489,1 diff --git a/data/tumors_reduced.csv b/data/tumors_reduced.csv new file mode 100644 index 00000000..53370f04 --- /dev/null +++ b/data/tumors_reduced.csv @@ -0,0 +1,721 @@ +leukocyte_count,blood_pressure,tumor +13.472968615888934,15.250393221933804,1 +10.805510382493194,14.109675762663219,1 +13.834052991147676,15.793920360902117,1 +9.572811104830294,17.87328623966971,1 +7.633667402156339,16.598559450376403,1 +12.795533735896369,16.02132978336539,1 +12.885376627994722,15.402248380446517,1 +9.438946688645377,17.223709429576157,1 +17.462393051356024,14.81863166931274,0 +10.068626068706553,16.52057158613907,1 +11.648341351899882,14.479663398057777,1 +18.036615049366674,15.697719902470261,0 +19.137337702298947,15.40874327569786,0 +11.034546682020165,16.00729602734063,1 +17.826128136930397,14.609331206734222,0 +17.318532193814036,15.390311209899862,0 +13.567902824989588,15.076382803264158,1 +13.175192942422065,16.392252263408366,1 +10.473926146400782,15.637052253737158,1 +12.692060815849107,16.462445795842807,1 +9.847692288755463,15.883228005259264,1 +13.856256796644164,17.056462424785508,1 +16.5957935094616,15.522164961157216,0 +18.345093972537562,14.25516162614503,0 +16.137448827694687,14.121867615835452,0 +15.734422720294369,14.7929542037309,0 +9.001079227411402,15.38234897833978,1 +17.478463483830808,15.346093070396366,0 +12.31993954777143,15.320901395754625,1 +11.769786171318131,16.091259132083817,1 +12.478419174463752,15.035097151605722,1 +9.29152401270429,14.036631700160232,1 +11.986271423702519,16.521595475308303,1 +17.744408446296852,13.930996927270137,0 +11.964918427252346,15.75148300033544,1 +16.149755723035888,14.49605505878715,0 +19.21390165689227,14.604255885187957,0 +19.51041417352468,14.952694270637275,0 +16.32384923674385,14.8490275995191,0 +10.312527953689168,14.302595543175256,1 +19.20664619122436,14.806607354103672,0 +11.344103622692646,15.068414844894882,1 +20.59651163981557,14.53267696480051,0 +9.672522604235462,14.097902344376429,1 +20.1088188560725,16.003879282184148,0 +11.937543841643045,15.746718253765348,1 +17.461846229897198,16.46325547863779,0 +12.551827625929635,14.985502395303573,1 +21.274749445796925,14.898310551344027,0 +17.855787408239205,14.369247343609215,0 +9.81353276280258,15.31755081350501,1 +13.99472859125678,15.72487800312882,1 +16.60112314385515,15.526174564820865,0 +15.853195441691648,13.533828848758478,0 +17.0243141211745,14.938095158980767,0 +20.511445205413278,16.336878940548235,0 +11.206587401970673,16.025155525259027,1 +18.617026072307013,15.391931821045624,0 +13.2740732152953,14.94001525480975,1 +17.4785767858645,15.075842934423507,0 +12.829270798185995,17.337387803426164,1 +16.425967263076277,14.045905678010591,0 +18.218196319373853,16.283950751039377,0 +12.533177776213368,14.912641771020517,1 +17.953225674155693,15.648104817837519,0 +11.771974443630166,14.309895183529605,1 +13.49338562462634,17.699428109698943,1 +11.463155799422202,18.247223471848915,1 +9.550819565537934,14.244182342530221,1 +13.578509586104694,16.981410240715846,1 +14.995974063471367,13.509315984354858,0 +12.08862049657492,15.046285472605744,1 +15.573719784974651,14.135744863162264,0 +18.96516645843836,15.83006402245448,0 +15.854104500176392,15.000674682948935,0 +21.267145860027412,15.31147643235454,0 +19.45959783268582,16.193688274736715,0 +13.140405544577073,14.908245331622489,1 +13.920708996701858,16.413060694208152,1 +17.12739706589668,15.163336052710028,0 +17.557333099591666,15.14709524206824,0 +12.083288194557136,14.967680722681287,1 +17.26225734019677,15.188942908858348,0 +15.936428949972615,14.36407293738822,0 +19.60558575643113,14.293490733532728,0 +12.878292220357327,15.602327115208283,1 +19.526668306232775,15.70411599639553,0 +21.11489072435497,16.102150624216637,0 +17.836825695468512,15.63972889354465,0 +18.581601966970915,15.475376579419672,0 +18.904042331831203,14.482434206731062,0 +19.851334161241393,14.245063575855587,0 +14.688559995760782,13.4421193273106,0 +12.213537826683128,14.883268100598642,1 +15.074648496303473,13.718833905345315,0 +17.4883223224777,16.28298672214856,0 +18.94826617218869,16.51699180466198,0 +16.604525481360092,12.158263602970996,0 +15.646210695825665,13.543139594249205,0 +11.617979001912389,15.094659699170855,1 +14.888835423357735,13.925219840763816,0 +18.776650239534753,14.613686182398142,0 +19.23928716103041,15.908783069435957,0 +19.41220243252875,15.089686304271822,0 +18.692651513032324,14.289601621208504,0 +19.991435118562855,14.205391673699733,0 +18.363270180335608,15.029254874298687,0 +17.079192801506313,15.323172645668429,0 +17.508198158948176,15.773942079841166,0 +17.573299657016314,14.291488887670017,0 +9.916983781894771,16.44803934367966,1 +16.370442645929295,15.797742553078594,0 +17.632578575666017,15.869585128920164,0 +14.411002896183483,13.148424572134036,0 +16.255936704081588,15.132611859218887,0 +10.694324318798767,16.34122581571295,1 +19.48161747468298,15.625090621507594,0 +12.867935633980025,16.355407867063917,1 +6.981598570534064,15.322173714174722,1 +10.737119665979485,14.844421586507066,1 +9.840449805798457,16.434717198055445,1 +12.419275248466775,16.598801456087525,1 +19.737042683184367,13.67935057694513,0 +11.350685534009557,15.79186611627074,1 +16.42078006402748,15.445148091170205,0 +13.593327074211471,15.922367323727475,1 +19.15130145307868,15.225159799585201,0 +12.24307550200971,17.57619555636495,1 +17.199498331801397,14.321889925976805,0 +12.52148487171261,14.970808483187405,1 +8.55257950598476,14.365121869602284,1 +10.482656710894013,14.627895080697202,1 +11.848710133205294,16.294745353212242,1 +16.899857841264488,15.003623987566408,0 +15.570468136344825,13.774843724822688,0 +13.417376726157817,15.213805104815224,1 +11.240331926202808,15.58813875172288,1 +11.253406157732872,15.94820374722334,1 +19.0127034621042,14.830361779678269,0 +16.67032827719148,15.858951608950907,0 +12.373383853330255,15.480650994977669,1 +11.099771600411744,15.217296829226134,1 +17.646526875231448,14.976548469081477,0 +17.09662145557334,15.012458875426363,0 +18.295551807979017,15.047242592283043,0 +11.985918108734948,17.54515648839909,1 +16.967577355348663,14.311798104394171,0 +18.887186027027823,15.669864218780553,0 +21.227704894831348,13.924925762527826,0 +9.284434128808943,15.25557262876228,1 +18.636528430244958,14.830287061445697,0 +16.56625219720652,15.580210627210928,0 +20.055882299022844,14.353279076652175,0 +17.248514842239363,14.251073932748767,0 +11.121752720320318,14.473495497600165,1 +16.79454202862219,15.295081787135985,0 +12.024237028364873,14.95441020223216,1 +13.917521259400852,15.54897904012595,1 +15.061249422583403,13.90980097000537,0 +17.41143747390338,12.144353864475036,0 +10.989743614748281,15.03263867448283,1 +15.733972184463239,14.225094335345792,0 +16.835544404459576,15.40791288932119,0 +19.36355127544965,14.94520889593403,0 +8.214407962356177,14.057150378774098,1 +16.83953919674184,15.120095439840362,0 +15.276286059454893,14.103201440136475,0 +12.648974038435405,14.955288180219496,1 +9.520071419939882,14.862791688156682,1 +12.444765508552686,15.101514492894811,1 +19.019331028794447,14.834595976499333,0 +15.906943456597894,14.285154976999054,0 +16.970399385706646,14.206793070047016,0 +18.34567783161557,13.38117665048032,0 +13.610569015257965,17.311706650354882,1 +13.622751032177886,17.677531514774536,1 +10.675387614374543,16.440117363379493,1 +12.800618577325451,15.36942384317354,1 +13.283595261700285,15.56934129627319,1 +12.69710143854795,16.043672213027484,1 +12.256927307015706,15.029602111754954,1 +10.869162783773731,16.61243230751075,1 +13.017489022456797,15.737785192977176,1 +11.859756054559902,15.790189976799441,1 +7.86825471644298,16.2127217375159,1 +17.54854798164229,15.240103312598388,0 +18.011357026800233,15.50704398848678,0 +12.080669102471754,15.994405931356352,1 +11.637453915933094,15.24816938867256,1 +9.789964445272656,15.310660974145724,1 +11.518162970985259,17.344457998863902,1 +13.556383587789995,15.358709543313042,1 +10.021082332140573,15.769791642389347,1 +11.495664782976023,14.345425249276857,1 +10.283036194931093,15.584865206092328,1 +12.852007133160154,15.913194820142714,1 +12.556401781727974,15.770530581521596,1 +12.518333489126363,16.638401992882457,1 +16.82998724714185,14.047312227841944,0 +17.45568600817567,12.3847737503546,0 +12.91538515158519,15.199039180638328,1 +12.153783837807904,18.33164100684804,1 +10.928707839203689,15.308438825595063,1 +10.604330718647205,15.664112286337847,1 +10.949190858298932,15.403369581101435,1 +15.142710925544359,14.137213950282808,0 +8.834109346140215,15.185140393049792,1 +13.104569484133846,14.833848743471744,1 +9.931937678298222,14.685836152532355,1 +12.368682794027059,16.658550021337703,1 +18.070265496497044,15.897211400427247,0 +17.780756073870574,14.251281005632128,0 +8.994994621310774,16.364627717297868,1 +12.91176009388807,15.892499474352642,1 +18.55155695713512,14.241766102826286,0 +12.072272463653581,14.646148278834348,1 +16.645950714491562,14.54428976580573,0 +12.469844611630625,15.477894868774403,1 +18.183232589373933,14.827762640862229,0 +11.073288593200424,15.765668910415622,1 +21.96745870683285,15.33273379463343,0 +11.04632003090673,16.35528303273453,1 +18.07436143911311,15.10775094892968,0 +17.0548608968692,14.373786490774869,0 +12.000339222606488,16.273758796862346,1 +19.113259395046214,15.449089353324705,0 +15.369099600375693,14.589367758324288,0 +19.03218308797355,15.735354159549638,0 +16.519486352351098,14.23264239326558,0 +12.959260640888461,15.896218479841444,1 +18.284666834873622,15.940293186771223,0 +17.920342935336866,17.244330385870807,0 +13.490355373686501,15.578362881815497,1 +16.915807519005828,14.08991155467373,0 +17.84728738180293,15.949659483546506,0 +13.213198027660882,14.929766178652853,1 +12.527765301246687,15.896772878874845,1 +18.609122037856395,15.246568408956614,0 +12.708126550526835,16.02370077975006,1 +15.632308067215044,14.391747102492998,0 +21.22213711836492,14.242718176978173,0 +16.32364382377055,13.708458035750816,0 +13.271832988920247,15.238723575287857,1 +17.52782661228051,15.970560131420767,0 +4.201800958477197,14.304839917086747,1 +19.533403895051066,15.219665059510424,0 +18.667991030885318,14.418799064291182,0 +18.978340303094708,15.698047743596415,0 +19.20923347161644,16.42695205986969,0 +16.390729624194506,14.419258015841443,0 +16.196971485693343,13.212790371309842,0 +16.723626000399257,12.365783473739938,0 +17.74295835980201,14.925906583542227,0 +10.185835310804203,15.230225355647283,1 +18.60715951290544,16.785183964799877,0 +16.062756948519365,15.082032707335175,0 +13.690894105531468,15.536279498324205,1 +17.657135059570642,16.23374781806288,0 +18.543033243129376,13.948474445273852,0 +15.659960205719546,14.701776945238151,0 +20.35579463640567,16.974463734468557,0 +10.725544284697097,14.725802616127984,1 +17.653676307491306,15.448898429104416,0 +11.780365041149459,14.940509053851244,1 +15.026406348349266,13.454134086675925,0 +16.64334612899788,13.71176095609501,0 +18.489777047829186,13.664753309930965,0 +17.31155388419491,16.18110089139477,0 +6.018592243444331,15.346652083433305,1 +17.946809962088707,15.608453491878228,0 +18.129531226584543,14.770003120551467,0 +20.26262837192094,15.7978376138695,0 +11.92115561707828,16.226342656067928,1 +17.717369613248273,14.475777507873392,0 +13.977986835914137,16.513264466219606,1 +18.4928868601248,15.748817119823695,0 +12.030190905438054,15.907816841983296,1 +11.313071849705132,16.323401321741727,1 +9.892338801068423,15.22204087225568,1 +18.759224843571623,13.70665180986938,0 +16.48031148792053,12.922813045967175,0 +16.8252028989644,15.10809782246327,0 +11.384577378165776,17.376401802773362,1 +13.970188382224784,16.930794964008324,1 +20.2229441336003,15.614931699526702,0 +12.669980442482998,16.066329838570496,1 +21.397780970346513,15.53205646938323,0 +8.420848548405777,16.63637208225977,1 +18.23545357610537,15.462284134346156,0 +13.327363651852142,15.84132832452199,1 +15.233197170663356,13.250173720351142,0 +12.566817141208109,15.93967379609639,1 +18.4092427025124,15.190971605308208,0 +11.506620396513338,15.980307987351601,1 +18.309297538279754,14.526870017404535,0 +9.628504579463579,14.9134332023922,1 +19.285571258776315,16.276502765164178,0 +16.982672583445428,13.23263324297191,0 +18.162335245344586,14.014598306994364,0 +17.49049127813995,14.618758438226287,0 +12.051451516698483,16.953226838132895,1 +16.79917933285475,15.260360897974007,0 +13.208503234860894,15.331154443710364,1 +10.764513029371594,16.068074068035052,1 +16.51916750245296,14.031274132866855,0 +17.207743185230534,16.221021462758486,0 +11.653335359913548,16.183069284730326,1 +15.707926647114965,13.15982641267209,0 +10.281464854040335,14.827697392071006,1 +11.912878343453752,14.881422829267159,1 +15.613526232104938,13.359264779665896,0 +13.580477912298935,18.29277871791872,1 +16.962950218404153,14.740883535145187,0 +11.017002775839224,15.649103688418949,1 +16.48163755096283,14.955614687791135,0 +15.643884932583571,13.801949460993999,0 +13.319708307934805,16.22999591164129,1 +19.522082034068582,13.824456399421926,0 +9.975835882845185,15.465792034401773,1 +11.83447062474752,15.409907647768835,1 +12.110951954123,14.928284954458952,1 +18.979159869084135,15.399131673042264,0 +19.270878391315875,16.740151490012543,0 +13.87411837788453,15.912589122230543,1 +18.975361952733255,15.187236883201587,0 +11.702085809410287,15.619253633324123,1 +20.003315529988257,15.41052670294742,0 +11.800507397297432,16.527091896756357,1 +18.69941624306763,14.053828281859003,0 +15.609077486659837,13.651668572505264,0 +10.93492527121912,14.826321978798713,1 +20.46503094462532,14.697505432528839,0 +17.922913902960705,16.338879476467454,0 +12.380135170121243,15.137247846840493,1 +20.2191016249498,13.447960666650522,0 +19.114302921366477,16.06094252777512,0 +13.367974441991338,15.741789949878164,1 +21.339698281165862,13.154842057819316,0 +11.66498489014074,14.365263433575398,1 +15.996964022399856,14.953148207557035,0 +17.18434026499196,13.870265729734628,0 +17.89806351888551,13.30088102459631,0 +13.857608005738815,15.523027951788327,1 +16.795185912149933,14.434741226346999,0 +8.383661939011064,14.356183909202464,1 +16.988734039406655,13.879348602202514,0 +9.410626669700704,15.666199349729219,1 +14.078462670794533,11.73621682692608,0 +12.9917736389889,17.11916857591582,1 +19.81741561130222,15.430621953737646,0 +15.647633046419394,14.56841908530899,0 +11.293458017451115,14.144201773878555,1 +16.965895037570697,15.011416585938372,0 +16.30819154663775,15.639110769767699,0 +22.01479357217393,15.757760880658918,0 +8.169618289909021,13.607248600098394,1 +13.391751841333953,15.80680541479367,1 +10.217694756962487,16.757029432035058,1 +18.05478004633968,14.01540861876059,0 +13.403624057970529,15.822389464572565,1 +9.286304441231401,14.755934683032507,1 +12.317573832638008,15.941191405017852,1 +15.814838498689678,13.26099519464884,0 +20.04655149170253,16.668786478061154,0 +17.254052879028475,14.088329641202947,0 +18.036308109839144,15.260251455936903,0 +16.974731675270927,14.864839724070423,0 +16.148517360692118,13.335052980351676,0 +19.758512238253225,13.82453598124359,0 +16.38515999047816,14.616681819319666,0 +13.330686149154516,14.846013264149748,1 +19.137434946867753,14.127177102204211,0 +12.721055414652048,15.988296871070382,1 +12.193472465931926,16.232919376149354,1 +15.836529569145137,13.624542409527537,0 +19.86478096329943,14.36045857712269,0 +11.680067789454652,15.518714330124068,1 +12.046654168573447,14.835819571197314,1 +12.943970408086763,15.469128212931539,1 +12.590845321020986,14.428667358802228,1 +17.72740061123607,12.793034806946832,0 +16.2974307106882,14.767804799138556,0 +8.016551849663005,16.720235736933745,1 +12.268874467029784,17.488789084713797,1 +10.592304695594386,15.073508243981456,1 +13.120270966814434,16.01469151801198,1 +15.568983341025998,13.820904098338957,0 +13.438520005124495,15.291510647322688,1 +16.340170142087352,14.403220553325864,0 +17.816918913355458,13.098065537004695,0 +13.534613893443082,16.188279583102197,1 +19.737742832328657,15.010567910523633,0 +16.67837625923969,14.562583800375524,0 +15.193972631857969,14.08155598627307,0 +15.526725962827795,14.160406527343765,0 +14.16678044100479,13.548844807073717,0 +18.18912586888455,17.179532231496047,0 +8.50792976177802,16.533320804725868,1 +12.119425790081527,15.409678476869454,1 +22.44833554307058,16.58824288439752,0 +18.07151375741458,15.200842539856074,0 +19.558013529063533,15.058649281924422,0 +12.357084325284589,15.643819894634357,1 +18.86580438000858,15.312598663586545,0 +16.08735599223481,14.943774489875517,0 +10.126180630841377,17.914794011161444,1 +17.113550226101122,16.002973481213527,0 +13.51682379268223,15.455063491709852,1 +18.946420182202306,13.442952222187575,0 +18.737388810917402,15.250818092390778,0 +13.430120699534749,17.099513415814563,1 +17.13990821598479,15.422743192551268,0 +10.699528393894226,15.756494995383658,1 +10.731595044439427,16.896789299130454,1 +18.23405550274542,15.013891723328705,0 +9.009235253110255,14.169686447962041,1 +11.242512376916359,16.152668312081293,1 +18.34191060047492,16.464352827431924,0 +20.05210839397513,14.309243147473008,0 +17.880527426829257,14.47857843200603,0 +18.435944981277018,15.991808977319222,0 +11.273356853170915,16.510944632821243,1 +12.1432651595544,14.118333100273729,1 +13.275702348827288,17.267599823733015,1 +13.223981582865747,15.127257740791558,1 +13.362201788818668,17.253323391806397,1 +19.39640263171559,12.562097252950476,0 +10.375499100678283,16.64926245532941,1 +18.82524311964627,15.738829432598596,0 +18.457881190556208,14.476513251893387,0 +12.945018642740441,15.905578776166829,1 +18.86427500998614,14.560556742812839,0 +16.05372998589505,14.014491498703137,0 +17.471035740270942,14.17497059681543,0 +13.33231004072956,16.802118963664896,1 +15.189014878976636,13.546724024042373,0 +16.750396410698425,13.94346670756168,0 +21.041911436727446,16.952044428215785,0 +19.603070770006504,14.63896453933206,0 +18.64443381956309,14.699483436776383,0 +17.49354117772193,15.666688221906233,0 +18.764093677219087,15.314370454946863,0 +12.706988763358392,15.432767356941639,1 +17.645810016355284,15.060690302365023,0 +13.2365551351064,15.95021286849193,1 +16.34939240866287,15.026479572446535,0 +18.622256466489436,14.72385030790165,0 +11.80679308841145,16.552412394573306,1 +16.381221385806253,13.480319845030333,0 +16.81426231824213,15.022155254944622,0 +13.051652511873781,15.966934573753429,1 +19.32958814573156,13.704814887560616,0 +18.573300338958784,15.2567028605504,0 +13.70438429458472,15.65375606466674,1 +19.06677664788432,14.553902623578699,0 +20.11087819016459,15.419250819942349,0 +13.312314022204099,16.042950770543662,1 +15.267901468554765,14.339433686218646,0 +12.322364986090497,15.805357406768652,1 +17.7627437619758,12.784182302029283,0 +21.44477299179926,15.59553089190723,0 +11.883861150990704,15.368951621571387,1 +17.13527260175028,13.833003245043253,0 +10.600758183839051,15.444195012219813,1 +12.237329856692552,15.575098807763634,1 +11.05865159900279,15.079061470399298,1 +18.338410646826986,15.197936562287493,0 +21.913195048151998,17.03477671122675,0 +12.1296436005509,16.347782900246717,1 +16.764421391747476,15.720091641671356,0 +20.75267724337715,14.034450894515501,0 +10.457190577025921,15.047817762144154,1 +20.68203234632233,16.70302701867127,0 +16.442515030103827,15.055439320481932,0 +16.87783002172947,15.011763906346482,0 +18.65339876603141,15.622080315424625,0 +10.41491475507678,17.15786540145053,1 +12.668330962046475,14.47035201917037,1 +11.418463959483368,15.542410073008433,1 +18.492241285474744,16.182410731592213,0 +11.107131586068311,15.579279512451823,1 +13.49552065849294,12.58653454714702,0 +13.98345590036196,16.855708493188526,1 +9.81940702188737,14.170716167194424,1 +12.359275176430232,14.778582747104174,1 +12.369684722374624,14.897802289597204,1 +18.33064576800444,14.89621076643753,0 +12.28417556591357,16.986909780641223,1 +15.641147624634325,14.681282916914029,0 +12.827212158851756,16.270605018643725,1 +13.007123615252713,14.924493515837906,1 +13.865446052872075,16.3647437764788,1 +12.395053914467642,14.534362602637495,1 +13.144535646674044,17.474108654027912,1 +9.288591399960648,14.48662101788992,1 +17.266821566365607,15.060062306767389,0 +14.838455240771333,14.24298261711311,0 +13.77333612100724,17.8183720967176,1 +12.58689736495093,17.286317076153967,1 +17.772818129938,14.460701352781502,0 +12.548705129094943,16.00263752100939,1 +11.64431609691061,17.382675238522943,1 +12.986956583205806,16.120919701099048,1 +12.395356572299129,15.591868603289372,1 +9.184053015357783,15.482381376190803,1 +15.335860201713611,14.637535126039356,0 +11.727884530109087,17.50763805808851,1 +11.50837188221322,14.851420131159514,1 +13.323391916979826,15.287646991786172,1 +17.365100146663956,13.842061789261844,0 +17.104489847083432,16.300385965577746,0 +15.781718705143454,13.774395955054231,0 +12.447795078708054,15.626333090078306,1 +18.943186260449323,14.858508367758489,0 +16.347292064968038,13.583497493742083,0 +12.708713506697938,16.99660197383005,1 +19.799296763890503,15.690688686955003,0 +19.300751918601804,15.142043032867189,0 +19.735025493372063,14.971908224510102,0 +9.458000736284971,14.840069043511377,1 +18.475696330885675,15.494182686680682,0 +7.173775709517747,14.050738714851667,1 +19.642612506959274,13.759451420964059,0 +11.243539454022915,13.260053968329192,1 +19.083616913255092,14.650109785175042,0 +13.154559180633179,16.567985021970067,1 +15.625429422917405,14.093811014172415,0 +21.081819845021823,12.848369775457039,0 +13.415887615860793,15.045303071715608,1 +11.918649683006564,16.789217430092048,1 +11.725745981292022,16.35646941110366,1 +17.146770072388907,15.434645177369239,0 +10.538796467481212,15.127259072334581,1 +18.324594696931648,16.152775399260747,0 +10.482285470755713,14.150924132414055,1 +18.500619421262172,13.39039009589563,0 +13.279411373785573,16.50376619869269,1 +19.64564188609051,15.396452846571739,0 +16.96674719386442,15.08030589616816,0 +18.979305218878444,14.29973920260517,0 +15.112122307072573,13.07446471538547,0 +14.751821049134191,13.618971652457363,0 +13.637850603254845,15.972522044543647,1 +12.718947714961722,16.67326580819552,1 +16.998942593218544,15.296527737854872,0 +18.825336067294185,14.52853246969567,0 +15.781003277293117,13.804706521043379,0 +14.524818482064568,13.0780426542946,0 +13.194235899727202,16.111820781829515,1 +9.683290590139913,12.884304767706752,1 +19.54664365487261,15.440728710187175,0 +15.329026457608197,14.318889517581807,0 +11.21196323979997,15.943951910060367,1 +17.645318150916655,15.503803342738935,0 +12.194436454676218,16.029818715440452,1 +12.551763770185097,14.393483186546707,1 +13.711589393759684,12.028455888213895,0 +15.532333540023792,13.661101485372276,0 +13.549130481649776,16.18790429903301,1 +13.648813263062621,15.206589070507396,1 +11.236968988863916,14.536448582915678,1 +21.121171095889313,15.92241029991504,0 +15.651218350065557,14.037471544847804,0 +12.269897278706951,15.814934355667555,1 +18.369173542644823,14.774546972705675,0 +9.416004588779217,15.197093680772864,1 +18.040324158781026,14.888753161140915,0 +11.202683117018324,12.82026894518589,1 +18.78053270332465,14.787502470681815,0 +13.017866992330433,15.174147715299652,1 +19.97440902355252,15.813854772228215,0 +17.000977314193122,15.36002718696666,0 +16.60350783403471,15.280159401643049,0 +17.421718026973505,14.623134007039859,0 +16.98152104499465,15.480735483587116,0 +12.849925562331114,16.2802074196233,1 +20.926834327299456,15.481165812997993,0 +13.556182691248914,15.881964268343994,1 +18.886042190642705,15.187032401864993,0 +9.961711735389173,18.006561398690426,1 +15.602411920694907,14.479490988251037,0 +14.790194245615378,13.678867188716895,0 +15.141575023767057,14.52263894093524,0 +10.483240600954229,15.886555758287336,1 +18.176358775727216,15.147352490379555,0 +12.649835573300813,15.105216857734183,1 +10.634630982243714,15.581838776421566,1 +12.044334464351454,16.10312943348829,1 +10.571884965622713,13.87791106773222,1 +17.203268607129278,14.778894919488264,0 +13.393816044114581,16.50580513333357,1 +12.774112014300524,15.28488429195083,1 +17.43426368501733,13.681192865439156,0 +13.094135729896127,15.029113287353988,1 +17.55264650387597,16.32670624848141,0 +13.687212777001049,15.453382342231361,1 +15.60663934881399,13.900064047056677,0 +18.0388216226442,15.489644386109168,0 +7.86051922516636,14.472112429527677,1 +16.051207696403747,13.827512053895601,0 +11.421458808045896,15.803758429852863,1 +16.647693183026654,15.129044502868002,0 +13.819634887605332,16.204055083151957,1 +21.235782454339354,14.802163248271146,0 +16.61415475599939,15.857747012470785,0 +10.9078130632694,16.36285856030563,1 +18.402364986184423,15.051070658527305,0 +12.704175980218263,16.728042328073073,1 +16.0484528830578,14.711858194675973,0 +15.564363532472115,14.113784176895548,0 +12.139409793852627,15.912835366681808,1 +19.66235758212293,15.65939540563707,0 +13.362581773475483,17.496798713472746,1 +13.37721698773687,14.9135336370414,1 +16.167946450331645,14.653626451393245,0 +19.306598019550698,15.534498883773761,0 +18.59871776504004,15.765694609460871,0 +9.157860223656074,16.403071663798904,1 +16.742108702478486,14.433290457382855,0 +16.67557051517421,14.608579150433599,0 +9.766264142127914,14.27245252733543,1 +12.17324544445186,15.49294290406206,1 +11.460837180274233,17.22953415715291,1 +17.073419444978565,14.5451440907416,0 +16.07537950693971,12.76963432151663,0 +23.14165520241016,12.521542989386079,0 +16.76315898884725,15.530740959272965,0 +18.018659376801182,15.481336467719988,0 +11.887130851761297,16.0329880879787,1 +12.180485357238483,16.700236109580793,1 +13.921343297394232,16.1823645155443,1 +18.144494263083022,15.830377807509494,0 +20.811654526611576,16.68622234716186,0 +13.24414571982024,15.821922574930731,1 +7.261440154315351,16.817114396887195,1 +20.093510948754087,13.487491959756138,0 +12.366958094494054,16.462026583180478,1 +16.834673187401126,14.405135672422741,0 +10.436034747980546,17.136370120425983,1 +14.633203156338375,13.589480323084354,0 +10.23501060119722,15.759644284582608,1 +13.835587564559187,16.769396006938713,1 +18.664729326937884,16.03205828622839,0 +13.208281915568406,15.043639218454011,1 +10.465873110925639,15.65919519074086,1 +17.785091372581213,14.214052600910005,0 +13.200481711951886,16.01388699642621,1 +14.574080779489705,13.466229415460397,0 +12.687182342095753,15.450825340620485,1 +10.925742457227667,15.64075952011113,1 +14.827889188966248,14.077591953474336,0 +15.14042152160118,13.969676113763821,0 +13.097290185804091,15.992210209470004,1 +9.637436986300544,16.224037227975693,1 +13.83778155810823,15.554725432080755,1 +12.721331179612164,16.14153395906408,1 +17.387617672730585,14.395172058202979,0 +15.671296065672966,14.476975161856686,0 +17.534395297398536,15.425934499842729,0 +20.664858417616376,15.815321065055086,0 +17.17043212136784,15.322435565561884,0 +19.804332739048398,15.228331354949827,0 +17.19607327144225,14.34311146557389,0 +16.580394153013746,16.07951290714808,0 +14.889723761227064,13.76649358083596,0 +12.149792657535588,15.046250250546581,1 +15.913856430704062,14.490914654286605,0 +12.325277338346071,16.442061844290578,1 +16.87550716770515,14.989862094804039,0 +12.33954276744387,17.31818984583575,1 +12.20093351546112,15.513923957112736,1 +12.87075972118794,15.566289109110265,1 +10.237703526581884,14.161555700133972,1 +17.07729910479725,14.822878808766024,0 +19.988127155650453,14.348443731098877,0 +11.444145192684164,15.859786842097517,1 +12.999045447492156,16.44606759083006,1 +9.859831054954483,16.805183483380393,1 +15.008173091880888,11.85168853301277,0 +9.918263375320668,15.753669569686098,1 +12.634373501814526,14.578651418907437,1 +16.764284692422237,14.494585800785933,0 +13.930559597752884,12.670849072400523,0 +23.79687046219037,13.973845031035557,0 +18.012249891850097,15.92355090488934,0 +17.558106176645005,15.540197187031163,0 +13.981157512612484,15.901889559149547,1 +11.412016537446963,16.157835415501843,1 +15.874439985437476,14.565623259460372,0 +10.058538973985623,15.158026324986075,1 +17.59349800892382,15.215404935128324,0 +16.976105520605426,15.007941416732976,0 +19.928603946253556,15.314306784635502,0 +16.177625213527378,13.563560088617182,0 +16.53505398052733,14.862520616812544,0 +13.17378324312503,14.76179502320765,1 +15.367155931932738,14.009871552719469,0 +16.137904823402394,14.09156499612537,0 +11.312563113731457,16.60396776565274,1 +16.51604250522633,14.039426219519232,0 +16.64083049322764,13.466644795892117,0 +17.268416693581006,14.284441479726805,0 +12.639096143070562,16.348025528567867,1 +20.598552716794174,14.275491235032888,0 +16.823629107755043,13.772517772692092,0 +11.818081804791898,16.729134034423232,1 +21.24515486519156,15.522367945511759,0 +13.711593553058625,15.95699813906441,1 +17.983541578801553,14.546878599368613,0 +18.344583904004335,15.54432216327269,0 +14.227898940807819,13.50167027994571,0 +14.55600907646743,13.605663374123138,0 +11.621448665439656,16.32634472757619,1 +18.589112530941424,14.625145554369624,0 +16.841053157633592,14.532974921111435,0 +9.771423092647852,16.7545282172312,1 +9.85753503848081,14.518942445412778,1 +10.350823440614423,16.642782162624915,1 +10.20359373171614,14.960286300104439,1 +13.834197491120374,15.828899280249098,1 diff --git a/datasets/dataset.csv b/datasets/dataset.csv deleted file mode 100644 index eead8675..00000000 --- a/datasets/dataset.csv +++ /dev/null @@ -1,813 +0,0 @@ -id,created_on,title,description,tag -6,2020-02-20 06:43:18,Comparison between YOLO and RCNN on real world videos,Bringing theory to experiment is cool. We can easily train models in colab and find the results in minutes.,computer-vision -7,2020-02-20 06:47:21,"Show, Infer & Tell: Contextual Inference for Creative Captioning","The beauty of the work lies in the way it architects the fundamental idea that humans look at the overall image and then individual pieces of it. -",computer-vision -9,2020-02-24 16:24:45,Awesome Graph Classification,"A collection of important graph embedding, classification and representation learning papers with implementations.",other -15,2020-02-28 23:55:26,Awesome Monte Carlo Tree Search,A curated list of Monte Carlo tree search papers with implementations. ,other -25,2020-03-07 23:04:31,AttentionWalk,"A PyTorch Implementation of ""Watch Your Step: Learning Node Embeddings via Graph Attention"" (NeurIPS 2018). ",other -27,2020-03-07 23:18:15,APPNP and PPNP,"A PyTorch implementation of ""Predict then Propagate: Graph Neural Networks meet Personalized PageRank"" (ICLR 2019). ",other -28,2020-03-07 23:23:46,Attributed Social Network Embedding,"A sparsity aware and memory efficient implementation of ""Attributed Social Network Embedding"" (TKDE 2018). ",other -29,2020-03-07 23:45:38,Signed Graph Convolutional Network,"A PyTorch implementation of ""Signed Graph Convolutional Network"" (ICDM 2018). ",other -45,2020-03-08 00:39:08,SimGNN,"A PyTorch implementation of ""SimGNN: A Neural Network Approach to Fast Graph Similarity Computation"" (WSDM 2019). ",other -61,2020-03-16 17:35:22,Using JAX to Improve Separable Image Filters,Optimizing the filters to improve the filtered images for computer vision tasks.,computer-vision -65,2020-03-19 18:42:05,Coloring Greyscale Images,Coloring black and white images with neural networks.,computer-vision -67,2020-03-19 19:04:43,Fruit Detection using Convolution Neural Networks in TensorFlow,"Trained a Convolutional Neural Network Model to predict fruits of over 100+ Classes (types) with a training accuracy of over 95%, and testing accuracy of over 9",computer-vision -73,2020-03-19 23:45:14,Face Verification,Implementation of Siamese Neural network model used for face verification. The dataset used for this task is IMDB-WIKI-face images Dataset.,computer-vision -77,2020-03-20 03:23:27,Sign Language Interpreter using Deep Learning,"A sign language interpreter using live video feed from the camera. The project was completed in 24 hours as part of HackUNT-19, the University of North Texas's ",computer-vision -78,2020-03-20 03:32:09,The Illustrated Self-Supervised Learning,A visual introduction to self-supervised learning methods in Computer Vision,computer-vision -81,2020-03-20 06:07:56,GradCAM for the BreaKHis Dataset,An NBDev package for fine-tuning ResNets to visualize gradient-weighted class activation for the BreaKHis dataset.,computer-vision -85,2020-03-20 17:35:59,Message Passing GNNs C++,C++ implementation using Eigen for the forward pass of Graph Convolutional Neural Networks.,other -89,2020-03-20 18:17:31,Rethinking Batch Normalization in Transformers,"We found that NLP batch statistics exhibit large variance throughout training, which leads to poor BN performance.",natural-language-processing -91,2020-03-20 18:30:04,Pytest Board,Continuous pytest runner with awesome visualization.,mlops -92,2020-03-20 18:43:50,Image Spam Buster - Kreate Hackathon,"""Spam Buster"" for user generated IMAGE content.",computer-vision -98,2020-03-20 19:16:43,Bachelorette Predictor,Predict the Bachelorette winners from profile images.,computer-vision -99,2020-03-20 21:32:14,Gender Change of People's Face using CycleGAN,CycleGAN architecture in Keras and train the model with CelebA faces dataset to perform gender change on people's faces.,computer-vision -101,2020-03-21 04:19:04,ELECTRA: Pre-training Text Encoders as Discriminators,PyTorch implementation of the electra model from the paper: ELECTRA - Pre-training Text Encoders as Discriminators Rather Than Generators,natural-language-processing -108,2020-03-21 23:17:38,Tuned ALBERT (ensemble model),Top 6 in Squad 2.0,natural-language-processing -109,2020-03-21 23:25:33,iyasai: Book Recommendation System,Recommender system for books and stories that could help you and your loved ones lift up your mood whenever you are facing stress or unpleasant situations.,natural-language-processing -112,2020-03-21 23:58:46,Learning to See before Learning to Act: Visual Pre-training,We find that pre-training on vision tasks significantly improves generalization and sample efficiency for learning to manipulate objects.,computer-vision -115,2020-03-22 01:26:14,SOLT: Data Augmentation for Deep Learning,"Data augmentation library for Deep Learning, which supports images, segmentation masks, labels and key points.",computer-vision -116,2020-03-22 01:37:27,PCDet: 3D Point Cloud Detection,PCDet Toolbox in PyTorch for 3D Object Detection from Point Cloud,computer-vision -117,2020-03-22 01:47:09,SiamFC++: Towards Robust and Accurate Visual Tracking,"Implementation of a series of basic algorithms which is useful for video understanding, including Single Object Tracking (SOT), Video Object Segmentation (VOS).",computer-vision -118,2020-03-22 21:46:52,Sinext,Sign language to text with OpenCV and MNIST sign-language dataset,computer-vision -120,2020-03-24 04:38:08,Gliding Vertex on Horizontal Bounding Box for Object Detection,Gliding vertex on the horizontal bounding box for multi-oriented object detection.,computer-vision -121,2020-03-24 04:56:38,Deep Reinforcement Learning in TensorFlow2,deep-rl-tf2 is a repository that implements a variety of polular Deep-RL algorithms using TF2. The key to this repo is an easy to understand code. ,other -122,2020-03-24 17:51:35,Custom Classifier on Top of Bert-like Language Model,Take pre-trained language model and build custom classifier on top of it.,natural-language-processing -123,2020-03-24 18:20:55,Using Different Decoding Methods for LM with Transformers,A look at different decoding methods for generate subsequent tokens in language modeling.,natural-language-processing -124,2020-03-24 21:12:12,Unsupervised Toolbox,"Unsupervised learning Tool box : A micro framework for State of the Art Methods and models for unsupervised learning for NLU / NLG -",natural-language-processing -128,2020-03-25 15:21:34,Multimodal Brain Tumor Segmentation,Segmentation of gliomas in pre-operative MRI scans. Use the provided clinically-acquired training data to produce segmentation labels.,computer-vision -133,2020-03-25 20:21:26,A Survey of Long-Term Context in Transformers,Over the past two years the NLP community has developed a veritable zoo of methods to combat expensive multi-head self-attention.,natural-language-processing -137,2020-03-27 14:39:53,Debugging Neural Networks with PyTorch and W&B,A closer look at debugging common issues when training neural networks.,mlops -138,2020-03-27 14:50:02,BachGAN: High-Res Image Synthesis from Salient Object Layout,We propose a new task towards more practical application for image generation - high-quality image synthesis from salient object layout. ,computer-vision -140,2020-03-28 07:49:03,Visual Paper Summary: ALBERT(A Lite BERT),An illustrated summary of ALBERT paper and how it improves BERT and makes it resource efficient,natural-language-processing -145,2020-03-30 04:14:44,Controllable Person Image Synthesis with Attribute-Decomposed GAN,"A novel generative model for controllable person image synthesis, which can produce realistic person images with desired human attributes.",computer-vision -147,2020-03-30 05:39:57,Back Translation for Text Augmentation with Google Sheets,Learn how to augment existing labeled text data for free using Google Sheets.,natural-language-processing -148,2020-03-30 14:13:46,An Illustrated Guide to Graph Neural Networks,A breakdown of the inner workings of GNNs.,other -150,2020-04-01 08:26:46,The Illustrated FixMatch for Semi-Supervised Learning,Learn how to leverage unlabeled data using FixMatch for semi-supervised learning,computer-vision -152,2020-04-01 15:38:58,A Two-Step Graph Convolutional Decoder for Molecule Generation,A simple auto-encoder framework for molecule generation.,other -157,2020-04-03 01:56:32,TransMoMo: Invariance-Driven Unsupervised Motion Retargeting,A lightweight video motion retargeting approach that is capable of transferring motion of a person in a source video realistically to another video of a target ,computer-vision -158,2020-04-03 04:41:07,Tracking Objects as Points,Simultaneous object detection and tracking using center points.,computer-vision -159,2020-04-03 14:57:11,Drifter-ML,A machine learning testing framework for sklearn and pandas. The goal is to help folks assess whether things have changed over time.,mlops -162,2020-04-03 20:17:50,Natural Language Processing News,Get the highlights from Natural Language Processing & Machine Learning research & industry straight to your inbox every month.,natural-language-processing -163,2020-04-03 20:21:13,NLP Newsletter,"Democratizing Artificial Intelligence Research, Education, and Technologies.",natural-language-processing -168,2020-04-04 17:54:28,Self-Supervised Scene De-occlusion,"We investigate the problem of scene de-occlusion, which aims to recover the underlying occlusion ordering and complete the invisible parts of occluded objects.",computer-vision -173,2020-04-05 03:00:05,Design Patterns for Production NLP Systems,Designs and tips for designing NLP production systems.,natural-language-processing -181,2020-04-05 14:56:34,Talking-Heads Attention,"A variation on multi-head attention which includes linear projections across the attention-heads dimension, immediately before and after the softmax operation.",natural-language-processing -183,2020-04-05 17:50:10,What does a CNN see?,First super clean notebook showcasing @TensorFlow 2.0. An example of end-to-end DL with interpretability.,computer-vision -219,2020-04-06 14:10:22,Natural Language Processing: Pretraining - d2l,"An interactive deep learning book with code, math, and discussions, based on the NumPy interface.",natural-language-processing -224,2020-04-06 16:48:44,Understanding Convolutional Neural Networks for NLP,More recently we’ve also started to apply CNNs to problems in Natural Language Processing and gotten some interesting results.,natural-language-processing -234,2020-04-06 17:42:52,An Overview of Semantic Image Segmentation,Image segmentation is a computer vision task in which we label specific regions of an image according to what's being shown.,computer-vision -237,2020-04-06 18:02:48,Common Architectures in Convolutional Neural Networks,"In this post, I'll discuss commonly used architectures for convolutional networks. ",computer-vision -238,2020-04-06 18:37:33,Googletrans,Googletrans: Free and Unlimited Google translate API for Python. Translates totally free of charge.,natural-language-processing -239,2020-04-06 18:39:48,Prophet: Forecasting At Scale,Tool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth.,other -250,2020-04-06 19:24:06,Doccano,Open source text annotation tool for machine learning practitioner. ,natural-language-processing -251,2020-04-06 19:28:58,BRAT: Rapid Annotation Tool,BRAT (brat rapid annotation tool) is based on the stav visualiser which was originally made in order to visualise BioNLP'11 Shared Task data.,natural-language-processing -252,2020-04-06 20:23:46,Word Embeddings,This tutorial introduces word embeddings. It contains complete code to train word embeddings from scratch on a small dataset.,natural-language-processing -253,2020-04-06 20:26:27,On Word Embeddings,This post presents the most well-known models for learning word embeddings based on language modeling.,natural-language-processing -254,2020-04-06 20:28:43,NLP for Developers: Word Embeddings | Rasa,"In this video, Rasa Developer Advocate Rachael will talk about what word embeddings are, how they work, when they're used and some common errors. ",natural-language-processing -255,2020-04-06 20:30:27,NLP for Developers: Transformers | Rasa,"In this video, Rasa Developer Advocate Rachael will talk about what transformers are, how they work, when they're used and some common errors. ",natural-language-processing -256,2020-04-06 20:42:05,A Visual Guide to Using BERT for the First Time,Tutorial for how to use a variant of BERT to classify sentences.,natural-language-processing -257,2020-04-06 20:45:45,The Illustrated GPT-2 (Visualizing Transformer Language Models),Visuals explaining the inner-workings of transformers.,natural-language-processing -259,2020-04-06 20:51:58,The Illustrated Word2vec,"In this post, we’ll go over the concept of embedding, and the mechanics of generating embeddings with word2vec. ",natural-language-processing -260,2020-04-06 20:55:32,"The Illustrated BERT, ELMo, and co.",How NLP cracked transfer learning.,natural-language-processing -261,2020-04-06 21:00:34,The Illustrated Transformer,"In this post, we will look at The Transformer – a model that uses attention to boost the speed with which these models can be trained.",natural-language-processing -262,2020-04-06 21:11:40,Visualizing A Neural Machine Translation Model,Mechanics of seq2seq models with attention.,natural-language-processing -269,2020-04-06 22:46:54,Attention Mechanism,"Main concepts behind Attention, including an implementation of a sequence-to-sequence Attention model, followed by the application of Attention in Transformers.",natural-language-processing -270,2020-04-06 22:50:30,Attention? Attention!,"In this post, we are gonna look into how attention was invented, and various attention mechanisms and models, such as transformer and SNAIL.",natural-language-processing -271,2020-04-06 22:58:47,The Annotated Transformer,In this post I present an “annotated” version of the paper in the form of a line-by-line implementation. ,natural-language-processing -272,2020-04-06 23:38:26,The Annotated GPT-2,GPT-2 explained with visualization and PyTorch code.,natural-language-processing -273,2020-04-06 23:41:52,Transformers - Hugging Face,🤗 Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch. ,natural-language-processing -277,2020-04-07 00:30:33,Curriculum for Reinforcement Learning,"Curriculum learning applied to reinforcement learning, with a few exceptions of supervised learning.",other -278,2020-04-07 00:34:46,Self-Supervised Representation Learning,What if we can get labels for free for unlabelled data and train unsupervised dataset in a supervised manner? ,computer-vision -279,2020-04-07 00:36:55,Evolution Strategies,Evolutionary algorithms refer to a division of population-based optimization algorithms inspired by natural selection. ,other -280,2020-04-07 00:38:25,Meta Reinforcement Learning,Explore cases when we try to “meta-learn” Reinforcement Learning (RL) tasks by developing an agent that can solve unseen tasks fast and efficiently.,other -281,2020-04-07 00:40:59,Generalized Language Models,Trend in large unsupervised pre-trained language models which have achieved amazing SOTA results on a variety of language tasks.,natural-language-processing -284,2020-04-07 00:57:12,Policy Gradient Algorithms,"In this post, we are going to look deep into policy gradient, why it works, and many new policy gradient algorithms proposed in recent years.",other -286,2020-04-07 03:49:15,Object Detection for Dummies,"We will go through several basic concepts, algorithms, and popular deep learning models for image processing and object detection.",computer-vision -287,2020-04-07 03:59:53,Learning Word Embedding,This post introduces several models for learning word embedding and how their loss functions are designed for the purpose.,natural-language-processing -290,2020-04-07 13:38:36,GANSpace: Discovering Interpretable GAN Controls,This paper describes a simple technique to analyze Generative Adversarial Networks (GANs) and create interpretable controls for image synthesis.,computer-vision -291,2020-04-07 14:07:59,Kornia: Differentiable Computer Vision Library for PyTorch,Set of routines and differentiable modules to solve generic computer vision problems. ,computer-vision -294,2020-04-07 15:36:13,PyTorch Geometric ,Geometric deep learning extension library for PyTorch.,other -295,2020-04-07 15:40:00,DGL: Deep Graph Library,"Python package built to ease deep learning on graph, on top of existing DL frameworks. ",other -306,2020-04-07 20:07:28,BERT Research - Key Concepts & Sources,Video series on BERT's key concepts and sources.,natural-language-processing -307,2020-04-07 20:11:29,GLUE Explained: Understanding BERT Through Benchmarks,In this post we take a look at an important NLP benchmark used to evaluate BERT and other transfer learning models!,natural-language-processing -308,2020-04-07 23:22:18,TinyBERT,TinyBERT is 7.5x smaller and 9.4x faster on inference than BERT-base and achieves competitive performances in the tasks of natural language understanding.,natural-language-processing -313,2020-04-08 00:02:27,NVIDIA Neural Modules: NeMo,A toolkit for conversational AI.,natural-language-processing -315,2020-04-08 00:10:21,VoTT: Visual Object Tagging Tool,An electron app for building end to end Object Detection Models from Images and Videos.,computer-vision -316,2020-04-08 00:12:26,Clinical BERT,Repository for Publicly Available Clinical BERT Embeddings,natural-language-processing -318,2020-04-08 00:16:55,Computer Vision Annotation Tool (CVAT),"Free, online, interactive video and image annotation tool for computer vision.",computer-vision -319,2020-04-08 00:19:04,LabelImg,🖍️ A graphical image annotation tool and label object bounding boxes in images.,computer-vision -327,2020-04-08 14:16:28,How to Steal Modern NLP Systems with Gibberish?,"It’s possible to steal BERT-based models without any real training data, even using gibberish word sequences.",natural-language-processing -334,2020-04-08 15:04:28,BioWordVec & BioSentVec,Pre-trained embeddings for biomedical words and sentences,natural-language-processing -335,2020-04-08 15:07:44,BioBERT: a pre-trained biomedical language representation model ,"Code for fine-tuning BioBERT for biomedical text mining tasks such as biomedical NER, relation extraction, QA, etc.",natural-language-processing -341,2020-04-08 15:42:56,How to Unit Test Machine Learning Code,Wouldn’t suck to have to throw away perfectly good ideas because our implementations were buggy?,mlops -343,2020-04-08 15:52:19,Machine Learning Systems Design,Designing a machine learning system.,mlops -345,2020-04-08 16:14:23,HMTL: Hierarchical Multi-Task Learning,🌊 A State-of-the-Art neural network model for several NLP tasks based on PyTorch and AllenNLP,natural-language-processing -347,2020-04-08 16:26:05,The State of Transfer Learning in NLP,This post expands on the NAACL 2019 tutorial on Transfer Learning in NLP. It highlights key insights and takeaways and provides updates based on recent work.,natural-language-processing -349,2020-04-08 16:35:52,The Dark Secrets of BERT,How much of the linguistically interpretable self-attention patterns that are presumed to be its strength are actually used to solve downstream tasks?,natural-language-processing -364,2020-04-08 17:53:15,Named Entity Recognition Tagging,"In this post, we go through an example from Natural Language Processing, in which we learn how to load text data and perform NER tagging for each token.",natural-language-processing -372,2020-04-08 18:22:46,An introduction to Q-Learning: Reinforcement Learning,Q-Learning algorithm along with an implementation in Python using Numpy.,other -378,2020-04-08 19:37:57,Ray,Ray is a fast and simple framework for building and running distributed applications.,other -380,2020-04-08 21:05:06,Graph Nets,"PyTorch Implementation and Explanation of Graph Representation Learning papers involving DeepWalk, GCN, GraphSAGE, ChebNet & GAT.",other -388,2020-04-08 21:36:39,ConvNet Playground,An interactive visualization for exploring Convolutional Neural Networks applied to the task of semantic image search.,computer-vision -392,2020-04-08 21:53:06,Embedding Projector,"Visualization of high dimensional data, namely embeddings.",natural-language-processing -395,2020-04-08 22:12:24,Word2Viz: Explore Word Analogies,Interactive visualization of word analogies in GloVe.,natural-language-processing -397,2020-04-08 22:17:06,Image-to-Image Translation with Conditional Adversarial Networks,Tensorflow port of Image-to-Image Translation with Conditional Adversarial Nets,computer-vision -401,2020-04-08 22:29:09,"Quick, Draw",Can a neural network learn to recognize doodling?,computer-vision -403,2020-04-08 22:44:04,A 2019 Guide to Speech Synthesis with Deep Learning,A look at recent deep learning based speech synthesis research and techniques.,natural-language-processing -408,2020-04-08 23:03:13,FlashTorch,Visualization toolkit for neural networks in PyTorch,computer-vision -411,2020-04-08 23:11:09,W&B: Weights and Biases,Track model training at scale.,mlops -419,2020-04-09 00:41:03,Text Feature Selection for Causal Inference,"Identifying the linguistic features that cause people to act a certain way after reading a text, regardless of confounding variables, is something people do.",natural-language-processing -423,2020-04-09 00:57:49,3D Ken Burns Effect from a Single Image,Implementation of 3D Ken Burns Effect from a Single Image using PyTorch.,computer-vision -424,2020-04-09 01:02:59,Sparse Sinkhorn Attention,A new efficient and sparse method for learning to attend based on differentiable sorting of internal representations.,natural-language-processing -425,2020-04-09 01:41:48,Backtester,A backtesting framework for timeseries data.,other -427,2020-04-09 18:57:01,An Overview of Early Vision in InceptionV1,"A guided tour of the first five layers of InceptionV1, -taxonomized into “neuron groups.”",computer-vision -428,2020-04-10 04:57:53,AiLight: Automatic Highlighting Using BERT,"Automatically highlight pdfs using BERT embeddings and clustering. -https://anishthite.github.io/ailight",natural-language-processing -430,2020-04-10 15:28:43,Controlling Text Generation with Plug and Play Language Models,"This article discusses an alternative approach to controlled text generation, titled the Plug and Play Language Model (PPLM).",natural-language-processing -431,2020-04-10 15:35:00,Genomic ULMFiT,ULMFiT for Genomic Sequence Data,natural-language-processing -432,2020-04-10 15:39:29,Self-Supervised Learning and Computer Vision,"So, what do you do if there are no pre-trained models in your domain? ",computer-vision -434,2020-04-10 15:51:52,scispaCy,A full spaCy pipeline and models for scientific/biomedical documents.,natural-language-processing -439,2020-04-10 17:33:38,Universal Adversarial Triggers for Attacking and Analyzing NLP,We create short phrases that cause a specific model prediction when concatenated to 𝘢𝘯𝘺 input from a dataset. ,natural-language-processing -440,2020-04-10 17:39:19,lazynlp,Library to scrape and clean web pages to create massive datasets.,natural-language-processing -443,2020-04-10 17:51:39,AllenNLP Interpret,A Framework for Explaining Predictions of NLP Models,natural-language-processing -445,2020-04-10 18:00:50,Natural Language Processing With spaCy in Python,A comprehensive guide to NLP with spaCy.,natural-language-processing -446,2020-04-10 18:45:15,Tips for Successfully Training Transformers on Small Datasets,It turns out that you can easily train transformers on small datasets when you use tricks (and have the patience to train a very long time).,natural-language-processing -448,2020-04-10 19:14:59,🦄 How to build a SOTA Conversational AI with Transfer Learning,Train a dialog agent leveraging transfer Learning from an OpenAI GPT and GPT-2 Transformer language model.,natural-language-processing -452,2020-04-10 20:18:20,CS224n: Natural Language Processing with Deep Learning,"In this course, students will gain a thorough introduction to cutting-edge research in Deep Learning for NLP.",natural-language-processing -453,2020-04-10 20:23:21,CS231n: Convolutional Neural Networks for Visual Recognition,"Deep dive into details of the deep learning architectures with a focus on learning end-to-end models for these tasks, particularly image classification.",computer-vision -455,2020-04-10 20:31:09,Illustrated: Self-Attention,Step-by-step guide to self-attention with illustrations and code.,natural-language-processing -459,2020-04-10 21:05:32,Beyond the Pixel Plane: Sensing and Learning in 3d,Recent deep learning techniques that enable 3D object classification and semantic segmentation.,computer-vision -462,2020-04-11 16:52:35,A Visual Guide to Self-Labelling Images,A self-supervised method to generate labels via simultaneous clustering and representation learning,computer-vision -465,2020-04-13 02:18:51,3D Photography using Context-aware Layered Depth Inpainting,A multi-layer representation for novel view synthesis that contains hallucinated color and depth structures in regions occluded in the original view. ,computer-vision -466,2020-04-13 18:48:40,Tokenizers: How Machines Read,A survey of different tokenization strategies in NLP.,natural-language-processing -467,2020-04-13 19:43:35,Practical Text Classification With Python and Keras,You will get a grasp of current advancements of (deep) neural networks and how they can be applied to text.,natural-language-processing -468,2020-04-13 19:45:46,Text Classification With Torchtext,This example shows how to train a supervised learning algorithm for classification using one of these TextClassification datasets.,natural-language-processing -469,2020-04-13 21:17:44,Understanding Text With Bert,Building a machine reading comprehension system using the latest advances in deep learning for NLP.,natural-language-processing -470,2020-04-13 21:38:20,Transfer Learning with T5: the Text-To-Text Transfer Transformer,"In the paper, we demonstrate how to achieve state-of-the-art results on multiple NLP tasks using a text-to-text transformer pre-trained on a large text corpus.",natural-language-processing -471,2020-04-13 21:48:48,Building a COVID-19 Project Recommendation System,"How to create a GitHub open source repo recommendation system web app with MLflow, Sagemaker, and Booklet.ai.",natural-language-processing -473,2020-04-13 22:33:21,Neural Machine Translation With Attention,This notebook trains a sequence to sequence (seq2seq) model for Spanish to English translation. ,natural-language-processing -474,2020-04-13 22:48:49,PyTorch Tutorial for Deep Learning Researchers,This repository provides tutorial code for deep learning researchers to learn PyTorch. ,computer-vision -476,2020-04-14 00:40:10,Show and Tell: A Neural Image Caption Generator,A TensorFlow implementation of the image-to-text model.,computer-vision -477,2020-04-14 01:46:32,SimpleGAN,A Tensorflow-based framework to ease the training of generative models,computer-vision -478,2020-04-14 02:41:43,Semantic Segmentation on MIT ADE20K dataset in PyTorch,Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset.,computer-vision -480,2020-04-14 03:46:09,ViLBERT-MT: Multi-Task Vision & Language Representation Learning,A single ViLBERT Multi-Task model can perform 8 different vision and language tasks learnt from 12 datasets!,computer-vision -481,2020-04-14 03:50:18,Training an Image Classifier in PyTorch,"Torchvision, that has data loaders for common datasets such as Imagenet, CIFAR10, MNIST, etc. and data transformers for images, vizualization and data loaders.",computer-vision -482,2020-04-14 17:28:37,A Visual Exploration of DeepCluster,DeepCluster is a self-supervised method to combine clustering and representation learning,computer-vision -486,2020-04-14 20:12:43,A 2019 guide to Human Pose Estimation with Deep Learning,The basics of Human Pose Estimation (2D) and review the literature on this topic.,computer-vision -489,2020-04-14 22:22:40,"Deep Learning Based Super Resolution, Without Using a GAN","Techniques and training a deep learning model for image improvement, image restoration, inpainting and super resolution.",computer-vision -490,2020-04-14 22:35:21,U-Net Deep Learning Colorization of Greyscale Images,This article describes experiments training a neural network to generate 3 channel colour images from single channel greyscale images using deep learning.,computer-vision -491,2020-04-14 22:38:54,Deep Learning for Image Super-resolution: A Survey,This article aims to provide a comprehensive survey on recent advances of image super-resolution using deep learning approaches.,computer-vision -492,2020-04-14 22:41:52,Second-order Attention Network for Single Image Super-resolution,We propose a second-order attention network (SAN) for more powerful feature expression and feature correlation learning.,computer-vision -493,2020-04-14 22:52:49,DeepSORT: Deep Learning to Track Custom Objects in a Video,A look at deep learning based approached for object tracking.,computer-vision -494,2020-04-14 22:59:56,Fast Online Object Tracking and Segmentation: A Unifying Approach,We illustrate how to perform both realtime object tracking and semi-supervised video object segmentation using a fully-convolutional Siamese approach.,computer-vision -495,2020-04-14 23:10:48,Neural Style Transfer,This tutorial uses deep learning to compose one image in the style of another image (ever wish you could paint like Picasso or Van Gogh?).,computer-vision -499,2020-04-14 23:34:32,Deep Learning for Videos: A 2018 Guide to Action Recognition,"In this post, I summarize the literature on action recognition from videos. ",computer-vision -501,2020-04-15 15:20:56,Shakespeare Meets Google's Flax,Application of RNNs in Flax: Character-Level Language Model.,natural-language-processing -505,2020-04-15 15:59:30,"Anomaly detection with Keras, TensorFlow, and Deep Learning",Perform anomaly detection in your own image datasets using deep learning.,computer-vision -507,2020-04-15 16:12:41,Almost Everything You Need to Know About Time Series,"Understand moving average, exponential smoothing, stationarity, autocorrelation, SARIMA, and more.",other -508,2020-04-15 16:29:08,STEFANN: Scene Text Editor using Font Adaptive Neural Network,A generalized method for realistic modification of textual content present in a scene image. ⭐️ Accepted in CVPR 2020.,computer-vision -509,2020-04-15 16:34:04,Time Series Prediction with LSTM Using PyTorch,Time series applied to forecasting on the Airplane Passengers Dataset.,other -513,2020-04-15 17:05:36,lda2vec: Tools for interpreting natural language,The lda2vec model tries to mix the best parts of word2vec and LDA into a single framework.,natural-language-processing -516,2020-04-15 17:21:53,Deep Learning for Object Detection: A Comprehensive Review,"A closer look at Tensorflow’s object detection models: Faster R-CNN, R-FCN, and SSD.",computer-vision -517,2020-04-15 17:31:22,An Intuitive Guide to Deep Network Architectures,"Intuition behind base network architectures like MobileNets, Inception, and ResNet.",computer-vision -529,2020-04-15 19:39:24,Real-Time Voice Cloning,Clone a voice in 5 seconds to generate arbitrary speech in real-time. Code for Transfer Learning from Speaker Verification to Multispeaker Text-To-Speech.,natural-language-processing -549,2020-04-16 03:48:35,15 Best Tools for Tracking Machine Learning Experiments,A feature comparison of all the open-source and commercial options for experiment tracking.,mlops -550,2020-04-16 08:14:50,Cycle GAN in TensorFlow 2.0 with Custom Loops,"Implementation of ""Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks"" by Jun-Yan Zhu et al. ",computer-vision -552,2020-04-16 10:13:12,Holopix50k: A Large-Scale In-the-wild Stereo Image Dataset,The largest dataset of in-the-wild stereo image pairs (50K) crowd-sourced from the Holopix lightfield image-sharing social network.,computer-vision -558,2020-04-16 15:49:29,PyTorch Notebooks,🔥A collection of PyTorch notebooks for learning and practicing deep learning,natural-language-processing -564,2020-04-17 13:16:09,Optimize your ML models,Learn to use optimize your custom image classification models (built-in tf.keras) using TensorFlow Lite and gain 10x reduction in model's size. ,computer-vision -566,2020-04-17 21:57:35,Machine learning deserves its own flavor of Continuous Delivery,"When traveling in the data science world, I'm homesick for a smooth continuous delivery flow. My thoughts on approachable CD4ML.",mlops -574,2020-04-20 00:23:44,The Abstraction and Reasoning Corpus (ARC),"Can a computer learn complex, abstract tasks from just a few examples? ARC can be used to measure a human-like form of general fluid intelligence.",natural-language-processing -580,2020-04-20 00:57:03,GitHub Actions & Machine Learning Workflows with Hamel Husain," In this talk, Hamel will provide a brief tutorial on GitHub Actions, and will show you how you can use this new tool to automate your ML workflows.",mlops -581,2020-04-20 01:01:38,How To Create Semantic Search For Arbitrary Objects,An end-to-end example of how to build a system that can search objects semantically. By Hamel Husain & Ho-Hsiang Wu,natural-language-processing -598,2020-04-22 16:33:59,The Future of (Transfer Learning in) Natural Language Processing,"Transfer Learning in Natural Language Processing (NLP): Open questions, current trends, limits, and future directions.",natural-language-processing -599,2020-04-22 16:43:13,MONAI,AI Toolkit for Healthcare Imaging.,computer-vision -601,2020-04-22 17:41:06,How I Used Deep Learning To Train A Chatbot To Talk Like Me,Facebook chatbot that I trained to talk like me using Seq2Seq.,natural-language-processing -602,2020-04-23 00:36:02,DialoGPT: Toward Human-Quality Conversational Response Generation,Large-scale pre-training for dialogue.,natural-language-processing -605,2020-04-23 03:59:57,Upside Down Reinforcement Learning,Implementation of UDRL as outlined by Juergen Schmidhuber in https://arxiv.org/abs/1912.02875,other -608,2020-04-23 12:52:02,PyImageSearch,An online platform of blogs on Computer Vision and Deep Learning.,computer-vision -619,2020-04-23 16:55:27,Implementing Portrait Bokeh Mode using OpenCV and NumPy (Python),"Do you love the portrait mode in your smartphone? This code will help you do the same using OpenCV and NumPy! Detects the faces, asks if you want to blur them!",computer-vision -621,2020-04-23 18:17:12,MixNMatch,Multifactor Disentanglement and Encoding for Conditional Image Generation,computer-vision -622,2020-04-23 21:40:09,MT-Clinical BERT,Scaling Clinical Information Extraction with Multitask Learning,natural-language-processing -623,2020-04-24 00:30:02,medaCy,🏥 Medical Text Mining and Information Extraction with spaCy,natural-language-processing -632,2020-04-24 11:37:13,Lagrangian Neural Networks,"Trying to learn a simulation? Try Lagrangian Neural Networks, which explicitly conserve energy and may generalize better!",other -639,2020-04-24 20:51:18,ML Foundations and Methods for Precision Medicine and Healthcare,"This tutorial will discuss ideas from machine learning that enable personalization (useful for applications in education, retail, medicine and recsys).",other -643,2020-04-26 04:34:02,Albert-base for Sanskrit,Trained Albert-base from scratch on Sanskrit corpus of Wikipedia. I have also added a link to how to train your own Language model from scratch.,natural-language-processing -644,2020-04-26 05:42:37,Adversarial Latent Autoencoders,"Introducing the Adversarial Latent Autoencoder (ALAE), a general architecture that can leverage recent improvements on GAN training procedures.",computer-vision -652,2020-04-28 15:14:00,Optimal Transport and the Sinkhorn Transformer,Understand optimal transport and the Sinkhorn-Knopp algorithm before diving into the Sinkhorn Transformer.,natural-language-processing -653,2020-04-28 16:20:29,Semantic Graphs for Generating Deep Questions,"Deep Question Generation (DQG), which aims to generate complex questions that require reasoning over multiple pieces of information of the input passage. ",natural-language-processing -658,2020-04-28 21:34:00,Gutenberg Dialog,Build a dialog dataset from online books in many languages.,natural-language-processing -661,2020-04-29 02:41:24,Better NLP project,This is a wrapper program/library that encapsulates a couple of NLP libraries that are popular among the AI and ML communities.,natural-language-processing -663,2020-04-29 04:42:16,Recipes for building an open-domain chatbot,"Python framework for sharing, training and testing dialogue models, from open-domain chitchat to VQA (Visual Question Answering).",natural-language-processing -665,2020-04-29 10:46:20,Object-detection with multi-template matching,"This python package allows to perform object detection using one or a few template images, it provides a simpler alternative to deep-learning methods",computer-vision -667,2020-04-29 18:34:28,No Trump Social Chrome Plugin,An AI-driven Browser Extension to Replace Trump Pics with Puppies!,computer-vision -670,2020-04-29 19:35:22,Attribute2Font: Creating Fonts You Want From Attributes,Official PyTorch implementation of the Attribute2Font: Creating Fonts You Want From Attributes.,natural-language-processing -674,2020-04-30 17:52:55,YOLOv4: Optimal Speed and Accuracy of Object Detection,A minimal implementation of YOLOv4.,computer-vision -679,2020-05-01 16:17:32,Geometric and Relational Deep Learning,Videos from emerging fields of Graph Representation Learning and Geometric Deep Learning.,other -683,2020-05-01 16:35:06,TAPAS: Weakly Supervised Table Parsing via Pre-training,Using neural networks to find answers in tables.,natural-language-processing -686,2020-05-01 16:59:48,Jukebox: A Generative Model for Music,"We’re introducing Jukebox, a neural net that generates music, including rudimentary singing, as raw audio in a variety of genres and artist styles. ",natural-language-processing -687,2020-05-01 17:17:48,Exploratory Data Analysis of Time Series,"Exploratory Data Analysis of Time Series data in Python. It uses lot of the principles and concepts discussed in Prof. Hyndman's book. The focus is on understa -",other -688,2020-05-01 17:47:40,Gotchas of Transfer Learning for Image Classification,Discover the things you should care about while doing transfer learning for image classification. ,computer-vision -693,2020-05-02 05:05:44,SciTLDR: Extreme Summarization of Scientific Documents,A new automatic summarization task with high source compression requiring expert background knowledge and complex language understanding.,natural-language-processing -694,2020-05-02 15:29:06,BLINK: Better entity LINKing,Entity Linking python library that uses Wikipedia as the target knowledge base.,natural-language-processing -695,2020-05-02 21:33:31,Five Cool Python Libraries for Data Science,Python is a best friend for the majority of the Data Scientists. Libraries make their life simpler. I have come across five cool Python libraries while working ,natural-language-processing -700,2020-05-03 13:49:29,Fastai2 Vision Module,A detailed guide to using fastai2 Datablock API for common computer vision tasks,computer-vision -702,2020-05-03 20:19:10,Unsupervised Question Decomposition for Question Answering,"Decompose hard (multi-hop) questions into several, easier (single-hop) questions using unsupervised learning, and get better accuracy on multi-hop QA.",natural-language-processing -704,2020-05-04 11:58:27,Training Batch Norm and Only Batch Norm,Experiments with the ideas presented in https://arxiv.org/abs/2003.00152 by Frankle et al. ,computer-vision -707,2020-05-05 03:36:50,The Big Bad NLP Database,A collection of 400+ NLP datasets with papers included.,natural-language-processing -708,2020-05-05 03:51:53,POINTER: Constrained Text Generation,Constrained Text Generation via Insertion-based Generative Pre-training,natural-language-processing -712,2020-05-05 05:55:46,Covid-19: A-Geo-Statistical-Analysis,Analysis with the time series data available for various countries.,other -713,2020-05-05 07:13:49,Cognito : Data wrangling toolkit,Cognito is an exclusive python data preprocessing library and command-line utility that helps any developer to transform raw data into a machine-learning format,other -717,2020-05-05 14:46:57,Synthesizer: Rethinking Self-Attention in Transformer Models,The dot product self-attention is known to be central and indispensable to state-of-the-art Transformer models. But is it really required?,natural-language-processing -726,2020-05-06 01:10:55,ConvNets-TensorFlow2,Implementing a variety of popular and important CNN architectures,computer-vision -732,2020-05-06 04:20:43,StellarGraph - Machine Learning on Graphs,"State-of-the-art algorithms for graph machine learning, making it easy to discover patterns and answer questions about graph-structured data.",other -733,2020-05-06 04:30:47,LandCover.ai,"Dataset for automatic mapping of buildings, woodlands and water from aerial imagery.",computer-vision -734,2020-05-06 04:33:15,Generating SOAP Notes from Doctor-Patient Conversations,Evaluate complete pipelines for leveraging these transcripts to train machine learning model to generate these notes.,natural-language-processing -741,2020-05-07 01:15:12,Zero-shot Neural Retrieval via Domain-targeted Synthetic Queries,Zero-shot learning for ad-hoc retrieval models that relies on synthetic query generation.,natural-language-processing -778,2020-05-07 21:28:34,Harry Potter and the Deep Learning Experiment,RNN built with TensorFlow to generate text based on Harry Potter's books.,natural-language-processing -783,2020-05-08 14:44:04,NeuralCook — Image2Ingredients and Cooking Recommendation,"Deep learning application to identify ingredients from cooking dishes images and recommend dishes to cook, given a set of ingredients.",natural-language-processing -788,2020-05-09 04:12:10,NER model for 40 languages trained with the new TFTrainer,This model is a fine-tuned XLM-Roberta-base over the 40 languages proposed in XTREME from Wikiann. ,natural-language-processing -791,2020-05-09 14:30:08,Pose Animator,Takes a 2D vector illustration and animates its containing curves in real-time based on the recognition result from PoseNet and FaceMesh.,computer-vision -792,2020-05-09 16:59:54,A Commit History of BERT and its Forks,What a commit history of version-controlled research papers could look like?,natural-language-processing -795,2020-05-10 04:51:17,U^2-Net,"The code for our newly accepted paper in Pattern Recognition 2020: ""U^2-Net: Going Deeper with Nested U-Structure for Salient Object Detection.""",computer-vision -796,2020-05-10 05:08:27,Age and Gender Estimation using Multi-Task CNN,Used a multi task CNN to predict the age group and gender of the person in the image.,computer-vision -797,2020-05-10 15:31:27,Data augmentation recipes in tf.keras image-based models,Learn about different ways of doing data augmentation when training an image classifier in tf.keras.,computer-vision -799,2020-05-11 00:40:49,Injecting Inductive Bias in Graph Neural Networks (MIT talk),Equivariant Mesh Neural Networks and Neural Augmented (Factor) Graph Neural Networks.,other -800,2020-05-11 00:44:10,Feature Stores for ML,List of production ML groups and their open-source feature store architectures.,mlops -803,2020-05-11 02:13:32,Image Semantic Segmentation of UAV mining area based on Deeplabv3,"Data: UAV mining area image -Tools: PyTorch -Frame: Deeplabv3 -Semantic Segmentation ",computer-vision -820,2020-05-11 14:19:18,A Comprehensive Survey on Graph Neural Networks,A Comprehensive Survey on Graph Neural Networks.,other -821,2020-05-11 15:03:57,Hidden Technical Debt in Machine Learning Systems,"Using the software engineering framework of technical debt, we find it is common to incur massive ongoing maintenance costs in real-world ML systems. ",mlops -822,2020-05-11 15:10:09,In-Domain GAN Inversion for Real Image Editing,"We propose an in-domain GAN inversion method, which faithfully reconstructs the input image but also ensures the inverted code to be semantically meaningful.",computer-vision -825,2020-05-11 23:07:39,Neural Networks for NLP (CMU CS 11-747),"This class will start with a brief overview of neural networks, then spend the majority of the class demonstrating how to apply neural networks to language.",natural-language-processing -826,2020-05-12 03:02:02,DANet PyTorch,A Pytorch implementation of Dual Attention Network for Scene Segmentation,computer-vision -828,2020-05-12 05:04:58,BART version of closed-book QA,"This is a BART version of sequence-to-sequence model for open-domain QA in a closed-book setup, based on PyTorch and Huggingface's Transformers.",natural-language-processing -829,2020-05-12 05:07:35,Unsupervised Reinforcement Learning,Lecture on unsupervised reinforcement learning by Sergey Levine. Originally prepared for AAMAS 2020.,other -831,2020-05-13 02:24:24,CCNet_PyTorch,A PyTorch Implementation of CCNet: Criss-Cross Attention for Semantic Segmentation,computer-vision -832,2020-05-13 04:22:09,Image segmentation in 2020,"Architectures, Losses, Datasets, and Frameworks",computer-vision -833,2020-05-13 04:27:08,Plan2Explore: Plan to Explore via Self-Supervised World Models,A self-supervised reinforcement learning agent that tackles task-specific and the sample efficiency challenges.,other -835,2020-05-13 04:39:31,Toward Better Storylines with Sentence-Level Language Models,We propose a sentence-level language model which selects the next sentence in a story from a finite set of fluent alternatives.,natural-language-processing -836,2020-05-13 04:43:57,Epipolar Transformers,"Differentiable ""epipolar transformer"", which enables the 2D detector to leverage 3D-aware features to improve 2D pose estimation.",computer-vision -840,2020-05-13 05:03:33,Machine Learning on Graphs: A Model and Comprehensive Taxonomy,We propose a simple framework (GraphEDM) and a comprehensive Taxonomy to review and unify several graph representation learning methods.,other -841,2020-05-13 05:10:58,BLEURT: Learning Robust Metrics for Text Generation,A metric for Natural Language Generation based on transfer learning.,natural-language-processing -842,2020-05-13 13:20:07,Identifying Brain Tumor from MRI images using FastAI -DynamicUnet,"To use FASTAI unet learner to identify tumours from MRI of Brain, logging loss metrics in Neptune AI logger and compare the results after hyperparameter tuning.",computer-vision -847,2020-05-13 22:53:36,HuggingTweets,Tweet Generation with Huggingface.,natural-language-processing -849,2020-05-13 22:59:38,Top Down Introduction to BERT with HuggingFace and PyTorch,I will also provide some intuition into how BERT works with a top down approach (applications to algorithm).,natural-language-processing -850,2020-05-13 23:02:29,Transformers from Scratch,"Attempt to explain directly how modern transformers work, and why, without some of the historical baggage.",natural-language-processing -852,2020-05-14 07:11:26,Scene Classification using Pytorch and Fast.ai,The objective is to classify Multi-label images using deep learning. Here I have used Fast.ai library for implementing the model. ,computer-vision -855,2020-05-14 12:32:20,Fake new detection Pytorch,Fake News Detection by Learning Convolution Filters through Contextualized Attention.,natural-language-processing -857,2020-05-14 14:25:11,FastHugs: Sequence Classification with Transformers and Fastai,Fine-tune a text classification model with HuggingFace 🤗 transformers and fastai-v2.,natural-language-processing -858,2020-05-14 14:35:37,Open-Dialog Chatbots for Learning New Languages,A tutorial for automatically generate code comments using Deep Learning.,natural-language-processing -860,2020-05-14 17:35:04,Electra,ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators,natural-language-processing -862,2020-05-14 19:13:59,DQN In Pytorch Livestream Series,I'm doing a series of streams about reinforcement learning (starting from Q learning) focused on showing the work in as much detail as possible (e.g. debugging),other -863,2020-05-15 04:24:58,S2IGAN: Speech-to-Image Generation via Adversarial Learning,A speech-to-image generation (S2IG) framework is proposed which translates speech descriptions to photo-realistic images without using any text information.,computer-vision -864,2020-05-15 13:04:19,Twitter Sentiment Analysis,"This project is based on Natural Language processing (NLP), in this we do sentiment analysis(i.e, how much it is positive or negative) of tweets of any account.",natural-language-processing -866,2020-05-15 13:51:56,HuggingFace nlp library,"nlp is a lightweight and extensible library to easily share and load dataset and evaluation metrics, already providing access to ~100 datasets and ~10 evaluatio",natural-language-processing -868,2020-05-15 14:07:47,RXNMapper: Unsupervised Attention-Guided Atom-Mapping,The atom-mapping information was learned by an ALBERT model trained in an unsupervised fashion on a large dataset of chemical reactions.,natural-language-processing -869,2020-05-15 14:08:12,ICLR 2020 Trends: Better & Faster Transformers for NLP,A summary of promising directions from ICLR 2020 for better and faster pretrained tranformers language models. ,natural-language-processing -875,2020-05-15 22:53:58,Differentiable Reasoning over Text,We consider the task of answering complex multi-hop questions using a corpus as a virtual knowledge base (KB).,natural-language-processing -877,2020-05-16 02:42:32,Semi-supervised image classification with GANs,"Shows how to perform semi-supervised image classification with GANs. The cover image is from Chapter 7, GANs in Action.",computer-vision -879,2020-05-16 10:57:53,HighRes-net: Multi-Frame Super-Resolution of satellite imagery,"Pytorch implementation of HighRes-net, a neural network for multi-frame super-resolution, trained and tested on the European Space Agency’s Kelvin competition.",computer-vision -880,2020-05-16 11:50:31,How Deep Is Your Love For Transfer Learning In NLP?,A review of NLP research,natural-language-processing -881,2020-05-16 13:32:51,Time Series Forecasting with TensorFlow.js,Machine learning is becoming increasingly popular these days and a growing number of the world’s population see it is as a magic crystal ball: predicting when a,other -882,2020-05-16 13:35:31,Phrases extraction and D3 Wordcloud,100% JavaScript solution to extracting phrases from text and display key points in a beautiful D3 wordcloud.,natural-language-processing -883,2020-05-16 13:37:44,Reinforcement Learning Tic Tac Toe with Value Function,"A reinforcement learning algorithm for agents to learn the tic-tac-toe, using the value function - -",other -884,2020-05-16 13:40:07,Build a Textual Similarity Web App with TensorFlow.js,Have you wondered how search engines understand your queries and retrieve relevant results? How chatbots extract your intent from your questions and provide the,natural-language-processing -890,2020-05-16 19:51:33,cyBERT: Applying BERT to Windows event logs,"This blog shows how interpreting cybersecurity logs as a natural language, improving upon the standard regex-based parsing of log data.",natural-language-processing -892,2020-05-17 02:08:12,DPOD: Pose Estimator,PyTorch recreation of a SOTA 6D Pose estimation research paper. ,computer-vision -893,2020-05-17 04:44:04,ESTorch,ESTorch is an Evolution Strategy Library build around PyTorch.,other -894,2020-05-17 04:47:40,"A Large-Scale, Open-Domain, Mixed-Interface Dialogue-Based ITS ","Korbit, a large-scale, open-domain, mixed-interface, dialogue-based intelligent tutoring system (ITS).",natural-language-processing -900,2020-05-17 08:14:24,A Visual Survey of Data Augmentation in NLP,An extensive overview of text data augmentation techniques for Natural Language Processing,natural-language-processing -901,2020-05-17 09:57:38,DoYouEvenLearn,Essential Guide to keep up with AI/ML/DL/CV,computer-vision -902,2020-05-18 00:57:27,Differentiable Adaptive Computation Time for Visual Reasoning ,"DACT, a new algorithm for achieving adaptive computation time that, unlike existing approaches, is fully differentiable. ",natural-language-processing -903,2020-05-18 11:15:12,Semixup: In- and Out-of-Manifold Regularization,Semixup is a semi-supervised learning method based on in/out-of-manifold regularization.,computer-vision -905,2020-05-18 14:40:51,Deep Reinforcement Learning for Supply Chain & Price Optimization,Explore how deep reinforcement learning methods can be applied in several basic supply chain and price management scenarios.,other -907,2020-05-18 14:53:33,TextAttack,A Python framework for building adversarial attacks on NLP models.,natural-language-processing -913,2020-05-19 03:19:59,aitextgen,A robust Python tool for text-based AI training and generation using GPT-2.,natural-language-processing -914,2020-05-19 03:25:11,How Hugging Face achieved a 2x performance boost for QA,Question Answering with DistilBERT in Node.js,natural-language-processing -918,2020-05-19 22:36:09,Accelerate your NLP pipelines using Hugging Face and ONNX,How the ONNX Runtime team and Hugging Face are working together to address challenges in training and deployment of Transformer models.,natural-language-processing -920,2020-05-20 02:35:11,Attentron,Few-shot text-to-speech exploiting attention-based variable length embedding,natural-language-processing -921,2020-05-20 02:39:09,Torch Points3D,Pytorch framework for doing deep learning on point clouds.,computer-vision -922,2020-05-20 07:23:50,NLP Model Selection ,NLP model selection guide to make it easier to select models. This is prescriptive in nature and has to be used with caution.,natural-language-processing -925,2020-05-20 16:20:28,Model-Agnostic Meta-Learning for Reinforcement Learning with TF2,Reimplementation of Model-Agnostic Meta-Learning (MAML) applied on Reinforcement Learning problems in TensorFlow 2.,other -927,2020-05-21 03:16:17,FashionBERT,Text and image matching with adaptive loss for cross-modal retrieval.,natural-language-processing -934,2020-05-21 03:45:38,📈 Automated Time Series Forecasting,This data app uses Facebook's open-source Prophet library to automatically forecast values into the future. ,other -935,2020-05-21 14:22:01,"Look inside the workings of ""Label Smoothing""","This blog post describes how and why does ""trick"" of label smoothing improves the model accuracy and when should we use it ",computer-vision -938,2020-05-22 01:01:32,Content and Style Disentanglement for Artistic Style Transfer,Hi-Res style transfer and interpolation between styles,computer-vision -939,2020-05-22 03:08:40,Time Series Classification Using Deep Learning,"In this article, I will introduce you to a new package called timeseries for fastai2 that I lately developed. ",other -940,2020-05-22 03:16:29,TAO: A Large-Scale Benchmark for Tracking Any Object,"A diverse dataset for Tracking Any Object (TAO) consisting of 2,907 high resolution videos, captured in diverse environments, which are half a minute long on ",computer-vision -941,2020-05-22 03:21:10,BiT: Exploring Large-Scale Pre-training for Compute,"We are excited to share the best BiT models pre-trained on public datasets, along with code in TF2, Jax, and PyTorch. ",computer-vision -947,2020-05-22 13:34:30,Self Driving Car,This project is a demonstration of a working model of self driving car 🚗🚗 identifying and following lanes using powerful computer vision 🕶🕶 algorithms.,computer-vision -948,2020-05-22 13:39:15,Plant Disease Detection,This website help you to detect disease in your plant🌳 based to the plant's leaf🍃 image,computer-vision -951,2020-05-23 03:19:00,YoloV3 implementation in keras and tensorflow 2.2,YoloV3 Real Time Object Detector in tensorflow 2.2.,computer-vision -952,2020-05-23 03:22:11,Face Mask Detector,A simple Streamlit frontend for face mask detection in images using a pre-trained Keras CNN model + OpenCV and model interpretability.,computer-vision -957,2020-05-23 09:18:52,Colbert AI,Colbert AI is a Deep Learning Language Model that generates text in the style of Stephen Colbert's famous monologues.,natural-language-processing -961,2020-05-23 16:01:21,How to Build Robust Embeddings for Visual Similarity Tasks,This repository I package a bunch of tips and tricks to efficiently train deep learning models in computer vision,computer-vision -962,2020-05-24 00:09:28,Basic ML Algorithms from scratch.,Implement basic Machine Learning Algorithms from scratch in python.,natural-language-processing -963,2020-05-24 03:13:28,Build your first data warehouse with Airflow on GCP,What are the steps in building a data warehouse? What cloud technology should you use? How to use Airflow to orchestrate your pipeline?,mlops -966,2020-05-24 10:24:03,Building an Intelligent Twitter Bot,The volume of information going through Twitter per day makes it one of the best platforms to get information on any subject of interest. ,natural-language-processing -968,2020-05-24 16:40:46,Self Supervised Representation Learning in NLP,An overview of self-supervised pretext tasks in Natural Language Processing,natural-language-processing -970,2020-05-24 20:01:29,Job Classification,"Job Classification done using Techniques of NLP and ML. - -Dataset used from Kaggle of Indeeed job posting.",natural-language-processing -972,2020-05-25 03:23:16,Next Word Prediction,Using transformers to predict next word and predict word.,natural-language-processing -974,2020-05-25 03:28:32,PixelLib,Pixellib is a library for performing segmentation of images. ,computer-vision -978,2020-05-25 05:53:46,TensorFlow.js - Gesture Controlled 2048,Gesture Controlled 2048 built with TensorFlow.js,computer-vision -979,2020-05-25 11:04:50,Taxi Demand Prediction NewYorkCity,Predict the number of pickups as accurately as possible for each region in a 10 -min interval.,other -980,2020-05-25 14:52:17,Super-BPD for Fast Image Segmentation,"We propose direction-based super-BPD, an alternative to superpixel, for fast generic image segmentation, achieving state-of-the-art real-time result.",computer-vision -986,2020-05-26 03:47:15,Neural Topological SLAM for Visual Navigation,Topological representations for space that effectively leverage semantics and afford approximate geometric reasoning.,computer-vision -987,2020-05-26 13:16:48,Zero To One For NLP,A collection of all resources for learning NLP,natural-language-processing -989,2020-05-26 17:17:14,NLP for Developers: Shrinking Transformers | Rasa,"In this video, Rasa Senior Developer Advocate Rachael will talk about different approaches to make transformer models smaller.",natural-language-processing -993,2020-05-27 05:26:33,DETR: End-to-End Object Detection with Transformers,A new method that views object detection as a direct set prediction problem. ,computer-vision -997,2020-05-28 03:20:06,AutoSweep: Recovering 3D Editable Objects from a Single Photo,Fully automatic framework for extracting editable 3D objects directly from a single photograph.,computer-vision -1000,2020-05-28 03:33:52,CMU LTI Low Resource NLP Bootcamp 2020,A low-resource natural language and speech processing bootcamp held by the Carnegie Mellon University Language Technologies Institute in May 2020.,natural-language-processing -1007,2020-05-28 21:30:37,Humour.ai : Language Model that can crack Jokes,"A Language model that can make you laugh. Humour.ai model tries to -complete a sentence in a humourous way given some input words. ",natural-language-processing -1008,2020-05-29 02:28:53,face mask detection ,detects whether a person wearing a mask or not,computer-vision -1009,2020-05-29 02:47:06,Train ALBERT for NLP with TensorFlow on Amazon SageMaker,"To train BERT in 1 hour, we efficiently scaled out to 2,048 NVIDIA V100 GPUs by improving the underlying infrastructure, network, and ML framework. ",natural-language-processing -1010,2020-05-29 02:51:39,GPT-3: Language Models are Few-Shot Learners,"We show that scaling up language models greatly improves task-agnostic, few-shot performance, sometimes even reaching competitiveness with prior SOTA.",natural-language-processing -1013,2020-05-29 03:06:41,Guided Uncertainty-Aware Policy Optimization,Combining learning and model-based strategies for sample-efficient policy learning.,other -1018,2020-05-29 08:09:04,GOTURN-PyTorch,"PyTorch implementation of ""Learning to Track at 100 FPS with Deep Regression Networks""",computer-vision -1020,2020-05-29 09:54:04,Applying Modern Best Practices to Autoencoders,This project applies best modern practices found in other areas of image research to autoencoders. Comparing models from other areas of image research.,computer-vision -1021,2020-05-29 10:33:26,Sentiment analysis ,"Sentiment analysis by combining three dataset amazon,yelp, IMDb reviews to train our,model to classify if a comment is negative or positive denoted by 0 and 1.",natural-language-processing -1022,2020-05-29 13:27:20,The designer - gpt2 bot that talks about UX Design,"This twitter profile spits out thoughts on design and development. Trained with hundreds of Books on UX design and Front end development, it has opinions.",natural-language-processing -1024,2020-05-29 14:15:30,Sentiment Classification for UtaPass & KKBOX Reviews,Text classification for reviews of UtaPass & KKBOX using different deep learning models.,natural-language-processing -1025,2020-05-29 14:18:59,Forex Prediction,Using neural networks to predict movement of forex direction.,natural-language-processing -1026,2020-05-29 14:24:07,Lyrics-Based Music Genre Classifier,"Classify the genre (Rock, Pop, Hip-Hop, Not Available, Metal, Other, Country, Jazz, Electronic, R&B, Indie, Folk) of the song by its lyrics.",natural-language-processing -1028,2020-05-29 14:39:16,ARBML,"Implementation of many Arabic NLP and ML projects. Providing real time experience using many interfaces like web, command line and notebooks.",natural-language-processing -1035,2020-05-29 16:11:11,Zero Shot Topic Classification,Bart with a classification head trained on MNLI.,natural-language-processing -1045,2020-05-30 01:35:24,Illustrated Guide to Transformers: Step by Step Explanation,"In this post, we’ll focus on the one paper that started it all, “Attention is all you need”.",natural-language-processing -1046,2020-05-30 01:39:25,Illustrated Guide to Transformers,A component by component breakdown analysis.,natural-language-processing -1055,2020-05-30 09:02:27,Automatic-Face-Detection-Annotation-and-Preprocessing,"Automatically detect , annotate , collect the coordinates , convert to csv and to tfrecord",computer-vision -1058,2020-05-30 09:43:39,SmartFeed.ai,NLP Based Article Recommendation System ,natural-language-processing -1059,2020-05-30 10:50:55,Wheat Detection 🌾,This is a project for detecting and creating bounding box of wheat heads 🌾.,computer-vision -1068,2020-05-30 18:20:40,Effects of News Sentiments on Stock Predictions,Project is based on the Natural Language Processing technique called Sentiment Analysis. Stock market and news related to it as the subject of analysis.,natural-language-processing -1069,2020-05-30 20:04:49,NLP News Category,The objective of this repository is to create a NLP bot for when you give the robot the headline of the news and a short description it will return the genre.,natural-language-processing -1070,2020-05-30 20:06:48,AI Debate Master,"Created and deployed a bot made to debate with a human on any -given topic. Employed a Doc2Vec model using Gensim library in Python",natural-language-processing -1075,2020-05-31 04:44:27,Zero-Shot Learning for Text Classification,"A visual summary of “Train Once, Test Anywhere” paper for zero-shot text classification",natural-language-processing -1080,2020-05-31 05:23:23,Dash DETR Detection App,A User Interface for DETR built with Dash. 100% Python.,computer-vision -1081,2020-05-31 05:28:53,AI Basketball Analysis,🏀 AI web app and API to analyze basketball shots and shooting pose. ,computer-vision -1083,2020-05-31 08:20:06,Reverse Image Search,Have you ever wondered how google image search works or How amazon can retrieve products similar to the image that we upload in the app/site? To achieve this ta,computer-vision -1084,2020-05-31 08:22:45,Beginner’s guide to Machine Learning Model Deployment,Are you a beginner in the field of machine learning and wondering how to bring your project to live. I'm was in the same situation when I started learning ML. M,mlops -1093,2020-05-31 17:39:22,MedicalZoo PyTorch,A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation,computer-vision -1094,2020-05-31 19:11:28,Paraphrase Any Question with T5 (Text-To-Text Transformer),"Given a question, generate paraphrased versions of the question with T5 transformer. Pretrained model and training script provided.",natural-language-processing -1100,2020-06-01 05:56:43,Movie Recommendation System,This is a web app which recommends movies based on their plots found on IMDb.,natural-language-processing -1104,2020-06-01 10:02:09,Convnet Galaxy Morphology Classifier,Classify galaxies from Hubble Tuning Fork using Convnet. ,computer-vision -1107,2020-06-01 14:52:29,2nd Place Solution to Ship Identification Hackathon ,The problem statement was to identify the type of ship from photos taken from the survey boats. The hackathon was organized by Analytics Vidhya.,computer-vision -1110,2020-06-01 16:44:55,Deep learning Architecture: AlexNet,Explaining network architecture for AlexNet,computer-vision -1111,2020-06-01 18:13:26,Movement Pruning: Adaptive Sparsity by Fine-Tuning,"We propose the use of movement pruning, a simple, deterministic first-order weight pruning method that is more adaptive to pretrained model fine-tuning.",natural-language-processing -1112,2020-06-01 18:57:31,Document search engine,NLP based search engine for single page pdf files.,natural-language-processing -1115,2020-06-01 21:07:53,Softbot design with WANNS,"Soft robots are robots built from highly compliant materials, similar to those found in living organisms. This project explored CPPNs and WANNs to design them",other -1121,2020-06-02 05:07:17,Motion2Vec,Semi-Supervised Representation Learning from Surgical Videos,computer-vision -1122,2020-06-02 05:10:18,Machine Learning: Tests and Production,Best practices for testing ML-based systems.,mlops -1130,2020-06-02 11:51:38,Generate True or False questions from any content,"Automatically generate “True or False” questions like the ones you see in school textbooks using OpenAI GPT2, Sentence BERT, and Berkley parser",natural-language-processing -1131,2020-06-02 13:41:32,Sized Fill-in-the-blank or Multi Mask filling with RoBERTa,Sized fill-in-the-blank or conditional text filling is the idea of filling missing words of a sentence with the most probable choice of words.,natural-language-processing -1132,2020-06-02 14:56:10,T5 for Sentiment Span Extraction,Exploring how T5 works and applying it for sentiment span extraction.,natural-language-processing -1133,2020-06-02 14:58:58,Getting Started with Time Series analysis using Pandas,An introductory guide to get started with the Time Series datasets in Python,other -1135,2020-06-02 15:06:34,Melanoma Detection with Pytorch,"In this video, I show you how you can build a deep learning model to detect melanoma with a very high accuracy.",computer-vision -1139,2020-06-02 19:53:37,"RoBERTa → Longformer: Build a ""Long"" Version of Pretrained Models",This notebook replicates the procedure descriped in the Longformer paper to train a Longformer model starting from the RoBERTa checkpoint. ,natural-language-processing -1145,2020-06-03 01:51:14,Learning Dexterity End-to-End,We trained a human-like robot hand to manipulate physical objects with unprecedented dexterity.,other -1148,2020-06-03 02:28:20,A Practical guide to building a conversational chatbot,Building a Chatbot from scratch using Keras and NLTK library for a customer service company,natural-language-processing -1151,2020-06-03 07:25:27,Web Mining and Information theory,"Mining the Web and playing with Natural Language processing. Implementing Information retrieval System tasks. Going towards the NLP and Performing Machine Learning algorithms. Through these codes and problems, I have understood the information retrieval process of any search engine. These are very useful problems towards sentiment analysis.",natural-language-processing -1162,2020-06-03 22:05:30,Deep Q-Network on Space Invaders. ,This is a PyTorch implementation of a Deep Q-Network agent trained to play the Atari 2600 game of Space Invaders.,other -1165,2020-06-04 03:53:43,YOLOv4,A TensorFlow 2.0 implementation of YOLOv4: Optimal Speed and Accuracy of Object Detection.,computer-vision -1166,2020-06-04 03:55:53,Acme: A Research Framework for Reinforcement Learning,A library of reinforcement learning components and agents.,other -1176,2020-06-04 09:10:07,doc2vec Paragraph Embeddings for Text Classification,Text classification model which uses gensim's Doc2Vec for generating paragraph embeddings and scikit-learn Logistic Regression for classification. ,natural-language-processing -1178,2020-06-04 12:19:52,Machine Learning with Fastai,"The fastai library is based on research into deep learning best practices undertaken at fast.ai, and includes support for Vision, Text, tabular and Collab",computer-vision -1180,2020-06-04 14:58:19,The Transformer … “Explained”?,"An intuitive explanation of the Transformer by motivating it through the lens of CNNs, RNNs, etc.",natural-language-processing -1181,2020-06-04 16:28:24,TensorflowTTS: Real-Time SOTA Speech Synthesis for Tensorflow 2.0,"TensorflowTTS provides real-time state-of-the-art speech synthesis architectures such as Tacotron2, Melgan, FastSpeech.",natural-language-processing -1185,2020-06-04 22:36:31,PyTorch Transformers Tutorials,"A set of annotated Jupyter notebooks, that give user a template to fine-tune transformers model to downstream NLP tasks such as classification, NER etc. ",natural-language-processing -1192,2020-06-05 04:28:52,BERT Summarization,This folder contains colab notebooks that guide you through the summarization by BERT and GPT-2 to play with your data.,natural-language-processing -1194,2020-06-05 04:35:14,Divide Hugging Face Transformers Training Time By 2,Reducing training time helps to iterate more in a fixed budget time and thus achieve better results.,natural-language-processing -1199,2020-06-05 15:39:56,How NLP has evolved for Financial Sentiment Analysis,Do we still need humans to read boring financial statements?,natural-language-processing -1202,2020-06-05 17:51:33,The NLP Pandect - All NLP resources in one place,The NLP Pandect was created to help you find almost anything related to Natural Language Processing that is available online.,natural-language-processing -1203,2020-06-05 18:18:18,Summary of 🤗 Transformers Models,A high-level summary of the differences between each model in HuggingFace's Transformer library.,natural-language-processing -1204,2020-06-05 22:56:38,Snaked: Classifying Snake Species using Images,Proof of concept that it is possible to identify snake species and whether poisonous from photographs (PyTorch code/model with Android app),computer-vision -1211,2020-06-06 15:13:13,Literate Lamp: Answering Question with Common Sense,We study the problem of answering questions that require common sense to be answered using Transformer-based models and the ConceptNet knowledge base.,natural-language-processing -1215,2020-06-06 19:00:39,Pytorch Faster RCNN,Fine Tune Faster RCNN in pytorch for your task.,computer-vision -1222,2020-06-07 04:34:58,Paragraph Summarizer,Uses the extractive way of summarizing the text by finding the score and ranking it.,natural-language-processing -1223,2020-06-07 04:39:32,Leafy: Plant Leaf Classifier,The sequential model trained on images from the leafsnap.com,computer-vision -1236,2020-06-07 21:03:31,"COVID-Q: A Dataset of 1,690 Questions about COVID-19","This dataset consists of COVID-19 questions which have been annotated into a broad category (e.g. Transmission, Prevention) and a more specific class such that ",natural-language-processing -1237,2020-06-08 03:43:45,Keras notifications on Slack!,Get slack notifications of your model's training progress when training with Keras (or tf.keras),computer-vision -1239,2020-06-08 07:05:15,Zero-shot Text Classification With Generative Language Models,An overview of a text generation approach to zero-shot text classification with GPT-2,natural-language-processing -1241,2020-06-08 08:25:01,Funnel-Transformer: Filtering out Sequential Redundancy,Funnel-Transformer is a self-attention model that gradually compresses the sequence of hidden states to a shorter one and hence reduces the computation cost.,natural-language-processing -1243,2020-06-08 08:39:34,Timeseries Anomaly Detection using an Autoencoder,Detect anomalies in a timeseries using an Autoencoder.,other -1246,2020-06-08 09:47:02,Fairseq-tagging,"a Fairseq fork for sequence tagging/labeling tasks -",natural-language-processing -1249,2020-06-08 16:59:01,Know-Corona : Kaggle COVID-19 Open Research Dataset Challenge (CO,"NLP/state-of-the-art language model (BERT) based Question & Answering pipeline to answer all task questions after analyzing articles abstract of COVID-19, SARS-",natural-language-processing -1251,2020-06-08 18:38:49,Automatic Asset Classification,This project aims to automate the task of labelling images of flood defence assets as well as clustering images to find possibly better groupings.,computer-vision -1255,2020-06-09 01:50:33,TransformerTTS,🤖💬 Transformer TTS: Implementation of a non-autoregressive Transformer based neural network for text to speech.,natural-language-processing -1257,2020-06-09 01:58:48,How Big Should My Language Model Be?,Tool to explore language model training and optimize the compute costs.,natural-language-processing -1258,2020-06-09 02:04:49,MSeg: A Composite Dataset for Multi-domain Semantic Segmentation,A composite dataset that unifies semantic segmentation datasets from different domains.,computer-vision -1259,2020-06-09 02:11:15,Network Fusion for Content Creation With Conditional Inns,"We present a method to repurpose powerful, existing models for new tasks, even though they have never been designed for them.",computer-vision -1260,2020-06-09 02:14:59,Advanced Deep Learning for Computer Vision (ADL4CV),"The Visual Computing Group offers a variety of lectures and seminars on a regular basis, covering hot areas in computer graphics, vision, and machine learning.",computer-vision -1272,2020-06-10 05:13:41,Linformer: Self-Attention with Linear Complexity,We demonstrate that the self-attention mechanism can be approximated by a low-rank matrix.,natural-language-processing -1274,2020-06-10 05:21:00,Getting Machine Learning to Production,"Machine learning is hard and there are a lot, a lot of moving pieces.",mlops -1275,2020-06-10 05:24:07,Exploration Strategies in Deep Reinforcement Learning,Exploitation versus exploration is a critical topic in reinforcement learning. This post introduces several common approaches for better exploration in Deep RL.,other -1278,2020-06-10 12:50:41,Automatically Generate Multiple Choice Questions (MCQs) ,"Automatically Generate Multiple Choice Questions (MCQs) from any content with BERT Summarizer, Wordnet, and Conceptnet",natural-language-processing -1287,2020-06-10 18:27:24,BERT Loses Patience: Fast and Robust Inference with Early Exit,"Patience-based Early Exit, a inference method that can be used as a plug-and-play technique to simultaneously improve the efficiency of a pretrained LM.",natural-language-processing -1298,2020-06-11 04:18:27,PEGASUS: a SOTA model for Abstractive Text Summarization,A State-of-the-Art Model for Abstractive Text Summarization.,natural-language-processing -1301,2020-06-11 04:29:24,Big GANs Are Watching You, We demonstrate that object saliency masks for GAN-produced images can be obtained automatically with BigBiGAN.,computer-vision -1309,2020-06-11 19:04:31,Sentiment Analysis on News Article,Used Twitter API to extract news-related tweets. Did some preprocessing and then calculated the tweets' polarity.,natural-language-processing -1310,2020-06-11 20:30:38,GPT-3 Language Model: A Technical Overview,"Technical details of the GPT-3 model, training, inference and what to expect next. ",natural-language-processing -1312,2020-06-11 20:37:47,OpenAI API,API for accessing new AI models developed by OpenAI.,natural-language-processing -1320,2020-06-12 04:17:08,Implementation of a Contextual Chatbot in PyTorch,Simple chatbot implementation with PyTorch.,natural-language-processing -1325,2020-06-12 11:06:34,Author Identification using Doc2Vec,Web app of an author identification model trained on PAN 2012 dataset and Kaggle's Spooky Authorship Dataset,natural-language-processing -1329,2020-06-12 12:44:18,Training game agents with supervised learning,This is a continuing research project trying find ways to learn complex tasks such as games without using Reinforcement Learning.,other -1371,2020-06-13 17:16:07,Baymax - ChatBot,"Baymax Chatbot is a part of my summer training program @AdHoc Networks, Jaipur. - -A chatbot that allows user to signup and login to maintain their record. When c",natural-language-processing -1372,2020-06-13 17:21:43,How to Evaluate Longformer on TriviaQA using NLP,We will evaluate a pretrained LongformerForQuestionAnswering model on the validation dataset of TriviaQA.,natural-language-processing -1374,2020-06-13 17:28:13,Extracting Structured Data from Templatic Documents,"Automatically extract data from structured documents—invoices, receipts, etc.—with the potential to streamline many business workflows.",computer-vision -1392,2020-06-13 20:58:33,StackOver Flow Data Analysis,"Analysing certain aspects of the stack overflow data and creating ""Tag Predictor"" which predicts tag based on the post posted. ",natural-language-processing -1398,2020-06-14 05:51:06,Super-resolution Variational Auto-Encoders,VAE with RealNVP prior and Super-Resolution VAE in PyTorch.,computer-vision -1399,2020-06-14 05:57:16,Video object grounding,Video object grounding using semantic roles in language description. ,computer-vision -1418,2020-06-14 17:43:34,Short Notes on Behavior Regularized Offline RL,Blog Article on Behavior Regularized Offline Reinforcement Learning by Yifan Wu et al. (2019),other -1423,2020-06-14 22:10:57,Entity Embedding with LSTM for Time-Series,"Demonstration of using LSTM for forecasting with structured time-series data, containing categorical and numerical features.",other -1424,2020-06-15 02:27:55,Why We Switched from Flask to FastAPI for Production ML,The most popular tool isn’t always the best.,mlops -1425,2020-06-15 02:31:48,Building a Captcha OCR in TF2.0,A Kaggle notebook showcasing the use of an Endpoint layer for CTC loss function used for building a Captcha Reader in TensorFlow.,computer-vision -1427,2020-06-15 02:40:48,101 Ways to Solve Search - Dair AI ft. Pratik Bhavsar,A comprehensive overview of explaining how NLP is used for search.,natural-language-processing -1438,2020-06-15 11:06:35,Multimodal Meme Classification,UNITER has given state of the art results in various image-text related problems. This project aims at finetuning UNITER to solve Hateful memes challenge,computer-vision -1453,2020-06-16 01:32:49,Interpretable Machine Learning for Computer Vision,"Recent progress we made on visualization, interpretation, and explanation methodologies for analyzing both the data and the models in computer vision.",computer-vision -1455,2020-06-16 02:32:53,Predicting Unintentional Action in Video,"We introduce a dataset of in-the-wild videos of unintentional action, as well as a suite of tasks for recognizing, localizing, and anticipating its onset. ",computer-vision -1457,2020-06-16 02:46:25, Synthesizing High-Resolution Images with StyleGAN2,"Developed by NVIDIA Researchers, StyleGAN2 yields state-of-the-art results in data-driven unconditional generative image modeling.",computer-vision -1458,2020-06-16 02:51:13,PIFuHD: High-Resolution 3D Human Digitization ,"This repository contains a pytorch implementation of ""Multi-Level Pixel-Aligned Implicit Function for High-Resolution 3D Human Digitization"".",computer-vision -1460,2020-06-16 03:21:07,Instance Shadow Detection,Instance shadow detection aims to find shadow instances paired with object instances.,computer-vision -1461,2020-06-16 03:24:02,Detectron2,FAIR's next-generation platform for object detection and segmentation.,computer-vision -1473,2020-06-16 22:37:58,tslearn,A machine learning toolkit dedicated to time-series data.,other -1475,2020-06-16 22:45:15,PyTorch3D,FAIR's library of reusable components for deep learning with 3D data.,computer-vision -1476,2020-06-16 22:48:45,Course Review - Causal Inference,Types of understanding that causal inference researchers value.,other -1478,2020-06-16 22:56:31,Unsupervised Learning of Probably Symmetric Deformable 3D Objects,"A method to learn 3D deformable object categories from raw single-view images, without external supervision.",computer-vision -1480,2020-06-16 23:06:13,A Guide to Natural Language Processing With AllenNLP,basics of using AllenNLP,natural-language-processing -1482,2020-06-17 12:12:03,Real Time Object Detection using CNN YOLO,"This project is done on real time object detection using a deep learning object detection algorithm i.e., YOLO.",computer-vision -1483,2020-06-17 14:38:33,Short Notes on Model-Based Offline Reinforcement Learning (MOReL),Blog article on Model-Based Offline Reinforcement Learning (MOReL) paper by Rahul Kidambi & Aravind Rajeswaran et al.,other -1491,2020-06-18 00:04:34,Image GPT: Generative Pretraining from Pixels, Transformers trained on pixel sequences can generate coherent image completions and samples.,computer-vision -1492,2020-06-18 00:06:53,Q*BERT,Agents that build knowledge graphs and explore textual worlds by asking questions.,natural-language-processing -1499,2020-06-18 13:41:39,History of Language Models - Alec Radford,A quick history of language models,natural-language-processing -1502,2020-06-18 19:45:49,Generate Boolean (Yes/No) Questions From Any Content ,Question generation algorithm trained on the BoolQ dataset using T5 text-to-text transformer model.,natural-language-processing -1504,2020-06-19 06:19:25,Fast Neural Style Transfer (feed-forward method) ⚡💻 + 🎨 = ❤️,This repo contains a concise PyTorch implementation of the original feed-forward NST paper.,computer-vision -1505,2020-06-19 06:22:56,Diverse Image Generation via Self-Conditioned GANs,A simple but effective unsupervised method for generating realistic & diverse images using a class-conditional GAN model without using manually annotated class.,computer-vision -1506,2020-06-19 06:26:17,Using GitHub Actions for MLOps & Data Science,A collection of resources on how to facilitate Machine Learning Ops with GitHub.,mlops -1519,2020-06-20 05:40:46,Image and Bounding Box Annotation Slicer,This easy-to-use library slices (also resizes) images and its bounding box annotations into tiles of specific sizes or any arbitrary number of equal parts. ✂️,computer-vision -1525,2020-06-20 16:21:38,Huggingtweets,This is a streamlit app built around the huggingtweets project. I fine-tune a pre-trained gpt2 model to tweet like a user given twitter handle. ,natural-language-processing -1528,2020-06-20 22:06:48,The Future of Computer Vision is Self-Supervised Learning,Talk by Yann Lecun on the applications of self-supervised learning on computer vision during CVPR 2020.,computer-vision -1529,2020-06-20 22:11:14,Using Selective Attention in Reinforcement Learning Agents,"In this work, we establish that self-attention can be viewed as a form of indirect encoding, which enables us to construct highly parameter-efficient agents.",other -1539,2020-06-21 12:45:42,A Visual Guide to FastText Word Embeddings,A deep-dive into how FastText enriches word vectors with sub-word information ,natural-language-processing -1542,2020-06-21 20:46:12,Autocoder - Finetuning GPT-2 for Auto Code Completion,"A basic and simple tool for code auto completion, built upon GPT-2",natural-language-processing -1546,2020-06-22 00:46:32,DeepSNAP,Python library assists deep learning on graphs.,other -1547,2020-06-22 00:50:30,RoBERTa meets TPUs,Understanding and applying the RoBERTa model to the current challenge.,natural-language-processing -1549,2020-06-22 01:00:45,Deep Model-Based RL for Real-World Robotic Control,Short talk about model-based RL by Sergey Levine.,other -1551,2020-06-22 03:17:48,Pokemon Classifier,I want to build a classifier that can classify 150 types of Pokemon.,computer-vision -1552,2020-06-22 03:45:01,Workshop on Scalability in Autonomous Driving - Andrej Karpathy,An overview of autonomous driving and computer vision at Tesla.,computer-vision -1560,2020-06-22 15:56:00,Battle-Tested Techniques for Scoping Machine Learning Projects,One of the challenges of managing an ML project is project scoping. Even small changes in data or architecture can create huge differences in model outputs.,mlops -1563,2020-06-22 16:04:10,Classify photos in 600 classes using nine million Open Images,"If you’re looking build an image classifier but need training data, look no further than Google Open Images.",computer-vision -1569,2020-06-22 16:52:01,Trackable,The project deals with tracking humans in a narrow hallway under different lighting conditions.,computer-vision -1571,2020-06-23 02:04:12,Stochastic Segmentation Networks,An efficient probabilistic method for modelling aleatoric uncertainty with any image segmentation network architecture.,computer-vision -1575,2020-06-23 02:30:20,Deep Learning for Computer Vision ,Special topics class on deep learning for computer vision from the University of Michigan taught by Justin Johnson.,computer-vision -1576,2020-06-23 02:37:15,VPSNet for Video Panoptic Segmentation,Video panoptic segmentation by generating consistent panoptic segmentation as well as an association of instance ids across video frames.,computer-vision -1580,2020-06-24 03:00:16,What I Learned From Looking at 200 Machine Learning Tools,"To better understand the landscape of available tools for machine learning production, I decided to look up every AI/ML tool I could find.",mlops -1581,2020-06-24 03:04:31,Discovering Symbolic Models from Deep Learning w/ Inductive Bias,A general approach to distill symbolic representations of a learned deep model by introducing strong inductive biases.,other -1585,2020-06-24 03:18:20,Breaking the cycle—Colleagues are all you need,A novel approach to performing image-to-image translation between unpaired domains.,computer-vision -1587,2020-06-24 03:25:25,Deep Learning Based Text Classification: A Comprehensive Review,An overview of deep learning approaches to text classification.,natural-language-processing -1589,2020-06-24 03:33:09,jiant,A software toolkit for research on general-purpose text understanding models.,natural-language-processing -1592,2020-06-24 04:27:58,Text Classification,"Re-implemented an article (link is given below) which was on Text classification with CNN, beside this I tried out some ML classification algorithm.",natural-language-processing -1595,2020-06-24 15:42:20,multi-task-NLP,A utility toolkit enabling NLP developers to easily train and infer a single model for multiple tasks.,natural-language-processing -1597,2020-06-25 00:17:39,Maximizing Business Impact with Machine Learning,how to effectively leverage machine learning to build intelligent products as efficiently as possible.,mlops -1598,2020-06-25 00:29:18,Automatic Data Augmentation for Generalization in Deep RL,We compare three approaches for automatically finding an appropriate augmentation combined with two novel regularization terms for the policy and value function,other -1599,2020-06-25 00:42:36,High-Fidelity Generative Image Compression,How to combine Generative Adversarial Networks and learned compression to obtain a state-of-the-art generative lossy compression system.,computer-vision -1602,2020-06-25 04:03:38,Unet Model for Image Segmentation With EfficientNet Encoder,Implemented using tensorflow 2.2.0 with custom train and test step.,computer-vision -1603,2020-06-25 10:40:56,A Million of ML Predictions at the Tip of Your Fingers,Announcement - SashiDo is breaking the barrier to Machine Learning by introducing a fully open-sourced Content Moderation Service.,computer-vision -1605,2020-06-26 02:19:39,NetHack Learning Environment (NLE),A procedurally-generated grid-world dungeon-crawl game that strikes a great balance between complexity and speed for single-agent RL research.,other -1606,2020-06-26 02:24:53,Paraphrase Generation Using T5 model,Simple application using T5 base model fine tuned in Quora Question Pairs to generate paraphrased questions.,natural-language-processing -1607,2020-06-26 02:28:15,Message Passing Query Embedding,"MPQE is a model for answering complex queries over knowledge graphs, that learns embeddings of entities in the knowledge graph, & embeddings for variable types.",other -1608,2020-06-26 02:31:17,Quantifying Attention Flow in Transformers,"I explain two simple but effective methods, called Attention Rollout and Attention Flow",natural-language-processing -1614,2020-06-27 04:15:51,Natural Language Processing Roadmap,Roadmap for learning NLP topics.,natural-language-processing -1615,2020-06-27 04:29:04,Weight Poisoning Attacks on Pre-trained Models,"How Bert can be infused with nefarious behavior, even after fine-tuning.",natural-language-processing -1616,2020-06-27 04:37:16,Leveraging Temporal Context for Object Detection,"Object detection architecture leveraging contextual clues across time for each camera deployment in a network, improving recognition of objects",computer-vision -1617,2020-06-27 04:42:47,Expressive Power of Graph Neural Networks,"Graph isomorphism problem, the Weisfeiler-Lehman heuristic for graph isomorphism testing, and how it can be used to analyse the expressive power of GNNs.",other -1620,2020-06-27 10:27:43,rlx: A modular Deep RL library for research,"""rlx"" is a Deep RL library written on top of PyTorch & built for educational and research purpose.",other -1622,2020-06-27 14:18:13,Building AI Trading Systems,Lessons learned building a profitable algorithmic trading system using Reinforcement Learning techniques.,other -1623,2020-06-27 14:20:49,Introduction to NLP using Fastai,Implementing and decoding the revolutionary ULMFiT approach to train a language model on any downstream NLP task.,natural-language-processing -1629,2020-06-28 07:37:00,TF Lite Semantic Segmentation Models,Faster and lighter TF Lite models can perform semantic segmentation. ,computer-vision -1630,2020-06-28 07:40:40,Semantic Segmentation + Background Removal + Style Transfer,"Running multiple TF Lite models to perform semantic segmentation, remove background, and apply style transfer. ",computer-vision -1636,2020-06-29 00:00:47,Automatic translation of the SQUAD dataset to spanish,"Machine translation is used on the SQuAD dataset to produce an equivalent dataset in Spanish. Word alignment is applied to produce a synthetic spanisQA corpus. -",natural-language-processing -1638,2020-06-29 02:56:43,Dakshina Dataset,A collection of text in both Latin and native scripts for 12 South Asian languages.,natural-language-processing -1639,2020-06-29 02:58:52,Computer Vision Recipes,This repository provides examples and best practice guidelines for building computer vision systems.,computer-vision -1644,2020-06-29 12:42:44,A research guide for data scientists,Tips on research from top data scientists,natural-language-processing -1645,2020-06-29 17:16:17,Using Data Science Pipelines for Disaster Response,Uses ETL and ML pipeline to build an NLP system for classification of messages into appropriate disaster categories,natural-language-processing -1646,2020-06-29 19:47:58,Twitter Turing Test,Can you guess whether this tweet is written by a human or generated by a neural network?,natural-language-processing -1648,2020-06-30 02:34:54,STUMPY: A Powerful and Scalable Python Library for Time Series,"STUMPY is a powerful and scalable Python library for computing a Matrix Profile, which can be used for a variety of time series data mining tasks.",other -1649,2020-06-30 02:39:32,Model Serving using FastAPI and streamlit,Simple example of usage of streamlit and FastAPI for ML model serving.,computer-vision -1650,2020-06-30 02:49:57,The Reformer - Pushing the Limits of Language Modeling,An in-depth understanding of each of the key features of the Reformer.,natural-language-processing -1651,2020-06-30 02:52:41,High-Resolution Image Inpainting,"High-Resolution Image Inpainting with Iterative Confidence Feedback and Guided Upsampling. -",computer-vision -1653,2020-06-30 03:01:50,MARGE: Pre-training via Paraphrasing,"A retrieval model maps a document to a set of related documents, which a reconstruction model paraphrases to maximize the likelihood of the original. ",natural-language-processing -1657,2020-06-30 18:00:11,Fast Api with Dockerization of your ML Models,In this GitHub repo you can able to know and learn how to build a fast API for testing your ML model and can test your ML model with UI and to Dockerize your ML,mlops -1658,2020-07-01 02:22:10,SimCLR - Contrastive Learning of Visual Representations,How to load pretrained/finetuned SimCLR models from hub modules for fine-tuning.,computer-vision -1662,2020-07-01 07:00:50,Image synthesis at CVPR 2020,An overview of the different approaches to image synthesis at CVPR 2020.,computer-vision -1663,2020-07-01 07:08:45,Sktime,A python toolbox for machine learning with time series.,other -1664,2020-07-01 07:14:00,"Sentiment Analysis: Key Milestones, Challenges and New Directions","An overview of sentiment analysis, it's progress and what's ahead.",natural-language-processing -1666,2020-07-01 07:20:52,Serverless BERT with HuggingFace and AWS Lambda,"Build a serverless question-answering API with BERT, HuggingFace, the Serverless Framework, and AWS Lambda.",natural-language-processing -1668,2020-07-01 13:33:49,Model-based Reinforcement Learning: A Survey,"A survey of the integration of both fields, better known as model-based reinforcement learning.",other -1677,2020-07-02 04:06:19,Building Level 3 Conversational AI Assistants,"Presentations, panels, and fireside chats addressing all topics related to the creation of Level 3 AI assistants.",natural-language-processing -1678,2020-07-02 12:13:19,NSFW Image Classification REST API built with TensorFlow.JS,A ready-to-use & open-source NSFW Image Classification REST API built with TensorFlow.JS and NSFW.JS for effortless Content Moderation,computer-vision -1688,2020-07-03 04:23:58,Python Implementation of Reinforcement Learning: An Introduction ,"Plot replications, exercise solutions and Anki flashcards for the entire book by chapters.",other -1691,2020-07-03 04:40:05,The Simplest Way to Serve your NLP Model in Production w/ Python ,"From scikit-learn to Hugging Face Pipelines, learn the simplest way to deploy ML models using Ray Serve.",mlops -1698,2020-07-04 01:07:48,Learning to Cartoonize Using White-box Cartoon Representations,An approach for image cartoonization using GANs.,computer-vision -1699,2020-07-04 01:10:18,Reinforcement Learning Tutorial,"Important reinforcement learning (RL) algorithms, including policy iteration, Q-Learning, and Neural Fitted Q.",other -1702,2020-07-04 04:51:18,Face Recognition Techniques,Face Detection and Recognition techniques using traditional CV and also using new deep learning method.,computer-vision -1704,2020-07-04 10:42:53,LSTM Forecast Model for Stock Price Prediction using Keras," Easy to understand LSTM forecast model for Stock Price Prediction. The dataset contains daywise details of the GOOGL stock from May,2019-May 2018.",other -1706,2020-07-04 11:05:28,PokeZoo,A deep learning based web-app developed using the MERN stack and Tensorflow.js. ,computer-vision -1710,2020-07-05 05:47:35,NLP-task-visualizer-app,This application designed with streamlit library will help in visualizing NLP tasks on text entered by you. ,natural-language-processing -1721,2020-07-07 04:21:20,TensorflowTTS,Real-Time State-of-the-art Speech Synthesis for Tensorflow 2.,natural-language-processing -1722,2020-07-07 04:23:38,spaczz: Fuzzy matching and more for spaCy,Fuzzy matching and more functionality for spaCy.,natural-language-processing -1723,2020-07-07 04:26:45,BioSyn,Biomedical Entity Representations with Synonym Marginalization,natural-language-processing -1724,2020-07-08 04:02:50,Image Classifier: In the Browser,Using Tensorflow.js to make the prediction directly in the browser.,computer-vision -1726,2020-07-08 04:15:07,Photon: A Robust Cross-Domain Text-to-SQL System,"A robust, modular, cross-domain NLIDB that can flag natural language input to which a SQL mapping cannot be immediately determined. ",natural-language-processing -1728,2020-07-08 04:24:07,Bounding Box Prediction from Scratch using PyTorch,Multi-Task learning — Bounding Box Regression + Image Classification,computer-vision -1729,2020-07-08 04:28:13,Comment Classification Using BERT (multi-language) Fine-Tuning,We are going to use BERT layer in a model applying Keras.,natural-language-processing -1730,2020-07-08 04:30:28,TextBrewer,a PyTorch-based model distillation toolkit for natural language processing.,natural-language-processing -1737,2020-07-08 18:22:40,codeBERT - Automated code docstring review with transformers,"codeBERT provide a one command line to check if your code docstrings are up-to-date. -",natural-language-processing -1748,2020-07-09 02:23:25,Continuous Machine Learning (CML),CML helps to organize MLOps infrastructure on top of the traditional software engineering stack instead of creating separate AI platforms.,mlops -1750,2020-07-09 10:30:30,picTranslate: Seamless live Image Text translator,"Given an image with text on it, this app can give you a new image with text modified into a different language.",computer-vision -1753,2020-07-10 02:44:11,TUDatasets,A collection of benchmark datasets for graph classification and regression.,other -1754,2020-07-10 02:46:07,Full Stack Deep Learning,Full Stack Deep Learning helps you bridge the gap from training machine learning models to deploying AI systems in the real world.,mlops -1755,2020-07-10 02:51:24,Easy OCR,"Ready-to-use OCR with 40+ languages supported including Chinese, Japanese, Korean and Thai. - -",computer-vision -1759,2020-07-10 18:54:54,Emotion Recognition from Tom and Jerry videos,"Developed an application that classifies the emotion depicted by Tom and Jerry in each frame into one of the following : happy, angry, sad or suprised.",computer-vision -1767,2020-07-11 05:05:31,Imagenette,Imagenette is a subset of 10 easily classified classes from Imagenet.,computer-vision -1768,2020-07-11 05:08:02,TextAugment,Improving Short Text Classification through Global Augmentation Methods,natural-language-processing -1769,2020-07-11 05:10:10,niacin,"A Python library for replacing the missing variation in your text data. - -",natural-language-processing -1771,2020-07-11 05:16:17,Albumentations,Fast image augmentation library and easy to use wrapper around other libraries.,computer-vision -1772,2020-07-11 05:19:05,Augmentor,Image augmentation library in Python for machine learning.,computer-vision -1777,2020-07-11 05:37:12,tsfresh,Automatic extraction of relevant features from time series.,other -1792,2020-07-11 06:28:58,Anomaly Detection Toolkit (ADTK),"A Python toolkit for rule-based/unsupervised anomaly detection in time series - -",other -1795,2020-07-11 06:37:35,Chakin ,Simple downloader for pre-trained word vectors.,natural-language-processing -1796,2020-07-11 06:39:39,Top2Vec,"Top2Vec learns jointly embedded topic, document and word vectors. - -",natural-language-processing -1797,2020-07-11 06:42:29,Contextualized Topic Models,A python package to run contextualized topic modeling.,natural-language-processing -1800,2020-07-11 06:51:58,jellyfish,🎐 a python library for doing approximate and phonetic matching of strings.,natural-language-processing -1802,2020-07-11 06:57:28,SentencePiece,"Unsupervised text tokenizer for Neural Network-based text generation. - -",natural-language-processing -1803,2020-07-11 06:59:08,A Deep Dive into the Wonderful World of Preprocessing in NLP,A glimpse into the surprisingly deep and interesting world of preprocessing in NLP.,natural-language-processing -1813,2020-07-11 07:45:01,Pytest,"The pytest framework makes it easy to write small tests, yet scales to support complex functional testing - -",mlops -1817,2020-07-11 07:55:23,Artifacts - Weights & Biases,"Effortless pipeline tracking and production model management - -",mlops -1818,2020-07-11 08:07:35,DeepkitAI,The Open-Source Machine Learning Devtool and Training Suite.,mlops -1819,2020-07-11 08:14:03,Neptune.ai,The most lightweight experiment management tool that fits any workflow.,mlops -1820,2020-07-11 08:17:17,Rasa,An open source machine learning framework to automate text-and voice-based conversations. ,natural-language-processing -1831,2020-07-11 11:36:26,TF Sprinkles,Fast and efficient sprinkles augmentation implemented in TensorFlow.,computer-vision -1834,2020-07-11 17:19:43,Laplacian Pyramid Reconstruction and Refinement for Semantic Seg., Pytorch implementation of multi-resolution reconstruction architecture based on a Laplacian pyramid that uses skip connections.,computer-vision -1836,2020-07-11 18:15:19,Training a pets detector model with TFOD API (TF 2),"In this notebook, we will be training a custom object detection model using the latest TensorFlow Object Detection (TFOD) API which is based on TensorFlow 2.2. ",computer-vision -1840,2020-07-12 00:59:27,TensorFlow 2 meets the Object Detection API,TF Object Detection API (OD API) officially supports TensorFlow 2!,computer-vision -1843,2020-07-12 13:35:20,Cortex,Build machine learning APIs.,mlops -1844,2020-07-12 16:24:10,Semi-Supervised Learning in Computer Vision,A comprehensive overview of recent semi-supervised learning methods in Computer Vision,computer-vision -1845,2020-07-12 21:42:52,Face Predicting Web App,Interactive Deep Learning Model that utilizes your computer webcam to predict your age and gender in seconds! ,computer-vision -1847,2020-07-13 03:46:32,Driver Identification Based on Vehicle's telematics data,"In this paper, we proposed a deep learning model, which can identify drivers from their driving behaviors based on vehicle telematics data.",computer-vision -1848,2020-07-13 05:00:40,Comprehensive analysis of important metrics in ML,"In this work, the authors present a comprehensive analysis of important metrics in practical applications.",computer-vision -1851,2020-07-13 15:21:13,StreamAlert,"A serverless, realtime data analysis framework which empowers you to ingest, analyze, and alert on data from any environment, using datasources and alerts.",mlops -1855,2020-07-14 03:17:25,ULMFiT Airline Sentiment Analysis,Transfer Learning using pretrained ULMFiT model,natural-language-processing -1856,2020-07-14 03:21:00,DeepDream Video Style Transfer,DeepDream on Video,computer-vision -1859,2020-07-14 04:01:18,"You Trained a Machine Learning Model, Now What?","Three often overlooked parts of this process occur after the model is actually built: model evaluation, deployment, and monitoring.",mlops -1860,2020-07-14 09:53:19,NSFW Image Moderation Automation Engine built with TensorFlow.JS ,"An open-source NSFW Image Classifier including an Automation Engine for fast deletion & moderation built with Node.js, TensorFlow, and Parse Server",computer-vision -1865,2020-07-14 22:55:08,PDFTableExtract,Build a parser to extract the table in PDF document with RetinaNet,computer-vision -1867,2020-07-14 23:03:02,YOLOv4 With TensorFlow,"YOLOv4, YOLOv4-tiny, YOLOv3, YOLOv3-tiny Implemented in Tensorflow 2.0, Android. Convert YOLO v4 .weights tensorflow, tensorrt and tflite.",computer-vision -1868,2020-07-15 03:52:31,Selfie2Anime with TFLite,An end-to-end tutorial with TensorFlow Lite for Selfie2Anime (U-GAT-IT). ,computer-vision -1869,2020-07-15 20:31:37,Bridging PyTorch and TVM,"Taking Hugging Face transformer BERT from PyTorch and running it on -ApacheTVM for both inference (with reasonable timings) and training.",natural-language-processing -1871,2020-07-16 03:58:21,Summarize a webapge,A Flask application that extracts and summarizes webpage using Natural Language Processing. Powered by nlp-akash.,natural-language-processing -1872,2020-07-16 04:19:37,An Icon Classifier with TensorFlow Lite Model Maker,An Icon Classifier with TensorFlow Lite Model Maker,computer-vision -1879,2020-07-16 17:40:33,Cross-lingual Transfer Learning - Sebastian Ruder,"An overview of approaches that transfer knowledge across languages and enable us to scale NLP models to more of the world's 7,000 languages.",natural-language-processing -1880,2020-07-16 17:43:48,AdapterHub: A Framework for Adapting Transformers,Huggingface Transformers + Adapters,natural-language-processing -1882,2020-07-16 17:51:48,Object Detection with RetinaNet,Implementing RetinaNet: Focal Loss for Dense Object Detection.,computer-vision -1884,2020-07-17 01:41:33,Deploying your ML Model with TorchServe,"In this talk, Brad Heintz walks through how to use TorchServe to deploy trained models at scale without writing custom code. ",mlops -1886,2020-07-17 08:27:56,Medical Zoo - 3D Multi-modal Medical Image Segmentation,My articles on deep learning in medical imaging,computer-vision -1887,2020-07-17 16:48:13,Computer Vision Pretrained Models,A collection of computer vision pre-trained models.,computer-vision -1889,2020-07-17 17:20:20,NLP Pretrained Models,"A collection of Natural language processing pre-trained models. - -",natural-language-processing -1896,2020-07-19 00:40:37,Machine Learning Production Pipeline,"Project Flow and Landscape -",mlops -1898,2020-07-19 00:47:53,Tempering Expectations for GPT-3 and OpenAI’s API,"A closer look at the ""magic"" behind GPT-3 and caveats to be aware of.",natural-language-processing -1899,2020-07-19 03:59:41,StyleGAN Encoder,Encodes real images into the latent space of a StyleGAN model.,computer-vision -1900,2020-07-19 04:12:40,WikiArt StyleGAN 2 Model,A conditional StyleGAN 2 model trained on images from WikiArt,computer-vision -1902,2020-07-19 10:19:24,Indian Paper Currency Prediction,"The trained model takes an image (Indian Paper Currency) as an input and predict the class of image from 10, 20, 50, 100, 200, 500, 2000 denomination.",computer-vision -1903,2020-07-19 11:31:25,"Neural Style Transfer (Gatys et al., PyTorch)",My implementation of the original neural style transfer paper by Gatys et al. (In PyTorch).,computer-vision -1904,2020-07-19 12:44:53,Implementation of Face Net in TensorFlow - 2.0,This repository is a naive unofficial implementation of Face Net paper - 2015 .This implementation opts online mode of semi - hard triplet mining.,computer-vision -1910,2020-07-19 15:44:21,Azure Machine Learning Template,Azure Machine Learning template for MNIST classifier,mlops -1913,2020-07-19 16:55:33,Teachable Machine (Image Classifier),A teachable image classifier that runs on any browser built using TensorFlow JS.,computer-vision -1914,2020-07-19 16:59:37,TensorFlow JS- Object Detection in Browser,A real-time object detection model in your browser using TensorFlow JS.,computer-vision -1916,2020-07-20 00:01:38,How to Stop Worrying About Compositionality,"Review the tenets of compositionality, and to highlight how each theory has evolved to match particular theoretical positions about the nature of language.",natural-language-processing -1918,2020-07-20 05:48:38,Spacy-Go,spacy-go is Golang interface for accessing linguistic annotations provided by spaCy using Google's gRPC. This module only supports basic functionalities like lo,natural-language-processing -1919,2020-07-20 05:53:12,Dframcy,DframCy is a light-weight utility module to integrate Pandas Dataframe to spaCy's linguistic annotation and training tasks.,natural-language-processing -1921,2020-07-20 14:04:48,NSFW Image Moderation Admin App with ReactJS,"A fully-functional NSFW Admin Application for simplified image classification & moderation built with Node.js, TensorFlow.js, and React",computer-vision -1923,2020-07-20 18:59:04,PyTorch Geometric Temporal,A Temporal Extension Library for PyTorch Geometric ,other -1924,2020-07-20 20:34:47,Why is it Important to Monitor Machine Learning Models?,The importance of monitoring and how monitoring ML is different from application performance management (APM).,mlops -1925,2020-07-20 20:54:00,PyTorch Implementation of PaletteNet,"PyTorch implementation of PaletteNet: Image Recolorization with Given Color Palette (Cho et al., 2017).",computer-vision -1927,2020-07-20 21:21:12,ECG arrhythmia classification using a convolutional neural net,This is an implementation of the paper on ECG arrhythmia classification https://arxiv.org/pdf/1804.06812.pdf.,computer-vision -1929,2020-07-20 23:55:33,Structured Self Attention,Implementation for the paper A Structured Self-Attentive Sentence Embedding (https://arxiv.org/abs/1703.03130 ). Model interpretability / explainability.,natural-language-processing -1933,2020-07-21 01:42:42,TurboTransformers,A fast and user-friendly runtime for transformer inference on CPU and GPU.,natural-language-processing -1938,2020-07-21 11:50:53,Rasa NLU Examples,Experimental components for Rasa NLU pipelines. ,natural-language-processing -1940,2020-07-21 19:01:54,Change Detection using Siamese networks,"The blog is a primer on Siamese Networks and how they're used for observing change in satellite images over time, or observing facial changes as people age",computer-vision -1941,2020-07-21 19:13:05,My Artificial Intelligence Bookmarks,"A curated list of my reads, implementations, and core concepts of Artificial Intelligence, Deep Learning, Machine Learning by best folk in the world.",natural-language-processing -1943,2020-07-22 03:32:30,Do we Need Deep Graph Neural Networks?,Does depth in graph neural network architectures bring any advantage?,other -1945,2020-07-22 03:39:13,Pandera,A flexible and expressive pandas data validation library.,mlops -1952,2020-07-24 06:28:15,TensorFlow Serving,"A flexible, high-performance serving system for machine learning models, designed for production environments. ",mlops -1953,2020-07-24 06:30:44,BentoML,BentoML is an open-source framework for high-performance ML model serving.,mlops -1954,2020-07-24 06:43:59,Azure ML,MLOps using Azure ML.,mlops -1955,2020-07-24 06:47:29,Shape and Viewpoint without Keypoints,"Recover the 3D shape, pose and texture from a single image, trained on an image collection without any ground truth 3D shape, multi-view, camera viewpoints.",computer-vision -1965,2020-07-25 02:58:40,model-logger,Model-Logger is a Python library for storing model's profile and rapid inter model comparison.,mlops -1968,2020-07-26 04:48:40,Sentiment Analysis With Transformers,"Sentiment analysis neural network trained by fine-tuning BERT, ALBERT, or DistilBERT on the Stanford Sentiment Treebank.",natural-language-processing -1971,2020-07-27 02:30:42,Attention based YOLO: Object Detection,"An easy to follow, YOLO implementation with keras lib. Used a attention based architecture to extract more fine grained information about object.",computer-vision -1977,2020-07-27 14:14:10,LabelDetection: simplifying the use and construction of deep dete,LabelDetection is a graphical tool that aims to facilitate all the steps required in the pipeline to construct and use a deep-learning base object detection mod,computer-vision -1978,2020-07-27 14:34:12,How to Set Up a Python Project For Automation and Collaboration,"How to set up a Python repo with unit tests, code coverage, lint checking, type checking, Makefile wrapper, and automated build with GitHub Actions.",mlops -1980,2020-07-27 14:51:03,Understanding & Implementing SimCLR - an ELI5 guide,"I explain the SimCLR and its contrastive loss function step by step, build image embeddings and then show how to use them to train image classifier on top.",computer-vision -1983,2020-07-28 04:14:12,CoreML Model Zoo,Collection of unified and converted pre-trained models.,computer-vision -1984,2020-07-28 04:18:00,How GPT3 Works - Visualizations and Animations,A compilation of my threads explaining GPT3. ,natural-language-processing -1985,2020-07-28 04:19:58,Temporal Graph Networks,"In this post, we describe Temporal Graph Network, a generic framework for deep learning on dynamic graphs.",other -1986,2020-07-28 07:44:13,Behavioral Testing of NLP models with CheckList,An overview of the “CheckList” framework for fine-grained evaluation of NLP models,natural-language-processing -1992,2020-07-29 03:41:04,Time series forecasting,A thorough introduction to time series forecasting using TensorFlow.,other -1993,2020-07-29 04:47:55,Real-time text detection with EAST in TFLite,Demonstrates the conversion process from the original EAST model to TFLite and how to use it on static images and also on real-time video feeds. ,computer-vision -1994,2020-07-29 04:51:30,Understanding the Effectivity of Ensembles in Deep Learning,"The report explores the ideas presented in Deep Ensembles: A Loss Landscape Perspective by Stanislav Fort, Huiyi Hu, and Balaji Lakshminarayanan.",computer-vision -1999,2020-07-30 03:57:32,Small differences in BLEU are meaningless,Only big differences in metric scores are meaningful in MT.,natural-language-processing -2002,2020-07-30 04:08:46,Multi-target in Albumentations,"Many images, many masks, bounding boxes, and key points. How to transform them in sync?",computer-vision -2005,2020-07-30 11:19:02,Social Distance Detection,"If people are very close to each other, a red bounding box is displayed around them indicating that they are not maintaining social distance.",computer-vision -2006,2020-07-30 11:30:56,Deep Learning Techniques for NLP in Healthcare,A talk discussing the recent advancements of deep learning to facilitate the adaption of NLP in the healthcare domain.,natural-language-processing -2008,2020-07-30 14:50:30,Extension to block NSFW content using AI,"NSFW Filter is an extension that blocks NSFW content from your browser. -It uses a computer vision model to detect NSFW content and hides it from the user.",computer-vision -2009,2020-07-30 14:55:57,ATLASS: AutoML using Transfer and Semi-Supervised Learning,"This repository includes the code, application, and notebooks for the work ""AutoML using Transfer and Semi-Supervised Learning"". The tools presented here can be",computer-vision -2012,2020-07-30 15:04:28,LabelStoma: stomata detection using YOLO,LabelStoma is a graphical image tool for automatically detecting stomata in images. ,computer-vision -2013,2020-07-30 15:07:54,DeepClas4Bio,DeepClas4Bio is a project that aims to facilitate the interoperability of bioimaging tools with deep learning frameworks.,computer-vision -2016,2020-07-31 15:30:38,Meme Classifier Using TFlite and flutter,Meme classifier using fine tuned mobilenet. This app showcases how you can perform low latency realtime classification apps using TFlite,computer-vision -2020,2020-08-01 12:14:26,Text Summarization using TF-IDF Algorithm,This Article explains the TF-IDF algorithm and shows the implemtnation from scratch to summarize the text.,natural-language-processing -2022,2020-08-01 14:41:37,Simple Transformers,"Transformers for Classification, NER, QA, Language Modeling, Language Generation, T5, Multi-Modal, and Conversational AI.",natural-language-processing -2024,2020-08-01 14:49:31,DeText: A Deep Neural Text Understanding Framework,DeText: A Deep Neural Text Understanding Framework for Ranking and Classification Tasks.,natural-language-processing -2026,2020-08-01 15:04:37,Efficient Serverless Deployment of PyTorch Models on Azure,A tutorial for serving models cost-effectively at scale using Azure Functions and ONNX Runtime.,mlops -2027,2020-08-01 15:27:29,Nearest Celebrity Face,Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours. The input face,computer-vision -2030,2020-08-02 12:38:08,A Few Favorite Recipes in Computer Vision & Deep Learning,This blog post enlists a few of my favorite recipes in deep learning in the context of computer vision (as of August 2020).,computer-vision -2031,2020-08-02 14:46:10,NeuralQA - API and Visual Interface for Extractive QA,A Usable Library for Question Answering on Large Datasets with BERT,natural-language-processing -2032,2020-08-02 20:00:23,Object tracking in 75 lines of code,"Object tracking is straightforward conceptually. And if you have a good detector, simple methods can be pretty effective.",computer-vision -2033,2020-08-03 03:49:22,FARM: Framework for Adapting Representation Models,🏡 Fast & easy transfer learning for NLP. Harvesting language models for the industry.,natural-language-processing -2035,2020-08-04 02:49:24,Act - GitHub Actions locally,Run your GitHub Actions locally.,mlops -2038,2020-08-04 03:53:36,Curated papers & articles on DS & ML in production,"Learn how organizations & business solved machine learning problems, including problem statement, research, methodology, and results.",mlops -2039,2020-08-04 16:45:09,Tensorflow2 Object Detection Tutorial,"In this tutorial, we will be going step by step the complete training process of Tensorflow2 Object Detection. ",computer-vision -2042,2020-08-05 02:07:24,ONNX T5,"Summarization, translation, Q&A, text generation and more at blazing speed using a T5 version implemented in ONNX.",natural-language-processing -2043,2020-08-05 02:17:10,DeLighT: Very Deep and Light-weight Transformers,Similar or better performance than transformer-based models with significantly fewer parameters,natural-language-processing -2045,2020-08-05 06:40:32,Evaluation Metrics For Information Retrieval,Learn about common metrics used to evaluate performance of information retrieval systems,natural-language-processing -2047,2020-08-05 15:18:46,Test-Time Data Augmentation,Tutorial on how to properly implement test-time image data augmentation in a production environment with limited computational resources.,mlops -2048,2020-08-05 16:50:22,SadedeGel: An extraction based Turkish news summarizer,"""Sadede Gel"" in Turkish, means ""cut to the chase"". ",natural-language-processing -2051,2020-08-05 20:13:51,MobyDick word frequency,Getting the count of the words in Moby Dick story using both web scraping and NLP,natural-language-processing -2053,2020-08-05 20:30:33,Image Classification with Keras,Build a pipeline to train an image classifier in Keras and tune hyperparameters to optimize the performance of our classifier.,computer-vision -2054,2020-08-05 20:34:09,Dropout in PyTorch – An Example,"An example of adding Dropout to a PyTorch model, and observe the effect dropout has on the model's performance by tracking our models in Weights & Biases.",computer-vision -2057,2020-08-06 04:06:11,"Data Science Meets Devops: MLOps with Jupyter, Git, & Kubernetes","An end-to-end example of deploying a machine learning product using Jupyter, Papermill, Tekton, GitOps and Kubeflow.",mlops -2061,2020-08-06 04:59:21,Detectron 2 Demo from Facebook,This Project contains the process of getting started with Facebook FAIR's detectron2 project on windows 10 without any Nvidia GPU.,computer-vision -2062,2020-08-06 12:38:55,Predict Vehicle Speed From Dash Cam Video,A series of experiments attempting to predict vehicle speed from dash cam videos using optical flow and neural networks.,computer-vision -2098,2020-08-06 23:15:45,Digital Image Processing in Python,Play around with pixel values with Python programming language.,computer-vision -2100,2020-08-07 04:24:28,A 2020 guide to Semantic Segmentation,"Concept of image segmentation, discuss the relevant use-cases, different neural network architectures involved in achieving the results, metrics and datasets.",computer-vision -2106,2020-08-08 15:06:18,Fast NST for Videos (+ person segmentation) 🎥 + ⚡💻 + 🎨 = ❤️,Create NST videos and pick separate styles for the person in the video and for the background.,computer-vision -2109,2020-08-09 07:24:57,Live demo : State-of-the-art MCQ Generator from any content,"Demo for state-of-the-art MCQ (Multiple Choice Questions) generator from any content built using T5 transformer, HuggingFace, and Sense2vec -",natural-language-processing -2111,2020-08-10 03:26:16,InvoiceNet,"Deep neural network to extract intelligent information from PDF invoice documents. -",computer-vision -2112,2020-08-10 03:41:31,Search for visual datasets,"By task, application, class, label or format.",computer-vision -2113,2020-08-10 04:01:03,GAN-BERT,Enhancing the BERT training with Semi-supervised Generative Adversarial Networks.,natural-language-processing -2114,2020-08-10 04:03:51,tsaug,A Python package for time series augmentation.,other -2116,2020-08-10 04:15:38,Machine Learning Pipelines for Kubeflow.,Kubeflow pipelines are reusable end-to-end ML workflows built using the Kubeflow Pipelines SDK.,mlops -2117,2020-08-10 04:17:57,Structuring Unit Tests in Python,"Where to put tests, how to write fixtures and the awesomeness of test parametrization.",mlops -2121,2020-08-10 21:59:41,DeepR — Training TensorFlow Models for Production,DeepR is a Python library to build complex pipelines as easily as possible on top of Tensorflow.,mlops -2124,2020-08-11 00:20:42,Neural Architecture Search,"A look at neural architecture search w.r.t search space, search algorithms and evolution strategies.",other -2135,2020-08-13 01:52:06,Temporal Convolutional Networks for Time-Series,"We introduce several novels using TCN, including improving traffic prediction, sound event localization & detection, and probabilistic forecasting.",other -2136,2020-08-13 02:05:11,Machine Learning Deployment: Shadow Mode,"“How do I test my new model in production?” One answer, and a method I often employ when initially deploying models, is shadow mode.",mlops -2138,2020-08-13 18:12:46,Extract Stock Sentiment from News Headlines," In this project, you will generate investing insight by applying sentiment analysis on financial news headlines from Finviz. ",natural-language-processing -2141,2020-08-14 03:15:38,hloc - the hierarchical localization toolbox,Visual localization made easy.,computer-vision -2147,2020-08-15 01:17:07,Practical Tips and Tricks for Successful Transfer Learning,Training models to learn knowledge and skills from other related tasks that will transfer and boost performance on tasks of interest.,natural-language-processing -2148,2020-08-15 01:22:01,txtai: AI-powered search engine,AI-powered search engine.,natural-language-processing -2151,2020-08-15 05:32:22,Drowsiness Detection System using OpenCV and Flask in Python ,"This system provides an overview of a system that detects whether a person is drowsy while driving and if so, alerts him by using voice messages in real-time. ",computer-vision -2155,2020-08-15 14:49:16,"GPT-3, The model simply knows!",Brief Introduction about the gigantic GPT-3. a new leap in AI and Natural Language processing. ,natural-language-processing -2159,2020-08-16 01:02:18,Solaris,CosmiQ Works Geospatial Machine Learning Analysis Toolkit.,computer-vision -2163,2020-08-17 03:19:46,Safe Space - Github Action,Github action that checks the toxicity level of comments and PR reviews to help make repos safe spaces.,natural-language-processing -2164,2020-08-17 03:24:46,Intro to Autoencoders,"This tutorial introduces autoencoders with three examples: the basics, image denoising, and anomaly detection.",computer-vision -2166,2020-08-17 05:19:41,Pix2Pix,"Tensorflow 2.0 Implementation of the paper Image-to-Image Translation using Conditional GANs by Philip Isola, Jun-Yan Zhu, Tinghui Zhou and Alexei A. Efros.",computer-vision -2167,2020-08-17 06:27:31,Insight,Project Insight is designed to create NLP as a service with code base for both front end GUI (streamlit) and backend server (FastAPI) the usage of transformers ,natural-language-processing -2168,2020-08-17 10:55:43,Onceupon.space,NLP experiment in story-telling that creates illustrations (text to sketch) and content (text generation),natural-language-processing -2173,2020-08-18 04:16:33,Fine-tuning with custom datasets,This tutorial will take you through several examples of using 🤗 Transformers models with your own datasets.,natural-language-processing -2185,2020-08-18 23:12:27,Language Interpretability Tool (LIT),"The Language Interpretability Tool (LIT) is a visual, interactive model-understanding tool for NLP models.",natural-language-processing -2188,2020-08-19 15:16:46,Great Expectations,Always know what to expect from your data.,mlops -2193,2020-08-20 00:39:05,Effective testing for machine learning systems,"Why testing machine learning systems can be different, and discuss some strategies for writing effective tests for machine learning systems.",mlops -2202,2020-08-22 03:55:27,Graph Representation Learning Book,"Introduction to graph representation learning, including methods for embedding graph data, graph neural networks, and deep generative models of graphs.",other -2203,2020-08-22 05:58:20,Image Similarity Search in PyTorch,"Simple Convolutional Auto-encoder based image similarity -search to find similar images to given image or features. -Fully written in PyTorch.",computer-vision -2204,2020-08-22 17:19:00,Tensorflow Object Detection with Tensorflow 2,Object Detection with Tensorflow 2 and the Tensorflow Object Detection API ,computer-vision -2207,2020-08-23 04:38:45,Rules of Machine Learning: Best Practices for ML Engineering,A basic knowledge of machine learning get the benefit of best practices in machine learning from around Google.,mlops -2214,2020-08-24 11:16:47,vedaseg,vedaseg is an open source semantic segmentation toolbox based on PyTorch.,computer-vision -2215,2020-08-24 11:52:10,vedastr,vedastr is an open source scene text recognition toolbox based on PyTorch.,computer-vision -2218,2020-08-25 13:57:49,CascadeTabNet,"An approach for end-to-end table detection and structure recognition from image-based documents -",computer-vision -2220,2020-08-25 16:13:31,"Table Detection, Information Extraction and Structuring using ML",Table Extraction (TE) is the task of detecting and decomposing table information in a document.,natural-language-processing -2223,2020-08-26 04:21:37,AxCell,Automatic Extraction of Results from Machine Learning Papers,computer-vision -2226,2020-08-27 01:54:16,Hyperparameter Optimization for 🤗 Transformers: A Guide,"Basic grid search is not the most optimal, and in fact, the hyperparameters we choose can have a significant impact on our final model performance.",natural-language-processing -2235,2020-08-27 16:03:12,Shift-Ctrl-F: Semantic Search for the Browser,🔎: Search the information available on a webpage using natural language instead of an exact string match.,natural-language-processing -2238,2020-08-28 01:24:08,Spinning Up in Deep RL (OpenAI),An educational resource to help anyone learn deep reinforcement learning.,other -2239,2020-08-28 07:07:39,An Introduction to Adversarial Examples in Deep Learning,"This report provides an intuitive introduction to adversarial examples, discusses a wide variety of different adversarial attacks and, most notably, provides ad",computer-vision -2242,2020-08-29 08:10:21,Deep dive into ROI layer in Object Detection Models,In this blog post we will implement in torch ROI Pool and ROI Align models from scratch.,computer-vision -2245,2020-08-30 02:51:07,On the Bottleneck of Graph Neural Networks and its Implications,The mechanism of propagating information between neighbors creates a bottleneck when every node aggregates messages from its neighbors.,other -2247,2020-08-30 11:48:19,Unsupervised Keyphrase Extraction,Learn about unsupervised algorithms for automatically extracting representative keyword and phrases from documents,natural-language-processing -2251,2020-08-31 10:05:12,Practical AI: Using NLP word embeddings to solve localization ,"Using NLP word vectors (word2vec, glove, etc) in a novel way to solve the problem of localization in edtech.",natural-language-processing -2252,2020-08-31 23:40:26,Explore then Execute,Adapting without Rewards via Factorized Meta-Reinforcement Learning,other -2255,2020-09-01 04:49:38,"Tensorflow, Pytorch, Transformer, Fastai, etc. Tutorials","BERT Classification, Question Answering, Seq2Seq Machine Translation, Contextual Topic Modeling, Large Scale Multilabelclassification, etc",natural-language-processing -2258,2020-09-02 09:05:08,Graph Convolutions for dummies,An article explaining Graph Convolutional Networks as simply as possible.,other -2259,2020-09-02 23:08:03,ECCV 2020: Some Highlights,A sort of a snapshot of the conference by summarizing some papers (& listing some) that grabbed my attention.,computer-vision -2260,2020-09-02 23:13:20,CVPR 2020: A Snapshot,A snapshot of the conference by summarizing some papers (& listing some) that grabbed my attention.,computer-vision -2263,2020-09-03 23:05:32,TTT: Fine-tuning Transformers with TPUs or GPUs acceleration,"TTT is short for a package for fine-tuning 🤗 Transformers with TPUs, written in Tensorflow2.0+.",natural-language-processing -2264,2020-09-04 01:24:22,MushroomRL,Python library for Reinforcement Learning.,other -2267,2020-09-04 02:50:39,What Is MLOps?,"Machine learning operations, MLOps, are best practices for businesses to run AI successfully with help from an expanding software products and cloud services.",mlops -2268,2020-09-05 01:06:07,NLP Course | For You,This is an extension to the (ML for) Natural Language Processing course I teach at the Yandex School of Data Analysis (YSDA) since fall 2018. ,natural-language-processing -2269,2020-09-05 01:09:06,Learning to Summarize with Human Feedback,Human feedback models outperform much larger supervised models and reference summaries on TL;DR,natural-language-processing -2273,2020-09-05 18:22:44,ONNX Transformers,Accelerated NLP pipelines for fast inference 🚀 on CPU. Built with 🤗 Transformers and ONNX runtime.,natural-language-processing -2275,2020-09-06 07:26:21,hugdatafast: huggingface/nlp + fastai,The elegant integration of huggingface/nlp and fastai2 and handy transforms using pure huggingface/nlp ,natural-language-processing -2280,2020-09-06 18:59:46,Top 10 Deep Learning Breakthroughs — Deep Reinforcement Learning,The article unravels the journey behind reaching the point when Reinforcement Learning combined with Deep Learning defeated a Go player world champion.,other -2283,2020-09-07 07:13:04,Data analysis made easy: Text2Code for Jupyter notebook,A jupyter notebook extension for Text2Code for basic pandas and plotly commands,natural-language-processing -2284,2020-09-07 10:42:32,electra_pytorch: ELECTRA in PyTorch (fastai + huggingface),Unofficial reimplementation of ,natural-language-processing -2285,2020-09-07 13:36:55,Images of radio boxes,I have collected about 15+k raw images of radio boxes across 500+ forms and hand-picked 200+ images that can be used to determine if a radio box is checked.,computer-vision -2287,2020-09-07 20:56:51,omega|ml - building and deploying ML models the easy way,Deploying ML is hard. It should not be. omega|ml makes it a breeze.,mlops -2290,2020-09-09 00:16:32,Fine-tune a non-English GPT-2 Model with Huggingface," In this tutorial, we are going to use the transformers library by Huggingface. We will use the new Trainer class and fine-tune out GPT-2 model.",natural-language-processing -2294,2020-09-09 16:14:37,Getting started with large-scale ETL jobs using Dask and AWS EMR,"EMR is AWS’s distributed data platform, which we can interact with and submit jobs to from a JupyterLab notebook running on our local machine.",mlops -2295,2020-09-09 16:36:45,How to Create a Cartoonizer with TensorFlow Lite?,An end-to-end tutorial on how to convert to TensorFlow Lite (TFLite) model and deploy it to an Android app for cartoonizing an image captured by camera.,computer-vision -2296,2020-09-10 01:15:57,How to Test Machine Learning Code and Systems,"🚦 Minimal examples of testing machine learning for correct implementation, expected learned behaviour, and model performance. - -",mlops -2298,2020-09-11 00:02:10,torchCDE,Differentiable controlled differential equation solvers for PyTorch with GPU support and memory-efficient adjoint backpropagation.,other -2299,2020-09-11 00:07:11,Latent graph neural networks: Manifold learning 2.0?,Parallels between recent works on latent graph learning and older techniques of manifold learning.,other -2300,2020-09-11 00:11:14,Real Python Recommendation Engine,A full stack data science project that performs document similarity on RealPython.com content. Content recommendations are implemented via a Chrome extension.,natural-language-processing -2304,2020-09-11 17:54:04,Graph Neural Networks,A descriptive guide for Graph Neural Networks.,other -2317,2020-09-14 05:32:45,End-to-end Object Detection in TensorFlow Lite,"This project shows how to train a custom detection model with the TFOD API, optimize it with TFLite, and perform inference with the optimized model.",computer-vision -2318,2020-09-14 11:55:33,Jepto - Digital Marketing Analytics,KPI Prediction and Anomaly Detection of digital marketing data for both technical and non-technical marketers and business owners.,other -2319,2020-09-14 19:21:33,Cartoonizer with TensorFlow.js,An app to turn your photos into cartoon-styled images 🎨 within your browsers using White-box Cartoonization GAN.,computer-vision -2325,2020-09-16 13:43:20,Implementing Content-Based Image Retrieval with Siamese Networks,"With content-based image retrieval, we refer to the task of finding images containing attributes which are not in the image metadata, but in its visual content.",computer-vision -2326,2020-09-17 00:18:51,NLP for Developers: Multilingual NLP | Rasa,"In this video, Rasa Developer Advocate Rachael will talk about common approaches to handle language input in more than one language.",natural-language-processing -2327,2020-09-17 15:36:45,Paint with Machine Learning,This web app allows you to create a landscape painting in the style of Bob Ross using a deep learning model served using a Spell model server.,computer-vision -2328,2020-09-17 16:04:29,Distilling Knowledge in Neural Networks,This project demonstrates the compelling model optimization technique - knowledge distillation with code walkthroughs in TensorFlow. ,computer-vision -2332,2020-09-18 08:49:55,Recurrent Neural Networks: building GRU cells VS LSTM cells ,What are the advantages of RNN’s over transformers? When to use GRU’s over LSTM? What are the equations of GRU really mean? How to build a GRU cell in Pytorch?,natural-language-processing -2341,2020-09-20 00:34:03,PyTorch Forecasting,Time series forecasting with PyTorch.,other -2342,2020-09-20 03:24:58,Norfair,Lightweight Python library for adding real-time 2D object tracking to any detector.,computer-vision -2344,2020-09-21 00:20:00,Labelai,"Labelai is an online tool designed to label images, useful for training AI models.",computer-vision -2345,2020-09-21 00:26:02,Remo,🐰 Python lib for remo - the app for annotations and images management in Computer Vision.,computer-vision -2348,2020-09-21 23:47:06,Layered Neural Rendering for Retiming People in Video,Manipulating and editing the time in which different motions of individuals in the video occur.,computer-vision -2351,2020-09-22 03:42:58,Simple Transformers: Transformers Made Easy,Simple Transformers removes complexity and lets you get down to what matters – model training and experimenting with the Transformer model architectures.,natural-language-processing -2353,2020-09-22 13:04:04,TF Geometric,Efficient and Friendly Graph Neural Network Library for TensorFlow 1.x and 2.x.,other -2356,2020-09-23 04:56:15,"Part 2: Deep Representations, a way towards neural style transfer",A top-down approach to conceiving neural style transfer,computer-vision -2357,2020-09-23 10:27:15,Sudoku Solver,Solving Sudoku by extracting the puzzle from photo using Computer Vision and OCR and solving it.,computer-vision -2360,2020-09-23 13:56:29,"3D Face: Fast, Accurate and Stable Reconstruction","This work extends the previous work 3DDFA, named 3DDFA_V2, titled Towards Fast, Accurate and Stable 3D Dense Face Alignment, accepted by ECCV 2020. ",computer-vision -2368,2020-09-25 07:47:27,TableQA,AI tool for querying natural language on tabular data like csvs and other dataframes.,natural-language-processing -2369,2020-09-25 15:44:08,GP-GAN: Towards Realistic High-Resolution Image Blending,Blending composite images using a generative model and a Gaussian-Poisson equation with a Laplacian Pyramid,computer-vision -2371,2020-09-25 18:10:13,From Research to Production with Deep Semi-Supervised Learning,Semi-Supervised Learning (SSL) has blossomed in the deep learning research community — we share lessons learned over 15 months of taking SSL into production.,mlops -2372,2020-09-25 18:39:59, A spaced repetition app for keeping your reinforcement learning,We aim to keep your reinforcement learning knowledge fresh by periodically reminding you of concepts making you a master of RL knowledge!!,other -2373,2020-09-25 22:41:22,GraphNorm,A Principled Approach to Accelerating Graph Neural Network Training.,other -2384,2020-09-27 08:42:46,Intro to Facebook Prophet,Everything you need to know when starting out with Facebook’s time series forecasting tool,other -2387,2020-09-27 14:22:51,GitHub Actions for Machine Learning,This presentation discusses the use of GitHub Actions to automate certain steps of a toy ML project. ,mlops -2388,2020-09-27 22:09:32,SemTorch,Different deep learning architectures definitions that can be applied to image segmentation.,computer-vision -2389,2020-09-28 05:34:15,bingoset - CLI tool to create image dataset.,CLI Toolkit to quickly create an image dataset using Bing Image Search API.,computer-vision -2395,2020-09-28 22:51:23,Python caching in GitHub Actions,How to speed up slow Python builds in GitHub Actions with effective caching.,mlops -2396,2020-09-29 00:36:12,EfficientDet meets Pytorch Lightning,Beginner friendly guide to object detection using EfficientDet.,computer-vision -2397,2020-09-29 02:15:46,Optimizing MobileDet for Mobile Deployments,Learn about the criticalities of effectively optimizing MobileDet object detectors for mobile deployments.,computer-vision -2402,2020-09-30 22:11:07,Adapting Text Augmentation to Industry Problems,"In this post I will talk about the recent advances in exploiting language models for data generation and also show how, where we can implement them in Industry.",natural-language-processing -2404,2020-09-30 22:22:07,12 Factors of Reproducible Machine Learning in Production,We took our experience to deduce 12 factors (as a nod to the 12 factor app) that build the backbone of successful ML in production.,mlops -2410,2020-10-01 13:42:23,Serving PyTorch models in production with the Amazon SageMaker,TorchServe is now natively supported in Amazon SageMaker as the default model server for PyTorch inference. ,mlops -2411,2020-10-01 14:55:12,How to Make Sense of the Reinforcement Learning Agents?,What and Why I Log During Training and Debug?,other -2412,2020-10-01 18:50:05,Introduction to 3D Medical Imaging: Preprocessing & Augmentations,"Learn how to apply 3D transformations for medical image preprocessing and augmentation, to setup your awesome deep learning pipeline.",computer-vision -2415,2020-10-01 23:55:36,Explainable ML Monitoring,"The video covers an overview of some of the risks of AI, the need for explainable monitoring, and what exactly we mean when we talk about it.",mlops -2417,2020-10-02 09:44:25,Parallelizing Prophet Cross-Validation with Dask,Applied Example w/ Code,other -2418,2020-10-02 10:16:17,Top Research Papers from the ECML-PKDD 2020 Conference,ECML-PKDD -> selectionof the best reaesch papers,other -2419,2020-10-02 15:37:27,GANs in Computer Vision Free Ebook / Article-series,This free ebook/article-series follows the chronological order of 20 peer-reviewed highly-cited papers as they presented in a series of 6 articles.,computer-vision -2422,2020-10-02 21:48:21,Pattern-Exploiting Training (PET),"This repository contains the code for ""Exploiting Cloze Questions for Few-Shot Text Classification and Natural Language Inference""",natural-language-processing -2423,2020-10-03 20:27:36,Imaginaire,NVIDIA PyTorch GAN library with distributed and mixed precision support.,computer-vision -2430,2020-10-05 10:09:28,Transection: Transformers for English to Chinese Translation 基于t,Tutorials on how to fine-tune a BART based transformer for English to Chinese translation.,natural-language-processing -2431,2020-10-05 12:36:02,A Survey of the State of Explainable AI for NLP,Overview of the operations and explainability techniques currently available for generating explanations for NLP model predictions.,natural-language-processing -2432,2020-10-05 13:09:58,Topic Modeling with BERT,Leveraging 🤗 Transformers and a class-based TF-IDF to create dense clusters allowing for easily interpretable topics. ,natural-language-processing -2434,2020-10-06 02:13:01,OpenMMLab Computer Vision,"MMCV is a python library for CV research and supports many research projects such as object detection, segmentation, pose estimation, action classification. - -",computer-vision -2436,2020-10-06 13:29:44,Machine Learning Methods Explained (+ Examples),Most common techniques used in data science projects; get to know them through easy-to-understand examples and put them into practice in your own ML projects!,other -2437,2020-10-06 14:53:39,Rasoee,"A powerful web and mobile application that identifies food dishes from a given input image, and provides an ingredient list along with relevant recipes.",computer-vision diff --git a/datasets/holdout.csv b/datasets/holdout.csv deleted file mode 100644 index 32f42268..00000000 --- a/datasets/holdout.csv +++ /dev/null @@ -1,208 +0,0 @@ -id,created_on,title,description,tag -19,2020-03-03 13:54:31,Diffusion to Vector,Reference implementation of Diffusion2Vec (Complenet 2018) built on Gensim and NetworkX. ,other -26,2020-03-07 23:11:58,Graph Wavelet Neural Network,"A PyTorch implementation of ""Graph Wavelet Neural Network"" (ICLR 2019) ",other -44,2020-03-08 00:32:58,Capsule Graph Neural Network,"A PyTorch implementation of ""Capsule Graph Neural Network"" (ICLR 2019).",other -80,2020-03-20 05:59:32,NeRF: Neural Radiance Fields,Representing scenes as neural radiance fields for view synthesis.,computer-vision -84,2020-03-20 15:18:43,Mention Classifier,"Category prediction model -This repo contains AllenNLP model for prediction of Named Entity categories by its mentions.",natural-language-processing -107,2020-03-21 23:09:03,Plant Fruit Classifier,Building a world-class image classifier model with a custom dataset.,computer-vision -126,2020-03-25 15:05:27,Unet Implementation is Keras with GPU,Vector Map generation from aerial imagery using deep learning GeoSpatial UNET,computer-vision -130,2020-03-25 16:55:31,Gymnast Pose Analysis,"Pose modelling for gymnasts using open-pose and open-cv. -",computer-vision -131,2020-03-25 17:00:54,EfficientDet: Scalable and Efficient Object Detection,Implementation EfficientDet: Scalable and Efficient Object Detection in PyTorch.,computer-vision -136,2020-03-26 17:22:36,Finetune: Scikit-learn Style Model Finetuning for NLP,Finetune is a library that allows users to leverage state-of-the-art pretrained NLP models for a wide variety of downstream tasks.,natural-language-processing -141,2020-03-28 17:41:42,First Order Motion Model for Image Animation,Generating a video sequence so that an object in a source image is animated according to the motion of a driving video.,computer-vision -142,2020-03-28 17:49:20,TorchIO: Medical Image Processing in Deep Learning and PyTorch,Tools for medical image processing in deep learning and PyTorch,computer-vision -144,2020-03-29 18:23:06,Finetuning Transformers with JAX + Haiku,"Walking through a port of the RoBERTa pre-trained model to JAX + Haiku, then fine-tuning the model to solve a downstream task.",natural-language-processing -218,2020-04-06 11:29:57,Distributional RL using TensorFlow2,🐳 Implementation of various Distributional Reinforcement Learning Algorithms using TensorFlow2.,other -220,2020-04-06 15:19:59,Module 2: Convolutional Neural Networks - CS231n ,In Lecture 5 we move from fully-connected neural networks to convolutional neural networks.,computer-vision -249,2020-04-06 19:20:12,makesense.ai,Free to use online tool for labelling photos.,computer-vision -264,2020-04-06 21:33:32,The Unreasonable Effectiveness of Recurrent Neural Networks,A close look at how RNNs are able to perform so well.,natural-language-processing -268,2020-04-06 21:51:55,A Gentle Introduction to Text Summarization in Machine Learning,Text summarization is the technique for generating a concise and precise summary of voluminous texts while focusing on the sections that convey useful info.,natural-language-processing -285,2020-04-07 03:45:03,A (Long) Peek into Reinforcement Learning,"In this post, we are gonna briefly go over the field of Reinforcement Learning (RL), from fundamental concepts to classic algorithms.",other -305,2020-04-07 20:00:37,Question Answering with a Fine-Tuned BERT,What does it mean for BERT to achieve “human-level performance on Question Answering”?,natural-language-processing -314,2020-04-08 00:06:21,The Autonomous Learning Library,A PyTorch library for building deep reinforcement learning agents.,other -317,2020-04-08 00:14:27,COCO Annotator,"✏️ Web-based image segmentation tool for object detection, localization and key points.",computer-vision -328,2020-04-08 14:29:22,ProteinGCN: Protein model quality assessment using GCNs,Source code for the paper: ProteinGCN: Protein model quality assessment using Graph Convolutional Networks.,other -344,2020-04-08 16:11:28,Tokenizers,💥Fast State-of-the-Art Tokenizers optimized for Research and Production.,natural-language-processing -353,2020-04-08 17:08:41,Keras OCR,A packaged and flexible version of the CRAFT text detector and Keras CRNN recognition model. ,computer-vision -384,2020-04-08 21:22:25,Visualizing Memorization in RNNs,Inspecting gradient magnitudes in context can be a powerful tool to see when recurrent units use short-term or long-term contextual understanding.,natural-language-processing -407,2020-04-08 23:00:02,AllenNLP,"An open-source NLP research library, built on PyTorch.",natural-language-processing -410,2020-04-08 23:09:15,Frameworks for Machine Learning Model Management,This blog post will follow up by comparing three different tools developed to support reproducible machine learning model development.,mlops -414,2020-04-08 23:18:04,TensorBoard.dev ,"Easily host, track, and share your ML experiments for free.",mlops -415,2020-04-08 23:21:13,BertViz,"Tool for visualizing attention in the Transformer model (BERT, GPT-2, Albert, XLNet, RoBERTa, CTRL, etc.)",natural-language-processing -426,2020-04-09 16:37:10,The Transformer Family,"This post presents how the vanilla Transformer can be improved for longer-term attention span, less memory and computation consumption, RL task solving, etc.",natural-language-processing -437,2020-04-10 17:14:11,Pruning Bert to Accelerate Inference,"After previously discussing various ways of accelerating models like BERT, in this blog post we empirically evaluate the pruning approach.",natural-language-processing -438,2020-04-10 17:26:39,Compressing Bert for Faster Prediction,"In this blog post, we discuss ways to make huge models like BERT smaller and faster. ",natural-language-processing -451,2020-04-10 20:10:28,Evaluation Metrics for Language Modeling,"In this article, we will focus on traditional intrinsic metrics that are extremely useful during the process of training the language model itself. ",natural-language-processing -454,2020-04-10 20:27:12,All The Ways You Can Compress BERT,In this post I’ll list and briefly taxonomize all the papers I’ve seen compressing BERT. ,natural-language-processing -458,2020-04-10 20:58:41,"Limitations of Deep Learning for Vision, and How We Might Fix The",This is an opinion paper about the strengths and weaknesses of Deep Nets for vision.,computer-vision -487,2020-04-14 21:15:35,Face Alignment in Full Pose Range: A 3D Total Solution,Face Alignment in Full Pose Range: A 3D Total Solution.,computer-vision -488,2020-04-14 21:21:51,V2V-PoseNet Pytorch,PyTorch implementation of V2V-PoseNet with IntegralPose/PoseFix loss.,computer-vision -496,2020-04-14 23:14:59,Fast- Neural Style,Pytorch implementation of an algorithm for artistic style transfer. ,computer-vision -497,2020-04-14 23:21:16,Torchvision Object Detection Finetuning Tutorial,Finetuning a pre-trained Mask R-CNN model in the Penn-Fudan Database for Pedestrian Detection and Segmentation.,computer-vision -559,2020-04-16 16:18:26,Creating an End-to-End Machine Learning Application,"A complete, end-to-end ML application, implemented in both TensorFlow 2.0 and PyTorch.",mlops -561,2020-04-16 16:27:31,How Docker Can Help You Become A More Effective Data Scientist,A look at Docker from the perspective of a data scientist.,mlops -569,2020-04-18 13:32:36,An Introduction to Transfer Learning and HuggingFace,In this talk I'll start by introducing the recent breakthroughs in NLP that resulted from the combination of Transfer Learning schemes and Transformer architect,natural-language-processing -570,2020-04-19 17:40:48,Introduction to Image Inpainting With Deep Learning,"In this article, we are going to learn how to do “image inpainting”, i.e. fill in missing parts of images precisely using deep learning.",computer-vision -579,2020-04-20 00:53:19,Transfer Learning & Fine-Tuning With Keras,Your 100% up-to-date guide to transfer learning & fine-tuning with Keras.,computer-vision -582,2020-04-20 21:38:50,CS285: Deep Reinforcement Learning,"A course on deep reinforcement learning, transfer and multi-task learning.",other -594,2020-04-21 23:25:53,TorchServe & TorchElastic PyTorch Libraries for Serving/Training,The officially supported way to deploy and manage models with PyTorch.,mlops -600,2020-04-22 17:37:25,Building a Simple Chatbot from Scratch in Python (using NLTK),A look at retrieval based and generative conversational AI for creating chatbots.,natural-language-processing -612,2020-04-23 13:56:46,Implementing DCGANs using PyTorch C++ API (Libtorch),"The blog discusses the paper review of DCGANs and implementation using PyTorch C++ API in detail. From loading models to visualizing batch of the data, in C++! ",computer-vision -620,2020-04-23 17:26:26,ELECTRA ,"Explaining the new self-supervised task for language representation learning, ELECTRA which uses ""replace token detection"".",natural-language-processing -624,2020-04-24 00:42:41,How to Train a New Language Model From Scratch Using Transformers,"In this post we’ll demo how to train a “small” model (84 M parameters = 6 layers, 768 hidden size, 12 attention heads).",natural-language-processing -629,2020-04-24 05:01:26,ARIMA Modeling - Guide to Time Series Forecasting in Python,"How ARIMA models works . How to train and forecast using ARIMA, SARIMA, SARIMAX and find the optimal model with Python",other -649,2020-04-28 03:42:29,Spektral,Graph Neural Networks with Keras and Tensorflow 2.,other -666,2020-04-29 12:10:43,AIDeveloper,"GUI-based software for training, evaluating and applying deep neural nets for image classification ",computer-vision -671,2020-04-29 23:22:43,MedCAT - Medical Concept Annotation Tool,A tool used to extract information from Electronic Health Records (EHRs) and link it to biomedical ontologies like SNOMED-CT and UMLS.,natural-language-processing -681,2020-05-01 16:25:34,The AI Economist,Improving Equality and Productivity with AI-Driven Tax Policies,other -684,2020-05-01 16:48:19,WT5?! Training Text-to-Text Models to Explain their Predictions,We leverage the text-to-text framework proposed by Raffel et al.(2019) to train language models to output a natural text explanation alongside their prediction.,natural-language-processing -689,2020-05-01 17:51:53,Ensemble Forecasts ,"Time series forecasting using classical methods (ETS, Holt-Winter's, SARIMA) and Prophet. I show and discuss advantages of Ensemble Forecast",other -703,2020-05-04 05:09:59,Implementing Graph Neural Networks with JAX,I’ll talk about my experience on how to build and train Graph Neural Networks (GNNs) with JAX.,other -705,2020-05-04 14:13:13,Deep Learning With Graph-Structured Representations,Novel approaches based on the theme of structuring the representations and computations of neural network-based models in the form of a graph.,other -706,2020-05-04 14:18:58,GNNExplainer: Generating Explanations for Graph Neural Networks,General tool for explaining predictions made by graph neural networks (GNNs).,other -710,2020-05-05 04:01:24,Differential Subspace Search in High-Dimensional Latent Space,"Differential subspace search to allow efficient iterative user exploration in such a space, without relying on domain- or data-specific assumptions.",computer-vision -723,2020-05-05 19:45:50,DeepWay: Autonomous navigation for blind.,I have tried to make something which can be used by blind people to navigate around the streets. Have a look at the video and GitHub repo for details.,computer-vision -737,2020-05-06 18:06:04,Nature-Scene Classification using FASTAI,Classifying Nature-scene images using deep learning with fastai library,computer-vision -738,2020-05-06 20:33:00,Machine-Learning-Single-Layer-Multiclass-Perceptron,Implemented a Single Layer Perceptron and applied it on the MNIST dataset for multi-class classification using NumPy.,computer-vision -780,2020-05-08 12:06:30,Med7 - clinical natural language processing for EHR,"Med7 is a transferable clinical natural language processing model for electronic health records, compatible with spaCy, for named-entity recognition task",natural-language-processing -784,2020-05-08 14:59:08,Haystack — Neural Question Answering At Scale,Scaling Question Answering models to find answers in large document stores via retriever and reader approach.,natural-language-processing -785,2020-05-08 17:13:36,SimCLR in TensorFlow 2,(Minimally) implements SimCLR (https://arxiv.org/abs/2002.05709) in TensorFlow 2.,computer-vision -787,2020-05-08 18:15:56,Semantic Cord19 Paper Explorer,Semantic research paper explorer to search Research Papers in COVID and CoronaVirus. Can be easily modified to any Research Paper Database,natural-language-processing -807,2020-05-11 02:25:51,Introduction to Machine Learning Problem Framing,This course helps you frame machine learning (ML) problems.,mlops -834,2020-05-13 04:36:33,TailorGAN: Making User-Defined Fashion Designs,Generate a photo-realistic image which combines the texture from reference A and the new attribute from reference B.,computer-vision -843,2020-05-13 14:49:21,T5 fine-tuning,A colab notebook to showcase how to fine-tune T5 model on various NLP tasks (especially non text-2-text tasks with text-2-text approach),natural-language-processing -854,2020-05-14 12:05:20,ASAP: Pooling for Graph Neural Network (AAAI 2020),ASAP is a sparse and differentiable pooling method that addresses the limitations of previous graph pooling layers.,other -878,2020-05-16 05:27:56,Exploratory Data Analysis on MS COCO Style Datasets,A Simple Toolkit to do exploratory data analysis on MS COCO style formatted datasets.,computer-vision -898,2020-05-17 05:11:22,Single-Stage Semantic Segmentation from Image Labels,"We attain competitive results by training a single network model -for segmentation in a self-supervised fashion using only -image-level annotations",computer-vision -906,2020-05-18 14:50:45,NLPAug,Data augmentation for NLP,natural-language-processing -916,2020-05-19 08:11:05,Get Subreddit Suggestions for a Post,"Trained on 4M Reddit posts from 4k Subreddits. End-to-end ML pipeline built with fasttext and FastAPI, deployed to Valohai.",natural-language-processing -917,2020-05-19 13:45:03,Transfer Learning In NLP,A brief history of Transfer Learning In NLP,natural-language-processing -919,2020-05-20 02:29:48,IntelliCode Compose: Code Generation Using Transformer,"Code completion tool which is capable of predicting sequences of code tokens of arbitrary types, generating up to entire lines of syntactically correct code.",natural-language-processing -943,2020-05-22 06:27:43,Transfer Learning in NLP with Tensorflow Hub and Keras,Learn how to integrate and finetune tensorflow-hub modules in Tensorflow 2.0,natural-language-processing -946,2020-05-22 07:57:14,Replicating Airbnb's Amenity Detection (documentary series),Airbnb's engineering team shared an article on how they used computer vision to detection amenities in photos. It read like a recipe so I replicated it.,computer-vision -965,2020-05-24 08:14:30,GANs in Computer Vision : An article review series ,"An article series where we review the most important research papers on GANs from 2015 to today. 6 articles, 20 papers, 20000 words",computer-vision -991,2020-05-27 05:09:20,NLP Viewer 🤗,A simple website for browsing popular NLP datasets.,natural-language-processing -999,2020-05-28 03:32:05,MediaPipe,"Simplest way for researchers and developers to build world-class ML solutions and applications for mobile, edge, cloud and the web. ",computer-vision -1011,2020-05-29 02:57:44,ML in Production - Deployment Series,"A multi-part blog series on deploying machine learning models in an automated, reproducible, and auditable manner.",mlops -1019,2020-05-29 08:14:05,Visual Object Tracking using Adaptive Correlation Filters,This article gives step by step tutorial with code on understanding MOSSE tracking algorithm,computer-vision -1032,2020-05-29 14:50:28,Pix2Pix with Tf-js,"Implementation of web friendly ML models using TensorFlow.js. pix2pix, face segmentation, fast style transfer and many more ...",computer-vision -1056,2020-05-30 09:08:31,Font Recognition Using Deep Learning - DeepFont ( Adobe ),DeepFont Paper is a technique created by Adobe.Inc to detect font from images using deep learning . They published their work as a paper for the public .,computer-vision -1078,2020-05-31 05:04:44,Building Footprint Extraction,The project retrieves satellite imagery from Google and performs building footprint extraction using a U-Net. ,computer-vision -1114,2020-06-01 21:00:24,Reinforcement Learning in JAX,"Implementation of interesting Deep Reinforcement Learning Algorithms using JAX based libraries (flax, haiku and rlax) As of now tasks come from OpenAI gym",other -1155,2020-06-03 15:22:11,GaborNet,Modified network architecture that focuses on improving convergence and reducing training complexity.,computer-vision -1159,2020-06-03 18:17:01,Learning To Classify Images Without Labels,A two-step approach where feature learning and clustering are decoupled.,computer-vision -1167,2020-06-04 03:58:21,From Pre-trained Word Embeddings to Pre-trained Language Models,from Static Word Embedding to Dynamic (Contextualized) Word Embedding.,natural-language-processing -1172,2020-06-04 07:01:13,Converting images to TF Records,A Colab Notebook showing how to convert an image dataset (for classification) to TF Records and more.,computer-vision -1266,2020-06-09 16:09:08,Text Classification using Bert from Tensorflow-Hub,This Tutorial helps to learn about Bert Models for Classification task on a #Tweet dataset.,natural-language-processing -1286,2020-06-10 17:24:19,Exploring Knowledge Captured in Probability of Strings,An exploration of simple knowledge captured by language models with code examples,natural-language-processing -1363,2020-06-13 13:46:44,Short Notes on Batch Constrained Deep Reinforcement Learning,Blog article on Off-Policy Deep Reinforcement Learning without Exploration paper by Fujimoto et al. (ICML 2019),other -1426,2020-06-15 02:34:27,From GRU to Transformer,How recurrent units and self-attention are related to each other.,natural-language-processing -1430,2020-06-15 04:24:12,Melanoma Classification,This was Shubhamai 3-week project for working a new kaggle competition and deploying a web application to predicting benign or malignant based on images.,computer-vision -1434,2020-06-15 07:52:13,Universal Sentence Encoder Visually Explained,A deep-dive into how Universal Sentence Encoder learns to generate fixed-length sentence embeddings,natural-language-processing -1445,2020-06-15 17:49:16,Image Smoothing via L0 Gradient Minimization,This is a edge-aware image smoothing algorithm. This algorithm tries to smoothen the image while preserving the global structural information of the image. ,computer-vision -1450,2020-06-15 21:00:47,BERT NLP — How To Build a Question Answering Bot,Understanding the intuition with hands-on PyTorch code for BERT fine-tuned on SQuAD.,natural-language-processing -1451,2020-06-16 01:21:09,EfficientDet (PyTorch),A PyTorch implementation of EfficientDet faithful to the original Google implementation with ported weights.,computer-vision -1459,2020-06-16 03:06:10,SuperGlue: Learning Feature Matching with Graph Neural Networks,"SuperGlue, a neural network that matches two sets of local features by jointly finding correspondences and rejecting non-matchable points.",other -1462,2020-06-16 03:28:40,Open Compound Domain Adaptation,"Pytorch implementation for ""Open Compound Domain Adaptation""",computer-vision -1485,2020-06-17 16:33:50,Sudoku-Game-Solver,This is a Computer Vision Application that solves a 9x9 sudoku board game using Deep Learning and Backtracking algorithm.,computer-vision -1488,2020-06-17 19:27:36,Smart Picture Editor,Tool to automatically remove unwanted objects from photos,computer-vision -1494,2020-06-18 00:14:40,Object Goal Navigation using Goal-oriented Semantic Exploration,Embodied interactive learning for object detection by using semantic curiosity to learn an exploration policy on set of the training environments.,computer-vision -1501,2020-06-18 18:17:18,Traffic-Sign-Recognition-Using-Deep-Learning,"The training dataset contains around 39,000 images while test dataset contains around 12,000 images containing 43 different classes. We will be using Convolutio",computer-vision -1508,2020-06-19 06:43:47,Long Form Question Answering with ELI5,A model for open domain long form question answering.,natural-language-processing -1511,2020-06-19 06:54:23,RepNet - Class Agnostic Video Repetition Counting in the Wild,Counting Out Time: Class Agnostic Video Repetition Counting in the Wild,computer-vision -1515,2020-06-19 16:37:10,"Cut, Paste and Learn: Surprisingly Easy Synthesis for Detection",Generate synthetic scenes and bounding box annotations for object detection.,computer-vision -1524,2020-06-20 10:42:25,Machine Learning Projects ,"This Repo contains projects done by me while learning the basics. All the familiar types of regression, classification, and clustering methods have been used.",natural-language-processing -1540,2020-06-21 13:03:19,codeBERT - Masked Language Model for source code ,Tutorial to use codeBERT a MLM for Python code. Model trained from scratch using roBERTa,natural-language-processing -1588,2020-06-24 03:29:51,Multi-task Training with Hugging Face Transformers and NLP, A recipe for multi-task training with Transformers' Trainer and NLP datasets.,natural-language-processing -1600,2020-06-25 00:45:26,BERT Distillation with Catalyst,How to distill BERT with Catalyst.,natural-language-processing -1628,2020-06-28 06:12:20,Deep Reinforcement Learning Amidst Lifelong Non-Stationarity,"How can robots learn in changing, open-world environments? We introduce dynamic-parameter MDPs, to capture environments with persistent, unobserved changes. ",other -1654,2020-06-30 03:58:46,3D Detection and Domain Adaptation,1st Place Solution for Waymo Open Dataset Challenge,computer-vision -1659,2020-07-01 02:26:20,Evaluation of Text Generation: A Survey,Evaluation methods of natural language generation (NLG) and language modeling.,natural-language-processing -1661,2020-07-01 06:42:59,SpineNet: A Novel Architecture for Object Detection,"A meta architecture called a scale-permuted model that enables two major improvements on backbone architecture design,iscovered with neural architecture search.",computer-vision -1665,2020-07-01 07:17:48,BERTology Meets Biology,Interpreting Attention in Protein Language Models.,natural-language-processing -1681,2020-07-03 04:02:52,A Survey on Deep Learning for Localization and Mapping,Towards the Age of Spatial Machine Intelligence,computer-vision -1685,2020-07-03 04:12:28,Text Data Cleanup - Dynamic Embedding Visualisation,Identify noisy text in a Machine Translation dataset through dynamic text embedding visualisation.,natural-language-processing -1689,2020-07-03 04:29:04,Offline Reinforcement Learning,"Challenges, algorithms and benchmarks.",other -1692,2020-07-03 04:42:45,Low-Dimensional Hyperbolic Knowledge Graph Embeddings,Low-dimensional knowledge graph embeddings that simultaneously capture hierarchical relations and logical patterns.,other -1703,2020-07-04 09:22:50,Awesome Deep RL,This project is built for people who are learning and researching on the latest deep reinforcement learning methods.,other -1709,2020-07-05 05:25:34,Anti-Patterns in NLP (8 types of NLP idiots),A talk which discusses the recurring industrial problems in making NLP solutions. ,natural-language-processing -1715,2020-07-06 18:25:16,Image Classifier,Pure JavaScript Image Classifier,computer-vision -1717,2020-07-07 04:09:35,TaBERT,Pretraining for Joint Understanding of Textual and Tabular Data,natural-language-processing -1719,2020-07-07 04:17:11,Texthero,"Text preprocessing, representation and visualization from zero to hero.",natural-language-processing -1743,2020-07-09 01:51:41,How to Benchmark Models with Transformers,HuggingFace's Transformer library allows users to benchmark models for both TensorFlow 2 and PyTorch using the PyTorchBenchmark and TensorFlowBenchmark classes.,natural-language-processing -1756,2020-07-10 02:53:13,Linear Attention Transformer,A fully featured Transformer that mixes (QKᵀ)V local attention with Q(KᵀV) global attention (scales linearly with respect to sequence length).,natural-language-processing -1770,2020-07-11 05:12:49,imgaug,"Image augmentation for machine learning experiments. - -",computer-vision -1779,2020-07-11 05:48:03,All Models and checkpoints - Hugging Face,"Massive (and growing) collection of NLP models are nearly any NLP tasks, especially those involving the use of transformers.",natural-language-processing -1799,2020-07-11 06:49:38,FlashText,"Extract Keywords from sentence or Replace keywords in sentences. - -",natural-language-processing -1804,2020-07-11 07:04:25,Text Preprocessing in Python using spaCy library,"In this article, we have explored Text Preprocessing in Python using spaCy library in detail. This is the fundamental step to prepare data for applications.",natural-language-processing -1805,2020-07-11 07:12:32,Segmentation Models,"Segmentation models with pretrained backbones. Keras and TensorFlow Keras. - -",computer-vision -1825,2020-07-11 08:43:20,MLflow: A Machine Learning Lifecycle Platform,Open source platform for the machine learning lifecycle.,mlops -1827,2020-07-11 08:56:02,token2index,"A lightweight but powerful library to build token indices for NLP tasks, compatible with major Deep Learning frameworks like PyTorch and Tensorflow.",natural-language-processing -1853,2020-07-13 20:23:32,The Transformer Neural Network Architecture Explained,"⚙️ It is time to explain how Transformers work. If you are looking for an easy explanation, you are exactly right!",natural-language-processing -1858,2020-07-14 03:30:14,QSVM,Quantum SVM for sentiment analysis,natural-language-processing -1866,2020-07-14 22:58:15,PYthon Automated Term Extraction,"Term extraction algorithms such as C-Value, Basic, Combo Basic, Weirdness and Term Extractor using spaCy POS tagging.",natural-language-processing -1870,2020-07-15 20:38:36,Interpretability and Analysis of Models for NLP,An in-depth look at interpretability and analysis of models for NLP (ACL 2020).,natural-language-processing -1888,2020-07-17 16:53:37,Monitoring Machine Learning Models in Production,Once you have deployed your machine learning model to production it rapidly becomes apparent that the work is not over.,mlops -1901,2020-07-19 08:31:43,Quora Question Pair Similarity,"Identify which questions asked on Quora are duplicates of questions that have already been asked. Using Text features, classifying them as duplicates or not. - -",natural-language-processing -1905,2020-07-19 14:51:57,PyTorch CNN Trainer,A simple package to fine-tune CNNs from torchvision and Pytorch Image models by Ross Wightman.,computer-vision -1934,2020-07-21 01:47:01,Graphein,Protein Graph Library,other -1935,2020-07-21 04:44:52,Integrated Gradients in TensorFlow 2,"In this tutorial, you will walk through an implementation of IG step-by-step in TensorFlow 2 to understand the pixel feature importances of an image classifier.",computer-vision -1950,2020-07-23 00:42:09,GPT-3: A Hitchhiker's Guide,Post to guide your thinking on GPT-3.,natural-language-processing -1959,2020-07-24 10:00:13,TeachEasy: Web app for Text Summarization & Q/A generation,An intuitive Streamlit based web app for Text Summarization and Question Answer generation so as to reduce the work for School teachers.,natural-language-processing -1961,2020-07-24 10:38:52,Python Template for All Projects,"A template that gives the batteries required to package code, CI checks, auto build and deploy docs, easy PyPi publishing support and docker files.",mlops -1964,2020-07-25 02:52:36,MLOps Tutorial Series,How to create an automatic model training & testing setup using GitHub Actions and Continuous Machine Learning (CML).,mlops -1972,2020-07-27 02:54:19,Evolution of Representations in the Transformer,"The evolution of representations of individual tokens in Transformers trained with different training objectives (MT, LM, MLM - BERT-style).",natural-language-processing -1975,2020-07-27 14:09:26,Ensemble methods for object detection,"In this repository, we provide the code for ensembling the output of object detection models, and applying test-time augmentation for object detection. This lib",computer-vision -1976,2020-07-27 14:12:03,Close-Domain fine-tuning for table detection,"In this project, we show the benefits of using models trained on a close domain, using the TableBank dataset, for fine-tuning table detection models. In additio",computer-vision -1997,2020-07-29 16:13:46,Image Classification by @carrycooldude,Image Classification using TFLite and ImageNet by @carrycooldude,computer-vision -2007,2020-07-30 14:47:39,CLoDSA: A Tool for Augmentation in Computer Vision tasks,"CLoDSA is an open-source image augmentation library for object classification, localization, detection, semantic segmentation and instance segmentation. It supp",computer-vision -2010,2020-07-30 15:00:43,FrImCla: A framework for image classification," -FrImCla is an open-source framework for Image Classification using traditional and deep learning techniques. It supports a wide variety of deep learning and c",computer-vision -2011,2020-07-30 15:02:04,UFOD: A Unified Framework for Object Detection,UFOD is an open-source framework that enables the training and comparison of object detection models on custom datasets using different underlying frameworks an,computer-vision -2023,2020-08-01 14:46:19,Why You Should Do NLP Beyond English,7000+ languages are spoken around the world but NLP research has mostly focused on English. This post outlines why you should work on languages other than Eng.,natural-language-processing -2025,2020-08-01 14:57:11,Haystack — Neural Question Answering At Scale,"🔍 Transformers at scale for question answering & search - -",natural-language-processing -2034,2020-08-03 04:00:29,Finding Similar Documents with Transformers,How transformers can help us distill text documents into points in N-dimensional vector spaces.,natural-language-processing -2040,2020-08-04 18:00:56,A Barebones Image Retrieval System,This project presents a simple framework to retrieve images similar to a query image.,computer-vision -2056,2020-08-06 00:30:49,Fast Sentence Embeddings (fse),Fast Sentence Embeddings is a Python library that serves as an addition to Gensim.,natural-language-processing -2131,2020-08-13 01:39:01,How to Trust Your Deep Learning Code,"We will focus on how to write reusable unit tests, so that you “Don’t repeat yourself”.",mlops -2137,2020-08-13 02:10:03,Unpopular Opinion - Data Scientists Should Be More End-to-End,I believe data scientists can be more effective by being end-to-end.,mlops -2172,2020-08-18 04:12:18,Compression of Deep Learning Models for Text: A Survey,"In this survey, we discuss six different types of methods for compression of such models to enable their deployment in real industry NLP projects.",natural-language-processing -2186,2020-08-18 23:24:41,AI in Medicine and Imaging - Stanford Symposium 2020,Through the AIMI Symposium we hope to address gaps and barriers in the field and catalyze more evidence-based solutions to improve health for all.,computer-vision -2195,2020-08-20 20:45:52,Streamlit Terran Timeline,A face-recognition timeline generator tool for any kind of video!,computer-vision -2199,2020-08-21 08:37:20,How to Set Up Continuous Integration for Machine Learning,How to Set Up Continuous Integration for Machine Learning with Github Actions and Neptune: Step by Step Guide.,mlops -2200,2020-08-21 12:45:54,Bad passwords and the NIST guidelines,"Example project provided by DataCamp. In this project, you will write code that automatically detects and flags the bad passwords.",natural-language-processing -2232,2020-08-27 11:00:34,GenRL,GenRL is a PyTorch-First Reinforcement Learning library centered around reproducible and generalizable algorithm implementations.,other -2246,2020-08-30 06:05:21,Questgen- An NLP library for state-of-the-art Question Generation,"Questgen AI is an opensource, easy to use NLP library for Question generation. It can generate MCQs, Boolean (Yes/No), FAQs and also paraphrase any question. -",natural-language-processing -2250,2020-08-31 09:20:55,Text Data Augmentation with MarianMT,Learn how to use machine translation models in Hugging Face Transformers for data augmentation.,natural-language-processing -2262,2020-09-03 12:10:24,R.U.Stoked,NLP (Sentiment Analysis) project to demonstrate a pipeline of data from the very first stage of data collection through ML model deployment.,natural-language-processing -2266,2020-09-04 01:42:26,Wav2Lip: Accurately Lip-syncing Videos In The Wild,A Lip Sync Expert Is All You Need for Speech to Lip Generation In the Wild,computer-vision -2271,2020-09-05 07:10:06,Latest advancements in video streaming with AI,"AI developments in video streaming using Super-resolution, Per-title encoding, P2P",computer-vision -2289,2020-09-08 04:12:41,ElasticTransformers,Making BERT stretchy. Semantic Elasticsearch with Sentence Transformers.,natural-language-processing -2310,2020-09-12 12:33:20,Image Super-Resolution,In this project we learn how to train a super-resolution model ESPCN on DIV2K dataset to upscale images using AI by 3x,computer-vision -2312,2020-09-12 22:33:56,Codequestion,Ask coding questions directly from the terminal.,natural-language-processing -2336,2020-09-19 08:40:37,G-SimCLR,TensorFlow implementation of G-SimCLR. ,computer-vision -2339,2020-09-19 11:17:48,Neural CDEs for Long Time-Series via the Log-ODE Method,NCDEs for Long Time-Series via the Log-ODE Method.,other -2350,2020-09-22 03:07:29,"Part 1: Deep Representations, a way towards neural style transfer",A top down approach to conceiving neural style transfer,computer-vision -2366,2020-09-25 02:26:00,Help-Me-Read: Text Summarization using Flask and HuggingFace.,"Text summarization, translation and Questions Answers generation using HuggingFace and deployed using Flask, Streamlit. Detailed guide on github. ",natural-language-processing -2367,2020-09-25 07:39:43,Interactive Analysis of Sentence Embeddings,Learn how to interactively explore sentence embedding and labels in Tensorflow Embedding Projector.,natural-language-processing -2390,2020-09-28 05:46:03,mini-pokedex end to end tutorial - Gotta classify 'em all!,"Build a Pokemon image classifier to classify the awesome starters Pikachu, Charmander, Squirtle, and Bulbasaur.",computer-vision -2394,2020-09-28 22:46:36,Why Data Quality is Key to Successful ML Ops,A look at ML Ops and highlight how and why data quality is key to ML Ops workflows.,mlops -2403,2020-09-30 22:15:07,Easy Data Augmentation (EDA),Easy Data Augmentation Techniques for Boosting Performance on Text Classification Tasks,natural-language-processing -2413,2020-10-01 23:50:04,Keeping Data Pipelines healthy w/ Great Expectations GH Actions,"We show you how you can use GitHub Actions together with the open source project Great Expectations to automatically test, document, and profile data pipelines.",mlops -2428,2020-10-05 02:09:23,Efficient Transformers: A Survey,"Characterizes a large and thoughtful selection of recent efficiency-flavored ""X-former"" models.",natural-language-processing -2429,2020-10-05 02:16:34,Meta-learning for Few-shot Natural Language Processing: A Survey,"Clear definitions, progress summary and some common datasets of applying meta-learning to few-shot NLP.",natural-language-processing diff --git a/datasets/projects.csv b/datasets/projects.csv deleted file mode 100644 index ea054f40..00000000 --- a/datasets/projects.csv +++ /dev/null @@ -1,813 +0,0 @@ -id,created_on,title,description -6,2020-02-20 06:43:18,Comparison between YOLO and RCNN on real world videos,Bringing theory to experiment is cool. We can easily train models in colab and find the results in minutes. -7,2020-02-20 06:47:21,"Show, Infer & Tell: Contextual Inference for Creative Captioning","The beauty of the work lies in the way it architects the fundamental idea that humans look at the overall image and then individual pieces of it. -" -9,2020-02-24 16:24:45,Awesome Graph Classification,"A collection of important graph embedding, classification and representation learning papers with implementations." -15,2020-02-28 23:55:26,Awesome Monte Carlo Tree Search,A curated list of Monte Carlo tree search papers with implementations. -25,2020-03-07 23:04:31,AttentionWalk,"A PyTorch Implementation of ""Watch Your Step: Learning Node Embeddings via Graph Attention"" (NeurIPS 2018). " -27,2020-03-07 23:18:15,APPNP and PPNP,"A PyTorch implementation of ""Predict then Propagate: Graph Neural Networks meet Personalized PageRank"" (ICLR 2019). " -28,2020-03-07 23:23:46,Attributed Social Network Embedding,"A sparsity aware and memory efficient implementation of ""Attributed Social Network Embedding"" (TKDE 2018). " -29,2020-03-07 23:45:38,Signed Graph Convolutional Network,"A PyTorch implementation of ""Signed Graph Convolutional Network"" (ICDM 2018). " -45,2020-03-08 00:39:08,SimGNN,"A PyTorch implementation of ""SimGNN: A Neural Network Approach to Fast Graph Similarity Computation"" (WSDM 2019). " -61,2020-03-16 17:35:22,Using JAX to Improve Separable Image Filters,Optimizing the filters to improve the filtered images for computer vision tasks. -65,2020-03-19 18:42:05,Coloring Greyscale Images,Coloring black and white images with neural networks. -67,2020-03-19 19:04:43,Fruit Detection using Convolution Neural Networks in TensorFlow,"Trained a Convolutional Neural Network Model to predict fruits of over 100+ Classes (types) with a training accuracy of over 95%, and testing accuracy of over 9" -73,2020-03-19 23:45:14,Face Verification,Implementation of Siamese Neural network model used for face verification. The dataset used for this task is IMDB-WIKI-face images Dataset. -77,2020-03-20 03:23:27,Sign Language Interpreter using Deep Learning,"A sign language interpreter using live video feed from the camera. The project was completed in 24 hours as part of HackUNT-19, the University of North Texas's " -78,2020-03-20 03:32:09,The Illustrated Self-Supervised Learning,A visual introduction to self-supervised learning methods in Computer Vision -81,2020-03-20 06:07:56,GradCAM for the BreaKHis Dataset,An NBDev package for fine-tuning ResNets to visualize gradient-weighted class activation for the BreaKHis dataset. -85,2020-03-20 17:35:59,Message Passing GNNs C++,C++ implementation using Eigen for the forward pass of Graph Convolutional Neural Networks. -89,2020-03-20 18:17:31,Rethinking Batch Normalization in Transformers,"We found that NLP batch statistics exhibit large variance throughout training, which leads to poor BN performance." -91,2020-03-20 18:30:04,Pytest Board,Continuous pytest runner with awesome visualization. -92,2020-03-20 18:43:50,Image Spam Buster - Kreate Hackathon,"""Spam Buster"" for user generated IMAGE content." -98,2020-03-20 19:16:43,Bachelorette Predictor,Predict the Bachelorette winners from profile images. -99,2020-03-20 21:32:14,Gender Change of People's Face using CycleGAN,CycleGAN architecture in Keras and train the model with CelebA faces dataset to perform gender change on people's faces. -101,2020-03-21 04:19:04,ELECTRA: Pre-training Text Encoders as Discriminators,PyTorch implementation of the electra model from the paper: ELECTRA - Pre-training Text Encoders as Discriminators Rather Than Generators -108,2020-03-21 23:17:38,Tuned ALBERT (ensemble model),Top 6 in Squad 2.0 -109,2020-03-21 23:25:33,iyasai: Book Recommendation System,Recommender system for books and stories that could help you and your loved ones lift up your mood whenever you are facing stress or unpleasant situations. -112,2020-03-21 23:58:46,Learning to See before Learning to Act: Visual Pre-training,We find that pre-training on vision tasks significantly improves generalization and sample efficiency for learning to manipulate objects. -115,2020-03-22 01:26:14,SOLT: Data Augmentation for Deep Learning,"Data augmentation library for Deep Learning, which supports images, segmentation masks, labels and key points." -116,2020-03-22 01:37:27,PCDet: 3D Point Cloud Detection,PCDet Toolbox in PyTorch for 3D Object Detection from Point Cloud -117,2020-03-22 01:47:09,SiamFC++: Towards Robust and Accurate Visual Tracking,"Implementation of a series of basic algorithms which is useful for video understanding, including Single Object Tracking (SOT), Video Object Segmentation (VOS)." -118,2020-03-22 21:46:52,Sinext,Sign language to text with OpenCV and MNIST sign-language dataset -120,2020-03-24 04:38:08,Gliding Vertex on Horizontal Bounding Box for Object Detection,Gliding vertex on the horizontal bounding box for multi-oriented object detection. -121,2020-03-24 04:56:38,Deep Reinforcement Learning in TensorFlow2,deep-rl-tf2 is a repository that implements a variety of polular Deep-RL algorithms using TF2. The key to this repo is an easy to understand code. -122,2020-03-24 17:51:35,Custom Classifier on Top of Bert-like Language Model,Take pre-trained language model and build custom classifier on top of it. -123,2020-03-24 18:20:55,Using Different Decoding Methods for LM with Transformers,A look at different decoding methods for generate subsequent tokens in language modeling. -124,2020-03-24 21:12:12,Unsupervised Toolbox,"Unsupervised learning Tool box : A micro framework for State of the Art Methods and models for unsupervised learning for NLU / NLG -" -128,2020-03-25 15:21:34,Multimodal Brain Tumor Segmentation,Segmentation of gliomas in pre-operative MRI scans. Use the provided clinically-acquired training data to produce segmentation labels. -133,2020-03-25 20:21:26,A Survey of Long-Term Context in Transformers,Over the past two years the NLP community has developed a veritable zoo of methods to combat expensive multi-head self-attention. -137,2020-03-27 14:39:53,Debugging Neural Networks with PyTorch and W&B,A closer look at debugging common issues when training neural networks. -138,2020-03-27 14:50:02,BachGAN: High-Res Image Synthesis from Salient Object Layout,We propose a new task towards more practical application for image generation - high-quality image synthesis from salient object layout. -140,2020-03-28 07:49:03,Visual Paper Summary: ALBERT(A Lite BERT),An illustrated summary of ALBERT paper and how it improves BERT and makes it resource efficient -145,2020-03-30 04:14:44,Controllable Person Image Synthesis with Attribute-Decomposed GAN,"A novel generative model for controllable person image synthesis, which can produce realistic person images with desired human attributes." -147,2020-03-30 05:39:57,Back Translation for Text Augmentation with Google Sheets,Learn how to augment existing labeled text data for free using Google Sheets. -148,2020-03-30 14:13:46,An Illustrated Guide to Graph Neural Networks,A breakdown of the inner workings of GNNs. -150,2020-04-01 08:26:46,The Illustrated FixMatch for Semi-Supervised Learning,Learn how to leverage unlabeled data using FixMatch for semi-supervised learning -152,2020-04-01 15:38:58,A Two-Step Graph Convolutional Decoder for Molecule Generation,A simple auto-encoder framework for molecule generation. -157,2020-04-03 01:56:32,TransMoMo: Invariance-Driven Unsupervised Motion Retargeting,A lightweight video motion retargeting approach that is capable of transferring motion of a person in a source video realistically to another video of a target -158,2020-04-03 04:41:07,Tracking Objects as Points,Simultaneous object detection and tracking using center points. -159,2020-04-03 14:57:11,Drifter-ML,A machine learning testing framework for sklearn and pandas. The goal is to help folks assess whether things have changed over time. -162,2020-04-03 20:17:50,Natural Language Processing News,Get the highlights from Natural Language Processing & Machine Learning research & industry straight to your inbox every month. -163,2020-04-03 20:21:13,NLP Newsletter,"Democratizing Artificial Intelligence Research, Education, and Technologies." -168,2020-04-04 17:54:28,Self-Supervised Scene De-occlusion,"We investigate the problem of scene de-occlusion, which aims to recover the underlying occlusion ordering and complete the invisible parts of occluded objects." -173,2020-04-05 03:00:05,Design Patterns for Production NLP Systems,Designs and tips for designing NLP production systems. -181,2020-04-05 14:56:34,Talking-Heads Attention,"A variation on multi-head attention which includes linear projections across the attention-heads dimension, immediately before and after the softmax operation." -183,2020-04-05 17:50:10,What does a CNN see?,First super clean notebook showcasing @TensorFlow 2.0. An example of end-to-end DL with interpretability. -219,2020-04-06 14:10:22,Natural Language Processing: Pretraining - d2l,"An interactive deep learning book with code, math, and discussions, based on the NumPy interface." -224,2020-04-06 16:48:44,Understanding Convolutional Neural Networks for NLP,More recently we’ve also started to apply CNNs to problems in Natural Language Processing and gotten some interesting results. -234,2020-04-06 17:42:52,An Overview of Semantic Image Segmentation,Image segmentation is a computer vision task in which we label specific regions of an image according to what's being shown. -237,2020-04-06 18:02:48,Common Architectures in Convolutional Neural Networks,"In this post, I'll discuss commonly used architectures for convolutional networks. " -238,2020-04-06 18:37:33,Googletrans,Googletrans: Free and Unlimited Google translate API for Python. Translates totally free of charge. -239,2020-04-06 18:39:48,Prophet: Forecasting At Scale,Tool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth. -250,2020-04-06 19:24:06,Doccano,Open source text annotation tool for machine learning practitioner. -251,2020-04-06 19:28:58,BRAT: Rapid Annotation Tool,BRAT (brat rapid annotation tool) is based on the stav visualiser which was originally made in order to visualise BioNLP'11 Shared Task data. -252,2020-04-06 20:23:46,Word Embeddings,This tutorial introduces word embeddings. It contains complete code to train word embeddings from scratch on a small dataset. -253,2020-04-06 20:26:27,On Word Embeddings,This post presents the most well-known models for learning word embeddings based on language modeling. -254,2020-04-06 20:28:43,NLP for Developers: Word Embeddings | Rasa,"In this video, Rasa Developer Advocate Rachael will talk about what word embeddings are, how they work, when they're used and some common errors. " -255,2020-04-06 20:30:27,NLP for Developers: Transformers | Rasa,"In this video, Rasa Developer Advocate Rachael will talk about what transformers are, how they work, when they're used and some common errors. " -256,2020-04-06 20:42:05,A Visual Guide to Using BERT for the First Time,Tutorial for how to use a variant of BERT to classify sentences. -257,2020-04-06 20:45:45,The Illustrated GPT-2 (Visualizing Transformer Language Models),Visuals explaining the inner-workings of transformers. -259,2020-04-06 20:51:58,The Illustrated Word2vec,"In this post, we’ll go over the concept of embedding, and the mechanics of generating embeddings with word2vec. " -260,2020-04-06 20:55:32,"The Illustrated BERT, ELMo, and co.",How NLP cracked transfer learning. -261,2020-04-06 21:00:34,The Illustrated Transformer,"In this post, we will look at The Transformer – a model that uses attention to boost the speed with which these models can be trained." -262,2020-04-06 21:11:40,Visualizing A Neural Machine Translation Model,Mechanics of seq2seq models with attention. -269,2020-04-06 22:46:54,Attention Mechanism,"Main concepts behind Attention, including an implementation of a sequence-to-sequence Attention model, followed by the application of Attention in Transformers." -270,2020-04-06 22:50:30,Attention? Attention!,"In this post, we are gonna look into how attention was invented, and various attention mechanisms and models, such as transformer and SNAIL." -271,2020-04-06 22:58:47,The Annotated Transformer,In this post I present an “annotated” version of the paper in the form of a line-by-line implementation. -272,2020-04-06 23:38:26,The Annotated GPT-2,GPT-2 explained with visualization and PyTorch code. -273,2020-04-06 23:41:52,Transformers - Hugging Face,🤗 Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch. -277,2020-04-07 00:30:33,Curriculum for Reinforcement Learning,"Curriculum learning applied to reinforcement learning, with a few exceptions of supervised learning." -278,2020-04-07 00:34:46,Self-Supervised Representation Learning,What if we can get labels for free for unlabelled data and train unsupervised dataset in a supervised manner? -279,2020-04-07 00:36:55,Evolution Strategies,Evolutionary algorithms refer to a division of population-based optimization algorithms inspired by natural selection. -280,2020-04-07 00:38:25,Meta Reinforcement Learning,Explore cases when we try to “meta-learn” Reinforcement Learning (RL) tasks by developing an agent that can solve unseen tasks fast and efficiently. -281,2020-04-07 00:40:59,Generalized Language Models,Trend in large unsupervised pre-trained language models which have achieved amazing SOTA results on a variety of language tasks. -284,2020-04-07 00:57:12,Policy Gradient Algorithms,"In this post, we are going to look deep into policy gradient, why it works, and many new policy gradient algorithms proposed in recent years." -286,2020-04-07 03:49:15,Object Detection for Dummies,"We will go through several basic concepts, algorithms, and popular deep learning models for image processing and object detection." -287,2020-04-07 03:59:53,Learning Word Embedding,This post introduces several models for learning word embedding and how their loss functions are designed for the purpose. -290,2020-04-07 13:38:36,GANSpace: Discovering Interpretable GAN Controls,This paper describes a simple technique to analyze Generative Adversarial Networks (GANs) and create interpretable controls for image synthesis. -291,2020-04-07 14:07:59,Kornia: Differentiable Computer Vision Library for PyTorch,Set of routines and differentiable modules to solve generic computer vision problems. -294,2020-04-07 15:36:13,PyTorch Geometric ,Geometric deep learning extension library for PyTorch. -295,2020-04-07 15:40:00,DGL: Deep Graph Library,"Python package built to ease deep learning on graph, on top of existing DL frameworks. " -306,2020-04-07 20:07:28,BERT Research - Key Concepts & Sources,Video series on BERT's key concepts and sources. -307,2020-04-07 20:11:29,GLUE Explained: Understanding BERT Through Benchmarks,In this post we take a look at an important NLP benchmark used to evaluate BERT and other transfer learning models! -308,2020-04-07 23:22:18,TinyBERT,TinyBERT is 7.5x smaller and 9.4x faster on inference than BERT-base and achieves competitive performances in the tasks of natural language understanding. -313,2020-04-08 00:02:27,NVIDIA Neural Modules: NeMo,A toolkit for conversational AI. -315,2020-04-08 00:10:21,VoTT: Visual Object Tagging Tool,An electron app for building end to end Object Detection Models from Images and Videos. -316,2020-04-08 00:12:26,Clinical BERT,Repository for Publicly Available Clinical BERT Embeddings -318,2020-04-08 00:16:55,Computer Vision Annotation Tool (CVAT),"Free, online, interactive video and image annotation tool for computer vision." -319,2020-04-08 00:19:04,LabelImg,🖍️ A graphical image annotation tool and label object bounding boxes in images. -327,2020-04-08 14:16:28,How to Steal Modern NLP Systems with Gibberish?,"It’s possible to steal BERT-based models without any real training data, even using gibberish word sequences." -334,2020-04-08 15:04:28,BioWordVec & BioSentVec,Pre-trained embeddings for biomedical words and sentences -335,2020-04-08 15:07:44,BioBERT: a pre-trained biomedical language representation model ,"Code for fine-tuning BioBERT for biomedical text mining tasks such as biomedical NER, relation extraction, QA, etc." -341,2020-04-08 15:42:56,How to Unit Test Machine Learning Code,Wouldn’t suck to have to throw away perfectly good ideas because our implementations were buggy? -343,2020-04-08 15:52:19,Machine Learning Systems Design,Designing a machine learning system. -345,2020-04-08 16:14:23,HMTL: Hierarchical Multi-Task Learning,🌊 A State-of-the-Art neural network model for several NLP tasks based on PyTorch and AllenNLP -347,2020-04-08 16:26:05,The State of Transfer Learning in NLP,This post expands on the NAACL 2019 tutorial on Transfer Learning in NLP. It highlights key insights and takeaways and provides updates based on recent work. -349,2020-04-08 16:35:52,The Dark Secrets of BERT,How much of the linguistically interpretable self-attention patterns that are presumed to be its strength are actually used to solve downstream tasks? -364,2020-04-08 17:53:15,Named Entity Recognition Tagging,"In this post, we go through an example from Natural Language Processing, in which we learn how to load text data and perform NER tagging for each token." -372,2020-04-08 18:22:46,An introduction to Q-Learning: Reinforcement Learning,Q-Learning algorithm along with an implementation in Python using Numpy. -378,2020-04-08 19:37:57,Ray,Ray is a fast and simple framework for building and running distributed applications. -380,2020-04-08 21:05:06,Graph Nets,"PyTorch Implementation and Explanation of Graph Representation Learning papers involving DeepWalk, GCN, GraphSAGE, ChebNet & GAT." -388,2020-04-08 21:36:39,ConvNet Playground,An interactive visualization for exploring Convolutional Neural Networks applied to the task of semantic image search. -392,2020-04-08 21:53:06,Embedding Projector,"Visualization of high dimensional data, namely embeddings." -395,2020-04-08 22:12:24,Word2Viz: Explore Word Analogies,Interactive visualization of word analogies in GloVe. -397,2020-04-08 22:17:06,Image-to-Image Translation with Conditional Adversarial Networks,Tensorflow port of Image-to-Image Translation with Conditional Adversarial Nets -401,2020-04-08 22:29:09,"Quick, Draw",Can a neural network learn to recognize doodling? -403,2020-04-08 22:44:04,A 2019 Guide to Speech Synthesis with Deep Learning,A look at recent deep learning based speech synthesis research and techniques. -408,2020-04-08 23:03:13,FlashTorch,Visualization toolkit for neural networks in PyTorch -411,2020-04-08 23:11:09,W&B: Weights and Biases,Track model training at scale. -419,2020-04-09 00:41:03,Text Feature Selection for Causal Inference,"Identifying the linguistic features that cause people to act a certain way after reading a text, regardless of confounding variables, is something people do." -423,2020-04-09 00:57:49,3D Ken Burns Effect from a Single Image,Implementation of 3D Ken Burns Effect from a Single Image using PyTorch. -424,2020-04-09 01:02:59,Sparse Sinkhorn Attention,A new efficient and sparse method for learning to attend based on differentiable sorting of internal representations. -425,2020-04-09 01:41:48,Backtester,A backtesting framework for timeseries data. -427,2020-04-09 18:57:01,An Overview of Early Vision in InceptionV1,"A guided tour of the first five layers of InceptionV1, -taxonomized into “neuron groups.”" -428,2020-04-10 04:57:53,AiLight: Automatic Highlighting Using BERT,"Automatically highlight pdfs using BERT embeddings and clustering. -https://anishthite.github.io/ailight" -430,2020-04-10 15:28:43,Controlling Text Generation with Plug and Play Language Models,"This article discusses an alternative approach to controlled text generation, titled the Plug and Play Language Model (PPLM)." -431,2020-04-10 15:35:00,Genomic ULMFiT,ULMFiT for Genomic Sequence Data -432,2020-04-10 15:39:29,Self-Supervised Learning and Computer Vision,"So, what do you do if there are no pre-trained models in your domain? " -434,2020-04-10 15:51:52,scispaCy,A full spaCy pipeline and models for scientific/biomedical documents. -439,2020-04-10 17:33:38,Universal Adversarial Triggers for Attacking and Analyzing NLP,We create short phrases that cause a specific model prediction when concatenated to 𝘢𝘯𝘺 input from a dataset. -440,2020-04-10 17:39:19,lazynlp,Library to scrape and clean web pages to create massive datasets. -443,2020-04-10 17:51:39,AllenNLP Interpret,A Framework for Explaining Predictions of NLP Models -445,2020-04-10 18:00:50,Natural Language Processing With spaCy in Python,A comprehensive guide to NLP with spaCy. -446,2020-04-10 18:45:15,Tips for Successfully Training Transformers on Small Datasets,It turns out that you can easily train transformers on small datasets when you use tricks (and have the patience to train a very long time). -448,2020-04-10 19:14:59,🦄 How to build a SOTA Conversational AI with Transfer Learning,Train a dialog agent leveraging transfer Learning from an OpenAI GPT and GPT-2 Transformer language model. -452,2020-04-10 20:18:20,CS224n: Natural Language Processing with Deep Learning,"In this course, students will gain a thorough introduction to cutting-edge research in Deep Learning for NLP." -453,2020-04-10 20:23:21,CS231n: Convolutional Neural Networks for Visual Recognition,"Deep dive into details of the deep learning architectures with a focus on learning end-to-end models for these tasks, particularly image classification." -455,2020-04-10 20:31:09,Illustrated: Self-Attention,Step-by-step guide to self-attention with illustrations and code. -459,2020-04-10 21:05:32,Beyond the Pixel Plane: Sensing and Learning in 3d,Recent deep learning techniques that enable 3D object classification and semantic segmentation. -462,2020-04-11 16:52:35,A Visual Guide to Self-Labelling Images,A self-supervised method to generate labels via simultaneous clustering and representation learning -465,2020-04-13 02:18:51,3D Photography using Context-aware Layered Depth Inpainting,A multi-layer representation for novel view synthesis that contains hallucinated color and depth structures in regions occluded in the original view. -466,2020-04-13 18:48:40,Tokenizers: How Machines Read,A survey of different tokenization strategies in NLP. -467,2020-04-13 19:43:35,Practical Text Classification With Python and Keras,You will get a grasp of current advancements of (deep) neural networks and how they can be applied to text. -468,2020-04-13 19:45:46,Text Classification With Torchtext,This example shows how to train a supervised learning algorithm for classification using one of these TextClassification datasets. -469,2020-04-13 21:17:44,Understanding Text With Bert,Building a machine reading comprehension system using the latest advances in deep learning for NLP. -470,2020-04-13 21:38:20,Transfer Learning with T5: the Text-To-Text Transfer Transformer,"In the paper, we demonstrate how to achieve state-of-the-art results on multiple NLP tasks using a text-to-text transformer pre-trained on a large text corpus." -471,2020-04-13 21:48:48,Building a COVID-19 Project Recommendation System,"How to create a GitHub open source repo recommendation system web app with MLflow, Sagemaker, and Booklet.ai." -473,2020-04-13 22:33:21,Neural Machine Translation With Attention,This notebook trains a sequence to sequence (seq2seq) model for Spanish to English translation. -474,2020-04-13 22:48:49,PyTorch Tutorial for Deep Learning Researchers,This repository provides tutorial code for deep learning researchers to learn PyTorch. -476,2020-04-14 00:40:10,Show and Tell: A Neural Image Caption Generator,A TensorFlow implementation of the image-to-text model. -477,2020-04-14 01:46:32,SimpleGAN,A Tensorflow-based framework to ease the training of generative models -478,2020-04-14 02:41:43,Semantic Segmentation on MIT ADE20K dataset in PyTorch,Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset. -480,2020-04-14 03:46:09,ViLBERT-MT: Multi-Task Vision & Language Representation Learning,A single ViLBERT Multi-Task model can perform 8 different vision and language tasks learnt from 12 datasets! -481,2020-04-14 03:50:18,Training an Image Classifier in PyTorch,"Torchvision, that has data loaders for common datasets such as Imagenet, CIFAR10, MNIST, etc. and data transformers for images, vizualization and data loaders." -482,2020-04-14 17:28:37,A Visual Exploration of DeepCluster,DeepCluster is a self-supervised method to combine clustering and representation learning -486,2020-04-14 20:12:43,A 2019 guide to Human Pose Estimation with Deep Learning,The basics of Human Pose Estimation (2D) and review the literature on this topic. -489,2020-04-14 22:22:40,"Deep Learning Based Super Resolution, Without Using a GAN","Techniques and training a deep learning model for image improvement, image restoration, inpainting and super resolution." -490,2020-04-14 22:35:21,U-Net Deep Learning Colorization of Greyscale Images,This article describes experiments training a neural network to generate 3 channel colour images from single channel greyscale images using deep learning. -491,2020-04-14 22:38:54,Deep Learning for Image Super-resolution: A Survey,This article aims to provide a comprehensive survey on recent advances of image super-resolution using deep learning approaches. -492,2020-04-14 22:41:52,Second-order Attention Network for Single Image Super-resolution,We propose a second-order attention network (SAN) for more powerful feature expression and feature correlation learning. -493,2020-04-14 22:52:49,DeepSORT: Deep Learning to Track Custom Objects in a Video,A look at deep learning based approached for object tracking. -494,2020-04-14 22:59:56,Fast Online Object Tracking and Segmentation: A Unifying Approach,We illustrate how to perform both realtime object tracking and semi-supervised video object segmentation using a fully-convolutional Siamese approach. -495,2020-04-14 23:10:48,Neural Style Transfer,This tutorial uses deep learning to compose one image in the style of another image (ever wish you could paint like Picasso or Van Gogh?). -499,2020-04-14 23:34:32,Deep Learning for Videos: A 2018 Guide to Action Recognition,"In this post, I summarize the literature on action recognition from videos. " -501,2020-04-15 15:20:56,Shakespeare Meets Google's Flax,Application of RNNs in Flax: Character-Level Language Model. -505,2020-04-15 15:59:30,"Anomaly detection with Keras, TensorFlow, and Deep Learning",Perform anomaly detection in your own image datasets using deep learning. -507,2020-04-15 16:12:41,Almost Everything You Need to Know About Time Series,"Understand moving average, exponential smoothing, stationarity, autocorrelation, SARIMA, and more." -508,2020-04-15 16:29:08,STEFANN: Scene Text Editor using Font Adaptive Neural Network,A generalized method for realistic modification of textual content present in a scene image. ⭐️ Accepted in CVPR 2020. -509,2020-04-15 16:34:04,Time Series Prediction with LSTM Using PyTorch,Time series applied to forecasting on the Airplane Passengers Dataset. -513,2020-04-15 17:05:36,lda2vec: Tools for interpreting natural language,The lda2vec model tries to mix the best parts of word2vec and LDA into a single framework. -516,2020-04-15 17:21:53,Deep Learning for Object Detection: A Comprehensive Review,"A closer look at Tensorflow’s object detection models: Faster R-CNN, R-FCN, and SSD." -517,2020-04-15 17:31:22,An Intuitive Guide to Deep Network Architectures,"Intuition behind base network architectures like MobileNets, Inception, and ResNet." -529,2020-04-15 19:39:24,Real-Time Voice Cloning,Clone a voice in 5 seconds to generate arbitrary speech in real-time. Code for Transfer Learning from Speaker Verification to Multispeaker Text-To-Speech. -549,2020-04-16 03:48:35,15 Best Tools for Tracking Machine Learning Experiments,A feature comparison of all the open-source and commercial options for experiment tracking. -550,2020-04-16 08:14:50,Cycle GAN in TensorFlow 2.0 with Custom Loops,"Implementation of ""Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks"" by Jun-Yan Zhu et al. " -552,2020-04-16 10:13:12,Holopix50k: A Large-Scale In-the-wild Stereo Image Dataset,The largest dataset of in-the-wild stereo image pairs (50K) crowd-sourced from the Holopix lightfield image-sharing social network. -558,2020-04-16 15:49:29,PyTorch Notebooks,🔥A collection of PyTorch notebooks for learning and practicing deep learning -564,2020-04-17 13:16:09,Optimize your ML models,Learn to use optimize your custom image classification models (built-in tf.keras) using TensorFlow Lite and gain 10x reduction in model's size. -566,2020-04-17 21:57:35,Machine learning deserves its own flavor of Continuous Delivery,"When traveling in the data science world, I'm homesick for a smooth continuous delivery flow. My thoughts on approachable CD4ML." -574,2020-04-20 00:23:44,The Abstraction and Reasoning Corpus (ARC),"Can a computer learn complex, abstract tasks from just a few examples? ARC can be used to measure a human-like form of general fluid intelligence." -580,2020-04-20 00:57:03,GitHub Actions & Machine Learning Workflows with Hamel Husain," In this talk, Hamel will provide a brief tutorial on GitHub Actions, and will show you how you can use this new tool to automate your ML workflows." -581,2020-04-20 01:01:38,How To Create Semantic Search For Arbitrary Objects,An end-to-end example of how to build a system that can search objects semantically. By Hamel Husain & Ho-Hsiang Wu -598,2020-04-22 16:33:59,The Future of (Transfer Learning in) Natural Language Processing,"Transfer Learning in Natural Language Processing (NLP): Open questions, current trends, limits, and future directions." -599,2020-04-22 16:43:13,MONAI,AI Toolkit for Healthcare Imaging. -601,2020-04-22 17:41:06,How I Used Deep Learning To Train A Chatbot To Talk Like Me,Facebook chatbot that I trained to talk like me using Seq2Seq. -602,2020-04-23 00:36:02,DialoGPT: Toward Human-Quality Conversational Response Generation,Large-scale pre-training for dialogue. -605,2020-04-23 03:59:57,Upside Down Reinforcement Learning,Implementation of UDRL as outlined by Juergen Schmidhuber in https://arxiv.org/abs/1912.02875 -608,2020-04-23 12:52:02,PyImageSearch,An online platform of blogs on Computer Vision and Deep Learning. -619,2020-04-23 16:55:27,Implementing Portrait Bokeh Mode using OpenCV and NumPy (Python),"Do you love the portrait mode in your smartphone? This code will help you do the same using OpenCV and NumPy! Detects the faces, asks if you want to blur them!" -621,2020-04-23 18:17:12,MixNMatch,Multifactor Disentanglement and Encoding for Conditional Image Generation -622,2020-04-23 21:40:09,MT-Clinical BERT,Scaling Clinical Information Extraction with Multitask Learning -623,2020-04-24 00:30:02,medaCy,🏥 Medical Text Mining and Information Extraction with spaCy -632,2020-04-24 11:37:13,Lagrangian Neural Networks,"Trying to learn a simulation? Try Lagrangian Neural Networks, which explicitly conserve energy and may generalize better!" -639,2020-04-24 20:51:18,ML Foundations and Methods for Precision Medicine and Healthcare,"This tutorial will discuss ideas from machine learning that enable personalization (useful for applications in education, retail, medicine and recsys)." -643,2020-04-26 04:34:02,Albert-base for Sanskrit,Trained Albert-base from scratch on Sanskrit corpus of Wikipedia. I have also added a link to how to train your own Language model from scratch. -644,2020-04-26 05:42:37,Adversarial Latent Autoencoders,"Introducing the Adversarial Latent Autoencoder (ALAE), a general architecture that can leverage recent improvements on GAN training procedures." -652,2020-04-28 15:14:00,Optimal Transport and the Sinkhorn Transformer,Understand optimal transport and the Sinkhorn-Knopp algorithm before diving into the Sinkhorn Transformer. -653,2020-04-28 16:20:29,Semantic Graphs for Generating Deep Questions,"Deep Question Generation (DQG), which aims to generate complex questions that require reasoning over multiple pieces of information of the input passage. " -658,2020-04-28 21:34:00,Gutenberg Dialog,Build a dialog dataset from online books in many languages. -661,2020-04-29 02:41:24,Better NLP project,This is a wrapper program/library that encapsulates a couple of NLP libraries that are popular among the AI and ML communities. -663,2020-04-29 04:42:16,Recipes for building an open-domain chatbot,"Python framework for sharing, training and testing dialogue models, from open-domain chitchat to VQA (Visual Question Answering)." -665,2020-04-29 10:46:20,Object-detection with multi-template matching,"This python package allows to perform object detection using one or a few template images, it provides a simpler alternative to deep-learning methods" -667,2020-04-29 18:34:28,No Trump Social Chrome Plugin,An AI-driven Browser Extension to Replace Trump Pics with Puppies! -670,2020-04-29 19:35:22,Attribute2Font: Creating Fonts You Want From Attributes,Official PyTorch implementation of the Attribute2Font: Creating Fonts You Want From Attributes. -674,2020-04-30 17:52:55,YOLOv4: Optimal Speed and Accuracy of Object Detection,A minimal implementation of YOLOv4. -679,2020-05-01 16:17:32,Geometric and Relational Deep Learning,Videos from emerging fields of Graph Representation Learning and Geometric Deep Learning. -683,2020-05-01 16:35:06,TAPAS: Weakly Supervised Table Parsing via Pre-training,Using neural networks to find answers in tables. -686,2020-05-01 16:59:48,Jukebox: A Generative Model for Music,"We’re introducing Jukebox, a neural net that generates music, including rudimentary singing, as raw audio in a variety of genres and artist styles. " -687,2020-05-01 17:17:48,Exploratory Data Analysis of Time Series,"Exploratory Data Analysis of Time Series data in Python. It uses lot of the principles and concepts discussed in Prof. Hyndman's book. The focus is on understa -" -688,2020-05-01 17:47:40,Gotchas of Transfer Learning for Image Classification,Discover the things you should care about while doing transfer learning for image classification. -693,2020-05-02 05:05:44,SciTLDR: Extreme Summarization of Scientific Documents,A new automatic summarization task with high source compression requiring expert background knowledge and complex language understanding. -694,2020-05-02 15:29:06,BLINK: Better entity LINKing,Entity Linking python library that uses Wikipedia as the target knowledge base. -695,2020-05-02 21:33:31,Five Cool Python Libraries for Data Science,Python is a best friend for the majority of the Data Scientists. Libraries make their life simpler. I have come across five cool Python libraries while working -700,2020-05-03 13:49:29,Fastai2 Vision Module,A detailed guide to using fastai2 Datablock API for common computer vision tasks -702,2020-05-03 20:19:10,Unsupervised Question Decomposition for Question Answering,"Decompose hard (multi-hop) questions into several, easier (single-hop) questions using unsupervised learning, and get better accuracy on multi-hop QA." -704,2020-05-04 11:58:27,Training Batch Norm and Only Batch Norm,Experiments with the ideas presented in https://arxiv.org/abs/2003.00152 by Frankle et al. -707,2020-05-05 03:36:50,The Big Bad NLP Database,A collection of 400+ NLP datasets with papers included. -708,2020-05-05 03:51:53,POINTER: Constrained Text Generation,Constrained Text Generation via Insertion-based Generative Pre-training -712,2020-05-05 05:55:46,Covid-19: A-Geo-Statistical-Analysis,Analysis with the time series data available for various countries. -713,2020-05-05 07:13:49,Cognito : Data wrangling toolkit,Cognito is an exclusive python data preprocessing library and command-line utility that helps any developer to transform raw data into a machine-learning format -717,2020-05-05 14:46:57,Synthesizer: Rethinking Self-Attention in Transformer Models,The dot product self-attention is known to be central and indispensable to state-of-the-art Transformer models. But is it really required? -726,2020-05-06 01:10:55,ConvNets-TensorFlow2,Implementing a variety of popular and important CNN architectures -732,2020-05-06 04:20:43,StellarGraph - Machine Learning on Graphs,"State-of-the-art algorithms for graph machine learning, making it easy to discover patterns and answer questions about graph-structured data." -733,2020-05-06 04:30:47,LandCover.ai,"Dataset for automatic mapping of buildings, woodlands and water from aerial imagery." -734,2020-05-06 04:33:15,Generating SOAP Notes from Doctor-Patient Conversations,Evaluate complete pipelines for leveraging these transcripts to train machine learning model to generate these notes. -741,2020-05-07 01:15:12,Zero-shot Neural Retrieval via Domain-targeted Synthetic Queries,Zero-shot learning for ad-hoc retrieval models that relies on synthetic query generation. -778,2020-05-07 21:28:34,Harry Potter and the Deep Learning Experiment,RNN built with TensorFlow to generate text based on Harry Potter's books. -783,2020-05-08 14:44:04,NeuralCook — Image2Ingredients and Cooking Recommendation,"Deep learning application to identify ingredients from cooking dishes images and recommend dishes to cook, given a set of ingredients." -788,2020-05-09 04:12:10,NER model for 40 languages trained with the new TFTrainer,This model is a fine-tuned XLM-Roberta-base over the 40 languages proposed in XTREME from Wikiann. -791,2020-05-09 14:30:08,Pose Animator,Takes a 2D vector illustration and animates its containing curves in real-time based on the recognition result from PoseNet and FaceMesh. -792,2020-05-09 16:59:54,A Commit History of BERT and its Forks,What a commit history of version-controlled research papers could look like? -795,2020-05-10 04:51:17,U^2-Net,"The code for our newly accepted paper in Pattern Recognition 2020: ""U^2-Net: Going Deeper with Nested U-Structure for Salient Object Detection.""" -796,2020-05-10 05:08:27,Age and Gender Estimation using Multi-Task CNN,Used a multi task CNN to predict the age group and gender of the person in the image. -797,2020-05-10 15:31:27,Data augmentation recipes in tf.keras image-based models,Learn about different ways of doing data augmentation when training an image classifier in tf.keras. -799,2020-05-11 00:40:49,Injecting Inductive Bias in Graph Neural Networks (MIT talk),Equivariant Mesh Neural Networks and Neural Augmented (Factor) Graph Neural Networks. -800,2020-05-11 00:44:10,Feature Stores for ML,List of production ML groups and their open-source feature store architectures. -803,2020-05-11 02:13:32,Image Semantic Segmentation of UAV mining area based on Deeplabv3,"Data: UAV mining area image -Tools: PyTorch -Frame: Deeplabv3 -Semantic Segmentation " -820,2020-05-11 14:19:18,A Comprehensive Survey on Graph Neural Networks,A Comprehensive Survey on Graph Neural Networks. -821,2020-05-11 15:03:57,Hidden Technical Debt in Machine Learning Systems,"Using the software engineering framework of technical debt, we find it is common to incur massive ongoing maintenance costs in real-world ML systems. " -822,2020-05-11 15:10:09,In-Domain GAN Inversion for Real Image Editing,"We propose an in-domain GAN inversion method, which faithfully reconstructs the input image but also ensures the inverted code to be semantically meaningful." -825,2020-05-11 23:07:39,Neural Networks for NLP (CMU CS 11-747),"This class will start with a brief overview of neural networks, then spend the majority of the class demonstrating how to apply neural networks to language." -826,2020-05-12 03:02:02,DANet PyTorch,A Pytorch implementation of Dual Attention Network for Scene Segmentation -828,2020-05-12 05:04:58,BART version of closed-book QA,"This is a BART version of sequence-to-sequence model for open-domain QA in a closed-book setup, based on PyTorch and Huggingface's Transformers." -829,2020-05-12 05:07:35,Unsupervised Reinforcement Learning,Lecture on unsupervised reinforcement learning by Sergey Levine. Originally prepared for AAMAS 2020. -831,2020-05-13 02:24:24,CCNet_PyTorch,A PyTorch Implementation of CCNet: Criss-Cross Attention for Semantic Segmentation -832,2020-05-13 04:22:09,Image segmentation in 2020,"Architectures, Losses, Datasets, and Frameworks" -833,2020-05-13 04:27:08,Plan2Explore: Plan to Explore via Self-Supervised World Models,A self-supervised reinforcement learning agent that tackles task-specific and the sample efficiency challenges. -835,2020-05-13 04:39:31,Toward Better Storylines with Sentence-Level Language Models,We propose a sentence-level language model which selects the next sentence in a story from a finite set of fluent alternatives. -836,2020-05-13 04:43:57,Epipolar Transformers,"Differentiable ""epipolar transformer"", which enables the 2D detector to leverage 3D-aware features to improve 2D pose estimation." -840,2020-05-13 05:03:33,Machine Learning on Graphs: A Model and Comprehensive Taxonomy,We propose a simple framework (GraphEDM) and a comprehensive Taxonomy to review and unify several graph representation learning methods. -841,2020-05-13 05:10:58,BLEURT: Learning Robust Metrics for Text Generation,A metric for Natural Language Generation based on transfer learning. -842,2020-05-13 13:20:07,Identifying Brain Tumor from MRI images using FastAI -DynamicUnet,"To use FASTAI unet learner to identify tumours from MRI of Brain, logging loss metrics in Neptune AI logger and compare the results after hyperparameter tuning." -847,2020-05-13 22:53:36,HuggingTweets,Tweet Generation with Huggingface. -849,2020-05-13 22:59:38,Top Down Introduction to BERT with HuggingFace and PyTorch,I will also provide some intuition into how BERT works with a top down approach (applications to algorithm). -850,2020-05-13 23:02:29,Transformers from Scratch,"Attempt to explain directly how modern transformers work, and why, without some of the historical baggage." -852,2020-05-14 07:11:26,Scene Classification using Pytorch and Fast.ai,The objective is to classify Multi-label images using deep learning. Here I have used Fast.ai library for implementing the model. -855,2020-05-14 12:32:20,Fake new detection Pytorch,Fake News Detection by Learning Convolution Filters through Contextualized Attention. -857,2020-05-14 14:25:11,FastHugs: Sequence Classification with Transformers and Fastai,Fine-tune a text classification model with HuggingFace 🤗 transformers and fastai-v2. -858,2020-05-14 14:35:37,Open-Dialog Chatbots for Learning New Languages,A tutorial for automatically generate code comments using Deep Learning. -860,2020-05-14 17:35:04,Electra,ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators -862,2020-05-14 19:13:59,DQN In Pytorch Livestream Series,I'm doing a series of streams about reinforcement learning (starting from Q learning) focused on showing the work in as much detail as possible (e.g. debugging) -863,2020-05-15 04:24:58,S2IGAN: Speech-to-Image Generation via Adversarial Learning,A speech-to-image generation (S2IG) framework is proposed which translates speech descriptions to photo-realistic images without using any text information. -864,2020-05-15 13:04:19,Twitter Sentiment Analysis,"This project is based on Natural Language processing (NLP), in this we do sentiment analysis(i.e, how much it is positive or negative) of tweets of any account." -866,2020-05-15 13:51:56,HuggingFace nlp library,"nlp is a lightweight and extensible library to easily share and load dataset and evaluation metrics, already providing access to ~100 datasets and ~10 evaluatio" -868,2020-05-15 14:07:47,RXNMapper: Unsupervised Attention-Guided Atom-Mapping,The atom-mapping information was learned by an ALBERT model trained in an unsupervised fashion on a large dataset of chemical reactions. -869,2020-05-15 14:08:12,ICLR 2020 Trends: Better & Faster Transformers for NLP,A summary of promising directions from ICLR 2020 for better and faster pretrained tranformers language models. -875,2020-05-15 22:53:58,Differentiable Reasoning over Text,We consider the task of answering complex multi-hop questions using a corpus as a virtual knowledge base (KB). -877,2020-05-16 02:42:32,Semi-supervised image classification with GANs,"Shows how to perform semi-supervised image classification with GANs. The cover image is from Chapter 7, GANs in Action." -879,2020-05-16 10:57:53,HighRes-net: Multi-Frame Super-Resolution of satellite imagery,"Pytorch implementation of HighRes-net, a neural network for multi-frame super-resolution, trained and tested on the European Space Agency’s Kelvin competition." -880,2020-05-16 11:50:31,How Deep Is Your Love For Transfer Learning In NLP?,A review of NLP research -881,2020-05-16 13:32:51,Time Series Forecasting with TensorFlow.js,Machine learning is becoming increasingly popular these days and a growing number of the world’s population see it is as a magic crystal ball: predicting when a -882,2020-05-16 13:35:31,Phrases extraction and D3 Wordcloud,100% JavaScript solution to extracting phrases from text and display key points in a beautiful D3 wordcloud. -883,2020-05-16 13:37:44,Reinforcement Learning Tic Tac Toe with Value Function,"A reinforcement learning algorithm for agents to learn the tic-tac-toe, using the value function - -" -884,2020-05-16 13:40:07,Build a Textual Similarity Web App with TensorFlow.js,Have you wondered how search engines understand your queries and retrieve relevant results? How chatbots extract your intent from your questions and provide the -890,2020-05-16 19:51:33,cyBERT: Applying BERT to Windows event logs,"This blog shows how interpreting cybersecurity logs as a natural language, improving upon the standard regex-based parsing of log data." -892,2020-05-17 02:08:12,DPOD: Pose Estimator,PyTorch recreation of a SOTA 6D Pose estimation research paper. -893,2020-05-17 04:44:04,ESTorch,ESTorch is an Evolution Strategy Library build around PyTorch. -894,2020-05-17 04:47:40,"A Large-Scale, Open-Domain, Mixed-Interface Dialogue-Based ITS ","Korbit, a large-scale, open-domain, mixed-interface, dialogue-based intelligent tutoring system (ITS)." -900,2020-05-17 08:14:24,A Visual Survey of Data Augmentation in NLP,An extensive overview of text data augmentation techniques for Natural Language Processing -901,2020-05-17 09:57:38,DoYouEvenLearn,Essential Guide to keep up with AI/ML/DL/CV -902,2020-05-18 00:57:27,Differentiable Adaptive Computation Time for Visual Reasoning ,"DACT, a new algorithm for achieving adaptive computation time that, unlike existing approaches, is fully differentiable. " -903,2020-05-18 11:15:12,Semixup: In- and Out-of-Manifold Regularization,Semixup is a semi-supervised learning method based on in/out-of-manifold regularization. -905,2020-05-18 14:40:51,Deep Reinforcement Learning for Supply Chain & Price Optimization,Explore how deep reinforcement learning methods can be applied in several basic supply chain and price management scenarios. -907,2020-05-18 14:53:33,TextAttack,A Python framework for building adversarial attacks on NLP models. -913,2020-05-19 03:19:59,aitextgen,A robust Python tool for text-based AI training and generation using GPT-2. -914,2020-05-19 03:25:11,How Hugging Face achieved a 2x performance boost for QA,Question Answering with DistilBERT in Node.js -918,2020-05-19 22:36:09,Accelerate your NLP pipelines using Hugging Face and ONNX,How the ONNX Runtime team and Hugging Face are working together to address challenges in training and deployment of Transformer models. -920,2020-05-20 02:35:11,Attentron,Few-shot text-to-speech exploiting attention-based variable length embedding -921,2020-05-20 02:39:09,Torch Points3D,Pytorch framework for doing deep learning on point clouds. -922,2020-05-20 07:23:50,NLP Model Selection ,NLP model selection guide to make it easier to select models. This is prescriptive in nature and has to be used with caution. -925,2020-05-20 16:20:28,Model-Agnostic Meta-Learning for Reinforcement Learning with TF2,Reimplementation of Model-Agnostic Meta-Learning (MAML) applied on Reinforcement Learning problems in TensorFlow 2. -927,2020-05-21 03:16:17,FashionBERT,Text and image matching with adaptive loss for cross-modal retrieval. -934,2020-05-21 03:45:38,📈 Automated Time Series Forecasting,This data app uses Facebook's open-source Prophet library to automatically forecast values into the future. -935,2020-05-21 14:22:01,"Look inside the workings of ""Label Smoothing""","This blog post describes how and why does ""trick"" of label smoothing improves the model accuracy and when should we use it " -938,2020-05-22 01:01:32,Content and Style Disentanglement for Artistic Style Transfer,Hi-Res style transfer and interpolation between styles -939,2020-05-22 03:08:40,Time Series Classification Using Deep Learning,"In this article, I will introduce you to a new package called timeseries for fastai2 that I lately developed. " -940,2020-05-22 03:16:29,TAO: A Large-Scale Benchmark for Tracking Any Object,"A diverse dataset for Tracking Any Object (TAO) consisting of 2,907 high resolution videos, captured in diverse environments, which are half a minute long on " -941,2020-05-22 03:21:10,BiT: Exploring Large-Scale Pre-training for Compute,"We are excited to share the best BiT models pre-trained on public datasets, along with code in TF2, Jax, and PyTorch. " -947,2020-05-22 13:34:30,Self Driving Car,This project is a demonstration of a working model of self driving car 🚗🚗 identifying and following lanes using powerful computer vision 🕶🕶 algorithms. -948,2020-05-22 13:39:15,Plant Disease Detection,This website help you to detect disease in your plant🌳 based to the plant's leaf🍃 image -951,2020-05-23 03:19:00,YoloV3 implementation in keras and tensorflow 2.2,YoloV3 Real Time Object Detector in tensorflow 2.2. -952,2020-05-23 03:22:11,Face Mask Detector,A simple Streamlit frontend for face mask detection in images using a pre-trained Keras CNN model + OpenCV and model interpretability. -957,2020-05-23 09:18:52,Colbert AI,Colbert AI is a Deep Learning Language Model that generates text in the style of Stephen Colbert's famous monologues. -961,2020-05-23 16:01:21,How to Build Robust Embeddings for Visual Similarity Tasks,This repository I package a bunch of tips and tricks to efficiently train deep learning models in computer vision -962,2020-05-24 00:09:28,Basic ML Algorithms from scratch.,Implement basic Machine Learning Algorithms from scratch in python. -963,2020-05-24 03:13:28,Build your first data warehouse with Airflow on GCP,What are the steps in building a data warehouse? What cloud technology should you use? How to use Airflow to orchestrate your pipeline? -966,2020-05-24 10:24:03,Building an Intelligent Twitter Bot,The volume of information going through Twitter per day makes it one of the best platforms to get information on any subject of interest. -968,2020-05-24 16:40:46,Self Supervised Representation Learning in NLP,An overview of self-supervised pretext tasks in Natural Language Processing -970,2020-05-24 20:01:29,Job Classification,"Job Classification done using Techniques of NLP and ML. - -Dataset used from Kaggle of Indeeed job posting." -972,2020-05-25 03:23:16,Next Word Prediction,Using transformers to predict next word and predict word. -974,2020-05-25 03:28:32,PixelLib,Pixellib is a library for performing segmentation of images. -978,2020-05-25 05:53:46,TensorFlow.js - Gesture Controlled 2048,Gesture Controlled 2048 built with TensorFlow.js -979,2020-05-25 11:04:50,Taxi Demand Prediction NewYorkCity,Predict the number of pickups as accurately as possible for each region in a 10 -min interval. -980,2020-05-25 14:52:17,Super-BPD for Fast Image Segmentation,"We propose direction-based super-BPD, an alternative to superpixel, for fast generic image segmentation, achieving state-of-the-art real-time result." -986,2020-05-26 03:47:15,Neural Topological SLAM for Visual Navigation,Topological representations for space that effectively leverage semantics and afford approximate geometric reasoning. -987,2020-05-26 13:16:48,Zero To One For NLP,A collection of all resources for learning NLP -989,2020-05-26 17:17:14,NLP for Developers: Shrinking Transformers | Rasa,"In this video, Rasa Senior Developer Advocate Rachael will talk about different approaches to make transformer models smaller." -993,2020-05-27 05:26:33,DETR: End-to-End Object Detection with Transformers,A new method that views object detection as a direct set prediction problem. -997,2020-05-28 03:20:06,AutoSweep: Recovering 3D Editable Objects from a Single Photo,Fully automatic framework for extracting editable 3D objects directly from a single photograph. -1000,2020-05-28 03:33:52,CMU LTI Low Resource NLP Bootcamp 2020,A low-resource natural language and speech processing bootcamp held by the Carnegie Mellon University Language Technologies Institute in May 2020. -1007,2020-05-28 21:30:37,Humour.ai : Language Model that can crack Jokes,"A Language model that can make you laugh. Humour.ai model tries to -complete a sentence in a humourous way given some input words. " -1008,2020-05-29 02:28:53,face mask detection ,detects whether a person wearing a mask or not -1009,2020-05-29 02:47:06,Train ALBERT for NLP with TensorFlow on Amazon SageMaker,"To train BERT in 1 hour, we efficiently scaled out to 2,048 NVIDIA V100 GPUs by improving the underlying infrastructure, network, and ML framework. " -1010,2020-05-29 02:51:39,GPT-3: Language Models are Few-Shot Learners,"We show that scaling up language models greatly improves task-agnostic, few-shot performance, sometimes even reaching competitiveness with prior SOTA." -1013,2020-05-29 03:06:41,Guided Uncertainty-Aware Policy Optimization,Combining learning and model-based strategies for sample-efficient policy learning. -1018,2020-05-29 08:09:04,GOTURN-PyTorch,"PyTorch implementation of ""Learning to Track at 100 FPS with Deep Regression Networks""" -1020,2020-05-29 09:54:04,Applying Modern Best Practices to Autoencoders,This project applies best modern practices found in other areas of image research to autoencoders. Comparing models from other areas of image research. -1021,2020-05-29 10:33:26,Sentiment analysis ,"Sentiment analysis by combining three dataset amazon,yelp, IMDb reviews to train our,model to classify if a comment is negative or positive denoted by 0 and 1." -1022,2020-05-29 13:27:20,The designer - gpt2 bot that talks about UX Design,"This twitter profile spits out thoughts on design and development. Trained with hundreds of Books on UX design and Front end development, it has opinions." -1024,2020-05-29 14:15:30,Sentiment Classification for UtaPass & KKBOX Reviews,Text classification for reviews of UtaPass & KKBOX using different deep learning models. -1025,2020-05-29 14:18:59,Forex Prediction,Using neural networks to predict movement of forex direction. -1026,2020-05-29 14:24:07,Lyrics-Based Music Genre Classifier,"Classify the genre (Rock, Pop, Hip-Hop, Not Available, Metal, Other, Country, Jazz, Electronic, R&B, Indie, Folk) of the song by its lyrics." -1028,2020-05-29 14:39:16,ARBML,"Implementation of many Arabic NLP and ML projects. Providing real time experience using many interfaces like web, command line and notebooks." -1035,2020-05-29 16:11:11,Zero Shot Topic Classification,Bart with a classification head trained on MNLI. -1045,2020-05-30 01:35:24,Illustrated Guide to Transformers: Step by Step Explanation,"In this post, we’ll focus on the one paper that started it all, “Attention is all you need”." -1046,2020-05-30 01:39:25,Illustrated Guide to Transformers,A component by component breakdown analysis. -1055,2020-05-30 09:02:27,Automatic-Face-Detection-Annotation-and-Preprocessing,"Automatically detect , annotate , collect the coordinates , convert to csv and to tfrecord" -1058,2020-05-30 09:43:39,SmartFeed.ai,NLP Based Article Recommendation System -1059,2020-05-30 10:50:55,Wheat Detection 🌾,This is a project for detecting and creating bounding box of wheat heads 🌾. -1068,2020-05-30 18:20:40,Effects of News Sentiments on Stock Predictions,Project is based on the Natural Language Processing technique called Sentiment Analysis. Stock market and news related to it as the subject of analysis. -1069,2020-05-30 20:04:49,NLP News Category,The objective of this repository is to create a NLP bot for when you give the robot the headline of the news and a short description it will return the genre. -1070,2020-05-30 20:06:48,AI Debate Master,"Created and deployed a bot made to debate with a human on any -given topic. Employed a Doc2Vec model using Gensim library in Python" -1075,2020-05-31 04:44:27,Zero-Shot Learning for Text Classification,"A visual summary of “Train Once, Test Anywhere” paper for zero-shot text classification" -1080,2020-05-31 05:23:23,Dash DETR Detection App,A User Interface for DETR built with Dash. 100% Python. -1081,2020-05-31 05:28:53,AI Basketball Analysis,🏀 AI web app and API to analyze basketball shots and shooting pose. -1083,2020-05-31 08:20:06,Reverse Image Search,Have you ever wondered how google image search works or How amazon can retrieve products similar to the image that we upload in the app/site? To achieve this ta -1084,2020-05-31 08:22:45,Beginner’s guide to Machine Learning Model Deployment,Are you a beginner in the field of machine learning and wondering how to bring your project to live. I'm was in the same situation when I started learning ML. M -1093,2020-05-31 17:39:22,MedicalZoo PyTorch,A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation -1094,2020-05-31 19:11:28,Paraphrase Any Question with T5 (Text-To-Text Transformer),"Given a question, generate paraphrased versions of the question with T5 transformer. Pretrained model and training script provided." -1100,2020-06-01 05:56:43,Movie Recommendation System,This is a web app which recommends movies based on their plots found on IMDb. -1104,2020-06-01 10:02:09,Convnet Galaxy Morphology Classifier,Classify galaxies from Hubble Tuning Fork using Convnet. -1107,2020-06-01 14:52:29,2nd Place Solution to Ship Identification Hackathon ,The problem statement was to identify the type of ship from photos taken from the survey boats. The hackathon was organized by Analytics Vidhya. -1110,2020-06-01 16:44:55,Deep learning Architecture: AlexNet,Explaining network architecture for AlexNet -1111,2020-06-01 18:13:26,Movement Pruning: Adaptive Sparsity by Fine-Tuning,"We propose the use of movement pruning, a simple, deterministic first-order weight pruning method that is more adaptive to pretrained model fine-tuning." -1112,2020-06-01 18:57:31,Document search engine,NLP based search engine for single page pdf files. -1115,2020-06-01 21:07:53,Softbot design with WANNS,"Soft robots are robots built from highly compliant materials, similar to those found in living organisms. This project explored CPPNs and WANNs to design them" -1121,2020-06-02 05:07:17,Motion2Vec,Semi-Supervised Representation Learning from Surgical Videos -1122,2020-06-02 05:10:18,Machine Learning: Tests and Production,Best practices for testing ML-based systems. -1130,2020-06-02 11:51:38,Generate True or False questions from any content,"Automatically generate “True or False” questions like the ones you see in school textbooks using OpenAI GPT2, Sentence BERT, and Berkley parser" -1131,2020-06-02 13:41:32,Sized Fill-in-the-blank or Multi Mask filling with RoBERTa,Sized fill-in-the-blank or conditional text filling is the idea of filling missing words of a sentence with the most probable choice of words. -1132,2020-06-02 14:56:10,T5 for Sentiment Span Extraction,Exploring how T5 works and applying it for sentiment span extraction. -1133,2020-06-02 14:58:58,Getting Started with Time Series analysis using Pandas,An introductory guide to get started with the Time Series datasets in Python -1135,2020-06-02 15:06:34,Melanoma Detection with Pytorch,"In this video, I show you how you can build a deep learning model to detect melanoma with a very high accuracy." -1139,2020-06-02 19:53:37,"RoBERTa → Longformer: Build a ""Long"" Version of Pretrained Models",This notebook replicates the procedure descriped in the Longformer paper to train a Longformer model starting from the RoBERTa checkpoint. -1145,2020-06-03 01:51:14,Learning Dexterity End-to-End,We trained a human-like robot hand to manipulate physical objects with unprecedented dexterity. -1148,2020-06-03 02:28:20,A Practical guide to building a conversational chatbot,Building a Chatbot from scratch using Keras and NLTK library for a customer service company -1151,2020-06-03 07:25:27,Web Mining and Information theory,"Mining the Web and playing with Natural Language processing. Implementing Information retrieval System tasks. Going towards the NLP and Performing Machine Learning algorithms. Through these codes and problems, I have understood the information retrieval process of any search engine. These are very useful problems towards sentiment analysis." -1162,2020-06-03 22:05:30,Deep Q-Network on Space Invaders. ,This is a PyTorch implementation of a Deep Q-Network agent trained to play the Atari 2600 game of Space Invaders. -1165,2020-06-04 03:53:43,YOLOv4,A TensorFlow 2.0 implementation of YOLOv4: Optimal Speed and Accuracy of Object Detection. -1166,2020-06-04 03:55:53,Acme: A Research Framework for Reinforcement Learning,A library of reinforcement learning components and agents. -1176,2020-06-04 09:10:07,doc2vec Paragraph Embeddings for Text Classification,Text classification model which uses gensim's Doc2Vec for generating paragraph embeddings and scikit-learn Logistic Regression for classification. -1178,2020-06-04 12:19:52,Machine Learning with Fastai,"The fastai library is based on research into deep learning best practices undertaken at fast.ai, and includes support for Vision, Text, tabular and Collab" -1180,2020-06-04 14:58:19,The Transformer … “Explained”?,"An intuitive explanation of the Transformer by motivating it through the lens of CNNs, RNNs, etc." -1181,2020-06-04 16:28:24,TensorflowTTS: Real-Time SOTA Speech Synthesis for Tensorflow 2.0,"TensorflowTTS provides real-time state-of-the-art speech synthesis architectures such as Tacotron2, Melgan, FastSpeech." -1185,2020-06-04 22:36:31,PyTorch Transformers Tutorials,"A set of annotated Jupyter notebooks, that give user a template to fine-tune transformers model to downstream NLP tasks such as classification, NER etc. " -1192,2020-06-05 04:28:52,BERT Summarization,This folder contains colab notebooks that guide you through the summarization by BERT and GPT-2 to play with your data. -1194,2020-06-05 04:35:14,Divide Hugging Face Transformers Training Time By 2,Reducing training time helps to iterate more in a fixed budget time and thus achieve better results. -1199,2020-06-05 15:39:56,How NLP has evolved for Financial Sentiment Analysis,Do we still need humans to read boring financial statements? -1202,2020-06-05 17:51:33,The NLP Pandect - All NLP resources in one place,The NLP Pandect was created to help you find almost anything related to Natural Language Processing that is available online. -1203,2020-06-05 18:18:18,Summary of 🤗 Transformers Models,A high-level summary of the differences between each model in HuggingFace's Transformer library. -1204,2020-06-05 22:56:38,Snaked: Classifying Snake Species using Images,Proof of concept that it is possible to identify snake species and whether poisonous from photographs (PyTorch code/model with Android app) -1211,2020-06-06 15:13:13,Literate Lamp: Answering Question with Common Sense,We study the problem of answering questions that require common sense to be answered using Transformer-based models and the ConceptNet knowledge base. -1215,2020-06-06 19:00:39,Pytorch Faster RCNN,Fine Tune Faster RCNN in pytorch for your task. -1222,2020-06-07 04:34:58,Paragraph Summarizer,Uses the extractive way of summarizing the text by finding the score and ranking it. -1223,2020-06-07 04:39:32,Leafy: Plant Leaf Classifier,The sequential model trained on images from the leafsnap.com -1236,2020-06-07 21:03:31,"COVID-Q: A Dataset of 1,690 Questions about COVID-19","This dataset consists of COVID-19 questions which have been annotated into a broad category (e.g. Transmission, Prevention) and a more specific class such that " -1237,2020-06-08 03:43:45,Keras notifications on Slack!,Get slack notifications of your model's training progress when training with Keras (or tf.keras) -1239,2020-06-08 07:05:15,Zero-shot Text Classification With Generative Language Models,An overview of a text generation approach to zero-shot text classification with GPT-2 -1241,2020-06-08 08:25:01,Funnel-Transformer: Filtering out Sequential Redundancy,Funnel-Transformer is a self-attention model that gradually compresses the sequence of hidden states to a shorter one and hence reduces the computation cost. -1243,2020-06-08 08:39:34,Timeseries Anomaly Detection using an Autoencoder,Detect anomalies in a timeseries using an Autoencoder. -1246,2020-06-08 09:47:02,Fairseq-tagging,"a Fairseq fork for sequence tagging/labeling tasks -" -1249,2020-06-08 16:59:01,Know-Corona : Kaggle COVID-19 Open Research Dataset Challenge (CO,"NLP/state-of-the-art language model (BERT) based Question & Answering pipeline to answer all task questions after analyzing articles abstract of COVID-19, SARS-" -1251,2020-06-08 18:38:49,Automatic Asset Classification,This project aims to automate the task of labelling images of flood defence assets as well as clustering images to find possibly better groupings. -1255,2020-06-09 01:50:33,TransformerTTS,🤖💬 Transformer TTS: Implementation of a non-autoregressive Transformer based neural network for text to speech. -1257,2020-06-09 01:58:48,How Big Should My Language Model Be?,Tool to explore language model training and optimize the compute costs. -1258,2020-06-09 02:04:49,MSeg: A Composite Dataset for Multi-domain Semantic Segmentation,A composite dataset that unifies semantic segmentation datasets from different domains. -1259,2020-06-09 02:11:15,Network Fusion for Content Creation With Conditional Inns,"We present a method to repurpose powerful, existing models for new tasks, even though they have never been designed for them." -1260,2020-06-09 02:14:59,Advanced Deep Learning for Computer Vision (ADL4CV),"The Visual Computing Group offers a variety of lectures and seminars on a regular basis, covering hot areas in computer graphics, vision, and machine learning." -1272,2020-06-10 05:13:41,Linformer: Self-Attention with Linear Complexity,We demonstrate that the self-attention mechanism can be approximated by a low-rank matrix. -1274,2020-06-10 05:21:00,Getting Machine Learning to Production,"Machine learning is hard and there are a lot, a lot of moving pieces." -1275,2020-06-10 05:24:07,Exploration Strategies in Deep Reinforcement Learning,Exploitation versus exploration is a critical topic in reinforcement learning. This post introduces several common approaches for better exploration in Deep RL. -1278,2020-06-10 12:50:41,Automatically Generate Multiple Choice Questions (MCQs) ,"Automatically Generate Multiple Choice Questions (MCQs) from any content with BERT Summarizer, Wordnet, and Conceptnet" -1287,2020-06-10 18:27:24,BERT Loses Patience: Fast and Robust Inference with Early Exit,"Patience-based Early Exit, a inference method that can be used as a plug-and-play technique to simultaneously improve the efficiency of a pretrained LM." -1298,2020-06-11 04:18:27,PEGASUS: a SOTA model for Abstractive Text Summarization,A State-of-the-Art Model for Abstractive Text Summarization. -1301,2020-06-11 04:29:24,Big GANs Are Watching You, We demonstrate that object saliency masks for GAN-produced images can be obtained automatically with BigBiGAN. -1309,2020-06-11 19:04:31,Sentiment Analysis on News Article,Used Twitter API to extract news-related tweets. Did some preprocessing and then calculated the tweets' polarity. -1310,2020-06-11 20:30:38,GPT-3 Language Model: A Technical Overview,"Technical details of the GPT-3 model, training, inference and what to expect next. " -1312,2020-06-11 20:37:47,OpenAI API,API for accessing new AI models developed by OpenAI. -1320,2020-06-12 04:17:08,Implementation of a Contextual Chatbot in PyTorch,Simple chatbot implementation with PyTorch. -1325,2020-06-12 11:06:34,Author Identification using Doc2Vec,Web app of an author identification model trained on PAN 2012 dataset and Kaggle's Spooky Authorship Dataset -1329,2020-06-12 12:44:18,Training game agents with supervised learning,This is a continuing research project trying find ways to learn complex tasks such as games without using Reinforcement Learning. -1371,2020-06-13 17:16:07,Baymax - ChatBot,"Baymax Chatbot is a part of my summer training program @AdHoc Networks, Jaipur. - -A chatbot that allows user to signup and login to maintain their record. When c" -1372,2020-06-13 17:21:43,How to Evaluate Longformer on TriviaQA using NLP,We will evaluate a pretrained LongformerForQuestionAnswering model on the validation dataset of TriviaQA. -1374,2020-06-13 17:28:13,Extracting Structured Data from Templatic Documents,"Automatically extract data from structured documents—invoices, receipts, etc.—with the potential to streamline many business workflows." -1392,2020-06-13 20:58:33,StackOver Flow Data Analysis,"Analysing certain aspects of the stack overflow data and creating ""Tag Predictor"" which predicts tag based on the post posted. " -1398,2020-06-14 05:51:06,Super-resolution Variational Auto-Encoders,VAE with RealNVP prior and Super-Resolution VAE in PyTorch. -1399,2020-06-14 05:57:16,Video object grounding,Video object grounding using semantic roles in language description. -1418,2020-06-14 17:43:34,Short Notes on Behavior Regularized Offline RL,Blog Article on Behavior Regularized Offline Reinforcement Learning by Yifan Wu et al. (2019) -1423,2020-06-14 22:10:57,Entity Embedding with LSTM for Time-Series,"Demonstration of using LSTM for forecasting with structured time-series data, containing categorical and numerical features." -1424,2020-06-15 02:27:55,Why We Switched from Flask to FastAPI for Production ML,The most popular tool isn’t always the best. -1425,2020-06-15 02:31:48,Building a Captcha OCR in TF2.0,A Kaggle notebook showcasing the use of an Endpoint layer for CTC loss function used for building a Captcha Reader in TensorFlow. -1427,2020-06-15 02:40:48,101 Ways to Solve Search - Dair AI ft. Pratik Bhavsar,A comprehensive overview of explaining how NLP is used for search. -1438,2020-06-15 11:06:35,Multimodal Meme Classification,UNITER has given state of the art results in various image-text related problems. This project aims at finetuning UNITER to solve Hateful memes challenge -1453,2020-06-16 01:32:49,Interpretable Machine Learning for Computer Vision,"Recent progress we made on visualization, interpretation, and explanation methodologies for analyzing both the data and the models in computer vision." -1455,2020-06-16 02:32:53,Predicting Unintentional Action in Video,"We introduce a dataset of in-the-wild videos of unintentional action, as well as a suite of tasks for recognizing, localizing, and anticipating its onset. " -1457,2020-06-16 02:46:25, Synthesizing High-Resolution Images with StyleGAN2,"Developed by NVIDIA Researchers, StyleGAN2 yields state-of-the-art results in data-driven unconditional generative image modeling." -1458,2020-06-16 02:51:13,PIFuHD: High-Resolution 3D Human Digitization ,"This repository contains a pytorch implementation of ""Multi-Level Pixel-Aligned Implicit Function for High-Resolution 3D Human Digitization""." -1460,2020-06-16 03:21:07,Instance Shadow Detection,Instance shadow detection aims to find shadow instances paired with object instances. -1461,2020-06-16 03:24:02,Detectron2,FAIR's next-generation platform for object detection and segmentation. -1473,2020-06-16 22:37:58,tslearn,A machine learning toolkit dedicated to time-series data. -1475,2020-06-16 22:45:15,PyTorch3D,FAIR's library of reusable components for deep learning with 3D data. -1476,2020-06-16 22:48:45,Course Review - Causal Inference,Types of understanding that causal inference researchers value. -1478,2020-06-16 22:56:31,Unsupervised Learning of Probably Symmetric Deformable 3D Objects,"A method to learn 3D deformable object categories from raw single-view images, without external supervision." -1480,2020-06-16 23:06:13,A Guide to Natural Language Processing With AllenNLP,basics of using AllenNLP -1482,2020-06-17 12:12:03,Real Time Object Detection using CNN YOLO,"This project is done on real time object detection using a deep learning object detection algorithm i.e., YOLO." -1483,2020-06-17 14:38:33,Short Notes on Model-Based Offline Reinforcement Learning (MOReL),Blog article on Model-Based Offline Reinforcement Learning (MOReL) paper by Rahul Kidambi & Aravind Rajeswaran et al. -1491,2020-06-18 00:04:34,Image GPT: Generative Pretraining from Pixels, Transformers trained on pixel sequences can generate coherent image completions and samples. -1492,2020-06-18 00:06:53,Q*BERT,Agents that build knowledge graphs and explore textual worlds by asking questions. -1499,2020-06-18 13:41:39,History of Language Models - Alec Radford,A quick history of language models -1502,2020-06-18 19:45:49,Generate Boolean (Yes/No) Questions From Any Content ,Question generation algorithm trained on the BoolQ dataset using T5 text-to-text transformer model. -1504,2020-06-19 06:19:25,Fast Neural Style Transfer (feed-forward method) ⚡💻 + 🎨 = ❤️,This repo contains a concise PyTorch implementation of the original feed-forward NST paper. -1505,2020-06-19 06:22:56,Diverse Image Generation via Self-Conditioned GANs,A simple but effective unsupervised method for generating realistic & diverse images using a class-conditional GAN model without using manually annotated class. -1506,2020-06-19 06:26:17,Using GitHub Actions for MLOps & Data Science,A collection of resources on how to facilitate Machine Learning Ops with GitHub. -1519,2020-06-20 05:40:46,Image and Bounding Box Annotation Slicer,This easy-to-use library slices (also resizes) images and its bounding box annotations into tiles of specific sizes or any arbitrary number of equal parts. ✂️ -1525,2020-06-20 16:21:38,Huggingtweets,This is a streamlit app built around the huggingtweets project. I fine-tune a pre-trained gpt2 model to tweet like a user given twitter handle. -1528,2020-06-20 22:06:48,The Future of Computer Vision is Self-Supervised Learning,Talk by Yann Lecun on the applications of self-supervised learning on computer vision during CVPR 2020. -1529,2020-06-20 22:11:14,Using Selective Attention in Reinforcement Learning Agents,"In this work, we establish that self-attention can be viewed as a form of indirect encoding, which enables us to construct highly parameter-efficient agents." -1539,2020-06-21 12:45:42,A Visual Guide to FastText Word Embeddings,A deep-dive into how FastText enriches word vectors with sub-word information -1542,2020-06-21 20:46:12,Autocoder - Finetuning GPT-2 for Auto Code Completion,"A basic and simple tool for code auto completion, built upon GPT-2" -1546,2020-06-22 00:46:32,DeepSNAP,Python library assists deep learning on graphs. -1547,2020-06-22 00:50:30,RoBERTa meets TPUs,Understanding and applying the RoBERTa model to the current challenge. -1549,2020-06-22 01:00:45,Deep Model-Based RL for Real-World Robotic Control,Short talk about model-based RL by Sergey Levine. -1551,2020-06-22 03:17:48,Pokemon Classifier,I want to build a classifier that can classify 150 types of Pokemon. -1552,2020-06-22 03:45:01,Workshop on Scalability in Autonomous Driving - Andrej Karpathy,An overview of autonomous driving and computer vision at Tesla. -1560,2020-06-22 15:56:00,Battle-Tested Techniques for Scoping Machine Learning Projects,One of the challenges of managing an ML project is project scoping. Even small changes in data or architecture can create huge differences in model outputs. -1563,2020-06-22 16:04:10,Classify photos in 600 classes using nine million Open Images,"If you’re looking build an image classifier but need training data, look no further than Google Open Images." -1569,2020-06-22 16:52:01,Trackable,The project deals with tracking humans in a narrow hallway under different lighting conditions. -1571,2020-06-23 02:04:12,Stochastic Segmentation Networks,An efficient probabilistic method for modelling aleatoric uncertainty with any image segmentation network architecture. -1575,2020-06-23 02:30:20,Deep Learning for Computer Vision ,Special topics class on deep learning for computer vision from the University of Michigan taught by Justin Johnson. -1576,2020-06-23 02:37:15,VPSNet for Video Panoptic Segmentation,Video panoptic segmentation by generating consistent panoptic segmentation as well as an association of instance ids across video frames. -1580,2020-06-24 03:00:16,What I Learned From Looking at 200 Machine Learning Tools,"To better understand the landscape of available tools for machine learning production, I decided to look up every AI/ML tool I could find." -1581,2020-06-24 03:04:31,Discovering Symbolic Models from Deep Learning w/ Inductive Bias,A general approach to distill symbolic representations of a learned deep model by introducing strong inductive biases. -1585,2020-06-24 03:18:20,Breaking the cycle—Colleagues are all you need,A novel approach to performing image-to-image translation between unpaired domains. -1587,2020-06-24 03:25:25,Deep Learning Based Text Classification: A Comprehensive Review,An overview of deep learning approaches to text classification. -1589,2020-06-24 03:33:09,jiant,A software toolkit for research on general-purpose text understanding models. -1592,2020-06-24 04:27:58,Text Classification,"Re-implemented an article (link is given below) which was on Text classification with CNN, beside this I tried out some ML classification algorithm." -1595,2020-06-24 15:42:20,multi-task-NLP,A utility toolkit enabling NLP developers to easily train and infer a single model for multiple tasks. -1597,2020-06-25 00:17:39,Maximizing Business Impact with Machine Learning,how to effectively leverage machine learning to build intelligent products as efficiently as possible. -1598,2020-06-25 00:29:18,Automatic Data Augmentation for Generalization in Deep RL,We compare three approaches for automatically finding an appropriate augmentation combined with two novel regularization terms for the policy and value function -1599,2020-06-25 00:42:36,High-Fidelity Generative Image Compression,How to combine Generative Adversarial Networks and learned compression to obtain a state-of-the-art generative lossy compression system. -1602,2020-06-25 04:03:38,Unet Model for Image Segmentation With EfficientNet Encoder,Implemented using tensorflow 2.2.0 with custom train and test step. -1603,2020-06-25 10:40:56,A Million of ML Predictions at the Tip of Your Fingers,Announcement - SashiDo is breaking the barrier to Machine Learning by introducing a fully open-sourced Content Moderation Service. -1605,2020-06-26 02:19:39,NetHack Learning Environment (NLE),A procedurally-generated grid-world dungeon-crawl game that strikes a great balance between complexity and speed for single-agent RL research. -1606,2020-06-26 02:24:53,Paraphrase Generation Using T5 model,Simple application using T5 base model fine tuned in Quora Question Pairs to generate paraphrased questions. -1607,2020-06-26 02:28:15,Message Passing Query Embedding,"MPQE is a model for answering complex queries over knowledge graphs, that learns embeddings of entities in the knowledge graph, & embeddings for variable types." -1608,2020-06-26 02:31:17,Quantifying Attention Flow in Transformers,"I explain two simple but effective methods, called Attention Rollout and Attention Flow" -1614,2020-06-27 04:15:51,Natural Language Processing Roadmap,Roadmap for learning NLP topics. -1615,2020-06-27 04:29:04,Weight Poisoning Attacks on Pre-trained Models,"How Bert can be infused with nefarious behavior, even after fine-tuning." -1616,2020-06-27 04:37:16,Leveraging Temporal Context for Object Detection,"Object detection architecture leveraging contextual clues across time for each camera deployment in a network, improving recognition of objects" -1617,2020-06-27 04:42:47,Expressive Power of Graph Neural Networks,"Graph isomorphism problem, the Weisfeiler-Lehman heuristic for graph isomorphism testing, and how it can be used to analyse the expressive power of GNNs." -1620,2020-06-27 10:27:43,rlx: A modular Deep RL library for research,"""rlx"" is a Deep RL library written on top of PyTorch & built for educational and research purpose." -1622,2020-06-27 14:18:13,Building AI Trading Systems,Lessons learned building a profitable algorithmic trading system using Reinforcement Learning techniques. -1623,2020-06-27 14:20:49,Introduction to NLP using Fastai,Implementing and decoding the revolutionary ULMFiT approach to train a language model on any downstream NLP task. -1629,2020-06-28 07:37:00,TF Lite Semantic Segmentation Models,Faster and lighter TF Lite models can perform semantic segmentation. -1630,2020-06-28 07:40:40,Semantic Segmentation + Background Removal + Style Transfer,"Running multiple TF Lite models to perform semantic segmentation, remove background, and apply style transfer. " -1636,2020-06-29 00:00:47,Automatic translation of the SQUAD dataset to spanish,"Machine translation is used on the SQuAD dataset to produce an equivalent dataset in Spanish. Word alignment is applied to produce a synthetic spanisQA corpus. -" -1638,2020-06-29 02:56:43,Dakshina Dataset,A collection of text in both Latin and native scripts for 12 South Asian languages. -1639,2020-06-29 02:58:52,Computer Vision Recipes,This repository provides examples and best practice guidelines for building computer vision systems. -1644,2020-06-29 12:42:44,A research guide for data scientists,Tips on research from top data scientists -1645,2020-06-29 17:16:17,Using Data Science Pipelines for Disaster Response,Uses ETL and ML pipeline to build an NLP system for classification of messages into appropriate disaster categories -1646,2020-06-29 19:47:58,Twitter Turing Test,Can you guess whether this tweet is written by a human or generated by a neural network? -1648,2020-06-30 02:34:54,STUMPY: A Powerful and Scalable Python Library for Time Series,"STUMPY is a powerful and scalable Python library for computing a Matrix Profile, which can be used for a variety of time series data mining tasks." -1649,2020-06-30 02:39:32,Model Serving using FastAPI and streamlit,Simple example of usage of streamlit and FastAPI for ML model serving. -1650,2020-06-30 02:49:57,The Reformer - Pushing the Limits of Language Modeling,An in-depth understanding of each of the key features of the Reformer. -1651,2020-06-30 02:52:41,High-Resolution Image Inpainting,"High-Resolution Image Inpainting with Iterative Confidence Feedback and Guided Upsampling. -" -1653,2020-06-30 03:01:50,MARGE: Pre-training via Paraphrasing,"A retrieval model maps a document to a set of related documents, which a reconstruction model paraphrases to maximize the likelihood of the original. " -1657,2020-06-30 18:00:11,Fast Api with Dockerization of your ML Models,In this GitHub repo you can able to know and learn how to build a fast API for testing your ML model and can test your ML model with UI and to Dockerize your ML -1658,2020-07-01 02:22:10,SimCLR - Contrastive Learning of Visual Representations,How to load pretrained/finetuned SimCLR models from hub modules for fine-tuning. -1662,2020-07-01 07:00:50,Image synthesis at CVPR 2020,An overview of the different approaches to image synthesis at CVPR 2020. -1663,2020-07-01 07:08:45,Sktime,A python toolbox for machine learning with time series. -1664,2020-07-01 07:14:00,"Sentiment Analysis: Key Milestones, Challenges and New Directions","An overview of sentiment analysis, it's progress and what's ahead." -1666,2020-07-01 07:20:52,Serverless BERT with HuggingFace and AWS Lambda,"Build a serverless question-answering API with BERT, HuggingFace, the Serverless Framework, and AWS Lambda." -1668,2020-07-01 13:33:49,Model-based Reinforcement Learning: A Survey,"A survey of the integration of both fields, better known as model-based reinforcement learning." -1677,2020-07-02 04:06:19,Building Level 3 Conversational AI Assistants,"Presentations, panels, and fireside chats addressing all topics related to the creation of Level 3 AI assistants." -1678,2020-07-02 12:13:19,NSFW Image Classification REST API built with TensorFlow.JS,A ready-to-use & open-source NSFW Image Classification REST API built with TensorFlow.JS and NSFW.JS for effortless Content Moderation -1688,2020-07-03 04:23:58,Python Implementation of Reinforcement Learning: An Introduction ,"Plot replications, exercise solutions and Anki flashcards for the entire book by chapters." -1691,2020-07-03 04:40:05,The Simplest Way to Serve your NLP Model in Production w/ Python ,"From scikit-learn to Hugging Face Pipelines, learn the simplest way to deploy ML models using Ray Serve." -1698,2020-07-04 01:07:48,Learning to Cartoonize Using White-box Cartoon Representations,An approach for image cartoonization using GANs. -1699,2020-07-04 01:10:18,Reinforcement Learning Tutorial,"Important reinforcement learning (RL) algorithms, including policy iteration, Q-Learning, and Neural Fitted Q." -1702,2020-07-04 04:51:18,Face Recognition Techniques,Face Detection and Recognition techniques using traditional CV and also using new deep learning method. -1704,2020-07-04 10:42:53,LSTM Forecast Model for Stock Price Prediction using Keras," Easy to understand LSTM forecast model for Stock Price Prediction. The dataset contains daywise details of the GOOGL stock from May,2019-May 2018." -1706,2020-07-04 11:05:28,PokeZoo,A deep learning based web-app developed using the MERN stack and Tensorflow.js. -1710,2020-07-05 05:47:35,NLP-task-visualizer-app,This application designed with streamlit library will help in visualizing NLP tasks on text entered by you. -1721,2020-07-07 04:21:20,TensorflowTTS,Real-Time State-of-the-art Speech Synthesis for Tensorflow 2. -1722,2020-07-07 04:23:38,spaczz: Fuzzy matching and more for spaCy,Fuzzy matching and more functionality for spaCy. -1723,2020-07-07 04:26:45,BioSyn,Biomedical Entity Representations with Synonym Marginalization -1724,2020-07-08 04:02:50,Image Classifier: In the Browser,Using Tensorflow.js to make the prediction directly in the browser. -1726,2020-07-08 04:15:07,Photon: A Robust Cross-Domain Text-to-SQL System,"A robust, modular, cross-domain NLIDB that can flag natural language input to which a SQL mapping cannot be immediately determined. " -1728,2020-07-08 04:24:07,Bounding Box Prediction from Scratch using PyTorch,Multi-Task learning — Bounding Box Regression + Image Classification -1729,2020-07-08 04:28:13,Comment Classification Using BERT (multi-language) Fine-Tuning,We are going to use BERT layer in a model applying Keras. -1730,2020-07-08 04:30:28,TextBrewer,a PyTorch-based model distillation toolkit for natural language processing. -1737,2020-07-08 18:22:40,codeBERT - Automated code docstring review with transformers,"codeBERT provide a one command line to check if your code docstrings are up-to-date. -" -1748,2020-07-09 02:23:25,Continuous Machine Learning (CML),CML helps to organize MLOps infrastructure on top of the traditional software engineering stack instead of creating separate AI platforms. -1750,2020-07-09 10:30:30,picTranslate: Seamless live Image Text translator,"Given an image with text on it, this app can give you a new image with text modified into a different language." -1753,2020-07-10 02:44:11,TUDatasets,A collection of benchmark datasets for graph classification and regression. -1754,2020-07-10 02:46:07,Full Stack Deep Learning,Full Stack Deep Learning helps you bridge the gap from training machine learning models to deploying AI systems in the real world. -1755,2020-07-10 02:51:24,Easy OCR,"Ready-to-use OCR with 40+ languages supported including Chinese, Japanese, Korean and Thai. - -" -1759,2020-07-10 18:54:54,Emotion Recognition from Tom and Jerry videos,"Developed an application that classifies the emotion depicted by Tom and Jerry in each frame into one of the following : happy, angry, sad or suprised." -1767,2020-07-11 05:05:31,Imagenette,Imagenette is a subset of 10 easily classified classes from Imagenet. -1768,2020-07-11 05:08:02,TextAugment,Improving Short Text Classification through Global Augmentation Methods -1769,2020-07-11 05:10:10,niacin,"A Python library for replacing the missing variation in your text data. - -" -1771,2020-07-11 05:16:17,Albumentations,Fast image augmentation library and easy to use wrapper around other libraries. -1772,2020-07-11 05:19:05,Augmentor,Image augmentation library in Python for machine learning. -1777,2020-07-11 05:37:12,tsfresh,Automatic extraction of relevant features from time series. -1792,2020-07-11 06:28:58,Anomaly Detection Toolkit (ADTK),"A Python toolkit for rule-based/unsupervised anomaly detection in time series - -" -1795,2020-07-11 06:37:35,Chakin ,Simple downloader for pre-trained word vectors. -1796,2020-07-11 06:39:39,Top2Vec,"Top2Vec learns jointly embedded topic, document and word vectors. - -" -1797,2020-07-11 06:42:29,Contextualized Topic Models,A python package to run contextualized topic modeling. -1800,2020-07-11 06:51:58,jellyfish,🎐 a python library for doing approximate and phonetic matching of strings. -1802,2020-07-11 06:57:28,SentencePiece,"Unsupervised text tokenizer for Neural Network-based text generation. - -" -1803,2020-07-11 06:59:08,A Deep Dive into the Wonderful World of Preprocessing in NLP,A glimpse into the surprisingly deep and interesting world of preprocessing in NLP. -1813,2020-07-11 07:45:01,Pytest,"The pytest framework makes it easy to write small tests, yet scales to support complex functional testing - -" -1817,2020-07-11 07:55:23,Artifacts - Weights & Biases,"Effortless pipeline tracking and production model management - -" -1818,2020-07-11 08:07:35,DeepkitAI,The Open-Source Machine Learning Devtool and Training Suite. -1819,2020-07-11 08:14:03,Neptune.ai,The most lightweight experiment management tool that fits any workflow. -1820,2020-07-11 08:17:17,Rasa,An open source machine learning framework to automate text-and voice-based conversations. -1831,2020-07-11 11:36:26,TF Sprinkles,Fast and efficient sprinkles augmentation implemented in TensorFlow. -1834,2020-07-11 17:19:43,Laplacian Pyramid Reconstruction and Refinement for Semantic Seg., Pytorch implementation of multi-resolution reconstruction architecture based on a Laplacian pyramid that uses skip connections. -1836,2020-07-11 18:15:19,Training a pets detector model with TFOD API (TF 2),"In this notebook, we will be training a custom object detection model using the latest TensorFlow Object Detection (TFOD) API which is based on TensorFlow 2.2. " -1840,2020-07-12 00:59:27,TensorFlow 2 meets the Object Detection API,TF Object Detection API (OD API) officially supports TensorFlow 2! -1843,2020-07-12 13:35:20,Cortex,Build machine learning APIs. -1844,2020-07-12 16:24:10,Semi-Supervised Learning in Computer Vision,A comprehensive overview of recent semi-supervised learning methods in Computer Vision -1845,2020-07-12 21:42:52,Face Predicting Web App,Interactive Deep Learning Model that utilizes your computer webcam to predict your age and gender in seconds! -1847,2020-07-13 03:46:32,Driver Identification Based on Vehicle's telematics data,"In this paper, we proposed a deep learning model, which can identify drivers from their driving behaviors based on vehicle telematics data." -1848,2020-07-13 05:00:40,Comprehensive analysis of important metrics in ML,"In this work, the authors present a comprehensive analysis of important metrics in practical applications." -1851,2020-07-13 15:21:13,StreamAlert,"A serverless, realtime data analysis framework which empowers you to ingest, analyze, and alert on data from any environment, using datasources and alerts." -1855,2020-07-14 03:17:25,ULMFiT Airline Sentiment Analysis,Transfer Learning using pretrained ULMFiT model -1856,2020-07-14 03:21:00,DeepDream Video Style Transfer,DeepDream on Video -1859,2020-07-14 04:01:18,"You Trained a Machine Learning Model, Now What?","Three often overlooked parts of this process occur after the model is actually built: model evaluation, deployment, and monitoring." -1860,2020-07-14 09:53:19,NSFW Image Moderation Automation Engine built with TensorFlow.JS ,"An open-source NSFW Image Classifier including an Automation Engine for fast deletion & moderation built with Node.js, TensorFlow, and Parse Server" -1865,2020-07-14 22:55:08,PDFTableExtract,Build a parser to extract the table in PDF document with RetinaNet -1867,2020-07-14 23:03:02,YOLOv4 With TensorFlow,"YOLOv4, YOLOv4-tiny, YOLOv3, YOLOv3-tiny Implemented in Tensorflow 2.0, Android. Convert YOLO v4 .weights tensorflow, tensorrt and tflite." -1868,2020-07-15 03:52:31,Selfie2Anime with TFLite,An end-to-end tutorial with TensorFlow Lite for Selfie2Anime (U-GAT-IT). -1869,2020-07-15 20:31:37,Bridging PyTorch and TVM,"Taking Hugging Face transformer BERT from PyTorch and running it on -ApacheTVM for both inference (with reasonable timings) and training." -1871,2020-07-16 03:58:21,Summarize a webapge,A Flask application that extracts and summarizes webpage using Natural Language Processing. Powered by nlp-akash. -1872,2020-07-16 04:19:37,An Icon Classifier with TensorFlow Lite Model Maker,An Icon Classifier with TensorFlow Lite Model Maker -1879,2020-07-16 17:40:33,Cross-lingual Transfer Learning - Sebastian Ruder,"An overview of approaches that transfer knowledge across languages and enable us to scale NLP models to more of the world's 7,000 languages." -1880,2020-07-16 17:43:48,AdapterHub: A Framework for Adapting Transformers,Huggingface Transformers + Adapters -1882,2020-07-16 17:51:48,Object Detection with RetinaNet,Implementing RetinaNet: Focal Loss for Dense Object Detection. -1884,2020-07-17 01:41:33,Deploying your ML Model with TorchServe,"In this talk, Brad Heintz walks through how to use TorchServe to deploy trained models at scale without writing custom code. " -1886,2020-07-17 08:27:56,Medical Zoo - 3D Multi-modal Medical Image Segmentation,My articles on deep learning in medical imaging -1887,2020-07-17 16:48:13,Computer Vision Pretrained Models,A collection of computer vision pre-trained models. -1889,2020-07-17 17:20:20,NLP Pretrained Models,"A collection of Natural language processing pre-trained models. - -" -1896,2020-07-19 00:40:37,Machine Learning Production Pipeline,"Project Flow and Landscape -" -1898,2020-07-19 00:47:53,Tempering Expectations for GPT-3 and OpenAI’s API,"A closer look at the ""magic"" behind GPT-3 and caveats to be aware of." -1899,2020-07-19 03:59:41,StyleGAN Encoder,Encodes real images into the latent space of a StyleGAN model. -1900,2020-07-19 04:12:40,WikiArt StyleGAN 2 Model,A conditional StyleGAN 2 model trained on images from WikiArt -1902,2020-07-19 10:19:24,Indian Paper Currency Prediction,"The trained model takes an image (Indian Paper Currency) as an input and predict the class of image from 10, 20, 50, 100, 200, 500, 2000 denomination." -1903,2020-07-19 11:31:25,"Neural Style Transfer (Gatys et al., PyTorch)",My implementation of the original neural style transfer paper by Gatys et al. (In PyTorch). -1904,2020-07-19 12:44:53,Implementation of Face Net in TensorFlow - 2.0,This repository is a naive unofficial implementation of Face Net paper - 2015 .This implementation opts online mode of semi - hard triplet mining. -1910,2020-07-19 15:44:21,Azure Machine Learning Template,Azure Machine Learning template for MNIST classifier -1913,2020-07-19 16:55:33,Teachable Machine (Image Classifier),A teachable image classifier that runs on any browser built using TensorFlow JS. -1914,2020-07-19 16:59:37,TensorFlow JS- Object Detection in Browser,A real-time object detection model in your browser using TensorFlow JS. -1916,2020-07-20 00:01:38,How to Stop Worrying About Compositionality,"Review the tenets of compositionality, and to highlight how each theory has evolved to match particular theoretical positions about the nature of language." -1918,2020-07-20 05:48:38,Spacy-Go,spacy-go is Golang interface for accessing linguistic annotations provided by spaCy using Google's gRPC. This module only supports basic functionalities like lo -1919,2020-07-20 05:53:12,Dframcy,DframCy is a light-weight utility module to integrate Pandas Dataframe to spaCy's linguistic annotation and training tasks. -1921,2020-07-20 14:04:48,NSFW Image Moderation Admin App with ReactJS,"A fully-functional NSFW Admin Application for simplified image classification & moderation built with Node.js, TensorFlow.js, and React" -1923,2020-07-20 18:59:04,PyTorch Geometric Temporal,A Temporal Extension Library for PyTorch Geometric -1924,2020-07-20 20:34:47,Why is it Important to Monitor Machine Learning Models?,The importance of monitoring and how monitoring ML is different from application performance management (APM). -1925,2020-07-20 20:54:00,PyTorch Implementation of PaletteNet,"PyTorch implementation of PaletteNet: Image Recolorization with Given Color Palette (Cho et al., 2017)." -1927,2020-07-20 21:21:12,ECG arrhythmia classification using a convolutional neural net,This is an implementation of the paper on ECG arrhythmia classification https://arxiv.org/pdf/1804.06812.pdf. -1929,2020-07-20 23:55:33,Structured Self Attention,Implementation for the paper A Structured Self-Attentive Sentence Embedding (https://arxiv.org/abs/1703.03130 ). Model interpretability / explainability. -1933,2020-07-21 01:42:42,TurboTransformers,A fast and user-friendly runtime for transformer inference on CPU and GPU. -1938,2020-07-21 11:50:53,Rasa NLU Examples,Experimental components for Rasa NLU pipelines. -1940,2020-07-21 19:01:54,Change Detection using Siamese networks,"The blog is a primer on Siamese Networks and how they're used for observing change in satellite images over time, or observing facial changes as people age" -1941,2020-07-21 19:13:05,My Artificial Intelligence Bookmarks,"A curated list of my reads, implementations, and core concepts of Artificial Intelligence, Deep Learning, Machine Learning by best folk in the world." -1943,2020-07-22 03:32:30,Do we Need Deep Graph Neural Networks?,Does depth in graph neural network architectures bring any advantage? -1945,2020-07-22 03:39:13,Pandera,A flexible and expressive pandas data validation library. -1952,2020-07-24 06:28:15,TensorFlow Serving,"A flexible, high-performance serving system for machine learning models, designed for production environments. " -1953,2020-07-24 06:30:44,BentoML,BentoML is an open-source framework for high-performance ML model serving. -1954,2020-07-24 06:43:59,Azure ML,MLOps using Azure ML. -1955,2020-07-24 06:47:29,Shape and Viewpoint without Keypoints,"Recover the 3D shape, pose and texture from a single image, trained on an image collection without any ground truth 3D shape, multi-view, camera viewpoints." -1965,2020-07-25 02:58:40,model-logger,Model-Logger is a Python library for storing model's profile and rapid inter model comparison. -1968,2020-07-26 04:48:40,Sentiment Analysis With Transformers,"Sentiment analysis neural network trained by fine-tuning BERT, ALBERT, or DistilBERT on the Stanford Sentiment Treebank." -1971,2020-07-27 02:30:42,Attention based YOLO: Object Detection,"An easy to follow, YOLO implementation with keras lib. Used a attention based architecture to extract more fine grained information about object." -1977,2020-07-27 14:14:10,LabelDetection: simplifying the use and construction of deep dete,LabelDetection is a graphical tool that aims to facilitate all the steps required in the pipeline to construct and use a deep-learning base object detection mod -1978,2020-07-27 14:34:12,How to Set Up a Python Project For Automation and Collaboration,"How to set up a Python repo with unit tests, code coverage, lint checking, type checking, Makefile wrapper, and automated build with GitHub Actions." -1980,2020-07-27 14:51:03,Understanding & Implementing SimCLR - an ELI5 guide,"I explain the SimCLR and its contrastive loss function step by step, build image embeddings and then show how to use them to train image classifier on top." -1983,2020-07-28 04:14:12,CoreML Model Zoo,Collection of unified and converted pre-trained models. -1984,2020-07-28 04:18:00,How GPT3 Works - Visualizations and Animations,A compilation of my threads explaining GPT3. -1985,2020-07-28 04:19:58,Temporal Graph Networks,"In this post, we describe Temporal Graph Network, a generic framework for deep learning on dynamic graphs." -1986,2020-07-28 07:44:13,Behavioral Testing of NLP models with CheckList,An overview of the “CheckList” framework for fine-grained evaluation of NLP models -1992,2020-07-29 03:41:04,Time series forecasting,A thorough introduction to time series forecasting using TensorFlow. -1993,2020-07-29 04:47:55,Real-time text detection with EAST in TFLite,Demonstrates the conversion process from the original EAST model to TFLite and how to use it on static images and also on real-time video feeds. -1994,2020-07-29 04:51:30,Understanding the Effectivity of Ensembles in Deep Learning,"The report explores the ideas presented in Deep Ensembles: A Loss Landscape Perspective by Stanislav Fort, Huiyi Hu, and Balaji Lakshminarayanan." -1999,2020-07-30 03:57:32,Small differences in BLEU are meaningless,Only big differences in metric scores are meaningful in MT. -2002,2020-07-30 04:08:46,Multi-target in Albumentations,"Many images, many masks, bounding boxes, and key points. How to transform them in sync?" -2005,2020-07-30 11:19:02,Social Distance Detection,"If people are very close to each other, a red bounding box is displayed around them indicating that they are not maintaining social distance." -2006,2020-07-30 11:30:56,Deep Learning Techniques for NLP in Healthcare,A talk discussing the recent advancements of deep learning to facilitate the adaption of NLP in the healthcare domain. -2008,2020-07-30 14:50:30,Extension to block NSFW content using AI,"NSFW Filter is an extension that blocks NSFW content from your browser. -It uses a computer vision model to detect NSFW content and hides it from the user." -2009,2020-07-30 14:55:57,ATLASS: AutoML using Transfer and Semi-Supervised Learning,"This repository includes the code, application, and notebooks for the work ""AutoML using Transfer and Semi-Supervised Learning"". The tools presented here can be" -2012,2020-07-30 15:04:28,LabelStoma: stomata detection using YOLO,LabelStoma is a graphical image tool for automatically detecting stomata in images. -2013,2020-07-30 15:07:54,DeepClas4Bio,DeepClas4Bio is a project that aims to facilitate the interoperability of bioimaging tools with deep learning frameworks. -2016,2020-07-31 15:30:38,Meme Classifier Using TFlite and flutter,Meme classifier using fine tuned mobilenet. This app showcases how you can perform low latency realtime classification apps using TFlite -2020,2020-08-01 12:14:26,Text Summarization using TF-IDF Algorithm,This Article explains the TF-IDF algorithm and shows the implemtnation from scratch to summarize the text. -2022,2020-08-01 14:41:37,Simple Transformers,"Transformers for Classification, NER, QA, Language Modeling, Language Generation, T5, Multi-Modal, and Conversational AI." -2024,2020-08-01 14:49:31,DeText: A Deep Neural Text Understanding Framework,DeText: A Deep Neural Text Understanding Framework for Ranking and Classification Tasks. -2026,2020-08-01 15:04:37,Efficient Serverless Deployment of PyTorch Models on Azure,A tutorial for serving models cost-effectively at scale using Azure Functions and ONNX Runtime. -2027,2020-08-01 15:27:29,Nearest Celebrity Face,Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours. The input face -2030,2020-08-02 12:38:08,A Few Favorite Recipes in Computer Vision & Deep Learning,This blog post enlists a few of my favorite recipes in deep learning in the context of computer vision (as of August 2020). -2031,2020-08-02 14:46:10,NeuralQA - API and Visual Interface for Extractive QA,A Usable Library for Question Answering on Large Datasets with BERT -2032,2020-08-02 20:00:23,Object tracking in 75 lines of code,"Object tracking is straightforward conceptually. And if you have a good detector, simple methods can be pretty effective." -2033,2020-08-03 03:49:22,FARM: Framework for Adapting Representation Models,🏡 Fast & easy transfer learning for NLP. Harvesting language models for the industry. -2035,2020-08-04 02:49:24,Act - GitHub Actions locally,Run your GitHub Actions locally. -2038,2020-08-04 03:53:36,Curated papers & articles on DS & ML in production,"Learn how organizations & business solved machine learning problems, including problem statement, research, methodology, and results." -2039,2020-08-04 16:45:09,Tensorflow2 Object Detection Tutorial,"In this tutorial, we will be going step by step the complete training process of Tensorflow2 Object Detection. " -2042,2020-08-05 02:07:24,ONNX T5,"Summarization, translation, Q&A, text generation and more at blazing speed using a T5 version implemented in ONNX." -2043,2020-08-05 02:17:10,DeLighT: Very Deep and Light-weight Transformers,Similar or better performance than transformer-based models with significantly fewer parameters -2045,2020-08-05 06:40:32,Evaluation Metrics For Information Retrieval,Learn about common metrics used to evaluate performance of information retrieval systems -2047,2020-08-05 15:18:46,Test-Time Data Augmentation,Tutorial on how to properly implement test-time image data augmentation in a production environment with limited computational resources. -2048,2020-08-05 16:50:22,SadedeGel: An extraction based Turkish news summarizer,"""Sadede Gel"" in Turkish, means ""cut to the chase"". " -2051,2020-08-05 20:13:51,MobyDick word frequency,Getting the count of the words in Moby Dick story using both web scraping and NLP -2053,2020-08-05 20:30:33,Image Classification with Keras,Build a pipeline to train an image classifier in Keras and tune hyperparameters to optimize the performance of our classifier. -2054,2020-08-05 20:34:09,Dropout in PyTorch – An Example,"An example of adding Dropout to a PyTorch model, and observe the effect dropout has on the model's performance by tracking our models in Weights & Biases." -2057,2020-08-06 04:06:11,"Data Science Meets Devops: MLOps with Jupyter, Git, & Kubernetes","An end-to-end example of deploying a machine learning product using Jupyter, Papermill, Tekton, GitOps and Kubeflow." -2061,2020-08-06 04:59:21,Detectron 2 Demo from Facebook,This Project contains the process of getting started with Facebook FAIR's detectron2 project on windows 10 without any Nvidia GPU. -2062,2020-08-06 12:38:55,Predict Vehicle Speed From Dash Cam Video,A series of experiments attempting to predict vehicle speed from dash cam videos using optical flow and neural networks. -2098,2020-08-06 23:15:45,Digital Image Processing in Python,Play around with pixel values with Python programming language. -2100,2020-08-07 04:24:28,A 2020 guide to Semantic Segmentation,"Concept of image segmentation, discuss the relevant use-cases, different neural network architectures involved in achieving the results, metrics and datasets." -2106,2020-08-08 15:06:18,Fast NST for Videos (+ person segmentation) 🎥 + ⚡💻 + 🎨 = ❤️,Create NST videos and pick separate styles for the person in the video and for the background. -2109,2020-08-09 07:24:57,Live demo : State-of-the-art MCQ Generator from any content,"Demo for state-of-the-art MCQ (Multiple Choice Questions) generator from any content built using T5 transformer, HuggingFace, and Sense2vec -" -2111,2020-08-10 03:26:16,InvoiceNet,"Deep neural network to extract intelligent information from PDF invoice documents. -" -2112,2020-08-10 03:41:31,Search for visual datasets,"By task, application, class, label or format." -2113,2020-08-10 04:01:03,GAN-BERT,Enhancing the BERT training with Semi-supervised Generative Adversarial Networks. -2114,2020-08-10 04:03:51,tsaug,A Python package for time series augmentation. -2116,2020-08-10 04:15:38,Machine Learning Pipelines for Kubeflow.,Kubeflow pipelines are reusable end-to-end ML workflows built using the Kubeflow Pipelines SDK. -2117,2020-08-10 04:17:57,Structuring Unit Tests in Python,"Where to put tests, how to write fixtures and the awesomeness of test parametrization." -2121,2020-08-10 21:59:41,DeepR — Training TensorFlow Models for Production,DeepR is a Python library to build complex pipelines as easily as possible on top of Tensorflow. -2124,2020-08-11 00:20:42,Neural Architecture Search,"A look at neural architecture search w.r.t search space, search algorithms and evolution strategies." -2135,2020-08-13 01:52:06,Temporal Convolutional Networks for Time-Series,"We introduce several novels using TCN, including improving traffic prediction, sound event localization & detection, and probabilistic forecasting." -2136,2020-08-13 02:05:11,Machine Learning Deployment: Shadow Mode,"“How do I test my new model in production?” One answer, and a method I often employ when initially deploying models, is shadow mode." -2138,2020-08-13 18:12:46,Extract Stock Sentiment from News Headlines," In this project, you will generate investing insight by applying sentiment analysis on financial news headlines from Finviz. " -2141,2020-08-14 03:15:38,hloc - the hierarchical localization toolbox,Visual localization made easy. -2147,2020-08-15 01:17:07,Practical Tips and Tricks for Successful Transfer Learning,Training models to learn knowledge and skills from other related tasks that will transfer and boost performance on tasks of interest. -2148,2020-08-15 01:22:01,txtai: AI-powered search engine,AI-powered search engine. -2151,2020-08-15 05:32:22,Drowsiness Detection System using OpenCV and Flask in Python ,"This system provides an overview of a system that detects whether a person is drowsy while driving and if so, alerts him by using voice messages in real-time. " -2155,2020-08-15 14:49:16,"GPT-3, The model simply knows!",Brief Introduction about the gigantic GPT-3. a new leap in AI and Natural Language processing. -2159,2020-08-16 01:02:18,Solaris,CosmiQ Works Geospatial Machine Learning Analysis Toolkit. -2163,2020-08-17 03:19:46,Safe Space - Github Action,Github action that checks the toxicity level of comments and PR reviews to help make repos safe spaces. -2164,2020-08-17 03:24:46,Intro to Autoencoders,"This tutorial introduces autoencoders with three examples: the basics, image denoising, and anomaly detection." -2166,2020-08-17 05:19:41,Pix2Pix,"Tensorflow 2.0 Implementation of the paper Image-to-Image Translation using Conditional GANs by Philip Isola, Jun-Yan Zhu, Tinghui Zhou and Alexei A. Efros." -2167,2020-08-17 06:27:31,Insight,Project Insight is designed to create NLP as a service with code base for both front end GUI (streamlit) and backend server (FastAPI) the usage of transformers -2168,2020-08-17 10:55:43,Onceupon.space,NLP experiment in story-telling that creates illustrations (text to sketch) and content (text generation) -2173,2020-08-18 04:16:33,Fine-tuning with custom datasets,This tutorial will take you through several examples of using 🤗 Transformers models with your own datasets. -2185,2020-08-18 23:12:27,Language Interpretability Tool (LIT),"The Language Interpretability Tool (LIT) is a visual, interactive model-understanding tool for NLP models." -2188,2020-08-19 15:16:46,Great Expectations,Always know what to expect from your data. -2193,2020-08-20 00:39:05,Effective testing for machine learning systems,"Why testing machine learning systems can be different, and discuss some strategies for writing effective tests for machine learning systems." -2202,2020-08-22 03:55:27,Graph Representation Learning Book,"Introduction to graph representation learning, including methods for embedding graph data, graph neural networks, and deep generative models of graphs." -2203,2020-08-22 05:58:20,Image Similarity Search in PyTorch,"Simple Convolutional Auto-encoder based image similarity -search to find similar images to given image or features. -Fully written in PyTorch." -2204,2020-08-22 17:19:00,Tensorflow Object Detection with Tensorflow 2,Object Detection with Tensorflow 2 and the Tensorflow Object Detection API -2207,2020-08-23 04:38:45,Rules of Machine Learning: Best Practices for ML Engineering,A basic knowledge of machine learning get the benefit of best practices in machine learning from around Google. -2214,2020-08-24 11:16:47,vedaseg,vedaseg is an open source semantic segmentation toolbox based on PyTorch. -2215,2020-08-24 11:52:10,vedastr,vedastr is an open source scene text recognition toolbox based on PyTorch. -2218,2020-08-25 13:57:49,CascadeTabNet,"An approach for end-to-end table detection and structure recognition from image-based documents -" -2220,2020-08-25 16:13:31,"Table Detection, Information Extraction and Structuring using ML",Table Extraction (TE) is the task of detecting and decomposing table information in a document. -2223,2020-08-26 04:21:37,AxCell,Automatic Extraction of Results from Machine Learning Papers -2226,2020-08-27 01:54:16,Hyperparameter Optimization for 🤗 Transformers: A Guide,"Basic grid search is not the most optimal, and in fact, the hyperparameters we choose can have a significant impact on our final model performance." -2235,2020-08-27 16:03:12,Shift-Ctrl-F: Semantic Search for the Browser,🔎: Search the information available on a webpage using natural language instead of an exact string match. -2238,2020-08-28 01:24:08,Spinning Up in Deep RL (OpenAI),An educational resource to help anyone learn deep reinforcement learning. -2239,2020-08-28 07:07:39,An Introduction to Adversarial Examples in Deep Learning,"This report provides an intuitive introduction to adversarial examples, discusses a wide variety of different adversarial attacks and, most notably, provides ad" -2242,2020-08-29 08:10:21,Deep dive into ROI layer in Object Detection Models,In this blog post we will implement in torch ROI Pool and ROI Align models from scratch. -2245,2020-08-30 02:51:07,On the Bottleneck of Graph Neural Networks and its Implications,The mechanism of propagating information between neighbors creates a bottleneck when every node aggregates messages from its neighbors. -2247,2020-08-30 11:48:19,Unsupervised Keyphrase Extraction,Learn about unsupervised algorithms for automatically extracting representative keyword and phrases from documents -2251,2020-08-31 10:05:12,Practical AI: Using NLP word embeddings to solve localization ,"Using NLP word vectors (word2vec, glove, etc) in a novel way to solve the problem of localization in edtech." -2252,2020-08-31 23:40:26,Explore then Execute,Adapting without Rewards via Factorized Meta-Reinforcement Learning -2255,2020-09-01 04:49:38,"Tensorflow, Pytorch, Transformer, Fastai, etc. Tutorials","BERT Classification, Question Answering, Seq2Seq Machine Translation, Contextual Topic Modeling, Large Scale Multilabelclassification, etc" -2258,2020-09-02 09:05:08,Graph Convolutions for dummies,An article explaining Graph Convolutional Networks as simply as possible. -2259,2020-09-02 23:08:03,ECCV 2020: Some Highlights,A sort of a snapshot of the conference by summarizing some papers (& listing some) that grabbed my attention. -2260,2020-09-02 23:13:20,CVPR 2020: A Snapshot,A snapshot of the conference by summarizing some papers (& listing some) that grabbed my attention. -2263,2020-09-03 23:05:32,TTT: Fine-tuning Transformers with TPUs or GPUs acceleration,"TTT is short for a package for fine-tuning 🤗 Transformers with TPUs, written in Tensorflow2.0+." -2264,2020-09-04 01:24:22,MushroomRL,Python library for Reinforcement Learning. -2267,2020-09-04 02:50:39,What Is MLOps?,"Machine learning operations, MLOps, are best practices for businesses to run AI successfully with help from an expanding software products and cloud services." -2268,2020-09-05 01:06:07,NLP Course | For You,This is an extension to the (ML for) Natural Language Processing course I teach at the Yandex School of Data Analysis (YSDA) since fall 2018. -2269,2020-09-05 01:09:06,Learning to Summarize with Human Feedback,Human feedback models outperform much larger supervised models and reference summaries on TL;DR -2273,2020-09-05 18:22:44,ONNX Transformers,Accelerated NLP pipelines for fast inference 🚀 on CPU. Built with 🤗 Transformers and ONNX runtime. -2275,2020-09-06 07:26:21,hugdatafast: huggingface/nlp + fastai,The elegant integration of huggingface/nlp and fastai2 and handy transforms using pure huggingface/nlp -2280,2020-09-06 18:59:46,Top 10 Deep Learning Breakthroughs — Deep Reinforcement Learning,The article unravels the journey behind reaching the point when Reinforcement Learning combined with Deep Learning defeated a Go player world champion. -2283,2020-09-07 07:13:04,Data analysis made easy: Text2Code for Jupyter notebook,A jupyter notebook extension for Text2Code for basic pandas and plotly commands -2284,2020-09-07 10:42:32,electra_pytorch: ELECTRA in PyTorch (fastai + huggingface),Unofficial reimplementation of -2285,2020-09-07 13:36:55,Images of radio boxes,I have collected about 15+k raw images of radio boxes across 500+ forms and hand-picked 200+ images that can be used to determine if a radio box is checked. -2287,2020-09-07 20:56:51,omega|ml - building and deploying ML models the easy way,Deploying ML is hard. It should not be. omega|ml makes it a breeze. -2290,2020-09-09 00:16:32,Fine-tune a non-English GPT-2 Model with Huggingface," In this tutorial, we are going to use the transformers library by Huggingface. We will use the new Trainer class and fine-tune out GPT-2 model." -2294,2020-09-09 16:14:37,Getting started with large-scale ETL jobs using Dask and AWS EMR,"EMR is AWS’s distributed data platform, which we can interact with and submit jobs to from a JupyterLab notebook running on our local machine." -2295,2020-09-09 16:36:45,How to Create a Cartoonizer with TensorFlow Lite?,An end-to-end tutorial on how to convert to TensorFlow Lite (TFLite) model and deploy it to an Android app for cartoonizing an image captured by camera. -2296,2020-09-10 01:15:57,How to Test Machine Learning Code and Systems,"🚦 Minimal examples of testing machine learning for correct implementation, expected learned behaviour, and model performance. - -" -2298,2020-09-11 00:02:10,torchCDE,Differentiable controlled differential equation solvers for PyTorch with GPU support and memory-efficient adjoint backpropagation. -2299,2020-09-11 00:07:11,Latent graph neural networks: Manifold learning 2.0?,Parallels between recent works on latent graph learning and older techniques of manifold learning. -2300,2020-09-11 00:11:14,Real Python Recommendation Engine,A full stack data science project that performs document similarity on RealPython.com content. Content recommendations are implemented via a Chrome extension. -2304,2020-09-11 17:54:04,Graph Neural Networks,A descriptive guide for Graph Neural Networks. -2317,2020-09-14 05:32:45,End-to-end Object Detection in TensorFlow Lite,"This project shows how to train a custom detection model with the TFOD API, optimize it with TFLite, and perform inference with the optimized model." -2318,2020-09-14 11:55:33,Jepto - Digital Marketing Analytics,KPI Prediction and Anomaly Detection of digital marketing data for both technical and non-technical marketers and business owners. -2319,2020-09-14 19:21:33,Cartoonizer with TensorFlow.js,An app to turn your photos into cartoon-styled images 🎨 within your browsers using White-box Cartoonization GAN. -2325,2020-09-16 13:43:20,Implementing Content-Based Image Retrieval with Siamese Networks,"With content-based image retrieval, we refer to the task of finding images containing attributes which are not in the image metadata, but in its visual content." -2326,2020-09-17 00:18:51,NLP for Developers: Multilingual NLP | Rasa,"In this video, Rasa Developer Advocate Rachael will talk about common approaches to handle language input in more than one language." -2327,2020-09-17 15:36:45,Paint with Machine Learning,This web app allows you to create a landscape painting in the style of Bob Ross using a deep learning model served using a Spell model server. -2328,2020-09-17 16:04:29,Distilling Knowledge in Neural Networks,This project demonstrates the compelling model optimization technique - knowledge distillation with code walkthroughs in TensorFlow. -2332,2020-09-18 08:49:55,Recurrent Neural Networks: building GRU cells VS LSTM cells ,What are the advantages of RNN’s over transformers? When to use GRU’s over LSTM? What are the equations of GRU really mean? How to build a GRU cell in Pytorch? -2341,2020-09-20 00:34:03,PyTorch Forecasting,Time series forecasting with PyTorch. -2342,2020-09-20 03:24:58,Norfair,Lightweight Python library for adding real-time 2D object tracking to any detector. -2344,2020-09-21 00:20:00,Labelai,"Labelai is an online tool designed to label images, useful for training AI models." -2345,2020-09-21 00:26:02,Remo,🐰 Python lib for remo - the app for annotations and images management in Computer Vision. -2348,2020-09-21 23:47:06,Layered Neural Rendering for Retiming People in Video,Manipulating and editing the time in which different motions of individuals in the video occur. -2351,2020-09-22 03:42:58,Simple Transformers: Transformers Made Easy,Simple Transformers removes complexity and lets you get down to what matters – model training and experimenting with the Transformer model architectures. -2353,2020-09-22 13:04:04,TF Geometric,Efficient and Friendly Graph Neural Network Library for TensorFlow 1.x and 2.x. -2356,2020-09-23 04:56:15,"Part 2: Deep Representations, a way towards neural style transfer",A top-down approach to conceiving neural style transfer -2357,2020-09-23 10:27:15,Sudoku Solver,Solving Sudoku by extracting the puzzle from photo using Computer Vision and OCR and solving it. -2360,2020-09-23 13:56:29,"3D Face: Fast, Accurate and Stable Reconstruction","This work extends the previous work 3DDFA, named 3DDFA_V2, titled Towards Fast, Accurate and Stable 3D Dense Face Alignment, accepted by ECCV 2020. " -2368,2020-09-25 07:47:27,TableQA,AI tool for querying natural language on tabular data like csvs and other dataframes. -2369,2020-09-25 15:44:08,GP-GAN: Towards Realistic High-Resolution Image Blending,Blending composite images using a generative model and a Gaussian-Poisson equation with a Laplacian Pyramid -2371,2020-09-25 18:10:13,From Research to Production with Deep Semi-Supervised Learning,Semi-Supervised Learning (SSL) has blossomed in the deep learning research community — we share lessons learned over 15 months of taking SSL into production. -2372,2020-09-25 18:39:59, A spaced repetition app for keeping your reinforcement learning,We aim to keep your reinforcement learning knowledge fresh by periodically reminding you of concepts making you a master of RL knowledge!! -2373,2020-09-25 22:41:22,GraphNorm,A Principled Approach to Accelerating Graph Neural Network Training. -2384,2020-09-27 08:42:46,Intro to Facebook Prophet,Everything you need to know when starting out with Facebook’s time series forecasting tool -2387,2020-09-27 14:22:51,GitHub Actions for Machine Learning,This presentation discusses the use of GitHub Actions to automate certain steps of a toy ML project. -2388,2020-09-27 22:09:32,SemTorch,Different deep learning architectures definitions that can be applied to image segmentation. -2389,2020-09-28 05:34:15,bingoset - CLI tool to create image dataset.,CLI Toolkit to quickly create an image dataset using Bing Image Search API. -2395,2020-09-28 22:51:23,Python caching in GitHub Actions,How to speed up slow Python builds in GitHub Actions with effective caching. -2396,2020-09-29 00:36:12,EfficientDet meets Pytorch Lightning,Beginner friendly guide to object detection using EfficientDet. -2397,2020-09-29 02:15:46,Optimizing MobileDet for Mobile Deployments,Learn about the criticalities of effectively optimizing MobileDet object detectors for mobile deployments. -2402,2020-09-30 22:11:07,Adapting Text Augmentation to Industry Problems,"In this post I will talk about the recent advances in exploiting language models for data generation and also show how, where we can implement them in Industry." -2404,2020-09-30 22:22:07,12 Factors of Reproducible Machine Learning in Production,We took our experience to deduce 12 factors (as a nod to the 12 factor app) that build the backbone of successful ML in production. -2410,2020-10-01 13:42:23,Serving PyTorch models in production with the Amazon SageMaker,TorchServe is now natively supported in Amazon SageMaker as the default model server for PyTorch inference. -2411,2020-10-01 14:55:12,How to Make Sense of the Reinforcement Learning Agents?,What and Why I Log During Training and Debug? -2412,2020-10-01 18:50:05,Introduction to 3D Medical Imaging: Preprocessing & Augmentations,"Learn how to apply 3D transformations for medical image preprocessing and augmentation, to setup your awesome deep learning pipeline." -2415,2020-10-01 23:55:36,Explainable ML Monitoring,"The video covers an overview of some of the risks of AI, the need for explainable monitoring, and what exactly we mean when we talk about it." -2417,2020-10-02 09:44:25,Parallelizing Prophet Cross-Validation with Dask,Applied Example w/ Code -2418,2020-10-02 10:16:17,Top Research Papers from the ECML-PKDD 2020 Conference,ECML-PKDD -> selectionof the best reaesch papers -2419,2020-10-02 15:37:27,GANs in Computer Vision Free Ebook / Article-series,This free ebook/article-series follows the chronological order of 20 peer-reviewed highly-cited papers as they presented in a series of 6 articles. -2422,2020-10-02 21:48:21,Pattern-Exploiting Training (PET),"This repository contains the code for ""Exploiting Cloze Questions for Few-Shot Text Classification and Natural Language Inference""" -2423,2020-10-03 20:27:36,Imaginaire,NVIDIA PyTorch GAN library with distributed and mixed precision support. -2430,2020-10-05 10:09:28,Transection: Transformers for English to Chinese Translation 基于t,Tutorials on how to fine-tune a BART based transformer for English to Chinese translation. -2431,2020-10-05 12:36:02,A Survey of the State of Explainable AI for NLP,Overview of the operations and explainability techniques currently available for generating explanations for NLP model predictions. -2432,2020-10-05 13:09:58,Topic Modeling with BERT,Leveraging 🤗 Transformers and a class-based TF-IDF to create dense clusters allowing for easily interpretable topics. -2434,2020-10-06 02:13:01,OpenMMLab Computer Vision,"MMCV is a python library for CV research and supports many research projects such as object detection, segmentation, pose estimation, action classification. - -" -2436,2020-10-06 13:29:44,Machine Learning Methods Explained (+ Examples),Most common techniques used in data science projects; get to know them through easy-to-understand examples and put them into practice in your own ML projects! -2437,2020-10-06 14:53:39,Rasoee,"A powerful web and mobile application that identifies food dishes from a given input image, and provides an ingredient list along with relevant recipes." diff --git a/datasets/tags.csv b/datasets/tags.csv deleted file mode 100644 index 51eae3c4..00000000 --- a/datasets/tags.csv +++ /dev/null @@ -1,765 +0,0 @@ -tag -computer-vision -computer-vision -graph-learning -reinforcement-learning -graph-learning -graph-learning -graph-learning -graph-learning -graph-learning -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -graph-learning -natural-language-processing -mlops -computer-vision -computer-vision -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -reinforcement-learning -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -mlops -computer-vision -natural-language-processing -computer-vision -natural-language-processing -graph-learning -computer-vision -graph-learning -computer-vision -computer-vision -mlops -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -computer-vision -computer-vision -natural-language-processing -time-series -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -reinforcement-learning -computer-vision -reinforcement-learning -reinforcement-learning -natural-language-processing -reinforcement-learning -computer-vision -natural-language-processing -computer-vision -computer-vision -graph-learning -graph-learning -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -computer-vision -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -mlops -mlops -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -reinforcement-learning -reinforcement-learning -graph-learning -computer-vision -natural-language-processing -natural-language-processing -computer-vision -computer-vision -natural-language-processing -computer-vision -mlops -natural-language-processing -computer-vision -natural-language-processing -time-series -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -computer-vision -computer-vision -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -natural-language-processing -computer-vision -time-series -computer-vision -time-series -natural-language-processing -computer-vision -computer-vision -natural-language-processing -mlops -computer-vision -computer-vision -natural-language-processing -computer-vision -mlops -natural-language-processing -mlops -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -reinforcement-learning -computer-vision -computer-vision -computer-vision -natural-language-processing -natural-language-processing -graph-learning -reinforcement-learning -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -computer-vision -natural-language-processing -computer-vision -graph-learning -natural-language-processing -natural-language-processing -time-series -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -time-series -time-series -natural-language-processing -computer-vision -graph-learning -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -computer-vision -computer-vision -computer-vision -graph-learning -mlops -computer-vision -graph-learning -mlops -computer-vision -natural-language-processing -computer-vision -natural-language-processing -reinforcement-learning -computer-vision -computer-vision -reinforcement-learning -natural-language-processing -computer-vision -graph-learning -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -reinforcement-learning -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -computer-vision -natural-language-processing -time-series -natural-language-processing -reinforcement-learning -natural-language-processing -natural-language-processing -computer-vision -reinforcement-learning -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -computer-vision -reinforcement-learning -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -reinforcement-learning -natural-language-processing -time-series -computer-vision -computer-vision -time-series -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -natural-language-processing -computer-vision -natural-language-processing -mlops -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -computer-vision -time-series -computer-vision -computer-vision -natural-language-processing -natural-language-processing -computer-vision -computer-vision -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -reinforcement-learning -computer-vision -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -computer-vision -computer-vision -mlops -computer-vision -natural-language-processing -natural-language-processing -computer-vision -computer-vision -computer-vision -natural-language-processing -natural-language-processing -reinforcement-learning -computer-vision -mlops -natural-language-processing -natural-language-processing -natural-language-processing -time-series -computer-vision -natural-language-processing -reinforcement-learning -natural-language-processing -natural-language-processing -reinforcement-learning -computer-vision -reinforcement-learning -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -computer-vision -natural-language-processing -computer-vision -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -time-series -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -computer-vision -computer-vision -computer-vision -natural-language-processing -mlops -reinforcement-learning -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -reinforcement-learning -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -computer-vision -computer-vision -reinforcement-learning -time-series -mlops -computer-vision -natural-language-processing -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -time-series -computer-vision -reinforcement-learning -computer-vision -natural-language-processing -computer-vision -reinforcement-learning -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -computer-vision -mlops -computer-vision -natural-language-processing -computer-vision -reinforcement-learning -natural-language-processing -natural-language-processing -graph-learning -natural-language-processing -reinforcement-learning -computer-vision -computer-vision -mlops -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -mlops -graph-learning -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -mlops -reinforcement-learning -computer-vision -computer-vision -computer-vision -reinforcement-learning -natural-language-processing -graph-learning -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -graph-learning -reinforcement-learning -reinforcement-learning -natural-language-processing -computer-vision -computer-vision -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -time-series -computer-vision -natural-language-processing -computer-vision -natural-language-processing -mlops -computer-vision -computer-vision -time-series -natural-language-processing -natural-language-processing -reinforcement-learning -natural-language-processing -computer-vision -reinforcement-learning -mlops -computer-vision -reinforcement-learning -computer-vision -time-series -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -mlops -computer-vision -graph-learning -mlops -computer-vision -computer-vision -computer-vision -natural-language-processing -natural-language-processing -computer-vision -computer-vision -time-series -time-series -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -mlops -mlops -mlops -mlops -natural-language-processing -computer-vision -computer-vision -computer-vision -computer-vision -mlops -computer-vision -computer-vision -computer-vision -computer-vision -mlops -natural-language-processing -computer-vision -mlops -computer-vision -computer-vision -computer-vision -computer-vision -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -computer-vision -mlops -computer-vision -computer-vision -natural-language-processing -mlops -natural-language-processing -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -mlops -computer-vision -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -graph-learning -mlops -computer-vision -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -graph-learning -mlops -mlops -mlops -mlops -computer-vision -mlops -natural-language-processing -computer-vision -computer-vision -mlops -computer-vision -computer-vision -natural-language-processing -graph-learning -natural-language-processing -time-series -computer-vision -computer-vision -natural-language-processing -computer-vision -computer-vision -natural-language-processing -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -mlops -computer-vision -computer-vision -natural-language-processing -computer-vision -natural-language-processing -mlops -mlops -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -mlops -natural-language-processing -natural-language-processing -computer-vision -computer-vision -mlops -computer-vision -computer-vision -computer-vision -computer-vision -computer-vision -natural-language-processing -computer-vision -computer-vision -natural-language-processing -time-series -mlops -mlops -mlops -reinforcement-learning -time-series -mlops -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -computer-vision -natural-language-processing -computer-vision -natural-language-processing -computer-vision -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -mlops -mlops -graph-learning -computer-vision -computer-vision -mlops -computer-vision -computer-vision -computer-vision -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -reinforcement-learning -computer-vision -computer-vision -graph-learning -natural-language-processing -natural-language-processing -reinforcement-learning -natural-language-processing -graph-learning -computer-vision -computer-vision -natural-language-processing -reinforcement-learning -mlops -natural-language-processing -natural-language-processing -natural-language-processing -natural-language-processing -reinforcement-learning -natural-language-processing -natural-language-processing -computer-vision -mlops -natural-language-processing -mlops -computer-vision -mlops -time-series -graph-learning -natural-language-processing -graph-learning -computer-vision -time-series -computer-vision -computer-vision -natural-language-processing -computer-vision -computer-vision -natural-language-processing -time-series -computer-vision -computer-vision -computer-vision -computer-vision -natural-language-processing -graph-learning -computer-vision -computer-vision -computer-vision -natural-language-processing -computer-vision -mlops -reinforcement-learning -graph-learning -time-series -mlops -computer-vision -computer-vision -mlops -computer-vision -computer-vision -natural-language-processing -mlops -mlops -reinforcement-learning -computer-vision -mlops -time-series -reinforcement-learning -computer-vision -natural-language-processing -computer-vision -natural-language-processing -natural-language-processing -natural-language-processing -computer-vision -reinforcement-learning -computer-vision diff --git a/deploy/cluster_compute.yaml b/deploy/cluster_compute.yaml deleted file mode 100644 index 3a8bef6d..00000000 --- a/deploy/cluster_compute.yaml +++ /dev/null @@ -1,22 +0,0 @@ -cloud: education-us-west-2 -region: us-west-2 -head_node_type: - name: head_node_type - instance_type: g5.4xlarge -worker_node_types: -- name: gpu_worker - instance_type: g5.4xlarge - min_workers: 1 - max_workers: 1 - use_spot: False -aws: - BlockDeviceMappings: - - DeviceName: "/dev/sda1" - Ebs: - VolumeSize: 500 - DeleteOnTermination: true - TagSpecifications: - - ResourceType: instance - Tags: - - Key: as-feature-multi-zone - Value: "true" diff --git a/deploy/cluster_env.yaml b/deploy/cluster_env.yaml deleted file mode 100644 index 14ba9e26..00000000 --- a/deploy/cluster_env.yaml +++ /dev/null @@ -1,12 +0,0 @@ -base_image: anyscale/ray:2.7.0optimized-py310-cu118 -env_vars: {} -debian_packages: - - curl - -python: - pip_packages: [] - conda_packages: [] - -post_build_cmds: - - python3 -m pip install --upgrade pip setuptools wheel - - python3 -m pip install -r https://raw.githubusercontent.com/GokuMohandas/Made-With-ML/main/requirements.txt diff --git a/deploy/jobs/workloads.sh b/deploy/jobs/workloads.sh deleted file mode 100644 index c7cb3ef5..00000000 --- a/deploy/jobs/workloads.sh +++ /dev/null @@ -1,53 +0,0 @@ -#!/bin/bash -export PYTHONPATH=$PYTHONPATH:$PWD -mkdir results - -# Test data -export RESULTS_FILE=results/test_data_results.txt -export DATASET_LOC="https://raw.githubusercontent.com/GokuMohandas/Made-With-ML/main/datasets/dataset.csv" -pytest --dataset-loc=$DATASET_LOC tests/data --verbose --disable-warnings > $RESULTS_FILE -cat $RESULTS_FILE - -# Test code -export RESULTS_FILE=results/test_code_results.txt -python -m pytest tests/code --verbose --disable-warnings > $RESULTS_FILE -cat $RESULTS_FILE - -# Train -export EXPERIMENT_NAME="llm" -export RESULTS_FILE=results/training_results.json -export DATASET_LOC="https://raw.githubusercontent.com/GokuMohandas/Made-With-ML/main/datasets/dataset.csv" -export TRAIN_LOOP_CONFIG='{"dropout_p": 0.5, "lr": 1e-4, "lr_factor": 0.8, "lr_patience": 3}' -python madewithml/train.py \ - --experiment-name "$EXPERIMENT_NAME" \ - --dataset-loc "$DATASET_LOC" \ - --train-loop-config "$TRAIN_LOOP_CONFIG" \ - --num-workers 1 \ - --cpu-per-worker 10 \ - --gpu-per-worker 1 \ - --num-epochs 10 \ - --batch-size 256 \ - --results-fp $RESULTS_FILE - -# Get and save run ID -export RUN_ID=$(python -c "import os; from madewithml import utils; d = utils.load_dict(os.getenv('RESULTS_FILE')); print(d['run_id'])") -export RUN_ID_FILE=results/run_id.txt -echo $RUN_ID > $RUN_ID_FILE # used for serving later - -# Evaluate -export RESULTS_FILE=results/evaluation_results.json -export HOLDOUT_LOC="https://raw.githubusercontent.com/GokuMohandas/Made-With-ML/main/datasets/holdout.csv" -python madewithml/evaluate.py \ - --run-id $RUN_ID \ - --dataset-loc $HOLDOUT_LOC \ - --results-fp $RESULTS_FILE - -# Test model -RESULTS_FILE=results/test_model_results.txt -pytest --run-id=$RUN_ID tests/model --verbose --disable-warnings > $RESULTS_FILE -cat $RESULTS_FILE - -# Save to S3 -export MODEL_REGISTRY=$(python -c "from madewithml import config; print(config.MODEL_REGISTRY)") -aws s3 cp $MODEL_REGISTRY s3://madewithml/$GITHUB_USERNAME/mlflow/ --recursive -aws s3 cp results/ s3://madewithml/$GITHUB_USERNAME/results/ --recursive diff --git a/deploy/jobs/workloads.yaml b/deploy/jobs/workloads.yaml deleted file mode 100644 index 2ce8f0da..00000000 --- a/deploy/jobs/workloads.yaml +++ /dev/null @@ -1,11 +0,0 @@ -name: workloads -project_id: prj_wn6el5cu9dqwktk6t4cv54x8zh -cluster_env: madewithml-cluster-env -compute_config: madewithml-cluster-compute -runtime_env: - working_dir: . - upload_path: s3://madewithml/GokuMohandas/jobs # <--- CHANGE USERNAME (case-sensitive) - env_vars: - GITHUB_USERNAME: GokuMohandas # <--- CHANGE USERNAME (case-sensitive) -entrypoint: bash deploy/jobs/workloads.sh -max_retries: 0 diff --git a/deploy/services/serve_model.py b/deploy/services/serve_model.py deleted file mode 100644 index 151f797b..00000000 --- a/deploy/services/serve_model.py +++ /dev/null @@ -1,17 +0,0 @@ -import os -import subprocess -import sys - -sys.path.append(".") - -from madewithml.config import MODEL_REGISTRY # NOQA: E402 -from madewithml.serve import ModelDeployment # NOQA: E402 - -# Copy from S3 -github_username = os.environ.get("GITHUB_USERNAME") -subprocess.check_output(["aws", "s3", "cp", f"s3://madewithml/{github_username}/mlflow/", str(MODEL_REGISTRY), "--recursive"]) -subprocess.check_output(["aws", "s3", "cp", f"s3://madewithml/{github_username}/results/", "./", "--recursive"]) - -# Entrypoint -run_id = [line.strip() for line in open("run_id.txt")][0] -entrypoint = ModelDeployment.bind(run_id=run_id, threshold=0.9) diff --git a/deploy/services/serve_model.yaml b/deploy/services/serve_model.yaml deleted file mode 100644 index d02b088f..00000000 --- a/deploy/services/serve_model.yaml +++ /dev/null @@ -1,12 +0,0 @@ -name: madewithml -project_id: prj_wn6el5cu9dqwktk6t4cv54x8zh -cluster_env: madewithml-cluster-env -compute_config: madewithml-cluster-compute -ray_serve_config: - import_path: deploy.services.serve_model:entrypoint - runtime_env: - working_dir: . - upload_path: s3://madewithml/GokuMohandas/services # <--- CHANGE USERNAME (case-sensitive) - env_vars: - GITHUB_USERNAME: GokuMohandas # <--- CHANGE USERNAME (case-sensitive) -rollout_strategy: ROLLOUT # ROLLOUT or IN_PLACE diff --git a/docs/index.md b/docs/index.md deleted file mode 100644 index 0942ee32..00000000 --- a/docs/index.md +++ /dev/null @@ -1,10 +0,0 @@ -## Documentation - -- [madewithml](madewithml/data.md): documentation. - -## Lessons - -Learn how to combine machine learning with software engineering to design, develop, deploy and iterate on production ML applications. - -- **Lessons**: [https://madewithml.com/](https://madewithml.com/#course) -- **Code**: [GokuMohandas/Made-With-ML](https://github.com/GokuMohandas/Made-With-ML) diff --git a/docs/madewithml/data.md b/docs/madewithml/data.md deleted file mode 100644 index d871bc5d..00000000 --- a/docs/madewithml/data.md +++ /dev/null @@ -1 +0,0 @@ -::: madewithml.data diff --git a/docs/madewithml/evaluate.md b/docs/madewithml/evaluate.md deleted file mode 100644 index 9e0f7ac6..00000000 --- a/docs/madewithml/evaluate.md +++ /dev/null @@ -1 +0,0 @@ -::: madewithml.evaluate diff --git a/docs/madewithml/models.md b/docs/madewithml/models.md deleted file mode 100644 index 7d265a81..00000000 --- a/docs/madewithml/models.md +++ /dev/null @@ -1 +0,0 @@ -::: madewithml.models diff --git a/docs/madewithml/predict.md b/docs/madewithml/predict.md deleted file mode 100644 index af9d057c..00000000 --- a/docs/madewithml/predict.md +++ /dev/null @@ -1 +0,0 @@ -::: madewithml.predict diff --git a/docs/madewithml/serve.md b/docs/madewithml/serve.md deleted file mode 100644 index 6dc29add..00000000 --- a/docs/madewithml/serve.md +++ /dev/null @@ -1 +0,0 @@ -::: madewithml.serve diff --git a/docs/madewithml/train.md b/docs/madewithml/train.md deleted file mode 100644 index f0fdc062..00000000 --- a/docs/madewithml/train.md +++ /dev/null @@ -1 +0,0 @@ -::: madewithml.train diff --git a/docs/madewithml/tune.md b/docs/madewithml/tune.md deleted file mode 100644 index d580b191..00000000 --- a/docs/madewithml/tune.md +++ /dev/null @@ -1 +0,0 @@ -::: madewithml.tune diff --git a/docs/madewithml/utils.md b/docs/madewithml/utils.md deleted file mode 100644 index cead4e37..00000000 --- a/docs/madewithml/utils.md +++ /dev/null @@ -1 +0,0 @@ -::: madewithml.utils diff --git a/images/attention1.jpg b/images/attention1.jpg new file mode 100644 index 00000000..bd3506c1 Binary files /dev/null and b/images/attention1.jpg differ diff --git a/images/attention2.jpg b/images/attention2.jpg new file mode 100644 index 00000000..3c16324c Binary files /dev/null and b/images/attention2.jpg differ diff --git a/images/batchnorm.png b/images/batchnorm.png new file mode 100644 index 00000000..22af730b Binary files /dev/null and b/images/batchnorm.png differ diff --git a/images/birnn.png b/images/birnn.png new file mode 100644 index 00000000..8a3ceab5 Binary files /dev/null and b/images/birnn.png differ diff --git a/images/char_embeddings.png b/images/char_embeddings.png new file mode 100644 index 00000000..7e9de281 Binary files /dev/null and b/images/char_embeddings.png differ diff --git a/images/cnn.png b/images/cnn.png new file mode 100644 index 00000000..4ab863f1 Binary files /dev/null and b/images/cnn.png differ diff --git a/images/cnn_cv.png b/images/cnn_cv.png new file mode 100644 index 00000000..4ab863f1 Binary files /dev/null and b/images/cnn_cv.png differ diff --git a/images/cnn_text.png b/images/cnn_text.png new file mode 100644 index 00000000..85480a10 Binary files /dev/null and b/images/cnn_text.png differ diff --git a/images/cnn_text1.png b/images/cnn_text1.png new file mode 100644 index 00000000..bca32a19 Binary files /dev/null and b/images/cnn_text1.png differ diff --git a/images/cnn_text2.png b/images/cnn_text2.png new file mode 100644 index 00000000..6ad979dd Binary files /dev/null and b/images/cnn_text2.png differ diff --git a/images/cnn_text3.png b/images/cnn_text3.png new file mode 100644 index 00000000..5d6616e1 Binary files /dev/null and b/images/cnn_text3.png differ diff --git a/images/colab.png b/images/colab.png new file mode 100644 index 00000000..d99642cf Binary files /dev/null and b/images/colab.png differ diff --git a/images/commit.png b/images/commit.png new file mode 100644 index 00000000..45771eff Binary files /dev/null and b/images/commit.png differ diff --git a/images/conditioned_rnn1.png b/images/conditioned_rnn1.png new file mode 100644 index 00000000..a8ad985b Binary files /dev/null and b/images/conditioned_rnn1.png differ diff --git a/images/conditioned_rnn2.png b/images/conditioned_rnn2.png new file mode 100644 index 00000000..07933f83 Binary files /dev/null and b/images/conditioned_rnn2.png differ diff --git a/images/conv.gif b/images/conv.gif new file mode 100644 index 00000000..3efeadc2 Binary files /dev/null and b/images/conv.gif differ diff --git a/images/copy_to_drive.png b/images/copy_to_drive.png new file mode 100644 index 00000000..9a913267 Binary files /dev/null and b/images/copy_to_drive.png differ diff --git a/images/download_ipynb.png b/images/download_ipynb.png new file mode 100644 index 00000000..a6bc9b32 Binary files /dev/null and b/images/download_ipynb.png differ diff --git a/images/dropout.png b/images/dropout.png new file mode 100644 index 00000000..8138a2fb Binary files /dev/null and b/images/dropout.png differ diff --git a/images/dtree.jpg b/images/dtree.jpg new file mode 100644 index 00000000..91a1479e Binary files /dev/null and b/images/dtree.jpg differ diff --git a/images/forest.png b/images/forest.png new file mode 100644 index 00000000..9e5b4a5b Binary files /dev/null and b/images/forest.png differ diff --git a/images/gates.png b/images/gates.png new file mode 100644 index 00000000..e85121e5 Binary files /dev/null and b/images/gates.png differ diff --git a/images/layernorm.png b/images/layernorm.png new file mode 100644 index 00000000..91a96ede Binary files /dev/null and b/images/layernorm.png differ diff --git a/images/linear.png b/images/linear.png new file mode 100644 index 00000000..92d2b64d Binary files /dev/null and b/images/linear.png differ diff --git a/images/logistic.jpg b/images/logistic.jpg new file mode 100644 index 00000000..8ee884c7 Binary files /dev/null and b/images/logistic.jpg differ diff --git a/images/logo.png b/images/logo.png new file mode 100644 index 00000000..a52f17b0 Binary files /dev/null and b/images/logo.png differ diff --git a/images/matrix.png b/images/matrix.png new file mode 100644 index 00000000..1bd3832b Binary files /dev/null and b/images/matrix.png differ diff --git a/images/metrics.jpg b/images/metrics.jpg new file mode 100644 index 00000000..796b9b02 Binary files /dev/null and b/images/metrics.jpg differ diff --git a/images/mlp.png b/images/mlp.png new file mode 100644 index 00000000..b097c74e Binary files /dev/null and b/images/mlp.png differ diff --git a/images/models1.png b/images/models1.png new file mode 100644 index 00000000..24e69254 Binary files /dev/null and b/images/models1.png differ diff --git a/images/models2.png b/images/models2.png new file mode 100644 index 00000000..b03c945a Binary files /dev/null and b/images/models2.png differ diff --git a/images/numpy.png b/images/numpy.png new file mode 100644 index 00000000..4b7532c8 Binary files /dev/null and b/images/numpy.png differ diff --git a/images/nutshell.png b/images/nutshell.png new file mode 100644 index 00000000..34240517 Binary files /dev/null and b/images/nutshell.png differ diff --git a/images/pandas.png b/images/pandas.png new file mode 100644 index 00000000..065ee4e4 Binary files /dev/null and b/images/pandas.png differ diff --git a/images/pool.jpeg b/images/pool.jpeg new file mode 100644 index 00000000..5bca0948 Binary files /dev/null and b/images/pool.jpeg differ diff --git a/images/python.png b/images/python.png new file mode 100644 index 00000000..738f6ed4 Binary files /dev/null and b/images/python.png differ diff --git a/images/pytorch.png b/images/pytorch.png new file mode 100644 index 00000000..7992605b Binary files /dev/null and b/images/pytorch.png differ diff --git a/images/rnn.png b/images/rnn.png new file mode 100644 index 00000000..5ead231c Binary files /dev/null and b/images/rnn.png differ diff --git a/images/rnn2.png b/images/rnn2.png new file mode 100644 index 00000000..22d5db73 Binary files /dev/null and b/images/rnn2.png differ diff --git a/images/seq2seq.jpeg b/images/seq2seq.jpeg new file mode 100644 index 00000000..77f38ced Binary files /dev/null and b/images/seq2seq.jpeg differ diff --git a/images/skipgram.png b/images/skipgram.png new file mode 100644 index 00000000..4b4ea8b5 Binary files /dev/null and b/images/skipgram.png differ diff --git a/images/tensorboard.png b/images/tensorboard.png new file mode 100644 index 00000000..824b7a3c Binary files /dev/null and b/images/tensorboard.png differ diff --git a/images/upload.png b/images/upload.png new file mode 100644 index 00000000..d937098f Binary files /dev/null and b/images/upload.png differ diff --git a/madewithml/__init__.py b/madewithml/__init__.py deleted file mode 100644 index bf6bd6c5..00000000 --- a/madewithml/__init__.py +++ /dev/null @@ -1,3 +0,0 @@ -from dotenv import load_dotenv - -load_dotenv() diff --git a/madewithml/config.py b/madewithml/config.py deleted file mode 100644 index 2de5eb6b..00000000 --- a/madewithml/config.py +++ /dev/null @@ -1,250 +0,0 @@ -# config.py -import logging -import os -import sys -from pathlib import Path - -import mlflow - -# Directories -ROOT_DIR = Path(__file__).parent.parent.absolute() -LOGS_DIR = Path(ROOT_DIR, "logs") -LOGS_DIR.mkdir(parents=True, exist_ok=True) -EFS_DIR = Path(f"/efs/shared_storage/madewithml/{os.environ.get('GITHUB_USERNAME', '')}") -try: - Path(EFS_DIR).mkdir(parents=True, exist_ok=True) -except OSError: - EFS_DIR = Path(ROOT_DIR, "efs") - Path(EFS_DIR).mkdir(parents=True, exist_ok=True) - -# Config MLflow -MODEL_REGISTRY = Path(f"{EFS_DIR}/mlflow") -Path(MODEL_REGISTRY).mkdir(parents=True, exist_ok=True) -MLFLOW_TRACKING_URI = "file://" + str(MODEL_REGISTRY.absolute()) -mlflow.set_tracking_uri(MLFLOW_TRACKING_URI) - -# Logger -logging_config = { - "version": 1, - "disable_existing_loggers": False, - "formatters": { - "minimal": {"format": "%(message)s"}, - "detailed": {"format": "%(levelname)s %(asctime)s [%(name)s:%(filename)s:%(funcName)s:%(lineno)d]\n%(message)s\n"}, - }, - "handlers": { - "console": { - "class": "logging.StreamHandler", - "stream": sys.stdout, - "formatter": "minimal", - "level": logging.DEBUG, - }, - "info": { - "class": "logging.handlers.RotatingFileHandler", - "filename": Path(LOGS_DIR, "info.log"), - "maxBytes": 10485760, # 1 MB - "backupCount": 10, - "formatter": "detailed", - "level": logging.INFO, - }, - "error": { - "class": "logging.handlers.RotatingFileHandler", - "filename": Path(LOGS_DIR, "error.log"), - "maxBytes": 10485760, # 1 MB - "backupCount": 10, - "formatter": "detailed", - "level": logging.ERROR, - }, - }, - "root": { - "handlers": ["console", "info", "error"], - "level": logging.INFO, - "propagate": True, - }, -} - -# Logger -logging.config.dictConfig(logging_config) -logger = logging.getLogger() - -# Constraints -STOPWORDS = [ - "i", - "me", - "my", - "myself", - "we", - "our", - "ours", - "ourselves", - "you", - "you're", - "you've", - "you'll", - "you'd", - "your", - "yours", - "yourself", - "yourselves", - "he", - "him", - "his", - "himself", - "she", - "she's", - "her", - "hers", - "herself", - "it", - "it's", - "its", - "itself", - "they", - "them", - "their", - "theirs", - "themselves", - "what", - "which", - "who", - "whom", - "this", - "that", - "that'll", - "these", - "those", - "am", - "is", - "are", - "was", - "were", - "be", - "been", - "being", - "have", - "has", - "had", - "having", - "do", - "does", - "did", - "doing", - "a", - "an", - "the", - "and", - "but", - "if", - "or", - "because", - "as", - "until", - "while", - "of", - "at", - "by", - "for", - "with", - "about", - "against", - "between", - "into", - "through", - "during", - "before", - "after", - "above", - "below", - "to", - "from", - "up", - "down", - "in", - "out", - "on", - "off", - "over", - "under", - "again", - "further", - "then", - "once", - "here", - "there", - "when", - "where", - "why", - "how", - "all", - "any", - "both", - "each", - "few", - "more", - "most", - "other", - "some", - "such", - "no", - "nor", - "not", - "only", - "own", - "same", - "so", - "than", - "too", - "very", - "s", - "t", - "can", - "will", - "just", - "don", - "don't", - "should", - "should've", - "now", - "d", - "ll", - "m", - "o", - "re", - "ve", - "y", - "ain", - "aren", - "aren't", - "couldn", - "couldn't", - "didn", - "didn't", - "doesn", - "doesn't", - "hadn", - "hadn't", - "hasn", - "hasn't", - "haven", - "haven't", - "isn", - "isn't", - "ma", - "mightn", - "mightn't", - "mustn", - "mustn't", - "needn", - "needn't", - "shan", - "shan't", - "shouldn", - "shouldn't", - "wasn", - "wasn't", - "weren", - "weren't", - "won", - "won't", - "wouldn", - "wouldn't", -] diff --git a/madewithml/data.py b/madewithml/data.py deleted file mode 100644 index 299dd74e..00000000 --- a/madewithml/data.py +++ /dev/null @@ -1,151 +0,0 @@ -import re -from typing import Dict, List, Tuple - -import numpy as np -import pandas as pd -import ray -from ray.data import Dataset -from sklearn.model_selection import train_test_split -from transformers import BertTokenizer - -from madewithml.config import STOPWORDS - - -def load_data(dataset_loc: str, num_samples: int = None) -> Dataset: - """Load data from source into a Ray Dataset. - - Args: - dataset_loc (str): Location of the dataset. - num_samples (int, optional): The number of samples to load. Defaults to None. - - Returns: - Dataset: Our dataset represented by a Ray Dataset. - """ - ds = ray.data.read_csv(dataset_loc) - ds = ds.random_shuffle(seed=1234) - ds = ray.data.from_items(ds.take(num_samples)) if num_samples else ds - return ds - - -def stratify_split( - ds: Dataset, - stratify: str, - test_size: float, - shuffle: bool = True, - seed: int = 1234, -) -> Tuple[Dataset, Dataset]: - """Split a dataset into train and test splits with equal - amounts of data points from each class in the column we - want to stratify on. - - Args: - ds (Dataset): Input dataset to split. - stratify (str): Name of column to split on. - test_size (float): Proportion of dataset to split for test set. - shuffle (bool, optional): whether to shuffle the dataset. Defaults to True. - seed (int, optional): seed for shuffling. Defaults to 1234. - - Returns: - Tuple[Dataset, Dataset]: the stratified train and test datasets. - """ - - def _add_split(df: pd.DataFrame) -> pd.DataFrame: # pragma: no cover, used in parent function - """Naively split a dataframe into train and test splits. - Add a column specifying whether it's the train or test split.""" - train, test = train_test_split(df, test_size=test_size, shuffle=shuffle, random_state=seed) - train["_split"] = "train" - test["_split"] = "test" - return pd.concat([train, test]) - - def _filter_split(df: pd.DataFrame, split: str) -> pd.DataFrame: # pragma: no cover, used in parent function - """Filter by data points that match the split column's value - and return the dataframe with the _split column dropped.""" - return df[df["_split"] == split].drop("_split", axis=1) - - # Train, test split with stratify - grouped = ds.groupby(stratify).map_groups(_add_split, batch_format="pandas") # group by each unique value in the column we want to stratify on - train_ds = grouped.map_batches(_filter_split, fn_kwargs={"split": "train"}, batch_format="pandas") # combine - test_ds = grouped.map_batches(_filter_split, fn_kwargs={"split": "test"}, batch_format="pandas") # combine - - # Shuffle each split (required) - train_ds = train_ds.random_shuffle(seed=seed) - test_ds = test_ds.random_shuffle(seed=seed) - - return train_ds, test_ds - - -def clean_text(text: str, stopwords: List = STOPWORDS) -> str: - """Clean raw text string. - - Args: - text (str): Raw text to clean. - stopwords (List, optional): list of words to filter out. Defaults to STOPWORDS. - - Returns: - str: cleaned text. - """ - # Lower - text = text.lower() - - # Remove stopwords - pattern = re.compile(r"\b(" + r"|".join(stopwords) + r")\b\s*") - text = pattern.sub(" ", text) - - # Spacing and filters - text = re.sub(r"([!\"'#$%&()*\+,-./:;<=>?@\\\[\]^_`{|}~])", r" \1 ", text) # add spacing - text = re.sub("[^A-Za-z0-9]+", " ", text) # remove non alphanumeric chars - text = re.sub(" +", " ", text) # remove multiple spaces - text = text.strip() # strip white space at the ends - text = re.sub(r"http\S+", "", text) # remove links - - return text - - -def tokenize(batch: Dict) -> Dict: - """Tokenize the text input in our batch using a tokenizer. - - Args: - batch (Dict): batch of data with the text inputs to tokenize. - - Returns: - Dict: batch of data with the results of tokenization (`input_ids` and `attention_mask`) on the text inputs. - """ - tokenizer = BertTokenizer.from_pretrained("allenai/scibert_scivocab_uncased", return_dict=False) - encoded_inputs = tokenizer(batch["text"].tolist(), return_tensors="np", padding="longest") - return dict(ids=encoded_inputs["input_ids"], masks=encoded_inputs["attention_mask"], targets=np.array(batch["tag"])) - - -def preprocess(df: pd.DataFrame, class_to_index: Dict) -> Dict: - """Preprocess the data in our dataframe. - - Args: - df (pd.DataFrame): Raw dataframe to preprocess. - class_to_index (Dict): Mapping of class names to indices. - - Returns: - Dict: preprocessed data (ids, masks, targets). - """ - df["text"] = df.title + " " + df.description # feature engineering - df["text"] = df.text.apply(clean_text) # clean text - df = df.drop(columns=["id", "created_on", "title", "description"], errors="ignore") # clean dataframe - df = df[["text", "tag"]] # rearrange columns - df["tag"] = df["tag"].map(class_to_index) # label encoding - outputs = tokenize(df) - return outputs - - -class CustomPreprocessor: - """Custom preprocessor class.""" - - def __init__(self, class_to_index={}): - self.class_to_index = class_to_index or {} # mutable defaults - self.index_to_class = {v: k for k, v in self.class_to_index.items()} - - def fit(self, ds): - tags = ds.unique(column="tag") - self.class_to_index = {tag: i for i, tag in enumerate(tags)} - self.index_to_class = {v: k for k, v in self.class_to_index.items()} - return self - - def transform(self, ds): - return ds.map_batches(preprocess, fn_kwargs={"class_to_index": self.class_to_index}, batch_format="pandas") diff --git a/madewithml/evaluate.py b/madewithml/evaluate.py deleted file mode 100644 index a450ba53..00000000 --- a/madewithml/evaluate.py +++ /dev/null @@ -1,154 +0,0 @@ -import datetime -import json -from collections import OrderedDict -from typing import Dict - -import numpy as np -import ray -import ray.train.torch # NOQA: F401 (imported but unused) -import typer -from ray.data import Dataset -from sklearn.metrics import precision_recall_fscore_support -from snorkel.slicing import PandasSFApplier, slicing_function -from typing_extensions import Annotated - -from madewithml import predict, utils -from madewithml.config import logger -from madewithml.predict import TorchPredictor - -# Initialize Typer CLI app -app = typer.Typer() - - -def get_overall_metrics(y_true: np.ndarray, y_pred: np.ndarray) -> Dict: # pragma: no cover, eval workload - """Get overall performance metrics. - - Args: - y_true (np.ndarray): ground truth labels. - y_pred (np.ndarray): predicted labels. - - Returns: - Dict: overall metrics. - """ - metrics = precision_recall_fscore_support(y_true, y_pred, average="weighted") - overall_metrics = { - "precision": metrics[0], - "recall": metrics[1], - "f1": metrics[2], - "num_samples": np.float64(len(y_true)), - } - return overall_metrics - - -def get_per_class_metrics(y_true: np.ndarray, y_pred: np.ndarray, class_to_index: Dict) -> Dict: # pragma: no cover, eval workload - """Get per class performance metrics. - - Args: - y_true (np.ndarray): ground truth labels. - y_pred (np.ndarray): predicted labels. - class_to_index (Dict): dictionary mapping class to index. - - Returns: - Dict: per class metrics. - """ - per_class_metrics = {} - metrics = precision_recall_fscore_support(y_true, y_pred, average=None) - for i, _class in enumerate(class_to_index): - per_class_metrics[_class] = { - "precision": metrics[0][i], - "recall": metrics[1][i], - "f1": metrics[2][i], - "num_samples": np.float64(metrics[3][i]), - } - sorted_per_class_metrics = OrderedDict(sorted(per_class_metrics.items(), key=lambda tag: tag[1]["f1"], reverse=True)) - return sorted_per_class_metrics - - -@slicing_function() -def nlp_llm(x): # pragma: no cover, eval workload - """NLP projects that use LLMs.""" - nlp_project = "natural-language-processing" in x.tag - llm_terms = ["transformer", "llm", "bert"] - llm_project = any(s.lower() in x.text.lower() for s in llm_terms) - return nlp_project and llm_project - - -@slicing_function() -def short_text(x): # pragma: no cover, eval workload - """Projects with short titles and descriptions.""" - return len(x.text.split()) < 8 # less than 8 words - - -def get_slice_metrics(y_true: np.ndarray, y_pred: np.ndarray, ds: Dataset) -> Dict: # pragma: no cover, eval workload - """Get performance metrics for slices. - - Args: - y_true (np.ndarray): ground truth labels. - y_pred (np.ndarray): predicted labels. - ds (Dataset): Ray dataset with labels. - Returns: - Dict: performance metrics for slices. - """ - slice_metrics = {} - df = ds.to_pandas() - df["text"] = df["title"] + " " + df["description"] - slices = PandasSFApplier([nlp_llm, short_text]).apply(df) - for slice_name in slices.dtype.names: - mask = slices[slice_name].astype(bool) - if sum(mask): - metrics = precision_recall_fscore_support(y_true[mask], y_pred[mask], average="micro") - slice_metrics[slice_name] = {} - slice_metrics[slice_name]["precision"] = metrics[0] - slice_metrics[slice_name]["recall"] = metrics[1] - slice_metrics[slice_name]["f1"] = metrics[2] - slice_metrics[slice_name]["num_samples"] = len(y_true[mask]) - return slice_metrics - - -@app.command() -def evaluate( - run_id: Annotated[str, typer.Option(help="id of the specific run to load from")] = None, - dataset_loc: Annotated[str, typer.Option(help="dataset (with labels) to evaluate on")] = None, - results_fp: Annotated[str, typer.Option(help="location to save evaluation results to")] = None, -) -> Dict: # pragma: no cover, eval workload - """Evaluate on the holdout dataset. - - Args: - run_id (str): id of the specific run to load from. Defaults to None. - dataset_loc (str): dataset (with labels) to evaluate on. - results_fp (str, optional): location to save evaluation results to. Defaults to None. - - Returns: - Dict: model's performance metrics on the dataset. - """ - # Load - ds = ray.data.read_csv(dataset_loc) - best_checkpoint = predict.get_best_checkpoint(run_id=run_id) - predictor = TorchPredictor.from_checkpoint(best_checkpoint) - - # y_true - preprocessor = predictor.get_preprocessor() - preprocessed_ds = preprocessor.transform(ds) - values = preprocessed_ds.select_columns(cols=["targets"]).take_all() - y_true = np.stack([item["targets"] for item in values]) - - # y_pred - predictions = preprocessed_ds.map_batches(predictor).take_all() - y_pred = np.array([d["output"] for d in predictions]) - - # Metrics - metrics = { - "timestamp": datetime.datetime.now().strftime("%B %d, %Y %I:%M:%S %p"), - "run_id": run_id, - "overall": get_overall_metrics(y_true=y_true, y_pred=y_pred), - "per_class": get_per_class_metrics(y_true=y_true, y_pred=y_pred, class_to_index=preprocessor.class_to_index), - "slices": get_slice_metrics(y_true=y_true, y_pred=y_pred, ds=ds), - } - logger.info(json.dumps(metrics, indent=2)) - if results_fp: # pragma: no cover, saving results - utils.save_dict(d=metrics, path=results_fp) - return metrics - - -if __name__ == "__main__": # pragma: no cover, checked during evaluation workload - app() diff --git a/madewithml/models.py b/madewithml/models.py deleted file mode 100644 index 6c43f1c9..00000000 --- a/madewithml/models.py +++ /dev/null @@ -1,59 +0,0 @@ -import json -import os -from pathlib import Path - -import torch -import torch.nn as nn -import torch.nn.functional as F -from transformers import BertModel - - -class FinetunedLLM(nn.Module): - def __init__(self, llm, dropout_p, embedding_dim, num_classes): - super(FinetunedLLM, self).__init__() - self.llm = llm - self.dropout_p = dropout_p - self.embedding_dim = embedding_dim - self.num_classes = num_classes - self.dropout = torch.nn.Dropout(dropout_p) - self.fc1 = torch.nn.Linear(embedding_dim, num_classes) - - def forward(self, batch): - ids, masks = batch["ids"], batch["masks"] - seq, pool = self.llm(input_ids=ids, attention_mask=masks) - z = self.dropout(pool) - z = self.fc1(z) - return z - - @torch.inference_mode() - def predict(self, batch): - self.eval() - z = self(batch) - y_pred = torch.argmax(z, dim=1).cpu().numpy() - return y_pred - - @torch.inference_mode() - def predict_proba(self, batch): - self.eval() - z = self(batch) - y_probs = F.softmax(z, dim=1).cpu().numpy() - return y_probs - - def save(self, dp): - with open(Path(dp, "args.json"), "w") as fp: - contents = { - "dropout_p": self.dropout_p, - "embedding_dim": self.embedding_dim, - "num_classes": self.num_classes, - } - json.dump(contents, fp, indent=4, sort_keys=False) - torch.save(self.state_dict(), os.path.join(dp, "model.pt")) - - @classmethod - def load(cls, args_fp, state_dict_fp): - with open(args_fp, "r") as fp: - kwargs = json.load(fp=fp) - llm = BertModel.from_pretrained("allenai/scibert_scivocab_uncased", return_dict=False) - model = cls(llm=llm, **kwargs) - model.load_state_dict(torch.load(state_dict_fp, map_location=torch.device("cpu"))) - return model diff --git a/madewithml/predict.py b/madewithml/predict.py deleted file mode 100644 index e90832d4..00000000 --- a/madewithml/predict.py +++ /dev/null @@ -1,164 +0,0 @@ -import json -from pathlib import Path -from typing import Any, Dict, Iterable, List -from urllib.parse import urlparse - -import numpy as np -import ray -import typer -from numpyencoder import NumpyEncoder -from ray.air import Result -from ray.train.torch.torch_checkpoint import TorchCheckpoint -from typing_extensions import Annotated - -from madewithml.config import logger, mlflow -from madewithml.data import CustomPreprocessor -from madewithml.models import FinetunedLLM -from madewithml.utils import collate_fn - -# Initialize Typer CLI app -app = typer.Typer() - - -def decode(indices: Iterable[Any], index_to_class: Dict) -> List: - """Decode indices to labels. - - Args: - indices (Iterable[Any]): Iterable (list, array, etc.) with indices. - index_to_class (Dict): mapping between indices and labels. - - Returns: - List: list of labels. - """ - return [index_to_class[index] for index in indices] - - -def format_prob(prob: Iterable, index_to_class: Dict) -> Dict: - """Format probabilities to a dictionary mapping class label to probability. - - Args: - prob (Iterable): probabilities. - index_to_class (Dict): mapping between indices and labels. - - Returns: - Dict: Dictionary mapping class label to probability. - """ - d = {} - for i, item in enumerate(prob): - d[index_to_class[i]] = item - return d - - -class TorchPredictor: - def __init__(self, preprocessor, model): - self.preprocessor = preprocessor - self.model = model - self.model.eval() - - def __call__(self, batch): - results = self.model.predict(collate_fn(batch)) - return {"output": results} - - def predict_proba(self, batch): - results = self.model.predict_proba(collate_fn(batch)) - return {"output": results} - - def get_preprocessor(self): - return self.preprocessor - - @classmethod - def from_checkpoint(cls, checkpoint): - metadata = checkpoint.get_metadata() - preprocessor = CustomPreprocessor(class_to_index=metadata["class_to_index"]) - model = FinetunedLLM.load(Path(checkpoint.path, "args.json"), Path(checkpoint.path, "model.pt")) - return cls(preprocessor=preprocessor, model=model) - - -def predict_proba( - ds: ray.data.dataset.Dataset, - predictor: TorchPredictor, -) -> List: # pragma: no cover, tested with inference workload - """Predict tags (with probabilities) for input data from a dataframe. - - Args: - df (pd.DataFrame): dataframe with input features. - predictor (TorchPredictor): loaded predictor from a checkpoint. - - Returns: - List: list of predicted labels. - """ - preprocessor = predictor.get_preprocessor() - preprocessed_ds = preprocessor.transform(ds) - outputs = preprocessed_ds.map_batches(predictor.predict_proba) - y_prob = np.array([d["output"] for d in outputs.take_all()]) - results = [] - for i, prob in enumerate(y_prob): - tag = preprocessor.index_to_class[prob.argmax()] - results.append({"prediction": tag, "probabilities": format_prob(prob, preprocessor.index_to_class)}) - return results - - -@app.command() -def get_best_run_id(experiment_name: str = "", metric: str = "", mode: str = "") -> str: # pragma: no cover, mlflow logic - """Get the best run_id from an MLflow experiment. - - Args: - experiment_name (str): name of the experiment. - metric (str): metric to filter by. - mode (str): direction of metric (ASC/DESC). - - Returns: - str: best run id from experiment. - """ - sorted_runs = mlflow.search_runs( - experiment_names=[experiment_name], - order_by=[f"metrics.{metric} {mode}"], - ) - run_id = sorted_runs.iloc[0].run_id - print(run_id) - return run_id - - -def get_best_checkpoint(run_id: str) -> TorchCheckpoint: # pragma: no cover, mlflow logic - """Get the best checkpoint from a specific run. - - Args: - run_id (str): ID of the run to get the best checkpoint from. - - Returns: - TorchCheckpoint: Best checkpoint from the run. - """ - artifact_dir = urlparse(mlflow.get_run(run_id).info.artifact_uri).path # get path from mlflow - results = Result.from_path(artifact_dir) - return results.best_checkpoints[0][0] - - -@app.command() -def predict( - run_id: Annotated[str, typer.Option(help="id of the specific run to load from")] = None, - title: Annotated[str, typer.Option(help="project title")] = None, - description: Annotated[str, typer.Option(help="project description")] = None, -) -> Dict: # pragma: no cover, tested with inference workload - """Predict the tag for a project given it's title and description. - - Args: - run_id (str): id of the specific run to load from. Defaults to None. - title (str, optional): project title. Defaults to "". - description (str, optional): project description. Defaults to "". - - Returns: - Dict: prediction results for the input data. - """ - # Load components - best_checkpoint = get_best_checkpoint(run_id=run_id) - predictor = TorchPredictor.from_checkpoint(best_checkpoint) - - # Predict - sample_ds = ray.data.from_items([{"title": title, "description": description, "tag": "other"}]) - results = predict_proba(ds=sample_ds, predictor=predictor) - logger.info(json.dumps(results, cls=NumpyEncoder, indent=2)) - return results - - -if __name__ == "__main__": # pragma: no cover, application - app() diff --git a/madewithml/serve.py b/madewithml/serve.py deleted file mode 100644 index 56135a8f..00000000 --- a/madewithml/serve.py +++ /dev/null @@ -1,76 +0,0 @@ -import argparse -import os -from http import HTTPStatus -from typing import Dict - -import ray -from fastapi import FastAPI -from ray import serve -from starlette.requests import Request - -from madewithml import evaluate, predict -from madewithml.config import MLFLOW_TRACKING_URI, mlflow - -# Define application -app = FastAPI( - title="Made With ML", - description="Classify machine learning projects.", - version="0.1", -) - - -@serve.deployment(num_replicas="1", ray_actor_options={"num_cpus": 8, "num_gpus": 0}) -@serve.ingress(app) -class ModelDeployment: - def __init__(self, run_id: str, threshold: int = 0.9): - """Initialize the model.""" - self.run_id = run_id - self.threshold = threshold - mlflow.set_tracking_uri(MLFLOW_TRACKING_URI) # so workers have access to model registry - best_checkpoint = predict.get_best_checkpoint(run_id=run_id) - self.predictor = predict.TorchPredictor.from_checkpoint(best_checkpoint) - - @app.get("/") - def _index(self) -> Dict: - """Health check.""" - response = { - "message": HTTPStatus.OK.phrase, - "status-code": HTTPStatus.OK, - "data": {}, - } - return response - - @app.get("/run_id/") - def _run_id(self) -> Dict: - """Get the run ID.""" - return {"run_id": self.run_id} - - @app.post("/evaluate/") - async def _evaluate(self, request: Request) -> Dict: - data = await request.json() - results = evaluate.evaluate(run_id=self.run_id, dataset_loc=data.get("dataset")) - return {"results": results} - - @app.post("/predict/") - async def _predict(self, request: Request): - data = await request.json() - sample_ds = ray.data.from_items([{"title": data.get("title", ""), "description": data.get("description", ""), "tag": ""}]) - results = predict.predict_proba(ds=sample_ds, predictor=self.predictor) - - # Apply custom logic - for i, result in enumerate(results): - pred = result["prediction"] - prob = result["probabilities"] - if prob[pred] < self.threshold: - results[i]["prediction"] = "other" - - return {"results": results} - - -if __name__ == "__main__": - parser = argparse.ArgumentParser() - parser.add_argument("--run_id", help="run ID to use for serving.") - parser.add_argument("--threshold", type=float, default=0.9, help="threshold for `other` class.") - args = parser.parse_args() - ray.init(runtime_env={"env_vars": {"GITHUB_USERNAME": os.environ["GITHUB_USERNAME"]}}) - serve.run(ModelDeployment.bind(run_id=args.run_id, threshold=args.threshold)) diff --git a/madewithml/train.py b/madewithml/train.py deleted file mode 100644 index 85659850..00000000 --- a/madewithml/train.py +++ /dev/null @@ -1,261 +0,0 @@ -import datetime -import json -import os -import tempfile -from typing import Tuple - -import numpy as np -import ray -import ray.train as train -import torch -import torch.nn as nn -import torch.nn.functional as F -import typer -from ray.air.integrations.mlflow import MLflowLoggerCallback -from ray.data import Dataset -from ray.train import ( - Checkpoint, - CheckpointConfig, - DataConfig, - RunConfig, - ScalingConfig, -) -from ray.train.torch import TorchTrainer -from torch.nn.parallel.distributed import DistributedDataParallel -from transformers import BertModel -from typing_extensions import Annotated - -from madewithml import data, utils -from madewithml.config import EFS_DIR, MLFLOW_TRACKING_URI, logger -from madewithml.models import FinetunedLLM - -# Initialize Typer CLI app -app = typer.Typer() - - -def train_step( - ds: Dataset, - batch_size: int, - model: nn.Module, - num_classes: int, - loss_fn: torch.nn.modules.loss._WeightedLoss, - optimizer: torch.optim.Optimizer, -) -> float: # pragma: no cover, tested via train workload - """Train step. - - Args: - ds (Dataset): dataset to iterate batches from. - batch_size (int): size of each batch. - model (nn.Module): model to train. - num_classes (int): number of classes. - loss_fn (torch.nn.loss._WeightedLoss): loss function to use between labels and predictions. - optimizer (torch.optimizer.Optimizer): optimizer to use for updating the model's weights. - - Returns: - float: cumulative loss for the dataset. - """ - model.train() - loss = 0.0 - ds_generator = ds.iter_torch_batches(batch_size=batch_size, collate_fn=utils.collate_fn) - for i, batch in enumerate(ds_generator): - optimizer.zero_grad() # reset gradients - z = model(batch) # forward pass - targets = F.one_hot(batch["targets"], num_classes=num_classes).float() # one-hot (for loss_fn) - J = loss_fn(z, targets) # define loss - J.backward() # backward pass - optimizer.step() # update weights - loss += (J.detach().item() - loss) / (i + 1) # cumulative loss - return loss - - -def eval_step( - ds: Dataset, batch_size: int, model: nn.Module, num_classes: int, loss_fn: torch.nn.modules.loss._WeightedLoss -) -> Tuple[float, np.array, np.array]: # pragma: no cover, tested via train workload - """Eval step. - - Args: - ds (Dataset): dataset to iterate batches from. - batch_size (int): size of each batch. - model (nn.Module): model to train. - num_classes (int): number of classes. - loss_fn (torch.nn.loss._WeightedLoss): loss function to use between labels and predictions. - - Returns: - Tuple[float, np.array, np.array]: cumulative loss, ground truths and predictions. - """ - model.eval() - loss = 0.0 - y_trues, y_preds = [], [] - ds_generator = ds.iter_torch_batches(batch_size=batch_size, collate_fn=utils.collate_fn) - with torch.inference_mode(): - for i, batch in enumerate(ds_generator): - z = model(batch) - targets = F.one_hot(batch["targets"], num_classes=num_classes).float() # one-hot (for loss_fn) - J = loss_fn(z, targets).item() - loss += (J - loss) / (i + 1) - y_trues.extend(batch["targets"].cpu().numpy()) - y_preds.extend(torch.argmax(z, dim=1).cpu().numpy()) - return loss, np.vstack(y_trues), np.vstack(y_preds) - - -def train_loop_per_worker(config: dict) -> None: # pragma: no cover, tested via train workload - """Training loop that each worker will execute. - - Args: - config (dict): arguments to use for training. - """ - # Hyperparameters - dropout_p = config["dropout_p"] - lr = config["lr"] - lr_factor = config["lr_factor"] - lr_patience = config["lr_patience"] - num_epochs = config["num_epochs"] - batch_size = config["batch_size"] - num_classes = config["num_classes"] - - # Get datasets - utils.set_seeds() - train_ds = train.get_dataset_shard("train") - val_ds = train.get_dataset_shard("val") - - # Model - llm = BertModel.from_pretrained("allenai/scibert_scivocab_uncased", return_dict=False) - model = FinetunedLLM(llm=llm, dropout_p=dropout_p, embedding_dim=llm.config.hidden_size, num_classes=num_classes) - model = train.torch.prepare_model(model) - - # Training components - loss_fn = nn.BCEWithLogitsLoss() - optimizer = torch.optim.Adam(model.parameters(), lr=lr) - scheduler = torch.optim.lr_scheduler.ReduceLROnPlateau(optimizer, mode="min", factor=lr_factor, patience=lr_patience) - - # Training - num_workers = train.get_context().get_world_size() - batch_size_per_worker = batch_size // num_workers - for epoch in range(num_epochs): - # Step - train_loss = train_step(train_ds, batch_size_per_worker, model, num_classes, loss_fn, optimizer) - val_loss, _, _ = eval_step(val_ds, batch_size_per_worker, model, num_classes, loss_fn) - scheduler.step(val_loss) - - # Checkpoint - with tempfile.TemporaryDirectory() as dp: - if isinstance(model, DistributedDataParallel): # cpu - model.module.save(dp=dp) - else: - model.save(dp=dp) - metrics = dict(epoch=epoch, lr=optimizer.param_groups[0]["lr"], train_loss=train_loss, val_loss=val_loss) - checkpoint = Checkpoint.from_directory(dp) - train.report(metrics, checkpoint=checkpoint) - - -@app.command() -def train_model( - experiment_name: Annotated[str, typer.Option(help="name of the experiment for this training workload.")] = None, - dataset_loc: Annotated[str, typer.Option(help="location of the dataset.")] = None, - train_loop_config: Annotated[str, typer.Option(help="arguments to use for training.")] = None, - num_workers: Annotated[int, typer.Option(help="number of workers to use for training.")] = 1, - cpu_per_worker: Annotated[int, typer.Option(help="number of CPUs to use per worker.")] = 1, - gpu_per_worker: Annotated[int, typer.Option(help="number of GPUs to use per worker.")] = 0, - num_samples: Annotated[int, typer.Option(help="number of samples to use from dataset.")] = None, - num_epochs: Annotated[int, typer.Option(help="number of epochs to train for.")] = 1, - batch_size: Annotated[int, typer.Option(help="number of samples per batch.")] = 256, - results_fp: Annotated[str, typer.Option(help="filepath to save results to.")] = None, -) -> ray.air.result.Result: - """Main train function to train our model as a distributed workload. - - Args: - experiment_name (str): name of the experiment for this training workload. - dataset_loc (str): location of the dataset. - train_loop_config (str): arguments to use for training. - num_workers (int, optional): number of workers to use for training. Defaults to 1. - cpu_per_worker (int, optional): number of CPUs to use per worker. Defaults to 1. - gpu_per_worker (int, optional): number of GPUs to use per worker. Defaults to 0. - num_samples (int, optional): number of samples to use from dataset. - If this is passed in, it will override the config. Defaults to None. - num_epochs (int, optional): number of epochs to train for. - If this is passed in, it will override the config. Defaults to None. - batch_size (int, optional): number of samples per batch. - If this is passed in, it will override the config. Defaults to None. - results_fp (str, optional): filepath to save results to. Defaults to None. - - Returns: - ray.air.result.Result: training results. - """ - # Set up - train_loop_config = json.loads(train_loop_config) - train_loop_config["num_samples"] = num_samples - train_loop_config["num_epochs"] = num_epochs - train_loop_config["batch_size"] = batch_size - - # Scaling config - scaling_config = ScalingConfig( - num_workers=num_workers, - use_gpu=bool(gpu_per_worker), - resources_per_worker={"CPU": cpu_per_worker, "GPU": gpu_per_worker}, - ) - - # Checkpoint config - checkpoint_config = CheckpointConfig( - num_to_keep=1, - checkpoint_score_attribute="val_loss", - checkpoint_score_order="min", - ) - - # MLflow callback - mlflow_callback = MLflowLoggerCallback( - tracking_uri=MLFLOW_TRACKING_URI, - experiment_name=experiment_name, - save_artifact=True, - ) - - # Run config - run_config = RunConfig(callbacks=[mlflow_callback], checkpoint_config=checkpoint_config, storage_path=EFS_DIR, local_dir=EFS_DIR) - - # Dataset - ds = data.load_data(dataset_loc=dataset_loc, num_samples=train_loop_config["num_samples"]) - train_ds, val_ds = data.stratify_split(ds, stratify="tag", test_size=0.2) - tags = train_ds.unique(column="tag") - train_loop_config["num_classes"] = len(tags) - - # Dataset config - options = ray.data.ExecutionOptions(preserve_order=True) - dataset_config = DataConfig(datasets_to_split=["train"], execution_options=options) - - # Preprocess - preprocessor = data.CustomPreprocessor() - preprocessor = preprocessor.fit(train_ds) - train_ds = preprocessor.transform(train_ds) - val_ds = preprocessor.transform(val_ds) - train_ds = train_ds.materialize() - val_ds = val_ds.materialize() - - # Trainer - trainer = TorchTrainer( - train_loop_per_worker=train_loop_per_worker, - train_loop_config=train_loop_config, - scaling_config=scaling_config, - run_config=run_config, - datasets={"train": train_ds, "val": val_ds}, - dataset_config=dataset_config, - metadata={"class_to_index": preprocessor.class_to_index}, - ) - - # Train - results = trainer.fit() - d = { - "timestamp": datetime.datetime.now().strftime("%B %d, %Y %I:%M:%S %p"), - "run_id": utils.get_run_id(experiment_name=experiment_name, trial_id=results.metrics["trial_id"]), - "params": results.config["train_loop_config"], - "metrics": utils.dict_to_list(results.metrics_dataframe.to_dict(), keys=["epoch", "train_loss", "val_loss"]), - } - logger.info(json.dumps(d, indent=2)) - if results_fp: # pragma: no cover, saving results - utils.save_dict(d, results_fp) - return results - - -if __name__ == "__main__": # pragma: no cover, application - if ray.is_initialized(): - ray.shutdown() - ray.init(runtime_env={"env_vars": {"GITHUB_USERNAME": os.environ["GITHUB_USERNAME"]}}) - app() diff --git a/madewithml/tune.py b/madewithml/tune.py deleted file mode 100644 index b5ac1814..00000000 --- a/madewithml/tune.py +++ /dev/null @@ -1,180 +0,0 @@ -import datetime -import json -import os - -import ray -import typer -from ray import tune -from ray.air.config import ( - CheckpointConfig, - DatasetConfig, - RunConfig, - ScalingConfig, -) -from ray.air.integrations.mlflow import MLflowLoggerCallback -from ray.train.torch import TorchTrainer -from ray.tune import Tuner -from ray.tune.schedulers import AsyncHyperBandScheduler -from ray.tune.search import ConcurrencyLimiter -from ray.tune.search.hyperopt import HyperOptSearch -from typing_extensions import Annotated - -from madewithml import data, train, utils -from madewithml.config import EFS_DIR, MLFLOW_TRACKING_URI, logger - -# Initialize Typer CLI app -app = typer.Typer() - - -@app.command() -def tune_models( - experiment_name: Annotated[str, typer.Option(help="name of the experiment for this training workload.")] = None, - dataset_loc: Annotated[str, typer.Option(help="location of the dataset.")] = None, - initial_params: Annotated[str, typer.Option(help="initial config for the tuning workload.")] = None, - num_workers: Annotated[int, typer.Option(help="number of workers to use for training.")] = 1, - cpu_per_worker: Annotated[int, typer.Option(help="number of CPUs to use per worker.")] = 1, - gpu_per_worker: Annotated[int, typer.Option(help="number of GPUs to use per worker.")] = 0, - num_runs: Annotated[int, typer.Option(help="number of runs in this tuning experiment.")] = 1, - num_samples: Annotated[int, typer.Option(help="number of samples to use from dataset.")] = None, - num_epochs: Annotated[int, typer.Option(help="number of epochs to train for.")] = 1, - batch_size: Annotated[int, typer.Option(help="number of samples per batch.")] = 256, - results_fp: Annotated[str, typer.Option(help="filepath to save results to.")] = None, -) -> ray.tune.result_grid.ResultGrid: - """Hyperparameter tuning experiment. - - Args: - experiment_name (str): name of the experiment for this training workload. - dataset_loc (str): location of the dataset. - initial_params (str): initial config for the tuning workload. - num_workers (int, optional): number of workers to use for training. Defaults to 1. - cpu_per_worker (int, optional): number of CPUs to use per worker. Defaults to 1. - gpu_per_worker (int, optional): number of GPUs to use per worker. Defaults to 0. - num_runs (int, optional): number of runs in this tuning experiment. Defaults to 1. - num_samples (int, optional): number of samples to use from dataset. - If this is passed in, it will override the config. Defaults to None. - num_epochs (int, optional): number of epochs to train for. - If this is passed in, it will override the config. Defaults to None. - batch_size (int, optional): number of samples per batch. - If this is passed in, it will override the config. Defaults to None. - results_fp (str, optional): filepath to save the tuning results. Defaults to None. - - Returns: - ray.tune.result_grid.ResultGrid: results of the tuning experiment. - """ - # Set up - utils.set_seeds() - train_loop_config = {} - train_loop_config["num_samples"] = num_samples - train_loop_config["num_epochs"] = num_epochs - train_loop_config["batch_size"] = batch_size - - # Scaling config - scaling_config = ScalingConfig( - num_workers=num_workers, - use_gpu=bool(gpu_per_worker), - resources_per_worker={"CPU": cpu_per_worker, "GPU": gpu_per_worker}, - ) - - # Dataset - ds = data.load_data(dataset_loc=dataset_loc, num_samples=train_loop_config.get("num_samples", None)) - train_ds, val_ds = data.stratify_split(ds, stratify="tag", test_size=0.2) - tags = train_ds.unique(column="tag") - train_loop_config["num_classes"] = len(tags) - - # Dataset config - dataset_config = { - "train": DatasetConfig(fit=False, transform=False, randomize_block_order=False), - "val": DatasetConfig(fit=False, transform=False, randomize_block_order=False), - } - - # Preprocess - preprocessor = data.CustomPreprocessor() - preprocessor = preprocessor.fit(train_ds) - train_ds = preprocessor.transform(train_ds) - val_ds = preprocessor.transform(val_ds) - train_ds = train_ds.materialize() - val_ds = val_ds.materialize() - - # Trainer - trainer = TorchTrainer( - train_loop_per_worker=train.train_loop_per_worker, - train_loop_config=train_loop_config, - scaling_config=scaling_config, - datasets={"train": train_ds, "val": val_ds}, - dataset_config=dataset_config, - metadata={"class_to_index": preprocessor.class_to_index}, - ) - - # Checkpoint configuration - checkpoint_config = CheckpointConfig( - num_to_keep=1, - checkpoint_score_attribute="val_loss", - checkpoint_score_order="min", - ) - - # Run configuration - mlflow_callback = MLflowLoggerCallback( - tracking_uri=MLFLOW_TRACKING_URI, - experiment_name=experiment_name, - save_artifact=True, - ) - run_config = RunConfig(callbacks=[mlflow_callback], checkpoint_config=checkpoint_config, storage_path=EFS_DIR, local_dir=EFS_DIR) - - # Hyperparameters to start with - initial_params = json.loads(initial_params) - search_alg = HyperOptSearch(points_to_evaluate=initial_params) - search_alg = ConcurrencyLimiter(search_alg, max_concurrent=2) # trade off b/w optimization and search space - - # Parameter space - param_space = { - "train_loop_config": { - "dropout_p": tune.uniform(0.3, 0.9), - "lr": tune.loguniform(1e-5, 5e-4), - "lr_factor": tune.uniform(0.1, 0.9), - "lr_patience": tune.uniform(1, 10), - } - } - - # Scheduler - scheduler = AsyncHyperBandScheduler( - max_t=train_loop_config["num_epochs"], # max epoch () per trial - grace_period=1, # min epoch () per trial - ) - - # Tune config - tune_config = tune.TuneConfig( - metric="val_loss", - mode="min", - search_alg=search_alg, - scheduler=scheduler, - num_samples=num_runs, - ) - - # Tuner - tuner = Tuner( - trainable=trainer, - run_config=run_config, - param_space=param_space, - tune_config=tune_config, - ) - - # Tune - results = tuner.fit() - best_trial = results.get_best_result(metric="val_loss", mode="min") - d = { - "timestamp": datetime.datetime.now().strftime("%B %d, %Y %I:%M:%S %p"), - "run_id": utils.get_run_id(experiment_name=experiment_name, trial_id=best_trial.metrics["trial_id"]), - "params": best_trial.config["train_loop_config"], - "metrics": utils.dict_to_list(best_trial.metrics_dataframe.to_dict(), keys=["epoch", "train_loss", "val_loss"]), - } - logger.info(json.dumps(d, indent=2)) - if results_fp: # pragma: no cover, saving results - utils.save_dict(d, results_fp) - return results - - -if __name__ == "__main__": # pragma: no cover, application - if ray.is_initialized(): - ray.shutdown() - ray.init(runtime_env={"env_vars": {"GITHUB_USERNAME": os.environ["GITHUB_USERNAME"]}}) - app() diff --git a/madewithml/utils.py b/madewithml/utils.py deleted file mode 100644 index 5b65c151..00000000 --- a/madewithml/utils.py +++ /dev/null @@ -1,123 +0,0 @@ -import json -import os -import random -from typing import Any, Dict, List - -import numpy as np -import torch -from ray.data import DatasetContext -from ray.train.torch import get_device - -from madewithml.config import mlflow - -DatasetContext.get_current().execution_options.preserve_order = True - - -def set_seeds(seed: int = 42): - """Set seeds for reproducibility.""" - np.random.seed(seed) - random.seed(seed) - torch.manual_seed(seed) - torch.cuda.manual_seed(seed) - eval("setattr(torch.backends.cudnn, 'deterministic', True)") - eval("setattr(torch.backends.cudnn, 'benchmark', False)") - os.environ["PYTHONHASHSEED"] = str(seed) - - -def load_dict(path: str) -> Dict: - """Load a dictionary from a JSON's filepath. - - Args: - path (str): location of file. - - Returns: - Dict: loaded JSON data. - """ - with open(path) as fp: - d = json.load(fp) - return d - - -def save_dict(d: Dict, path: str, cls: Any = None, sortkeys: bool = False) -> None: - """Save a dictionary to a specific location. - - Args: - d (Dict): data to save. - path (str): location of where to save the data. - cls (optional): encoder to use on dict data. Defaults to None. - sortkeys (bool, optional): whether to sort keys alphabetically. Defaults to False. - """ - directory = os.path.dirname(path) - if directory and not os.path.exists(directory): # pragma: no cover - os.makedirs(directory) - with open(path, "w") as fp: - json.dump(d, indent=2, fp=fp, cls=cls, sort_keys=sortkeys) - fp.write("\n") - - -def pad_array(arr: np.ndarray, dtype=np.int32) -> np.ndarray: - """Pad an 2D array with zeros until all rows in the - 2D array are of the same length as a the longest - row in the 2D array. - - Args: - arr (np.array): input array - - Returns: - np.array: zero padded array - """ - max_len = max(len(row) for row in arr) - padded_arr = np.zeros((arr.shape[0], max_len), dtype=dtype) - for i, row in enumerate(arr): - padded_arr[i][: len(row)] = row - return padded_arr - - -def collate_fn(batch: Dict[str, np.ndarray]) -> Dict[str, torch.Tensor]: # pragma: no cover, air internal - """Convert a batch of numpy arrays to tensors (with appropriate padding). - - Args: - batch (Dict[str, np.ndarray]): input batch as a dictionary of numpy arrays. - - Returns: - Dict[str, torch.Tensor]: output batch as a dictionary of tensors. - """ - batch["ids"] = pad_array(batch["ids"]) - batch["masks"] = pad_array(batch["masks"]) - dtypes = {"ids": torch.int32, "masks": torch.int32, "targets": torch.int64} - tensor_batch = {} - for key, array in batch.items(): - tensor_batch[key] = torch.as_tensor(array, dtype=dtypes[key], device=get_device()) - return tensor_batch - - -def get_run_id(experiment_name: str, trial_id: str) -> str: # pragma: no cover, mlflow functionality - """Get the MLflow run ID for a specific Ray trial ID. - - Args: - experiment_name (str): name of the experiment. - trial_id (str): id of the trial. - - Returns: - str: run id of the trial. - """ - trial_name = f"TorchTrainer_{trial_id}" - run = mlflow.search_runs(experiment_names=[experiment_name], filter_string=f"tags.trial_name = '{trial_name}'").iloc[0] - return run.run_id - - -def dict_to_list(data: Dict, keys: List[str]) -> List[Dict[str, Any]]: - """Convert a dictionary to a list of dictionaries. - - Args: - data (Dict): input dictionary. - keys (List[str]): keys to include in the output list of dictionaries. - - Returns: - List[Dict[str, Any]]: output list of dictionaries. - """ - list_of_dicts = [] - for i in range(len(data[keys[0]])): - new_dict = {key: data[key][i] for key in keys} - list_of_dicts.append(new_dict) - return list_of_dicts diff --git a/mkdocs.yml b/mkdocs.yml deleted file mode 100644 index 9ba81872..00000000 --- a/mkdocs.yml +++ /dev/null @@ -1,19 +0,0 @@ -site_name: Made With ML -site_url: https://madewithml.com/ -repo_url: https://github.com/GokuMohandas/Made-With-ML/ -nav: - - Home: index.md - - madewithml: - - data: madewithml/data.md - - models: madewithml/models.md - - train: madewithml/train.md - - tune: madewithml/tune.md - - evaluate: madewithml/evaluate.md - - predict: madewithml/predict.md - - serve: madewithml/serve.md - - utils: madewithml/utils.md -theme: readthedocs -plugins: - - mkdocstrings -watch: - - . # reload docs for any file changes diff --git a/notebooks/00_Notebooks.ipynb b/notebooks/00_Notebooks.ipynb new file mode 100644 index 00000000..56f045af --- /dev/null +++ b/notebooks/00_Notebooks.ipynb @@ -0,0 +1,212 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "00_Notebooks", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + } + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Notebook Basics" + ] + }, + { + "metadata": { + "id": "rSXwaU-ptNG6", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "Welcome to the very first lesson of practicalAI. In this lesson we will learn how to work with the notebook and saving it. If you already know how to use notebooks, feel free to skip this lesson.\n", + "\n", + "\n", + "\n", + "**Note**: To run the code in this notebook, follow these steps:\n", + "1. Sign into your Google account.\n", + "2. Click the **COPY TO DRIVE** button on the toolbar. This will open the notebook on a new tab.\n", + "\n", + "\n", + "\n", + "3. Rename this new notebook by removing the **Copy of** part in the title.\n", + "4. Run the code, make changes, etc. and it's all automatically saved to you personal Google Drive.\n", + "\n" + ] + }, + { + "metadata": { + "id": "cOEaLCZAu4JQ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Types of cells" + ] + }, + { + "metadata": { + "id": "WcOgqq5xvtMn", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Notebooks are a great visual way of programming. We will use these notebooks to code in Python and learn the basics of machine learning. First, you need to know that notebooks are made up of cells. Each cell can either be a **code cell** or a **text cell**. \n", + "\n", + "* **text cells**: used for headers and paragraph text. \n", + "* **code cells**: user for holding code.\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "tBVFofpLutnn", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Creating cells\n", + "\n", + "First, let's make a text cell. To create a cell at a particular location, just click on the spot and create a text cell by clicking on the **➕TEXT** below the *View* button up top. Once you made the cell, click on it and type the following inside it:\n", + "\n", + "\n", + "```\n", + "### This is a header\n", + "Hello world!\n", + "```" + ] + }, + { + "metadata": { + "id": "iXYgZpgpYS3N", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Running cells\n", + "Once you type inside the cell, press the **SHIFT** and **ENTER** together to run the cell." + ] + }, + { + "metadata": { + "id": "WKTbiBuvYexD", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Editing cells\n", + "To edit a cell, double click it and you should be able to replace what you've typed in there." + ] + }, + { + "metadata": { + "id": "Jv0ZSuhNYVIU", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Moving cells\n", + "Once you make the cell, you can move it with the ⬆️**CELL** and ⬇️**CELL** buttons above. " + ] + }, + { + "metadata": { + "id": "B_VGiYf8YXiU", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Deleting cells\n", + "You can delete the cell by clicking on the cell and pressing the button with three vertical dots on the top right corner of the cell. Click **Delete cell**." + ] + }, + { + "metadata": { + "id": "hxl7Fk8LVQmR", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Making a code cell\n", + "Now let's take the same steps as above to make, edit and delete a code cell. You can create a code cell by clicking on the ➕CODE below the *File* button up top. Once you made the cell, click on it and type the following inside it:\n", + "\n", + "```\n", + "print (\"hello world!\")\n", + "```\n", + "\n", + "⏰ - It may take a few seconds when you run your first code cell." + ] + }, + { + "metadata": { + "id": "DfGf9KmQ3DJM", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + }, + "outputId": "f54c0555-d23d-4493-e0a7-ed448622652f" + }, + "cell_type": "code", + "source": [ + "print (\"hello world!\")" + ], + "execution_count": 2, + "outputs": [ + { + "output_type": "stream", + "text": [ + "hello world!\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "GURvB6XzWN12", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "**Note:** These Google colab notebooks timeout if you are idle for more than ~30 minutes which means you'll need to run all your code cells again. " + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Saving the notebook" + ] + }, + { + "metadata": { + "id": "nPWxXt5Hv7Ga", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Go to *File* and then click on **Save a copy in Drive**. Now you will have your own copy of each notebook in your own Google Drive. If you have a [Github](https://github.com/), you can explore saving it there or even downloading it as a .ipynb or .py file." + ] + } + ] +} diff --git a/notebooks/01_Python.ipynb b/notebooks/01_Python.ipynb new file mode 100644 index 00000000..e8baac5d --- /dev/null +++ b/notebooks/01_Python.ipynb @@ -0,0 +1,1131 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "01_Python", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + } + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Introduction to Python" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "In this lesson we will learn the basics of the Python programming language (version 3). We won't learn everything about Python but enough to do some basic machine learning.\n", + "\n", + "\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Variables" + ] + }, + { + "metadata": { + "id": "qWro5T5qTJJL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Variables are objects in python that can hold anything with numbers or text. Let's look at how to make some variables." + ] + }, + { + "metadata": { + "id": "0-dXQiLlTIgz", + "colab_type": "code", + "outputId": "38d1f8a5-b067-416b-b042-38a373624a8b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Numerical example\n", + "x = 5\n", + "print (x)" + ], + "execution_count": 1, + "outputs": [ + { + "output_type": "stream", + "text": [ + "5\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "5Ym0owFxTkjo", + "colab_type": "code", + "outputId": "72c2781a-4435-4c21-b15a-4c070d47bd86", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Text example\n", + "x = \"hello\"\n", + "print (x)" + ], + "execution_count": 2, + "outputs": [ + { + "output_type": "stream", + "text": [ + "hello\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "1a4ZhMV1T1-0", + "colab_type": "code", + "outputId": "0817e041-5f79-46d8-84cc-ee4aaea0eba2", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Variables can be used with each other\n", + "a = 1\n", + "b = 2\n", + "c = a + b\n", + "print (c)" + ], + "execution_count": 3, + "outputs": [ + { + "output_type": "stream", + "text": [ + "3\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "nbKV4aTdUC1_", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Variables can come in lots of different types. Even within numerical variables, you can have integers (int), floats (float), etc. All text based variables are of type string (str). We can see what type a variable is by printing its type." + ] + }, + { + "metadata": { + "id": "c3NJmfO4Uc6V", + "colab_type": "code", + "outputId": "04b91fa4-51af-48f4-e9ac-591b5bf3e714", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 153 + } + }, + "cell_type": "code", + "source": [ + "# int variable\n", + "x = 5\n", + "print (x)\n", + "print (type(x))\n", + "\n", + "# float variable\n", + "x = 5.0\n", + "print (x)\n", + "print (type(x))\n", + "\n", + "# text variable\n", + "x = \"5\" \n", + "print (x)\n", + "print (type(x))\n", + "\n", + "# boolean variable\n", + "x = True\n", + "print (x)\n", + "print (type(x))" + ], + "execution_count": 4, + "outputs": [ + { + "output_type": "stream", + "text": [ + "5\n", + "\n", + "5.0\n", + "\n", + "5\n", + "\n", + "True\n", + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "6HPtavfdU8Ut", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "It's good practice to know what types your variables are. When you want to use numerical operations on then, they need to be compatible. " + ] + }, + { + "metadata": { + "id": "8pr1-i7IVD-h", + "colab_type": "code", + "outputId": "c2bce48d-b69f-4aab-95c1-9e588f67a6c3", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# int variables\n", + "a = 5\n", + "b = 3\n", + "print (a + b)\n", + "\n", + "# string variables\n", + "a = \"5\"\n", + "b = \"3\"\n", + "print (a + b)" + ], + "execution_count": 5, + "outputs": [ + { + "output_type": "stream", + "text": [ + "8\n", + "53\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "q4R_UF6PVw4V", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Lists" + ] + }, + { + "metadata": { + "id": "LvGsQBj4VjMl", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Lists are objects in python that can hold a ordered sequence of numbers **and** text." + ] + }, + { + "metadata": { + "id": "9iPESkq9VvlX", + "colab_type": "code", + "outputId": "67dfbe9f-d4cb-4a62-a812-7c5c8a01c2fa", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Making a list\n", + "list_x = [3, \"hello\", 1]\n", + "print (list_x)" + ], + "execution_count": 6, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[3, 'hello', 1]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "0xC6WvuwbGDg", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "7lbajc-zV515", + "colab_type": "code", + "outputId": "4345bbe0-0f0c-4f84-bcf2-a76130899f34", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Adding to a list\n", + "list_x.append(7)\n", + "print (list_x)" + ], + "execution_count": 7, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[3, 'hello', 1, 7]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "W0xpIryJWCN9", + "colab_type": "code", + "outputId": "a7676615-aff1-402f-d41f-81d004728f94", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Accessing items at specific location in a list\n", + "print (\"list_x[0]: \", list_x[0])\n", + "print (\"list_x[1]: \", list_x[1])\n", + "print (\"list_x[2]: \", list_x[2])\n", + "print (\"list_x[-1]: \", list_x[-1]) # the last item\n", + "print (\"list_x[-2]: \", list_x[-2]) # the second to last item" + ], + "execution_count": 8, + "outputs": [ + { + "output_type": "stream", + "text": [ + "list_x[0]: 3\n", + "list_x[1]: hello\n", + "list_x[2]: 1\n", + "list_x[-1]: 7\n", + "list_x[-2]: 1\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "VSu_HNrnc1WK", + "colab_type": "code", + "outputId": "3c40cce2-9599-41aa-b01c-7c6f39329212", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Slicing\n", + "print (\"list_x[:]: \", list_x[:])\n", + "print (\"list_x[2:]: \", list_x[2:])\n", + "print (\"list_x[1:3]: \", list_x[1:3])\n", + "print (\"list_x[:-1]: \", list_x[:-1])" + ], + "execution_count": 9, + "outputs": [ + { + "output_type": "stream", + "text": [ + "list_x[:]: [3, 'hello', 1, 7]\n", + "list_x[2:]: [1, 7]\n", + "list_x[1:3]: ['hello', 1]\n", + "list_x[:-1]: [3, 'hello', 1]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "dImY-hVzWxB4", + "colab_type": "code", + "outputId": "8394f232-aa11-4dbd-8580-70adb5adc807", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Length of a list\n", + "len(list_x)" + ], + "execution_count": 10, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "4" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 10 + } + ] + }, + { + "metadata": { + "id": "3-reXDniW_sm", + "colab_type": "code", + "outputId": "382d1a40-ad1a-49f7-f70f-2c2a02ffd88d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Replacing items in a list\n", + "list_x[1] = \"hi\"\n", + "print (list_x)" + ], + "execution_count": 11, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[3, 'hi', 1, 7]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "X8T5I3bjXJ0S", + "colab_type": "code", + "outputId": "1ede1c5c-c6ea-452f-b13d-ff9efd3d53b0", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Combining lists\n", + "list_y = [2.4, \"world\"]\n", + "list_z = list_x + list_y\n", + "print (list_z)" + ], + "execution_count": 12, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[3, 'hi', 1, 7, 2.4, 'world']\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "ddpIO6LLVzh0", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Tuples" + ] + }, + { + "metadata": { + "id": "CAZblq7oXY3s", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Tuples are also objects in python that can hold data but you cannot replace values (for this reason, tuples are called immutable, whereas lists are known as mutable)." + ] + }, + { + "metadata": { + "id": "G95lu8xWXY90", + "colab_type": "code", + "outputId": "c23250e5-534a-48e6-ed52-f034859f73c2", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Creating a tuple\n", + "tuple_x = (3.0, \"hello\")\n", + "print (tuple_x)" + ], + "execution_count": 13, + "outputs": [ + { + "output_type": "stream", + "text": [ + "(3.0, 'hello')\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "kq23Bej1acAP", + "colab_type": "code", + "outputId": "34edfbff-dbc0-4385-a118-7f1bcc49e84f", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Adding values to a tuple\n", + "tuple_x = tuple_x + (5.6,)\n", + "print (tuple_x)" + ], + "execution_count": 14, + "outputs": [ + { + "output_type": "stream", + "text": [ + "(3.0, 'hello', 5.6)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "vyTmOc6BXkge", + "colab_type": "code", + "outputId": "dadeac9a-4bb4-43a3-ff40-e8ca6a05ba2c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 164 + } + }, + "cell_type": "code", + "source": [ + "# Trying to change a tuples value (you can't)\n", + "tuple_x[1] = \"world\"" + ], + "execution_count": 15, + "outputs": [ + { + "output_type": "error", + "ename": "TypeError", + "evalue": "ignored", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mTypeError\u001b[0m Traceback (most recent call last)", + "\u001b[0;32m\u001b[0m in \u001b[0;36m\u001b[0;34m()\u001b[0m\n\u001b[0;32m----> 1\u001b[0;31m \u001b[0mtuple_x\u001b[0m\u001b[0;34m[\u001b[0m\u001b[0;36m1\u001b[0m\u001b[0;34m]\u001b[0m \u001b[0;34m=\u001b[0m \u001b[0;34m\"world\"\u001b[0m\u001b[0;34m\u001b[0m\u001b[0;34m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[0;31mTypeError\u001b[0m: 'tuple' object does not support item assignment" + ] + } + ] + }, + { + "metadata": { + "id": "UdlJHkwZV3Mz", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Dictionaries" + ] + }, + { + "metadata": { + "id": "azp3AoxYXS26", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Dictionaries are python objects that hold key-value pairs. In the example dictionary below, the keys are the \"name\" and \"eye_color\" variables. They each have a value associated with them. A dictionary cannot have two of the same keys. " + ] + }, + { + "metadata": { + "id": "pXhNLbzpXXSk", + "colab_type": "code", + "outputId": "e4bb80e5-4e7b-4cbb-daa6-77490ab25145", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 68 + } + }, + "cell_type": "code", + "source": [ + "# Creating a dictionary\n", + "goku = {\"name\": \"Goku\",\n", + " \"eye_color\": \"brown\"}\n", + "print (goku)\n", + "print (goku[\"name\"])\n", + "print (goku[\"eye_color\"])\n" + ], + "execution_count": 16, + "outputs": [ + { + "output_type": "stream", + "text": [ + "{'name': 'Goku', 'eye_color': 'brown'}\n", + "Goku\n", + "brown\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "1HXtX8vQYjXa", + "colab_type": "code", + "outputId": "ad8d1a0f-d134-4c87-99c1-0f77140f2de0", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Changing the value for a key\n", + "goku[\"eye_color\"] = \"green\"\n", + "print (goku)" + ], + "execution_count": 17, + "outputs": [ + { + "output_type": "stream", + "text": [ + "{'name': 'Goku', 'eye_color': 'green'}\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "qn33iB0MY5dT", + "colab_type": "code", + "outputId": "bd89033e-e307-4739-8c1d-f957c32385b5", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Adding new key-value pairs\n", + "goku[\"age\"] = 24\n", + "print (goku)" + ], + "execution_count": 18, + "outputs": [ + { + "output_type": "stream", + "text": [ + "{'name': 'Goku', 'eye_color': 'green', 'age': 24}\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "g9EYmzMKa9YV", + "colab_type": "code", + "outputId": "4b9218b9-2f4d-4287-932a-caba430713aa", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Length of a dictionary\n", + "print (len(goku))" + ], + "execution_count": 20, + "outputs": [ + { + "output_type": "stream", + "text": [ + "3\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "B-DInx_Xo2vJ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# If statements" + ] + }, + { + "metadata": { + "id": "ZG_ICGRGo4tY", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "You can use if statements to conditionally do something." + ] + }, + { + "metadata": { + "id": "uob9lQuKo4Pg", + "colab_type": "code", + "outputId": "21d40476-ea6a-4149-f744-0119d0894d77", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# If statement\n", + "x = 4\n", + "if x < 1:\n", + " score = \"low\"\n", + "elif x <= 4:\n", + " score = \"medium\"\n", + "else:\n", + " score = \"high\"\n", + "print (score)" + ], + "execution_count": 21, + "outputs": [ + { + "output_type": "stream", + "text": [ + "medium\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "vwsQaZqIpfJ3", + "colab_type": "code", + "outputId": "1f190875-b910-4e54-a58a-d4230b7c8169", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# If statment with a boolean\n", + "x = True\n", + "if x:\n", + " print (\"it worked\")" + ], + "execution_count": 22, + "outputs": [ + { + "output_type": "stream", + "text": [ + "it worked\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "sJ7NPGEKV6Ik", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Loops" + ] + }, + { + "metadata": { + "id": "YRVxhVCkn0vc", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "You can use for or while loops in python to do something repeatedly until a condition is met." + ] + }, + { + "metadata": { + "id": "OB5PtyqAn8mj", + "colab_type": "code", + "outputId": "b4595670-99d4-473e-b299-bf8cf47f1d81", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 68 + } + }, + "cell_type": "code", + "source": [ + "# For loop\n", + "x = 1\n", + "for i in range(3): # goes from i=0 to i=2\n", + " x += 1 # same as x = x + 1\n", + " print (\"i={0}, x={1}\".format(i, x)) # printing with multiple variables" + ], + "execution_count": 23, + "outputs": [ + { + "output_type": "stream", + "text": [ + "i=0, x=2\n", + "i=1, x=3\n", + "i=2, x=4\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "6XyhCrFeoGj4", + "colab_type": "code", + "outputId": "2427ae1f-85f7-4888-f47f-8de1992a84c3", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 68 + } + }, + "cell_type": "code", + "source": [ + "# Loop through items in a list\n", + "x = 1\n", + "for i in [0, 1, 2]:\n", + " x += 1\n", + " print (\"i={0}, x={1}\".format(i, x))" + ], + "execution_count": 24, + "outputs": [ + { + "output_type": "stream", + "text": [ + "i=0, x=2\n", + "i=1, x=3\n", + "i=2, x=4\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "5Tf2x4okp3fH", + "colab_type": "code", + "outputId": "1ac41665-2f35-4c7d-e9f5-22614d3ba35c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 68 + } + }, + "cell_type": "code", + "source": [ + "# While loop\n", + "x = 3\n", + "while x > 0:\n", + " x -= 1 # same as x = x - 1\n", + " print (x)" + ], + "execution_count": 25, + "outputs": [ + { + "output_type": "stream", + "text": [ + "2\n", + "1\n", + "0\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "gJw-EDO9WBL_", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Functions" + ] + }, + { + "metadata": { + "id": "hDIOUdWCqBwa", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Functions are a way to modularize reusable pieces of code. " + ] + }, + { + "metadata": { + "id": "iin1ZXmMqA0y", + "colab_type": "code", + "outputId": "3bfae4a7-482b-4d43-8350-f8bb5e8a35ac", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Create a function\n", + "def add_two(x):\n", + " x += 2\n", + " return x\n", + "\n", + "# Use the function\n", + "score = 0\n", + "score = add_two(x=score)\n", + "print (score)" + ], + "execution_count": 26, + "outputs": [ + { + "output_type": "stream", + "text": [ + "2\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "DC6x3DMrqlE3", + "colab_type": "code", + "outputId": "8965bfab-3e20-41ae-9fc1-f22a7d4f3333", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Function with multiple inputs\n", + "def join_name(first_name, last_name):\n", + " joined_name = first_name + \" \" + last_name\n", + " return joined_name\n", + "\n", + "# Use the function\n", + "first_name = \"Goku\"\n", + "last_name = \"Mohandas\"\n", + "joined_name = join_name(first_name=first_name, last_name=last_name)\n", + "print (joined_name)" + ], + "execution_count": 27, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Goku Mohandas\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "lBLa1n54WEd2", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Classes" + ] + }, + { + "metadata": { + "id": "mGua8QnArAZh", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Classes are a fundamental piece of object oriented Python programming." + ] + }, + { + "metadata": { + "id": "DXmPwI1frAAd", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Create the function\n", + "class Pets(object):\n", + " \n", + " # Initialize the class\n", + " def __init__(self, species, color, name):\n", + " self.species = species\n", + " self.color = color\n", + " self.name = name\n", + "\n", + " # For printing \n", + " def __str__(self):\n", + " return \"{0} {1} named {2}.\".format(self.color, self.species, self.name)\n", + "\n", + " # Example function\n", + " def change_name(self, new_name):\n", + " self.name = new_name" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "ezQq_Fhhrqrv", + "colab_type": "code", + "outputId": "bf159745-99b1-4e33-af4d-f63924a1fe74", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Making an instance of a class\n", + "my_dog = Pets(species=\"dog\", color=\"orange\", name=\"Guiness\",)\n", + "print (my_dog)\n", + "print (my_dog.name)" + ], + "execution_count": 29, + "outputs": [ + { + "output_type": "stream", + "text": [ + "orange dog named Guiness.\n", + "Guiness\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "qTinlRj1szc5", + "colab_type": "code", + "outputId": "80939a31-0242-4465-95ff-da0e5caaa67c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Using a class's function\n", + "my_dog.change_name(new_name=\"Charlie\")\n", + "print (my_dog)\n", + "print (my_dog.name)" + ], + "execution_count": 30, + "outputs": [ + { + "output_type": "stream", + "text": [ + "orange dog named Charlie.\n", + "Charlie\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "kiWtd0aJtNtY", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Additional resources" + ] + }, + { + "metadata": { + "id": "cfLF4ktmtSC3", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "This was a very quick look at python and we'll be learning more in future lessons. If you want to learn more right now before diving into machine learning, check out this free course: [Free Python Course](https://www.codecademy.com/learn/learn-python)" + ] + } + ] +} diff --git a/notebooks/02_NumPy.ipynb b/notebooks/02_NumPy.ipynb new file mode 100644 index 00000000..2ec2051a --- /dev/null +++ b/notebooks/02_NumPy.ipynb @@ -0,0 +1,739 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "02_NumPy", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + } + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# NumPy" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "In this lesson we will learn the basics of numerical analysis using the NumPy package.\n", + "\n", + "\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# NumPy basics" + ] + }, + { + "metadata": { + "id": "0-dXQiLlTIgz", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import numpy as np" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "bhaOPJV7WA0m", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Set seed for reproducability\n", + "np.random.seed(seed=1234)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "23tSlin9aWZ8", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + }, + "outputId": "4df1dbc0-77a1-4776-87d2-326b0bb0f79c" + }, + "cell_type": "code", + "source": [ + "# Scalars\n", + "x = np.array(6) # scalar\n", + "print (\"x: \", x)\n", + "print(\"x ndim: \", x.ndim)\n", + "print(\"x shape:\", x.shape)\n", + "print(\"x size: \", x.size)\n", + "print (\"x dtype: \", x.dtype)" + ], + "execution_count": 3, + "outputs": [ + { + "output_type": "stream", + "text": [ + "x: 6\n", + "x ndim: 0\n", + "x shape: ()\n", + "x size: 1\n", + "x dtype: int64\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "ugIZprdIabFF", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + }, + "outputId": "485b9e5e-176a-4ac3-b5ac-71a951470bf1" + }, + "cell_type": "code", + "source": [ + "# 1-D Array\n", + "x = np.array([1.3 , 2.2 , 1.7])\n", + "print (\"x: \", x)\n", + "print(\"x ndim: \", x.ndim)\n", + "print(\"x shape:\", x.shape)\n", + "print(\"x size: \", x.size)\n", + "print (\"x dtype: \", x.dtype) # notice the float datatype" + ], + "execution_count": 4, + "outputs": [ + { + "output_type": "stream", + "text": [ + "x: [1.3 2.2 1.7]\n", + "x ndim: 1\n", + "x shape: (3,)\n", + "x size: 3\n", + "x dtype: float64\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "SQI-T_4MbE9J", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 153 + }, + "outputId": "4eede496-01c0-4f83-d0d9-ffe073de8f9f" + }, + "cell_type": "code", + "source": [ + "# 3-D array (matrix)\n", + "x = np.array([[[1,2,3], [4,5,6], [7,8,9]]])\n", + "print (\"x:\\n\", x)\n", + "print(\"x ndim: \", x.ndim)\n", + "print(\"x shape:\", x.shape)\n", + "print(\"x size: \", x.size)\n", + "print (\"x dtype: \", x.dtype)" + ], + "execution_count": 6, + "outputs": [ + { + "output_type": "stream", + "text": [ + "x:\n", + " [[[1 2 3]\n", + " [4 5 6]\n", + " [7 8 9]]]\n", + "x ndim: 3\n", + "x shape: (1, 3, 3)\n", + "x size: 9\n", + "x dtype: int64\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "z2Qf8EKZln9j", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 221 + }, + "outputId": "45b92bcd-42a4-457b-ae34-494a1f214ffe" + }, + "cell_type": "code", + "source": [ + "# Functions\n", + "print (\"np.zeros((2,2)):\\n\", np.zeros((2,2)))\n", + "print (\"np.ones((2,2)):\\n\", np.ones((2,2)))\n", + "print (\"np.eye((2)):\\n\", np.eye((2)))\n", + "print (\"np.random.random((2,2)):\\n\", np.random.random((2,2)))" + ], + "execution_count": 7, + "outputs": [ + { + "output_type": "stream", + "text": [ + "np.zeros((2,2)):\n", + " [[0. 0.]\n", + " [0. 0.]]\n", + "np.ones((2,2)):\n", + " [[1. 1.]\n", + " [1. 1.]]\n", + "np.eye((2)):\n", + " [[1. 0.]\n", + " [0. 1.]]\n", + "np.random.random((2,2)):\n", + " [[0.19151945 0.62210877]\n", + " [0.43772774 0.78535858]]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "qVD-MCiCdcV9", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Indexing" + ] + }, + { + "metadata": { + "id": "vyt36kFOcVDX", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + }, + "outputId": "d65f99dd-97ba-4df5-afa1-fc4305c0dc69" + }, + "cell_type": "code", + "source": [ + "# Indexing\n", + "x = np.array([1, 2, 3])\n", + "print (\"x[0]: \", x[0])\n", + "x[0] = 0\n", + "print (\"x: \", x)" + ], + "execution_count": 8, + "outputs": [ + { + "output_type": "stream", + "text": [ + "x[0]: 1\n", + "x: [0 2 3]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "qxHww0didni6", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 170 + }, + "outputId": "0cccf1f5-3372-4f75-baf9-095b546e9ced" + }, + "cell_type": "code", + "source": [ + "# Slicing\n", + "x = np.array([[1,2,3,4], [5,6,7,8], [9,10,11,12]])\n", + "print (x)\n", + "print (\"x column 1: \", x[:, 1]) \n", + "print (\"x row 0: \", x[0, :]) \n", + "print (\"x rows 0,1,2 & cols 1,2: \\n\", x[:3, 1:3]) " + ], + "execution_count": 9, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[[ 1 2 3 4]\n", + " [ 5 6 7 8]\n", + " [ 9 10 11 12]]\n", + "x column 1: [ 2 6 10]\n", + "x row 0: [1 2 3 4]\n", + "x rows 0,1,2 & cols 1,2: \n", + " [[ 2 3]\n", + " [ 6 7]\n", + " [10 11]]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "A52pzB9idyDE", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 119 + }, + "outputId": "c9cd9a42-8cbb-4459-b878-8969aaec1e95" + }, + "cell_type": "code", + "source": [ + "# Integer array indexing\n", + "print (x)\n", + "rows_to_get = np.arange(len(x))\n", + "print (\"rows_to_get: \", rows_to_get)\n", + "cols_to_get = np.array([0, 2, 1])\n", + "print (\"cols_to_get: \", cols_to_get)\n", + "print (\"indexed values: \", x[rows_to_get, cols_to_get])" + ], + "execution_count": 10, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[[ 1 2 3 4]\n", + " [ 5 6 7 8]\n", + " [ 9 10 11 12]]\n", + "rows_to_get: [0 1 2]\n", + "cols_to_get: [0 2 1]\n", + "indexed values: [ 1 7 10]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "_R7O5WsVfDij", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 187 + }, + "outputId": "ab346ca7-5959-4bd2-cf02-9d2f9b253e72" + }, + "cell_type": "code", + "source": [ + "# Boolean array indexing\n", + "x = np.array([[1,2], [3, 4], [5, 6]])\n", + "print (\"x:\\n\", x)\n", + "print (\"x > 2:\\n\", x > 2)\n", + "print (\"x[x > 2]:\\n\", x[x > 2])" + ], + "execution_count": 11, + "outputs": [ + { + "output_type": "stream", + "text": [ + "x:\n", + " [[1 2]\n", + " [3 4]\n", + " [5 6]]\n", + "x > 2:\n", + " [[False False]\n", + " [ True True]\n", + " [ True True]]\n", + "x[x > 2]:\n", + " [3 4 5 6]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "77RCjrQ8gvYW", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Array math" + ] + }, + { + "metadata": { + "id": "1UJVcNCLfFrV", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 170 + }, + "outputId": "4284fa79-10e7-428a-f30e-7a59a16cf510" + }, + "cell_type": "code", + "source": [ + "# Basic math\n", + "x = np.array([[1,2], [3,4]], dtype=np.float64)\n", + "y = np.array([[1,2], [3,4]], dtype=np.float64)\n", + "print (\"x + y:\\n\", np.add(x, y)) # or x + y\n", + "print (\"x - y:\\n\", np.subtract(x, y)) # or x - y\n", + "print (\"x * y:\\n\", np.multiply(x, y)) # or x * y" + ], + "execution_count": 12, + "outputs": [ + { + "output_type": "stream", + "text": [ + "x + y:\n", + " [[2. 4.]\n", + " [6. 8.]]\n", + "x - y:\n", + " [[0. 0.]\n", + " [0. 0.]]\n", + "x * y:\n", + " [[ 1. 4.]\n", + " [ 9. 16.]]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "1BV0nSIliMC6", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n" + ] + }, + { + "metadata": { + "id": "XyZVF6gXhTWd", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + }, + "outputId": "8cbc328a-b5f3-416e-cf6f-a140aa208398" + }, + "cell_type": "code", + "source": [ + "# Dot product\n", + "a = np.array([[1,2,3], [4,5,6]], dtype=np.float64) # we can specify dtype\n", + "b = np.array([[7,8], [9,10], [11, 12]], dtype=np.float64)\n", + "print (a.dot(b))" + ], + "execution_count": 13, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[[ 58. 64.]\n", + " [139. 154.]]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "7pB-H-7phsku", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + }, + "outputId": "96a21872-164a-4b47-cd35-bf031a7421d3" + }, + "cell_type": "code", + "source": [ + "# Sum across a dimension\n", + "x = np.array([[1,2],[3,4]])\n", + "print (x)\n", + "print (\"sum all: \", np.sum(x)) # adds all elements\n", + "print (\"sum by col: \", np.sum(x, axis=0)) # add numbers in each column\n", + "print (\"sum by row: \", np.sum(x, axis=1)) # add numbers in each row" + ], + "execution_count": 14, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[[1 2]\n", + " [3 4]]\n", + "sum all: 10\n", + "sum by col: [4 6]\n", + "sum by row: [3 7]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "pLDG49LrijgA", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 119 + }, + "outputId": "9fa3a3e1-6a33-4052-baea-3dd91649f193" + }, + "cell_type": "code", + "source": [ + "# Transposing\n", + "print (\"x:\\n\", x)\n", + "print (\"x.T:\\n\", x.T)" + ], + "execution_count": 15, + "outputs": [ + { + "output_type": "stream", + "text": [ + "x:\n", + " [[1 2]\n", + " [3 4]]\n", + "x.T:\n", + " [[1 3]\n", + " [2 4]]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "KdPKVKtwkWnw", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Advanced" + ] + }, + { + "metadata": { + "id": "U_j2fCcjkEyo", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 119 + }, + "outputId": "7df2d80f-7e31-4c01-e8e7-81c6986f6bd7" + }, + "cell_type": "code", + "source": [ + "# Tile\n", + "x = np.array([[1,2], [3,4]])\n", + "y = np.array([5, 6])\n", + "addent = np.tile(y, (len(x), 1))\n", + "print (\"addent: \\n\", addent)\n", + "z = x + addent\n", + "print (\"z:\\n\", z)" + ], + "execution_count": 16, + "outputs": [ + { + "output_type": "stream", + "text": [ + "addent: \n", + " [[5 6]\n", + " [5 6]]\n", + "z:\n", + " [[ 6 8]\n", + " [ 8 10]]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "1NsoFVo0mfQ4", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 68 + }, + "outputId": "3b2a830e-abcf-4e5d-e824-2b9ce142f166" + }, + "cell_type": "code", + "source": [ + "# Broadcasting\n", + "x = np.array([[1,2], [3,4]])\n", + "y = np.array([5, 6])\n", + "z = x + y\n", + "print (\"z:\\n\", z)" + ], + "execution_count": 17, + "outputs": [ + { + "output_type": "stream", + "text": [ + "z:\n", + " [[ 6 8]\n", + " [ 8 10]]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "RdEHrnMTnO6k", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 153 + }, + "outputId": "881c6cf7-bfc7-4c41-ad70-68cd01b20656" + }, + "cell_type": "code", + "source": [ + "# Reshaping\n", + "x = np.array([[1,2], [3,4], [5,6]])\n", + "print (x)\n", + "print (\"x.shape: \", x.shape)\n", + "y = np.reshape(x, (2, 3))\n", + "print (\"y.shape: \", y.shape)\n", + "print (\"y: \\n\", y)" + ], + "execution_count": 18, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[[1 2]\n", + " [3 4]\n", + " [5 6]]\n", + "x.shape: (3, 2)\n", + "y.shape: (2, 3)\n", + "y: \n", + " [[1 2 3]\n", + " [4 5 6]]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "tE1BmoJuns70", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + }, + "outputId": "719b9e01-4428-4013-b413-d755d46a2e58" + }, + "cell_type": "code", + "source": [ + "# Removing dimensions\n", + "x = np.array([[[1,2,1]],[[2,2,3]]])\n", + "print (\"x.shape: \", x.shape)\n", + "y = np.squeeze(x, 1) # squeeze dim 1\n", + "print (\"y.shape: \", y.shape) \n", + "print (\"y: \\n\", y)" + ], + "execution_count": 19, + "outputs": [ + { + "output_type": "stream", + "text": [ + "x.shape: (2, 1, 3)\n", + "y.shape: (2, 3)\n", + "y: \n", + " [[1 2 1]\n", + " [2 2 3]]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "LNYJRMF4qvXN", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 119 + }, + "outputId": "be32eb32-2222-4178-fb52-4fc86d5f8df1" + }, + "cell_type": "code", + "source": [ + "# Adding dimensions\n", + "x = np.array([[1,2,1],[2,2,3]])\n", + "print (\"x.shape: \", x.shape)\n", + "y = np.expand_dims(x, 1) # expand dim 1\n", + "print (\"y.shape: \", y.shape) \n", + "print (\"y: \\n\", y)" + ], + "execution_count": 20, + "outputs": [ + { + "output_type": "stream", + "text": [ + "x.shape: (2, 3)\n", + "y.shape: (2, 1, 3)\n", + "y: \n", + " [[[1 2 1]]\n", + "\n", + " [[2 2 3]]]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "XthM4y7SotAH", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Additional resources" + ] + }, + { + "metadata": { + "id": "3KmESFstrbFS", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "You don't have to memorize anything here and we will be taking a closer look at NumPy in the later lessons. If you are curious about more checkout the [NumPy reference manual](https://docs.scipy.org/doc/numpy-1.15.1/reference/)." + ] + } + ] +} \ No newline at end of file diff --git a/notebooks/03_Pandas.ipynb b/notebooks/03_Pandas.ipynb new file mode 100644 index 00000000..07a0979f --- /dev/null +++ b/notebooks/03_Pandas.ipynb @@ -0,0 +1,2065 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "03_Pandas", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + } + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Pandas" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "In this notebook, we'll learn the basics of data analysis with the Python Pandas library.\n", + "\n", + "\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Uploading the data" + ] + }, + { + "metadata": { + "id": "qWro5T5qTJJL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're first going to get some data to play with. We're going to load the titanic dataset from the public link below." + ] + }, + { + "metadata": { + "id": "cdg5wEFcV6qA", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import urllib" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "6FuyDUTFVY7J", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Upload data from GitHub to notebook's local drive\n", + "url = \"https://raw.githubusercontent.com/GokuMohandas/practicalAI/master/data/titanic.csv/"\n", + "response = urllib.request.urlopen(url)\n", + "html = response.read()\n", + "with open('titanic.csv', 'wb') as f:\n", + " f.write(html)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "TK3wsHCFhldU", + "colab_type": "code", + "outputId": "1d07b5bb-5c0e-418d-fe1c-b6529a629a09", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Checking if the data was uploaded\n", + "!ls -l " + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "total 96\n", + "-rw-r--r-- 1 root root 7946 Oct 8 17:27 processed_titanic.csv\n", + "drwxr-xr-x 2 root root 4096 Sep 28 23:32 sample_data\n", + "-rw-r--r-- 1 root root 85153 Oct 8 17:48 titanic.csv\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "TL4rwLUSW9hV", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Loading the data" + ] + }, + { + "metadata": { + "id": "4EOXMnGHiLxM", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Now that we have some data to play with, let's load into a Pandas dataframe. Pandas is a great python library for data analysis." + ] + }, + { + "metadata": { + "id": "-Zd-zoyjaaw2", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import pandas as pd" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "ywaEF_0aQ023", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Read from CSV to Pandas DataFrame\n", + "df = pd.read_csv(\"titanic.csv\", header=0)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "J79FUzZWQ-kx", + "colab_type": "code", + "outputId": "bcef6952-191c-47ee-ae84-c7a41ac85b24", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# First five items\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
pclassnamesexagesibspparchticketfarecabinembarkedsurvived
01Allen, Miss. Elisabeth Waltonfemale29.00000024160211.3375B5S1
11Allison, Master. Hudson Trevormale0.916712113781151.5500C22 C26S1
21Allison, Miss. Helen Lorainefemale2.000012113781151.5500C22 C26S0
31Allison, Mr. Hudson Joshua Creightonmale30.000012113781151.5500C22 C26S0
41Allison, Mrs. Hudson J C (Bessie Waldo Daniels)female25.000012113781151.5500C22 C26S0
\n", + "
" + ], + "text/plain": [ + " pclass name sex age \\\n", + "0 1 Allen, Miss. Elisabeth Walton female 29.0000 \n", + "1 1 Allison, Master. Hudson Trevor male 0.9167 \n", + "2 1 Allison, Miss. Helen Loraine female 2.0000 \n", + "3 1 Allison, Mr. Hudson Joshua Creighton male 30.0000 \n", + "4 1 Allison, Mrs. Hudson J C (Bessie Waldo Daniels) female 25.0000 \n", + "\n", + " sibsp parch ticket fare cabin embarked survived \n", + "0 0 0 24160 211.3375 B5 S 1 \n", + "1 1 2 113781 151.5500 C22 C26 S 1 \n", + "2 1 2 113781 151.5500 C22 C26 S 0 \n", + "3 1 2 113781 151.5500 C22 C26 S 0 \n", + "4 1 2 113781 151.5500 C22 C26 S 0 " + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 9 + } + ] + }, + { + "metadata": { + "id": "qhYyM3iGRZ8W", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "These are the diferent features: \n", + "* pclass: class of travel\n", + "* name: full name of the passenger\n", + "* sex: gender\n", + "* age: numerical age\n", + "* sibsp: # of siblings/spouse aboard\n", + "* parch: number of parents/child aboard\n", + "* ticket: ticket number\n", + "* fare: cost of the ticket\n", + "* cabin: location of room\n", + "* emarked: port that the passenger embarked at (C - Cherbourg, S - Southampton, Q = Queenstown)\n", + "* survived: survial metric (0 - died, 1 - survived)" + ] + }, + { + "metadata": { + "id": "NBx5VP8K_y6N", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Exploratory analysis" + ] + }, + { + "metadata": { + "id": "DD14WJ1G_zum", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're going to explore the Pandas library and see how we can explore and process our data." + ] + }, + { + "metadata": { + "id": "thR28yTmASRr", + "colab_type": "code", + "outputId": "e986bbd4-41ac-4b4d-e79f-06bae8209c36", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 297 + } + }, + "cell_type": "code", + "source": [ + "# Describe features\n", + "df.describe()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
pclassagesibspparchfaresurvived
count1309.0000001046.0000001309.0000001309.0000001308.0000001309.000000
mean2.29488229.8811350.4988540.38502733.2954790.381971
std0.83783614.4135001.0416580.86556051.7586680.486055
min1.0000000.1667000.0000000.0000000.0000000.000000
25%2.00000021.0000000.0000000.0000007.8958000.000000
50%3.00000028.0000000.0000000.00000014.4542000.000000
75%3.00000039.0000001.0000000.00000031.2750001.000000
max3.00000080.0000008.0000009.000000512.3292001.000000
\n", + "
" + ], + "text/plain": [ + " pclass age sibsp parch fare \\\n", + "count 1309.000000 1046.000000 1309.000000 1309.000000 1308.000000 \n", + "mean 2.294882 29.881135 0.498854 0.385027 33.295479 \n", + "std 0.837836 14.413500 1.041658 0.865560 51.758668 \n", + "min 1.000000 0.166700 0.000000 0.000000 0.000000 \n", + "25% 2.000000 21.000000 0.000000 0.000000 7.895800 \n", + "50% 3.000000 28.000000 0.000000 0.000000 14.454200 \n", + "75% 3.000000 39.000000 1.000000 0.000000 31.275000 \n", + "max 3.000000 80.000000 8.000000 9.000000 512.329200 \n", + "\n", + " survived \n", + "count 1309.000000 \n", + "mean 0.381971 \n", + "std 0.486055 \n", + "min 0.000000 \n", + "25% 0.000000 \n", + "50% 0.000000 \n", + "75% 1.000000 \n", + "max 1.000000 " + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 10 + } + ] + }, + { + "metadata": { + "id": "Mn5HqS3XmzJs", + "colab_type": "code", + "outputId": "1fffd3e3-45f4-44a3-f3ea-1a0219e0457b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 364 + } + }, + "cell_type": "code", + "source": [ + "# Histograms\n", + "df[\"age\"].hist()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 11 + }, + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAeQAAAFKCAYAAADMuCxnAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAFwpJREFUeJzt3WtsU4f5x/FfGidyA0a51EZlGu1W\n0RKNlItgWhiwJtwCXVWgXLoI0FToYAQGBQYpizYmpAGBol5A4hqGYJcMV1ozDSmIISQ0BU8QKUuq\nTZS+mCilwYFA0lwYpOf/oqr/ZbRxmjrxcw7fz7ucmOPnEYm+8jE+pDiO4wgAACTVQ8keAAAAEGQA\nAEwgyAAAGECQAQAwgCADAGAAQQYAwABfMp88Gm1N6PmysjLU3Nye0HMmg1f2kNjFKnaxySu7eGUP\nKfG7BIOBL/2ep14h+3ypyR4hIbyyh8QuVrGLTV7ZxSt7SP27i6eCDACAWxFkAAAMIMgAABhAkAEA\nMIAgAwBgAEEGAMAAggwAgAEEGQAAAwgyAAAGEGQAAAwgyAAAGECQAQAwIKn/2xNsemnb6WSP0K2K\n0sJkjwAACccrZAAADCDIAAAYQJABADCAIAMAYABBBgDAAIIMAIABBBkAAAMIMgAABhBkAAAMIMgA\nABhAkAEAMIAgAwBgAEEGAMAAggwAgAEEGQAAAwgyAAAGEGQAAAwgyAAAGECQAQAwgCADAGCArycP\nKi8v14ULF3T37l0tW7ZMp0+f1rvvvqvMzExJ0pIlS/TMM8+oqqpKR44c0UMPPaT58+dr3rx5fTo8\nAABeETfI586d03vvvafKyko1Nzdr9uzZ+t73vqe1a9eqoKAg9rj29nbt2bNH4XBYaWlpmjt3rqZO\nnRqLNgAA+HJxgzxu3Dg9/fTTkqRBgwapo6NDXV1d9z2urq5OeXl5CgQCkqQxY8aotrZWhYWFCR4Z\nAADvifsecmpqqjIyMiRJ4XBYkyZNUmpqqo4dO6bFixfrlVde0Y0bN9TU1KTs7OzYn8vOzlY0Gu27\nyQEA8JAevYcsSadOnVI4HFZFRYUaGhqUmZmp3Nxc7d+/X7t379bo0aPvebzjOHHPmZWVIZ8v9atP\n3Y1gMJDQ8yWLV/boCy9tO53sEeL6y2vPJ3uEuLz0M8Yu9nhlD6n/dulRkM+ePau9e/fq4MGDCgQC\nys/Pj32vsLBQmzdv1vTp09XU1BQ7fu3aNY0aNarb8zY3t/dy7C8WDAYUjbYm9JzJ4JU9HmTW//68\n9DPGLvZ4ZQ8p8bt0F/e4l6xbW1tVXl6uffv2xf6B1qpVq3T58mVJUiQS0bBhwzRy5EjV19erpaVF\nbW1tqq2t1dixYxO0AgAA3hb3FfKJEyfU3NysNWvWxI7NmTNHa9as0cMPP6yMjAxt3bpVfr9f69at\n05IlS5SSkqKSkpLYP/ACAADdixvkBQsWaMGCBfcdnz179n3HioqKVFRUlJjJAAB4gHCnLgAADCDI\nAAAYQJABADCAIAMAYABBBgDAAIIMAIABBBkAAAMIMgAABhBkAAAMIMgAABhAkAEAMIAgAwBgAEEG\nAMAAggwAgAEEGQAAAwgyAAAGEGQAAAwgyAAAGECQAQAwgCADAGAAQQYAwACCDACAAQQZAAADCDIA\nAAYQZAAADCDIAAAYQJABADCAIAMAYABBBgDAAIIMAIABBBkAAAMIMgAABhBkAAAMIMgAABhAkAEA\nMIAgAwBgAEEGAMAAggwAgAEEGQAAAwgyAAAGEGQAAAwgyAAAGECQAQAwwNeTB5WXl+vChQu6e/eu\nli1bpry8PG3YsEFdXV0KBoPasWOH0tPTVVVVpSNHjuihhx7S/PnzNW/evL6eHwAAT4gb5HPnzum9\n995TZWWlmpubNXv2bOXn56u4uFgzZszQrl27FA6HNWvWLO3Zs0fhcFhpaWmaO3eupk6dqszMzP7Y\nAwAAV4t7yXrcuHF64403JEmDBg1SR0eHIpGIJk+eLEkqKChQTU2N6urqlJeXp0AgIL/frzFjxqi2\ntrZvpwcAwCPiBjk1NVUZGRmSpHA4rEmTJqmjo0Pp6emSpJycHEWjUTU1NSk7Ozv257KzsxWNRvto\nbAAAvKVH7yFL0qlTpxQOh1VRUaFp06bFjjuO84WP/7Ljn5eVlSGfL7WnI/RIMBhI6PmSxSt7PKjc\n8Pfnhhl7il3s8coeUv/t0qMgnz17Vnv37tXBgwcVCASUkZGhzs5O+f1+NTY2KhQKKRQKqampKfZn\nrl27plGjRnV73ubm9q83/f8IBgOKRlsTes5k8MoeDzLrf39e+hljF3u8soeU+F26i3vcS9atra0q\nLy/Xvn37Yv9Aa/z48aqurpYknTx5UhMnTtTIkSNVX1+vlpYWtbW1qba2VmPHjk3QCgAAeFvcV8gn\nTpxQc3Oz1qxZEzu2bds2lZWVqbKyUkOGDNGsWbOUlpamdevWacmSJUpJSVFJSYkCAe9csgAAoC/F\nDfKCBQu0YMGC+44fPnz4vmNFRUUqKipKzGQAADxAuFMXAAAGEGQAAAwgyAAAGECQAQAwgCADAGAA\nQQYAwACCDACAAQQZAAADCDIAAAYQZAAADCDIAAAYQJABADCAIAMAYABBBgDAAIIMAIABBBkAAAMI\nMgAABhBkAAAMIMgAABhAkAEAMIAgAwBgAEEGAMAAggwAgAEEGQAAAwgyAAAGEGQAAAwgyAAAGECQ\nAQAwgCADAGAAQQYAwACCDACAAQQZAAADCDIAAAYQZAAADCDIAAAY4Ev2AIAXvbTtdLJH6NZfXns+\n2SMA+B+8QgYAwACCDACAAQQZAAADCDIAAAYQZAAADCDIAAAYQJABADCgR0G+ePGipkyZomPHjkmS\nSktL9dxzz2nRokVatGiRzpw5I0mqqqrSCy+8oHnz5un48eN9NjQAAF4T98Yg7e3t2rJli/Lz8+85\nvnbtWhUUFNzzuD179igcDistLU1z587V1KlTlZmZmfipAQDwmLivkNPT03XgwAGFQqFuH1dXV6e8\nvDwFAgH5/X6NGTNGtbW1CRsUAAAvixtkn88nv99/3/Fjx45p8eLFeuWVV3Tjxg01NTUpOzs79v3s\n7GxFo9HETgsAgEf16l7Wzz//vDIzM5Wbm6v9+/dr9+7dGj169D2PcRwn7nmysjLk86X2ZoQvFQwG\nEnq+ZPHKHrDLSz9j7GKPV/aQ+m+XXgX58+8nFxYWavPmzZo+fbqamppix69du6ZRo0Z1e57m5vbe\nPP2XCgYDikZbE3rOZPDKHrDNKz9jXvp98couXtlDSvwu3cW9Vx97WrVqlS5fvixJikQiGjZsmEaO\nHKn6+nq1tLSora1NtbW1Gjt2bO8mBgDgARP3FXJDQ4O2b9+uK1euyOfzqbq6WgsXLtSaNWv08MMP\nKyMjQ1u3bpXf79e6deu0ZMkSpaSkqKSkRIGAdy5ZAADQl+IGecSIETp69Oh9x6dPn37fsaKiIhUV\nFSVmMgAAHiDcqQsAAAMIMgAABhBkAAAMIMgAABhAkAEAMIAgAwBgAEEGAMAAggwAgAEEGQAAAwgy\nAAAGEGQAAAwgyAAAGECQAQAwgCADAGAAQQYAwACCDACAAQQZAAADCDIAAAYQZAAADCDIAAAYQJAB\nADCAIAMAYABBBgDAAIIMAIABBBkAAAMIMgAABhBkAAAMIMgAABhAkAEAMIAgAwBgAEEGAMAAggwA\ngAEEGQAAAwgyAAAGEGQAAAwgyAAAGECQAQAwgCADAGAAQQYAwABfsgcA0P+eW/dOskeIq6K0MNkj\nAP2KV8gAABhAkAEAMIAgAwBgQI+CfPHiRU2ZMkXHjh2TJF29elWLFi1ScXGxVq9erf/+97+SpKqq\nKr3wwguaN2+ejh8/3ndTAwDgMXGD3N7eri1btig/Pz927M0331RxcbF+//vf67HHHlM4HFZ7e7v2\n7Nmj3/72tzp69KiOHDmimzdv9unwAAB4Rdwgp6en68CBAwqFQrFjkUhEkydPliQVFBSopqZGdXV1\nysvLUyAQkN/v15gxY1RbW9t3kwMA4CFxP/bk8/nk8937sI6ODqWnp0uScnJyFI1G1dTUpOzs7Nhj\nsrOzFY1GEzwuAADe9LU/h+w4zlc6/nlZWRny+VK/7gj3CAYDCT1fsnhlD6C3vsrvgJd+X7yyi1f2\nkPpvl14FOSMjQ52dnfL7/WpsbFQoFFIoFFJTU1PsMdeuXdOoUaO6PU9zc3tvnv5LBYMBRaOtCT1n\nMnhlD+Dr6OnvgJd+X7yyi1f2kBK/S3dx79XHnsaPH6/q6mpJ0smTJzVx4kSNHDlS9fX1amlpUVtb\nm2prazV27NjeTQwAwAMm7ivkhoYGbd++XVeuXJHP51N1dbV27typ0tJSVVZWasiQIZo1a5bS0tK0\nbt06LVmyRCkpKSopKVEg4J1LFgAA9KW4QR4xYoSOHj163/HDhw/fd6yoqEhFRUWJmQwAgAcId+oC\nAMAAggwAgAEEGQAAAwgyAAAGEGQAAAwgyAAAGECQAQAwgCADAGAAQQYAwACCDACAAQQZAAADCDIA\nAAYQZAAADCDIAAAYQJABADCAIAMAYABBBgDAAIIMAIABBBkAAAMIMgAABhBkAAAMIMgAABhAkAEA\nMIAgAwBggC/ZAyTSc+veSfYIcVWUFiZ7BACAQbxCBgDAAIIMAIABBBkAAAMIMgAABhBkAAAMIMgA\nABjgqY89AfCOl7adTvYI3eIjjEg0XiEDAGAAQQYAwAAuWfcz65fhAADJwStkAAAMIMgAABhAkAEA\nMIAgAwBgAEEGAMAAggwAgAEEGQAAAwgyAAAG9OrGIJFIRKtXr9awYcMkSU8++aSWLl2qDRs2qKur\nS8FgUDt27FB6enpChwUAwKt6faeu7373u3rzzTdjX7/66qsqLi7WjBkztGvXLoXDYRUXFydkSAAA\nvC5hl6wjkYgmT54sSSooKFBNTU2iTg0AgOf1+hXypUuXtHz5ct26dUsrV65UR0dH7BJ1Tk6OotFo\nwoYEAMDrehXkxx9/XCtXrtSMGTN0+fJlLV68WF1dXbHvO47To/NkZWXI50vtzQgAkFTBYMBV5+1v\nXtlD6r9dehXkwYMHa+bMmZKkoUOH6pFHHlF9fb06Ozvl9/vV2NioUCgU9zzNze29eXoASLpotDXh\n5wwGA31y3v7mlT2kxO/SXdx79R5yVVWVDh06JEmKRqO6fv265syZo+rqaknSyZMnNXHixN6cGgCA\nB1KvXiEXFhZq/fr1+tvf/qY7d+5o8+bNys3N1caNG1VZWakhQ4Zo1qxZiZ4VAADP6lWQBw4cqL17\n9953/PDhw197IAAAHkTcqQsAAAMIMgAABhBkAAAMIMgAABjQ6zt1AcCD7KVtp5M9QlwVpYXJHgFf\nAa+QAQAwgCADAGAAQQYAwACCDACAAQQZAAADCDIAAAYQZAAADCDIAAAYQJABADCAIAMAYABBBgDA\nAIIMAIABBBkAAAMIMgAABhBkAAAMIMgAABhAkAEAMIAgAwBgAEEGAMAAggwAgAEEGQAAAwgyAAAG\nEGQAAAwgyAAAGECQAQAwgCADAGAAQQYAwACCDACAAQQZAAADCDIAAAYQZAAADPAlewAAQN94advp\nZI8QV0VpYbJHMINXyAAAGECQAQAwgCADAGAAQQYAwACCDACAAQQZAAADEv6xp9/85jeqq6tTSkqK\nNm3apKeffjrRTwEAgOckNMj/+Mc/9J///EeVlZV6//33tWnTJlVWVibyKQAAHmL9s9J/ee35fnuu\nhF6yrqmp0ZQpUyRJTzzxhG7duqWPP/44kU8BAIAnJTTITU1NysrKin2dnZ2taDSayKcAAMCT+vTW\nmY7jdPv9YDCQ0Ofrz0sLAIAHQ6Jb9WUS+go5FAqpqakp9vW1a9cUDAYT+RQAAHhSQoP8/e9/X9XV\n1ZKkd999V6FQSAMHDkzkUwAA4EkJvWQ9ZswYfec739GLL76olJQU/epXv0rk6QEA8KwUJ94bvQAA\noM9xpy4AAAwgyAAAGNCnH3vqL26/XefFixe1YsUK/fjHP9bChQt19epVbdiwQV1dXQoGg9qxY4fS\n09OTPWaPlJeX68KFC7p7966WLVumvLw8V+7S0dGh0tJSXb9+Xbdv39aKFSs0fPhwV+4iSZ2dnfrh\nD3+oFStWKD8/35V7RCIRrV69WsOGDZMkPfnkk1q6dKkrd5GkqqoqHTx4UD6fTz/72c/01FNPuXKX\n48ePq6qqKvZ1Q0OD/vCHP2jz5s2SpKeeekq//vWvkzTdV9PW1qaNGzfq1q1bunPnjkpKShQMBvtv\nF8flIpGI85Of/MRxHMe5dOmSM3/+/CRP9NW0tbU5CxcudMrKypyjR486juM4paWlzokTJxzHcZzX\nXnvN+d3vfpfMEXuspqbGWbp0qeM4jnPjxg3nBz/4gWt3+etf/+rs37/fcRzH+eCDD5xp06a5dhfH\ncZxdu3Y5c+bMcd5++23X7nHu3Dln1apV9xxz6y43btxwpk2b5rS2tjqNjY1OWVmZa3f5vEgk4mze\nvNlZuHChU1dX5ziO46xdu9Y5c+ZMkifrmaNHjzo7d+50HMdxPvroI2f69On9uovrL1m7/Xad6enp\nOnDggEKhUOxYJBLR5MmTJUkFBQWqqalJ1nhfybhx4/TGG29IkgYNGqSOjg7X7jJz5ky9/PLLkqSr\nV69q8ODBrt3l/fff16VLl/TMM89Icu/P1xdx6y41NTXKz8/XwIEDFQqFtGXLFtfu8nl79uzRyy+/\nrCtXrsSuVLppl6ysLN28eVOS1NLSoszMzH7dxfVBdvvtOn0+n/x+/z3HOjo6YpeqcnJyXLNPamqq\nMjIyJEnhcFiTJk1y7S6fefHFF7V+/Xpt2rTJtbts375dpaWlsa/duockXbp0ScuXL9ePfvQj/f3v\nf3ftLh988IE6Ozu1fPlyFRcXq6amxrW7fOaf//ynHn30UaWmpmrQoEGx427a5dlnn9WHH36oqVOn\nauHChdqwYUO/7uKJ95A/z/HYp7jcuM+pU6cUDodVUVGhadOmxY67cZc//vGP+te//qWf//zn98zv\nll3+/Oc/a9SoUfrmN7/5hd93yx6S9Pjjj2vlypWaMWOGLl++rMWLF6urqyv2fTftIkk3b97U7t27\n9eGHH2rx4sWu/Pn6vHA4rNmzZ9933E27vPPOOxoyZIgOHTqkf//73yopKVEg8P+3zezrXVwfZC/e\nrjMjI0OdnZ3y+/1qbGy853K2dWfPntXevXt18OBBBQIB1+7S0NCgnJwcPfroo8rNzVVXV5cGDBjg\nul3OnDmjy5cv68yZM/roo4+Unp7u2r+TwYMHa+bMmZKkoUOH6pFHHlF9fb0rd8nJydHo0aPl8/k0\ndOhQDRgwQKmpqa7c5TORSERlZWVKSUmJXfaV5KpdamtrNWHCBEnS8OHDdfv2bd29ezf2/b7exfWX\nrL14u87x48fHdjp58qQmTpyY5Il6prW1VeXl5dq3b58yMzMluXeX8+fPq6KiQtKnb4u0t7e7cpfX\nX39db7/9tv70pz9p3rx5WrFihSv3kD79V8mHDh2SJEWjUV2/fl1z5sxx5S4TJkzQuXPn9Mknn6i5\nudm1P1+faWxs1IABA5Senq60tDR9+9vf1vnz5yW5a5fHHntMdXV1kqQrV65owIABeuKJJ/ptF0/c\nqWvnzp06f/587Hadw4cPT/ZIPdbQ0KDt27frypUr8vl8Gjx4sHbu3KnS0lLdvn1bQ4YM0datW5WW\nlpbsUeOqrKzUW2+9pW9961uxY9u2bVNZWZnrduns7NQvfvELXb16VZ2dnVq5cqVGjBihjRs3um6X\nz7z11lv6xje+oQkTJrhyj48//ljr169XS0uL7ty5o5UrVyo3N9eVu0ifvh0SDoclST/96U+Vl5fn\n2l0aGhr0+uuv6+DBg5I+fa//l7/8pT755BONHDlSr776apIn7Jm2tjZt2rRJ169f1927d7V69WoF\ng8F+28UTQQYAwO1cf8kaAAAvIMgAABhAkAEAMIAgAwBgAEEGAMAAggwAgAEEGQAAAwgyAAAG/B9C\nr3yxdV1VfwAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "7illbHR1nLEF", + "colab_type": "code", + "outputId": "f0e07bde-de74-4ce1-bd89-beb48558e636", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Unique values\n", + "df[\"embarked\"].unique()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "array(['S', 'C', nan, 'Q'], dtype=object)" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 12 + } + ] + }, + { + "metadata": { + "id": "BG1IMeV_hrqV", + "colab_type": "code", + "outputId": "029ed3dc-b21f-4b01-da8c-09c8d747ce04", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 119 + } + }, + "cell_type": "code", + "source": [ + "# Selecting data by feature\n", + "df[\"name\"].head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "0 Allen, Miss. Elisabeth Walton\n", + "1 Allison, Master. Hudson Trevor\n", + "2 Allison, Miss. Helen Loraine\n", + "3 Allison, Mr. Hudson Joshua Creighton\n", + "4 Allison, Mrs. Hudson J C (Bessie Waldo Daniels)\n", + "Name: name, dtype: object" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 13 + } + ] + }, + { + "metadata": { + "id": "wPrRGLDtiZSp", + "colab_type": "code", + "outputId": "cd41130c-2fe6-4f35-ba12-95498816d971", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Filtering\n", + "df[df[\"sex\"]==\"female\"].head() # only the female data appear" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
pclassnamesexagesibspparchticketfarecabinembarkedsurvived
01Allen, Miss. Elisabeth Waltonfemale29.00024160211.3375B5S1
21Allison, Miss. Helen Lorainefemale2.012113781151.5500C22 C26S0
41Allison, Mrs. Hudson J C (Bessie Waldo Daniels)female25.012113781151.5500C22 C26S0
61Andrews, Miss. Kornelia Theodosiafemale63.0101350277.9583D7S1
81Appleton, Mrs. Edward Dale (Charlotte Lamson)female53.0201176951.4792C101S1
\n", + "
" + ], + "text/plain": [ + " pclass name sex age \\\n", + "0 1 Allen, Miss. Elisabeth Walton female 29.0 \n", + "2 1 Allison, Miss. Helen Loraine female 2.0 \n", + "4 1 Allison, Mrs. Hudson J C (Bessie Waldo Daniels) female 25.0 \n", + "6 1 Andrews, Miss. Kornelia Theodosia female 63.0 \n", + "8 1 Appleton, Mrs. Edward Dale (Charlotte Lamson) female 53.0 \n", + "\n", + " sibsp parch ticket fare cabin embarked survived \n", + "0 0 0 24160 211.3375 B5 S 1 \n", + "2 1 2 113781 151.5500 C22 C26 S 0 \n", + "4 1 2 113781 151.5500 C22 C26 S 0 \n", + "6 1 0 13502 77.9583 D7 S 1 \n", + "8 2 0 11769 51.4792 C101 S 1 " + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 14 + } + ] + }, + { + "metadata": { + "id": "FOuLeYIojMMH", + "colab_type": "code", + "outputId": "cb3353d1-51bf-4995-9a22-c0b5a9695925", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Sorting\n", + "df.sort_values(\"age\", ascending=False).head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
pclassnamesexagesibspparchticketfarecabinembarkedsurvived
141Barkworth, Mr. Algernon Henry Wilsonmale80.0002704230.0000A23S1
611Cavendish, Mrs. Tyrell William (Julia Florence...female76.0101987778.8500C46S1
12353Svensson, Mr. Johanmale74.0003470607.7750NaNS0
1351Goldschmidt, Mr. George Bmale71.000PC 1775434.6542A5C0
91Artagaveytia, Mr. Ramonmale71.000PC 1760949.5042NaNC0
\n", + "
" + ], + "text/plain": [ + " pclass name sex age \\\n", + "14 1 Barkworth, Mr. Algernon Henry Wilson male 80.0 \n", + "61 1 Cavendish, Mrs. Tyrell William (Julia Florence... female 76.0 \n", + "1235 3 Svensson, Mr. Johan male 74.0 \n", + "135 1 Goldschmidt, Mr. George B male 71.0 \n", + "9 1 Artagaveytia, Mr. Ramon male 71.0 \n", + "\n", + " sibsp parch ticket fare cabin embarked survived \n", + "14 0 0 27042 30.0000 A23 S 1 \n", + "61 1 0 19877 78.8500 C46 S 1 \n", + "1235 0 0 347060 7.7750 NaN S 0 \n", + "135 0 0 PC 17754 34.6542 A5 C 0 \n", + "9 0 0 PC 17609 49.5042 NaN C 0 " + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 15 + } + ] + }, + { + "metadata": { + "id": "v0TCbtSMjMO5", + "colab_type": "code", + "outputId": "d3139123-aa86-43c0-da33-d5c51d0a2596", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 142 + } + }, + "cell_type": "code", + "source": [ + "# Grouping\n", + "survived_group = df.groupby(\"survived\")\n", + "survived_group.mean()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
pclassagesibspparchfare
survived
02.50061830.5453690.5216320.32880123.353831
11.96200028.9182280.4620000.47600049.361184
\n", + "
" + ], + "text/plain": [ + " pclass age sibsp parch fare\n", + "survived \n", + "0 2.500618 30.545369 0.521632 0.328801 23.353831\n", + "1 1.962000 28.918228 0.462000 0.476000 49.361184" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 16 + } + ] + }, + { + "metadata": { + "id": "34LmckWDhdSA", + "colab_type": "code", + "outputId": "17e1a9e3-555b-4641-a0ec-486b924a3e46", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 221 + } + }, + "cell_type": "code", + "source": [ + "# Selecting row\n", + "df.iloc[0, :] # iloc gets rows (or columns) at particular positions in the index (so it only takes integers)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "pclass 1\n", + "name Allen, Miss. Elisabeth Walton\n", + "sex female\n", + "age 29\n", + "sibsp 0\n", + "parch 0\n", + "ticket 24160\n", + "fare 211.338\n", + "cabin B5\n", + "embarked S\n", + "survived 1\n", + "Name: 0, dtype: object" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 17 + } + ] + }, + { + "metadata": { + "id": "QrdXeuRdFkXB", + "colab_type": "code", + "outputId": "26a2833b-6932-4ec1-be16-b3bec609605d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Selecting specific value\n", + "df.iloc[0, 1]\n" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "'Allen, Miss. Elisabeth Walton'" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 18 + } + ] + }, + { + "metadata": { + "id": "Rz35_-x2FkaL", + "colab_type": "code", + "outputId": "828a60ae-bf92-48e1-a504-ff2471a45948", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 221 + } + }, + "cell_type": "code", + "source": [ + "# Selecting by index\n", + "df.loc[0] # loc gets rows (or columns) with particular labels from the index" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "pclass 1\n", + "name Allen, Miss. Elisabeth Walton\n", + "sex female\n", + "age 29\n", + "sibsp 0\n", + "parch 0\n", + "ticket 24160\n", + "fare 211.338\n", + "cabin B5\n", + "embarked S\n", + "survived 1\n", + "Name: 0, dtype: object" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 19 + } + ] + }, + { + "metadata": { + "id": "uSezrq4vEFYh", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Preprocessing" + ] + }, + { + "metadata": { + "id": "EZ1pCKHIjMUY", + "colab_type": "code", + "outputId": "bb1233b0-5930-4337-8a15-22337dda9f6f", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Rows with at least one NaN value\n", + "df[pd.isnull(df).any(axis=1)].head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
pclassnamesexagesibspparchticketfarecabinembarkedsurvived
91Artagaveytia, Mr. Ramonmale71.000PC 1760949.5042NaNC0
131Barber, Miss. Ellen \"Nellie\"female26.0001987778.8500NaNS1
151Baumann, Mr. John DmaleNaN00PC 1731825.9250NaNS0
231Bidois, Miss. Rosaliefemale42.000PC 17757227.5250NaNC1
251Birnbaum, Mr. Jakobmale25.0001390526.0000NaNC0
\n", + "
" + ], + "text/plain": [ + " pclass name sex age sibsp parch \\\n", + "9 1 Artagaveytia, Mr. Ramon male 71.0 0 0 \n", + "13 1 Barber, Miss. Ellen \"Nellie\" female 26.0 0 0 \n", + "15 1 Baumann, Mr. John D male NaN 0 0 \n", + "23 1 Bidois, Miss. Rosalie female 42.0 0 0 \n", + "25 1 Birnbaum, Mr. Jakob male 25.0 0 0 \n", + "\n", + " ticket fare cabin embarked survived \n", + "9 PC 17609 49.5042 NaN C 0 \n", + "13 19877 78.8500 NaN S 1 \n", + "15 PC 17318 25.9250 NaN S 0 \n", + "23 PC 17757 227.5250 NaN C 1 \n", + "25 13905 26.0000 NaN C 0 " + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 20 + } + ] + }, + { + "metadata": { + "id": "zUaiFplEkmoB", + "colab_type": "code", + "outputId": "3caed8fa-5c95-4d44-a0f8-b4554ad3e009", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Drop rows with Nan values\n", + "df = df.dropna() # removes rows with any NaN values\n", + "df = df.reset_index() # reset's row indexes in case any rows were dropped\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
indexpclassnamesexagesibspparchticketfarecabinembarkedsurvived
001Allen, Miss. Elisabeth Waltonfemale29.00000024160211.3375B5S1
111Allison, Master. Hudson Trevormale0.916712113781151.5500C22 C26S1
221Allison, Miss. Helen Lorainefemale2.000012113781151.5500C22 C26S0
331Allison, Mr. Hudson Joshua Creightonmale30.000012113781151.5500C22 C26S0
441Allison, Mrs. Hudson J C (Bessie Waldo Daniels)female25.000012113781151.5500C22 C26S0
\n", + "
" + ], + "text/plain": [ + " index pclass name sex \\\n", + "0 0 1 Allen, Miss. Elisabeth Walton female \n", + "1 1 1 Allison, Master. Hudson Trevor male \n", + "2 2 1 Allison, Miss. Helen Loraine female \n", + "3 3 1 Allison, Mr. Hudson Joshua Creighton male \n", + "4 4 1 Allison, Mrs. Hudson J C (Bessie Waldo Daniels) female \n", + "\n", + " age sibsp parch ticket fare cabin embarked survived \n", + "0 29.0000 0 0 24160 211.3375 B5 S 1 \n", + "1 0.9167 1 2 113781 151.5500 C22 C26 S 1 \n", + "2 2.0000 1 2 113781 151.5500 C22 C26 S 0 \n", + "3 30.0000 1 2 113781 151.5500 C22 C26 S 0 \n", + "4 25.0000 1 2 113781 151.5500 C22 C26 S 0 " + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 21 + } + ] + }, + { + "metadata": { + "id": "ubujZv_8qG-d", + "colab_type": "code", + "outputId": "087deb79-c891-4cb9-cc9a-dbd1df82edbe", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Dropping multiple columns\n", + "df = df.drop([\"name\", \"cabin\", \"ticket\"], axis=1) # we won't use text features for our initial basic models\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
indexpclasssexagesibspparchfareembarkedsurvived
001female29.000000211.3375S1
111male0.916712151.5500S1
221female2.000012151.5500S0
331male30.000012151.5500S0
441female25.000012151.5500S0
\n", + "
" + ], + "text/plain": [ + " index pclass sex age sibsp parch fare embarked survived\n", + "0 0 1 female 29.0000 0 0 211.3375 S 1\n", + "1 1 1 male 0.9167 1 2 151.5500 S 1\n", + "2 2 1 female 2.0000 1 2 151.5500 S 0\n", + "3 3 1 male 30.0000 1 2 151.5500 S 0\n", + "4 4 1 female 25.0000 1 2 151.5500 S 0" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 22 + } + ] + }, + { + "metadata": { + "id": "8m117GcVnon9", + "colab_type": "code", + "outputId": "103c4eec-b38c-4921-af84-af6f955aba90", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Map feature values\n", + "df['sex'] = df['sex'].map( {'female': 0, 'male': 1} ).astype(int)\n", + "df[\"embarked\"] = df['embarked'].dropna().map( {'S':0, 'C':1, 'Q':2} ).astype(int)\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
indexpclasssexagesibspparchfareembarkedsurvived
001029.000000211.337501
11110.916712151.550001
22102.000012151.550000
331130.000012151.550000
441025.000012151.550000
\n", + "
" + ], + "text/plain": [ + " index pclass sex age sibsp parch fare embarked survived\n", + "0 0 1 0 29.0000 0 0 211.3375 0 1\n", + "1 1 1 1 0.9167 1 2 151.5500 0 1\n", + "2 2 1 0 2.0000 1 2 151.5500 0 0\n", + "3 3 1 1 30.0000 1 2 151.5500 0 0\n", + "4 4 1 0 25.0000 1 2 151.5500 0 0" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 23 + } + ] + }, + { + "metadata": { + "id": "ZaVqjpsCEtft", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Feature engineering" + ] + }, + { + "metadata": { + "id": "_FPtk5tpqrDI", + "colab_type": "code", + "outputId": "faf26f41-50f4-4cdf-fd52-46fadee89090", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Lambda expressions to create new features\n", + "def get_family_size(sibsp, parch):\n", + " family_size = sibsp + parch\n", + " return family_size\n", + "\n", + "df[\"family_size\"] = df[[\"sibsp\", \"parch\"]].apply(lambda x: get_family_size(x[\"sibsp\"], x[\"parch\"]), axis=1)\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
indexpclasssexagesibspparchfareembarkedsurvivedfamily_size
001029.000000211.3375010
11110.916712151.5500013
22102.000012151.5500003
331130.000012151.5500003
441025.000012151.5500003
\n", + "
" + ], + "text/plain": [ + " index pclass sex age sibsp parch fare embarked survived \\\n", + "0 0 1 0 29.0000 0 0 211.3375 0 1 \n", + "1 1 1 1 0.9167 1 2 151.5500 0 1 \n", + "2 2 1 0 2.0000 1 2 151.5500 0 0 \n", + "3 3 1 1 30.0000 1 2 151.5500 0 0 \n", + "4 4 1 0 25.0000 1 2 151.5500 0 0 \n", + "\n", + " family_size \n", + "0 0 \n", + "1 3 \n", + "2 3 \n", + "3 3 \n", + "4 3 " + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 24 + } + ] + }, + { + "metadata": { + "id": "JK3FqfjnpSNi", + "colab_type": "code", + "outputId": "7cc0f028-b924-4b17-c872-408f3fbcf368", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Reorganize headers\n", + "df = df[['pclass', 'sex', 'age', 'sibsp', 'parch', 'family_size', 'fare', 'embarked', 'survived']]\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
pclasssexagesibspparchfamily_sizefareembarkedsurvived
01029.0000000211.337501
1110.9167123151.550001
2102.0000123151.550000
31130.0000123151.550000
41025.0000123151.550000
\n", + "
" + ], + "text/plain": [ + " pclass sex age sibsp parch family_size fare embarked \\\n", + "0 1 0 29.0000 0 0 0 211.3375 0 \n", + "1 1 1 0.9167 1 2 3 151.5500 0 \n", + "2 1 0 2.0000 1 2 3 151.5500 0 \n", + "3 1 1 30.0000 1 2 3 151.5500 0 \n", + "4 1 0 25.0000 1 2 3 151.5500 0 \n", + "\n", + " survived \n", + "0 1 \n", + "1 1 \n", + "2 0 \n", + "3 0 \n", + "4 0 " + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 25 + } + ] + }, + { + "metadata": { + "id": "N_rwgfrFGTne", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Saving data" + ] + }, + { + "metadata": { + "id": "rNNxA7Vrp2fC", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Saving dataframe to CSV\n", + "df.to_csv(\"processed_titanic.csv\", index=False)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "gfc7Epp7sgqz", + "colab_type": "code", + "outputId": "568781d5-b0c9-44ec-f4d2-b767c291ff61", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# See your saved file\n", + "!ls -l" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "total 96\n", + "-rw-r--r-- 1 root root 6975 Oct 8 17:49 processed_titanic.csv\n", + "drwxr-xr-x 2 root root 4096 Sep 28 23:32 sample_data\n", + "-rw-r--r-- 1 root root 85153 Oct 8 17:48 titanic.csv\n" + ], + "name": "stdout" + } + ] + } + ] +} diff --git a/notebooks/04_Linear_Regression.ipynb b/notebooks/04_Linear_Regression.ipynb new file mode 100644 index 00000000..d8ea30c2 --- /dev/null +++ b/notebooks/04_Linear_Regression.ipynb @@ -0,0 +1,1210 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "04_Linear_Regression", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + } + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Linear Regression" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "In this lesson we will learn about linear regression. We will first understand the basic math behind it and then implement it in Python. We will also look at ways of interpreting the linear model.\n", + "\n" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Overview" + ] + }, + { + "metadata": { + "id": "-qHciBsX93ej", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "$\\hat{y} = XW$\n", + "\n", + "*where*:\n", + "* $\\hat{y}$ = prediction | $\\in \\mathbb{R}^{NX1}$ ($N$ is the number of samples)\n", + "* $X$ = inputs | $\\in \\mathbb{R}^{NXD}$ ($D$ is the number of features)\n", + "* $W$ = weights | $\\in \\mathbb{R}^{DX1}$ " + ] + }, + { + "metadata": { + "id": "QAgr7Grv9pb6", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "* **Objective:** Use inputs $X$ to predict the output $\\hat{y}$ using a linear model. The model will be a line of best fit that minimizes the distance between the predicted and target outcomes. Training data $(X, y)$ is used to train the model and learn the weights $W$ using stochastic gradient descent (SGD).\n", + "* **Advantages:**\n", + " * Computationally simple.\n", + " * Highly interpretable.\n", + " * Can account for continuous and categorical features.\n", + "* **Disadvantages:**\n", + " * The model will perform well only when the data is linearly separable (for classification).\n", + " * Usually not used for classification and only for regression.\n", + "* **Miscellaneous:** You can also use linear regression for binary classification tasks where if the predicted continuous value is above a threshold, it belongs to a certain class. But we will cover better techniques for classification in future lessons and will focus on linear regression for continuos regression tasks only.\n" + ] + }, + { + "metadata": { + "id": "xP7XD24-09Io", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Training" + ] + }, + { + "metadata": { + "id": "476yPgTM1BKJ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "*Steps*: \n", + "1. Randomly initialize the model's weights $W$.\n", + "2. Feed inputs $X$ into the model to receive the predictions $\\hat{y}$.\n", + "3. Compare the predictions $\\hat{y}$ with the actual target values $y$ with the objective (cost) function to determine loss $J$. A common objective function for linear regression is mean squarred error (MSE). This function calculates the difference between the predicted and target values and squares it. (the $\\frac{1}{2}$ is just for convenicing the derivative operation).\n", + " * $MSE = J(\\theta) = \\frac{1}{2}\\sum_{i}(\\hat{y}_i - y_i)^2$\n", + "4. Calculate the gradient of loss $J(\\theta)$ w.r.t to the model weights.\n", + " * $J(\\theta) = \\frac{1}{2}\\sum_{i}(\\hat{y}_i - y_i)^2 = \\frac{1}{2}\\sum_{i}(X_iW - y_i)^2 $\n", + " * $\\frac{\\partial{J}}{\\partial{W}} = X(\\hat{y} - y)$\n", + "4. Apply backpropagation to update the weights $W$ using a learning rate $\\alpha$ and an optimization technique (ie. stochastic gradient descent). The simplified intuition is that the gradient tells you the direction for how to increase something so subtracting it will help you go the other way since we want to decrease loss $J(\\theta)$.\n", + " * $W = W- \\alpha\\frac{\\partial{J}}{\\partial{W}}$\n", + "5. Repeat steps 2 - 4 until model performs well." + ] + }, + { + "metadata": { + "id": "jvJKjkMeJP4Q", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Data" + ] + }, + { + "metadata": { + "id": "RuPl9qlSJTIY", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're going to create some simple dummy data to apply linear regression on." + ] + }, + { + "metadata": { + "id": "HRXD7LqVJZ43", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from argparse import Namespace\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import pandas as pd" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "NFsKg-Z6IWqG", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " seed=1234,\n", + " data_file=\"sample_data.csv\",\n", + " num_samples=100,\n", + " train_size=0.75,\n", + " test_size=0.25,\n", + " num_epochs=100,\n", + ")\n", + "\n", + "# Set seed for reproducability\n", + "np.random.seed(args.seed)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "NWux2lcoIWss", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Generate synthetic data\n", + "def generate_data(num_samples):\n", + " X = np.array(range(num_samples))\n", + " random_noise = np.random.uniform(-10,10,size=num_samples)\n", + " y = 3.65*X + 10 + random_noise # add some noise\n", + " return X, y" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "2mb2SjSQIWvF", + "colab_type": "code", + "outputId": "a56ff9a8-e3ad-40d5-99c5-af8add180901", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Generate random (linear) data\n", + "X, y = generate_data(args.num_samples)\n", + "data = np.vstack([X, y]).T\n", + "df = pd.DataFrame(data, columns=['X', 'y'])\n", + "df.head()" + ], + "execution_count": 4, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Xy
00.03.830389
11.016.092175
22.016.054555
33.026.657172
44.030.199516
\n", + "
" + ], + "text/plain": [ + " X y\n", + "0 0.0 3.830389\n", + "1 1.0 16.092175\n", + "2 2.0 16.054555\n", + "3 3.0 26.657172\n", + "4 4.0 30.199516" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 4 + } + ] + }, + { + "metadata": { + "id": "6LwVVOkiLfBN", + "colab_type": "code", + "outputId": "5116e8fc-cf2c-40b0-8e48-a5a94f0bf8e1", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 362 + } + }, + "cell_type": "code", + "source": [ + "# Scatter plot\n", + "plt.title(\"Generated data\")\n", + "plt.scatter(x=df[\"X\"], y=df[\"y\"])\n", + "plt.show()" + ], + "execution_count": 5, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAeQAAAFZCAYAAABJ+lxSAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzt3Wt8VOW5N/7fnIdJJiQTZtxyqoKg\nKIcEI1uEiImJSbTWKMedTdWaUt3QViqKiKhYbRFEbC3sB5WDVHc/pMZD2Z+i4aGAG/tAqgQ57e5N\nwb8WQiCZZEgmmcwhw/q/oDMkkzVrTSYryRx+3zeamZU1K7fBi/u+r/u6VIIgCCAiIqIBpR7oByAi\nIiIGZCIiopjAgExERBQDGJCJiIhiAAMyERFRDGBAJiIiigEMyEQKEwQBv/3tb/G9730PJSUlKCws\nxIIFC3D8+PGBfjQAwP79+3Hu3Lkef9+NN96Is2fPKnKd3W7Hn/70px4/A1EiY0AmUtjrr7+OP/7x\nj9i0aRM++eQTfPrpp7jzzjvxgx/8AE1NTQP9eHjnnXeiCshKqq6uxp49ewb0GYhiDQMykYIuXryI\nbdu2YfXq1bDZbAAAjUaDefPmYe/evbBYLACA8+fP47HHHkNRURGKiorw2WefAQDOnj2L6dOn47e/\n/S3uvfde5ObmYufOnQAuz7zXr1+PoqIi5OXl4eWXX4bf7wcAfP/738frr7+OkpIS1NTUwG63o7y8\nHMXFxcjPz8fWrVsBAL/61a9w8OBBPPXUU9i5cye8Xi9efvllFBUVIT8/Hxs3bgz+LJ999hkKCwtR\nUlKCTZs2hf2Zpa7bsGEDioqKUFBQgEcffRQtLS04ceIEfv7zn6Oqqgo/+9nPAADvv/8+SkpKcNdd\nd+Ff//VfUVtbq8R/DqL4IhCRYvbt2ycUFRXJXvfggw8Kr7/+uiAIgvDNN98IU6ZMEZqamoQzZ84I\nN954o/Duu+8KgiAIO3fuFAoLCwVBEISPPvpIuOeee4SWlhbB5/MJP/rRj4LXzZ8/X3jkkUcEv98v\nCIIg/PznPxeef/55QRAE4e9//7tw0003CefOnRMEQRDy8vKEL774QhAEQVi/fr3w0EMPCR6PR2hr\naxNKS0uFPXv2CB0dHcK0adOE/fv3C4IgCJs3bxbGjh0rnDlzpsvPIXXdsWPHhKlTpwpOp1Pw+/3C\nww8/LGzYsEEQBEF44403hOXLlwuCIAh2u10YP368UFdXJwiCICxbtiz4HlEy4QyZSEHNzc3BWTAA\ntLS0oLi4GMXFxbj99tvx9ttvw+Vyobq6Gg8//DAA4Dvf+Q5uvvnm4Cy5o6MDDzzwAADgpptuCi4v\n7927FzNnzoTZbIZWq8Xs2bOxa9eu4GfNmDEDavXlP9IrVqzAc889BwAYMWIErFar6L7u3r17UVZW\nBr1eD5PJhPvuuw+7du3CN998A6/Xi+nTpwMA7r//ftGfV+q68ePHY9++fUhNTYVarUZ2djbOnDnT\n7R6ZmZk4dOgQ/umf/gkAkJOTI3odUaLTDvQDECUSi8WC+vr64NdpaWn49NNPAQDPPvss3G43nE4n\nBEHAvHnzgte5XC7ceuutAC4vcZtMJgCAWq3GpUuXAABOpxObN29GRUUFAMDv93cJ/oMHDw7++7Fj\nx/Daa6+hrq4OarUaDQ0Nwft05nQ6sWrVKqxbtw4A4PV6MXHiRDQ3NyM1NVX03p1JXdfe3o5Vq1ah\nuro6eO0dd9zR7R5+vx9vvPEG9uzZA7/fj7a2Nlx77bWin0eUyBiQiRSUlZWFxsZG/Pd//zduvPFG\n0WsyMzOh0WjwwQcfICUlpct7UtnJNpsN+fn5mD9/vuxzPPXUU3jooYfwL//yL1CpVMjNzQ17z0ce\neQR5eXldXj99+jRaW1uDX4dLRhs8eHDY67Zt24ZvvvkGH374IVJSUvD666/jwoUL3e6xc+dO7Nmz\nB++99x4sFgt+//vf4z//8z9lf0aiRMMlayIFpaamYuHChVi6dCm+/fZbAMClS5fwxz/+EZ988glG\njhwJrVaLGTNmYPv27QAuzySfeeYZ1NXVSd77zjvvxB/+8Ae0t7cDALZv346PPvpI9NrGxkaMHz8e\nKpUKH330Edrb2+FyuQAAWq0WTqczeM/3338ffr8fgiDg3//93/Ff//VfGDlyJDQaTXB2++GHH0Kl\nUnX7HKnrGhsbMWrUKKSkpKC2thafffaZ6DM0NjZi2LBhsFgscDgc+OSTT9DW1hbhiBMlDgZkIoUt\nWLAADz30EH7605+iuLgYBQUF+PDDD/HGG2/gvvvuAwCsXLkSX3zxBYqLi3H//fdjxIgRuPrqqyXv\nW1BQgLy8PNx///0oLi7Gnj17gnu3oR5//HEsWrQI9957L1wuF+bOnYvnnnsOf//731FUVIQnnngC\nW7duRVlZGYYOHYp77rkHxcXFOH36NG6++WbodDq89NJLWL58OUpKSqBSqYLL6J1JXTdv3jx88cUX\nKCoqwurVq7Fs2TIcOHAA77zzDqZNm4aDBw9i5syZ+O53v4uLFy+isLAQS5YsweLFi3H+/Hm88sor\nvfwvQRRfVILAfshEREQDjTNkIiKiGMCATEREFAMYkImIiGIAAzIREVEMYEAmIiKKAQNaGKShwano\n/TIyTHA4XIreMxlxHJXBcVQGx1EZHEdl9HYcrVZz2PcSaoas1WoG+hESAsdRGRxHZXAclcFxVEZf\njmNCBWQiIqJ4xYBMREQUAxiQiYiIYgADMhERUQxgQCYiIooBDMhEREQxgAGZiIgoBjAgExERifD4\n/Kh3uODx+fvl8wa0UhcREVGs8V+6hIo9p3D4ZAOaWjywpBmQPdaKufnX9enncoZMRETUScWeU9j9\n5Vk0tnggAGhs8WD3l2dRsedUn34uAzIREdE/eHx+HD7ZIPre4ZN2uL0dffbZDMhERJSUxPaIm1s9\naGrxiF7vcLrhCPOeEriHTERESUVqj3hwqgGWNAMaRQJvhtmIjDQDnM3tffJcnCETEVFSkdojNug0\nyB5rFf2+7LFDYNT33TyWAZmIiJKG3B6xx+fH3PzrUJAzHJlpRqhVQGaaEQU5w/s8y5pL1kRElDTk\n9oibWz2wZZhQVjAWM2eMRnOrB4NTDTDo+r6fNGfIRESUNAJ7xGIyzEYMTr3ynkGngS3D1C/BGGBA\nJiKiJOHx+dHc6sHE64aIvp89dki/BV8xXLImIqKEFppVnWHWY4QtFS63Dw6nBxlmI7LHDunzPWI5\nDMhERBSXAjNeuT3eQFZ1QJPTiyanF3nZQ1E0ZWTw+z0+PxqbXf22ZxyKAZmIiOKK1DlijbrrTqxU\nVvXR002Ykz8GWo0Kv9t9MqL79SUGZCIiiiuhM97AOWIAKCsYG3zd4/Pj69pm2azq3YfORnS/vsaA\nTEREcUPuHPHMGaOh1aiCM+jGFg/UKkAQul+fYTZikEEre7/+Wr5mQCYiorgRyTni0BnvJZFgDFzO\nqm73dER0Lrk/8NgTERHFDalzxOmpBrS6fWFnvGoVoAqpvNWTc8l9jTNkIiKKG4Fa051nwAEuTwde\n3nYo7PcKAvDkvCyMGjY4uAytUSPs/fr7XLJsQG5vb8eyZcvQ2NgIj8eDhQsXoqqqCidOnEB6ejoA\noLy8HHfccQd27NiBbdu2Qa1WY86cOZg9e3af/wBERJRcAueFD5+0w+F0Q6/TwO31w+31S36fJc3Y\nJRiHu99AnUuWDch79+7F+PHjsWDBAtTW1uKRRx5BdnY2nnjiCeTl5QWvc7lc2LBhAyorK6HT6TBr\n1iwUFhYGgzYREZESNGp1sNZ0g8OFX1celQ3GQPgZb+f79Wft6lCyAfnuu+8O/ntdXR2uuuoq0euO\nHDmCCRMmwGw2AwAmT56Mmpoa5OfnK/SoRESUrMSKgBh0Guh1mrBJWcDlPWNLhDPeQO3qgRLxHvK8\nefNw/vx5bNy4Ee+88w7ee+89bN26FZmZmXjuuedgt9thsViC11ssFjQ0iG+sExERRUKuCEggKatR\nJChbzAYsnjMJ1vRBA1qjOlIRB+Tt27fjr3/9K5566iksX74c6enpGDduHN566y2sX78e2dnZXa4X\nxA59hcjIMEGrVXaQrFazovdLVhxHZXAclcFxVEY8jaPb2wFHiwcff/61aNEO0yA9FpROAABMmzQM\nO/Z/3e0e07OGIfvGqxV/tr4aR9mAfPz4cWRmZuLqq6/GuHHj4Pf7MXbsWGRmZgIA8vPzsXLlShQV\nFcFutwe/r76+HllZWZL3djhcvXz8rqxWMxoanIreMxlxHJXBcVQGx1EZ8TKOnWfEgaIeYv585BxK\npoyAQafBvVNHwtXu7ZaUde/UkYr/zL0dR6lgLnsO+csvv8SWLVsAAHa7HS6XC88//zzOnDkDAKiu\nrsaYMWMwadIkHDt2DC0tLWhra0NNTQ1ycnKifmgiIko+gbKYgSXocEU9AkU7gCtJWS8v+Gf88ke3\n4uUF/4yygrH9WodaCbIz5Hnz5uHZZ59FWVkZ3G43nn/+eZhMJixevBiDBg2CyWTCqlWrYDQasWTJ\nEpSXl0OlUmHRokXBBC8iIiI5UmUxQ4kV7RjopKzekg3IRqMRr732WrfXP/jgg26vFRcXo7i4WJkn\nIyKipCJVFjNUfxft6A+s1EVERDFBKmNarQIERH6EKR4xIBMRUUyQKos5I2soiqaMHLCiHf2BAZmI\niBQXWshDrLCHGKkylvGWpNVTDMhERKSY0EIeGWY9Ugbp4XL7uhT2KM29Fq0uX7cAHStlLAcCAzIR\nESkmcGwpoMnpRZPTG/w6UNjj86N18Hj9YQN0vGdMR4MBmYiIFNGTY0uBZhDhAnQyLFGHSq6floiI\n+oTH58fXtc0RH1sK5fb6IeBKgK7Yc0rZB4wDnCETEVHUxEpdRtDKQNbhk3bMnDE6afaPAc6QiYio\nFyItddlTnUtjJgvOkImIKCpSe8aBQh4ZqQakDNLB5fbB4fRAr9ME94+liJXGTHQMyEREFBWpUpeC\nADw5Lwujhg3ucg451aTHx/u/Dp4zDhegE7E0phwGZCIiiopUqUtLmjEYjIGujR86nzMODdAZCVwa\nUw4DMhERyRKrtCVV6lJuhhsuQCdTIZBQDMhERBRWaOWt0HPCUqUueyIZC4GEYkAmIkpyUnWmQytv\nBc4JA5dntslc6lJpDMhERElKbvYrlUUdek6YM9zeY0AmIkpSUrPfmTNGS1beCpwTZhBWDgMyEVES\nkpr9fn60TrbyVnqqAd6OS/D4/FyiVggDMhFREpI6Q+z2+oNng8NV3nJ5OvDC5r8kdTMIpXH0iIiS\nUOAMcaTUKkClAoz6y7NhNoNQHgMyEVESCpwhjpQgAI/PnIgUo/jC6uGTdnh88iUxKTwGZCKiJOPx\n+VHvcKE0dxQKcoYjM80ItQqwmA3BGXAoS5oRlsFG2SQvih73kImIkkS4Y04vlt+CVpcPg1MN+OCz\n02Erb1nTB4UtlZmMzSCUxoBMRJQk5Ip8AJCsvKVRq6MulUnyGJCJiJKA29sRUZEPucpbSpXKpO4Y\nkImIkoCjJfwxJ7EiH+Eqb7FUZt9hUhcRURLISAt/zCma/d9AwGYwVg4DMhFRgvP4/HC0eDDxuiGi\n73P/NzbILlm3t7dj2bJlaGxshMfjwcKFC3HDDTdg6dKl8Pv9sFqtePXVV6HX67Fjxw5s27YNarUa\nc+bMwezZs/vjZyAiIhFdsqqdHmSk6jHClgqX2weH08P93xgjG5D37t2L8ePHY8GCBaitrcUjjzyC\nyZMno6ysDCUlJVi3bh0qKytRWlqKDRs2oLKyEjqdDrNmzUJhYSHS09P74+cgIqIQoVnVTU4vmpxe\n5GUPRdGUkdz/jTGyS9Z33303FixYAACoq6vDVVddherqatx5550AgLy8PBw4cABHjhzBhAkTYDab\nYTQaMXnyZNTU1PTt0xMRkSip5hFHTzcxGMegiLOs582bh/Pnz2Pjxo34wQ9+AL1eDwDIzMxEQ0MD\n7HY7LBZL8HqLxYKGBvFfhoCMDBO0WmV/IaxWs6L3S1YcR2VwHJXBcewZt7cD5751oMkZPqtao9fB\nOiSln58sMfTV72PEAXn79u3461//iqeeegpCp15cglhfLonXO3M4XJF+fESsVjMaGpyK3jMZcRyV\nwXFUBscxcp33jIOtE0WuyzAb4ff6OK5R6O3vo1Qwl12yPn78OOrq6gAA48aNg9/vR0pKCtxuNwDg\nwoULsNlssNlssNvtwe+rr6+HzWaL+qGJiJJVoNZ0uGYN4d4P7BkHSluGa53IrOrYJDtD/vLLL1Fb\nW4tnn30WdrsdLpcLubm5qKqqwn333Yddu3YhNzcXkyZNwooVK9DS0gKNRoOamhosX768P34GIqKE\nEK7WdKBspdT7HX4h7J6xWnX5n8yqjm2yAXnevHl49tlnUVZWBrfbjeeffx7jx4/H008/jYqKCgwd\nOhSlpaXQ6XRYsmQJysvLoVKpsGjRIpjN3PchIoqUXK1pqfcLbh4ethKXIAAvPXYbMlN0nBnHMNmA\nbDQa8dprr3V7fevWrd1eKy4uRnFxsTJPRkSURKSyog+ftOPe266RfT9cJyZLmhHXfycDzuZ2RZ+Z\nlMVKXUREMaC5VbrW9Nn6Vsn32z0dyB5rFX0/e+wQGPVsXRDr+F+IiCgGDE41hJ3hpqcaYDBoJN/3\ndlxCae4oAOzEFK8YkImIYoBBpwnba9jl6cAvth2CQS++qOnydOCFzX8JJnm9WH4LWl0+Fv+IMwzI\nREQxIrTXsF6ngdvrh9t7+XiT23sJAGDUa+D1+bu9H5oERvGFe8hERDEi0Gv45QX/jJU/uAUpRvE5\nk8mgxfIHbw77/uGT9rBnmCl2MSATEcUYg04DvU4TNonrYqsHHo9fMsmruVX8PYpdDMhERDEokOQl\nJsNsxHBbquT7g1PF36PYxYBMRBSDAkleYrLHDoHZpJd8n8lc8YdJXUREMSo0ySv0GJPc+xRfGJCJ\niAaYx+dHc6un2zGlQJLXzBmjo3qf4gsDMhHRAJFrJhFg0GlgyzCFvY/c+xQfGJCJiPpQuNkvIN9M\ngpILAzIRUS+EBtzA16kmPT7e/3XY2a9cM4mZM0Zz+TnJMCATEUUhdLk5w6xHyiA9XG4fmlo8MOjV\nwcpaQNfZ78wZo/F1bbPsOWIuQycXBmQioiiELjc3Ob1ocnqDX3cOxp19frQOh082oLHFA7Xqcq/i\nUDxHnJwYkImIekhquVlO59rTl0SCMcBzxMmKAZmIqBOpJKwAqd7F0VCrAAGAheeIkxoDMhERIj+C\nBEj3Lo6GIABPzsvCqGGDOTNOYiydSUSEK3vCjS0eCLiShFWx51S3a6XKWoYy6jVQqwCL2QCjXjzY\nWtKMDMbEGTIRUTRHkELLVqanGpAySAeX2weH0xMsY1maey1aXT4MTjXgg89Od0kEC+CeMQEMyERE\nknvC4Y4ghStbKbYHbTLoALD2NEljQCaipCe1Jyx3BCm0bKVUGUvWniYp3EMmoqQn1+pQ6aAZCNoM\nxtQZZ8hEROByMg08BmQiIkS+nBzJOWWiaDAgExF1Em4PuCfnlImiwYBMRCQhMCOu+uIM9tbUBl9n\nq0RSWkQBec2aNTh06BA6Ojrw6KOPYs+ePThx4gTS09MBAOXl5bjjjjuwY8cObNu2DWq1GnPmzMHs\n2bP79OGJiHor3BJ05xlxoBGEGLZKJKXIBuSDBw/ib3/7GyoqKuBwOHD//ffj1ltvxRNPPIG8vLzg\ndS6XCxs2bEBlZSV0Oh1mzZqFwsLCYNAmIoolckvQod2cwjWCYKtEUopsQL7lllswceJEAEBaWhra\n29vh9/u7XXfkyBFMmDABZrMZADB58mTU1NQgPz9f4UcmIuq90IAb2q840m5ObJVISpHNRNBoNDCZ\nLv/Nr7KyErfffjs0Gg3ee+89PPjgg/jZz36GpqYm2O12WCyW4PdZLBY0NETXnoyIqC/JlcpsuNge\ncTcnlr0kpUSc1LV7925UVlZiy5YtOH78ONLT0zFu3Di89dZbWL9+PbKzs7tcL4h13Q6RkWGCVqvs\nL7LValb0fsmK46gMjqMylB7HOnsbmpzhS2VmZKTAmjEI9Y72bu+r1QAEYEj6INw6/mo8cu9N0Gji\nI8uav4/K6KtxjCgg79+/Hxs3bsSmTZtgNpsxderU4Hv5+flYuXIlioqKYLfbg6/X19cjKytL8r4O\nhyvKxxZntZrR0OBU9J7JiOOoDI6jMvpiHP0+Pyzm8KUytcIlTBydKdoIYsakoSiaMjKYBNbU1Kbo\ns/UV/j4qo7fjKBXMZf9a53Q6sWbNGrz55pvBBK2f/OQnOHPmDACguroaY8aMwaRJk3Ds2DG0tLSg\nra0NNTU1yMnJifqhiYiU4PH5Ue9wweO7kvsSSanMufnXoSBnODLTjFCrgMw0IwpyhqOscCzLXlKf\nkJ0h79y5Ew6HA4sXLw6+9sADD2Dx4sUYNGgQTCYTVq1aBaPRiCVLlqC8vBwqlQqLFi0KJngREfU3\nuSxquVKZbARB/U0lRLLZ20eUXj7hkowyOI7K4DgqI9px/N3uk6JLznnZXZeck6UUJn8fldGXS9as\n1EVECUcqi/qzr85h3+FzXWbMPENMsSA+UgOJiMIQ2yNubvWEPbZ0SQAEXDl3XLHnVD89KZE0zpCJ\nKG50Xl7WalRh94gHpxpgSRPPog7F0pcUKxiQiSjmiSVomYw6nKlvDV4TmPH6/ZdQNGUkJl43pEsz\niHBY+pJiBQMyEcU8sTKX4Wa/gT3iDLMeI2ypcLl9aGrxQKUSr0fN0pcUK7iHTEQDJnT/V2w/2O3t\niLiuNHBlj7jJ6cWZ+lZMHJ2JVY/eihnZw0SvZ+lLihWcIRNRvwtdgs4w65EySB+czXbeD3a0hE/Q\nisTR002Ykz8GZQVjoFGrwp47JhpoDMhE1G8CSVlVX5zpsr/b5PSiyekNft2589KjMydFnKAlpvMe\nMQt9UCxjQCaiPtd5RtzY4oFaFdn3HT55uT5+9liraJGPy3vEHWhqcUe8R2zQaZjARTGJAZmI+lxo\nUpZY4BTT1OLG/37rQGnuKADiZS47/ILorDuAe8QULxiQiahPSVXNkqNSAc+9+f9gMV/eU36x/Ba0\nunxdlps1avxjOZp7xBTfGJCJqE9JVc2SE5hJd95TLisYK3otm0FQvOOxJyLqU4GqWWLUqsuzYIvZ\ngBG2VGSmGaD6x+tiDp+0dzkSJSawR8xgTPGGM2Qi6jOBrOpwVbNmZHXvvPR1bTPWbv9K9H6sqkWJ\njAGZiBQTCMCpJj0+3v91l3PGgapZDqeny/6uRn1loc6g02DUsMFhjzmxqhYlMgZkIuq10EIfBr0a\nbu+l4PuBc8ahvYjFGHSasMecmDFNiYx7yETUa4FjTY0tHghAl2Dc2dHTTRElW83Nvw4FOcORmWaE\nWgVkphlRkDOcGdOU0DhDJqJe6cmxpkj3gDtnTGv0Ovi9Ps6MKeFxhkxEvdKTY0093QM26DS4ekgK\ngzElBQZkIuoVqWNNobgHTBQeAzIR9UogCUuMUa/hHjBRhLiHTERRCxxzCldrujT32m6lLolIHAMy\nEfVY6DGnQP9isVrTJoNugJ+WKD4wIBNRj4V2b4qk1jQRSeMeMhH1iNQxp0hqTROROAZkIuoRqWNO\ngXPGRNRzDMhE1CNSx5xYa5ooegzIRBSWx+dHvcPVZRla6pgTzxkTRS+ipK41a9bg0KFD6OjowKOP\nPooJEyZg6dKl8Pv9sFqtePXVV6HX67Fjxw5s27YNarUac+bMwezZs/v6+YmoD4TLog50ZwqcJw49\n5sRzxkTRkw3IBw8exN/+9jdUVFTA4XDg/vvvx9SpU1FWVoaSkhKsW7cOlZWVKC0txYYNG1BZWQmd\nTodZs2ahsLAQ6enp/fFzEFEvBc4UD0414IPPTktmUXeuNR34Hs6MiXpHNiDfcsstmDhxIgAgLS0N\n7e3tqK6uxosvvggAyMvLw5YtW3DttddiwoQJMJvNAIDJkyejpqYG+fn5ffj4RNRbobPhDLMeLo94\npvThk3bMnDE6GHwNOo1sowgiioxsQNZoNDCZLv+Bq6ysxO23347PP/8cer0eAJCZmYmGhgbY7XZY\nLJbg91ksFjQ0SHeAycgwQatV9m/VVqtZ0fslK46jMuJhHN/++FiX2XCT0xv2WofTDY1eB+uQlP54\ntKB4GMd4wHFURl+NY8SFQXbv3o3Kykps2bIFd911V/B1QRBErw/3emcOhyvSj4+I1WpGQ4NT0Xsm\nI46jMuJhHD0+P/58pDbi69NTDThf39Kv7RDjYRzjAcdRGb0dR6lgHlFA3r9/PzZu3IhNmzbBbDbD\nZDLB7XbDaDTiwoULsNlssNlssNvtwe+pr69HVlZW1A9NRH2vJ60TAcDl6cALm//SLcmLiHpP9k+S\n0+nEmjVr8OabbwYTtG677TZUVVUBAHbt2oXc3FxMmjQJx44dQ0tLC9ra2lBTU4OcnJy+fXoi6hWp\nM8VGvQaZaQaoVZf/HQDcXj8EXEnyqthzqh+fliixyc6Qd+7cCYfDgcWLFwdfe+WVV7BixQpUVFRg\n6NChKC0thU6nw5IlS1BeXg6VSoVFixYFE7yIKDYFzhR33kMOmD7xasycMRoNDhd+XXkUbm/3RK/Q\nJC8iip5sQJ47dy7mzp3b7fWtW7d2e624uBjFxcXKPBkRKarzsabOAVTqTLFGrYZep5EtlclMa6Le\nY7cnogQnV+RD7kxxYFm7USQos1QmkXKYjUGU4AKtEhtbPJL7v4EzxaHLzyyVSdQ/GJCJEphUq8Sa\n/23A2YbWiNolzs2/DgU5w5GZZoRaBWSmGVGQM5ylMokUxCVrogQhtkcsdaypyemJ+AgTS2US9T0G\nZKI4F26PuDT3Wnh9/rD7vwC6LGEDl+tUS2GpTKK+w4BMFOcCe8QBgQD7+dE6eLx+GPSR7UzxCBPR\nwOIeMlEck9ojDhTxcHsvAbhc3EMlca/AESYiGhgMyERxrCelL00GLZ596GZkhqnMxSNMRAOLAZko\njkmVvgx1sdWDVKOOR5iIYhQDMlGc8Pj8qHe4uhxTkjojHCowA+YRJqLYxKQuohgnV2krtPSlXqcR\nrTvdeQbMI0xEsYcBmShGBc6ToUzIAAAZQ0lEQVQVV31xBntrrvQsDj2mFHpGONWkx8f7vxatTd0Z\njzARxRYGZKIYEQjAVwJqAxpbPFCHSY0OPabUOcByBkwUfxiQiQZY6JK0Qa8OHlUCgEuC+Pc1tbjx\ndW0zRg0bLBpwOQMmii8MyEQDLLSwR+dgLEWlAtZu/yqi0pdEFPv4p5doAEkV9pBzSYBk9yYiii8M\nyEQDqCeFPQJ7yVJ7ypF0biKi2MSATDSAelLYY0bWUDw1LwtCmD1llr4kim8MyEQDSKqwh1Gv6VK4\no6xwLEYNGxw2gLP0JVF8Y1IXkQLEehFHKrSwR+DccGnutWh1+brcU6MGssdauySBBbD0JVF8Y0Am\n6gWpKlqRCi3s0TkAmwy6bteHC+AsfUkU3xiQiXohXC9iAHj8X27u0b0iPTcsFcCJKH4xIBNFSerI\n0uGTdri9HX36+Sz8QZRYmNRFFCWpI0sOpxuOCI8zEREBDMhEERFrfSh1ZCnDbESGzHEmsXsSUfLi\nkjWRBKmkrcCRpXAZz0a9Fs5/fN05C1urUUm2UySi5MSATCRBKmmrrGCsbMazWEA3GXU4U98a9p5E\nlJwiCsgnT57EwoUL8fDDD2P+/PlYtmwZTpw4gfT0dABAeXk57rjjDuzYsQPbtm2DWq3GnDlzMHv2\n7D59eKK+JJe0FWh9KJXxLBbQG8PsLYe2UySi5CIbkF0uF1566SVMnTq1y+tPPPEE8vLyuly3YcMG\nVFZWQqfTYdasWSgsLAwGbaJ4I5e01dzqCWY5i2U8u70dPWocEXpPIkoushtWer0eb7/9Nmw2m+R1\nR44cwYQJE2A2m2E0GjF58mTU1NQo9qBE/U0qaSs91QBvx6WwCVkenx//+60j4sYRAEtfEiU72Rmy\nVquFVtv9svfeew9bt25FZmYmnnvuOdjtdlgsluD7FosFDQ3RtZUjigVSSVsuTwde2PyXbglZnfeM\nG1s8UKsQthlEKJa+JEpuUSV13XfffUhPT8e4cePw1ltvYf369cjOzu5yjRDB/4UyMkzQapX9H5DV\nalb0fsmK43jZj+dkwzRIj4PH62C/2A6DXoN2jx9u7+WZcSAhyzRIjwWlE/D2x8e6BPBLYf4YjBqa\nhtZ2H+wX2zEkfRBuHX81Hrn3Jmg0zLIWw99HZXAcldFX4xhVQO68n5yfn4+VK1eiqKgIdrs9+Hp9\nfT2ysrIk7+NwuKL5+LCsVjMaGpzyF5IkjmNXpdOuQcmUEWhwuPDryqNo93Rfpv7zkXO4M3so/nyk\nVvQeahUgALB0ysLu8AtdEsGamtr6+CeJT/x9VAbHURm9HUepYB7VX8d/8pOf4MyZMwCA6upqjBkz\nBpMmTcKxY8fQ0tKCtrY21NTUICcnJ7onJupnckU6DDoN9DqNZJLX2frWsO8LAvDk3Cy8vOCfUVYw\nFhq1OpgIxmVqIgIimCEfP34cq1evRm1tLbRaLaqqqjB//nwsXrwYgwYNgslkwqpVq2A0GrFkyRKU\nl5dDpVJh0aJFMJu5PEKxTarwR2iRjkCSl9ixpQyzEcNtqWHft6QZMWrYYAZfIgpLNiCPHz8e7777\nbrfXi4qKur1WXFyM4uJiZZ6MqB/IFf7oTK4yl9mkZ69iIooaK3VRUvL4/GhwuCIq/NGZXGUu9iom\nomgxIFNSCT2WFE64Ih1yvYg7v6/R6+D3+jgzJqKIMCBTUgldog6nc+EPsYAq14vYoNPAOiSFWa1E\nFDEGZEoaUrWpQ4Ur/EFE1Ff4fxhKSGLHmKRqUwOASgUY9Zdnw26vHwKuJHlV7DnV149MREmOM2RK\nKFLHmKSOLVnMBix8YDz+z0fHg1W4OmMnJiLqa5whU0IJ7BE3tni6zXADx5bETL7eilSjTra7ExFR\nX2FApoQh17/Y4/Njbv51KMgZjsw0I9QqIDPNiIKc4V1m0GLYiYmI+hqXrCnueHx+0SNHkfYvDnds\nSaMGC3sQ0YBhQKa4IVfmUq60ZecZbrhjSyzsQUQDhQGZ4oZcmUu50paRzHDlCn8QEfUV7iFTXIhk\nfxhA2D3i0txrJbs5hWInJiLqb5whU1yQ2h9uanHj69rmYDelzjPcVJMeH+//Gi9s/otsNyciooHE\ngExxQWp/WKUC1m7/qkuwDcxwf7f7ZMTdnIiIBhKnCBQXpM4QXxIgWlUr0mVuIqJYwIBMMS9QBrM0\nd1Rwf1gFQK0Svz4QbCM5BkVEFCu4ZE0xK9wxpxfLb8G3dU6s3f6V6PcFgm1PjkEREQ00zpBpwIk1\nggDCl8H8eP//h1HDBstW1ZJa5mahDyKKNZwh04CRKvTR4Rck939nzhgd0ZljFvogonjBgEwDRqrQ\nR8HNw2X3fyMJtiz0QUTxggGZBoRcBvS9t10ju//bk2AbrlQmEVGs4B4yDQi5Qh9n61sx8bohou+H\n7v+yqhYRJQLOkGlARFLoI8OsxwhbKlxuHxxOD/d/iSihMSCT4sK1R+xMqhHEJeHyP5ucXjQ5vcjL\nHoqiKSO5/0tECY0BmRQj1x4xVOekrKYWN1SqK8G4s6OnmzAnfwyDMRElNAZkUky4rGm//5LoDLdz\nUtbXtc2yhT6YlEVEiYwBmRQhlTX92VfnsO/wueCMuTT3WrS6fMEAbdBpgoU+WFWLiJIVAzIpQipr\nOrAMHZgxf360Dh6vv1t3pkgKfRARJaqIjj2dPHkSBQUFeO+99wAAdXV1+P73v4+ysjI8/vjj8Hq9\nAIAdO3Zg5syZmD17Nt5///2+e2qKOYGs6Ui4vX7R7kxz868LNo9Qq4DMNCMKcoYzq5qIkoLsDNnl\ncuGll17C1KlTg6+98cYbKCsrQ0lJCdatW4fKykqUlpZiw4YNqKyshE6nw6xZs1BYWIj09PQ+/QEo\nNkjNcOUESmEadBpW1SKipCU7Q9br9Xj77bdhs9mCr1VXV+POO+8EAOTl5eHAgQM4cuQIJkyYALPZ\nDKPRiMmTJ6OmpqbvnpxiTucZrlR7xFChrRBZ6IOIkpHsDFmr1UKr7XpZe3s79Ho9ACAzMxMNDQ2w\n2+2wWCzBaywWCxoaxJN8KDGFlrKs+uIM9tbUyn4fk7aIiBRI6hIEkYOjEq93lpFhglar7CzIajUr\ner9k1dtxHA7ghtFWmFMMOHi8DvaL7TDoNWj3+LtdO23SUAwfmphbG/x9VAbHURkcR2X01ThGFZBN\nJhPcbjeMRiMuXLgAm80Gm80Gu90evKa+vh5ZWVmS93E4XNF8fFhWqxkNDU5F75mMlBzH0mnXoGTK\nCDS3epBq0uPj/V93685079SRCfnfjb+PyuA4KoPjqIzejqNUMI8qIN92222oqqrCfffdh127diE3\nNxeTJk3CihUr0NLSAo1Gg5qaGixfvjzqh6b4IVcqs3OnJSZtERGJkw3Ix48fx+rVq1FbWwutVouq\nqiqsXbsWy5YtQ0VFBYYOHYrS0lLodDosWbIE5eXlUKlUWLRoEcxmLo8ksp6WygxgK0Qiou5UQiSb\nvX1E6eUTLskoo/M4Ss1+f7f7pOgxp4Kc4SgrGNsvzxrL+PuoDI6jMjiOyoi5JWtKHOECrtzsV6pU\nZudzxUREFBkG5CQlFXCB8I0igMv7wFKlMtkMgoio5yIqnUmJJxBwG1s83cpYur0dkrNfj88vWSqT\n54qJiHqOATkJyS03n29sk539BkplimEzCCKinuOSdRKSW24GVJKtEAcZtKh3uFCaOwoAup0rZjMI\nIqKeY0BOMh6fH16fP2zATU81ABAw8bohomUvTUYtfv7OF132nV8sv6VLf2MiIuo5BuQkEZrEZdCL\n71a4PB346Wv7kJGqxwhbKlxuHxxODzLMRpiMWpypbw1eG5roRURE0eMecpIITeJyey8BAIx6DdSq\ny/8E/tGrWACanF6cqW/FxNGZ+OWPbsXzD+fA5faJ3juQ6EVERNFjQE4CUklcJoMWyx+8GSlG8cWS\no6ebMDjVgHZPh2yiFxERRY8BOQlIJXFdbPXA4/HLBlsecyIi6lsMyElALpgOt6XKBlsecyIi6lsM\nyElALpiaTfqIgu3c/OtQkDMcmWlGqFVAZpoRBTnDecyJiEgBzLJOEoGgGe7MsNz7AKBRq9k+kYio\nj7DbU5KR613s8fmh0evg9/oYbHuJv4/K4Dgqg+OojL7s9sQl6wTj8flR73CFPYYU6EUcLtgadBpc\nPSSFwZiIqJ9xyTpByLVLJCKi2MaAHOcCS9BVX5zpUuqSVbSIiOILA3Kc6jwjbmzxQK0Sv+7wSTtm\nzhjNJWgiohjHtcw41bkUJgBcCpOa19Tixte1zSxtSUQU4zhDjnFiWdFSpTBDqVTA2u1fcU+ZiCjG\nMSDHKKkkLalSmKECM2fuKRMRxTZOlWJUaHemQED93f89GexnLCawlyy1p8zlayKi2MMZcozx+Pxo\ncLjCLkl/9tU57Dt8Lmw/4xlZQ5FzvQ1rt38l+n6gWYQtw6TYMxMRUe8xIMeI0KzpcAJL0J37GXt9\n/i6lLjv8AixpBtH7sDMTEVFsYkCOEYEl6p4yGbRY/v2bYU0fFEz60qiB7LFW0fuxMxMRUWxiQI4B\nPcmaDnWx1QO9Vt0tyEbSLIKIiGIHA3IMiCRrWq0SP2scbgmanZmIiOILs6z7kFyjh8D7gwzasFnT\nFrMBPy+fghnZw0Tfl1uClmsmQUREsSGqGXJ1dTUef/xxjBkzBgAwduxY/PCHP8TSpUvh9/thtVrx\n6quvQq/XK/qw8UKu0YPY+yajTjQJa/L1Vgy3pqKsYAw0ahWXoImIElTUS9ZTpkzBG2+8Efz6mWee\nQVlZGUpKSrBu3TpUVlairKxMkYeMF5E2eghN4Gps8aCxxYMRtlS43B2iAZdL0EREiU2xPeTq6mq8\n+OKLAIC8vDxs2bIlaQJyTxo93HvbNWETuFzuDjz/cA7aPR1hA25gCZqIiBJL1AH51KlTeOyxx9Dc\n3Iwf//jHaG9vDy5RZ2ZmoqFBPms4I8MErVbZWZ7Valb0fpF4++NjXWa84Ro9OJxuOL2X0OQUT+By\nON0YlGLEqO+k9MVj9shAjGMi4jgqg+OoDI6jMvpqHKMKyNdccw1+/OMfo6SkBGfOnMGDDz4Iv/9K\n4pIghIlIIRwOVzQfH5bVakZDg1PRe8rx+Pz485Fa+QsBpKca4G73wGIOX7TD7/X1+88QaiDGMRFx\nHJXBcVQGx1EZvR1HqWAeVZb1VVddhbvvvhsqlQojR47EkCFD0NzcDLfbDQC4cOECbDZbdE8bZ3rS\n6MHl6cAvth1Cm9sn+j6LdhARJa+oAvKOHTuwefNmAEBDQwMaGxvxwAMPoKqqCgCwa9cu5ObmKveU\nMcrj88s2elCpLpe3BAC31w8BXcteqlVAZpoRBTnDmTFNRJTEolqyzs/Px5NPPok//elP8Pl8WLly\nJcaNG4enn34aFRUVGDp0KEpLS5V+1pgRemxJqtFDXvYw/LryKNze7meRxcpeEhFRcooqIKempmLj\nxo3dXt+6dWuvHygehB5bkmr00NjsDrukHa7sJRERJR+WzuwhqbrTYjPewakGdl4iIiJZLJ3ZQ1JJ\nXGIzXoNOg+yxVtHrmcRFREQBnCH3UDQzXnZeIiIiOQzIPRSY8fak1zDLXhIRkRwG5ChEO+Nl2Usi\nIgqHAbmTQHMIuRksZ7xERKQ0BmTIt0sMhzNeIiJSSlIH5EjbJYZezxkxEREpLSkDck/aJc6cMRpa\njSqqGTQREVGkkjIgh1bakmqX2Nzqwe5DZ7tcH24GTUREFK2km95JVdoKlZ5qQKvbF/b6wyft8Pi6\n16gmIiLqqaQLyD1tl/jytkOiRUCAKzNoIiKi3kq6gByotCVGrF2iFNaiJiIipSRdQJaqLT0jayhe\n/MEtSDFGtrXOWtRERKSUpEzqkqq0JdUuEbg8g7awFjURESksYQOy2Jnhzq+Fq7Ql1TzCYjZg8ZxJ\nXdorEhERKSHhArJY1a1JY4ZABeCrv9m7nSMOrbQl1Txi8vVWDLem9tNPQkREySThAnLoGePGFg/2\nHKrtco3cOWK2SyQiov6WUAHZ7e2I+IwxcKUSV+jyM5tHEBFRf0uoLGtHS+RnjAH5c8SB5hEMxkRE\n1NcSKiBnpIU/Yyx6Pc8RExFRjEiogGzUa8OeMRbDc8RERBQrEmoPGRBPyJo0JvMfWdaNTNIiIqKY\nlHABWSoha9Yd7GdMRESxKWECssfnR529DX6fHwadJpiQ1ZnYa0RERLEg7gNyl0IgTg8s5itFPzTq\nhNoiJyKiBBb3AVmsEIhU0Q8iIqJYpPgU8pe//CXmzp2LefPm4ejRo0rfvguPzx+2EMjhk3Z4fNLt\nE4mIiGKFogH5L3/5C7799ltUVFTgF7/4BX7xi18oeftumlvDFwKRK/pBREQUSxQNyAcOHEBBQQEA\nYPTo0WhubkZra6uSH9FFoDOTGBb9ICKieKJoQLbb7cjIyAh+bbFY0NAQeW3pngp0ZhLDoh9ERBRP\n+jSpSxAEyfczMkzQansXNH88JxumQXocPF4H+8V2DEkfhFvHX41H7r0JGg2zrKNltZoH+hESAsdR\nGRxHZXAcldFX46hoQLbZbLDb7cGv6+vrYbWGL2XpcLgU+dzSadegZMoIaPQ6+L0+GHQaNDW1KXLv\nZGS1mtHQ4Bzox4h7HEdlcByVwXFURm/HUSqYKzqFnDZtGqqqqgAAJ06cgM1mQ2pqqpIfEZZBp8HV\nQ1K4TE1ERHFJ0Rny5MmTcdNNN2HevHlQqVR44YUXlLw9ERFRwlJ8D/nJJ59U+pZEREQJj1lPRERE\nMYABmYiIKAYwIBMREcUABmQiIqIYwIBMREQUAxiQiYiIYoBKkKtvSURERH2OM2QiIqIYwIBMREQU\nAxiQiYiIYgADMhERUQxgQCYiIooBDMhEREQxQPFuTwPll7/8JY4cOQKVSoXly5dj4sSJA/1IcWPN\nmjU4dOgQOjo68Oijj2LChAlYunQp/H4/rFYrXn31Vej1+oF+zLjgdrvx3e9+FwsXLsTUqVM5jlHY\nsWMHNm3aBK1Wi5/+9Ke4/vrrOY491NbWhqeffhrNzc3w+XxYtGgRrFYrVq5cCQC4/vrr8eKLLw7s\nQ8a4kydPYuHChXj44Ycxf/581NXVif4e7tixA9u2bYNarcacOXMwe/bs6D9USADV1dXCj370I0EQ\nBOHUqVPCnDlzBviJ4seBAweEH/7wh4IgCEJTU5MwY8YMYdmyZcLOnTsFQRCE1157TfiP//iPgXzE\nuLJu3TrhgQceED744AOOYxSampqEu+66S3A6ncKFCxeEFStWcByj8O677wpr164VBEEQzp8/LxQV\nFQnz588Xjhw5IgiCIDzxxBPCvn37BvIRY1pbW5swf/58YcWKFcK7774rCIIg+nvY1tYm3HXXXUJL\nS4vQ3t4u3HPPPYLD4Yj6cxNiyfrAgQMoKCgAAIwePRrNzc1obW0d4KeKD7fccgt+/etfAwDS0tLQ\n3t6O6upq3HnnnQCAvLw8HDhwYCAfMW6cPn0ap06dwh133AEAHMcoHDhwAFOnTkVqaipsNhteeukl\njmMUMjIycPHiRQBAS0sL0tPTUVtbG1w55DhK0+v1ePvtt2Gz2YKvif0eHjlyBBMmTIDZbIbRaMTk\nyZNRU1MT9ecmREC22+3IyMgIfm2xWNDQ0DCATxQ/NBoNTCYTAKCyshK333472tvbg0uCmZmZHMsI\nrV69GsuWLQt+zXHsubNnz8LtduOxxx5DWVkZDhw4wHGMwj333INz586hsLAQ8+fPx9KlS5GWlhZ8\nn+MoTavVwmg0dnlN7PfQbrfDYrEEr+lt7EmYPeTOBFYD7bHdu3ejsrISW7ZswV133RV8nWMZmY8/\n/hhZWVkYMWKE6Pscx8hdvHgR69evx7lz5/Dggw92GTuOY2T+8Ic/YOjQodi8eTP+53/+B4sWLYLZ\nbA6+z3HsnXDj19txTYiAbLPZYLfbg1/X19fDarUO4BPFl/3792Pjxo3YtGkTzGYzTCYT3G43jEYj\nLly40GXZhsTt27cPZ86cwb59+3D+/Hno9XqOYxQyMzORnZ0NrVaLkSNHIiUlBRqNhuPYQzU1NZg+\nfToA4IYbboDH40FHR0fwfY5jz4n9eRaLPVlZWVF/RkIsWU+bNg1VVVUAgBMnTsBmsyE1NXWAnyo+\nOJ1OrFmzBm+++SbS09MBALfddltwPHft2oXc3NyBfMS48Ktf/QoffPABfv/732P27NlYuHAhxzEK\n06dPx8GDB3Hp0iU4HA64XC6OYxS+853v4MiRIwCA2tpapKSkYPTo0fjyyy8BcByjIfZ7OGnSJBw7\ndgwtLS1oa2tDTU0NcnJyov6MhOn2tHbtWnz55ZdQqVR44YUXcMMNNwz0I8WFiooK/OY3v8G1114b\nfO2VV17BihUr4PF4MHToUKxatQo6nW4AnzK+/OY3v8GwYcMwffp0PP300xzHHtq+fTsqKysBAP/2\nb/+GCRMmcBx7qK2tDcuXL0djYyM6Ojrw+OOPw2q14vnnn8elS5cwadIkPPPMMwP9mDHr+PHjWL16\nNWpra6HVanHVVVdh7dq1WLZsWbffw08//RSbN2+GSqXC/Pnz8b3vfS/qz02YgExERBTPEmLJmoiI\nKN4xIBMREcUABmQiIqIYwIBMREQUAxiQiYiIYgADMhERUQxgQCYiIooBDMhEREQx4P8HP5WxNcUI\nROYAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "Qwn29SjK-XCg", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Scikit-learn implementation" + ] + }, + { + "metadata": { + "id": "-kSEp8MY-y9C", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "**Note**: The `LinearRegression` class in Scikit-learn uses the normal equation to solve the fit. However, we are going to use Scikit-learn's `SGDRegressor` class which uses stochastic gradient descent. We want to use this optimization approach because we will be using this for the models in subsequent lessons." + ] + }, + { + "metadata": { + "id": "uKmBKodpgHEE", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Import packages\n", + "from sklearn.linear_model.stochastic_gradient import SGDRegressor\n", + "from sklearn.preprocessing import StandardScaler\n", + "from sklearn.model_selection import train_test_split" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "WuUQwD72NVAE", + "colab_type": "code", + "outputId": "5a3587aa-4828-4c44-eb5d-2d39f570f905", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Create data splits\n", + "X_train, X_test, y_train, y_test = train_test_split(\n", + " df[\"X\"].values.reshape(-1, 1), df[\"y\"], test_size=args.test_size, \n", + " random_state=args.seed)\n", + "print (\"X_train:\", X_train.shape)\n", + "print (\"y_train:\", y_train.shape)\n", + "print (\"X_test:\", X_test.shape)\n", + "print (\"y_test:\", y_test.shape)" + ], + "execution_count": 7, + "outputs": [ + { + "output_type": "stream", + "text": [ + "X_train: (75, 1)\n", + "y_train: (75,)\n", + "X_test: (25, 1)\n", + "y_test: (25,)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "MJVs6JF7trja", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We need to standardize our data (zero mean and unit variance) in order to properly use SGD and optimize quickly." + ] + }, + { + "metadata": { + "id": "VlOYPD5GRjRC", + "colab_type": "code", + "outputId": "207a408e-af47-433e-e694-d237a643ff62", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Standardize the data (mean=0, std=1) using training data\n", + "X_scaler = StandardScaler().fit(X_train)\n", + "y_scaler = StandardScaler().fit(y_train.values.reshape(-1,1))\n", + "\n", + "# Apply scaler on training and test data\n", + "standardized_X_train = X_scaler.transform(X_train)\n", + "standardized_y_train = y_scaler.transform(y_train.values.reshape(-1,1)).ravel()\n", + "standardized_X_test = X_scaler.transform(X_test)\n", + "standardized_y_test = y_scaler.transform(y_test.values.reshape(-1,1)).ravel()\n", + "\n", + "\n", + "# Check\n", + "print (\"mean:\", np.mean(standardized_X_train, axis=0), \n", + " np.mean(standardized_y_train, axis=0)) # mean should be ~0\n", + "print (\"std:\", np.std(standardized_X_train, axis=0), \n", + " np.std(standardized_y_train, axis=0)) # std should be 1" + ], + "execution_count": 8, + "outputs": [ + { + "output_type": "stream", + "text": [ + "mean: [8.22952817e-17] 7.350601608872391e-17\n", + "std: [1.] 1.0\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "CiE3oLCkOCEa", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Initialize the model\n", + "lm = SGDRegressor(loss=\"squared_loss\", penalty=\"none\", max_iter=args.num_epochs)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "sGH_pQaDOb49", + "colab_type": "code", + "outputId": "ca939389-101b-4320-8115-bf0bb5aee36e", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 173 + } + }, + "cell_type": "code", + "source": [ + "# Train\n", + "lm.fit(X=standardized_X_train, y=standardized_y_train)" + ], + "execution_count": 10, + "outputs": [ + { + "output_type": "stream", + "text": [ + "/usr/local/lib/python3.6/dist-packages/sklearn/linear_model/stochastic_gradient.py:183: FutureWarning: max_iter and tol parameters have been added in SGDRegressor in 0.19. If max_iter is set but tol is left unset, the default value for tol in 0.19 and 0.20 will be None (which is equivalent to -infinity, so it has no effect) but will change in 0.21 to 1e-3. Specify tol to silence this warning.\n", + " FutureWarning)\n" + ], + "name": "stderr" + }, + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "SGDRegressor(alpha=0.0001, average=False, early_stopping=False, epsilon=0.1,\n", + " eta0=0.01, fit_intercept=True, l1_ratio=0.15,\n", + " learning_rate='invscaling', loss='squared_loss', max_iter=100,\n", + " n_iter=None, n_iter_no_change=5, penalty='none', power_t=0.25,\n", + " random_state=None, shuffle=True, tol=None, validation_fraction=0.1,\n", + " verbose=0, warm_start=False)" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 10 + } + ] + }, + { + "metadata": { + "id": "fA8VkVVGPkTr", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Predictions (unstandardize them)\n", + "pred_train = (lm.predict(standardized_X_train) * np.sqrt(y_scaler.var_)) + y_scaler.mean_\n", + "pred_test = (lm.predict(standardized_X_test) * np.sqrt(y_scaler.var_)) + y_scaler.mean_" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "T8Ws-khqJuNr", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Evaluation" + ] + }, + { + "metadata": { + "id": "Y2pha3VRWd2D", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "There are several evaluation techniques to see how well our model performed." + ] + }, + { + "metadata": { + "id": "abGgfBbLVjJ_", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import matplotlib.pyplot as plt" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "RKm8IiP7O66e", + "colab_type": "code", + "outputId": "d0c6fd11-0c00-413f-9802-6b375addc134", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Train and test MSE\n", + "train_mse = np.mean((y_train - pred_train) ** 2)\n", + "test_mse = np.mean((y_test - pred_test) ** 2)\n", + "print (\"train_MSE: {0:.2f}, test_MSE: {1:.2f}\".format(train_mse, test_mse))" + ], + "execution_count": 13, + "outputs": [ + { + "output_type": "stream", + "text": [ + "train_MSE: 29.14, test_MSE: 35.00\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "TegkJM2-YKEq", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Besides MSE, when we only have one feature, we can visually inspect the model." + ] + }, + { + "metadata": { + "id": "gH5N-U7YQVgn", + "colab_type": "code", + "outputId": "f443d734-66f4-49f2-ead9-e6b45bf1a25d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Figure size\n", + "plt.figure(figsize=(15,5))\n", + "\n", + "# Plot train data\n", + "plt.subplot(1, 2, 1)\n", + "plt.title(\"Train\")\n", + "plt.scatter(X_train, y_train, label=\"y_train\")\n", + "plt.plot(X_train, pred_train, color=\"red\", linewidth=1, linestyle=\"-\", label=\"lm\")\n", + "plt.legend(loc='lower right')\n", + "\n", + "# Plot test data\n", + "plt.subplot(1, 2, 2)\n", + "plt.title(\"Test\")\n", + "plt.scatter(X_test, y_test, label=\"y_test\")\n", + "plt.plot(X_test, pred_test, color=\"red\", linewidth=1, linestyle=\"-\", label=\"lm\")\n", + "plt.legend(loc='lower right')\n", + "\n", + "# Show plots\n", + "plt.show()" + ], + "execution_count": 14, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA2sAAAE+CAYAAAATaYj9AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xtgk9X9P/B3kuZCaXpJm4JQVASq\nfOVWxAs4RGqRwvfLqHIpdjrRehuoYBGGCFrUeQeHX5koDspAZrfuNwbfDVEGTudGXW1FQEcpToUK\nNGlD05ImDWl+f5Q8fZI8SUvb3N+vf9bnyZOH47Hu8Dnncz5H5nQ6nSAiIiIiIqKwIg91A4iIiIiI\niMgbgzUiIiIiIqIwxGCNiIiIiIgoDDFYIyIiIiIiCkMM1oiIiIiIiMIQgzUiIiIiIqIwFBfqBhBF\nsqeffhrl5eUAgBMnTiA9PR1qtRoAUFZWhoSEhC69Jzc3F9u2bUNaWlrA2kpERBRsvTVOuvzud7/D\n3Llze72dROFKxnPWiHpHdnY2Xn75ZYwbNy7UTSEiIgo7PR0n7XY7brzxRnz22We93DKi8MU0SKIA\nueuuu/Daa69h2rRpqKyshNFoRGFhIXJzc5GdnY3NmzcLz1555ZU4ffo0ysvLkZ+fjzVr1mDatGnI\nzs7moERERFHphx9+wAMPPICpU6di6tSp+OSTTwAA58+fxxNPPIHc3Fzk5OTg0Ucfxblz5zB//nyY\nzWbk5ubihx9+CHHriYKDwRpRAB0+fBh//vOfMXbsWLz55pvIyMjA+++/jy1btmDNmjU4deqU13e+\n+uorjB49Grt370ZBQQHefPPNELSciIgosJYtW4ZRo0Zhz5492LBhAx5//HE0Njbio48+Ql1dHXbv\n3o0PP/wQl19+OQ4ePIjnn38eSqUS77//PgYMGBDq5hMFBYM1ogCaNGkS5PL2/8xWrlyJVatWAQAG\nDRoEvV6PkydPen2nb9++yMnJAQBcffXVnD0kIqKo09TUhIqKCsyfPx8AMHjwYIwZMwYff/wxdDod\njh49ir/+9a9oaWlBUVERJkyYENoGE4UIC4wQBVBSUpLw86FDh4TVNLlcDoPBgLa2Nq/vaLVa4We5\nXC75DBERUSRramqC0+nE7NmzhXsWiwU33XQTZsyYgRUrVqCkpARLly7FLbfcgqeffjqErSUKHQZr\nREGydOlS3H333bjjjjsgk8kwceLEUDeJiIgoJNLS0iCXy7Fjxw5oNBqvz6dPn47p06fDZDLhiSee\nwObNmzFz5swQtJQotJgGSRQk9fX1GDFiBGQyGf74xz+ipaUFFosl1M0iIiIKOpVKhYkTJ+K9994D\n0L6q9sQTT+DMmTP4/e9/j7feegsAkJKSgsGDB0MmkyEuLg4Oh4NjJ8UUBmtEQbJo0SIsXLgQM2bM\ngMViQX5+PlatWoXvv/8+1E0jIiIKumeffRb/+Mc/kJubi9tvvx2XX345+vXrh5ycHFRVVeHWW2/F\ntGnT8N133+Huu+9G//79MWrUKEyaNAlffvllqJtPFBQ8Z42IiIiIiCgMcWWNiIiIiIgoDDFYIyIi\nIiIiCkMM1oiIiIiIiMIQgzUiIiIiIqIwxGCNiIiIiIgoDIX0UGyDoanH70hJiYfJxPM2PLFfpLFf\npLFfpLFfpHW3X/R6bQBaE726M0byd9Y/9o9v7Bvf2Df+sX9862rf+BsfI35lLS5OEeomhCX2izT2\nizT2izT2izT2S/jivxv/2D++sW98Y9/4x/7xrTf6JuKDNSIiIiIiomjEYI2IiIiIiCgMMVgjIiIi\nIiIKQwzWiIiIiIiIwhCDNSIiIiIiojDEYI2IiIiIiCgMMVgjIiKfbHYH6kwW2OyOUDeFiIgo5oT0\nUGwiIgpPjrY2lO6rQVW1AQ1mG3SJamRl6pGfPTTUTSMiIooZXFkjIiIvpftqsLfiJOrNNjgB1Jtt\n2FtxEqX7akLdNCIiopjBYI2IKMZ5pjra7A5UVRskn62qNsLaej6YzSMiIgpPzc2A0xnQP4JpkERE\nMcpXquPkrIFoMNskv2NqssJktnHwICKi2OV0Imn2j6H65G+o/+JrtA0YGLA/iuMtEVGMcqU6urhS\nHR2ONugS1aiXCNhStBqkJKrR1NgSzKYSERGFhM3uQGOzDUkJaqiVCsi//w6p40YCAMxvvhPQQA1g\nsEZEFJP8pTp+ebwBo4am4aPPT2Dd1iKo7VY8WLgBAJCVmQaNKg5NwWwsERFRkEllnzzw1U5M+N2b\nAABj9Xew9k1Eo8kiBHKBwGCNiCgGNTbb/KY6ztDUo+i12wEAz9y2EqmJGmRlprEaJBERxQRx9onK\nbkNJcR4A4Muc2Ujf9s6FQO4rr4rJCnnvlgRhsEZEFIOSEtQ+Ux1XvP8ahq35GwDgZM0PmOWQB3TW\nkIiIKJyIs0+yvq3CM/9vNQDgkbteQ9OQ4Rj1YTX2V/0gPO/aRgAABTmZvdoWBmtERDFIrVQgK1Pv\ntmdNbzZg0zv3AwCann8Z1vseghpAeojaSEREFAqNzTY0NFqx67XbAADGhFQU3vc22uQKyJqsqDpm\nlPxeVbURsyYN6dXJTQZrREQxypXSWFVtxNQ9m3HHP0sBAGcO10CezhCNiIhik/5QBXZeCNQ+v3ws\nim9/Svgsua8apmbf2wgam21IT4nvtbYwWCMiihKeFas6o5DLcedVfbCoIBcA0FT4IKwvvMIDOImI\nKGZ4jp2pgwdAfq4ZAHDfvRtwJrm/2/NjMtPwZY3RZ8XkpAR1r7aPwRoRUYTzdV6aeKOzVCCXNGsG\nVJ+0701r/M17aM2dHrJ/BiIiomDyHDszlK341Utzhc9Pnz6LkftqcL7aCFOTFSnajkJbCrnMbRuB\nS1ZmWq/v72awRkQU4Xydlwa0pzp6BnLXXqbFwnt+JDxvONMIyGRBb3eka2lpwfLly1FfXw+bzYYF\nCxZgz549OHLkCJKTkwEAhYWFuPnmm7Fz505s2bIFcrkcc+fOxZw5c0LceiKi2CYeO+/+eAtmV/wR\nALDnoWKMfaYICrQXC5k1aYjXZKd4G4FnINfbGKwREUUwf+elVVUb4WhzYn9lrXAvd/cmzCv/PQDg\n3BOrYHlsaVDaGY3279+PESNG4P7770dtbS3uvfdeZGVloaioCJMnTxaes1gsWL9+PcrKyqBUKjF7\n9mxMmTJFCOiIiCi4hLHT6RSKiABA3qIyJKck4Gq7QwjM1EqF1x40hVzuM5DrbQzWiIgimL/z0hrM\nVnxRfaFilceAdP+TO/H0gono3cz62DJ9ekfa6KlTp9CvXz/J5w4ePIiRI0dCq9UCAMaOHYvKykpk\nZ2cHpZ1EROSusdmG0Qfex2PvrxPuzSjaAeDiioRIBXK9jcEaEVEE83deWlKCCmebbZj3z1L85J+/\nBQCUX3Etnst7EnJrW69XrIpV8+bNw+nTp7FhwwaUlJRg27Zt2Lx5M1JTU7Fq1SoYjUbodDrheZ1O\nB4NBejWUiIgC7+or++PqCz8/VvAqavp3pC8GokhIT3QarDEnn4gofEmdl+aSNSwNRXddJ1w/NH89\nanUDAYTfYBTJ3nvvPXz99ddYunQpVqxYgeTkZAwfPhxvv/023njjDWRlZbk973Q6u/TelJR4xMVd\nfFqNXq+96O/EEvaPb+wb39g3/kVM/5w6BQwYIFy6VtPEbhw9ABkDei9Nvad902mwxpx8IqLwJrXR\neWbLMdx2V57wjOeAFIiKVbHm8OHDSE1NxSWXXILhw4fD4XAgMzMTqampAIDs7GwUFxdj6tSpMBo7\nDlCtq6vDmDFjOn2/yWS56Dbp9VoYDE0X/b1Ywf7xjX3jG/vGv0jpn+Scm6D88gsAgOXBhTCv/gVy\n9tV4FQmZMf7SXvvn6Wrf+AvoOg3WmJNPRBS+XCX5Z00aImx0vvrKjjNhTJu24jea4UgNQsWqWFNR\nUYHa2lo8+eSTMBqNsFgseOqpp7B8+XIMGjQI5eXlGDZsGEaPHo2VK1fCbDZDoVCgsrISK1asCHXz\niYhig9MJfb8k4dJwwgCo1X6rPYaTLu9ZY04+EVH4kDpb7Zb4Jty1rOOMGEOdGQBQAIT9YBSJ5s2b\nhyeffBIFBQWwWq146qmnEB8fj8WLF6NPnz6Ij4/HCy+8AI1GgyVLlqCwsBAymQwLFy4UJjaJiChw\n1L9/D4kLHxCuXeOi2zNBKBLSEzJnV5PnAXz99ddYtmyZV07+6dOnkZWVhUOHDgmzha+99hoGDBiA\n/Px8n+87f97RrXx8IqJYZW09D5PZhh1/q8Ff/vGtcH/X2o6URyxZArz6avAbR72qO2k4kZKOFCrs\nH9/YN76xb/wL1/7RpycKP5ve34fzY8cFvw3BSIMMZE5+d/LxPYXrL0iosV+ksV+ksV+khVO/eK6k\nuc6wVtutKPvfecJz9676M555aALUAWx3d/slYjagExFRxJKdOYO0kcOEa6nVtEgi7+yBiooKbNq0\nCQDccvJPnDgBAG45+YcOHYLZbMa5c+dQWVmJceOCH8ESEUWj0n012FtxEvVmG5wA2pztq2niQG1G\n0Q7UW+xobJY+d42IiCiaJU+9WQjULA8uiPhADejCyhpz8omIQstmd6Cq2n0PsDjt8d77NsKQqAfA\nkvxERBRdXIW0XGOb5P5rH0VEokGnwZpGo8GaNWu87v/hD3/wupebm4vc3NzeaRkREQFoH5gaLhx6\nvfbdJRh25rjwGUvyExFRNBKn/9ebbdCo5ABksLU6oEtUIytTj/zsoYj/w+86LSISybpcDZKIiEIj\nKUENXaIaJcXThHuvTC/Cx1fdBLkMcDoBXSJL8hMRUfRwpf+7WFvbhJ/rzTbsrTiJRQUdW65CVUQk\n0BisERGFuaStm1BSvES4Fq+mTcoaiKnXDmJJfiIiihpS6f9iyedM2PrWPcJ1tK2miTFYIyIKM+L8\n/IyBKcL9M4OH4+d3vwa5x+HWCnmntaKIiIgihjj939Oad5ci88wxAMD/Zf03Br/3a6QHs3FBxmCN\niChMiPPzE4//G69vfUz47MjR00hKUOM5+NhcTUREFCVc6f/14oDN6cSu124TLm9/9HdI1CXiuSgv\nqsVgjYgoTLjy890OuAYwZ/lO2N464LahmqtpREQUrdRKBbIy9cKetdmf/QF3/32r8LlrO0AsFNVi\nsEZEFCTi9EbPwcVmd+DQV7VugdodP9uK5j5a4MKmateGagAoyMkMXsOJiIiCzFUwS1xE5BdznsZn\nl2YhVRs7RbUYrBERBZg4vbHBbJNcIcsYmIJ3RN/xLMkvVlVtxKxJQ6J+NpGIiGKXsta92uPJWhPu\nBpAXY1sBGKwREQWYZ/lhzxUyfXqi8Flx3kp8foX/0sOmJisam21IT4kPTIOJiIhCSDwu2q8fj7O7\n9sC1My3Wxj4Ga0REAeSv/HDOk/dBX/CFcL1uewU+FwV1vqRoNUiK8g3VREQUg5xO6PslCZeGb08D\n8bEVnHniDnUiogDyVX5419o8XP2f9kDNOmsuDHVm5GcPRc64DKQmaiCXARqVdIpHLGyoJiKiyGaz\nO1BnssBmd3Tp+T7/+0v3QK3OHPOBGsCVNSKiXuVZRMSz/PCkr/+Gx3e/Jjx/stYkBF4KuRwFOZmY\nNWkIGpttSIhXYscn/0FVtREmj7PViIiIwlFX9ml7Eqc9Nm7/PVpzpgaruWGPwRoRUS/wNzi5yg97\nluRft70CBRIrZGqlQsjJFwdvsbShmoiIIlNn+7TFFN/UQHfDWOHaUGcOTiMjCIM1IqJe4G9wumOY\nCosKOgK1e576M8Zc1a/LK2Ti4I2IiChc+dun7VnJWLya1qbW4IdvToG7sb0xWCMi6iF/g5O47DAA\nHDl6Gs9yhYyIiKKQr33agHslY3Gg9tDyMvzQGgfdxgOdpkvGIvYEEVEP2OwOfFPbKOxJEzidbmmP\nDZ9WwFBnRnpKPAM1IiKKSq592lJStBpc+tJTboHajKIdqG2NgxMdGSml+2qC1NrIwJU1IqJu8Nyj\nJpcBbc72zzz3pomLiBAREUUrtVIh7NP2VFKcK/zc8Ms3UXT2ckBiFc4zXTLWcWWNiKgbXHvU6s02\nOCEdqG350V1Yt72CAw4REUU9V6n+vIlXuB1D81/2erex0VBnxqlpt3WaLkntuLJGRHSRpPaoPVP2\nNLK+Pyhczy9+n2X2iYgo6jkcbdi+t9qrGvLqwmtx2aBU4TmnSgXjSSMAeB1rI5ai1SApgaVGXBis\nERFdJM8N1J5pjx9/9i2eG5jEFTUiIop6m3YdkayGLC6wZTx+Ek5tx141f+mSWZlpHD9FGKwREV0k\n14zg8H/9FT//86vC/RlFO5CaqGGgRkREMcFmd+DA4VNu957Y+SIm1BwQrn2dnebKPKmqNsLUZEWK\nVsOMFAkM1oiILpJaqUBJ8TS3ezOKdgDgjCAREcWOxmYbDGdbhGtxpsmmSfNx/dsvIt3HdxVyOQpy\nMjFr0hA0NtuQxGNtJDFYIyK6CDJTA9KuvFy4XvDzMtSej0MqZwSJiCjGJCWooU/uA+2/D+OX7y4R\n7rsyTW7twt4ztVKB9JT4QDYzojFYIyLqIvHZMEB7ascKu4MzgjGqpaUFy5cvR319PWw2GxYsWICr\nrroKy5Ytg8PhgF6vxyuvvAKVSoWdO3diy5YtkMvlmDt3LubMmRPq5hMR9ZhaqcCvV011u8dMk97F\nYI2IqAvEgVrjr7eidcZMAJwRjGX79+/HiBEjcP/996O2thb33nsvxo4di4KCAkybNg1r165FWVkZ\n8vLysH79epSVlUGpVGL27NmYMmUKkpOTQ/2PQETUI+Kx8eGlpTjRpmamSS/rNFjjzCERxSKb3YFT\nxnO4RGI1jQgApk+fLvx86tQp9OvXD+Xl5Vi9ejUAYPLkydi0aRMGDx6MkSNHQqvVAgDGjh2LyspK\nZGdnh6TdREQ9lTwtG8rPK4RrQ50Zy5lpEhCdHortmjnctm0bfvnLX+LFF1/E66+/joKCAmzfvh2X\nXXYZysrKYLFYsH79epSUlGDr1q3YsmULzp49G4x/BiKiXuNoaz8vZuXGA7hEnyDcbx0zloEaSZo3\nbx4ef/xxrFixAi0tLVCpVACA1NRUGAwGGI1G6HQ64XmdTgeDweDrdUREYU2fnigEapZHHgOcTgAd\nmSYM1HpXpytrnDkkolhSuq8G1zz9KBYd+4dwb0bRDuSMy0BBCNtF4eu9997D119/jaVLl8J54S8t\nANx+FvN131NKSjzi4i7+Lz16vfaivxNL2D++sW98Y98AqKoCxo7tuHY64doEwP7xrad90+U9a/Pm\nzcPp06exYcMG3HPPPZw5JKKoY7M73A7xBDo2SldVGzFr0hDOGJLg8OHDSE1NxSWXXILhw4fD4XCg\nb9++sFqt0Gg0OHPmDNLT05Geng6j0Sh8r66uDmPGjOn0/SaT5aLbpNdrYTA0XfT3YgX7xzf2jW/R\n2De2i0xZlCqwhQt9Eo3901u62jf+ArouB2uBmDns7qyhJ0bz0tgv0tgv0mK9X1o//CtUt+YI1zMe\n+yMgkwnXpiYrFCol9Gl9Q9G8sBPrvy8AUFFRgdraWjz55JMwGo2wWCyYOHEi9uzZg5kzZ+KDDz7A\nxIkTMXr0aKxcuRJmsxkKhQKVlZVYsWJFqJtPRDHI0daG0n01qKo2oMFsgy5RjaxMPfKzh0Ihl94d\nJQ7UjF99A2daWrCaS+hCsBbImcPuzBp6YjQvjf0ijf0iLZb7xdHWhv79k6ES3XOtpomlaDVwtNpj\ntp/Euvv7Em0B3rx58/Dkk0+ioKAAVqsVTz31FEaMGIGf//znKC0txYABA5CXlwelUoklS5agsLAQ\nMpkMCxcuFLYMEBEFU+m+GuytOClc15ttwnVBTqbbs8n/PQXKf5UL19y3HRqdBmucOSSiaOGV9tHa\niv4ZHTOEC3/6Or5Pu1TyuzwvhjxpNBqsWbPG6/7mzZu97uXm5iI3NzcYzSIikmSzO1BVLb1FyTPV\nX7yaZlm4COeefjYobSRvnQZrnDkkokgnlfZRUjzN7RnP1TT5hQzIFJ4XQ0REUaCx2YYGs03yM1OT\nFY3NNlxysga6W34k3OdqWuh1Gqxx5pCIIp1n2oc4UNt79S1YN/URr+84ncCzD01Aal8lV9SIiCji\nJSWooUtUo14iYEvRanD1lf3d7jFQCw9dLjBCRBSJxGkfu9bmuX02v3h3ezGkplav7+kSNbjyshQ0\nNbYEpZ1ERESBpFYqkJWpd5u8dCkp7lhsMR45DqdeH8ymkR8M1ogoqhlMFtSbbV6B2oyiHZCZbcga\nloaGJqPX97Iy06BRxYHlRIiIKFq4Uvqrqo0wNVnx8u+fxJXfHxE+52pa+GGwRkRRybVPbdSap7Dr\n878I98V702QyoOqYERpVe5qjrdUBXSL3qBERUXRSyOUoyMnErElDkDEwRbhv+dkjOLf6FyFsGfnC\nYI2IolLpvhqfB1y7tF04DtLa6gAA3DiiP+6ceiX3qBERUdRS/PtrZNx0vXDN1bTwxmCNiKKO4/Bh\nLCqYIFzPefi3sKr6CNcyAE6J7/37+7OBbxwREVGIiEvyAwzUIgGDNSKKKp4Dkedqmq9ADegoXZye\nEh+YxhEREYWIeHw0fvUNnGlpfp6mcMFgjYiig9MJfb8k4fKdmUX405CbvB7TJarhdDrRIFEBMkWr\nQVKCOqDNJCIiCqbEu/Kh3rNbuOZqWmSRh7oBREQ9pU9PdAvUDHVmnMsvkHw2K1OPsVem+/gsjfvV\niIgoaujTE4VA7dxjjzNQi0BcWSOiiOYr/96zPHGK1rvKo7/PiIiIIpXi6L+hm3idcM0gLXIxWCOi\niOQZpP24aAd0iWpk7a1GfvZQt/LEjc02JCWo3VbN/H1GREQU7mx2h+QYxiIi0YXBGhFFBPGgJD4b\nBugoIlJvtmFvxUkA7cEYAKiVCp8FQ/x9RkREFI5c54hWVRvQYLa1T1Rm6pGfPRT9+ycLzxmPHIdT\nrw9hS6k3MFgjorAhNUsoHpSu/ftOLNz7pvD8/OLdqDfbvN5TVW3ErElDuFpGRERRp3RfjTAxCbRP\nVF6/agH6F3wm3ONqWvRgsEZEIedvltA1KO1am+f2naff/Dvqjxkl38cS/EREFI1sdgeqqg1u98Tj\no/nhx2B7anWwm0UBxGCNiEJOapZwb8VJONqcqDn0H+xaO1f47L57N+BMcn/gmBFyGdAmcWgaS/AT\nEVE0amy2oeFCRklGw0m8WfKw8NnMJTvw/AM3QLreMUUqBmtEFFJSs4QuRXde63btecC1VKAGsAQ/\nERFFp6QENXSJapQUT3O7P6NoB1I5URmVGKwRUUD5qlblIp4lFBOndewZMQVv3LrQ558hlwFOJ6BL\nZAl+IiKKXmqlwi1Qu+vBEpzt215UhBOV0YnBGhEFhL99aAq5XHjONUvoKhTiuTdt7dbPsL/qB79/\nlhPA4/PG4IqBSRyoiIgoKiXO/wnUf9klXM8vfh/mJitSeVZoVGOwRkQB4WsfGtBRVh9onyXMytRL\nFhFZt70CBdlDoVDIUXnUgIYm7xU4ANBpNQzUiIgoaonPTrM8vBjnnnoGz3WSuULRgcEaEfU6f/vQ\npMrqL3jxPiz68gvhen7x+8Isofhw6217juLTw6e93snUDyIiikaKmmPQTbhGuBaX5OdZobGBwRoR\n9Tpf+9AA77L64tlCADhy9DSek5glVCsVmD/9KvTRxKGq2ghTkxUpTP0gIqIo5Tk+8uy02MRgjYh6\nnec+NDFXWX3lp58g+bb/Fu4bausBpdJvyWHxKhtTP4iIKFqJAzXj4Ro401mQP1bJO3+EiOjiuPah\nScnKTEPGwBT3QK3ODCiVF/X+9JR4BmpERBRV+j65zC1QM9SZGajFOK6sEVFAuFITxSmLY4em4NGC\nccIzxt+U4sz1k5BkdzDwIiKimOZWROSRx3Bu1eoQtobCBYM1IgoIz5TFq6/s7/b5uu0V7WX9vzjg\ns6w/ERFRtJN/9y1Srx0lXJ+sNbWn+nMik8BgjYgCTK1UuAVqjksvwxsv/qFLZf2Jwt3LL7+Mzz//\nHOfPn8eDDz6Iffv24ciRI0hObj+ktrCwEDfffDN27tyJLVu2QC6XY+7cuZgzZ06IW05E4cCziMi6\n7RWo2njA7/mkFFu6FKxxMCKii2G7cPaL52qaoc7cXtZ/4wHJ70mV9ScKVwcOHMCxY8dQWloKk8mE\n2267DTfccAOKioowefJk4TmLxYL169ejrKwMSqUSs2fPxpQpU4QxlIhik1sRka++wbtfNHAik7x0\nGqxxMCKirnK0taF0Xw2qqg0oKZ7m9pmr5PDFlPUnCmfXXnstRo1qT11KTExES0sLHA6H13MHDx7E\nyJEjodVqAQBjx45FZWUlsrOzg9peIgoPfVctR/xbvxKuhYnM6qOSz3MiM7Z1GqxxMCKirirdV4NL\n1zyLRZ//Sbg3o2gHcsZloODCdVfK+hNFAoVCgfj49omFsrIy3HTTTVAoFNi2bRs2b96M1NRUrFq1\nCkajETqdTvieTqeDwSB9aDwRRTfxalrzqmfQ8shiAJzIJN86DdYCORilpMQjLq7nswR6vbbH74hG\n7Bdp7BdpPe0Xa+t5LBJVegTaAzUA+PJ4PR6c1QcaVfv/5dw4eiB2fvKN1ztuHD0AGQPCazWevy/S\n2C8d9u7di7KyMmzatAmHDx9GcnIyhg8fjrfffhtvvPEGsrKy3J53Op1dem93x0j+u/GP/eMb+8a3\nHvfNt98Cgwd3XDudSACQcOFSm9QH+pQ+qDO1eH01LbkPhlyeKoyh4Yi/O771tG+6/G89EIORyWS5\n+BZ70Ou1MBiaevyeaMN+kcZ+kdbTfvGsZHXnQyVojO8IuoxnW3D823phVnDG+EthaWl1K+uflZmG\nGeMvDat/P/x9kdbdfonGwfyTTz7Bhg0b8M4770Cr1WL8+PHCZ9nZ2SguLsbUqVNhNBqF+3V1dRgz\nZkyn7+7OGMnfWf/YP76xb3zrad94FhEx1JkBifeNGpLqtmdNfL+psQXh+m+Hvzu+dbVv/I2PXSot\n4xqMNm7cKAxGw4cPB9A+GFVXVyM9Pd1rMErnIX5EUctmd6DOZIE+PdEtUJtRtMMtUAO80xtdZf2f\nu/96PP/ADXju/utRkJPJale6rkjzAAAgAElEQVQUUZqamvDyyy/jrbfeEvZnP/LIIzhx4gQAoLy8\nHMOGDcPo0aNx6NAhmM1mnDt3DpWVlRg3bpy/VxNRlHArInLkuLB/W0p+9lDkjMtAaqIGchmQmqhB\nzrgM4dxSik2drqy5BqOSkhK3wWjZsmUYNGiQ22C0cuVKmM1mKBQKVFZWYsWKFQH/ByCi4PJVRKT5\nsaX49bX5gMSsYFZmmuTGaLVSwRx8ilh/+ctfYDKZsHjxYuHe7bffjsWLF6NPnz6Ij4/HCy+8AI1G\ngyVLlqCwsBAymQwLFy4U9ncTUXTq+9QKxG94Q7j2F6S5eJ5PmpSgZlER6jxY42BERGKl+2ok96ZN\nGNEfBRPb8/E90xs5K0jRKD8/H/n5+V73b7vtNq97ubm5yM3NDUaziCjE3IqIPPk0WhYtuajvcyKT\nxGTOru50DoDeyG9lnqw09os09ou0rvaLze5AxsAUt3uuIiIAkHrhAM+8iVeg2dIa8bOC/H2Rxj1r\nwdHdPubvrG/sH9/YN751tW/kJ75H6jUjhOuurKZFA/7u+NYbe9bCt6wMEYWc63DrpAS13yDNhQd4\nEhFRNBOPi+LJSMkiIkS9gMEaEXkR70trMNuwc22e2+dSgZoYD/AkIqJo4jku6i5kkuRnD0X//h1F\ntf796SEkXJ4BnhhKvYXBGhF5Kd1Xg70VJ3HroQ/xyIfrhfvr3v0XIJNJFhER4wGeREQUTVzjoku9\n2YZBa55D/4KOycv5xbvR8Ifj0CWeFAI5VjmmnmKwRhQDfKVt+Hq2qtqAXRKraanH6rG68DoAQOVR\nAxqabJLv8CzVT0REFCk8x0xr63lUVRvcnhGPkX+fswAvDboVMLePidwSQL2JwRpRFPOXtuFrts9s\nMLmV5F9yx8uovqR9sDE1WdFsaRVKC2/bcxSfHj7t9Q5fpfqJiIjCla8xc9YtmWi4EIjpzQZseud+\n4Ts/LtqB5AQ10Ow9ecktAdQbGKwRRSHXrOCef53A/spa4X5ns3369EToRdeee9PEK2ZqpQLzp1+F\nPpo4luonIqKIJ5XquLfiJFSqOOgS1W4TmUD7GJmcoMJZiUAN4JYA6h0M1oiiiHhWsN5sg1wm/ZzU\nbJ+4klXtVVl4aPrTXt/zXDHjAZ5ERBQNXFsApFR8fcYtUPvJz34Dc5/2MTNrWBq+PF6PerN3wMYt\nAdQbGKwRRRHPWcE2H6coimf7pMoNK9rakLOvpssrZjzAk4iIIlljs01IdRSb+flO3Pe3TcL1/OL3\n0dxkRapoXFQo3MdeF24JoN7AYI0oSvibFfSUotUgIV7pFait216B/LY2rpgREVFMSUpQQ5eodlsh\nExcRMb30Gs7fU4jnJAp2uSYyuSWAAoHBGlGU8DUrKOWFbUtxSfEh4VrYm+axn40rZkREFAvUSgWy\nMvXYW3ESyedM2PrWPcJnG//4JfJuvFx4znNc5AQnBRKDNaIoITUr6CKXAU4AOq0GJcW5bp95FhFh\n9SoiIoo2XTnCJj97KBYVjBOuz8sVWL+tHA/PuBoNDec6/TM4wUmBwGCNKIJ5Dj6uWUFPk8YMwExN\nPYbM6QjU8h/+LSyqPl7PsnoVERFFi4s5wqZ//2Th538f+AoJgy5BgVIBhYIHW1PoMFgjikC+Bp/Z\nN18BwDtvXjxTCAAna03os/EALKxeRUREUcxXOX6gI+W/z9u/QsLK5cIzhjozUoPbTCKfGKwRRaDO\nBh8hb76vChkZOuG5phfXwHrv/VADPlfhWL2KiIiigb/CW66U/4yBKcK9pld+Cevd9wareURdwmCN\nKMJ0ZfBRKxW4+sr+bp8Z6sxu16xeRURE0cxf4a2206fdAjXPMZIoXDBYI4ow/gYf136zzgI1wL16\nlUKlhKPVzhU1IiKKGr4Kb4lL8jvlchhPnw1204i6jDsmiSKMa/CR8qc1eW6BmqHO3OlsoVqpwCVp\nfRmoERFRVHEV3hITB2rGr//DQI3CHlfWiCKIq/rjqKFp2F9Z6/aZeAACmNJBRETkSu1P3fpr3Ln7\nTeH+6dNnvapBEoUjBmtEEcCz+mOKVoVB6QmwWO2YtK8U93xcIjzLII2IiKidQi53q4hsev5VnL/v\nATCXhCIFgzWiCOBZ/bGhqRUNTa1cTSMiIvJBZmpA2pWXC9ccIykScf2XKMxJVX/UtpjdArX6zw5y\nECIiIrog+dZJQqBmH3cdx0iKWFxZIwpzntUfPVfTjhw9jfSU+GA3i4iIKCzp0xOFn43HvoczKTmE\nrSHqGa6sEYU5cfVHcaD2f6OnY37x+0hKkK4MSUREFEtUu3a4BWqGOjMDNYp4XFkjCjOuio9JCWqo\nlQqolQqUFE9ze2ZG0Q4AQE5mGkvuExFRzBMHaY2btqH1f34cwtYQ9Z4uBWsvv/wyPv/8c5w/fx4P\nPvggRo4ciWXLlsHhcECv1+OVV16BSqXCzp07sWXLFsjlcsydOxdz5swJdPuJooZnxUddohpZmXq3\nKlYAMHPJDqRqNcjKTBNKEhMREcUi2VkT0jIvE665N42iTafB2oEDB3Ds2DGUlpbCZDLhtttuw/jx\n41FQUIBp06Zh7dq1KCsrQ15eHtavX4+ysjIolUrMnj0bU6ZMQXIyl5+JusKz4uMzr9+PSxs6rg11\nZtjsDjwvWnUjotDiZCZR6CRPvRnKqkoAgP2acTi7e1+IW0TU+zoN1q699lqMGjUKAJCYmIiWlhaU\nl5dj9erVAIDJkydj06ZNGDx4MEaOHAmtVgsAGDt2LCorK5GdnR3A5hNFB8+Kj55FRE7WmqAGoFYq\nWEyEKExwMpMo8Dy3Bri4FRGp/g7O5JRQNI8o4DoN1hQKBeLj2/9yWFZWhptuugl///vfoVKpAACp\nqakwGAwwGo3Q6XTC93Q6HQwGg+Q7icidq+Lj2P9UYvUfnxHuz1z8B0ChwPPNNgZpRGGGk5lEgeNr\na8BPLUeQct/dwnNMe6Ro1+UCI3v37kVZWRk2bdqEW2+9VbjvdDoln/d1XywlJR5xcT1P5dLrtT1+\nRzRiv0gLx37RJvXBTo/VNFcREX2SBn21GmiT+kCjClxNoHDsl3DAfpHGfuFkJlEgeW4NqDfb3PZw\nN/56K1pnzAxF04iCqkt/8/vkk0+wYcMGvPPOO9BqtYiPj4fVaoVGo8GZM2eQnp6O9PR0GI1G4Tt1\ndXUYM2aM3/eaTJaetR7tf2EwGJp6/J5ow36RFpb9cv489AM6/iJXfNsqfD74GuG6yWLHo69+JMwq\n5mcPhULeu6duhGW/hAH2i7Tu9ku0BniBmMwEuj+hGa393FvYP76FS99YW8/jy+P1wnVfazPe+9Wd\nHZ/b7EgK4OSllHDpm3DF/vGtp33T6W96U1MTXn75ZZSUlAj59RMmTMCePXswc+ZMfPDBB5g4cSJG\njx6NlStXwmw2Q6FQoLKyEitWrOhR44iinTjnHgDWba/At9VGyJusUCkVsLY6YG11AGifVXTNMhbk\nZAa9rUTkLVCTmUD3JjQ5weAf+8e3cOqbOpMFBlMLAGDHa7dD4WwDABztPwzLfvIKnv+2PqhbA8Kp\nb8IR+8e3rvaNv4Cu02DtL3/5C0wmExYvXizce/HFF7Fy5UqUlpZiwIAByMvLg1KpxJIlS1BYWAiZ\nTIaFCxcK+flE5L1JWhyoOfr1R8OhahQAmDVpCAwmC9aVfSkEamJV1UbMmjSE1SCJQoyTmUSBkZSg\nhi5R7XbG6LwF23BOk4BUrQZJCeoQto4ouDoN1vLz85Gfn+91f/PmzV73cnNzkZub2zstI4oSnpuk\nPfemeW6OVisVUCkVaDDbJN9narKikQVHiEKOk5lEgZG0bTNKiouEa9cebgDIykzjZCXFlOAm/BLF\nIPEmac+S/L6qWLlmFeslArYUzioShQVOZhL1PnHWyf67l2LL4Fsgb7IiRatBVmYa8rOHhrB1RMHH\nYI0ogFznpz3ywRu49fBe4f6Moh1ISVCj2NIKbbzK63tqpQJZmXq3SlgunFUkIqJoI6uvR9rwwcK1\noc6MEQCe83HOGlGsYLBG1Is896U1Ntvccu6BjnQOU7MNT2/6DOOuSpes8OiaPayqNsLEWUUiIopS\naf2SIBNVSRVnnaiVCqb9U0xjsEbUC6QO75yotaJwyW3CMz95aAvM8Ulu3zvb3OqzwqNCLkdBTiZm\nTRrCWUUiIopK4rRH4+EaONPTQ9gaovDDYI2oF3ge3ulrNc0XfxUeOatIRETRRrNlE7RLO4rz+NrD\nTRTrGKwR9ZBrX5qLuIjI1ht/gt9dPwcAoFbKYbO3Sb6DFR6JiChWiFfTmn/xElru/1kIW0MU3his\nEfVQY7MNDWabV6VHz9W0eHUc+qjbUx89scIjERFFO6kiIkTkn7zzR4hIzGZ3oM5kgc3efmB1UoLa\n6+w0qbTHxnOtuPpyneQ7WeGRiIiiWdoAHQM1om7gyhpRF0kVEbmYvWkpWg3umJKJPpo4VngkIqKY\nwSIiRN3HYI2oE65y/Hv+dQL7K2uF+56B2rrtFUitNqLebJV8T1ZmGuLVcazwSEREMUHzm83QPr5I\nuOZqGtHFY7BGJMFmd6DBbMXeihP48ng96s02yGXtn2Uf2YfH9rwuPDv/6d147oEbUKBUYNakIaLv\nNfhcPWOFRyIiimZuRUSefQEtDy4MYWuIIheDNSIRcapjvdnm9lmbE5JFROTNNqGSo1qpwCWpfXHX\n1Ku8DsgmIiKKdrKGeqRdxb1pRL2FwRqRiOd5aS6a1hb8/o07hOtFd67FN+lXAAAS+6rQR+39nxJX\nz4iIKJakZaRB1tpR8ZiBGlHPMVgjusDzvDSXzkryn21uxTMl/0JWph752UOhkLPIKhERxRa3IiKH\njsHZr18IW0MUPfi3SqILXOeliYkDtcMD/6s97VHm/d16sw17K06idF9NoJtJREQUNjTbtrgFaoY6\nMwM1ol7ElTWiC5IS1NAlqlHfyQHXPxrVH4eOm2Bqtnm+AlXVRsyaNIR71IiIKOqxiAhR4DFYI7pA\nrVQgK1OPRQXj3O67ArXUxPaqjpOzBuKTg6cl32FqsgrFRoiIiKIRi4gQBQ+DNaILUm66Hov+/bVw\nPXPJDqRoNZg8NBU512RAl6iBWqmAze4QVuC83qHVIClBHcxmExERBU3apemQWTvOE2WgRhRYDNaI\n4J7KAQAna0143kfZfdcKnFTVyKzMNKZAEhFRVBKPlfWHqtHWr38IW0MUG1hghGJaXPkB943R/zkF\nQ51ZKLvvK/DKzx6KnHEZSE3UQC5rT5HMGZfhdvA1ERFROLLZHagzWWCzO7r0vObd33gVEWGgRhQc\nXFmjmOW5mnYxqRwKuRwFOZmYNWkID74mIqKI4GhrQ+m+GlRVG9BgtkGXqBaOnfHFrYjI6ufR8rOH\ng9FUIrqAwRrFHqcT+n5JwmXTK7+E9e57u/UqHnxNRESRonRfjVsKv+vYGQBYdMc1bs/KDAakXT1E\nuObeNKLQYLBGEc9md3R9dUsmg150eeTo6fbvBbSFREREoWWzO1BVbZD8rKraCGvreeG6J5knRNS7\nGKxRxPKXzqGQe2/H9Bx85hfvRsNbBzr9HhERUaRrbLahQaKKMdB+7IzJbEMcPIqIfH4YLf0HotFk\nYbo/UYh0KVirrq7GggULMH/+fNx5551Yvnw5jhw5guTkZABAYWEhbr75ZuzcuRNbtmyBXC7H3Llz\nMWfOnIA2nmKbv3SOgpxM4b5nkLZue0X7cxcGLV/fIyIiihZJCWq/x86kvf06lE+uEO6dPn22fUJ0\n14EuTYgSUWB0GqxZLBY8++yzGD9+vNv9oqIiTJ482e259evXo6ysDEqlErNnz8aUKVOEgI6oN3WW\nzjFr0hColQqvQM1qs6Pqhb2dfo+IiCia+Dt2pqQ4V/jZ8uBCnHv2BZTure7ShCgRBVanUyMqlQob\nN25Eenq63+cOHjyIkSNHQqvVQqPRYOzYsaisrOy1hhKJ+UvnaDBboX78Ma8yw4Y6M0xm/2kgjc3S\nnxEREUU6z2NnBstbsGttnvC5oc6Mc8++0OmEaFdL/hNRz3W6shYXF4e4OO/Htm3bhs2bNyM1NRWr\nVq2C0WiETqcTPtfpdDAYpP9DJ+opf+kcO0UDD+C+MTol0X8aSFICS40QUddxmwBFEvGxMxkDU9w/\ndDoBQxOAzve3NTbbWAmZKEi6VWBk5syZSE5OxvDhw/H222/jjTfeQFZWltszTqez0/ekpMQjLq7n\nKWd6vbbH74hG0d4vN44eiJ2ffCNcpzQ34Ddvd5Tgf+CeX+HaH/8I93v0g+f3Ou4PQMaA2E3bjfbf\nl+5iv0hjv3CbAEUucaBWX/4FWjIug8J4Dg67A2qlotP9bZzYJAqebgVr4oEpOzsbxcXFmDp1KoxG\no3C/rq4OY8aM8fsek8nSnT/ejV6vheHCTBB1iIV+mTH+UlhaWlF51IAtq6e5f1a0AwDw6cEfMO26\nQcI+NL1eK3yvqtoIU5MVKVoNsjLTMGP8pVHfZ77Ewu9Ld7BfpHW3X6ItwHNtE9i4caPf58TbBAAI\n2wSys7OD0UwiQfxLv0DfNS8J10IRkd0H0NBkg07bUUTE1/62rMw07u0mCqJuBWuPPPIIli1bhkGD\nBqG8vBzDhg3D6NGjsXLlSpjNZigUClRWVmLFihWdv4yom1zpHIsKxgn3PrrqJqyZXiRcS6VriNNA\nunw+GxGRh0BvE+hu9km0BcW9LWb7Rybr+Pmee4BNm7BrxyHJIiLxfVR4eG4W4vuocODwKRjPtiAt\nuQ9uGHEJ7p1xNRSK2KsGGbO/N13E/vGtp33TabB2+PBhvPTSS6itrUVcXBz27NmDO++8E4sXL0af\nPn0QHx+PF154ARqNBkuWLEFhYSFkMhkWLlwozCISBYJnpUfXapqYv3QNtVLBnHsi6lW9tU0A6F72\nCVeD/YvF/pEZDEi7eohw7drHbfvhLD49WCv5HVdWSt6Nl2PadYPcJjYbGs4Fpd3hJBZ/by4G+8e3\nrvaNv4Cu02BtxIgR2Lp1q9f9qVOnet3Lzc1Fbm6u132ii2WzO/yuekmdnQamaxBRiPXWNgGirrjY\nsVJccKurRUQ4sUkUWt1KgyQKFEdbW3v+fLVB8hBOXwNPflsbAHjtQ8vPHhr0fwYiil3cJkDB0NlY\nCbgHavXlX6Bt8BVu72AREaLIwGCNwkrpvhqfh3CK96YBwMlaE1xDCfehEVGwcZsAhYq/sfK+yjL0\nffVF4TPxapqYv0OymZVCFD4YrFHIeKZv+DqEc0L1P7Bo7cvC9T1P/R/qm89Dt/GA10wi0zWIKFi4\nTYBCwd+B1eJJTeu8n6Dp9Tf9vsuVfcKsFKLwxWCNgs5X+sbkrIFe+fO7PA64nlG0A2g+D8B9JrEg\nJzM4jSciIgohqb1miZZGvLvhbuHa12qaJ3FWikKlhKPVzhU1ojDDYI2Czlf6hsPRJuTPKxznsWPd\nbOGZ1wpW44th1wJNrV7vq6o2YtakIRxgiIgo6nnuNfOc1BRvEegqtVIBfVpfVvQjCkMM1iio/KVv\nfHm8AaOGpqHozmvd7s8o2oEbR/SH6fBpye9JnaVGREQUjcR7zcSB2gP3/ApXT7kOBZy4JIoqsXeq\nIQWVze5AnckCm90BoPNSweJAzZiQivnF7yNnXAbumJIJXaL0XCGrVhERUSyZf+Jjt0BtfvH7uHrK\nddxrRhSFuLJGAeFrX1rexCskSwVLpXE0NtvwnKiqI6tWERFRrBOX5Dc/vBgnHlnuNlYSUXRhsEYB\n4a+ssGfQ5RmoGerMUANeaY2sWkVERLFKdtaEtMzLhGtXEZH0UDWIiIKCwRr1On/70qqqjVhd2J7q\neN0LSzH+0H7hs9Onzwol+KXwLDUiIopF4tU0oOvVHoko8jFYo17nb19aQ5MV351q8jrg2lBnRlfD\nLp6lRkREsUIcqNV/fhhtgy4NYWuIKNhYYIR6naussJSBDbW46brLheszX/+HM4REREQeVH/e5Rao\nGerMDNSIYhBX1qjXicsKi0kdcJ1TVY+CnNRgNo+IiCisiYM007Mv4Ye5dyPJ7mDqP1EMYrBGASEu\nBtLQZMXONR2B2qab5uOP4/KEz3mgNRERESBrbkLaFQOF63XbK9qrKr91QKiqnJ891O/+biKKLgzW\nKCBcxUA896bNKNrhds0DrYmIiIDk7B9BefhLAIBTocDrW8t9VlUuyMkMSRuJKPg4NUMB41m9yjNQ\nA3igNRERkT49UQjU6r88itrvjX6rKtvsjmA2j4hCiMEa9Tp9eqLXpuh12yskn+WB1kREFAtsdgfq\nTBa3QEuyiEj/S/xWVXZlpBBRbGAaJPUqX2fB8EBrIiKKRY62NpTuq2nfe2a2CXvPxNsEmn/xElru\n/5lw7aqqXC8RsDEjhSi2MFijXqF+710kPtox0BjONAIymXDNA62JiCja2ewOrzGudF+N294zi/Es\nFhVPE66ljq/xVVUZYEYKUaxhsEY95ms1TQoPtCYiomjja/Usb+Jgt71na99dgmFnjgMA2mRy/HCy\nHr7WyJiRQkQAgzUSkZoR9KetyYx+QzKE6xULNqDfj8Yhv62NZYWJiChmeK6euSo3Wqznhb1n4rNG\n777/1zibmIrn/VRDZkYKEQEM1gi+ZwT9neXiq9LjIZYVJiKiGGKzO3xWbvz3dyZcbzqGJzcvFe65\nxsvULu49Y0YKUWxjsEY+ZwQdbU5MvXaQMJi4ZvYyBqYIz+6/ahLWTn/M7X086JqIiGKFv8qNW1Z3\n7E174X+W4R+ZE4Rr7j0joq5gsBbj/M0I/q2qFvsra6FRyQHI8PsXZ7h9/uOiHXBKfI8HXRMRUayQ\nqtyostvwh//NF67Xba/A0Woj5Nx7RkQXicFajPM3I9h2IRKztra55doDwNpt/4KuxsiywkREFNM8\nKzcu/PBXyD30AQDg5PCxUP/tIxQA3HtGRN3SpWCturoaCxYswPz583HnnXfi1KlTWLZsGRwOB/R6\nPV555RWoVCrs3LkTW7ZsgVwux9y5czFnzpxAt596yN9ZLgBQ/P+ewTXfVgrXQq59TT1GDUnF/qof\nvL7D1A4iIoolrlUy8dlpb2/4ED/Ou1a45t4zIuqOTkv2WSwWPPvssxg/frxw7/XXX0dBQQG2b9+O\nyy67DGVlZbBYLFi/fj1KSkqwdetWbNmyBWfPng1o46nnXDOCUnatzZMM1ID2VMeccYOQMy4DqYka\nyGVAaqIGOeMymNpBREQxRfXNcbdA7WStCbfdfj0rIxNRj3W6sqZSqbBx40Zs3LhRuFdeXo7Vq1cD\nACZPnoxNmzZh8ODBGDlyJLRaLQBg7NixqKysRHZ2doCaTr1FfJZLQ5MVw04fw5p3OypX3f7o72CP\nU7l9J0WrgS5Rw7LCREQU05JmToPqn58CAEx//hDnr73e59lpREQXq9NgLS4uDnFx7o+1tLRApWr/\ny3tqaioMBgOMRiN0Op3wjE6ng8EgXbjCJSUlHnFxPf/LvV6v7fE7otHF9MuiO66BtfU8NGql233x\naprYjaMHIGNAsnCdIflUeOLvizT2izT2izT2C8W81lboM9KES0OdOYSNIaJo1eMCI06nVD1A3/fF\nTCZLT/946PVaGAxNPX5PtLnofnE6oe+XJFz+32OvoCxpJGRmK9Sq9oC61e4QqljNGH9pRPY7f1+k\nsV+ksV+kdbdfojHA457u2KTZWgLtkkcBAOeKlsGyfGWIW0RE0apbwVp8fDysVis0Gg3OnDmD9PR0\npKenw2g0Cs/U1dVhzJgxvdZQCgyb3eF2bhrQPjt4PYAxdoeQ3giAqY5ERCL+9nRPmzYNa9euRVlZ\nGfLy8rB+/XqUlZVBqVRi9uzZmDJlCpKTk/28ncKVPj1R+Nl4/CSc2kQ/TxMR9Uy3dr5OmDABe/bs\nAQB88MEHmDhxIkaPHo1Dhw7BbDbj3LlzqKysxLhx4zp5E4WKo60N2/dWuwVqlkQdTp/uKArjqlyl\nVircfiYioo493enp6cK98vJy3HLLLQDa93T/85//xMGDB4U93RqNRtjTTZFFUXNMCNTa9Okw1JkZ\nqBFRwHW6snb48GG89NJLqK2tRVxcHPbs2YNXX30Vy5cvR2lpKQYMGIC8vDwolUosWbIEhYWFkMlk\nWLhwoVBshELLJlohcwVb/fsnY5HoGdfetJx9NSjIyQxBK4mIIksg93QD3d/XHY3ppr2pW/1z883A\n3/7W/vOnn0I+YQKk6yhHNv7u+Ma+8Y/941tP+6bTYG3EiBHYunWr1/3Nmzd73cvNzUVubm6PGkTd\nIxWQOdraULqvBlXVBjSYbdAlqpGVqXcrLwy4FxGpqjZi1qQhXEEjIuqhnuzpBrq3r5v7LP276P7x\nVUQkCvuYvzu+sW/8Y//41tW+8RfQ9bjACIWWr4Ds4blZKN1Xg70VJ4Vnb9pXinuLS4RrqUqPpiYr\nGpttPLiTiKgbuKc7emi2bYG26BEAwLmipbAsXxXiFhFRLGKwFuE8A7J6sw17K05CpYpDVXVHms2u\ntXlu35tfvBsw27zel6LVCAVFiIjo4rj2dM+cOdNtT/fKlSthNpuhUChQWVmJFStWhLqp5IdbEZGa\nE3AmJvl5mogocBisRTCb3eEWkImVHzmNerMNSZaz2LZhvnD/7gc2wZSgw/UZSaj/qs7re1mZaUyB\nJCLqAu7pjj6K48egG38NAKAtLQ31X30T4hYRUaxjsBahbHYHvqltRIPE6hgANJitXqtp4rTH6hNn\nMSg9ARarHaYmm3B+Wn720IC2m4goWnBPd3RJuv1/oPr7xwAA0/99iPPXXR/iFhERMViLOOI9avVm\nG+QyQGqv+s41HYHa1ht/gt9d734Aa0NTKxqaWjE5awCmXncpz08jIqLY5KuICBFRGOjWOWsUOq49\navUXVtTaPAK1XWvz3FbUZhTtwJ9+lO/zfV8eb2CgRkREMUnz7m+EQO3c4scZqBFR2OHKWgTxt0dN\nLgP+tEY67bGPOg42ez1yd08AABsASURBVKvk91j9kYiIYhGLiBBRJGCwFkEam22Se9TWbV2MKwzf\nCteeJfkbz7UiOUGFs83eARurPxIRUSxRfFMD3Q1jAbCICBGFP6ZBRpCkBDV0ie6B1a61eX4DNQDQ\naTXIGpbmdR9g9UciIoohOTlCoGba9QEDNSIKe1xZiyBqpQJZmXrsrTiJUd8fxC/KnhY+W7ftM0Au\nB0Rnrrm4qjwqFHJUVRtharKy+iMREcUOFhEhogjFYC3C5GcPxaKCcW731m2vcAu6pAIyhVyOgpxM\nzJo0BI3NNhYVISKimKDZvhXaxQvbL1asgGHx8tA2iIjoIjBYC2M2u8M9sLLb0X9gqvD58T/sgfqG\n61AgCrpcAZlCpYSj1e4VkKmVChYTISKimOBWROTY90gbOggwNIWwRUREF4fBWhgSn6XWYLZBl6hG\nSfE0t2cMdWYk+vi+WqmAPq0vDByQiIgoBrkVEUlJQf3R70LcIiKi7mGBkTBjszuw+S//Fs5ScwJu\ngZr1tlnMtSciIvIhadaPO4qI7NzDQI2IIhpX1sKEeDXNdeC1+HBrAJhf/D6eu/96sNA+ERGRB7sd\netFWAU5sElE04MpamCjdVyOspgHegdqMoh1oMFvxTW0jbHZHKJpIREQUltS/3SYEapZFSxioEVHU\n4MpaCHgWDrHZHaiqNgAA8ip2oPDjEuFZ8blpMhnw6ntfQJeoRlamXqjySEREFKs8i4g4k5JD2Boi\not7FYC2IpAqHZGXqMTlrIBrMNsnVNLE2Z/v/1ptt2HvhPLWCnMygtJ2IiCicuBURSU5GffX3IW4R\nEVHvY7AWRK5URxdX0OX84QfsFAVqsx8phU3ZsTNNBsAp8b6qaiNmTRrC89KIiCimJM2eCdXH+wEA\nZ3e+D/sNE0LcIiKiwGCwFgQ2uwOGsy2oPFrn9Vlnq2ljM9NQVW2UfK+pyYrGZhvPTSMiotjgWUTk\nTGP7HgEioijFYC2APNMePVfHxIHaylmrcfCy0dCoFGi1O5Ci1SArMw15E6/A06fLhcIjYilaDZIS\nWBuSiIiin/q325C4aAEAwPLIYzi3anWIW0REFHgM1gLIM+3Rxd9qWrw6Divuugb65D5CemNWpl7y\nPVmZaUyBJCKiqMciIkQUqxisBYi4wqOYOFD7639Nxi9zF7l9frbZBlWc3C0Iy88eCqB9j5qpySqs\nurnuExERRSP5N8eRekMWAKAtMQn1NSdC3CIiouBisBYgjc02NIhSFws/2oS8yp3CtefeNBep1EaF\nXI6CnEzMmjTEreQ/ERFRtEqamwfVR/sAAGf/tBv28TeGtkFERCHQrWCtvLwcixYtwrBhwwAAmZmZ\nuO+++7Bs2TI4HA7o9Xq88sorUKlUvdrYSNJHHYekBBXONrd6pT3OL96NGzKSceCrM17f85faqFYq\nWEyEiIiiG4uIEBEJur2ydt111+H1118Xrp944gkUFBRg2rRpWLt2LcrKylBQUNArjQwXnodZSxEX\nFUn+z1Fs3fqY8JlrNS3nwoHWCfFKpjYSERFdoH7vXSQ++jMALCJCRAT0YhpkeXk5Vq9u/z/VyZMn\nY9OmTVETrPk6zDo/eygUcrnbs66iIlJFRFITOwIypjYSERF1cCsiUv0dnMkpIWwNEVF46HawVlNT\ng4ceegiNjY14+OGH0dLSIqQ9pqamwmDwLq4RqXwdZg0ABTmZwn2b3YFDX9W6BWoFP/sNmvokIiVB\njafmj4M23j01lKmNREQUy+T/+Qap148BALRpE1F/3Lv6MRFRrOpWsHb55Zfj4YcfxrRp03DixAn8\n9Kc/hcPhED53Oj1PFJOWkhKPuLierybp9doev8MXa+t5fHm8XvKzL4/X48FZfaBRxcHaeh56tRLv\niD4XFxFpPGdDn74a6NP6BqytngLZL5GM/SKN/SKN/SKN/UK9ISn/Nqj2/xUAi4gQEUnpVrDWr18/\nTJ8+HQBw6aWXIi0tDYcOHYLVaoVGo8GZM2eQnp7e6XtMJkt3/ng3er0WBkNTj9/jy0lDMwymFsnP\njGdbUP2NEfurarGoYJxwvzhvJT6/YpzbsylaDRyt9oC2VSzQ/RKp2C/S2C/S2C/SutsvDPCiW1f2\ndQtYRISIqEu6Fazt3LkTBoMBhYWFMBgMqK+vx+233449e/Zg5syZ+OCDDzBx4sTebmtQufapVR6t\ng691whStBnH33YtFn+4W7vkqyc8DrImIYkOsVUy+mH3dAKAu3Y7ERx4CAFgWLsK5p58NdpOJiCJG\nt4K17OxsPP744/jrX/8Ku92O4uJiDB8+HD//+c9RWlqKAQMGIC8vr/MXhTHPfWpSSopzhZ93jP0x\nfn3zvcK1XAY4AehY5ZGIKObEUsXkru7rBlhEhIjoYnUrWEtISMCGDRu87m/evLnHDQoHNrsDVdW+\nC6TccqoKi3/bUU5YajXN6QQenzcGVwxM4ooaEVGMi9aKyf7Gy6pqI2ZNGgK1UuFeRCRBi/pvaoPZ\nTCKiiNVrpfujSWOzDQ1mm+Rn4kqPTrkc9zz1Z0DiWV2ihoEaEVGM6o2Kyd0twhXMvYGnjOfQ0CQ9\nXpqarFColND/dA6w+8J2gY8+gnzSJOiD1kJv3DvpG/vGN/aNf+wf33raNwzWJCQlqKFLVKNeFIRp\nW8zY/uZPhWvDKROgUCBrb7VkuiT3qBERxabeqpjcnSJcwS6K47A7oNO6j5cuqfFKXKJPEK6FIiIh\nLNrDokG+sW98Y9/4x/7xrat94y+g8975S1ArFcjK7Jj327U2zz1QqzMDivZALD97KHLGZSA1UQO5\nDEhN1CBnXAb3qBERxShXxWSZTCZUTG5sbITVagWALldMjgSe46XL5K/2Y9Oz/w0AsCx4tH3cZLVH\nIqKL9v/bu/ewqOp1D+DfYYaL3GSQmQpMT9JRj4aIWwtFUxMvO8pM8hLR5Sm3FvKoeUyQSCvvSh4V\nu5hitSkTw0x229RNpeUOUcQHlXITWCYYwggMMMAwMOv8YUzizCDCwJrL9/OXM2sxvL6zmPd5Z631\n/nhmzYxZD90LCAIWPjXC8NyOtw/h0chQ3Hi+TOrkhKjw/ogcG9j+kcVERGS3HGFi8o1avpw8U6BC\nZU0DDrz15+0CHCJCRNQ5DtmstWctmJ6vvIyFqX8OTCkuqcS0NpowV2cplHJ3i8dKRHQ7Dh78By5e\nLEJs7CKxQ3FYjjAx+UYtX1o+EdwLAYPvAQAI7h5Q/fq7yJEREZlnK/XSoZq19q4Fc+No4cqMw2gK\nHQlXMQImIiKbY+8Tk01x3bcXipfmAACq9v8TujD7OXNIRCQmh2nWtLpmpB7+D344X2p47ua1YJx/\nOA6faQ8btpeXVXd7nEREnVVaegUxMXMQENAb586dxeOPR6KoqBA//ngejz8+A5GRM8UOkeyFXg/f\nB4ZCeulXNI4ZC3V6Bu9NIyKbYQv10u6btRvPppmaVgVcv85+YdRww+NNUxbhbOhkhGQWGJ11IyKy\nBT//XIC1a5NQXV2Np5+eic8+y0BjYyNefXWpVRQfsn3S/PPwHT8KAFCVth+68RNEjoiI6PZZe720\n+2Yt7ZtCk6P1W3jW1+DDG9ZOMyxwfdNZNyKijpA/+ABkF36y2Os1DfwfVH6Xfcv9AgJ6o2dPHzg7\nu0Au94VCoURdXR00mlqLxUKOyzNuMXp8sBMAUH7pKtCjh8gREZEtE6tWAtZfL+26WdPqmnGmwPzC\no7FH3sbk8/8CABwMnoJ3J7xotM+ZAhUixwZywiMRdUh7i4WlSaVSk/9u7xpfRKZIqirh178vAEAT\nn4i6xUtFjoiI7IFYtRKw/npp182aulaLChOXPkoEPTL+b7rh8WOL9kHvZLoZq6xpgLpWy0mPRETk\n0Fz37YX3H0NErp06C33f/xI3ICIiB2DXN2P19HSFr3frOY73lhYaGrVDQZPw6OIvzDZqACD3ckNP\nT86CJCIiB6XXQ/7AUHi/NAeNY8ai/KqajRoRUTeRCCKe4ysvr+n0aygUXm2+zu7MAsO9Z3FfbsDo\ngh8AACu3fo1Tv9bgVv/58OG9bfKetVvlxVExL6YxL6YxL6Z1NC8KhVcXRGO/OppjSx6zrYaI7Pkc\nuofCLfbaYuDftHnMjXnMTduYH/Pam5u26qPdXgbZsvD1tDH94P9TLmasnAsASP1rDCqefh7PjOmH\nopRssxMifb1cMWzA9TXYiIiIHA2HiBARic/umrWbF77O2DQNff/YVvCvExg/aIBhWEhIf4XJSZFh\n992J6MkDOFSEiIgcDoeIEBFZD7tr1lpG9Xs01CLjnWjD81t25yAquPXljC1nzc4UqFBZ0wC5lxtC\n+vtxbTUiInJIrp9/Bu8XXwDAISJERNbArpq1llH9E85/jUVHkgEAb057Faf6jUAvEyP4pU5OiArv\nj8ixgVDXatHT05Vn04iIyPHo9ZCPHAbZLxfRGDYG6s+/BCQSsaMiInJ4dtWsVVfUYNvaSHhq65Db\ndyhWTF9hKDZtjeB3dZZyND8RETmk1kNE9kH30ESRIyIiohZ206w5f3cUg56YCgCIm7UGPwYMarWd\nI/iJiIha81y2BD1S3gfAISJERNbI9m/MEgT4PBwOnyemovkuf2xNPWHUqAFASH8/XuJIRPSHwsKf\n8dtvl9q177VrKmzYsLqLI6LuJFFXQaH0Ro+U96GJT0R5WTUbNSKim9xOrbzRt99mWiwG227W9HrA\nyQnOOSdRvX0XKvIuYObEgQgf3hu9vN3gJAF6ebshfHhvjuAnIqul1TWjrLIOWl1zt/3OY8e+weXL\nv7Vr3169/LB06atdHBFZmrnjynV/Ovz+uw+A60NEOO2RiGyBtdfKFjqdDmlpuy0Wg01fBqltbELN\n4qWonhcLF7kPAA4NISLbcfNSI77ergjpr+jURNq//e1ZvP76agQE9EZZ2VXEx/8vdu36uNU+RUWF\nOHDgcxw79g3kcjnefPM1hIaGQS6XY9SoMdi0aT1kMhmcnJywcuU6aDQaJCbGISUlFbNmTUNU1JM4\nciQTjY2N2LLlHbi7e1giHWQhZo+rcf3gN3oEZBeLOESEiGyGtdRKnU6H7dvfhkwmg1J5B+LiEqHV\narF8eTwaGxuh0+mweHEcvvzyAIqKCpGUtA7r13f+qhSbPLPWrNdjd2YBEnedwlOSUXj103zszixA\ns15v2KdlaAgbNSKyVi1LjVyr1kIAcK1ai8ycYqR9U9jh15wy5WF8/fURAMDx498hPHyy0T6Bgffi\ngQdGYt68WAwadB+ampoQGjoKzz77AqqqKvDyy68gOXk7goKCceTIV61+trm5Gf369cPbb++Av78/\ncnJOdThW6hqmjqufvzqOO/19IbtYhKo9+6De/082akRkE6ylVm7evBHr1r2FrVvfg6+vL779NhOn\nT5+EQqHEtm3vY/nylaisrEBU1NPo06cvliyJ73B8N7LJZq3VmyZY5k0jIupOLUuNmHKmQNXhyzzC\nwyfj2LFvAQA//PA9Jk40LkCmDBo0GAAgl/fC9u3vIDZ2LjIzD0OtVhvtO3z4cACAQnEHNJraDsVJ\nXaOhscnouJr7zfvYlroIAFBSWMJpj0RkM6ylVlZUXENx8WUkJLyC2Ni5yM09jfLyMgwePAT5+eew\nceMalJQUIzR0VIfiaYvFL4Ncs2YN8vLyIJFIkJCQgCFDhlj09W/1pt28lhoRkTVS12pRUa01ua2t\npUZupWdPHyiVSvz0Uz70egEKhbJdPyeTOQMAtmxJwlNPPYvQ0FHYvTsV9fV1RvtKpVIA169kEATh\ntmOkrlNZ/edx5dFQiz3vRAMAPhn5JPaOmoU1zVK074ggIhKftdRKmcwZfn4KbNv2vtG2Dz/8FLm5\nOdi/Px35+ecwZUrEbcfTFoueWTt58iQuXbqEtLQ0rF69GqtXW356WHveNCIia9fT0xW+3qaXE+ns\nUiOTJz+MTZvWY/z4CWb3kUgkaG42/kZSra5CQEBvNDY24sSJf6OpqanDcVD3k3v/eVz99ewhAMCc\n59/DnpGzuIQNEdkca6mV3t7eAIBffrkIAEhP34PCwp9x6lQ2Tp3Kxv33h+Lll1/BhQs/QiJxMllf\nO8qizVpWVhbCw8MBAIGBgVCr1aittewlMl35phERdRdXZylC+itMbuvsUiNhYQ+iuLgY48aZL0DB\nwSHYvHkjcnJOtno+MnIWli1bgtdei0Nk5Cx89dWXFv8cp67j5iIzHFfp9z+BRxd/gas+dwLgEjZE\nZHusqVbGxy/HmjVvICZmDs6ezUOfPn3Ru/fd+PvfdyE2di5WrVqBqKhn4Ofnh6YmHRIT4zoc240s\nehmkSqXC4MGDDY99fX1RXl4OT09Pi/2OljctM6fYaBsLERHZkpYlRc4UqFBZ0wC5lxtC+vt1eqmR\nc+fyEBY2Bl5eXmb3iYiYioiIqQCA9PR/GJ5/7LHpeOyx6YbHY8eOBwCkpKQa9vXw8EBdXQ1iYxd1\nKk7qGl11XBERicFaaiUA7NjxUavtd93lj3ffTTH6uY8//qxTsd2oS0f33+peBrncHTLZ7TdXsTND\n4N7DBSfO/w5VVT38fHog9L678PyjgyGV2uTMlC6hUJg/+BwZ82Ia82JaV+dl4ZN/QUNjEyqrtZB7\nu8LNpXMfy1u3bsXx48eRnJwMna4GcXHG3+yNGDECCxYs6NTv4fFivbiEDRHZk674TEtJ2Y7s7Cys\nXr0BpaWlWLVqudE+ISF/wQsvzOvU77EEiWDBu8OTk5OhUCgwe/ZsAMCECRNw4MABs2fWystrOvX7\ntLpmSF2c0dyoYyG6iULh1en82iPmxTTmxTTmxbSO5oUN3u3paI55zJrH/JjH3JjH3LSN+TGvvblp\nqz5a9DRUWFgYDh8+DADIz8+HUqm06CWQN3N1luIuPw82akREREREZHcsehnksGHDMHjwYMyePRsS\niQQrVqyw5MsTERERERE5DIvfs7ZkyRJLvyQREZHN6+p1SImIyP506YARIiIiar0OaVFRERISEpCW\nliZ2WEREZOU4OpGIiKiLdcc6pEREZH94Zo2IiKiLdWQd0o4ub8Opm21jfsxjbsxjbtrG/JjX2dyw\nWSMiIupm7Vk1p7Ky7rZflyO028b8mMfcmMfctI35Mc/qRvcTERGRMaVSCZVKZXhcVlYGhUIhYkRE\nRGQLLLooNhERERnLzc1FcnIyPvjgA+Tn52PVqlX49NNPxQ6LiIisHC+DJCIi6mJch5SIiDqCZ9aI\niIiIiIisEO9ZIyIiIiIiskJs1oiIiIiIiKwQmzUiIiIiIiIrxGaNiIiIiIjICtn0NMg1a9YgLy8P\nEokECQkJGDJkiNghiWbDhg04ffo0mpqaMG/ePAQFBWHp0qVobm6GQqHAxo0b4eLiInaYomhoaMAj\njzyCmJgYjBw5knkBkJGRgZ07d0Imk2HBggUYMGCAw+dFo9EgLi4OarUaOp0O8+fPh0KhwOuvvw4A\nGDBgAN544w1xg+xGBQUFiImJwXPPPYfo6Gj8/vvvJo+RjIwMfPTRR3BycsLMmTMxY8YMsUN3WKyJ\nxlgb28b6aBprpGmsk6Z1eb0UbFR2drYwd+5cQRAEobCwUJg5c6bIEYknKytLmDNnjiAIglBRUSGM\nHTtWiI+PFw4ePCgIgiC89dZbwieffCJmiKLatGmTMH36dGHfvn3Mi3D9GJk0aZJQU1MjXL16VUhM\nTGReBEFITU0VkpKSBEEQhNLSUmHy5MlCdHS0kJeXJwiCICxevFg4evSomCF2G41GI0RHRwuJiYlC\namqqIAiCyWNEo9EIkyZNEqqrq4X6+nohIiJCqKysFDN0h8WaaIy18dZYH42xRprHOmmsO+qlzV4G\nmZWVhfDwcABAYGAg1Go1amtrRY5KHCNGjMCWLVsAAN7e3qivr0d2djYmTJgAABg/fjyysrLEDFE0\nRUVFKCwsxLhx4wCAecH1v52RI0fC09MTSqUSK1euZF4AyOVyVFVVAQCqq6vh4+ODkpISw9kJR8qL\ni4sLduzYAaVSaXjO1DGSl5eHoKAgeHl5wc3NDcOGDUNubq5YYTs01kRjrI1tY300jTXSPNZJY91R\nL222WVOpVJDL5YbHvr6+KC8vFzEi8UilUri7uwMA0tPT8eCDD6K+vt5wir5Xr14Om5v169cjPj7e\n8Jh5AYqLi9HQ0IAXX3wRUVFRyMrKYl4ARERE4MqVK5g4cSKio6OxdOlSeHt7G7Y7Ul5kMhnc3Nxa\nPWfqGFGpVPD19TXs48ifw2JjTTTG2tg21kfTWCPNY5001h310qbvWbuRwLW9kZmZifT0dOzatQuT\nJk0yPO+oufniiy8wdOhQ3H333Sa3O2peAKCqqgrbtm3DlStX8Mwzz7TKhaPm5cCBA/D390dKSgou\nXLiA+fPnw8vLy7DdUfNiirlcMEfWg+/Fn1gbjbE+to010jTWydtniXpps82aUqmESqUyPC4rK4NC\noRAxInF9//33eO+997Bz5054eXnB3d0dDQ0NcHNzw9WrV1udnnUUR48exeXLl3H06FGUlpbCxcWF\necH1b3lCQkIgk8nQp08feHh4QCqVOnxecnNzMXr0aADAwIEDodVq0dTUZNjuqHlpYepvx9Tn8NCh\nQ0WM0nGxJprG2mga66N5rJHmsU62j6Xrpc1eBhkWFobDhw8DAPLz86FUKuHp6SlyVOKoqanBhg0b\nsH37dvj4+AAARo0aZcjPkSNHMGbMGDFDFMXmzZuxb98+7N27FzNmzEBMTAzzAmD06NE4ceIE9Ho9\nKisrUVdXx7wA6Nu3L/Ly8gAAJSUl8PDwQGBgIHJycgA4bl5amDpGgoODce7cOVRXV0Oj0SA3NxfD\nhw8XOVLHxJpojLXRPNZH81gjzWOdbB9L10uJYMPnLJOSkpCTkwOJRIIVK1Zg4MCBYockirS0NCQn\nJ+Oee+4xPLdu3TokJiZCq9XC398fa9euhbOzs4hRiis5ORkBAQEYPXo04uLiHD4ve/bsQXp6OgDg\npZdeQlBQkMPnRaPRICEhAdeuXUNTUxMWLlwIhUKB5cuXQ6/XIzg4GMuWLRM7zG5x/vx5rF+/HiUl\nJZDJZLjjjjuQlJSE+Ph4o2Pk0KFDSElJgUQiQXR0NKZOnSp2+A6LNbE11sb2YX00xhppGuukse6o\nlzbdrBEREREREdkrm70MkoiIiIiIyJ6xWSMiIiIiIrJCbNaIiIiIiIisEJs1IiIiIiIiK8RmjYiI\niIiIyAqxWSMiIiIiIrJCbNaIiIiIiIisEJs1IiIiIiIiK/T/QIAVW7wfn2EAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "xAP1EoQi86XB", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Inference" + ] + }, + { + "metadata": { + "id": "K2yfNk3d8-Vj", + "colab_type": "code", + "outputId": "ac0cca73-6124-435d-e3cc-49b373d5e64d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 159 + } + }, + "cell_type": "code", + "source": [ + "# Feed in your own inputs\n", + "X_infer = np.array((0, 1, 2), dtype=np.float32)\n", + "standardized_X_infer = X_scaler.transform(X_infer.reshape(-1, 1))\n", + "pred_infer = (lm.predict(standardized_X_infer) * np.sqrt(y_scaler.var_)) + y_scaler.mean_\n", + "print (pred_infer)\n", + "df.head(3)" + ], + "execution_count": 15, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[10.50158072 14.14515288 17.78872504]\n" + ], + "name": "stdout" + }, + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
Xy
00.03.830389
11.016.092175
22.016.054555
\n", + "
" + ], + "text/plain": [ + " X y\n", + "0 0.0 3.830389\n", + "1 1.0 16.092175\n", + "2 2.0 16.054555" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 15 + } + ] + }, + { + "metadata": { + "id": "PHH0fYp_BYC5", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Interpretability" + ] + }, + { + "metadata": { + "id": "OhXo8CbPBZ-G", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Linear regression offers the great advantage of being highly interpretable. Each feature has a coefficient which signifies it's importance/impact on the output variable y. We can interpret our coefficient as follows: By increasing X by 1 unit, we increase y by $W$ (~3.65) units. \n", + "\n", + "**Note**: Since we standardized our inputs and outputs for gradient descent, we need to apply an operation to our coefficients and intercept to interpret them. See proof below." + ] + }, + { + "metadata": { + "id": "JZxnrDuCBbK9", + "colab_type": "code", + "outputId": "2a207e46-5939-4704-cf20-747e743459e1", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Unstandardize coefficients \n", + "coef = lm.coef_ * (y_scaler.scale_/X_scaler.scale_)\n", + "intercept = lm.intercept_ * y_scaler.scale_ + y_scaler.mean_ - np.sum(coef*X_scaler.mean_)\n", + "print (coef) # ~3.65\n", + "print (intercept) # ~10" + ], + "execution_count": 16, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[3.64357519]\n", + "[10.50158285]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "yVmIP13u9s33", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "### Proof for unstandardizing coefficients:\n", + "\n" + ] + }, + { + "metadata": { + "id": "ViDPSLbR9v4B", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Note that both X and y were standardized.\n", + "\n", + "$\\frac{\\mathbb{E}[y] - \\hat{y}}{\\sigma_y} = W_0 + \\sum_{j=1}^{k}W_jz_j$\n", + "\n", + "$z_j = \\frac{x_j - \\bar{x}_j}{\\sigma_j}$\n", + "\n", + "$ \\hat{y}_{scaled} = \\frac{\\hat{y}_{unscaled} - \\bar{y}}{\\sigma_y} = \\hat{W_0} + \\sum_{j=1}^{k} \\hat{W}_j (\\frac{x_j - \\bar{x}_j}{\\sigma_j}) $\n", + "\n", + "$\\hat{y}_{unscaled} = \\hat{W}_0\\sigma_y + \\bar{y} - \\sum_{j=1}^{k} \\hat{W}_j(\\frac{\\sigma_y}{\\sigma_j})\\bar{x}_j + \\sum_{j=1}^{k}(\\frac{\\sigma_y}{\\sigma_j})x_j $\n" + ] + }, + { + "metadata": { + "id": "rToCXKqeJcvj", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Regularization" + ] + }, + { + "metadata": { + "id": "L4GFv8xRJmOZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Regularization helps decrease over fitting. Below is L2 regularization (ridge regression). There are many forms of regularization but they all work to reduce overfitting in our models. With L2 regularization, we are penalizing the weights with large magnitudes by decaying them. Having certain weights with high magnitudes will lead to preferential bias with the inputs and we want the model to work with all the inputs and not just a select few. There are also other types of regularization like L1 (lasso regression) which is useful for creating sparse models where some feature cofficients are zeroed out, or elastic which combines L1 and L2 penalties. \n", + "\n", + "**Note**: Regularization is not just for linear regression. You can use it to regualr any model's weights including the ones we will look at in future lessons." + ] + }, + { + "metadata": { + "id": "D_OcpRxF-Oj7", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "* $ J(\\theta) = = \\frac{1}{2}\\sum_{i}(X_iW - y_i)^2 + \\frac{\\lambda}{2}\\sum\\sum W^2$\n", + "* $ \\frac{\\partial{J}}{\\partial{W}} = X (\\hat{y} - y) + \\lambda W $\n", + "* $W = W- \\alpha\\frac{\\partial{J}}{\\partial{W}}$\n", + "where:\n", + " * $\\lambda$ is the regularzation coefficient" + ] + }, + { + "metadata": { + "id": "HHaazL9f8QZX", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Initialize the model with L2 regularization\n", + "lm = SGDRegressor(loss=\"squared_loss\", penalty='l2', alpha=1e-2, \n", + " max_iter=args.num_epochs)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "VTIUZLbGZP4e", + "colab_type": "code", + "outputId": "f6ea31dd-889a-4d49-9dfe-71ce99734dae", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 173 + } + }, + "cell_type": "code", + "source": [ + "# Train\n", + "lm.fit(X=standardized_X_train, y=standardized_y_train)" + ], + "execution_count": 18, + "outputs": [ + { + "output_type": "stream", + "text": [ + "/usr/local/lib/python3.6/dist-packages/sklearn/linear_model/stochastic_gradient.py:183: FutureWarning: max_iter and tol parameters have been added in SGDRegressor in 0.19. If max_iter is set but tol is left unset, the default value for tol in 0.19 and 0.20 will be None (which is equivalent to -infinity, so it has no effect) but will change in 0.21 to 1e-3. Specify tol to silence this warning.\n", + " FutureWarning)\n" + ], + "name": "stderr" + }, + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "SGDRegressor(alpha=0.01, average=False, early_stopping=False, epsilon=0.1,\n", + " eta0=0.01, fit_intercept=True, l1_ratio=0.15,\n", + " learning_rate='invscaling', loss='squared_loss', max_iter=100,\n", + " n_iter=None, n_iter_no_change=5, penalty='l2', power_t=0.25,\n", + " random_state=None, shuffle=True, tol=None, validation_fraction=0.1,\n", + " verbose=0, warm_start=False)" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 18 + } + ] + }, + { + "metadata": { + "id": "ORwkUqcuZhbX", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Predictions (unstandardize them)\n", + "pred_train = (lm.predict(standardized_X_train) * np.sqrt(y_scaler.var_)) + y_scaler.mean_\n", + "pred_test = (lm.predict(standardized_X_test) * np.sqrt(y_scaler.var_)) + y_scaler.mean_" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "IWCvYxBxZhd5", + "colab_type": "code", + "outputId": "be12b93e-f7a2-45b1-e0f1-bd74fe4d7288", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Train and test MSE\n", + "train_mse = np.mean((y_train - pred_train) ** 2)\n", + "test_mse = np.mean((y_test - pred_test) ** 2)\n", + "print (\"train_MSE: {0:.2f}, test_MSE: {1:.2f}\".format(\n", + " train_mse, test_mse))" + ], + "execution_count": 20, + "outputs": [ + { + "output_type": "stream", + "text": [ + "train_MSE: 30.22, test_MSE: 35.73\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "mdNX2W5eh2ma", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Regularization didn't help much with this specific example because our data is generation from a perfect linear equation but for realistic data, regularization can help our model generalize well." + ] + }, + { + "metadata": { + "id": "C2mrVS4UZp3Q", + "colab_type": "code", + "outputId": "9cecf0b3-2c37-4a29-f9f9-fa139ce0863d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Unstandardize coefficients \n", + "coef = lm.coef_ * (y_scaler.scale_/X_scaler.scale_)\n", + "intercept = lm.intercept_ * y_scaler.scale_ + y_scaler.mean_ - (coef*X_scaler.mean_)\n", + "print (coef) # ~3.65\n", + "print (intercept) # ~10" + ], + "execution_count": 21, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[3.60760035]\n", + "[12.17506412]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "V74lNFE5v5pQ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Categorical variables" + ] + }, + { + "metadata": { + "id": "2r6Xhyg7v5vX", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "In our example, the feature was a continuous variable but what if we also have features that are categorical? One option is to treat the categorical variables as one-hot encoded variables. This is very easy to do with Pandas and once you create the dummy variables, you can use the same steps as above to train your linear model." + ] + }, + { + "metadata": { + "id": "unhcIOfMxQEQ", + "colab_type": "code", + "outputId": "a359bedd-0b16-4ca7-9b41-ef0ea1623380", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 173 + } + }, + "cell_type": "code", + "source": [ + "# Create data with categorical features\n", + "cat_data = pd.DataFrame(['a', 'b', 'c', 'a'], columns=['favorite_letter'])\n", + "cat_data.head()" + ], + "execution_count": 22, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
favorite_letter
0a
1b
2c
3a
\n", + "
" + ], + "text/plain": [ + " favorite_letter\n", + "0 a\n", + "1 b\n", + "2 c\n", + "3 a" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 22 + } + ] + }, + { + "metadata": { + "id": "m4eQmJdrxQGr", + "colab_type": "code", + "outputId": "64a09a9b-3d8b-47d5-e1bc-edb795291e6c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 173 + } + }, + "cell_type": "code", + "source": [ + "dummy_cat_data = pd.get_dummies(cat_data)\n", + "dummy_cat_data.head()" + ], + "execution_count": 23, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
favorite_letter_afavorite_letter_bfavorite_letter_c
0100
1010
2001
3100
\n", + "
" + ], + "text/plain": [ + " favorite_letter_a favorite_letter_b favorite_letter_c\n", + "0 1 0 0\n", + "1 0 1 0\n", + "2 0 0 1\n", + "3 1 0 0" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 23 + } + ] + }, + { + "metadata": { + "id": "B5R8x-KyiBWJ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Now you can concat this with your continuous features and train the linear model." + ] + }, + { + "metadata": { + "id": "eVOXoCRsokzp", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# TODO" + ] + }, + { + "metadata": { + "id": "4c7ttuUwfeLA", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "- polynomial regression\n", + "- simple example with normal equation method (sklearn.linear_model.LinearRegression) with pros and cons vs. SGD linear regression" + ] + } + ] +} diff --git a/notebooks/05_Logistic_Regression.ipynb b/notebooks/05_Logistic_Regression.ipynb new file mode 100644 index 00000000..f8206500 --- /dev/null +++ b/notebooks/05_Logistic_Regression.ipynb @@ -0,0 +1,1511 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "05_Logistic_Regression", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + } + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Logistic Regression" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "In the previous lesson, we saw how linear regression works really well for predicting continuous outputs that can easily fit to a line/plane. But linear regression doesn't fare well for classification asks where we want to probabilititcally determine the outcome for a given set on inputs.\n", + "\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Overview" + ] + }, + { + "metadata": { + "id": "qWro5T5qTJJL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "$ \\hat{y} = \\frac{1}{1 + e^{-XW}} $ \n", + "\n", + "*where*:\n", + "* $\\hat{y}$ = prediction | $\\in \\mathbb{R}^{NX1}$ ($N$ is the number of samples)\n", + "* $X$ = inputs | $\\in \\mathbb{R}^{NXD}$ ($D$ is the number of features)\n", + "* $W$ = weights | $\\in \\mathbb{R}^{DX1}$ \n", + "\n", + "This is the binomial logistic regression. The main idea is to take the outputs from the linear equation ($z=XW$) and use the sigmoid (logistic) function ($\\frac{1}{1+e^{-z}}$) to restrict the value between (0, 1). " + ] + }, + { + "metadata": { + "id": "YcFvkklZSZr9", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "When we have more than two classes, we need to use multinomial logistic regression (softmax classifier). The softmax classifier will use the linear equation ($z=XW$) and normalize it to product the probabiltiy for class y given the inputs.\n", + "\n", + "$ \\hat{y} = \\frac{e^{XW_y}}{\\sum e^{XW}} $ \n", + "\n", + "*where*:\n", + "* $\\hat{y}$ = prediction | $\\in \\mathbb{R}^{NX1}$ ($N$ is the number of samples)\n", + "* $X$ = inputs | $\\in \\mathbb{R}^{NXD}$ ($D$ is the number of features)\n", + "* $W$ = weights | $\\in \\mathbb{R}^{DXC}$ ($C$ is the number of classes)\n" + ] + }, + { + "metadata": { + "id": "T4Y55tpzIjOa", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "* **Objective:** Predict the probability of class $y$ given the inputs $X$. The softmax classifier normalizes the linear outputs to determine class probabilities. \n", + "* **Advantages:**\n", + " * Can predict class probabilities given a set on inputs.\n", + "* **Disadvantages:**\n", + " * Sensitive to outliers since objective is minimize cross entropy loss. (Support vector machines ([SVMs](https://towardsdatascience.com/support-vector-machine-vs-logistic-regression-94cc2975433f)) are a good alternative to counter outliers).\n", + "* **Miscellaneous:** Softmax classifier is going to used widely in neural network architectures as the last layer since it produces class probabilities." + ] + }, + { + "metadata": { + "id": "Jq65LZJbSpzd", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Training" + ] + }, + { + "metadata": { + "id": "-HBPn8zPTQfZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "*Steps*:\n", + "\n", + "1. Randomly initialize the model's weights $W$.\n", + "2. Feed inputs $X$ into the model to receive the logits ($z=XW$). Apply the softmax operation on the logits to get the class probabilies $\\hat{y}$ in one-hot encoded form. For example, if there are three classes, the predicted class probabilities could look like [0.3, 0.3, 0.4]. \n", + "3. Compare the predictions $\\hat{y}$ (ex. [0.3, 0.3, 0.4]]) with the actual target values $y$ (ex. class 2 would look like [0, 0, 1]) with the objective (cost) function to determine loss $J$. A common objective function for logistics regression is cross-entropy loss. \n", + " * $J(\\theta) = - \\sum_i y_i ln (\\hat{y_i}) = - \\sum_i y_i ln (\\frac{e^{X_iW_y}}{\\sum e^{X_iW}}) $\n", + " * $y$ = [0, 0, 1]\n", + " * $\\hat{y}$ = [0.3, 0.3, 0.4]]\n", + " * $J(\\theta) = - \\sum_i y_i ln (\\hat{y_i}) = - \\sum_i y_i ln (\\frac{e^{X_iW_y}}{\\sum e^{X_iW}}) = - \\sum_i [0 * ln(0.3) + 0 * ln(0.3) + 1 * ln(0.4)] = -ln(0.4) $\n", + " * This simplifies our cross entropy objective to the following: $J(\\theta) = - ln(\\hat{y_i})$ (negative log likelihood).\n", + " * $J(\\theta) = - ln(\\hat{y_i}) = - ln (\\frac{e^{X_iW_y}}{\\sum_i e^{X_iW}}) $\n", + "4. Calculate the gradient of loss $J(\\theta)$ w.r.t to the model weights. Let's assume that our classes are mutually exclusive (a set of inputs could only belong to one class).\n", + " * $\\frac{\\partial{J}}{\\partial{W_j}} = \\frac{\\partial{J}}{\\partial{y}}\\frac{\\partial{y}}{\\partial{W_j}} = - \\frac{1}{y}\\frac{\\partial{y}}{\\partial{W_j}} = - \\frac{1}{\\frac{e^{W_yX}}{\\sum e^{XW}}}\\frac{\\sum e^{XW}e^{W_yX}0 - e^{W_yX}e^{W_jX}X}{(\\sum e^{XW})^2} = \\frac{Xe^{W_j}X}{\\sum e^{XW}} = XP$\n", + " * $\\frac{\\partial{J}}{\\partial{W_y}} = \\frac{\\partial{J}}{\\partial{y}}\\frac{\\partial{y}}{\\partial{W_y}} = - \\frac{1}{y}\\frac{\\partial{y}}{\\partial{W_y}} = - \\frac{1}{\\frac{e^{W_yX}}{\\sum e^{XW}}}\\frac{\\sum e^{XW}e^{W_yX}X - e^{W_yX}e^{W_yX}X}{(\\sum e^{XW})^2} = \\frac{1}{P}(XP - XP^2) = X(P-1)$\n", + "5. Apply backpropagation to update the weights $W$ using gradient descent. The updates will penalize the probabiltiy for the incorrect classes (j) and encourage a higher probability for the correct class (y).\n", + " * $W_i = W_i - \\alpha\\frac{\\partial{J}}{\\partial{W_i}}$\n", + "6. Repeat steps 2 - 4 until model performs well." + ] + }, + { + "metadata": { + "id": "r_hKrjzdtTgM", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Data" + ] + }, + { + "metadata": { + "id": "PyccHrQztVEu", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're going to the load the titanic dataset we looked at in lesson 03_Pandas." + ] + }, + { + "metadata": { + "id": "H385V4VUtWOv", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from argparse import Namespace\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import pandas as pd\n", + "import urllib" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "pL67TlZO6Zg4", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " seed=1234,\n", + " data_file=\"titanic.csv\",\n", + " train_size=0.75,\n", + " test_size=0.25,\n", + " num_epochs=100,\n", + ")\n", + "\n", + "# Set seed for reproducability\n", + "np.random.seed(args.seed)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "7sp_tSyItf1_", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Upload data from GitHub to notebook's local drive\n", + "url = \"https://raw.githubusercontent.com/GokuMohandas/practicalAI/master/data/titanic.csv/"\n", + "response = urllib.request.urlopen(url)\n", + "html = response.read()\n", + "with open(args.data_file, 'wb') as f:\n", + " f.write(html)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "7alqmyzXtgE8", + "colab_type": "code", + "outputId": "353702e3-76f7-479d-df7a-5effcc8a7461", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 272 + } + }, + "cell_type": "code", + "source": [ + "# Read from CSV to Pandas DataFrame\n", + "df = pd.read_csv(args.data_file, header=0)\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
pclassnamesexagesibspparchticketfarecabinembarkedsurvived
01Allen, Miss. Elisabeth Waltonfemale29.00000024160211.3375B5S1
11Allison, Master. Hudson Trevormale0.916712113781151.5500C22 C26S1
21Allison, Miss. Helen Lorainefemale2.000012113781151.5500C22 C26S0
31Allison, Mr. Hudson Joshua Creightonmale30.000012113781151.5500C22 C26S0
41Allison, Mrs. Hudson J C (Bessie Waldo Daniels)female25.000012113781151.5500C22 C26S0
\n", + "
" + ], + "text/plain": [ + " pclass name sex age \\\n", + "0 1 Allen, Miss. Elisabeth Walton female 29.0000 \n", + "1 1 Allison, Master. Hudson Trevor male 0.9167 \n", + "2 1 Allison, Miss. Helen Loraine female 2.0000 \n", + "3 1 Allison, Mr. Hudson Joshua Creighton male 30.0000 \n", + "4 1 Allison, Mrs. Hudson J C (Bessie Waldo Daniels) female 25.0000 \n", + "\n", + " sibsp parch ticket fare cabin embarked survived \n", + "0 0 0 24160 211.3375 B5 S 1 \n", + "1 1 2 113781 151.5500 C22 C26 S 1 \n", + "2 1 2 113781 151.5500 C22 C26 S 0 \n", + "3 1 2 113781 151.5500 C22 C26 S 0 \n", + "4 1 2 113781 151.5500 C22 C26 S 0 " + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 4 + } + ] + }, + { + "metadata": { + "id": "k-5Y4zLIoE6s", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Scikit-learn implementation" + ] + }, + { + "metadata": { + "id": "ILkbyBHQoIwE", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "**Note**: The `LogisticRegression` class in Scikit-learn uses coordinate descent to solve the fit. However, we are going to use Scikit-learn's `SGDClassifier` class which uses stochastic gradient descent. We want to use this optimization approach because we will be using this for the models in subsequent lessons." + ] + }, + { + "metadata": { + "id": "W1MJODStIu8V", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Import packages\n", + "from sklearn.linear_model import SGDClassifier\n", + "from sklearn.preprocessing import StandardScaler\n", + "from sklearn.model_selection import train_test_split" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "kItBIOOCTi6p", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Preprocessing\n", + "def preprocess(df):\n", + " \n", + " # Drop rows with NaN values\n", + " df = df.dropna()\n", + "\n", + " # Drop text based features (we'll learn how to use them in later lessons)\n", + " features_to_drop = [\"name\", \"cabin\", \"ticket\"]\n", + " df = df.drop(features_to_drop, axis=1)\n", + "\n", + " # pclass, sex, and embarked are categorical features\n", + " categorical_features = [\"pclass\",\"embarked\",\"sex\"]\n", + " df = pd.get_dummies(df, columns=categorical_features)\n", + "\n", + " return df" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "QwQHDh4xuYTB", + "colab_type": "code", + "outputId": "153ea757-b817-406d-dbde-d1fba88f194b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 224 + } + }, + "cell_type": "code", + "source": [ + "# Preprocess the dataset\n", + "df = preprocess(df)\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
agesibspparchfaresurvivedpclass_1pclass_2pclass_3embarked_Cembarked_Qembarked_Ssex_femalesex_male
029.000000211.3375110000110
10.916712151.5500110000101
22.000012151.5500010000110
330.000012151.5500010000101
425.000012151.5500010000110
\n", + "
" + ], + "text/plain": [ + " age sibsp parch fare survived pclass_1 pclass_2 pclass_3 \\\n", + "0 29.0000 0 0 211.3375 1 1 0 0 \n", + "1 0.9167 1 2 151.5500 1 1 0 0 \n", + "2 2.0000 1 2 151.5500 0 1 0 0 \n", + "3 30.0000 1 2 151.5500 0 1 0 0 \n", + "4 25.0000 1 2 151.5500 0 1 0 0 \n", + "\n", + " embarked_C embarked_Q embarked_S sex_female sex_male \n", + "0 0 0 1 1 0 \n", + "1 0 0 1 0 1 \n", + "2 0 0 1 1 0 \n", + "3 0 0 1 0 1 \n", + "4 0 0 1 1 0 " + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 7 + } + ] + }, + { + "metadata": { + "id": "wsGRZNNiUTqj", + "colab_type": "code", + "outputId": "c9364be7-3cae-487f-9d96-3210b3129199", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Split the data\n", + "mask = np.random.rand(len(df)) < args.train_size\n", + "train_df = df[mask]\n", + "test_df = df[~mask]\n", + "print (\"Train size: {0}, test size: {1}\".format(len(train_df), len(test_df)))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Train size: 199, test size: 71\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "oZKxFmATU95M", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "**Note**: If you have preprocessing steps like standardization, etc. that are calculated, you need to separate the training and test set first before spplying those operations. This is because we cannot apply any knowledge gained from the test set accidentally during preprocessing/training." + ] + }, + { + "metadata": { + "id": "cLzL_LJd4vQ-", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Separate X and y\n", + "X_train = train_df.drop([\"survived\"], axis=1)\n", + "y_train = train_df[\"survived\"]\n", + "X_test = test_df.drop([\"survived\"], axis=1)\n", + "y_test = test_df[\"survived\"]" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "AdTYbV472UNJ", + "colab_type": "code", + "outputId": "214a8114-3fd3-407f-cd6e-5f5d07294f50", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Standardize the data (mean=0, std=1) using training data\n", + "X_scaler = StandardScaler().fit(X_train)\n", + "\n", + "# Apply scaler on training and test data (don't standardize outputs for classification)\n", + "standardized_X_train = X_scaler.transform(X_train)\n", + "standardized_X_test = X_scaler.transform(X_test)\n", + "\n", + "# Check\n", + "print (\"mean:\", np.mean(standardized_X_train, axis=0)) # mean should be ~0\n", + "print (\"std:\", np.std(standardized_X_train, axis=0)) # std should be 1" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "mean: [-1.78528326e-17 7.14113302e-17 -5.80217058e-17 -5.35584977e-17\n", + " 3.57056651e-17 -8.92641628e-17 3.57056651e-17 -3.79372692e-17\n", + " 0.00000000e+00 3.79372692e-17 1.04885391e-16 -6.69481221e-17]\n", + "std: [1. 1. 1. 1. 1. 1. 1. 1. 0. 1. 1. 1.]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "7-vm9AZm1_f9", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Initialize the model\n", + "log_reg = SGDClassifier(loss=\"log\", penalty=\"none\", max_iter=args.num_epochs, \n", + " random_state=args.seed)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "0e8U9NNluYVp", + "colab_type": "code", + "outputId": "c5f22ade-bb8c-479b-d300-98758a82d396", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Train\n", + "log_reg.fit(X=standardized_X_train, y=y_train)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "SGDClassifier(alpha=0.0001, average=False, class_weight=None, epsilon=0.1,\n", + " eta0=0.0, fit_intercept=True, l1_ratio=0.15,\n", + " learning_rate='optimal', loss='log', max_iter=100, n_iter=None,\n", + " n_jobs=1, penalty='none', power_t=0.5, random_state=1234,\n", + " shuffle=True, tol=None, verbose=0, warm_start=False)" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 12 + } + ] + }, + { + "metadata": { + "id": "hA7Oz97NAe8A", + "colab_type": "code", + "outputId": "ab8a878a-6012-4727-8cd1-40bc5c69245b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Probabilities\n", + "pred_test = log_reg.predict_proba(standardized_X_test)\n", + "print (pred_test[:5])" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[[0.60319594 0.39680406]\n", + " [0.00374908 0.99625092]\n", + " [0.81886302 0.18113698]\n", + " [0.01082253 0.98917747]\n", + " [0.93508814 0.06491186]]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "-jZtTd7F6_ps", + "colab_type": "code", + "outputId": "d2306e4c-88a4-4ac4-9ad5-879fa461617f", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Predictions (unstandardize them)\n", + "pred_train = log_reg.predict(standardized_X_train) \n", + "pred_test = log_reg.predict(standardized_X_test)\n", + "print (pred_test)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[0 1 0 1 0 1 0 0 1 1 0 0 0 0 1 0 1 0 0 0 1 1 1 1 0 0 0 0 1 0 0 0 1 0 0 1 0\n", + " 1 0 0 1 1 1 0 1 1 0 0 0 0 1 0 0 1 0 1 0 0 0 0 0 0 1 1 1 1 1 1 1 1 1]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "dM7iYW8ANYjy", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Evaluation metrics" + ] + }, + { + "metadata": { + "id": "uFXbczqu8Rno", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from sklearn.metrics import accuracy_score" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "sEjansj78Rqe", + "colab_type": "code", + "outputId": "f5bfbe87-12c9-4aa5-fc61-e615ad4e63d4", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Accuracy\n", + "train_acc = accuracy_score(y_train, pred_train)\n", + "test_acc = accuracy_score(y_test, pred_test)\n", + "print (\"train acc: {0:.2f}, test acc: {1:.2f}\".format(train_acc, test_acc))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "train acc: 0.77, test acc: 0.82\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "WijzY-vDNbE9", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "So far we looked at accuracy as the metric that determines our mode's level of performance. But we have several other options when it comes to evaluation metrics.\n", + "\n", + "" + ] + }, + { + "metadata": { + "id": "80MwyE0yOr-k", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "The metric we choose really depends on the situation.\n", + "positive - true, 1, tumor, issue, etc., negative - false, 0, not tumor, not issue, etc.\n", + "\n", + "$\\text{accuracy} = \\frac{TP+TN}{TP+TN+FP+FN}$ \n", + "\n", + "$\\text{recall} = \\frac{TP}{TP+FN}$ → (how many of the actual issues did I actually catch)\n", + "\n", + "$\\text{precision} = \\frac{TP}{TP+FP}$ → (out of all the things I said were issues, how many were actually issues)\n", + "\n", + "$F_1 = 2 * \\frac{\\text{precision } * \\text{ recall}}{\\text{precision } + \\text{ recall}}$\n", + "\n", + "where: \n", + "* TP: # of samples predicted to be positive and were actually positive\n", + "* TN: # of samples predicted to be negative and were actually negative\n", + "* FP: # of samples predicted to be positive but were actually negative\n", + "* FN: # of samples predicted to be negative but were actually positive" + ] + }, + { + "metadata": { + "id": "opmu3hJm9LXA", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import itertools\n", + "from sklearn.metrics import classification_report, confusion_matrix" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "wAzOL8h29m82", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Plot confusion matrix\n", + "def plot_confusion_matrix(cm, classes):\n", + " cmap=plt.cm.Blues\n", + " plt.imshow(cm, interpolation='nearest', cmap=cmap)\n", + " plt.title(\"Confusion Matrix\")\n", + " plt.colorbar()\n", + " tick_marks = np.arange(len(classes))\n", + " plt.xticks(tick_marks, classes, rotation=45)\n", + " plt.yticks(tick_marks, classes)\n", + " plt.grid(False)\n", + "\n", + " fmt = 'd'\n", + " thresh = cm.max() / 2.\n", + " for i, j in itertools.product(range(cm.shape[0]), range(cm.shape[1])):\n", + " plt.text(j, i, format(cm[i, j], 'd'),\n", + " horizontalalignment=\"center\",\n", + " color=\"white\" if cm[i, j] > thresh else \"black\")\n", + "\n", + " plt.ylabel('True label')\n", + " plt.xlabel('Predicted label')\n", + " plt.tight_layout()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "KqUVzahQ-5ic", + "colab_type": "code", + "outputId": "bff8819e-3d5b-45b9-c221-179c873140b1", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 520 + } + }, + "cell_type": "code", + "source": [ + "# Confusion matrix\n", + "cm = confusion_matrix(y_test, pred_test)\n", + "plot_confusion_matrix(cm=cm, classes=[\"died\", \"survived\"])\n", + "print (classification_report(y_test, pred_test))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + " precision recall f1-score support\n", + "\n", + " 0 0.74 0.91 0.82 32\n", + " 1 0.91 0.74 0.82 39\n", + "\n", + "avg / total 0.83 0.82 0.82 71\n", + "\n" + ], + "name": "stdout" + }, + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAbIAAAGACAYAAADIwee6AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzt3XlclPX6//H3sAlkKuCKay4nLcU8\nZYUeN9RIk7KsRA09Vl9Xcilz17TMrdSjaW7HXPBUEmpiuGt61EBz6aDmlnbMXEgRVBDZf3/4iyOp\n97gNc9/0evqYx4O5Z+77vij0zfW5r5mx5ebm5goAAItycXYBAADcC4IMAGBpBBkAwNIIMgCApRFk\nAABLI8gAAJZGkMFScnNzNX/+fLVp00bBwcFq0aKFRo0apcuXL9/TcQcMGKAmTZpo69atd7xvfHy8\n3njjjXs6//UGDx6s2rVrKzk5Od/2Xbt26eGHH9ayZcvsHmPVqlVKSUm56WOTJk3SF198cV9qBcyA\nIIOlfPzxx1q1apXmzZuntWvXKjo6WpmZmerevbvu5SWRMTExioiIUKNGje5434CAAM2bN++uz30z\nJUuW1Nq1a/Nti4mJUbly5W5r/2nTpt0yyN555x116NDhnmsEzIIgg2UkJycrIiJC48ePV5kyZSRJ\n3t7eGjlypN58803l5uYqPT1dI0eOVHBwsFq1aqXx48crOztbkhQUFKQvv/xSL7/8sv72t79p/Pjx\nkqSwsDDl5OTojTfe0JYtWxQUFKRdu3blnff3+1lZWRo2bJiCg4PVsmVLhYeHKyUlRTt27FDLli0l\n6a7OfzONGzfWN998k3c/OztbW7du1V//+te8bcePH1eHDh3UqlUrtWzZMu/5Q4YM0c8//6ywsDDt\n2rVLgwcP1rhx4xQSEqLVq1dr8ODB+vTTTxUfH6+mTZsqNTVVkjRr1iz16dPnnv8/AQWNIINl/Oc/\n/1HZsmVVrVq1fNuLFCmioKAgubi4aOHChTp79qxiYmK0fPly7dq1K18gfP/991qyZImWLl2qxYsX\n6+zZs4qIiJAkRUREqEmTJrc8/7Zt2/Trr79qzZo1WrdunapXr669e/fme87dnP9m6tatq1OnTikh\nIUGSFBsbq4CAAHl4eOQ9Z+LEiWrWrJlWr16tsWPHatiwYcrMzNS4cePyvp8nnngib/+oqCi1atUq\nb/+AgAC1aNFCs2fPVkJCgj7//HMNHz781v8DAJMiyGAZycnJ8vPzM3zO5s2b9eqrr8rNzU2enp4K\nCQnR9u3b8x4PCQmRq6urypQpIz8/P505c+a2z+/r66tjx45p/fr1SktLU79+/W5Yirxf57fZbAoO\nDlZMTIyka8uKrVu3zvecTz/9NO/a3OOPP6709HSdO3fupscLDAxUkSJFbtjev39/rVmzRkOGDFGv\nXr1UunTp2/7vAZgFQQbL8PHxyetQbuXChQsqXrx43v3ixYsrMTEx737RokXzvnZ1dc1b9rsdAQEB\nGj58uCIiItSwYUO98847unTpksPO36ZNG33zzTfKyMjQjh071Lhx43yPb926VZ06dVJwcLBat26t\n3Nxc5eTk3PRY19d0vQceeECtWrXS7t27FRIScutvHjAxggyW8dhjjykxMVEHDhzItz0zM1NTpkxR\nWlqaSpYsmW/aLzk5WSVLlryj87i4uOQLhIsXL+Z9/eyzzyoiIkLffvut0tLSbhjyuB/n/92jjz6q\n1NRURUZGqn79+vmWFTMzM9WvXz/17Nkzb+jFZrPd8TkSEhK0cuVKPffcc5o+ffpd1Qk4G0EGyyhW\nrJjefPNNDRo0SCdOnJAkpaWlaeTIkfrxxx/l5eWlpk2bKioqStnZ2bpy5YpWrFhheN3rZkqVKqVD\nhw5JujbGnp6eLklaunSpZsyYIUkqUaKEqlatesO+9+P813vuuec0c+bMG5YV09LSdOXKFdWuXVvS\ntWtz7u7uunLliiTJzc3thm7xZj788EO9+eabGjp0qFavXq2DBw/eda2AsxBksJS33npLr776qnr2\n7Kng4GC99NJL8vPzy+smwsLCVLZsWT333HNq166dmjZtmm/A4Xb06tVLCxYsUJs2bXTs2DFVr15d\nktS8eXMdOHBAzzzzjFq1aqWffvpJXbt2zbfv/Tj/9Z577jllZWWpQYMG+bb/Hupt27ZV27ZtValS\nJbVo0UI9evTQlStX9Oyzzyo0NFSrVq265bE3b96sX3/9VaGhoSpatKj69++v4cOH39FyK2AGNj6P\nDABgZXRkAABLI8gAAJZGkAEALI0gAwBYGkEGALA0N2cXYAZe9cKdXQIKoaTveYExHMOzgP/lvpd/\nI9P2Ov7vAUEGADBmM/finbmrAwDADjoyAICxu3gfz4JEkAEAjJl8aZEgAwAYoyMDAFgaHRkAwNLo\nyAAAlmbyjszc1QEAYAcdGQDAGEuLAABLM/nSIkEGADBGRwYAsDQ6MgCApdGRAQAszeQdmbmrAwDA\nDjoyAIAxk3dkBBkAwJgL18gAAFZGRwYAsDSmFgEAlmbyjszc1QEAYAcdGQDAGEuLAABLM/nSIkEG\nADBGRwYAsDQ6MgCApdGRAQAszeQdmbmrAwDADjoyAIAxlhYBAJZm8qVFggwAYIwgAwBYGkuLAABL\noyMDAFiayTsyc8csAAB20JEBAIyxtAgAsDSTLy0SZAAAQzaCDABgZQQZAMDazJ1jBBkAwHkmTpyo\n3bt3KysrS927d9emTZt04MABlShRQpL0xhtvqGnTpobHIMgAAIYctbQYFxeno0ePasmSJUpKStKL\nL76op59+Wm+//baaNWt228chyAAAhhwVZPXr11dAQIAkqVixYkpLS1N2dvYdH8fcLw4AADidzWa7\n65sRV1dXeXt7S5KioqLUuHFjubq6avHixercubP69++vCxcu2K2PjgwAYMjRU4sbNmxQVFSUPvvs\nM+3fv18lSpRQrVq1NGfOHE2fPl0jR4403J+ODABgzHYPNzu2bt2qWbNmae7cuXrwwQcVGBioWrVq\nSZKCgoJ05MgRu8cgyAAAhhy1tHj58mVNnDhRs2fPzptSfOutt3Ty5ElJ0o4dO1SjRg279bG0CABw\nilWrVikpKUn9+vXL2/bSSy+pX79+8vLykre3t8aNG2f3OLbc3NxcRxZqBV71wp1dAgqhpO+nO7sE\nFFKeBdyC+Lz2r7veN2lxp/tYyc3RkQEADPEWVQAASyPIAADWZu4cI8gAAMboyAAAlmb2ION1ZAAA\nS6MjAwAYMntHRpABAIyZO8cIMgCAMToyAIClEWQAAEsjyAAAlmb2IGP8HgBgaXRkAABj5m7ICDIA\ngDGWFmFZzzWpo7gvB2vv0uHa+Fl/PVKtnFxdXTT+7Rf1w7LhOrzqffXv3NzZZcLili9bqqcef0x1\na9dUUJO/6cD+/c4uCX/gqE+Ivl/oyHBT/qWKa+77YQrqOlmHjp9Vt1caafrwUH2x6nvVr11FT4WO\nVxEPN21ZOEA79/1X2/cec3bJsKBffvlFfXr30La4XapcubKmT5uq7v/3urbF7nR2abgOHRksKTMr\nW12GzNeh42clSd/9cEy1qpVT86dqasnqXUrPyNKllKuKiI5T2+aPOblaWJW7u7sWRHyuypUrS5Ka\nBTXX0SOHnVwVbmC7h1sBoCPDTZ1LStH67w7m3Q9u+Ii+33dCuZJcXf/3+0/KlXRVrVjKCRWiMChX\nrpzKlSsnScrKylLEogVqE/KCk6uC1dCRwa6mT/5F4Z2CNHDSUm2MO6QubQNVvKiXfIs/oI5tnpRn\nEX4fwr2ZPm2qKpcvo+3btmrMuAnOLgd/YPZrZJYKstTUVAUFBal///66evXqbe3Tp08f7dixw8GV\nFV4hTQM0d3SY2vWdpUPHz2r+8u+0Ke6Q/h0xQF98/KY2xh3Sxctpzi4TFhfep69+PXte4X36qVnj\nBkpL42fKTAgyB5gyZYo8PT2dXUah1+yph/XxwJfVptd07fnxF0lSdnaOhv7ja9V98QMF/99UZWVn\na//R006uFFZ16OBBbdq4QdK1fyzbh3bQ5UuXdOQw18nMxOxBZvo1oZSUFL311ltKT0/X448/LkkK\nCgrSypUrlZKSomHDhikzM1Ourq4aM2aM/P39NXfuXMXExMjf318pKSlO/g6sycvTXXNGvaZX356j\nwz8n5G0PbfWEWjepoy5DFqhsyWIKC3labXpNd2KlsLLz58/pja6dtT1ul/z9/fXd9u3KzMzUQ1Wr\nOrs0XMfsU4umD7IVK1aoRo0aGjp0qFatWqWYmJi8x6ZOnarXX39dDRo00JYtW/Tpp59q4MCB+uKL\nL7R69WplZmaqZcuWTqzeukKaBqikT1HN/7BLvu3P956hts0f048r31NWdo5GTFuh4yfPO6lKWN3f\nGjXWoMHD9NyzLZSTk6MiHkW06F9fqlixYs4uDdczd46ZP8iOHTum+vXrS5KefPLJfI/t3btXP//8\ns2bOnKns7Gz5+vrqxIkTql69uooUKaIiRYro0UcfdUbZlhe5Zrci1+y+6WOhA/5ZwNWgMOvRq7d6\n9Ort7DJggI7sHuXm5srF5dqlvJycnHyPubu7a+rUqSpdunTetvj4+Lzn/74/AKDwMv2wx0MPPaT9\n//8ta/44fVi3bl1t2HDtQnFsbKxWrlypSpUq6dixY8rIyFBKSkrevgCAu8Owxz1q27atevfurS5d\nuuQNe/wuPDxcQ4cOVUxMjGw2m8aNG6cSJUqobdu2Cg0NVYUKFVSnTh0nVQ4AhYPJVxZly2XtTV71\nwp1dAgqhpO+Z5oRjeBZwC1Lj3TV3ve/Rj569j5XcnOk7MgCAc5m9IyPIAACGmFoEAFiayXPM/FOL\nAAAYoSMDABhycTF3S0aQAQAMmX1pkSADABhi2AMAYGkmzzGCDABgzOwdGVOLAABLoyMDABgye0dG\nkAEADJk8xwgyAIAxOjIAgKWZPMcIMgCAMToyAIClmTzHGL8HAFgbHRkAwBBLiwAASzN5jhFkAABj\ndGQAAEtzZI5NnDhRu3fvVlZWlrp37646depo4MCBys7OVqlSpfTRRx/Jw8PD8BgEGQDAkKM6sri4\nOB09elRLlixRUlKSXnzxRQUGBqpjx45q1aqVJk+erKioKHXs2NHwOEwtAgAM2Wx3fzNSv359TZ06\nVZJUrFgxpaWlaceOHWrevLkkqVmzZoqNjbVbH0EGAHAKV1dXeXt7S5KioqLUuHFjpaWl5S0l+vn5\n6dy5c3aPQ5ABAAzZbLa7vt2ODRs2KCoqSiNHjsy3PTc397b25xoZAMCQI4c9tm7dqlmzZumf//yn\nHnzwQXl7e+vq1avy9PRUQkKCSpcubfcYdGQAAEOO6sguX76siRMnavbs2SpRooQkqUGDBlq7dq0k\nad26dWrUqJHd+ujIAACGHDW1uGrVKiUlJalfv35528aPH6/hw4dryZIl8vf3V9u2be0ehyADABhy\n1NJi+/bt1b59+xu2z58//46OQ5ABAAyZ/Z09uEYGALA0OjIAgCGTN2QEGQDAmNmXFgkyAIAhk+cY\nQQYAMOZi8iQjyAAAhkyeY0wtAgCsjY4MAGCIYQ8AgKW5mDvHCDIAgDE6MgCApZk8xwgyAIAxm8yd\nZAQZAMCQ2a+RMX4PALA0OjIAgCGGPQAAlmbyHCPIAADGLPtei1FRUYY7vvzyy/e9GACA+Zg8x24d\nZLt37zbckSADgD8Hy14jGzduXN7XOTk5SkxMVKlSpQqkKACAeZg8x+yP38fGxqpFixYKCwuTJI0d\nO1abN292dF0AANwWu0E2ZcoURUZG5nVjPXr00KeffurwwgAA5uBis931rSDYnVr09vZWyZIl8+77\n+vrK3d3doUUBAMzD5CuL9oPM09NTO3fulCRdvHhRMTExKlKkiMMLAwCYg9mHPewuLb733nuaN2+e\n9u3bp5YtW2rr1q16//33C6I2AIAJuNju/lYQ7HZk5cqV0+zZswuiFgCACVm+I/v+++/Vrl07PfbY\nY6pXr57at29v9zVmAIDCw2a7+1tBsNuRvf/++xo6dKj++te/Kjc3V7t379bo0aMVHR1dEPUBAGDI\nbpD5+fkpMDAw737Dhg3l7+/v0KIAAOZh9qXFWwbZyZMnJUl16tTRZ599pgYNGsjFxUWxsbF65JFH\nCqxAAIBzmf2DNW8ZZF26dJHNZlNubq4kafHixXmP2Ww29enTx/HVAQCczrId2aZNm2650549exxS\nDADAfMwdY7dxjSwlJUUrVqxQUlKSJCkzM1NLly7Vtm3bHF4cAMD5zP55ZHbH7/v166fDhw9r2bJl\nSk1N1bfffqtRo0YVQGkAANhnN8jS09P1/vvvq3z58ho0aJAWLVqk1atXF0RtAAATsPzryDIzM3Xl\nyhXl5OQoKSlJPj4+eRONAIDCz7LDHr974YUXFBkZqVdeeUWtW7eWr6+vKlWqVBC1AQBMwOQ5Zj/I\nOnTokPd1YGCgEhMTeR0ZAPyJmH3Y45ZBNnXq1FvutH79evXt29chBQEAzMXkOXbrIHN1dS3IOpxq\nzZd8LA3uP5/64c4uAYVU2t7pBXo+y14jCw/nLyEAwPzsXiMDAPy52X2dlpMRZAAAQ2ZfWrytoE1K\nStK+ffskSTk5OQ4tCABgLi62u78VSH32nvDNN9+offv2GjJkiCTpgw8+0FdffeXwwgAA5mD5IJs/\nf75WrFghHx8fSdKgQYMUGRnp8MIAAOZgs9nu+lYQ7F4je/DBB+Xl5ZV339PTU+7u7g4tCgBgHpb9\nYM3f+fj4aPny5UpPT9eBAwe0atUq+fr6FkRtAADYZXdpcfTo0dq3b59SU1M1fPhwpaena8yYMQVR\nGwDABBz57vdHjhxRixYttHjxYknS4MGDFRISorCwMIWFhWnz5s12j2G3IytWrJhGjhxpvxoAQKHk\nqPdavHLlij744AMFBgbm2/7222+rWbNmt30cu0HWpEmTm16wu52UBABYn6NeEO3h4aG5c+dq7ty5\n93Qcu0H2+eef532dmZmp2NhYpaen39NJAQDW4ajhQzc3N7m53RhDixcv1vz58+Xn56cRI0bYncuw\nG7Tly5fPu1WpUkUdOnTQ1q1b775yAICluNhsd327Uy+88IIGDBigRYsWqVatWpo+3f4bJNvtyGJj\nY/PdP3v2rH755Zc7Lg4AAHuuv14WFBSkUaNG2d3HbpB9+umneV/bbDYVLVpUo0ePvrsKAQCWU5Bv\ntfjWW29p4MCBqlixonbs2KEaNWrY3cdukA0ePFiPPvrofSkQAGA9jnpB9P79+zVhwgSdOnVKbm5u\nWrt2rV577TX169dPXl5e8vb21rhx4+wex26QTZgwQYsWLbovRQMArMdR4/e1a9dWRETEDduDg4Pv\n6Dh2g8zf319hYWGqW7duvrem6tu37x2dCABgTSb/FBf7QVahQgVVqFChIGoBAJiQZd9rMTo6Ws8/\n/7zCw8MLsh4AgMnYZO4ku+XryKKiogqyDgAA7ordpUUAwJ+bZZcW9+7dq6ZNm96wPTc3Vzabjfda\nBIA/CcsG2SOPPKLJkycXZC0AABMqqE96vlu3DDIPDw+VL1++IGsBAJiQZTuygICAgqwDAGBSJm/I\nbh1k7777bkHWAQAwKUe9s8f94qjPSwMAoEAwfg8AMGTZa2QAAEgWvkYGAIAkuZj8LaoIMgCAIToy\nAIClcY0MAGBpjN8DAOBAdGQAAEMmb8gIMgCAMbMvLRJkAABDJs8xggwAYMzswxQEGQDAkNk/j8zs\nQQsAgCE6MgCAIXP3YwQZAMAOphYBAJZm7hgjyAAAdpi8ISPIAADGzD61SJABAAyZfbzd7PUBAGCI\njgwAYIilRQCApZk7xggyAIAddGQAAEsz+zAFQQYAMERHBgCwNHPHmPk7RgAADNGRAQAMmXxlkSAD\nABhzMfniIkEGADBERwYAsDQbHRkAwMrM3pExtQgAsDQ6MgCAIYY9AACWZvalRYIMAGCIIAMAWBpT\niwAAS3Mxd44xtQgAMGa7hz/2HDlyRC1atNDixYslSWfOnFFYWJg6duyovn37KiMjw+4xCDIYysrM\n1KfjR6hpTT/9dvZU3vavFs5S59ZPK+zZJzVxeF9l3sYPG/C755rUUdyXg7V36XBt/Ky/HqlWTq6u\nLhr/9ov6YdlwHV71vvp3bu7sMuFgV65c0QcffKDAwMC8bdOmTVPHjh31+eefq3LlyoqKirJ7HIIM\nhob1fk1e3g/k23bgh++1dNFszfhyrRat3qGUSxe1NGKOkyqE1fiXKq6574fp70MXqF67MVqyepem\nDw/V6y81UP3aVfRU6HjVf3WsOr8QqIb1qjm7XOjasMfd3ox4eHho7ty5Kl26dN62HTt2qHnza7/E\nNGvWTLGxsXbrI8hgqHPPAeraZ3C+bVvWRKtZ67Z6sFhx2Ww2tW7XSVvWrnBShbCazKxsdRkyX4eO\nn5UkfffDMdWqVk7Nn6qpJat3KT0jS5dSrioiOk5tmz/m5GohOW5p0c3NTZ6envm2paWlycPDQ5Lk\n5+enc+fO2a2PIIOhR+vVv2Hbyf8eU/mKD+Xd969YRb8cP1qQZcHCziWlaP13B/PuBzd8RN/vO6Fc\nSa6u//snKeVKuqpWLOWECvFHLra7v92L3Nzc26vv3k6DP6P0q1fkUaRI3v0inl5KS7vixIpgVU2f\n/IvCOwVp4KSl2hh3SF3aBqp4US/5Fn9AHds8Kc8iDFabgSOHPf7I29tbV69elSQlJCTkW3a8FVMH\n2Zw5c7R379673n/x4sX65JNP7mNFkCRPrweUkZ6ed//q1Ss3XEcD7AlpGqC5o8PUru8sHTp+VvOX\nf6dNcYf074gB+uLjN7Ux7pAuXk5zdpmQ466R3UyDBg20du1aSdK6devUqFEju/uY+tedbt26ObsE\n3ESlqjV06pfjefdP/fe4qlR72IkVwWqaPfWwPh74str0mq7DPydIkrKzczT0H19r6D++liQN6fas\n9h897cwy8f856mVk+/fv14QJE3Tq1Cm5ublp7dq1+vjjjzV48GAtWbJE/v7+atu2rd3jOCTITp8+\nrXfffVcuLi7Kzs5WgwYNlJqaqkGDBik1NVUhISHatGmTnnnmGTVu3Fh+fn76+uuv81J4+fLlOnTo\nkC5evKjg4GBNmzZNM2bMkL+/v06dOqW33npLX331lUaMGKGTJ08qKytLffr0UWBgoGJjYzV27FiV\nLFlSpUqVUsWKFR3xLf6pNX32BY3s00Wv/L2XipXwVVTEbDV/7iVnlwWL8PJ015xRr+nVt+fkhZgk\nhbZ6Qq2b1FGXIQtUtmQxhYU8rTa9pjuxUjha7dq1FRERccP2+fPn39FxHBJka9euVYMGDdS7d28d\nOHBA27dvV2pq6g3Py8rKUuPGjdW4cWPFxcXp6NGjqlGjhjZu3KjXX39dkZGRkqQWLVro22+/VadO\nnbRx40Y988wzWrlypUqVKqWxY8fqwoUL6tKli1auXKlJkybpo48+Us2aNfV///d/BNk9uHD+N/UN\nC8m736/zC3J1ddXkBcvVvmtv9enURrnK1RMNmuj5Dq87sVJYSUjTAJX0Kar5H3bJt/353jPUtvlj\n+nHle8rKztGIaSt0/OR5J1WJ67mY/M0WHRJkDRs2VHh4uC5fvqzg4GCVLFlSSUlJN31uQECAJOmZ\nZ57Rt99+q0qVKuno0aOqV69eXpA988wzGj9+fF6QjRo1SgsWLNDu3bu1Z88eSVJ6eroyMjJ06tQp\n1axZU5JUv359pV93LQd3xrdkaUWs3nHTx9p17q52nbsXcEUoDCLX7Fbkmt03fSx0wD8LuBrcDnPH\nmIOC7C9/+YtWrFih7du3a/LkyXrppf8tO2VlZeV7rru7u6RrXVe/fv1Uo0YNNWrUSLbrfgOoUaOG\nfvvtN505c0aXL1/WQw89JHd3d/Xo0UNt2rTJdzwXl//Nr9zu6CYAwIDJk8whU4sxMTE6evSoWrRo\nob59++qzzz7Tb7/9Jknavfvmv4mVKVNGNptN33zzjYKDg294vGnTppoyZYqCgoIkSXXr1tXGjRsl\nSYmJiZo8eXLecY4fP67c3Fzt3LnTEd8eAPypFOT4/d1wSEdWpUoVvffee/L29parq6s++ugjDR06\nVGFhYWrSpEm+but6QUFBWrRokT766KMbHmvZsqVCQ0MVHR0tSWrVqpXi4uIUGhqq7OxshYeHS5L6\n9eunvn37yt/fX2XLlnXEtwcAfyomv0QmWy7rb9py+IKzS0Ah9GzoSGeXgEIqbW/BTnN+f/ziXe9b\nv2rx+1jJzZn6BdEAANhj6hdEAwBMwORLiwQZAMBQQQ1t3C2CDABgyOzDHgQZAMCQyXOMIAMA2GHy\nJGNqEQBgaXRkAABDDHsAACyNYQ8AgKWZPMcIMgCAHSZPMoIMAGCIa2QAAEsz+zUyxu8BAJZGRwYA\nMGTyhowgAwDYYfIkI8gAAIYY9gAAWJrZhz0IMgCAIZPnGEEGALDD5EnG+D0AwNLoyAAAhhj2AABY\nGsMeAABLM3mOEWQAADtMnmQEGQDAkNmvkTG1CACwNDoyAIAhhj0AAJZm8hwjyAAAdpg8yQgyAIAh\nsw97EGQAAENcIwMAWJrJc4zxewCAtdGRAQCMmbwlI8gAAIYY9gAAWBrDHgAASzN5jhFkAABjdGQA\nAIszd5Ixfg8AsDQ6MgCAIZYWAQCWZvIcI8gAAMYc1ZHt2LFDffv2VY0aNSRJf/nLXzRixIg7Pg5B\nBgAw5MgXRD/55JOaNm3aPR2DIAMAGDP52iJTiwAAQ7Z7uNnz008/qUePHurQoYO2b99+V/XRkQEA\nnKJKlSoKDw9Xq1atdPLkSXXu3Fnr1q2Th4fHHR2HjgwAYMhmu/ubkTJlyqh169ay2WyqVKmSSpYs\nqYSEhDuujyADABiy3cMfI9HR0Zo3b54k6dy5c0pMTFSZMmXuuD6WFgEAxhw07BEUFKQBAwZo48aN\nyszM1KhRo+54WVEiyAAAdjhqaLFo0aKaNWvWPR+HIAMAGDL7W1RxjQwAYGl0ZAAAQ458Z4/7gSAD\nABhiaREAAAeiIwMAGDJ7R0aQAQAMcY0MAGBpZu/IuEYGALA0OjIAgCGTN2QEGQDADpMnGUEGADDE\nsAcAwNLMPuxBkAEADJk8xwhcnjKjAAAMjklEQVQyAIAdJk8yxu8BAJZGRwYAMGT2YQ9bbm5urrOL\nAADgbrG0CACwNIIMAGBpBBkAwNIIMgCApRFkAABLI8gAAJZGkAEALI0gAwBYGkGGO3b8+HH99NNP\n4rX0KCj//e9/FR8f7+wyYFK8RRXuSHZ2tv71r38pMzNTnTt3VrVq1WQz+2c8wNJSU1O1Zs0aJSYm\nysXFRbVr13Z2STAZOjLctpycHLm6umrEiBFKT09XZGSkTpw44eyyUIjl5ubqgQce0AsvvKCiRYsq\nJiZGhw8fdnZZMBk6Mtw2F5drv/csW7ZMV69e1cGDB/Xbb78pPDxc1atXd3J1KIx+7/a/++47/fzz\nzzp//rxycnLUpk0b1alTx8nVwSzoyHBHTp48qWXLlmnq1KmKjo6Wj4+PIiIi6MzgMEeOHNGiRYs0\nZswYDRw4UL6+vlqzZo2OHDni7NJgEgQZDP1xoMPb21vJycnavHmzJGnQoEE6fvy4xo0bp2PHjjmh\nQhQ2f/yZ8/LyUpkyZVS0aFEFBAQoMDBQx44d08KFC3Xo0CEnVQkzIchwS7m5uXlLO+vXr9f27duV\nkJCg4cOHa/ny5dq2bZs8PT3Vrl07ubu7y9fX18kVw+qu/5nbs2eP9uzZI39/f5UvX15hYWGSpICA\nANWuXVsPPvigSpcu7cxyYRJ8Hhlu6fd/VCIjI7V27VqFhIRo4cKFevvtt5WcnKyZM2fq6aef1uHD\nhzV+/HhVrFjR2SWjkFiyZIlWr16t2rVr69///reio6PVp08fXbp0SQ0bNtS///1vTZw4UeXKlXN2\nqTABOjLcYN++fbpw4YJycnJ04cIFbd68WVOmTFFycrJq1qypRo0aqWHDhpo6daoefvhhjRs3jhDD\nPbn+9+mTJ09q3bp1mjdvnqpXr64yZcpIkqZNm6YXX3xR7u7uGjVqFCGGPHRkyOfgwYPq2rWrtm3b\nppycHHl4eGjcuHHKzs5WcnKyxo4dq5SUFK1bt06hoaHOLheFzJYtW/T4449r8eLFOn78uNLT0/WP\nf/xDhw8f1u7du9WpUydnlwgToiNDPuXLl5e/v7/69Omjdu3a6dy5c6pYsaLWrl2rd955Rx4eHlq/\nfr2+++47ZWRkOLtcFDIxMTFasGCBMjMzdfbsWXXr1k02m00HDx7UmTNnlJ2d7ewSYUJ0ZJD0v6Ud\nm82m7du3a/r06dq7d6/+9re/adKkSYqIiNCPP/6oYsWK6dSpUxo1apSqVavm5KphZVeuXJG3t3e+\nbZs3b9bRo0f1/PPPa8GCBbp8+bKuXr2qU6dO6f3331eNGjWcVC3MjCBDPp9//rn+85//qG7dutq4\ncaO2b9+uhg0batKkSUpOTtb58+dVtmxZVahQwdmlwsKOHTum+Ph4vfjii4qOjlZOTo4CAgJUoUIF\n9erVS23atFFISIiOHj2qQ4cO6YknnuBnDrdEkEHStY7s6tWrCg8PV5cuXdS4cWMlJSVp2LBh2rRp\nk2rWrKkZM2aofPnyzi4VhcDFixdls9mUkZGhr7/+WmfPnlVWVpYqVaqkli1basaMGXr33Xfl5+fn\n7FJhAVwjg6RrS4peXl4KDAzU8ePH9dtvv8nHx0cdO3ZU9erVdebMGd7tHvdFbm6uihcvrgMHDmjk\nyJFyc3PT888/r549e2r37t2aM2eOdu7cqYMHDzq7VFgEQYZ8goODdezYMcXFxSklJUXZ2dkKCQnR\nsmXLWNrBfWGz2XT+/Hnt3LlTbdu21enTp7VhwwZJ0owZM/Tyyy+rWbNmKlu2rJMrhVWwtIgbHDt2\nTF9++aXOnDmj06dPa9q0aYQY7sn179ghSVlZWZo0aZKKFi2qnj17auzYsSpatKhCQkIYIsIdI8hw\nU6mpqUpISJCnp6f8/f2dXQ4s7PoQ+/rrr+Xm5qY2bdooIyNDPXv21N///nfVqVNH48aNU9WqVdW1\na1d5eHg4uWpYCUEGoEDEx8fr66+/1oEDB9SoUSNVqVJFxYoVU0JCgl555RUlJCTIxcVFpUqVcnap\nsBg+jwyAQ1zfiS1fvlwbNmzQxx9/rIyMDO3du1cbN27Ujz/+qJycHNWuXVu1atVycsWwKoY9ADjE\n7yF24cIFlStXTrt371ZcXJyKFy+upk2b6oMPPtBLL72khx56SJ6enk6uFlbG0iIAh8jJydGpU6fU\nrl07LViwQImJiRo9erQmT56sgICAvOdlZGRwTQz3hI4MgENkZWWpYsWKGjVqlPr166dSpUppxIgR\nGjhwoPbs2ZP3PEIM94ogA3BfXL+488MPP2jGjBm6fPmyWrdurQEDBqhXr14qX768+vfvrw8++EDp\n6elOrBaFCUuLAO7Z9YMdK1as0IEDB5Seni5/f3+1b99eJUqU0Jw5czR79mwtXbpUpUqV0gMPPODk\nqlFY0JEBuGe/h1hkZKRiYmIUGBioRo0ayWazafHixZKkOnXq6NVXX5XNZiPEcF8xfg/gvrh48aJW\nr16td955RyVLltT27dvl6empTZs2ae/evUpJSdEnn3yi0qVLO7tUFDIsLQK4L7KzszVz5kzt3LlT\n3t7eqlmzpipXrqz4+HjVr19fNWvWVNWqVZ1dJgohggzAfXP58mX98ssvqlq1qry8vLRlyxZFRkZq\n2rRpcnV1dXZ5KKQIMgD33Z49e7Rlyxbt2LFDH374IW8EDIciyADcd0lJSYqPj1eVKlVUuXJlZ5eD\nQo4gAwBYGuP3AABLI8gAAJZGkAEALI0gAwBYGkGGQuPXX39V7dq1FRYWprCwMIWGhuqdd97RpUuX\n7vqYX331lQYPHixJ6t+/vxISEm753D179ujkyZO3feysrCw9/PDDN2z/5JNPNGXKFMN9g4KCdOLE\nids+1+DBg/XVV1/d9vMBKyHIUKj4+voqIiJCERER+vLLL1W6dGnNnDnzvhx7ypQpKlOmzC0fX7Zs\n2R0FGYD7g/daRKFWv359LVmyRNK1LqZVq1Y6efKkpk2bplWrVmnx4sXKzc2Vr6+vxowZIx8fH/3r\nX//SF198obJly+Z7X8CgoCDNnz9fFStW1JgxY7R//35JUteuXeXm5qY1a9YoPj5eQ4YMUeXKlTV6\n9GilpaXpypUrevvtt9WgQQMdP35c7777rry8vPTUU0/Zrf/zzz/XihUr5O7uriJFimjKlCkqVqyY\npGvd4r59+5SYmKgRI0boqaee0unTp296XqAwI8hQaGVnZ2v9+vV6/PHH87ZVqVJF7777rs6cOaNZ\ns2YpKipKHh4eWrhwoWbPnq3evXtr2rRpWrNmjXx8fNSzZ08VL14833Gjo6N1/vx5RUZG6tKlSxow\nYIBmzpypWrVqqWfPngoMDFS3bt30+uuv6+mnn9a5c+fUvn17rVu3TjNmzFC7du3UsWNHrVu3zu73\nkJ6ernnz5qlo0aIaOXKkoqOj9dprr0mSSpQooYULFyo2NlYTJkzQsmXLNGrUqJueFyjMCDIUKhcu\nXFBYWJgkKScnR0888YT+/ve/5z1er149SdLevXt17tw5vfHGG5KkjIwMVahQQSdOnFD58uXl4+Mj\nSXrqqad06NChfOeIj4/P66aKFSumOXPm3FDHjh07lJqaqhkzZkiS3NzclJiYqCNHjqhbt26SpKef\nftru91OiRAl169ZNLi4uOnXqlEqVKpX3WMOGDfO+p59++snwvEBhRpChUPn9GtmtuLu7S5I8PDwU\nEBCg2bNn53t83759eZ+tJV0Lwz+y2Ww33X49Dw8PffLJJ/L19c23PTc3Vy4u1y5NZ2dnGx7j7Nmz\nmjBhgmJiYuTn56cJEybcUMcfj3mr8wKFGcMe+FOqU6eO4uPjde7cOUnS6tWrtWHDBlWqVEm//vqr\nLl26pNzcXMXGxt6wb7169bR161ZJUkpKil555RVlZGTIZrMpMzNTkvT4449r9erVkq51iR9++KEk\nqVq1avrhhx8k6abHvl5iYqJ8fHzk5+en5ORkbdu2TRkZGXmPx8XFSbo2LVmjRg3D8wKFGR0Z/pTK\nlCmjYcOGqXv37vLy8pKnp6cmTJig4sWLq0ePHurUqZPKly+v8uXL6+rVq/n2bdWqlfbs2aPQ0FBl\nZ2era9eu8vDwUMOGDfXee+9p6NChGjZsmEaOHKmYmBhlZGSoZ8+ekqTevXtr0KBBWrNmjerVqyc3\nt1v/FaxVq5YqV66sl19+WZUqVVKfPn00atQoNWnSRJKUnJys7t276/Tp03rvvfck6ZbnBQoz3jQY\nAGBpLC0CACyNIAMAWBpBBgCwNIIMAGBpBBkAwNIIMgCApRFkAABLI8gAAJb2/wDO7yh0Mt3k6gAA\nAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "iMk7tN1h98x9", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "When we have more than two labels (binary), we have options to calculate the evaluation metrics at a micro/macro level (per clas label), weighted, etc. You can find out more by looking at the [offical docs](http://scikit-learn.org/stable/modules/generated/sklearn.metrics.precision_recall_fscore_support.html)." + ] + }, + { + "metadata": { + "id": "9v6zc1_1PWnz", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Inference" + ] + }, + { + "metadata": { + "id": "Zl9euDuMPYTN", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Now let's see if you would've survived the titanic." + ] + }, + { + "metadata": { + "id": "kX9428-EPUzx", + "colab_type": "code", + "outputId": "ef100af7-9861-4900-e9c7-ed6d93c69069", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 80 + } + }, + "cell_type": "code", + "source": [ + "# Input your information\n", + "X_infer = pd.DataFrame([{\"name\": \"Goku Mohandas\", \"cabin\": \"E\", \"ticket\": \"E44\", \n", + " \"pclass\": 1, \"age\": 24, \"sibsp\": 1, \"parch\": 2, \n", + " \"fare\": 100, \"embarked\": \"C\", \"sex\": \"male\"}])\n", + "X_infer.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
agecabinembarkedfarenameparchpclasssexsibspticket
024EC100Goku Mohandas21male1E44
\n", + "
" + ], + "text/plain": [ + " age cabin embarked fare name parch pclass sex sibsp ticket\n", + "0 24 E C 100 Goku Mohandas 2 1 male 1 E44" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 20 + } + ] + }, + { + "metadata": { + "id": "c6OAAQoaWxAb", + "colab_type": "code", + "outputId": "85eb1c6d-6f53-4bd4-bcc3-90d9ebca74c8", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 80 + } + }, + "cell_type": "code", + "source": [ + "# Apply preprocessing\n", + "X_infer = preprocess(X_infer)\n", + "X_infer.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
agefareparchsibsppclass_1embarked_Csex_male
02410021111
\n", + "
" + ], + "text/plain": [ + " age fare parch sibsp pclass_1 embarked_C sex_male\n", + "0 24 100 2 1 1 1 1" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 21 + } + ] + }, + { + "metadata": { + "id": "48sj5A0mX5Yw", + "colab_type": "code", + "outputId": "d9571238-70ab-427d-f80c-7b13b00efc95", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 80 + } + }, + "cell_type": "code", + "source": [ + "# Add missing columns\n", + "missing_features = set(X_test.columns) - set(X_infer.columns)\n", + "for feature in missing_features:\n", + " X_infer[feature] = 0\n", + "\n", + "# Reorganize header\n", + "X_infer = X_infer[X_train.columns]\n", + "X_infer.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
agesibspparchfarepclass_1pclass_2pclass_3embarked_Cembarked_Qembarked_Ssex_femalesex_male
0241210010010001
\n", + "
" + ], + "text/plain": [ + " age sibsp parch fare pclass_1 pclass_2 pclass_3 embarked_C \\\n", + "0 24 1 2 100 1 0 0 1 \n", + "\n", + " embarked_Q embarked_S sex_female sex_male \n", + "0 0 0 0 1 " + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 22 + } + ] + }, + { + "metadata": { + "id": "rP_i8w9IXFiM", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Standardize\n", + "standardized_X_infer = X_scaler.transform(X_infer)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "7O5PbOAvXTzF", + "colab_type": "code", + "outputId": "f1c3597e-1676-476f-e970-168e5c3fca6c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Predict\n", + "y_infer = log_reg.predict_proba(standardized_X_infer)\n", + "classes = {0: \"died\", 1: \"survived\"}\n", + "_class = np.argmax(y_infer)\n", + "print (\"Looks like I would've {0} with about {1:.0f}% probability on the Titanic expedition!\".format(\n", + " classes[_class], y_infer[0][_class]*100.0))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Looks like I would've survived with about 57% probability on the Titanic expedition!\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "8PLPFFP67tvL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Interpretability" + ] + }, + { + "metadata": { + "id": "jv6LKNXO7uch", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Which of the features are most influential?" + ] + }, + { + "metadata": { + "id": "KTSpxbwy7ugl", + "colab_type": "code", + "outputId": "b37bf39c-f35d-4793-a479-6e61179fc5e5", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 68 + } + }, + "cell_type": "code", + "source": [ + "# Unstandardize coefficients \n", + "coef = log_reg.coef_ / X_scaler.scale_\n", + "intercept = log_reg.intercept_ - np.sum((coef * X_scaler.mean_))\n", + "print (coef)\n", + "print (intercept)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[[-0.02155712 0.39758992 0.78341184 -0.0070509 -2.71953415 2.01530102\n", + " 3.50708962 0.11008796 0. -0.11008796 2.94675085 -2.94675085]]\n", + "[5.10843738]\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "xJgiIupyE0Hd", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "A positive coefficient signifies correlation with the positive class (1=survived) and a negative coefficient signifies correlation with the negative class (0=died)." + ] + }, + { + "metadata": { + "id": "RKRB0er2C5l-", + "colab_type": "code", + "outputId": "39ad0cf3-13b1-4aa8-9a6b-4456b8975a39", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "indices = np.argsort(coef)\n", + "features = list(X_train.columns)\n", + "print (\"Features correlated with death:\", [features[i] for i in indices[0][:3]])\n", + "print (\"Features correlated with survival:\", [features[i] for i in indices[0][-3:]])" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Features correlated with death: ['sex_male', 'pclass_1', 'embarked_S']\n", + "Features correlated with survival: ['pclass_2', 'sex_female', 'pclass_3']\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "RhhFw3Kg-4aL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "### Proof for unstandardizing coefficients:\n", + "\n" + ] + }, + { + "metadata": { + "id": "ER0HFHXj-4h8", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Note that only X was standardized.\n", + "\n", + "$\\mathbb{E}[y] = W_0 + \\sum_{j=1}^{k}W_jz_j$\n", + "\n", + "$z_j = \\frac{x_j - \\bar{x}_j}{\\sigma_j}$\n", + "\n", + "$ \\hat{y} = \\hat{W_0} + \\sum_{j=1}^{k}\\hat{W_j}z_j $\n", + "\n", + "$\\hat{y} = \\hat{W_0} + \\sum_{j=1}^{k} \\hat{W}_j (\\frac{x_j - \\bar{x}_j}{\\sigma_j}) $\n", + "\n", + "$\\hat{y} = (\\hat{W_0} - \\sum_{j=1}^{k} \\hat{W}_j\\frac{\\bar{x}_j}{\\sigma_j}) + \\sum_{j=1}^{k} (\\frac{\\hat{w}_j}{\\sigma_j})x_j$" + ] + }, + { + "metadata": { + "colab_type": "text", + "id": "5yBZLVHwGKSj" + }, + "cell_type": "markdown", + "source": [ + "# K-fold cross validation" + ] + }, + { + "metadata": { + "colab_type": "text", + "id": "fHyLTMAAGJ_x" + }, + "cell_type": "markdown", + "source": [ + "Cross validation is a resampling techniques to evaluate a model. Instead of splitting out data once at the beginning into train/val/test sets. We do this k (usually k=5 or 10) times with different training and evaluation sets.\n", + "\n", + "Steps:\n", + "1. Shuffle the *train* dataset randomly.\n", + "2. Split the dataset into k discint groups.\n", + "3. For each iteration k, choose one of the groups to be your test set and the rest as your training set.\n", + "4. Repeat so that each group experiences being part of the test and train set.\n", + "5. Train a model using randomly initialzied weights.\n", + "6. After each iteration k, reinitialize the model with the same randomly initialzied weights and repeat on the new test set.\n", + "\n" + ] + }, + { + "metadata": { + "id": "6XB6X1b0KcvJ", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from sklearn.model_selection import cross_val_score" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "UIqKmAEtVWMg", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# K-fold cross validation\n", + "log_reg = SGDClassifier(loss=\"log\", penalty=\"none\", max_iter=args.num_epochs)\n", + "scores = cross_val_score(log_reg, standardized_X_train, y_train, cv=10, scoring=\"accuracy\")\n", + "print(\"Scores:\", scores)\n", + "print(\"Mean:\", scores.mean())\n", + "print(\"Standard Deviation:\", scores.std())" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "L0aQUomQoni1", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# TODO" + ] + }, + { + "metadata": { + "id": "jCpKSu53EA9-", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "- interaction terms\n", + "- interpreting odds ratio\n", + "- simple example with coordinate descent method (sklearn.linear_model.LogisticRegression)" + ] + } + ] +} \ No newline at end of file diff --git a/notebooks/06_Random_Forests.ipynb b/notebooks/06_Random_Forests.ipynb new file mode 100644 index 00000000..340334b9 --- /dev/null +++ b/notebooks/06_Random_Forests.ipynb @@ -0,0 +1,1395 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "06_Random_Forests", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + } + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Random Forests" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "In this lesson, we will explore decision trees and expand on them to build random forests. This type of model, unlike the linear and logistic regression models we've seen so far, have no weights to learn but they offer great interpretability. \n", + "\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Overview" + ] + }, + { + "metadata": { + "id": "qWro5T5qTJJL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "T4Y55tpzIjOa", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "* **Objective:** Given some data, choose features and determine conditions to split the data which result in determining the predictions.\n", + "* **Advantages:**\n", + " * Decision tree's can be for classification or regression trees.\n", + " * Highly interpretable as you can follow the exact line of though the model used.\n", + " * Very little data preparation needed.\n", + "* **Disadvantages:**\n", + " * Poor performance when training data is smaller than number of classes.\n", + "* **Miscellaneous:** A group of decision trees created a random forest, where the prediction accouts for decisions from all the trees together." + ] + }, + { + "metadata": { + "id": "Jq65LZJbSpzd", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Training" + ] + }, + { + "metadata": { + "id": "-HBPn8zPTQfZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Let's look at our example decision tree up top which is used to decide whether it's alright to play outside. The data has three features (weather, humiditiy and wind) and the outcome (yes or no).\n", + "\n", + "*Steps*: \n", + "1. Split the data based on each feature. (ex. Determine yes or no from just the outlook, humidity or wind feature.\n", + "2. Calculate the cost for splitting by each feature. Popular algorithms include CART which uses the Gini index or ID3 which uses entropy and information gain to decide on the best split. They all essentially measure the impurity/disorder in the collection of predictions. Check this [blog post](https://medium.com/deep-math-machine-learning-ai/chapter-4-decision-trees-algorithms-b93975f7a1f1) for a detailed breakdown of information gain calculations. \n", + "\n", + " * $ H(X) = \\sum_{c \\in C} -p(c) log_2p(c)$\n", + " * where:\n", + " * H(X): entropy of entire dataset X\n", + " * C: set of classes\n", + " * p(c): proportion of # of instances in class c to all instances\n", + " \n", + " For a binary classification problem, entropy is 0 when all the examples in a split are the same and 1 when half belong to one class (worst case scenario). Once we determine entropy, we need to determine the information gain (IG) that we achieved (ie. how much uncertainty was reduced after we split the data X on the feature F).\n", + " \n", + " * $ IG(F, X) = H(S) - \\sum_{t\\in T}p(t)H(t) $\n", + " * where:\n", + " * IG(F. X): information gained by splitting X by feature F\n", + " * H(X): entropy of entire dataset X\n", + " * T: subsets created by splitting on feature F\n", + " * p(t): proportion of # of instances in t to all instances\n", + " * H(t): entropy of subset t\n", + " \n", + " **Note**: for regrssion, you can use standard deviation of a group instead of IG.\n", + "\n", + "3. The split with the highest IG is the first feature to split by (which is the root of your tree).\n", + "4. Repeat this for all the other features to create branches to our initial feature split. At the end, we will have leaves which will hold mostly samples from the same class.\n", + "\n", + " " + ] + }, + { + "metadata": { + "id": "wdutxKgxP68B", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Data" + ] + }, + { + "metadata": { + "id": "LCcckUIsP9rh", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're going to the load the titanic dataset we looked at in lesson 03_Pandas." + ] + }, + { + "metadata": { + "id": "B0w9pCHCP-Ep", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from argparse import Namespace\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import pandas as pd\n", + "import urllib" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "nsktUhbXP_GP", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " seed=1234,\n", + " data_file=\"titanic.csv\",\n", + " train_size=0.75,\n", + " test_size=0.25,\n", + " num_epochs=100,\n", + " max_depth=4,\n", + " min_samples_leaf=5,\n", + " n_estimators=10, # of trees in the forest\n", + ")\n", + "\n", + "# Set seed for reproducability\n", + "np.random.seed(args.seed)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Kgrunrh2P_JO", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Upload data from GitHub to notebook's local drive\n", + "url = \"https://raw.githubusercontent.com/GokuMohandas/practicalAI/master/data/titanic.csv/"\n", + "response = urllib.request.urlopen(url)\n", + "html = response.read()\n", + "with open(args.data_file, 'wb') as f:\n", + " f.write(html)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "3eLPo-27P_L3", + "colab_type": "code", + "outputId": "da93034a-432d-4b89-e1b5-c80d902fd962", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 272 + } + }, + "cell_type": "code", + "source": [ + "# Read from CSV to Pandas DataFrame\n", + "df = pd.read_csv(args.data_file, header=0)\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
pclassnamesexagesibspparchticketfarecabinembarkedsurvived
01Allen, Miss. Elisabeth Waltonfemale29.00000024160211.3375B5S1
11Allison, Master. Hudson Trevormale0.916712113781151.5500C22 C26S1
21Allison, Miss. Helen Lorainefemale2.000012113781151.5500C22 C26S0
31Allison, Mr. Hudson Joshua Creightonmale30.000012113781151.5500C22 C26S0
41Allison, Mrs. Hudson J C (Bessie Waldo Daniels)female25.000012113781151.5500C22 C26S0
\n", + "
" + ], + "text/plain": [ + " pclass name sex age \\\n", + "0 1 Allen, Miss. Elisabeth Walton female 29.0000 \n", + "1 1 Allison, Master. Hudson Trevor male 0.9167 \n", + "2 1 Allison, Miss. Helen Loraine female 2.0000 \n", + "3 1 Allison, Mr. Hudson Joshua Creighton male 30.0000 \n", + "4 1 Allison, Mrs. Hudson J C (Bessie Waldo Daniels) female 25.0000 \n", + "\n", + " sibsp parch ticket fare cabin embarked survived \n", + "0 0 0 24160 211.3375 B5 S 1 \n", + "1 1 2 113781 151.5500 C22 C26 S 1 \n", + "2 1 2 113781 151.5500 C22 C26 S 0 \n", + "3 1 2 113781 151.5500 C22 C26 S 0 \n", + "4 1 2 113781 151.5500 C22 C26 S 0 " + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 4 + } + ] + }, + { + "metadata": { + "id": "k-5Y4zLIoE6s", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Scikit-learn implementation" + ] + }, + { + "metadata": { + "id": "ql2YltiMS5Sj", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from sklearn.tree import DecisionTreeClassifier" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "9ChBporrVYZB", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Preprocessing\n", + "def preprocess(df):\n", + " \n", + " # Drop rows with NaN values\n", + " df = df.dropna()\n", + "\n", + " # Drop text based features (we'll learn how to use them in later lessons)\n", + " features_to_drop = [\"name\", \"cabin\", \"ticket\"]\n", + " df = df.drop(features_to_drop, axis=1)\n", + "\n", + " # pclass, sex, and embarked are categorical features\n", + " # We need to convert strings to floats for decision trees instead of\n", + " # using dummy variables.\n", + " df['sex'] = df['sex'].map( {'female': 0, 'male': 1} ).astype(int)\n", + " df[\"embarked\"] = df['embarked'].dropna().map( {'S':0, 'C':1, 'Q':2} ).astype(int)\n", + "\n", + " return df" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "uvc-WzuvVbUZ", + "colab_type": "code", + "outputId": "86147845-fde0-46d9-e09e-cddee0f71b9b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Preprocess the dataset\n", + "df = preprocess(df)\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
pclasssexagesibspparchfareembarkedsurvived
01029.000000211.337501
1110.916712151.550001
2102.000012151.550000
31130.000012151.550000
41025.000012151.550000
\n", + "
" + ], + "text/plain": [ + " pclass sex age sibsp parch fare embarked survived\n", + "0 1 0 29.0000 0 0 211.3375 0 1\n", + "1 1 1 0.9167 1 2 151.5500 0 1\n", + "2 1 0 2.0000 1 2 151.5500 0 0\n", + "3 1 1 30.0000 1 2 151.5500 0 0\n", + "4 1 0 25.0000 1 2 151.5500 0 0" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 7 + } + ] + }, + { + "metadata": { + "id": "KkOqwUtAQHAr", + "colab_type": "code", + "outputId": "2fcadff6-f2d8-4e72-e9f9-a8c623e84d89", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Split the data\n", + "mask = np.random.rand(len(df)) < args.train_size\n", + "train_df = df[mask]\n", + "test_df = df[~mask]\n", + "print (\"Train size: {0}, test size: {1}\".format(len(train_df), len(test_df)))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Train size: 199, test size: 71\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "ZezmRsSnTcqr", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Separate X and y\n", + "X_train = train_df.drop([\"survived\"], axis=1)\n", + "y_train = train_df[\"survived\"]\n", + "X_test = test_df.drop([\"survived\"], axis=1)\n", + "y_test = test_df[\"survived\"]" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "ZeTRfFhiaO2c", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "**Note**: Play around with the max_depth and min_samples values below to see the change in performance and decision tree.\n", + "How do we know when to stop splitting? In cases where we have a large number of features, our decision tree will be very large. If we keep splitting, we could have overfitting. There are a few techniques to tackle this:\n", + "\n", + "* Set a minimum # of training samples on each leaf.\n", + "* Set a maximum depth (length of longest path from root to leaf).\n", + "* Prune the tree by removing features that add little to no information gain." + ] + }, + { + "metadata": { + "id": "W1MJODStIu8V", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Initialize the model\n", + "dtree = DecisionTreeClassifier(criterion=\"entropy\", random_state=args.seed, \n", + " max_depth=args.max_depth, \n", + " min_samples_leaf=args.min_samples_leaf)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "DIcmEZWxfBOL", + "colab_type": "code", + "outputId": "a7045ea0-f331-4243-ff8f-24ff022c42bb", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 119 + } + }, + "cell_type": "code", + "source": [ + "# Training\n", + "dtree.fit(X_train, y_train)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "DecisionTreeClassifier(class_weight=None, criterion='entropy', max_depth=4,\n", + " max_features=None, max_leaf_nodes=None,\n", + " min_impurity_decrease=0.0, min_impurity_split=None,\n", + " min_samples_leaf=5, min_samples_split=2,\n", + " min_weight_fraction_leaf=0.0, presort=False, random_state=1234,\n", + " splitter='best')" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 11 + } + ] + }, + { + "metadata": { + "id": "_xEuD_lSWVs7", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Predictions\n", + "pred_train = dtree.predict(X_train)\n", + "pred_test = dtree.predict(X_test)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "IgLm9MImWz8s", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Evaluation" + ] + }, + { + "metadata": { + "id": "dfQX2V_JWksY", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from sklearn.metrics import accuracy_score, precision_recall_fscore_support" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "FV7xOm-iWxjc", + "colab_type": "code", + "outputId": "1b80282c-bf11-4200-e453-e628925d144d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Accuracy\n", + "train_acc = accuracy_score(y_train, pred_train)\n", + "test_acc = accuracy_score(y_test, pred_test)\n", + "print (\"train acc: {0:.2f}, test acc: {1:.2f}\".format(train_acc, test_acc))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "train acc: 0.82, test acc: 0.70\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "xxOAfpvzWku1", + "colab_type": "code", + "outputId": "d0cdd693-2a73-4d80-a12f-840f10629975", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Calculate other evaluation metrics \n", + "precision, recall, F1, _ = precision_recall_fscore_support(y_test, pred_test, average=\"binary\")\n", + "print (\"precision: {0:.2f}. recall: {1:.2f}, F1: {2:.2f}\".format(precision, recall, F1))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "precision: 0.70. recall: 0.79, F1: 0.75\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "PNxTcGWVoSLB", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Interpretability" + ] + }, + { + "metadata": { + "id": "xqkUvu0-XxcG", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Install necessary packages\n", + "!apt-get install graphviz\n", + "!pip install pydotplus" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "j0rwIL2_W82m", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from sklearn.externals.six import StringIO \n", + "from IPython.display import Image \n", + "from sklearn.tree import export_graphviz\n", + "import pydotplus" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Oaz6KdZgoOr7", + "colab_type": "code", + "outputId": "30d3a761-d2a5-4670-9e49-606ab4831e57", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 317 + } + }, + "cell_type": "code", + "source": [ + "# Interpretability\n", + "dot_data = StringIO()\n", + "export_graphviz(dtree, out_file=dot_data, \n", + " feature_names=list(train_df.drop(['survived'], axis=1)), \n", + " class_names = ['died', 'survived'],\n", + " rounded = True, filled= True, special_characters=True)\n", + "graph = pydotplus.graph_from_dot_data(dot_data.getvalue()) \n", + "Image(graph.create_png(), width=500, height=300)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABLMAAALgCAYAAABvSDUBAAAABmJLR0QA/wD/AP+gvaeTAAAgAElE\nQVR4nOzdd1RUV9fH8e8MRRAUFHsXawA7qGDFktg10dh7CTG25DEaY43JY2xR0zTGHlvsvffeBRXF\njhqxRuwVZeb9wzhP5gVplhH9fdbKCpy7z777TuYP1s455xrMZrMZERERERERERGRN99co60rEBER\nERERERERSSg1s0REREREREREJNlQM0tERERERERERJINe1sXICIiIm+eR48eceTIEa5evcqdO3ds\nXY68Q4xGI+7u7uTOnZvcuXNjMBhsXZKIiIi8YdTMEhEREQBu3LjB1KlTmb9gITt2bCf6yRNblyTv\nODf3NFSr9gHNmjalRo0a2NnZ2bokEREReQMY9DZDERGRd9v9+/cZNmwYw4YNB6MRr3K1yF+qMlkL\nFMEtfRZSpHS1dYnyDjGbTNy/c4PIiHDOHd7Lse0rORW8jdyeeRg1cgR16tSxdYkiIiJiW3PVzBIR\nEXmHLVy4kK7dPifyxg0qtepB6Xpt1bySN05kRDhrJg7mwNp5VK5Sld/GjCZv3ry2LktERERsQ80s\nERGRd5HZbKZPnz4MGTIE3xpNqf7pAFzTZrB1WSJxOntoF0tG9eTO1fPMnzeXypUr27okERERef3U\nzBIREXnXPHjwgOYtWrBkyVLqf/UTJao3sXVJIgn2JOohc7/vTOimxYwZPZoOHTrYuiQRERF5vebq\nAHgREZF3iMlkonnzFqxZv4EOPy0mdxF/W5ckkij2jk40HjCedNnzEhQUhKurK02aqCErIiLyLlEz\nS0RE5B3St29flixZQrtRC9TIkmTLYDBQtV0vHj24Q5s2bcmVKxf+/vo+i4iIvCu0zVBEROQdsWDB\nAho0aEDDPmO0tTAZOXtoF2snDeF82H5MJhPZChShUqsvyV+yUoJz9K2chaiH92O99lGPkZSu1/Zl\nlftamU0mpn7djKsngjkadgQPDw9blyQiIiKv3lyjrSsQERGRV+/+/ft0+/wLfGs0VSMrGTmxez1j\nO9Xk5N5NPLx3h6gH9wg/sIOJ/6nPoQ2LbF2ezRmMRhr1H8djk4F+/fvbuhwRERF5TbTNUERE5B0w\ndOhQIq9fp3VQP1uXIgkU/TiK+cM+x2SKpnzjTgS2/A9GO3t2zBvH6vGDWPhDdwr6V8XR2SVB+XIV\nLs1nv616xVW/fk4uqfjg0wH8PrgzQZ98QpEiRWxdkoiIiLxiWpklIiLylrtx4wbDh/9ApdY9Se2R\nydblvJPu37rOwfULmDu4Mz+3C0zQnJP7NnHj8nk8iwZQq8sgXNw8cHZ1o3LrHvhUqM29W5Ec2br8\nFVeePBSv1pjsBYvSt59WZ4mIiLwLtDJLRETkLTd16lQwGpPtuUgAJlM0OxdMYN+KmVy/cBYzZtJl\n9aTo+x/jX68tDk7Olliz2cy+5TPYs3Qql04fwRQdTfoceShVpzX+H7XHYDA8jTOZmNSjISd2r6f1\nsFm8F/CBJcfdG3/zU5vyPImKotuULbhnyJqoeqOfPOZc6B5O7NnAiT0buHDiIGaTCWdXN7zL10xQ\njvADOwAo9n7DGNeKf9CIw5uXEh6yPdbr7xqDwUDZxp3585v2REREkC1bNluXJCIiIq+QmlkiIiJv\nufkLFuJVrhYpUrraupQkW/nbQDbP/NlqLOL4ASKOH8DewYGA+p8ATxtZs74NImTNHKvYS6eOsGhk\nDy6dOkz9r34Cnp631GTAeH5qU55Z3wbRbfJm0mbOickUzcwB7bgdeYV2I+YluJH1918n/2lebeR0\n8FaiHtzDaGdPdq8SVGnTk/wlK5HdqwRGo12C8kVGhAOQyfO9GNcy5/UG4No/MQlx9dwJhjYsxs0r\nEbi4eZC7aAAVm39O1vyFE5zjTeZTriYpnJxZsmQJn332ma3LERERkVdIzSwREZG32MOHD9m5cwcf\n9x5j61JeyJGty3F0Sknj/r+Tt0QF7OwduBZxmuDVs3F0/l+TLmT1bELWzCFTHi9qfDaQHF6+2Dum\nIOLYARaP6snuJX/gW7MZOX1KApAydRpaDJrKmE+rMa1PSzr9voa1E4dyav8W3m/fO8FvDBzSoAjX\nL50DIG2WXBT/oBH5S1Yib4nyOLmmTtIzP7x3BwDn1GliXEv5z9jDe7cTnO/+revcv3UdgNuRlzm4\nfgGHNy+l2beT8KlQO0k1vknsHBzJU6IC69dvUDNLRETkLadmloiIyFvs6NGjPHn8ONmvvnFLnwUA\nr7LVMdo9/fMlc14faub1sYrbu3wGRqMd7UctsDofzLNoAE0HTmBEs9Ic2brC0swCyFawGHU+H8KC\n4V8wvls9zh7aRcHSVancusdreLK4mJ9/xfz8a7HJ61uBUnVaka1gMRydXbh67gSbZvxE6MbFzB3c\nhXx+gcl65d4zmfMV4uCWBbYuQ0RERF4xNbNERETeYpcuXQLAPWPyPkOoTrfBTO3dgqENi5G/VGWy\n5PUhh0/JGE26K2eOYTJF8329p9vwzJjhn8bPswbQzSsRMfKXrteGk/s2EbpxMW7pM9N4wDjL2VoJ\n0WveQa6eO8GJPRs4uWcjwatns2vRJIxGO7J7lSB/yUrk86tIDm9fSzMuPk4uT1d0Pbh9I8a1B3du\nWsXEp/XQP61+z/5ecZp/N4VxXetwOngrp4O34lW2eoJyvcncMmTl8j/feREREXl7qZklIiLyFrt3\n7x4ADk4pbVzJi8mc14cef+7lbOgezoXu5szBnaydNBQXNw+afTuJTHm8gKeHusPTA+OfJ/pxVIyx\nu9evci50NwD3bt3gxuXzlq18CZUhZ34y5MxP2Y8/JfpxFGcP7+HE7g2c3LOBdVOGsXbSEJxcUuFV\nriaN+42NN59HNk8ALocfJWehUlbXLp06AkC6f2KSwmAwkLuIP6eDt3In8kqS87xJUji7cP/eXVuX\nISIiIq+YmlkiIiJvsWerkRKzyuhNZbSzx7NoAJ5FAwB4/PABw5qUYO7gznSZsAGA9DnzEXXiPv0W\nH0/wWVUmUzQzBrTjzvWrfPjlCFaMGcC0Pi3pNnkzzq5uSarVzsGRPMXKkqdYWap/2p/7t65zYu9G\nTuzZwOXTYQnK4Vk0gE3TfyRkzRxK1W1tdS149WwAcv/zWSSF2WzmzMGdAKTyyJjkPG8UgyHRWzBF\nREQk+THaugARERGR+IwOep9diyZx5ewxHj96yMO7tzm+ex33b10n8uJZS1zJ2i15/PAB47rV5ej2\nVdy7eY3ox1HcuHyeoztWM7V3C07t22yVe/W4/3I6eCvvt++N/4ftaNhnDNcvnmX2t0EvrTGS0i0t\nRavUp2Hv0XSduDFBc/L5VsQ9YzbCD+xg2S99uHcrkod3b7N+ynAOb16Ki5sHPuVrxZtn0/QfWfZr\nX86H7ef+retEPbhHxLEQZvRvw+ngrTi5psazWNkXfUQRERGR10Yrs0REROSNd+H4Qc4d3hPrtVJ1\nWlt+LlG9CeEh29i3YiaTezZ+Tnwry89h21exafqPFPR/n0otuwNQqGIdyjfuxJZZo9k0/UcCW3wR\nb329ynnEubXx31zTZqD/0hPxxtk5OFK/549M7tGILbNGs2XWaMs1g8FAvS9/wNHZxWpO74oZMUU/\nYcjWSMvY/Ts32fLnr2z589cY9zDa2VP/q59wckmVoNpFRERE3gRqZomIiMgbr8uE9exe8gen92/l\n+qWzODq5kD5nPnxrNsOvRjNLnMFgoGGfMRTwr8qeJX8QcewAUQ/v45Y+C5nzeuNbvSn5/CoCcP3S\nOWZ/G4R7xmw07v+71VbMGp8N5PzRYFaP+y85vH3JU7zca37ipwqUrsKno5ezZuJgzoftx2wykbVA\nESq37kH+kpUSlKNSy+64Z8jKwfULuHr2BA/v3SaVR0Y8i5ahXONOyf5NlyIiIvLuMZh1sICIiMhb\na86cOTRq1Ihh22/auhSRV+7ghoXM6NdG52aJiIi83ebqzCwREREREREREUk21MwSEREREREREZFk\nQ80sERERERERERFJNtTMEhERERERERGRZEPNLBERERERERERSTbsbV2AiIiIiLyYs4d2sXbSEM6H\n7cdkMpGtQBEqtfqS/CUrJTiH2WQiePVsdi6cxLWI05ijo/HImhvfms0oVbc1dvYOltits39j6c9f\nx5mvxmcDqdism+X3G5fPc3T7SsK2reJ0yDaiH0fRbsQ8CpSukvgHFhERkXeamlkiIiJic2cP7WJM\nx2p80KEPlVv3sHU5ycqJ3euZ9GVDTKZoy1j4gR2cOVifZt9OpnClegnKM+u7IELWzLUaizh+gIjj\nBzi6YzVtf5iLwWBIcF15S5S3+v2XDpW5e/1qgueLiIiIPI+aWSIiIiLJVPTjKOYP+xyTKZryjTsR\n2PI/GO3s2TFvHKvHD2LhD90p6F8VR2eXOPNcOHGIkDVzsXdIQf2vfsSrbHUMRjtO7t3I3O87cXzX\nOk7t20Q+v0AAyjXqSLlGHWPkiXp4n+9q5ydNpuxkK1jM6lraTDkoHFgXrzLVCN20hN1L/nh5H4SI\niIi8U3RmloiIiEgydXLfJm5cPo9n0QBqdRmEi5sHzq5uVG7dA58Ktbl3K5IjW5fHm+fKmaMA+NZs\nRonqTXBO5Y6TSyoKVaxDuUadALgcfizePAfWzefR/bv41WoR41rn8euo95/h5C9VGTsHx0Q+qYiI\niMj/qJklIiIiCWI2m9m7bDqjg96nb5Ws9A7MxKhWZdgxfzxms9kq9viudfQs487W2b/x15G9jO1c\nkz6VM/NN9dzM/u+n3L99wxK7fspwxnSsBsDq8YPoWcbd8s//zxUesp2xnWrQt0pWfm5b0ZLj8aOH\nrJ00hB+alqR3xYz0fz8747rW4cTu9TGe49/5Tu3bzOig9+lTKRMDa+Zl3pCu3Lt5zRJ77vAeepZx\nZ9HI2Lc+HtywkJ5l3Nk885ekfqwvJPzADgCKvd8wxrXiHzR6GhOyPd48qdJmjDcmdbr4Y/Ys/gM7\neweKfxCzHhEREZGXRdsMRUREJF5ms5lZ3wYRsmaO1filU0dYNLIHl04dpv5XP8WYF3EsmJW/fcOT\nx48AePzwAftXzuLGpb/4dPSKRNVw7vBulo/uhyn6yT81mYCnW+3Gf16Ps4d2WWKfPH7Eqf1bOB28\nlQ+/HEHpem1jz/drX8tZU48fPWTP0qmcPbSLrhM34ujsQk6fkmR/rzj7V/5JjY7fxNiut3PBBByd\nUlKyTst46+9VzsPqXKu4uKbNQP+lJ+KNi4wIByCT53sxrmXO6w3AtX9i4pKnRDky5i7IvuUzyOnj\nh1e5GhgMRk7u3cjW2aNxz5gNrzLV48xxOfwof4Xtw6dCLVzc08V7TxEREZGkUjNLRERE4hWyejYh\na+aQKY8XNT4bSA4vX+wdUxBx7ACLR/Vk95I/8K3ZjJw+Ja3nrZlL6XptqdCkM6nTZ+HC8QPM/KY9\n4Qd2cOnUYTLn9aFy6x7kKV4u3gPgD21YhF+t5lRs/jkeWXNjNNoBsH3+eM4e2oV7xmx82P0Hchct\nw8N7t9m7bBrrJg9jyU+98S5Xk1QeGWPk863RlMqtviRVukxcOH6QhSO6c/l0GBun/8gHHfoAUObj\nIGZ9G8T+VbPw/7CdZf6Vs8cID9mO/4ftcHZ1e5kfd4I9vHcHAOfUaWJcS/nP2MN7t+PNYzTaEfTz\nEpb+0pc533fCbDJZrnmXr0mdroNxcHKOM8eef87A8qvZPMH1i4iIiCSFmlkiIiISr73LZ2A02tF+\n1AJSe2SyjHsWDaDpwAmMaFaaI1tXxGhm5S9ZiY96jLT8nqtwaSo268aikT24ePJpMyuhcnj70aDX\nLzHeqHdowyIAmn83mRzefgA4uaSiatte3L52md2LpxC2bSWl6ra2mpfdqwQf9x5tyZe7iD+th8xk\neBM/QjcutjSzilT6kOWj+7NzwQSrZtbOBRMBKNPgkwTVP2RrZIKfNeHMz79ifv612EScOMjFE4es\nGlnwdPXdX2H7SJM5x3PnPol6SPDq2aT2yEQB/6qJuq+IiIhIYqmZJSIiIvG6cuYYJlM039d7unXN\njBn+aZY8a5rcvBIRY16e4mVjjKXNmguAR/fvJKqGfH4VYzSy4OlWu5RuaS2NrH97r0w1di+eEutW\nu/wlK8XIlzZLLtJlz8O186ctY3YOjpSu14a1E4cQfmAHnkUDiHpwj+BVs8hfshIZchVI1HO8TE4u\nqQF48K8zyJ55cOemVUxczoftZ3KPRqTJmJ22I+aS06ckRqMdEcdCWPzjV8zo35YULqkoWDr2RlXo\npiXcv32Dis26WVbMiYiIiLwqamaJiIhIvJ6t1onrzKfox1ExxuwdY25NM/CsgZS4lUMpU6d97rX/\n5Xw1/Ou1ZcPUkexcMAHPogHsXzWLh/fuULbhpwnO8SrOzPLI5gk8Pa8qZ6FSVtcunToCQLp/YuKy\nZ9k0zCYTdf8zzKphlad4ORr2GcPPbSuye/GU5zaz9iyZCoBfLW0xFBERkVdPzSwRERGJV/qc+Yg6\ncZ9+i4/j5Br/Sp/EerZCyhSdsGbPv3lk8+SvI3s5H7af7F4lrK4d27EGiL2hc2LPBt5v39tqddb1\ni2e5dv40HllzW8W6ps1AkcofcXDdfO5EXmHnwomky56HAs9p7rwunkUD2DT9R0LWzImxjTJ49WwA\nchcNiDfP/VhWdj3zrJF5/9b1WK9fO3+a8APbyVmoFOlz5Etg5SIiIiJJp2aWiIiIxKtk7ZbMGfQZ\n47rVpWrbr8jh7YuTS2puR17hcngYe5dNJ+Cj9uT1rZCk/M8OMD9zcAf3b10npdvzV2H9f4Ur1eOv\nI3uZ3r8NH3b/gVyF/Xl07w57l09n95Ip2DukwKtszDfxnQ/bz9zBnancsjup0mXi4olDLBzRnegn\njykUWDdGfNmGnxK8ahZzv+/M5dNh1P1iaKzbHp/nVZyZlc+3Iu4ZsxF+YAfLfulDYMv/YGfnwPZ5\nv3N481Jc3DzwKV8r3jxZ8xcmdONiFo/sicFoJJdPKYx2dvwVtp/Fo3r+E1Mk1rl7lk7FbDbjV7PZ\nS302ERERkedRM0tERETiVaJ6E8JDtrFvxUwm92wca0ypOq2SnD9d9jy4pc/Mqf1b+KbG/1ZRDdt+\nM965Zep3IHTTEs6F7mbSlw1jXK/TfXCMNxkCFAqsS/DKWexbPsNqPEPO/AQ2/zxGfLYCRclZqBTH\ndq3FySUVvjVs37yxc3Ckfs8fmdyjEVtmjWbLrNGWawaDgXpf/oCjs4vVnN4VM2KKfmLVXPP/sB17\nlk7j+sWzTOr+cYz7pPLISIVm3WKMm6KfsG/lnzg6paRI5Y/irPXPgZ8QsmaO1djE7g0sP7f47x+x\nNhFFRERE/j+jrQsQERGRN5/BYKBhnzE0+24y+fwq4pzKHTsHR9JmyYV3+Zq0GjyDfH4Vk5zfaLSj\nxaCp5CpcGkenlImaa+fgyCc/LaZq216kz5EPOwdHUqR0JU/xcrQbMY/S9drGOi9XodK0GzmP7F4l\ncEjhhIubByVrtaDjmBUxGkDP+NdrAzw9GypFStfEPeQrUqB0FT4dvZy8vhVIkdIVR6eU5C7iT7uR\n8ylS6cME5XBO5U7XCRso36Qz6XPkw94hBXYOjnhkzY3/R+3pNnkzbukzx5gXtm0ld69fpVBg3Tfm\n8xAREZG3n8Gc2Pc2i4iISLIxZ84cGjVqlKAVTu+K47vWMbF7A2p3HUy5Rh0TNXfpz1+zbc5Yes4O\njnGultjewQ0LmdGvDfrzVkRE5K02V9sMRUREROJhMkVzau8mdi6YRO6iAWpkiYiIiNiQmlkiIiIi\ncVg7cQhrJw2x/F4xlvO0REREROT1UTNLREREJAFSp8tEhaZdKVi6qq1LEREREXmnqZklIiIi75QC\npask6gyxqu16UbVdr1dYkYiIiIgkht5mKCIiIiIiIiIiyYZWZomIiIj8S8SxEH5uF0jVtm/niqwb\nl89zdPtKwrat4nTINqIfR9FuxDwKlK4Sa3z04yg2//kLIavnEnnhDA5OzuQu4s/77XuTJV+hF44X\nERERSSw1s0RERETeIb90qMzd61cTFGuKfsKkHg05uXeTZezJ40eEbVvJid0b6PDTInIX8U9yvIiI\niEhSaJuhiIiIyDskbaYcBNTvQPuR8ylVp1WcsftXzuLk3k24pc9Mm+Gz+W5tBH0XH6NKm6948vgR\n8wZ3wWSKTnK8iIiISFJoZZaIiIjIO6Tz+HWWn8O2r4ozNmzbCgDqdR/BewEfAJAipSvvt/+aS6cP\nc2TLck7v30o+v4pJihcRERFJCjWzREREJMlMpmh2LpjAvhUzuX7hLGbMpMvqSdH3P8a/XlscnJwt\nseEHdrB78WT+OrKPm1cv4JQyFTl8/Ahs/jm5Cpe2ynt81zomdm9A7a6DyZLPh1W/f8fFU6GkTJ2G\ngI86ENjiCwC2z/udHfPGc+PyedJkzsEHHfpQuFK95+bKnMeL1eMHcfHkIRydXfEuV4Pqn/bHxT1d\nvM9qNpvZt3wGe5ZO5dLpI5iio0mfIw+l6rTG/6P2GAyGJH0ub7I71/8GiPWsqyz5CnFky3LCQ7ZZ\nmlOJjRcRERFJCjWzREREJMlW/jaQzTN/thqLOH6AiOMHsHdwIKD+JwDcibzC2E41rOLu3Yrk6PZV\nHN+1jk9+XoJn0YAY+f86spflo/thin4CwK2HD1g5diD2jim4E3mFTTN+ssT+/ddJZgxoS7rseWJt\nppw7vJvlv/a1bHN7/Oghe5ZO5eyhXXSduBFHZ5fnPqfZbGbWt0GErJljNX7p1BEWjezBpVOHqf/V\n/2pJ6OcSl17lPBK8Jc81bQb6Lz2RoNjEcHH3AODiyVDSZMpude3iyVAArp0/neR4ERERkaRQM0tE\nRESS7MjW5Tg6paRx/9/JW6ICdvYOXIs4TfDq2Tg6u1riDAYD+fwCKftxEFnyFcY1bXoe3LlJeMh2\n5gz6jE3TRsXazDq4fgHlGnWkbMPPcHH34Piudcwc0I61k4ZgNplo8PUveJetjsFox4apI9jy569s\nnT2aRn3Hxsh1aMMifGs0pXKrL0mVLhMXjh9k4YjuXD4dxsbpP/JBhz7Pfc6Q1bMJWTOHTHm8qPHZ\nQHJ4+WLvmIKIYwdYPKonu5f8gW/NZuT0KZmoz+VNV6BUZY5uX8WikV9itLMjT7GyPLx3h12LJhO2\n9emWwgd3byU5XkRERCQp1MwSERGRJHNLnwUAr7LVMdo9/bMic14faub1sYpzTZuB6h0HsGn6j8wf\n9jl3b1yzrLYCuBR+JNb8BUpXoXbXwZbfC1Wsg1fZ6oRuWkKtLoMoWauF5VqNzwayZ+lUrpw5Hmuu\n7F4l+Lj3aMt2wNxF/Gk9ZCbDm/gRunFxnM2svctnYDTa0X7UAlJ7ZLKMexYNoOnACYxoVpojW1dY\nmlkJ/VziMmRrZIJjX5WSdVqyf+WfnD8azOQejayulajemP0rZ2EwGpMcLyIiIpIUamaJiIhIktXp\nNpipvVswtGEx8peqTJa8PuTwKUnW/IWt4s6F7mZsl9pEP46KNc/jRw9jHfcsWibG2LPta/9/JZfR\naIdbuizcvX411lz5S1ayOtcKIG2WXKTLniferW9XzhzDZIrm+3reAJgxg9n89Od//n3zSoQlPqGf\ny5vO3iEFQb8uY/2U4Rxcv5Bbf1/ELV1myjfpTKq0Gdi/cpbVeWOJjRcRERFJCjWzREREJMky5/Wh\nx597ORu6h3OhuzlzcCdrJw3Fxc2DZt9OIlMeLwA2ThtF9OMoqrbtRfFqjXBLnxk7hxQYDAaGN/Hj\n3q3YVyHZOzrFHPynIRX7NTCbTS/t+Z4xm57mjOsMq3836hL6ucTlTTgzC8DRKSXVPx1A9U8HWI3P\nH9oNgGwFir5QvIiIiEhiqZklIiIiL8RoZ49n0QDLSqnHDx8wrEkJ5g7uTJcJGwCIvHgW17QZqNqu\nl9XcyAtnuBZxGudU7q+8zhN7NvB++95Wq7OuXzzLtfOn8ciaO8656XPmI+rEffotPo6Ta+oE3S8h\nn0tyFRkRTvDq2RiNdvhUrP3S40VERETiomaWiIiIJNnooPcpUb0xuYsGkDZzLqIfR3Fq/2bu37pu\ntXUwTcbsXD17nB3zx1H8g8YAnA3dxdKfeltWPb1q58P2M3dwZyq37E6qdJm4eOIQC0d0J/rJYwoF\n1o1zbsnaLZkz6DPGdatL1bZfkcPbFyeX1NyOvMLl8DD2LptOwEftyetbAUj45xKXN+HMLIA/ejWl\nZO2W5PQpiZ2DIyf3bmLJT714/OghAfU74J4h6wvFi4iIiCSWmlkiIiKSZBeOH+Tc4T2xXitVp/X/\nfq7XhmO71rJoZE8WjexpGc+avzCZPN/jduSVV10qhQLrErxyFvuWz7Aaz5AzP4HNP49zbonqTQgP\n2ca+FTOZ3LNxrDGl6rSy/JzQz8UW/hz4CSFr5liNTezewPJzi//+YdXcO3dkH0f+eRPhv+X1rUDN\nTt/FGE9svIiIiEhi6XUyIiIikmRdJqwnoH4HMuYqiEMKJ1zcPMhVuDQNvv6F2l2/t8R5l6tBkwHj\nyZzXG4cUTqT2yETpem345Ocl2DukeC215ipUmnYj55Hdq4Sl1pK1WtBxzAocnV3inGswGGjYZwzN\nvptMPr+KOKdyx87BkbRZcuFdviatBs8gn19FS3xCP5fkoM2wWfhUqI1rmvQ4OqUkW4Gi1PvPMNqP\nnI9DipjnliU2XkRERCSxDOZnr+ARERGRt86cOXNo1KgRw7bftHUpNnN81zomdm9A7a6DKdeoo63L\nkVfo4IaFzOjXBv15KyIi8labq5VZIiIiIiIiIiKSbKiZJSIiIiIiIiIiyYaaWSIiIiIiIiIikmzo\nbYYiIiLyVitQuso7fWaYiIiIyNtGK7NERERERERERCTZ0MosEREReW0ijoXwc7tAqrbtRdV2vWxd\nzisRvHo2s74NsvxetuGn1Ok2xPJ738pZiHp4P9a5H/UYSel6ba3GzCYTwUo0TQkAACAASURBVKtn\ns3PhJK5FnMYcHY1H1tz41mxGqbqtsbN3eKF6b1w+z9HtKwnbtorTIduIfhxFuxHzKFC6SoLmz/7v\np+xfOQuA/667gKOzS5LzXz13gh+alrT8nsPLl87j173A04mIiMjbSM0sERERkTfYrO+CCFkz12os\n4vgBIo4f4OiO1bT9YS4GgyHJ+X/pUJm7168mae6pfZsJXjUbBydnHj988NLzi4iIiMRGzSwRERGR\nV6DpwIkUrVI/1mu5Cpfms99WxZvjwolDhKyZi71DCup/9SNeZatjMNpxcu9G5n7fieO71nFq3yby\n+QUmuc60mXJQOLAuXmWqEbppCbuX/JGgeU+iHjJ/+BcUr9aYiydDuXTq8Avnz5Azv+V8s/4f5Ej8\nw4iIiMg7Qc0sERERkTfUlTNHAfCt2YwS1ZtYxgtVrMPl02GsnTSEy+HHXqiZ9e9tfGHb42+wPbN2\n0lAe3btD7a7f83uX2i89v4iIiMjz6AB4ERERsQgP2U7PMu4s+TH286wOb15KzzLubJw28n9zDuzg\nz4EdGNqwGF9XzMDAGnmY3LMxZw/tStA99yydSs8y7oRuXPzca0e2LLcaN5vN7F02ndFB79O3SlZ6\nB2ZiVKsy7Jg/HrPZnIgnfrOlSpsx3pjU6eKPedkunw5jy5+/UveLoaRMnea1319ERETebVqZJSIi\nIhaexcqQPnteglfPpkangdg7pLC6vmfpNIxGO0pUbwrAncgrjO1Uwyrm3q1Ijm5fxfFd6/jk5yV4\nFg14qTWazWZmfRtEyJo5VuOXTh1h0cgeXDp1mPpf/ZSgXL3KeWAyRSco1jVtBvovPZHoemNz9dwJ\nhjYsxs0rEbi4eZC7aAAVm39O1vyFreLylChHxtwF2bd8Bjl9/PAqVwODwcjJvRvZOns07hmz4VWm\n+kupKaHMJhPzhnYjf6nKFKn80Wu9t4iIiAiomSUiIiL/j1+t5qz47RuObFlu1ay49fclTuxeT0H/\nqqROlwkAg8FAPr9Ayn4cRJZ8hXFNm54Hd24SHrKdOYM+Y9O0US+9mRWyejYha+aQKY8XNT4bSA4v\nX+wdUxBx7ACLR/Vk95I/8K3ZjJw+JeNPZiP3b13n/q3rANyOvMzB9Qs4vHkpzb6dhE+F/23ZMxrt\nCPp5CUt/6cuc7zthNpks17zL16RO18E4ODm/1tp3LpzAlTNH+XLGntd6XxEREZFn1MwSERERK741\nmrJq3H/Zs3SaVTNr34oZmEzR+NVuaRlzTZuB6h0HsGn6j8wf9jl3b1zDFP3Ecv1S+JGXXt/e5TMw\nGu1oP2oBqT0yWcY9iwbQdOAERjQrzZGtKxLUzBqyNfKl1xefvL4VKFWnFdkKFsPR2YWr506wacZP\nhG5czNzBXcjnF0iKlK6W+IgTB7l44pBVIwuerkT7K2wfaTK/voPSb/19iVW/f0eNjt/gliHLa7uv\niIiIyL+pmSUiIiJWXNNm4L0yHxC2dQU3Lp8nTabsmM1m9i2fQSqPjLwX8L4l9lzobsZ2qU3046hY\ncz1+9PCl13flzDFMpmi+r+cNgBkz/HNO1rPzsm5eiXjp931ZWg/90+r37O8Vp/l3UxjXtQ6ng7dy\nOngrXmWfbh08H7afyT0akSZjdtqOmEtOn5IYjXZEHAth8Y9fMaN/W1K4pKJg6aqvpfZFI78kUx5v\nSn/Y7rXcT0RERCQ2amaJiIhIDCVrt+TIluXsWz6Dqu16ER6yjcgLZwhs8QVGu//9+bBx2iiiH0dR\ntW0vildrhFv6zNg5pMBgMDC8iR/3bsW/8slgePo+GpPZFOPa40cPYow9W6EU11lXz2uu/X+2OjPr\n/zMYDOQu4s/p4K3cibxiGd+zbBpmk4m6/xlm1bDKU7wcDfuM4ee2Fdm9eMpraWbdv33DchD/V2Vj\nP/S9b5WsAAzZcs3qeyIiIiLyMumvDBEREYmhQOkquGXIwt7l06nSpid7lk4FwK9mc6u4yItncU2b\ngartrN9+GHnhDNciTuOcyj3ee7mmSQfAjYvnYlw7tX9LjLH0OfMRdeI+/RYfx8k1dYKf6U1mNps5\nc3AnAKk8/vd2wvu3bzx/zj9NvWdnb71q5liajSIiIiK2oGaWiIiIxGA02uFboxnrpwzn4IaFhG5a\nimexMqTLnscqLk3G7Fw9e5wd88dR/IPGAJwN3cXSn3rHOOPpeTLmLgjA1jm/kd3blxxevty9fpXt\n8363rAT6t5K1WzJn0GeM61aXqm2/Ioe3L04uqbkdeYXL4WHsXTadgI/ak9e3Qrz3ft1nZm2a/iN3\nb16jSKUP8ciaG3vHFJYzs04Hb8XJNTWexcpa4rPmL0zoxsUsHtkTg9FILp9SGO3s+CtsP4tH9fwn\npshrqd3FzYNh22/Gem1Uq7JcOnWY/667gKOzy2upR0RERN5damaJiIhIrErWasGGP35gwfAveBL1\nkJK1WsSIKVWvDcd2rWXRyJ4sGtnTMp41f2Eyeb7H7X9tmXuetFly4VOhNoc3L+X3zrUs40Y7e4pX\na0zwqllW8SWqNyE8ZBv7Vsxkcs/GseYsVadVQh/ztbp/5yZb/vyVLX/+GuOa0c6e+l/9hJNLKsuY\n/4ft2LN0GtcvnmVS949jzEnlkZEKzbpZjY3pWI2zh3bx+ZStZMlXKN6a/hz4CSFr5liNTezewPJz\ni//+QaHAuvHmsVV+ERERefcYbV2AiIiIvJnSZM5BXt+KPLx7GyfX1BQKrBcjxrtcDZoMGE/mvN44\npHAitUcmStdrwyc/L8HeIUWC7/Vx71/xq9WclG5psXd0IqdPST75aTGeRQNixBoMBhr2GUOz7yaT\nz68izqncsXNwJG2WXHiXr0mrwTPI51fxRR79lanUsjv1/jOc3EX8cXHzwM7eAfeM2Sj+QSO6TNhA\nkUofWsU7p3Kn64QNlG/SmfQ58mHvkAI7B0c8subG/6P2dJu8Gbf0ma3mPFsRpzOrRERE5G1lMD97\n7Y+IiIi8debMmUOjRo2euz1MXr7g1bOZ9W0QTQdOpGiV+q/13maTiW+q5yZ1+sz8Z9pODAbDa73/\ny9T/gxxkyJGfzuPXJXjOwQ0LmdGvDfrzVkRE5K02VyuzRERERF6BmQPa0bOMO0t+6hV/8EtyOfwo\nD+7eIrDFF8mykXX13Al6lnGnZxl3Ht69betyRERE5A2lZpaIiIjIW+LsoZ2kyZT9ta8IExEREXmd\ndJiCiIiIyEtU/INGFP+gkU3u7f9Re/w/am+Te78MGXLm15ZYERERiZdWZomIiIiIiIiISLKhZpaI\niIiIiIiIiCQbamaJiIjISxNxLISeZdxZO3GIrUuROLxJ/532rZhJzzLuhG5cbOtSREREJJlQM0tE\nRERERERERJINHQAvIiIi8o7JVrCYDloXERGRZEsrs0REREREREREJNnQyiwRERFJELPZzP6Vf7J3\n2TQunT6CKTqaDDnzU6pua/xqNsNo9/w/K8IP7GD34sn8dWQfN69ewCllKnL4+BHY/HNyFS5tFWsy\nRbNzwQT2rZjJ9QtnMWMmXVZPir7/Mf712uLg5JyouNctoXXtWTqVeUO60uK/f1AosK5VjmfXWg2e\ngXf5mgAc37WOid0bULvrYLLmL8yaCYOIOH6QDDnyUavLIMZ2rknZjz+lzucxz8E6vHkpU3u3oPqn\n/Qls8R8ijoXwc7tAqrbtRdV2vQgP2Z6o+fD0+7Bv+Qz2LJ1q+T6kz5GHUnVa4/9RewwGg1WOB3dv\nsXrcfwndtIQHd26RKXdBqrbr9VI+cxEREXm3qJklIiIi8TKbzcwc0I6D6xdYjUccCyHiWAhpM+ck\nn1/FWOfeibzC2E41rMbu3Yrk6PZVHN+1jk9+XoJn0QDLtZW/DWTzzJ+t73P8ABHHD2Dv4EBA/U8S\nFReXXuU8MJmi440DcE2bgf5LT8Qb9zLqisu5w7tZProfpugnAJjNJjyLlSF99rwEr55NjU4DsXdI\nYTVnz9JpGI12lKjeNNaciZ1vNpuZ9W0QIWvmWMVdOnWERSN7cOnUYep/9ZNl/EnUQ37vXIuLJ0Mt\nYxHHDzDlqyYUrvRh0j8MEREReSepmSUiIiLx2rt8OgfXLyClW1qqfdKPggHvkzJ1Gq6ePc6uRZOx\ns3d47lyDwUA+v0DKfhxElnyFcU2bngd3bhIesp05gz5j07RRVs2sI1uX4+iUksb9fydviQrY2Ttw\nLeI0watn4+jsmui41+1V13VowyL8ajWnYvPP8ciaG6PRDgC/Ws1Z8ds3HNmynCKVP7LE3/r7Eid2\nr6egf1VSp8v03LyJmR+yejYha+aQKY8XNT4bSA4vX+wdUxBx7ACLR/Vk95I/8K3ZjJw+JQHYPm8c\nF0+Gkj5HPj7s/gM5vH25e/Mam2f+ws4FE174MxEREZF3i5pZIiIiEq/9K2YC0GzgJKsVWNkKFqNB\nr2JxznVNm4HqHQewafqPzB/2OXdvXLOsKgK4FH7EKt4tfRYAvMpWt2xdzJzXh5p5fZIUF5chWyMT\nHJtQL6OuuOTw9qNBr19ibOPzrdGUVeP+y56l06yaUftWzMBkisavdss48yZm/t7lMzAa7Wg/agGp\nPf7XIPMsGkDTgRMY0aw0R7ausDSzQjcuwWAw0PL7aWTMXRCAtM4ufNj9B/7+6ySn9m1O+gciIiIi\n7xw1s0RERN5iTk5OADx5/CjG1rHEuHruJM6p3J+7lTAu50J3M7ZLbaIfR8V6/fGjh1a/1+k2mKm9\nWzC0YTHyl6pMlrw+5PApSdb8hZMU97q96rry+VWM0ciCp03D98p8QNjWFdy4fJ40mbJbzrVK5ZGR\n9wLejzNvYuZfOXMMkyma7+t5A2DGDGbz05//+ffNKxGW+GsXwkmdPrOlkfVvBUpVeWnNrCePHuJk\no7PSRERE5PVRM0tEROQt5uHhAcC9m9dxS5/ZJjVsnDaK6MdRVG3bi+LVGuGWPjN2DikwGAwMb+LH\nvVvWq6My5/Whx597ORu6h3OhuzlzcCdrJw3Fxc2DZt9OIlMer0TFxeVVnJmV0LoMhqcvlTaZTTFy\nPH704Ln5U6ZO+9xrJWu35MiW5exbPuOfg923EXnhDIEtvojzgP7EzjebntYc12f3vOblq3Tv1nXc\n0z7/8xEREZG3g5pZIiIib7GCBZ+uhLl8+sgLNbMy5MzHmYM7ObVvM3l9KyRqbuTFs7imzRDjzXWR\nF85wLeI0zqncY8wx2tnjWTTAcpbW44cPGNakBHMHd6bLhA2JjnvdElKXa5p0ANy4eC7G/FP7tyTp\nvgVKV8EtQxb2Lp9OlTY92bN0KgB+NZu/1Pnpc+Yj6sR9+i0+jpNr6njzpsvqyfmj+7ly5liM1VnH\nd69LUG0JcSU8DK/33ntp+UREROTNpGaWiIjIW8zDw4M8+fJzOngrBUpXSXKeEjWacubgTmYMaEe1\noH4ULF0V59TuXD13gt2LJlPs/YZ4FisT69w0GbNz9exxdswfR/EPGgNwNnQXS3/qbVnh82+jg96n\nRPXG5C4aQNrMuYh+HMWp/Zu5f+u61ZbEhMbF5VWcmZXQup41dbbO+Y3s3r7k8PLl7vWrbJ/3O0e2\nLE/SvY1GO3xrNGP9lOEc3LCQ0E1L8SxWhnTZ87zU+SVrt2TOoM8Y160uVdt+RQ5vX5xcUnM78gqX\nw8PYu2w6AR+1tzQ+CwXW4a+wfUzt3YIPvxxBDq8SlgPgX+Z5WWdCtvJp27jPBhMREZHkT80sERGR\nt1zd2rWYPmch1Tt+E+tZSwnhV6MZx3etI3TjYuYP7RbjeuFKHz53bql6bTi2ay2LRvZk0cielvGs\n+QuTyfM9bkdesYq/cPwg5w7viT1XndaJjnvdElpX2iy58KlQm8Obl/J751qWcaOdPcWrNSZ41awk\n3b9krRZs+OMHFgz/gidRDylZq8VLn1+iehPCQ7axb8VMJvdsHGueUnVaWX4u0+ATQtbM5eLJUMZ1\nrWMZNxgMFKn8EQfXL0hUjbE5fzSYaxf/onbt2i+cS0RERN5sRlsXICIiIq9W27ZtuRpxhuO71iY5\nh8FopPl3U6j/1U/k8PbD0SklTi6pyO5VggZf/0Ke4mWfO9e7XA2aDBhP5rzeOKRwIrVHJkrXa8Mn\nPy+J9VD6LhPWE1C/AxlzFcQhhRMubh7kKlyaBl//Qu2u3yc67nVLTF0f9/4Vv1rNSemWFntHJ3L6\nlOSTnxZbticmRZrMOcjrW5GHd2/j5JqaQoH1Xvp8g8FAwz5jaPbdZPL5VcQ5lTt2Do6kzZIL7/I1\naTV4htXLAuwdnQj6dRn+H7XHNW0G7B2dyJq/MC0Hz3ihFYP/tmvhBLy8fShZsuRLySciIiJvLoP5\n2StnRERE5K1Vu3Ydgo+epuvkLQk6CFwkObl4MpSf21XkjylTaN48YeeDiYiISLI1V80sERGRd8Dp\n06fx9vaheqdvCaj/ia3LEXmpxnWphYdjNDt3bE/yVloRERFJNuZqm6GIiMg7IE+ePHzxxeesHT+I\nq+dO2LockZdm29yxhB/Ywehff1EjS0RE5B2hZpaIiMg7YsCAAfh4ezGlx8fcu3nN1uWIvLATu9ez\n/Je+DBo0iBIlSti6HBEREXlNtM1QRETkHXL16lX8SpbC3j0zrYfPwcklla1LEkmS82H7mfBFPRrW\nr8+UKZNtXY6IiIi8PtpmKCIi8i7JkCEDK5Yv496Vs4zt+AE3Lv1l65JEEi1042LGdalNhXLlGDfu\nd1uXIyIiIq+ZmlkiIiLvGG9vb/bu2U06V0dGf1KZYzvX2LokkQR5EvWQNRO+Z3q/1nTo0I5lS5fg\n6Oho67JERETkNdM2QxERkXfU3bt36dDhE2bN+hPvMtWo2WUQ6bLnsXVZIrE6vHkZK0f35d7Na4z4\nYTiffvqprUsSERER25irZpaIiMg7btOmTXTu0pXjx47hVa4Gxas1Jp9vRRycnG1dmrzjbl29SNi2\nFexbNpWIE6E0bdqMYcOGkiVLFluXJiIiIrajZpaIiIjAkydPmDVrFr+N/Z1dO3dgMNqRKVc+UqXL\njGPK5HFIfPSTx9jZO9i6jDeS2RQNGDAY3/wTJszR0Ty8e5PIiHCuX7lAypQuNGhQny5duuDr62vr\n8kRERMT21MwSERERa1euXGHTpk0cPHiQK1eucOfOHVuXFC+TycTatWvJmTMnBQsWtHU5b5z169eT\nIUMGChUqZOtS4mU0GnF3d8fT05PixYtTtmxZnJycbF2WiIiIvDnUzBIREZHkr1+/fowaNYpDhw7h\n6elp63LeOL/99htdu3Zl165dlChRwtbliIiIiLwINbNEREQkeTt06BC+vr6MHDmSzp0727qcN5LZ\nbKZq1ar8/fff7Nu3DwcHbccUERGRZEvNLBEREUm+njx5gr+/P/b29mzfvh1jMjgTylbOnDlDoUKF\n+Prrr+nTp4+tyxERERFJqrn6i09ERESSrREjRhAaGsrEiRPVyIpH7ty56d+/P9999x1hYWG2LkdE\nREQkybQyS0RERJKlkydPUqRIEfr168fXX39t63KShejoaPz9/bGzs2Pbtm3Y2dnZuiQRERGRxNLK\nLBERkbfdzZs3MRgMCf6ncePGti45XiaTifbt25M/f36+/PJLW5eTbNjZ2TFx4kSCg4MZM2ZMguac\nOnUqzu+Lj49PouvYt28fBoOBb775JtFzRURERNTMEhERkWRn7Nix7Nixg4kTJ+ow80QqVKgQX331\nFb169SI8PNzW5YiIiIgkmppZIiIibzl3d3fMZrPVPydPngSgQoUKMa7NmjXLxhXH7eLFi/Tp04ce\nPXpQokQJW5eTLPXt25fcuXPToUMHEnriROXKlWN8V8xmM4cPH37F1YqIiIhYUzNLREREkpWOHTuS\nIUMG+vfvb+tSki1HR0cmTpzI5s2b+eOPP2xdjoiIiEiiqJklIiIiFqtWrcJgMPDjjz+yefNmKlSo\nQKpUqfD19QVgwoQJGAwG5s2bF2Pus2uLFi2yGjebzUyaNImAgABSpUqFs7MzRYoUYfTo0QleFfTM\ntGnTWLZsGRMmTMDJySnpDyqUKlWKLl268Pnnn3PhwoUXzrdlyxaaNWtG3rx5SZEiBenTp6d27dps\n3749QfOjo6P55ZdfKFGiBGnSpMHd3R1fX19GjhzJ/fv3rWJf5ndKREREkh97WxcgIiIib54dO3bQ\no0cPnjx5Ajw9cD0pzGYzLVq0YMaMGVbjhw4donPnzhw8eJBx48YlKNe1a9fo3r07n332GeXKlUtS\nPWJt0KBBLF26lI4dO7JkyZIk57l8+TIVKlSwGrt27RrLli1j1apVrF+/nvLly8eZ4+uvv2b48OFW\nY/v372f//v04OjrSuXNn4OV+p0RERCR50sosERERiWHu3Lm0bNmS48eP8+TJE4KDg5OUZ/r06cyY\nMYNChQqxYsUKIiMjuXv3Lps3b6ZIkSKMHz+enTt3JihXp06dcHZ25vvvv09SLRJTypQpGT9+PMuW\nLWP+/Plxxq5fvz7Wtxlu27YNg8FA1apVWbp0KefPnycqKoorV64wZ84cUqRIwZAhQ+KtZdGiRbi4\nuDB//nxu3rzJvXv3OHDgAF9++SWurq6WuJf5nRIREZHkSSuzREREJIbSpUtbtg2+iMmTJ2NnZ8fq\n1avJnDmzZbx8+fLMnDkTb29vFi9ejL+/f5x5li1bxpw5c1i5ciWpUqV6oZrEWmBgIG3btqVz584E\nBgaSNm3aROfImDEjgwcPZujQoQQFBXH16lXLqj6A0NDQeHNky5YNgDp16mBv//RP1CJFilCkSBGr\nuJf1nRIREZHkSyuzREREJIYqVaq8cCML4MiRI0RHR5M9e3bs7e2xs7PDaDRiNBrx9vYG4K+//ooz\nx61bt+jYsSOtWrWiWrVqL1yTxDRixAjs7Ozo3r37c2Oe9zbDsmXLsmPHDgICApg7dy4XL160amQB\nPHjwIN4aRo0ahclkIm/evAQFBTFmzBhCQkJixL2M75SIiIgkb2pmiYiISAweHh6xjhuNT/90iO0M\nrdgaFs/ioqOjiY6OxmQyWZogz0RFRcVZS/fu3Xn06FGM85Tk5XFzc2Ps2LH88ccfrFq1KtHzhwwZ\nQlRUFAMGDODUqVM8ePDA8t+6QIECCcpRpEgRjh07xtSpU8mdOzdbt26lWrVqeHt7W63sehnfKRER\nEUnetM1QREREEixDhgwAnDlzJsa1DRs2xBgrWLAgwcHBXLx4ETc3t0Tfb+PGjUyaNIk5c+aQPn36\nxBcsCVarVi0+/vhjgoKCOHz4cKK2c4aHh5MxY0a++eYbq/HTp09z8uRJ0qRJk6A89vb2lC9f3nJY\n/P379ylQoADt2rVjz549wIt/p0RERCT508osERERSTAvLy8AfvzxRzZt2sSDBw84e/Ys3bt3Z9Gi\nRTHi27Vrx/3796lSpQrLli3j77//JioqinPnzrF8+XLq16/P+vXrY73X/fv36dChA7Vq1aJBgwav\n9LnkqdGjR/PgwQP69OmTqHk5cuTg6tWr/Prrr9y6dYtbt26xYsUKatSokeA3YQYEBDB27FjCwsJ4\n8OABt27dYtWqVURGRhIeHm6Je5HvlIiIiLwdtDJLREREEszT05OPPvqIBQsWEBgYaBm3t7enRYsW\nTJs2zSq+VatWbN68mSlTplC7du1Yc3bo0CHW8b59+3Lt2jV+++23l/cAEqd06dIxYsQIWrduTcOG\nDSlbtmyC5gUFBbFy5Uq6dOlCly5dLOPFihXDx8eHS5cuxZsjODj4uW8h/Pd35EW+UyIiIvJ20Mos\nERERSZSJEyfStm1bPDw8cHJywt/fn3Xr1lm2hv2bwWBg8uTJzJ49mypVqpAmTRocHR3x9PSkXr16\nLFy4kCpVqsSYt3v3bn7++WdGjRpF1qxZX8djyT9atGhBrVq1aN++PQ8fPkzQnLp16zJjxgwKFy6M\ns7MzmTNnJigoiPXr15MiRYoE5di9ezedOnXCy8sLZ2dn0qVLR5kyZZgwYQKjRo2yxCX1OyUiIiJv\nD4P536dlioiIiNhYVFQUxYsXJ2PGjKxbt+6lvFVREufChQt4e3vTqVMnBg0aZOtyRERERP5trlZm\niYiIyBtl0KBBnDlzhnHjxqmRZSNZs2bl+++/Z9iwYezfv9/W5YiIiIhY0cosEREReWOEhobi6+vL\n8OHD6dq1q63LeaeZTCYCAwO5desWe/fuxcHBwdYliYiIiADMVTNLRERE3gjR0dH4+/tjNBrZvn07\ndnZ2ti7pnXfixAmKFi1Kv379+Prrr21djoiIiAhom6GIiIi8KUaOHMmhQ4eYOHGiGllviPz589O/\nf38GDhxIWFiYrcsRERERAbTNUERERN4AZ86coVChQnz99df06dPH1uXIvzx58gR/f38cHBzYtm0b\nRqP+X6iIiIjYlLYZioiIiG2ZzWaqVq3K33//zb59+3Q20xvo0KFD+Pr6MnLkSDp37mzrckREROTd\npm2GIiIiYlu///47mzdvZuLEiWpkvaEKFy5Mz5496dWrF+Hh4bYuR0RERN5xWpklIiIiNnPx4kW8\nvb0JCgpiyJAhti5H4vDo0SNKlChBpkyZWLt2LQaDwdYl/R979x1e4/kGcPx7crL3EJEYIYKQiE2M\n2JTWnq1ZOlCz1k+ptmirNUprlyqtGVvsvRIkIlaWPUNClux1zu+PVDhOECGJcX+uK1fjGfd7nzfn\ntHL3eZ5XCCGEEO8n2WYohBBCiMLToUMHQkJCOHPmDEZGRoWdjniBkydPUr9+ff766y/69u1b2OkI\nIYQQ4v0k2wyFEEIIUThWrlyJt7c3ixcvlkLWW6JOnToMHjyYkSNHEhERUdjpCCGEEOI9JSuzhBBC\nCFHgHjx4gKurK126dGHevHmFnY54CUlJSbi7u1O9enW8vLwKOx0hhBBCvH9kZZYQQgghCt7QoUPR\n09Pj559/LuxUxEsyNjbmzz//ZP369WzcuLGw0xFCCCHEe0iKWUIIx1k+JwAAIABJREFUIYTIF+np\n6axbt47U1FSN9u3bt7NmzRrmz5+PhYVFIWUnXkXTpk359NNPGTx4MDExMRp9N27c4MCBA4WUmRBC\nCCHeB1LMEkIIIUS+2LVrF926daNy5cqcOHECgIcPHzJw4EB69+5Nu3btCjlD8SpmzZqFUqlk9OjR\nAKhUKubMmUPFihVp06YNGRkZhZyhEEIIId5VuoWdgBBCCCHeTUeOHEFPT4+rV69Sv359hg4dysOH\nD0lJSWHmzJmFnZ54RRYWFixYsID27dtTt25dlixZgr+/PyqVCoCAgADq1KlTyFkKIYQQ4l0kxSwh\nhBBC5It9+/aRnp6e/ed58+ZhbGzM8OHDsbW1LcTMxOvSunVr6tWrx6BBg1AoFNmFLD09PY4cOSLF\nLCGEEELkC9lmKIQQQojXLiEhgfPnz2u0ZWRkkJiYyJQpU+jSpQtRUVGFlJ14Hc6dO0fNmjU5ceIE\nGRkZGoXLzMxMDh06VHjJCSGEEOKdJsUsIYQQQrx2Pj4+ZGZmarU/atuyZQsuLi54e3sXdGriFaWn\np/PNN99QvXp1goODc/w5q1Qqjhw5kr1SSwghhBDidZJilhBCCCFeu8OHD6Ovr//M/oyMDB48eMC4\nceMKMCvxOoSFhTFt2jRUKpXGaqynJSQkcO7cuQLMTAghhBDvCylmCSGEEOK1279/P2lpac/sVyqV\n1K1bl3379hVgVuJ1cHNzY//+/VhbW6Onp/fMcY/OzRJCCCGEeN2kmCWEEEKI1yo5OZnAwMAc+xQK\nBQBfffUVhw8fxt7eviBTE69J48aNOXv2LNWqVUOpVOY4RqVSyblZQgghhMgXUswSQgghxGt1/Pjx\nHLef6erqYmhoiJeXF3/88cdzV/WIN1/x4sXx8fFh9OjRwONC5SOZmZkcPHgQtVpdGOkJIYQQ4h0m\nxSwhhBBCvFZHjhzROi9LV1cXR0dHTp06RdeuXQspM/G66erq8ssvv7Bq1SoMDQ21CpSxsbGEhIQU\nUnZCCCGEeFdJMUsIIYQQr9WBAwc0VmYpFAq6du3K2bNnqVSpUiFmJvLLJ598QmBgIGXKlEFXVze7\nXVdXV87NEkIIIcRrJ8UsIYQQQrw2aWlp+Pn5oVarUSqV6OnpMWvWLFatWoWJiUlhpyfyUYUKFQgI\nCKBjx47ZWw7VajWHDx8u5MyEEEII8a6RYpYQQgghXhs/Pz9SU1PR0dHBzs4OHx8fhg8fXthpiQJi\namqKl5cXv/32G0qlkszMTPbv31/YaQkhhBDiHaNQy6mcQggh3iApKSkcO3aMgIAArl27RmxsLCqV\nqrDTErkUGhrK+fPnsbOzw8PDQ+vsrMKko6ODpaUlTk5OVK9enQYNGmBoaFjYaeVZREQEhw4d4uzZ\ns0RERBAfH1/YKWl48OABvr6+pKam8uGHH8rKvLeIoaEhVlZWVKpUCQ8PD6pUqVLYKQkhhBBPWifF\nLCGEEG8Ef39//vhjDhs2biQ5KRFT2+IYFS2NjrElKGQh8dsi7WEUGUlxGBcrAyheOL5AqVWokmJJ\njrxOwv07GBmb0LlTJ4YPH0bNmjULO7tcycjIYM2aNSxcuIDjx0+gVCqp4OxE8WJFMTV984pFqalp\nhF25SsVyZeXplW+R1NQ0omJiCQq9yMP4BEqVLEn/zz5j0KBBFC1atLDTE0IIIaSYJYQQonCFh4cz\nZuz/WL1qJZZlKmPXsAe21VpiYG1f2KmJd1hq9F3uB+4h4sgqYq+d55MePZk+7VccHBwKO7VnOnTo\nEMOGDSU0NIx2rZrRq0t7mjSoi7HR27u6TLzZ1Go1p88FsXHbbpav3Uhqejrfffc9Q4cOleKkEEKI\nwiTFLCGEEIVn4cKFjBw9Bl0zG8p0/56iNVsXdkriPRR5aifX1k4iIz6K32ZMZ+DAgYWdkoaEhAS+\n/PILVq9ew0ctmjD9h3E4l3Es7LTEeyYpOYXpc//ktwVLcSztyJo1a2X7oRBCiMIixSwhhBAFLzMz\nk6+//pq5c+dSuv0IyrQbjo6eQWGnJd5jqvRUrm39netbZjN4yBBmz5qFUqks7LS4desW7dq2JfzO\nbRbP+pnWzRoVdkriPXfj1h2+HDUB/zPnWbVqNW3bti3slIQQQrx/pJglhBCiYKWlpdG+Q0f2HzhI\nxS//oGjtNoWdkhDZIv22EfLnMJo2bcLWzZsK9QD7oKAgWrRojrWFOZuXL8CxZPFCy0WIJ6WnZzBs\n/GSWrdnAnDlzGDRoUGGnJIQQ4v0ixSwhhBAFq++n/VizbgNVx67FvGy1wk5HCC0PrwRyZlp3Pu7a\nmeXL/i6UHCIjI6lTpzbFixZhy7+LMDczLZQ8hHien2cvYPKMOWzevFlWaAkhhChI63QLOwMhhBDv\nj6lTp7Li339xH/F3gRSyVOmpXNkwjUi/baRE3UGtyqTJ4ssoDd+8p77lt9iwk4Qf9SLukh/J92+h\n1DfErHQVSn3wOUWqtdAaf/DzsmSmJuUYy6Xfr5Ro2idfrvu0oEXDuHtsHUCB/ezMy1bDdcifrJjZ\nm4ouFRg3bly+X/NJKSkpdOjQAVQqvP6aI4WsAnLzdjjb9h5k+54DHPb1Iy09He+Vi/mgiafW2D8W\nL2f091OfG+/nb0cz+qvPnzsmL3GsnKuRmJSc49i5v/zAl30+fm6812n8iEGE34ugR49POHbMR87Q\nEkIIUWCkmCWEEKJABAQEMOHbbynfc1Kuihivw3XvP7ixfX6BXOtNlhRxjVM/dtBoU6WnEh10hOig\nI5Tv8QOlWg94464bHXSUuz7rUeobkZmW8y/v+cWmcmPK9fie8RMm0KJFC2rUqFFg1540aRIhwUEc\n9V6DrY11gV33fVf/o65E3I96bfGa1Pd4o+Lkl1lTvuXS1et8/HF3zp07L085FEIIUSBkm6EQQoh8\np1araeDZiLAHqVSbsBkUigK57skJzUl+cIta32/D2L4sCoVOgVz3TZMceYPQZeOwb9AVc6eqGNoU\nJzUuktv7lnNj+zx0dPVpOP8CukZm2XMOfl4WM0dXak7cWqDXfUSVnsqJb5pgUb4WCTeCiL8ZVCir\n6s5M7YyTmZoTx31QFMD79sqVK7i6ujLtu7EM6tcz368nHmvQpjs1qrjxUYsmbNq+h79Wej1zZdaz\nJCYlU6pqA0qVcCDwgHeec3leHCvnalRxrcihLavyHP91ux1+FzfPD5ny44+MHDmysNMRQgjx7lv3\nfv6tXgghRIFauXIlJ4774tz75wIrZAGkRIdjbF8WE4dy70whKz0hhogTWwheMhK/71rlao5RUUeq\njV1NsXqdMC7mhI6eAUZFSlLu42+xcqmLKiONxPBLrz3XV7nu1U0zyUiOp3yPSa89r5dRtsdkTvn7\nsXLlygK53tdfj8C5jCNf9C64rWLvmqiYWNZt3cGXIydQt3WXXM87tm0tv/80kZaNG6Cvn7fVRV5b\nthOfkMinH3fO0/zXHaeglHCw5+uB/Zg8eRKRkZGFnY4QQoj3gGwzFEIIke9+/HkqxRp0wczRtUCu\nd3HFd9zcvRjIKv7s620PQPGmvanYbxoAMaEnuHPwX+IunyY1+g5KIzMsnGtQus1QLMvX0ogXde4g\ngdN7UL7nZMxKu3F1wzQeXj+PiX1Zak/enTVIrSb8yBruHFpFwu0Q1JkZGBcrS/GmvSjZ7NM8F/HU\nmenEXjpF9PnDRJ0/RPz186jVKnSNzSlao3WeYj5Jocz6pV3fvMgrx3pd1024FcKNHQtxGzgHPVPL\nAs3raWaOrhRr0IWfpv5Cr1698vVaQUFBeHtvY8u/i9DVVebrtXJy9IQ/i/9di1/gOW7fuYu5mSl1\nalRhzJAvqVerutb4mLiHfPfLLDbv2EPcwwQqVXBm4qihREXH8PnX37Dmz9/p1OaD7PFqtZrlazey\ndOU6LoReJCMjk3JOpfm8VzcGftojzyvf0tMzOH4qkH2Hj7H3sA+B54NRqVRYmpvTrnWzPN+PvPhr\n5Tr09HTp0bndGxGnII0Z8iWL/13LggUL+P777ws7HSGEEO84KWYJIYTIVydPniQsJJjan8wq7FSy\npcVFEvBTR402VXw0DwL3EnXuINXHrcPKRfucmrhL/lxaMxl1ZgYAapUqq0Ot5sLCIdzz3agxPuFW\nMGHLx5NwM4iK/WfkOr+ku1eIOn+IqAuHiQnxJTMlEYVSF3OnapTpOBKbyo0wd6qGQidvBQ+1WkVa\nbCThR9YQHXQEG/cmGNmW0hqXGH4Zn1F1SYm6g76ZNZYuHpRuMwQzR7d8u65arSJk6Rhs3Btj59E+\nT9d53Uo074ffd63w8/Ojdu3a+XadpUuXUraMI62aNsy3azzLvcgHNOvUW6PtQXQM2/ceYvfBo+z2\nWoanx+Mib0pqKi279OVsUEh22+lzQXT6dBBd2moXWdVqNZ8OHcvqjZpb5s6HhDF8whTOBYexYPrk\nXOd78co19h72Yd/hYxz29SMhMQldXSW1qroz4euvaNG4AbWqVkapLLiiYFDoJfxOn6V96xavdNZZ\nbuKEXb6KS72W3LoTThFrKxrUqcWYIZ9T1a1Snq/7qoyNDOnbvRN/L10qxSwhhBD5TopZQggh8tW2\nbdswsyuFeRn3Artm+V6TKd9rMocGVMDE3plaP2x/aoQCa7dGlGr5GWaObuhbFCE9MY6Y0OME/zmC\n69vm5FjMivDzxqHRJ5RuMwSjoo7ZxaS7vhu457sR05IVKdf9W8zLVkdHT5+H185x8d9vuXNwJQ4N\nP8bCueYLc/cZWYfk+zeBrG169vU6Y125MdaV6qNrbP5K9yUx/DLH//f4/B8dPQNKNP+Uct2/zXF8\nekIM6QkxAKTGRhBxYguR/juoPGQhRWt+mC/Xvb1vGQm3w6j365Fcx89v5mWqYFa0JN7e3vlazNrm\n7U2nD1sWyNlcT1MoFDRvWI/Bn/WhqpsLRYsUISYujqPH/fn862+YPnexRjFr3l8rOBsUQvmyZZgz\n9XtqVXMnKjqG2Yv+Zt7SFVrxV23YyuqN3rhVLM/PE0ZTu3oVDPT1OX3uAl9/+xN/rfSi78ed8KhR\n9YW5lvdozvWbtwEo41iSHp3b0aJRfRrX98DCXPv8tYLy10ovgFfeGpibOFExsUTFxAJwN+I+67bu\nYPPOPaxcMIsOHxbMAzZy0vGjlkyft5hz587h7l5w/84XQgjx/pFilhBCiHx1zOc4ZhXqFXYaGvQt\nbHHuNp4b2+YS8vdY0h4+yF5tBVnb3HJi4VyDSp/N1NoyGH5kDQodJdXGrsbA0i673crFA7ev5nN8\nXCPuB+zOVTGrIKnSU4m7dIqEW8FYlNPcWmnt6knxxj0xd6qC0sCYxPDLXN8+j0i/bYQsGYmNW0OU\nhqav9bqpMfe4su4XynWfgIG1/Su9ttfNzKU+Pr4n8i1+VFQUFy9douEPY/PtGs9jZ2vDj+NHMX3e\nYr4ae5r7UVFkZGRm958PuagxfuP23SgUCryWzKFSBWcATE2MmfXjt4Rdvsq+I74a45ev3YhSqWT7\nqr+wt7PNbvf0qMW/82dQpXEbvHftz1Ux602UkprKqg1bsbezpVXT3B8Yn5c4TRrU5bOe3ahRxQ0T\nYyPCLl9lxvwlbNy2mwGjJtCsYT3MTAv2QQmP1KjihrmZKcePH5dilhBCiHwlxSwhhBD5KjgkGMum\nAwo7DQ1xl/wJ+Lkzqoz0HPtVaSk5tlu7euZ49lXi7TDUqkyODa+R1aBWo0ad/T1AStSdXOVW/7eT\nJIZfJvrCIaLOH+au7wZuH/gHhY4Sc6dq2FRuhLVbIyzKVkOhfLn/jJs4ONP837uoVZmkxd3nwdn9\nXFo1iYBfulH3l8MaW/6qfL1MY665U1Xch/xJwC9diQn2ITrYB9vqH5Abub1u6PJvMC3pQolmfV/q\ndRUE0xIuBB/8M9/ih4RkFVDdXMrl2zWe5/ipQFp07kNaes6fiZQUzc/E1es3cShml13IelKLxp5a\nxazgsMtkZmbiVLMxkLXt8NEDtR/98+ad8FzlevHEPsIuX/1vm6EPqzZs5c9/1qBUKqlVtTItGjeg\nWcN61K5WpcDOHtu0fQ/RsXGM/urzV9ramJs4G5fN1/hzzaqVWb1oNh90+5RDPic57HuSNi2b5jmH\nV6FQKKhY3pnQ0NBCub4QQoj3hxSzhBBC5KuY6GhsC/hw8Re57j0XVUY6Th1HYd+gCwZW9ujo6oNC\nge/YBqTHR+c4T8805/Nr1Oqss7PUqswc+wFUGWm5zs/EwRkTB2dKtvwcVUY6cZf8iTp/mOgLh7i2\neRZXN81E18gM2+of4DpwTq7jPqLQUWJgVYzijXuiSk8l7J8JRPp54/jR4BdMVGBZvjYxwT6kxd1/\nrddNT4jlfsAuAPb1cchx/sEvsgonzZbdeulC3qvSM7chOioq3+JH/Re7yCuctfQqps35k7T0dCaO\nGkLPzu1wsLfDQF8fhUKBm2droqJjtOY8azvko+LUk1T/nS+Xmfnsz8izCmk5qeDsRAVnJ4Z81pu0\n9HSO+z8+AP6nWfOZMnMu5mamtP2gGX//8Wuu4+bV0lXrAPj0k1fbYpjXOAqFgvq1a3DI5yT3Ih+8\nUg6vqoi1dfb7WQghhMgvUswSQgiRr9LTUtHRzdtj7vNLUuQN9C1sceo0WqM9OfI6yfeuoWti8VLx\nTOydiU89j+ecM698rtXTdHT1sKpYD6uK9aDbN6QnxBB94TBR5w8/czvky1ClZxXZMpLjXzxYrSb2\noh+QtVXztV73v4Lgm0pHV5/0tNR8i5+amhXbQF8/367xPNdu3sLO1oaJo4ZotF+9fpPL125gZaH5\nvnYqXYpTZ84TcvEyFctrrs7af8RHK34FZyeSzgdxI/Doaz/XSl9Pj0b1atOoXm2mfDOSqJhY9h/x\nYe8hHy6EXnxxgFd0+doNjhz3p27NapQvW6ZQ4qjVanz8AgAoVrRw/+eBoaG+1ko+IYQQ4nWTYpYQ\nQoj3jmGR4iSGX+TW3qXY1+8CQOwlfy6u+C57ldXLcGjcg+A/R3D6l244dRyFuXN1dI3MSYuNIOF2\nKOGHV1Oi+adZ2xRfkZ6pFXYeHbDz6JDrOde2/k5GUjx2tdtgVNQRpYExqbERPAjcw9UN0wCwrPD4\nwPvr2+aSHh+FXe12GNmVRkdXn8S7l7mxbR4xwT7oGptnFdde43X1zKxp/u/dHOOcnNCc+JtBNFl8\nGaVh4ZwF9K4rVdyBkItXmP/3Snp2bgeAr/9pRn8/NXtV1ZM6ftQS/8BzdP9iOHOmfk/NqpWJio7h\nj8XL2XtYu5jV75Mu+PgF0Kp7P74dOYTa1d2xMDfjXsR9LoReZNmaDQz8tAdNG9R95ddiY2VJt/Yf\n0a39R68cKzeWrlyHWq2m78ed8j3O9HmLeRAVTZe2rXEqXQoDff3sM7MO+ZzEwtyMhnXz7yEFQggh\nxJtCillCCCHeOyWa9ibq7AHC/plA2D8TstvNHN0wLeFCamzES8VzaNCN2JDjhB9dy5nf+uQ4pniT\nXrmKtb9vieduV3ySvoUtDeeee+G4jMRYbuxYyI3t83LsL1avEzaVGz8xPi5r/I6FWmMVSl0q9p+O\nrpHm6poD/RxRqzJptvx2nq8rCs8Xvbuz68ARRkyYwogJU7Lbq7pVwtWlHPciNLeVDu7fi9UbvDkf\nEkaLLo/f8wqFgs5tW7HBexd6eo//mtm7WweOnPDjn7Wb6Nh3YI45fNazW65yNSrp+tztik+ys7Xh\n1lnt4lpO+g4Zw+qN3hptbXt+kf39mj9/p1MbzXPiMjIy+XfdJkyMjeja7vlP+DQr7U5GZibJt4K0\n+nIbJzb2IbMW/s2shX9r9enqKlkwbTLmZnl7MIMQQgjxNpFilhBCiPeObfVWuA2ax/Vt80iKuIqe\nsQVFqrfEudsEAn/N3S/UGhQKKn05G5sqTblzcCXx18+SmZqEgbUDpiUr4uDZ/bWsysqrMu2/xsjW\nkYiTW0kMv0R6Yhx6ppaYla6MQ4Ou2NVprzG+dLthGNg4EHFiC4nhl8hIisfAsihWLh6Uaj0QM0e3\nfLmuKDxtP2jGP/NmMH3uYi5fu4GlhRltWjblx/GjaN29n9Z4I0ND9m74h4lTf2PLzn08jE+gUgVn\nJo4ayulzF9gAWD6xNVGhULBk1lRaNWnIXyvXcfrcBRKTkinuUIzKFSvQp1sHmnm+WU89zY1tew4Q\ncT+K3t06vNITBHMb53/DBlDCoRjrtu4k9NIV4uLjKVbUFk+PWowY8ClV3SrlOQchhBDibaJQ53RK\npxBCCPGaKBQKKg9ZhF2ddoWdihB5FnFyK+fnDsjxcPPXwcvLi+7du5MW/nY/BU6lUuHRqgtng0II\nv3AcGyvLwk5JFLBPBoxAx9AMLy+vwk5FCCHEu2udTmFnIIQQQggh3j5jJ/3Kqg1buXk7nKTkFM4G\nhfDJgBGcuRBMo3q1pZAlhBBCiHwj2wyFEEIIIcRLu3jlGrMXaZ/dZGpizPQfxhVCRkIIIYR4X0gx\nSwghhBBCvLQZk76hiI0VPicDuB1+D3MzUzzr1mLiyCG4upQr7PSEEEII8Q6TYpYQQgghhHhpzmUc\nWTJramGnIYQQQoj3kJyZJYQQQgghhBBCCCHeGrIySwghhBC5FnvRj6sbZ/LwaiBqtQrz0pUp3W4E\nNpUb5T5G2EnCj3oRd8mP5Pu3UOobYla6CqU++Jwi1VpojU95cJv7gXt4ELiHmBBfVBnpVBuzChv3\nJs++iFpN+JE13Dm0isQ7YSh09bBwrkHpjwZjWaFOXl66EC/Fxy+AH2fOw//MOVQqFdUquzJu+EBa\nNKqf6xhp6en8tmApqzd6c/X6TYyNDKlfpybfjxlKFdeKrzQ+MSmZrbv24bVlB+dDwrgXcR8ba0vq\n16nJ2CFfUNWt0ivfAyGEECK/KNT59YxpIYQQAlAoFFQesgi7Ou0KOxUgqxhzakp7ynb5H2Xajyjs\ndN4qUecPcWZGL9SqTM2ORz/j2m1fGCMp4hq+o+s9s798jx8o1XqARtuRIe6kxd3XaHteMUudmc65\nOV9yP2CXVp9CR0mz5bdfmOfTIk5u5fzcAeTXX5u8vLzo3r07aeGh+RI/L3z8AmjSoSc/jB3O+BGD\nCjudt8qeQ8do33sAmZmanxWFQsGqhbPo3LbVC2NkZGTStucX7D/qq9VnoK/PzrVLaVCnZp7Hf//r\nbKb+vjDHa+vp6bJx2QI+aOL5wjyf9smAEegYmuHl5fXSc4UQQohcWifbDIUQQgjxQqqMdEKWjkGt\nyqRU6wE0mh9E40VhlO3yP1CrCV02jsyUxBfGUSh0sKncGLdB86g33YemS69Tf5Yfjh8NBuCy189k\nJMdrzDEqUpKSzftRbexqijfp+cJrXN30G/cDdqFvXgTXgXNptDCUpn9do/r/1mBV8dmFNCFeh7T0\ndL4a+x2ZmZmMGNCP8AvHiQz144exw1Gr1Qz9ZhIJiUkvjLNi/Wb2H/XFoZgdm/9ZSNTFAG4EHuHb\nkYNJTUtjwKhvNYplLzve1NSEHp3bsWn5Qi6e2Efc1TP4791E84b1SE/PYNj4yflyf4QQQojXQbYZ\nCiGEEOKFooOOkPLgNlYuHpTv8UN2e5n2I4i/fp7IUzu4f3o3xep1em4co6KOVBu7WrOtSEnKffwt\nD6+cJib0OInhl7AoWz27v9YP27O/f3B6z3PjpyfGcWPnQhQ6SqqNWYVZ6crZfdZujbB2y/12SCHy\nYv8RX27eDsfToxbTvv9fdvv4EYM4cyGYzTv24r17P590ev5KRu/dBwCYM/U7PmzeGAAzUxO+Gz2U\nc8FhbN21j0O+J2nmWS9P48cM/kLrmlVcK7L+7/mUqd6QazduERUTi42V5SvdDyGEECI/yMosIYQQ\nbx61mvDDq/Gf1JaDXzhzoH9pToxvxq19f8NT27yizh1kX297bu5aTNzlAAJ+6sTBz5w4PKgiQYuG\nkZ4Qmz322pbZnJrSHoAr639lX2/77K+nY8WEHifgp44c/MIZv+8+yI6hSkvh6qaZHP+fJwf6OXLo\ny/KcntqVqPOHtF7Gk/Gig47iP6ktBz4rw5Gv3Aj5azRp8VHZY+Mun2Jfb3vClo/P8ZZEnNzKvt72\n3NixIM+39VXEhp4AoFi9zlp9xep3ASAmVHt708tQKPUA0DcvkucYD87sQ5WWgm31lhqFrHeVWq1m\n2ZoNNGz7MdblqmNepgo1mrVnwd8rtbZE7j54FH0HF/5YvJyTAWdp3rk3lmWrUqxSHfoPH0d0bFz2\n2J9nL6BJh6xVcD9M+x19B5fsr6djHTnuT7NOvbEuVx2PVo/fH8kpKUyZOZfKDT/ErLQ7RSrU5INu\nn7Ln0DGt1/FkvAPHjtOw7cdYOFWleOV6DBw9kftR0dljTwScQd/BheETpuR4T9Zv3Ym+gwu/LVia\n9xv7Co6dOAWQY7GqZ+es7dZHjvu/ME7kgwcAOZ6NVcU16+dwxNcvz+OfxdjIkJLFHdDVVWJibPTC\n8UIIIURhkJVZQggh3ixqNRcWDuGe70aN5oRbwYQtH0/CzSAq9p+hNe3htTNcXvsjqow0ADLTkrl7\nbB0pD25RY8Kml0oh7pI/l9ZMRp2ZkZWSSgVkbbU7/Ws3Yi8+/kVUlZFGdPAxokN8cPn0F0o07ZNz\nvNWTss+aSktL4c6hlcRePEntSbtQGppg4VwTc6eqhB9bh3P3CSgNTTRi3N63DKWBMcUbv3ib3f6+\nJbTPtXoGfQtbGs4998JxSRHXADAtUUGrz6xUxf/GXM/VNZ+kVqtIi40k/MgaooOOYOPeBCPbUi8d\n55H462cBsHFvSsSJzVzd9BvJkdcxsCyGbc1WOHUcja6xeZ7jv0nUajWfDh3L6o3eGu3nQ8IYPmEK\n54LDWDBde6vYqTPnmfDTTFLTsj4rSckprFi3mRu37rB/478vlcPxU4GMmzKNjIys95tKlVVAS0tP\np3X3/vj6n84em5qWxsFjJzjkc5I5U7/nyz4f5xjvf5OnZW9kAw0yAAAgAElEQVSHS05JYemqdfj4\nBXB853pMTYzxqFGVmlUrs2LdZn4aPwpTE2ONGAuXr8LE2Ij+Pbu8MH+jkq5a51o9i52tDbfO+rxw\n3OXrNwBwdSmn1Ve5Ytbn58p/Y56niLUVAGeDQihVwkGj72xQ1tlql67dyPP4Z7l45RoXQi/SrlUz\nDA0MXjheCCGEKAyyMksIIcQb5a7vBu75bsS0ZEWqjV5JowUhNFlyhRoTNmFWypU7B1cSd/mU1rx7\nvhtxaPgx9Wb40vSva9ScuBVDm+LEhJ4g/mYQkLUlrubELQCU7fI/mv97N/vrSRF+3tg36Eq96T40\nW36bOj/uBeD23qXEXvTH0KY4VUf+Q+M/L9JgdgBOnUajQMHFFd+RFheplVuEnzf29btQb4YvTZZc\noea3mzEtWZHE8Mtc3zY3e1zJlp+TmZLAXZ/1GvMT71wkJvQ49g26FlohJiM5AQBdEyutvkdtGUkP\ncx0vMfwy+3rbs79PcY4Oq8a1LbMp0fxT3IcufqU80x5mrXaLuxzA+XmDSAy/hCojneQHt7i5azH+\nk9uRmZLwStd4U6zasJXVG71xq1ierSv+5F7wSWIuB7J/47+4V3Lhr5VenAg4ozVvzaZt9P24EyG+\ne4i7eoZDW1ZRsrg9R0/4cy44q+gxfsQgDm5eCcAPY4eTFh6a/fWkDd676NWlA0HHdpF8Kwi/PVlF\n6PlLV+Drf5qSxe3ZtHwhD8JOcfXUQSaOGoJCoWD091O5F/lAK7cN3rvo2aUdIb57iLkcyIFNK3Cr\nWJ6wy1eZMe/xe2PIZ72JT0hk5fotGvNDLl7myHF/enXtgKV54XxW4uOz3l/WlhZafVb/bdmLexiv\n1fe0lo2zDl8fNn4KO/YdIiExibsRkUyeMQfv3fuz4sQ9zPP4nCQmJdP7q1FYmJky/ftxL8xRCCGE\nKCyyMksIIcQbJfzImqzzjsauxsDSLrvdysUDt6/mc3xcI+4H7MbCuabGPJvKjXDp92v2ny3L18Kx\nzeD/VnMFY1bKNdc5WDjXoNJnM0Gh0GiP8MtaAVN5yCIsnGsAoGtkhlPHUaTG3OPOwRXcP72H4k16\nacwzL1uNSl/Myo5nWaEOVUb8je9YTyL9t2Udog7Y1WnHpdWTub1vGSWa9c2ef3vfMgBKtvwsV/nn\n5Wl9L/S8p/i9hif8qdJTibt0ioRbwViUq5X3QP/lEn50LaU++IJSrQegZ2pF3OUAQpeNI/FOGDd2\nLsKp46hXzrmwLV+7EaVSyfZVf2FvZ5vd7ulRi3/nz6BK4zZ479qPR42qGvNaNKrP3F9+yP5zvVrV\nGf3V51mruYJCca/kkusc6tSowqKZP6J46rOyYVvWkyRXLZxNnRpVADA3M2XiqCHcjYhkyQovtu05\nwOe9umnMq1XNncW//Zwdr0GdmmxYOg+3hq3ZsG03P4wdDkCXdq0ZN2UaC5evYkDfT7LnL1yedR7b\n4P6an8FnSb4VlOvXmlvP/6jk/rPSv2dX/l23mVNnztOhz0CNvl5dO7Bi3WZ0dHTyPP5piUnJdP70\nK8IuX8V75WIcSxbPda5CCCFEQZOVWUIIId4oibfDUKsyOTa8Bvv7lmB/n+Ls6+PAvj4OHB+XdXh3\nStQdrXk5PaXO2NYRgIyXXIlj7eqpVciCrK12eqZW2YWsJxWp1iJ7zNNs3BppxTMq6ohxMSeSIh5v\n+9HR1aNEsz4k3A4l5r8zqjJTErnrsx6byo0wcdDetlRQdI3NAMhIjNHqy0iK/W9M7lfCmDg40/zf\nuzRbfhvPPwKp+NkMkiNvEPBLN5Lv38x7nkZZeVqWq0X5XpMxtCmO0sAYa1dPXAf8DsCDs/vzHP9N\nEhx2mczMTJxqNsaopCuGJSphULwiBsUrUqVxGwBu3gnXmtewXh2ttjKOJQGIT3jxEymf1MyznlYh\nC+DKtZvYWFlmF7Ke9FGLJlljcthq16JRfa14ZRxLUs6pNFdvPH5f6Ovp8UXvjwkKvcTRE1nbfhMS\nk1i5fgstGtXHpVzZl3odr5O5uSmAxhlkj8T+12ZhbvbCOAb6+uxd/w9jh3xJGceS6OvpUbpUCX7/\naSJt/ruHRWys8zz+STFxD2ndvR8nT59h64rFeHq8QkFZCCGEKACyMksIIcQbRa3OOp/qeWc+PToX\n60k6ejkcVPzol+KXXDmkZ5rzL3waMfNJiaZ9uL71d27vX4aViwd3fdaTkRxPyQ+0nzz2LPlxZpax\nXRkAEm6Haa2cir8Z8t+Y0rnO8RGFjhIDq2IUb9wTVXoqYf9MINLPG8ePBr90LABj+6wihpmjm1af\nmWPWgfDpD6O0+t5Gqv/OcnvemU9p6elabUaG2ucgPSogvewaO+vnPOkupyLX6/Rln0/49Y9FLFy2\nGk+PWqxcv4WH8QkM+Vz73LpnyY8zs5xLZxXRg0IvUbdmNY2+8yFhAJT9b8yLmBgb8eP4kfw4fqRG\n+6Ax3wFQ3d31lcYD3I24z0c9PuP6zdt4r1xMgzo1tcYIIYQQbxpZmSWEEOKNYmLvjFLfiMaLwjTO\ntHryy33YkjzHz/6l/b/D3V+GsV0Z0uOjeXglUKsv6sz+7DFafRcOaxXUkiNvkHTvKsZ2mr/U6lvY\nYlenPZH+O0iLi+T2/uUYF3OiiHvTl873dbJ08QDgnu8Grb57/53xZVmh7itdQ5WeVaTMSH7xeULP\n8miFXvyNC1p98TfOA1n3+F1QwdkJYyND7of6a5xp9eTX2sV/5Dn+oy1puS32PKlsmVI8iI7BP1C7\nULpz/+GsMTkUdPYe9tHainftxi0uXb2Ok6PmgwHsbG3o2v5DNu/cw73IByz6ZzXOZRxp1bThS+f7\nOjXwyCoGPX0wP8DKDVsB8PTIe8HoyvWbrNqwFaVSSccPW7zS+KvXb9Ko/SfcvB3O9tV/SSFLCCHE\nW0OKWUIIId4oDo17kJmWzOlfuvEgcC9p8VGoMtJJeXCbB2f2ce73z4gOOprn+I8OK48NO0l6gvaW\nueexq90WgPNzB/Dg7H4ykuNJjb7Ltc2zuHNwBTq6+thWb6k17+GVQIKXjCQp4hqZqUnEXvTj7Oz+\nqDPTKVqrjdb4kh98gToznaDFX5NwK4SSLfq/1IqwZstvP7MQ+PRXblZlAVi7Nsw+UP/iqh9Ij48m\nI+kh17bMJvLUDvTMrClao9UL41zb+juX1vzIw6tnSE+IQZWeSvL9m9zas4SrG6YBYFnBI9ev9Wlm\njm6YO1Ul9qIfF1d8R0rUHTJTk4gOPkbQoqzzlnL6Gb2N+n3ShaTkFFp178f2vYe4HxVNWno6N2+H\ns2PfIbp9PpQDx47nOf6jA8yPnTxFVEzsS83t3CbrvdBj4Nfs3H+Yh/EJ3Ll7j59mzWfJCi8M9PVp\n01K7QOsfeI4vR07gyvWbJCYl4+MXQJf+Q0hPz6Bzmw+0xg/9vA/p6Rl8OXI8F0IuMviz3i+1Iiz5\nVtAzC4FPf+VmVRZAs4b1sg/UHzvpVx5ExxD3MJ6fZy9g8469FLG2ol2r5rmK1bnfYLbvPURUTCzx\nCYls2bmXll37kpySwpd9PqaEg32exweFXqJxhx7Exj5k55qlWqvIhBBCiDeZbDMUQgjxRnFo0I3Y\nkOOEH13Lmd9y3i709AHrL8O4WBkMrIoRHXyMw4MqZbc//UTDnJRo0Z8I/+3EXfLnzAztHCr0noK+\nRVGt9qK123D32DrCj6zRaDdxcKZ0myFa483LuGNRrhZRZw+ga2SGQ8PuuXlp+UpHV4+K/adzZmZv\nbu5cxM2dix53KhS49J2K0tBEY86Bfo6oVZkaB9JnJMZyY8dCbmyfl+N1itXrhE3lxhptFxYM5p7v\nRo22wOk9sr93H7qYorUfFwUrfjaDU1M6cHP3Ym7u1nw6onmZKi+1ZfNN1rtbB46c8OOftZvo2Hdg\njmM+69ktx/bccC7jiEMxOw4eO4G96+MC49NPNMzJV/17sWn7Ho6fCqR97wFa/TMnj6dY0SJa7Z3a\nfMCK9VtYvlbz513B2YnRg7V/btXdXalbsxq7DhzB3MyUPt065ual5St9PT3mT5tMhz4Dmb3ob2Yv\n+ju7T6FQ8MfP32FqYqwxx6y0OxmZmVoH0vudPpP9JMInNW1Ql18mjtFqf5nxfyxenv1Eyfof5fw+\n8d+7iSquFZ/xSoUQQojCIyuzhBBCvFkUCip9OZvKQxZh7doQPRMLdHT1MCrqiG2NVlQZ8XfWAe15\nDa+jxH3YEizL10ZpYPziCU/Q0dWjxjgvnDqOwti+LDq6eigNTbGqVJ9qY1ZRomnOxTfLcrWpNmYl\n5mWroaNviJ6ZNQ6NelDj281aBaBHSjTLiuXQ6GOUhqYv9yLziY17E2pM2Ii1qydKQ1OUBsZYVqhD\ntTGrsavTLlcxyrT/Gpe+U7FyqYu+eREUSj30LWyxqdKUyoMX4DZw7ivnaVbKlTqTd2FXuy16plYo\nlHoY25WhTLvh1JiwEaV+DuervYUUCgVLZk1l1cJZNPOsh5WFOfp6epRxLEm7Vs1Zv3QuzTy1H4yQ\nW0qlkrWL/6B+7RqYGL/cPdPX02OX199MHDWE8mXLoK+nh5mpCY3r18F75WK+7PNxjvPq1aqO98rF\n1KrmjpGhIUWsrej3SRcObFqhVQB65FGsTz/ujJlpzp+ngvZBE0/2bfiHpg3qYmZqgomxEQ3q1GTb\nqiV0adc613E2LV9Ihw9bULSIDSbGRlR3d2X2TxPZtmoJRoaGrzxeCCGEeFsp1C/zjGAhhBDiJSkU\nCioPWZTrYse7JOrcQQKn96B8z8mUavVyq4EurvyOm7uXUH+GL0ZFS+dPgiLXIk5u5fzcAVrnOb0u\nXl5edO/ePVernt5Fuw8epW3PL5gx6RuGfdH3peaO/n4qc5b8Q4jPbpxKl3rxBJGvPhkwAh1DM7y8\nvAo7FSGEEO+udbLNUAghhHiDqFWZRAcd5fa+5VhV8JBClhDPkJmZyf6jx1m0fDWeHjWlkCWEEEK8\nR6SYJYQQQrwhrm6cwdVNM7P/nNN5WkIImDJzLlNmPt6SmtN5WkIIIYR4d0kxSwghhHjDGFgVw/HD\nQdhU0X7amxDiMXu7oowc1J9WTRsWdipCCCGEKEBSzBJCCCHyiY17k1w9JfERp06jceo0Oh8zEuLN\n9EETz5c6L2ziqCFMHCUrF4UQQoj3lTzNUAghhBBCCCGEEEK8NWRllhBCCFFIHl47i993rXDqOOqd\nXJGV8uA29wP38CBwDzEhvqgy0qk2ZhU27k2eOSf2oh9XN87k4dVA1GoV5qUrU7rdCGwqN9Iae/Dz\nsmSmJuUYx6Xfr5Ro2ue1vRbxZgo4e4G6rbu8syu10tLT+W3BUlZv9Obq9ZsYGxlSv05Nvh8zlCqu\nFV84v//wcaxYtxmA6EunMTUxzu+UhRBCiAIhxSwhhBBC5Au/Hz4kLe5+rsdHnT/EmRm9UKsys9ti\nQk8QE/YJlYcswq522/xIU4g3UkZGJu17DWD/Ud/sttS0NLbtOcDeQ8fYuXYpDerUfOb8A8eOs3L9\nFoyNDElKTimIlIUQQogCI8UsIYQQQuQLoyIlsavVhiLVWxLpv407B1c+c6wqI52QpWNQqzIp1XoA\nZdoOQ6HU5dbepVxZ/yuhy8ZRxL0pSkMTjXmW5WtRc+LW/H4pQhS4Fes3s/+oLw7F7Jg/bRKeHrVI\nSExk8b9r+fG3eQwY9S3nDm9HqVRqzU1JTWXw2O/p1bU9Zy+Eci449+eRCSGEEG8DOTNLCCGEEPmi\n1g/bqdD3Z2wqN0ZHqf/csdFBR0h5cBsrFw/K9/gBPTNrdI3NKdN+BEVrfkh6fDT3T+8uoMyFKHze\nuw8AMGfqd3zYvDFmpibY2xXlu9FDadeqOZeuXueQ78kc5/44cx7xCYlM/+GbgkxZCCGEKDBSzBJC\nCPFWUKsyubXnL05ObMmhARU4NKACft99wM2di8hMS9YYGxN6ggsLBuMzqi4H+pXi8FeunPmtD7EX\n/bXiRp07yL7e9tzctZiYYB/8J7Xl4GdOHB1enevec7LH3drzF75j6nOgnyO+YxsQ4ef93FjRQUfx\nn9SWA5+V4chXboT8NZq0+Khcvlg14YdXZ+XyhTMH+pfmxPhm3Nr3N6jVeb4vb7LY0BMAFKvXWauv\nWP0uAMSE+mr1idzLzMxk3tIV1PmgE0VdamPrUguPVp2ZvehvrW1oR0/402fwaFzqtcTUsTIObnXp\n2Hcgvv6nteLuPngUfQcX/li8nEM+J2nY9mMsy1alTI3GTJv7Z/a4eUtX4NqgFWal3XHzbM0G713P\njXXg2HEatv0YC6eqFK9cj4GjJ3I/KjpXr1WtVrNszQYatv0Y63LVMS9ThRrN2rPg75Won/oMvcx9\nKUiRDx4A5Hg2VhVXFwCO+Ppp9V0IucisRUuZ9eMErC0t8jdJIYQQopDINkMhhBBvhcteP3Nj+3yN\ntofXzvHw2jkUunqUbNEfgLS4SAJ+6qgxThUfzYPAvUSdO0j1ceuwcvHQih93JYBLayajzswAIDM6\nmcteP6OjZ0BqbCQ3ts/LHpt09woX5g7EeIoTZo6u2rEu+XNp9aTss5/S0lK4c2glsRdPUnvSLq2t\nchrUai4sHMI9340azQm3gglbPp6Em0FU7D/jpe/L8+zvW0LjnKrn0bewpeHcc7ka+zKSIq4BYFqi\nglafWamK/425rtWXGH4Zn1F1SYm6g76ZNZYuHpRuMwQzR7fXnuPb7tupvzFz/l8abafPBXH6XBD6\n+vp81a8nAPciH9CsU2+NcQ+iY9i+9xC7Dx5lt9cyPD1qacU/GXCWcVOmkZGR9V5KSr7Htz//hoG+\nPhGRD5gxf0n22ItXrtFz0EicnRxzLNYcPxXI/yZPIzMzK1ZySgpLV63Dxy+A4zvXP/cgc7VazadD\nx7J6o2bB+XxIGMMnTOFccBgLpk9+6fvyPEYlXbNzfRE7WxtunfV54bgi1lYAnA0KoVQJB42+s0FZ\n2wYvXbuh0a5SqRg0diItGzega7sPc5WPEEII8TaSlVlCCCHeCvcDdqE0MMZ9+F80XhRGk7+uUuen\nfTh+OOip4pACa7dGVB35D56/n6bZsps0nHeeykP/REdXn+vb5uQYP+LEFkq26EeDWf40WXIF92FL\nUCj1uLppJrf3L6fS5zNpOP8CjRaE4PjhQNRqFTd3Lco5lp839vW7UG+GL02WXKHmt5sxLVmRxPDL\nXN8297mv867vBu75bsS0ZEWqjV5JowUhNFlyhRoTNmFWypU7B1cSd/lUHu7Lmy0jOQEAXRMrrb5H\nbRlJD7X60hNiSI68jjozndTYCCJObMHv+w+JPLUjfxN+C23ZuQ8TYyO8lszhfqg/sVfOcGrfZkYO\n6o+p8ePikEKhoHnDemxavpBrAYdIvHGB2+d8WL1oNgb6+kyfuzjH+Ou27uCrfr247HeAmMuBrF38\nB3p6uvz42zwW/bOaRTN/5M55X+4Fn+Trgf1QqVT8/ufyHGNt8N5Fzy7tCPHdQ8zlQA5sWoFbxfKE\nXb7KjHk5X/+RVRu2snqjN24Vy7N1xZ/cCz5JzOVA9m/8F/dKLvy10osTAWde+r4UtJaNPQEYNn4K\nO/YdIiExibsRkUyeMQfv3fsBiIvT/EwsXL6a4LDLzP3lh4JOVwghhChQsjJLCCHEW8HA2h4A22ot\nUSiz/vNlVsoVs1KaK6P0LWxx7jaeG9vmEvL3WNIePshebQWQcCskx/g27k0o3/Pxao2itT7CtnpL\nIv23U77HDzg06pHd59z9W+4cWkXinYs5xjIvW41KX8wChQIAywp1qDLib3zHehLpv42yXf73zNcZ\nfmQNCh0l1cauxsDSLrvdysUDt6/mc3xcI+4H7MbCueZL3Zfnabb8dq7H5puntn7lps/a1ZPijXti\n7lQFpYFxVrFw+zwi/bYRsmQkNm4NURqa5lPCb58SDsUAaNOyKbq6WYeGu1dywb2Si8Y4O1sbfhw/\niunzFvPV2NPcj4rKXm0FcD4k5/f9B008mTHp8RlNHT9qSZuWTdm0fQ/Tvv8f/T7pkt3384TRLF21\nnpCLl3OMVauaO4t/+xnFf5+hBnVqsmHpPNwatmbDtt38MHb4M1/n8rUbUSqVbF/1F/Z2ttntnh61\n+Hf+DKo0boP3rv141Kj6UvfleZJvBeV6bG7179mVf9dt5tSZ83ToM1Cjr1fXDqxYtxkdncf/Xzr8\nXgTf/TKLn8aPorh9sdeejxBCCPEmkWKWEEKIt0L5npM49/vn+Iyui03lxpiVcsWiXE2t7WRxl/wJ\n+Lkzqoz0HOOo0nI+A8fKpa5Wm2GREgBYPrUtUaGjxMCqGGkP7+cYy8atUXYh6xGjoo4YF3Mi6d7V\nnF/gfxJvh6FWZXJseI2sBrUaNers7wFSou5kj8/tfXnT6RqbAZCRGKPVl5EU+98Yc432Kl8v0/iz\nuVNV3If8ScAvXYkJ9iE62Afb6h/kT8JvoRmTvqHb58NwqdeClo0b4F7JBY+aVanqVklj3PFTgbTo\n3Ie09Jw/QykpOX+GPOtqbz10LFE8q++pbYlKpRKHYnZE3M/5HLkWjepnF7IeKeNYknJOpbl09XqO\ncx4JDrtMZmYmTjUbA1nbDh+dk/XonzfvhGePz+19KWgG+vrsXf8PU2cvYJ33Tu6E38PB3o6vB/TD\nzrYIK9ZtpoiNdfb4YeOn4OZSngF9PynErIUQQoiCIcUsIYQQbwWzUq7Um3aU2EuniLvkT0zYSa5u\nmomemTWVBy/EtGTWuTvXveeiykjHqeMo7Bt0wcDKHh1dfVAo8B3bgPT4nA+Q1tEz1Gp79Mu0jp5B\nDjMUqFWq1/b6HlGrs2I+7wwrVUZa9ve5vS/P8yacmWVsVwaAhNthWJTTLHzE3wz5b0zpFwdSKLAs\nX5uYYB/S4nIuNr6v3Cu5cOHITo6fOs3xU4EcOxnAj7/Nw8baipULfsOtYnkAps35k7T0dCaOGkLP\nzu1wsLfDQF8fhUKBm2droqK1C44Ahgban5NH9ahn9any4TP0KObzzrB6slCX2/vyPPlxZhaAibER\nP44fyY/jR2q0DxrzHQDV3bNWYEbHxrF11z4ADIrn/Jm3LlcdgKSbQdkr0IQQQoi3lRSzhBBCvDUU\nSl2sXDyyD3DPTEvGd0x9gpeMpPaknQAkRd5A38IWp06jNeYmR14n+d41dE3y/+leURcOU7bzWI3V\nWcmRN0i6dxVjO8fnzjWxdyY+9Tyec85orUR6ltzclzedpYsHbJvLPd8NFG/SS6Pvns/6rDEVtFfP\naVGrib2Y9YQ3fQvbFwx+/+jqKvH0qJW9UiopOQXXBq34ctQEfHesA+DazVvY2dowcdQQjblXr9/k\n8rUbWFnk7n35KvYe9uH7McM0Vmddu3GLS1ev4+RY6rlzKzg7kXQ+iBuBR7EwN8vV9XJzX94UV67f\nZNWGrSiVSjp+2ALIn6KgEEII8SaTYpYQQoi3gv+ktth7dsWqggdGtqVQZaQRHXyM9IQYja2DhkWK\nkxh+kVt7l2JfP+uMnthL/lxc8V32qqf89vBKIMFLRlK63TAMLO2Iv3GB0GXfoM5Mp2itNs+d69C4\nB8F/juD0L91w6jgKc+fq6BqZkxYbQcLtUMIPr6ZE80+xds06HDq39+V53oQzs6xdG2JoU5yY0BNc\nXPUDZdoOQ6HU5dbepUSe2oGemTVFa7TKHn9921zS46Owq90OI7vS6Ojqk3j3Mje2zSMm2AddY3Os\nKtYrxFf05mnY9mN6de2Ap0dNSpcqQVpaOgePnSA6JlZj62Cp4g6EXLzC/L9X0rNzOwB8/U8z+vup\nBVY08Q88x5cjJzBu+ECKFbXlzIVghn0zmfT0DDq3ef7W0X6fdMHHL4BW3fvx7cgh1K7ujoW5Gfci\n7nMh9CLL1mxg4Kc9aNogqzia2/vyPPlxZhZA536D6d+jKx41q6Kvp8eBo76M/O5nklNSGNSvJyUc\nss7MK2JtRVp4aI4xajbvwLngUKIvnX7uUyCFEEKIt4kUs4QQQrwV4q+f03iK35OKN368kqdE095E\nnT1A2D8TCPtnQna7maMbpiVcSI2NyPdci9Zuw91j6wg/skaj3cTBmdJthjxjVhaHBt2IDTlO+NG1\nnPmtT45jnly5lNv7UhguLBjMPd+NGm2B0x8fpO8+dDFFa2cV93R09ajYfzpnZvbm5s5F3Nz5xJMi\nFQpc+k7VeDpjRmIcN3Ys5MaOhVrXVSh1qdh/OrpGuVuV874IPB+s8RS/J33Ws2v291/07s6uA0cY\nMWEKIyZMyW6v6lYJV5dy3IvI/+2bndp8wIr1W1i+VvP9U8HZidGDv3ju3N7dOnDkhB//rN1Ex74D\ncxzzWc9u2d/n9r4UBr/TZ7KfXPikpg3q8svEMYWQkRBCCPFm0HnxECGEEKLw1Zq0g5LN+2FSvDw6\n+obomVljWb4WlT6fSflek7LH2VZvhdugeZiWrISOviEGlnYUb9qb6t+sR0dPv0BytSxXm2pjVmJe\ntlp2rg6NelDj280aBZkcKRRU+nI2lYcswtq1IXomFujo6mFU1BHbGq2oMuLv7FVZkPv78jawcW9C\njQkbsXb1RGloitLAGMsKdag2ZjV2ddppjC3dbhgV+v6MZYU66JlZo1DqYWhTHPv6nak9aafWeAE+\nO7wY1K8nFcs7Y2RoSBFrK+rVqs6imT9qPIWw7QfN+GfeDCpXrICRoSH2drZ80bs7u9ctw0C/YD5D\n9WpVx3vlYmpVc8/Otd8nXTiwacULVxcpFAqWzJrKqoWzaOZZDysLc/T19CjjWJJ2rZqzfulcmnk+\nXrWX2/tSGDYtX0iHD1tQtIgNJsZGVHd3ZfZPE9m2aglGhtrn/AkhhBDvC4Va/bxnYQshhBCvRqFQ\nUHnIoveiuBB17iCB03tQvudkSrV6/uoR8XaJOLmV83MHkF9/bfLy8qJ79+7P3Cr2vth98Chte37B\njEnfMOyLvoWdjsiDTwaMQMfQDC8vr8JORQghxLtrnaRQt8IAACAASURBVKzMEkIIIYQQQgghhBBv\nDSlmCSGEEEIIIYQQQoi3hhSzhBBCCCGEEEIIIcRbQ55mKIQQ/2fvvuOqLP8/jr8OU5QhOBAcpKEi\nuMW9xZ1ilqK40kxx5M/SNEdmpalpaX7NXOVeOAsNt+ICEXCD4kJRUUCmCLLO+f3BN4ovKEPgZnye\njwcP9bqv+77e53iOHj5c13ULkU8qNOxM1y1PlY4hRLHVo3P7Ur9vmBBCCCGyJzOzhBBCCCGEEEII\nIUSxIcUsIYQQ4r9ig65yfLgF9/f9qHSUAvP0/F6OD7dI/7q99evMnTQaQk7vwOfbvniMrcPpCXZc\nWTqC6EDvtx5fnZJMkNtyvGZ05OQoK06Ps+HqspG8eOj/1v1fhtzN8Nh8vnnvrfOWZn5Xb6BnacO8\nn35ROkqB2b7XDT1Lm/SvqV8vyHDc1LpJhuP//lq7eWeGvi/jE9ix7wD9PxqPdYsuGFo1wKpJe4aM\n+5wrNwIKJP/Hk2ek54l7Gf9WeQLv3s/w+Nr1GVQgmYUQQoj8IMsMhRBCCJFOk5rMtRVjCfc7nKH9\n+eVjRFw9icOmx29x7RSu/DiMSP8z6W3qlCTCLx0h4topms7YRfm6LfPcXwglLV6xhoXLV2doexoa\nzh63Q/x56Bj7Nq6iR+f2+TbeyXNebNvzJ2UNyhCf8ErxPEIIIURhkmKWEEIIUQo1mLgK81bvZ2q/\nv38p4X6H0TOuSO0h31CxcVe0dfWJvu3Ng4Mr32rMp+d2E+l/Bn3TKtT7eAmmNq1ISYjjyakt3N+/\nlIDfptD6hzOotLTz1L+cpXX6nmUeLnXfKqsoXbau+gmnflnP5GvTvCkef27P9hqGhuUY8qEjAx17\nY1fXGvPKFbl9L4iZ85Zw/Iwn/zfrOwK9juVL3leJiUycPpdhA/tx9cYtrgVk3mcst3nqWtdK36+s\nkk3zfMkphBBCFBQpZgkhhBACgOSXMTw8tBqVljZNpm3H6J0G6cfM6nfErH7Ht7p++KWjANiMXEjF\nxl0B0C5jSK0PpvEiOIBwv8NE3TyPmV2HPPUXQknTJo7J1NbIrh57NvxKzaYdCHr4iIioaCqYln/r\nseb/tJIXcS9Z8s1Mug/4SPE8QgghRGGTPbOEEEIUG1G3vDg+3ILALXOyPB7m687x4RY8OPCff51z\ngRurJnJ+amtOjqrxz/5Pt31yNOYTj20cH25B2MWDrz32v0vy/r3n1Kkx1pz8+B0uzHLg0fENoNHk\n/AEXsudXjqNOekWlpt0zFLLyS1JsOABGNepnOmZkldYWddMzz/1LmzNePuhZ2jBlzvdZHv/D/Rh6\nljb8sGJtetvZCz6MmPgFNm26Y2jVAMv6ren/0Tg8fS7laMz123ejZ2nDvoNHXnvM7fDxDO0ajYaN\nO/fSoe9gzGo3xbhmI5o59GPVhm1oivD7Ib+UNShD9aqW6OhoU66swVtf78bN2yxbs55l82djVt5E\n8TxCCCGEEmRmlhBCiGLD1KY1ZavU4pnnHmo7z0FLRy/D8RCP7ai0tLFo5wRAUkwYft/3z9BH/SIy\nbf+na6doOmM3pjat8jekRsON1Z/yzHNfhua4RwEEbppFXLA/9T7O2QbzJz6qhkadmqO+eiaV6PDL\ntVzH/bcXD64CUKFhF0Iv/MH9/UtJCHuAfvkqVLLvSa3+X6BT1jjP19c1MksbJ/gGZSpWyzj2wxsA\nxD8LynP/0qZD6+bUrvUO2/e6sXDONPT1Mr4fNuzYg7a2NiOc0paTPgt7jsMHwzP0eR4ZxV/HPDhy\n6ixHdm2kfav8XV6m0WgYOWk6O/YdyNB+/WYgk2fP41pAIKuWfJejaxlUtyM1NWfvB/NKFXh09Xyu\n82Yl8O59bNp059GTECqamdKuZXOmffoJjevb5uj82/eCuHHrNo49HSijr/9WWdRqNeOnz6F7p3YM\ndOydp2vkZx4hhBBCKTIzSwghRLFi2dGZ5Lhown0PZWhPjHpGxHUPKjZyQN+0yn9bVZjV70jjKZtp\nv/wSDhuD6bDyOg0mrUVLR48HB1fke76nnnt55rkPw+r1aPLFNjquuknn3+7RbPZ+jGrY8eTUNmLu\n+ub7uPkhKTYCgJi7flxfOZ6XIXdQpyST8PwRwYfX4fOdI6mv4vJ8/QoNOwNwa9Msnl85TuqrlyRG\nPeP+viWEX0qb6ZMSH5Pn/qXRSOcPiYyOyTQbKuRZKEc9ztGzSwcszCsDoFKp6NqhDfs3rSbIz4OX\nD2/w+Np5dqz5GX09PZb8si7f823f68aOfQeoX68OblvX8izAm6i7lzmxbwsNbW34fdsuLvhdyfdx\n81NEVDT3HwSTnJzC09Bwdru50/Y9J/5wz37/q5fxCQyfMBUTI0OWzJ3x1llWb9pBQOBdfln0TZ7O\nz+88QgghhFJkZpYQQohixbL9IO7t+YEnp3dg3qpfenvIGVc06lQsOzmnt+mZVMLaaRYPD/7CzQ3T\nSYp9jiY1Jf143KOb+Z4v5MzOtD2npu9Av7x5erupTSvqT/gVrxkdCfc7gom1fbbXeps7B+bJf5d8\nhZx1pUaPMdTo5YKuoSkxd/24tXEGL58E8vDQGmr1n5qny1ftNJSnZ3cRe/8KV37KOEPIot1Anp7b\nDSqtPPcvjUY4fcDcH35mw/Y9GWbqbHLdT2pqKh8PGZDeZl6pAvNnTWXJynVMmH6J8IgIUlL+mel0\n/ebtfM+3yXUf2tra/LX9dyzMK6W3t2/VnC2//kijTn04cPgErZo1zvZaCY/88z1fdjq3a83ooU40\na1SfcmUNCLx7nx9//Y19B4/gMnU2Dh3aYGRYLstzX8Yn8OHICQTevc+Bbeuwql71rbKEPAvl60XL\n+H7WVKpaVMn+hALOI4QQQihJillCCCGKFT2TSlRs3JXwS0d49fxx2vIzjYaQMzvRM6lMxUZd0/vG\n3PHBb8GHqFOSs7yWOinz7ezf1svHgWjUqZyb3CytQaNBgyb99wCvIp7k+7j5QcfACIDytZtTZ9g/\nS7/M7Npj57Icn2/78vzqiTwXs7R09Gg2ay9Bf/5MqLcbiZEh6JtaUKP3OPSNK/H03G70jCrkuX9p\nZF6pAr27dubAkRMEPw6hRjVLNBoNm1z3UaVyRXo5dErv6+V7mW4fjiApOev3w6tX+f9+CAi8S2pq\nKrXs03JoNJr0fbL+/jX4SUi+j5tf9m38NcOf7Rs3YMean+nhNBKP896c9vSmT/cumc6Lioml37Cx\nXL8ZiNvWdfmyfPP/Zs2jvk0dXD5yzr5zIeQRQgghlCTFLCGEEMVO1U5DCfc7TMiZndT64AuibnqS\nEPaAd/pOQqX9z39tDw78gjolmVr9p2LRbgD6phZp+2ypVHhOb0fyi8hsx1L9d+aPRqPOdCyrYtjf\n/d6015U6JSnbcaHw98wqa/Eu8M/m6v9mZJW2IXzyf5ci5pW2flmsnWZh7TQrQ/vN9V+kjVOz4Vv1\nL40+HjIAt8PH2eS6jzlTP+W050XuPwhm+qdj0dHRTu+3eMVakpKTmTP1U4Z+6IilhTn6enqoVCrq\nt+9FRGRUtmNpaaW9H9TqzO+HhFeJmdr+7vemva5eV1z7X0rtmfW/VCoVbVs0w+O8N8/Cnmc6/jQ0\nnPeGjOZB8GMObFtHu5bZz8LMzr+XkupXrZdlH7PaTQGID/bP8PdeEHmEEEIIpUkxSwghRLFToWFn\n9M0sCDmzk5r9p/Dk9HYALDsMztAvPuwheiaVqPXBFxnaE8IekPAsCJ1y2d8JTM+4Yto54cGZjkUG\nnMvUVs7CmheJ12m/4spbbZauBNN6bYB/Nlf/txcPrwNpRbP8Fh8axNPze1FpaVPZ/r1871/S9ejc\nnqoWVdi4cy+zP5/A+u27gbT9tP4tKPgR5pUqMGfqpxna7z8I5m7QQ0xNsn+9VqqQNhMu6FHmJbCn\nzl3I1FbXuhbx1/15ePksJsZGOX5MRZlGo+H8RT8AqlSumOHY/QfB9Bz8MZFR0fy143da2zfJlzGz\nKh7mREHlEUIIIZQmxSwhhBDFjkpLG8v2gwj682fCvN0I8/kr/U6H/1amYlVehtzm0bH1WLRN2zso\n+o4Pt7d+neVMq6yUq1oHgODD6zB5tykm7zYlMTacR0d/J9zvcKb+lp2GELD2My4tcqJW/6kYWzdF\nx8CYpOhQ4h7fIuT0Dqp1HYmZXftsxy7sPbOMrOpjXKsx0bcvcnvr1//smXXvErc2fAlApabd32qM\nq8tGUbXTEExq26Olo0vEjbPc3joHddIrqncdRZkKlm/VvzTS1tbmo0H9WfDzKvYcOMQf7sfo0Lo5\n1jWtMvSrUdWSm7fv8euGbQz90BEAT59LfDF3YY6LJbZ10mbvrVi3iRZNGtGiaUPCwiNYuX5rpk3o\nAUY5D+D8RT96DhrFV1M+pUXThpgYG/EsNJwbt26zcedexo0cQpd2rbMdu7D3zFqych3PIyIZ0LcX\ntd6pgb6eXvqeWR7nvTExNqJD6xbp/f1v3aHX4FG8epXEoZ3rad4k/2YNVjQzJSnkVpbH7Lu+z7WA\nW0TeuYRhubKFkkcIIYRQmhSzhBBCFEuWnYYQ5Lacmxu+RJ2ciGWnIZn6VOsynIirJwncPJvAzbPT\n242s6mNYzYbE6NBsxzGobEVl+96E+brjt+CfmS4qbR0s2g7g6fk9GXO1cyL6phchZ125snREltes\n2nlYTh9moas3+kd8571P8JF1BB/JeHc745qNqN5jTIY233mORN/2oeX84xhZ2WV7/Zh7foRfylwE\nNLNrT23nr9+6f2k1ynkAC5evZuKX3/AqMZFRzgMy9RkzfBCHT57hs9nz+Gz2vPT2xvVtsbOpzbPQ\n8GzHqWlVnfd7d+MP92N0G/DP61tHR5uhA/qxbc+fGfoPd3qfMxcustl1P/0/GpflNUcPdcrpwyxU\n0dGxLFu9gWWrN2Q6pqOjzarF32FsZJje9p91m9KXHbZ9L+vH5HNsP43s/lkm2KnfEDx9LmVqzw95\nySOEEEIUF6X7FkBCCCGKLYOK1TGz60BKfCw6ZY0xb94nU59KTXtSf/xKDKvboqVXBv3y5lTtMpym\nM/egpauX47FsxyzDsqMzuoamaOnqY2JtT9MZuyhv0ypzZ5UK27E/0+DTNZjZdUC3nAlaOroYVLai\nUrOeNPpsQ45mZSnFqIYdLb87jHmLvugamqLS1qWseU1qOk6m2ex9aOsZZOivUadt4q3S1s7qcpk0\nnrKZyva90TOuiLZ+WYxrNqTuiO9pMm07Wnpl3rp/aWVVvSoO7VsTE/sCE2MjPujTI1Ofvj0c2Lzy\nRxrUq4tBmTJYmFdizPBBHNm9EX29nL8f1i79npGDP6SCaXnK6OvTqlljDrtupH2rzHsxqVQqflu2\nkO2rl+HQvg2mJsbo6epS06o6jj27smf9Lzi0b/NWj72gfPl/Liz/fg7tWtpT0cwUXV0dqle1YMiH\njni672aAY6+3HuPvGXE62vLzZSGEECI3VJq/byUjhBBCFACVSkWDT9dg3tJR6SgCeHp+L/6rP6XB\nxFWYt3r/ra6l0ag5Pa4e+qYWtF54ClSqfEr59jxc6lLOwprm3/yVL9cL9Xbj+i8uFNTHpl27djFo\n0KDXLiUTBWP7XjdGTprO1lU/4dSvcPdfU6vVVLFthaVFZS6fPICqCL1/Ktk0p651Lc4ddM31uc4u\nn6FVxohdu3YVQDIhhBACgN0yM0sIIYQoha6vHM/x4Rbc3pr3pXovH98iJT6Wd/pOKhKFrJchdzk+\n3ILjwy1IiY9VOo4oRoaNn4qepQ1Tv15QaGP6B94hOjaW6Z+OLRKFrMC799GztEHP0oaY2BdKxxFC\nCCHeSIpZQgghhMiT6MCLlKlYjSqt+ikdRYhi57y3HzWqWRb6jDAhhBCiJJBlhkIIIQqULDMUJYEs\nMxQiZ2SZoRBCiEIgywyFEEIIIYQQQgghRPEhxSwhhBBCCCGEEEIIUWxIMUsIIUSxFBt0lePDLbi/\n70elo4g3KEp/TyFnXTk+3IKwiweVjlKs+V29gZ6lDfN++kXpKEXSZtf96FnasO/gkfS2gn7OshpT\nCCGEKMmkmCWEEEIIIYQQQgghig0dpQMIIYQQouQyrtmIrlueKh1DCEU1a1RfNvcXQggh8pHMzBJC\nCCGEEEIIIYQQxYYUs4QQQhQ9Gg0hZ13xnf8+Hi51OTXGmotf9+TJqW1oUlPeeGrUrQvcWDWR81Nb\nc3JUDU5PsOPK0hFE3/bJPIw6lUdHf8d7Tnc8XOri4VKXi1/3IPjQGlKTEnLdr7DlNNcTj22v3Svq\n72PhfofT2yKuneL4cAuCD68j6pYXft/3/+/fQQ+ibnlxfLgFgVvmZJkpzNed48MteHDgP0DmPbNy\ne37aA9UQcnoHPt/25dQYa05+/A4XZjnw6PgG0GgyXSMlPpbATbM482kjTn78Dhe/7sHzy8eyf0IF\nGo2Gza776dJ/GJVsmmNWuymtew3g9227SElJfeO5Zy/4MGLiF9i06Y6hVQMs67em/0fj8PS5lKlv\namoqK9dvpWWPD6hs04JKNs1p1fNDfl6zgfiEV7nup4To2Fgmz55HjcbtMK7ZiFY9P+SvYx5Z9n3d\nnlkajYaNO/fSoe9gzGo3xbhmI5o59GPVhm1osnht52ZMIYQQoiSTZYZCCCGKFo2G67+OJ/TCnxma\nY4OuEht0FYPK1TGz65DlqUkxYfh93z9Dm/pFJM8vHyPi2imaztiNqU2r9GN3dy3g4V+//s8414gN\nuoZKR5fq3T7OVb83OfFRNTTqNxcD/qZnUokOv1zLtl9+5HqTmDs+3Nn5XXoBUaNWY2rTmrJVavHM\ncw+1neegpaOX4ZwQj+2otLSxaOeU5TVzfb5Gw43Vn/LMc1+GfnGPAgjcNIu4YH/qffzP5vLq5ET8\nFnzAi4f+6W2xQde4suwjzFs65vm5KA00Gg3Dxk9lt5t7hna/qzfwu3qDd2pUw6F9myzPfRb2HIcP\nhmdoex4ZxV/HPDhy6ixHdm2kfavm6ce+WriUn379PUP/S9f8uXTNHz09PSaMGpqrfm9iUN2O1NSc\nvffMK1Xg0dXz2fZ7lZhItw8/4qr/zQy5Phg5ngF9e+VoLI1Gw8hJ09mx70CG9us3A5k8ex7XAgJZ\nteS7fB1TCCGEKCmkmCWEEKJICTmzg9ALf6JraIr1wJlUaOSArmF5Xobc4cnJLai0dd9wtgqz+h2p\n0X00Rlb10TOpSPLLGKJueRGw9jMeHFyRoZgV7ncYbf2y2I1bgZltO1Q6usQ/u8+z83vRLlMu1/0K\nW0HnCr14AMuOzrzT51MMKluh0tIGwLKjM3ddvyfc9xDmrfql90+MekbEdQ8qNnJA37TKa6+bm/Of\neu7lmec+DKvXo/agrzB+tylaunrEBl3j9paveHJqG5YdBmNibQ/Ao6O/8+KhP2Ut3sXmo4WYvNuU\npBcRPHRfxePjG9/6OSnJNu7cy243dyqYlue7GZ/Ty6EDpuXLc+vOPdZtcUVX5/XvPZVKRdcObZg4\negSN69tQuWJFomJiOOvlwyefz2TJL+syFLP+PHSccmUN2PCfxXRu1wpdXV3uBj1g+143DMuWzXW/\nwrby961c9b9JnXdr8p+FX9OiSSOeR0SydPV6Vm/cnqNrbN/rxo59B6hfrw4LZn9Bi6aN0NfT49K1\nG3z+1ff8vm0XHw3+gFbNGufbmEIIIURJIcUsIYQQRUrI2V0ANPh0dYYZWMY1G2E8utEbz9UzqYS1\n0yweHvyFmxumkxT7PMOyxLhHNzP01zezAKBSk+6otNP+SzSqYYdRDbs89XsTh02Pc9w3p/Ij15uY\nWDfDdvRPoFJlaLdsP4h7e37gyekdGYpRIWdc0ahTsezk/Mbr5ub8kDM7UWlp02T6DvTLm6e3m9q0\nov6EX/Ga0ZFwvyPpxawwn79ApaLR5N8pV7UuAAZlymHz0ULin94j0v9s3p+QEm7Lrj8A2Lp6aYYZ\nWM0a1adZo/pvPNe8UgXmz5rKkpXrmDD9EuERERmWJV6/eTtD/2qWacXKPt27oKOTViRtaGtDQ1ub\nPPV7k4RH/tl3yqX97kdRqVTs+m0FtnWtATAsV5b/LPia23eDOHnOK9trbHLdh7a2Nn9t/x0L80rp\n7e1bNWfLrz/SqFMfDhw+kV7Myo8xhRBCiJJCillCCCEKlOp/CiHZiQ+5i245k9cuJXyTmDs++C34\nEHVKcpbH1UkZ99ipM/Rbri3/hPNftKZCg04Y1bDDpLY9Rlb189SvsBV0LjO79pkKWZBWNKzYuCvh\nl47w6vljylSslrav1Zmd6JlUpmKjrm+8bm7Of/k4EI06lXOTm6U1aDRo0KT/HuBVxJP0/vGhQeib\nVkkvZP1bhYad817M0mhy/VrOjb+vrSngcd4k8O59TE2MX7uU8E28fC/T7cMRJCVn/d579Srje+/H\nb2fi9Mn/YdOmG907taOhrQ2t7BvTuL5tnvoVtntBD7GsYp5eVPq37p3b56iwFBB4l9TUVGrZdwLS\n/u7/3ifr71+Dn4Tk65iFQcnXsBBCiNJDillCCCEKlEE5Q1IT4wtlrAcHfkGdkkyt/lOxaDcAfVOL\ntD2ZVCo8p7cj+UVkhv5GNexos/gs0Xd8ibnjQ1SgN/f3/4SukRkNJq7GsHq9XPV7k4LYMyunuVSq\ntPu9aDTqTNf43wLfv+kamr32WNVOQwn3O0zImZ3U+uALom56khD2gHf6TkqfJfYmOT3/78xveu7U\nKUnZjve2Ul7FUdbQqMCub2hoCEB8wivKlTUosHEKyuIVa0lKTmbO1E8Z+qEjlhbm6OvpoVKpqN++\nFxGRURn6N7S14caZQ3j5XsLL9zLnvP2Yv3QlFcxM2bZqKfXr1clVvzcpiD2z8oNanfbaflO21xUH\ni7K4l/FUN6+mdAwhhBAlnBSzhBBCFCjzKlV4FRGSfcf/KmtpTXSgN5H+Z9NmBuVCfNhD9EwqUeuD\nLzK0J4Q9IOFZEDrlTDKdo9LWwdSmVfpeWqlJCXhOa0vAb1No8e2hXPcrbDnJpWdcEYCE8OBM50cG\nnMvTuBUadkbfzIKQMzup2X8KT06n7dlj2WFwvp5fzsKaF4nXab/iCjpljbO9blnzmsTcv8zLJ4GZ\nZmdFXDuVo2xZSYx6RmVz8+w75pGFRdqS0cchT6lrXavAxnmTuta1OOfty8lzXnRp1zpX5wYFP8K8\nUgXmTP00Q/v9B8HcDXqIqUnmvzsdHW3at2qevpdWfMIr7Nr1ZOzU2Xi67851v8L0bk0rfC5fIyDw\nbqaZUkdP5Wz2X13rWsRf9+fh5bOYGGdfKM2PMQvDk6ehNG+T+5m1QgghRG5oKR1ACCFEyda4YUNe\nPrye4/6W7dPuYndj5XienNpGYuRTUhPjiQ26xs31XxB16/VLacpUrEpS7HMeHVtPSnwsKfGxPL96\ngstLhmY5K8nn2748PrmZl09uo056RUp8LBHXTpEcF0VC2MNc93sTh02P6brlaY6+cjIrKze5ylVN\nm70SfHgdUTc9USe9IuH5I25v/4Zwv8M5Gut/qbS0sWw/iFcRTwjzdiPM56/0OxXm5/mWnYaQmpTA\npUVOPL98jKQXEahTknn1/DHPrxzn2vLRGZYOVm7+Hmg0XF0+msiAc6S+eklCeDC3Ns18q/2yXj68\nQeOGDfN8fnbq1auHrq4ul68HFNgY2Rnu9H7ar+On8vu2XTx5+oyX8QlcuubP+Glfc8bL57Xn1qhq\nSdjzSH7dsI2Y2BfExL7g0InT9B02Nn0G0r916DuYtZt3cvP2XRJevSIm9gVHT50lMiqaoIePct3v\nTRIe+ZMUcitHXzmdldW/d3c0Gg1On0zi1LkLxL2M50HwY/5v1nc5Xu43ynkA8Qmv6DloFH8d8yA8\nIpKk5GSCH4fgftwDp08mZbhWfoxZ0F7GJ3D7XhANGjRQOooQQogSTmZmCSGEKFAOXTrz1/QZqFOS\n0XrD3dD+ZtFhMM+vnSLs4kFurv8i03Hzlo6vPbdal+FEXD1J4ObZBG6end5uZFUfw2o2JEaHZuj/\n4sE1Yu76Znmtqp2G5bpfYctpLoPKVlS2702Yrzt+Cz5Mb1dp62DRdgBPz+/J0/iWnYYQ5Lacmxu+\nRJ2ciGWnIfl+vmU7J6JvehFy1pUrS0dkeZ2qnf95rNW7j+aZ1z5ePPTn0sKB/3RSqTBv1Y/QC3/m\nKiOkLWOMunmOrh//kOtzc0pfX582bdpw5NRZBvfvU2DjvMlHgz7gyKmz7Dt4hPHTvs50fIBjz9ee\nO2b4IA6fPMNns+fx2ex56e2N69tiZ1ObZ6HhGfpfvh7ABb8rWV5r9NCBue5X2CaOHsbO/Qe56n+T\nHk4j09tVKhUDHXuz280922sMd3qfMxcustl1P/0/Gpdln9FDnfJ1zIJ26pwXqampdOrUSekoQggh\nSjiZmSWEEKJA9evXj5TEBML9crYUT6XSouGna6n38Y+YWDdDW78sOgZGGL/bBNtPfsLU5vWbU1dq\n2pP641diWN0WLb0y6Jc3p2qX4TSduQctXb1M/Zt/6071rqMoV7UOWnpl0DUyo3yd5th+8hN1hn2b\n636FLTe5bMcsw7KjM7qGpmjp6mNibU/TGbso/9/liXlhULE6ZnYdSImPRaesMebNc1eEydH5KhW2\nY3+mwadrMLPrgG45E7R0dDGobEWlZj1p9NmGDMtRtXT1aTZrH9W6jkTPpBJauvoYWdWn0WfrqdCw\nc54eZ7jfYVISE3B0fH0hNT/0798ft8MneBH3skDHeR0tLS12rPmZVUu+o2WzRpQra4CxkSHNmzRk\nzU/z6di65WvP7dvDgc0rf6RBvboYlCmDhXklxgwfxJHdG9HXy/zeO+++i/GjhlKvjjUGZcpQ0cyU\nNs2bsuan+fz47cxc9ytsZfT1ObZ3E+NGDsG8UgXK6OvTuL4te9b/Qo/OOVserVKp+G3ZQravXoZD\n+zaYmhijp6tLTavqOPbsyp71v2TYjD8/xixoGuIlEQAAIABJREFUW/f8SZs2rTEvwCW5QgghBIBK\n8/ftUoQQQogC0texH543H9H067+yvDueEEWWRsOl796jTb3qHHDL/ayu3IiKiqJatWrMmTKRqRNG\nF+hYQuS3u0EPadSpD+vXr2fYMOVmrAohhCgVdsvMLCGEEAVu0cIFxARd5+k5ZTZrFiKvQs7tIjro\nGvPnfVfgY5mamjJt2jQW/LyKp/+zLE+Iou6LuQupU7s2gwfn7CYQQgghxNuQYpYQQogCZ2dnx1iX\nsQTtWUBKwgul4wiRIykJL3iwZyEuLi40atSoUMacPn06pmamfP3Dz4UynhD54dCJ07gf9+CXlSvR\n0ZEteYUQQhQ8WWYohBCiUERERGBTzw7t6o2o/9kGVCr5eYooujQaNTd+HkXqo6vcuulPhQoVCm3s\nffv2MWDAAH5btjD9DoNCFFUPHz2h7XtOOHTrxvbtO5SOI4QQonSQZYZCCCEKR4UKFTjkfpCYm+e4\nt3Ne9icIoaC7O74jyv8Mbn/uL9RCFsAHH3zAjBkzGDftKzzOexfq2ELkxou4l/QfOQHLatVYu3ad\n0nGEEEKUIlLMEkIIUWjs7e1Z//tvPDy0hvv7fgSZHCyKGo2G+/t+JPjwWjZuWE/r1q0ViTF//nwc\nHR0ZPHYy57x9FckgxJtEREXjOGwsEdExuLkdwNDQUOlIQgghShEpZgkhhChUzs7OrFmzhuAD/yFg\n9UTUyYlKRxICAHVyIv6rJxJ84D+sWbMGZ2dnxbJoaWmxZctWOndxoOegUWzZ9YdiWYT4X4F379Ou\nzyCehD7n2LHjVK9eXelIQgghShkpZgkhhCh0Y8aM4fDhQ8QFeHDpuz5E376odCRRykXfvsil7/rw\nMsCDw4cPMWbMGKUjYWBgwO7du5k69Qs++XwmY6bMJjQ8QulYohRLSUnl1w3baN93MJWrWOB98SJ2\ndnZKxxJCCFEKSTFLCCGEIhwcHPDzuYh9bUv85r9PwOqJxD+7r3QsUcrEP7uP/6qJ+M1/n2a1LfHz\nuYiDg4PSsdKpVCoWLFjA3r17OeV5Ebt2Pfjp1995EfdS6WiiFFGr1Rw6cZrm3fvz5XeLGTd+AidP\nnqJy5cpKRxNCCFFKyd0MhRBCKM7NzY3Jn0/hYdB9KtRrjVmTHphYN6OseU10DMvLnQ9FvtBo1KTE\nRRMfep+Yu5eIvHyEiJteWNWsxfJlS3F0dFQ64hvFx8ezePFilixZgraWFn17dKFH5/Y0aWBLVYsq\nGBmWUzqiKCFeJSYSERnFjVt3OH3em33uR7n/IBhHx7789NNSrK2tlY4ohBCidNstxSwhhBBFQmpq\nKu7u7mzbtp1DR44QGx2ldCRRgpmUN6Nnj+4MGzaUXr16oa2trXSkHIuKimLz5s388cd+zp07T0pK\nitKRRAlWp05tHB37MWrUKGxtbZWOI4QQQoAUs4QQQhRFGo2GBw8ecP/+faKjozl16hS//fYbtWvX\nZs6cOahUKqUjFinLli0D4PPPP1c4SdGmpaVF+fLlqVmzJjVr1iwRr6PExEQCAgIIDQ3lxYsXSscp\n8pycnPj8888Vu0tlUfX48WO++eYbjI2NmTp1KrVq1cLU1BQ7OzvMzMyUjieEEEL8LylmCSGEKLoS\nExOZPn06K1asYNKkSfz444/o6uoqHavIcXJyAmDXrl0KJxGiaFOpVLi6uqa/Z8Q/njx5gpOTE9eu\nXWPdunUMHjxY6UhCCCHE6+yWTUiEEEIUSY8ePaJjx45s2LABV1dXli9fLoUsIYQoIFWrVuX06dNM\nnDgRZ2dnXFxcSEpKUjqWEEIIkSUpZgkhhChy3N3dady4MbGxsXh7ezNw4EClIwkhRImno6PDokWL\n2L9/P66urrRt25YHDx4oHUsIIYTIRIpZQgghiozU1FS++eYb+vbty3vvvYevry/16tVTOpYQQpQq\n77//PhcvXiQxMZHmzZtz5MgRpSMJIYQQGUgxSwghRJHw/PlzevfuzaJFi1i6dCmbN2+mbNmySscS\nQohSqU6dOnh7e+Po6EivXr2YMWMGarVa6VhCCCEEADpKBxBCCCF8fHwYOHAgGo2GM2fO0KJFC6Uj\nCSFEqWdgYMDvv/9Oy5YtmTRpEj4+PuzYsYPKlSsrHU0IIUQpJzOzhBBCKGrt2rW0a9eOBg0acOXK\nFSlkCSFEETN27Fg8PT0JCgrC3t6eCxcuKB1JCCFEKSfFLCGEEIp48eIFgwcPZsKECcycOZM///wT\nU1NTpWMJIYTIQrNmzfDx8cHOzo5OnTqxfPlypSMJIYQoxWSZoRBCiEJ369YtBgwYQFhYGIcOHaJb\nt25KRxJCCJGNChUq4O7uzuLFi5k6dSoXL15k7dq1lCtXTuloQgghShmZmSWEEKJQbdu2DXt7e0xN\nTbly5YoUsoQQohhRqVR8+eWXHDt2jBMnTmBvb4+/v7/SsYQQQpQyUswSQghRKBITE5k8eTLDhg1j\n6NChnDx5EktLS6VjCSGEyIPOnTvj6+uLqakprVq1wtXVVelIQgghShEpZgkhhChwjx49olOnTmzY\nsIFdu3axZs0adHV1lY4lhBDiLVSrVo0zZ84wceJEBg8ejIuLC0lJSUrHEkIIUQpIMUsIIUSBOnny\nJPb29sTExHDhwgUGDhyodCQhhBD5REdHh0WLFrFv3z5cXV1p27YtDx48UDqWEEKIEk6KWUIIIQqE\nRqPhhx9+oFu3bnTv3h0fHx9sbW2VjiWEEKIA9O/fH29vb169ekXz5s05evSo0pGEEEKUYFLMEkII\nke+eP39Or169mDt3LkuXLmXLli1ytyshhCjh6tati5eXF127dqVnz57MmDEDtVqtdCwhhBAlkI7S\nAYQQQpQsvr6+DBw4ELVazenTp2nZsqXSkYQQQhQSQ0NDduzYQefOnZk0aRLXr19ny5YtmJmZKR1N\nCCFECSIzs4QQQuSbtWvX0rZtW+zs7Lh8+bIUsoQQopQaO3Ysnp6eBAQE0LhxYy5cuKB0JCGEECWI\nFLOEEEK8tbi4OJydnZkwYQIzZ87Ezc1NfgovhBClXLNmzfD19cXOzo5OnTqxfPlypSMJIYQoIWSZ\noRBCiLdy69YtBgwYQGhoKO7u7nTv3l3pSEIIIYqIChUq4O7uzuLFi5kyZQo+Pj6sWbNG9lEUQgjx\nVmRmlhBCiDzbvn079vb2lC1bFl9fXylkCSGEyESlUvHll19y7Ngxjh8/jr29Pf7+/krHEkIIUYxJ\nMUsIIUSupaSkMGPGDIYOHcrQoUM5d+4cVlZWSscSQghRhHXp0gVfX1/Kly9P69at2bVrl9KRhBBC\nFFNSzBJCCJErjx8/pn379vz666+4urqyZs0a9PT0lI4lhBCiGKhWrRpnz55lwoQJDBo0CBcXF5KS\nkpSOJYQQopiRYpYQQogcO3nyJPb29kRHR+Pl5YWTk5PSkYQQQhQzOjo6LFq0iG3btrFt2zbatWvH\nw4cPlY4lhBCiGJFilhBCiGxpNBp++OEHunXrRteuXdPvTiWEEELk1ZAhQ/D19SU+Ph57e3uOHj2q\ndCQhhBDFhBSzhBBCvFFERAS9e/dm7ty5LF26lK1bt8pdqIQQQuQLGxsbLly4QNeuXenduzfffPMN\narVa6VhCCCGKOB2lAwghhCi6fH19GThwIKmpqXh4eNCqVSulIwkhhChhDA0N2bFjB507d2bSpEn4\n+vqyefNmzMzMlI4mhBCiiJKZWUIIIbK0du1a2rZti62tLVeuXJFClhBCiAI1duxYzp8/j7+/P02a\nNMHb21vpSEIIIYooKWYJIYTIIC4uDmdnZ8aNG8fnn3/OgQMH5KfjQgghCoW9vT0+Pj7Uq1ePjh07\nsnz5cqUjCSGEKIJkmaEQQoh0gYGBDBgwgGfPnnH48GG6d++udCQhhBClTMWKFTl06BCLFy9mypQp\n+Pr6snr1atmvUQghRDqZmSWEEAKA/fv307JlS8qUKYOPj48UsoQQQihGpVLx5ZdfcuDAAdzd3Wne\nvDkBAQFKxxJCCFFESDFLCCFKuZSUFGbMmMEHH3zAoEGDOH/+PO+8847SsYQQQgh69+7NlStXMDEx\noVWrVuzevVvpSEIIIYoAKWYJIUQp9vjxYzp06MDKlSvZuXMna9asQU9PT+lYQgghRLrq1avj4eHB\nqFGjcHJywsXFheTkZKVjCSGEUJDsmSWEEKXUqVOncHZ2xtTUlAsXLmBnZ6d0JJEDCQkJuLu7o1ar\n09vCw8MBMsxY0NLSonfv3hgYGBR6RiGEyG/6+vosX76cFi1a4OLiQkBAAK6urlhaWiodTQghhAKk\nmCWEEKWMRqNh8eLFzJ49m0GDBrF27VrZVLcY8fLyYsCAAVke8/DwyPDnEydO0KVLl0JIJYQQhWPo\n0KE0a9aMDz/8kMaNG7Nt2za6deumdCwhhBCFTJYZCiFECbNv3z569epFQkJCpmMRERH07t2buXPn\n8tNPP7Ft2zYpZBUz7du3x9jYONt+RkZGtGvXrhASCSFE4bKxseHChQt06dKFXr168c0332SYrfo3\nX19f2rRpQ2hoqAIphRBCFCQpZgkhRAkSHh7O6NGjOXz4MBMmTMhwzM/Pj+bNm+Pv74+HhweTJ09W\nKKV4G7q6ujg5OaGrq/vGPoMHD5b9z4QQJZaRkRE7d+7k119/ZeHChfTr14+oqKj045GRkbz//vt4\neXkxfvx4BZMKIYQoCFLMEkKIEmTChAm8fPkSgE2bNrF+/XoA1q5dS5s2bahZsya+vr60atVKyZji\nLQ0ZMuSNmx8nJyczZMiQQkwkhBDKGDt2LOfOneP69es0btyYixcvolarcXZ2JiwsDID9+/ezd+9e\nhZMKIYTITyqNRqNROoQQQoi3d/DgQfr27ZuhTVdXlwEDBrBr1y7mzp3L7Nmz0dKSn2MUd2q1GgsL\ni/Rv1P5XpUqVePr0Kdra2oWcTIiiTaVS4erqipOTk9JRRD4LCwtjyJAhnD9/nsGDB7N58+b0pYda\nWlqYmJgQGBhIpUqVFE4qhBAiH+yW72iEEKIEiImJYfTo0ZkKVRqNhmPHjrFr1y7mzJkjhawSQktL\ni2HDhmW5jFBPT48RI0ZIIUsIUapUrlyZI0eOMGrUqAyFLEj7AUBcXBxTpkxRMKEQQoj8JN/VCCFE\nCTB58mSioqIybYCbkpJCTEwMv/32GzIRt2RxdnYmKSkpU3tSUhLOzs4KJBJCCGU9ffqUnTt3Znks\nOTmZrVu34ubmVsiphBBCFAQpZgkhRDF38uRJNm/e/No9lJKTkzly5AhLliwp5GSiINnb21OzZs1M\n7VZWVjRr1kyBREIIoZzk5GQGDBhAXFxclnc2hLRZrWPGjCE6OrqQ0wkhhMhvUswSQohiLC4ujhEj\nRmS7fFCtVjNz5kzOnj1bSMlEYRgxYkSGuxrq6ekxcuRI5QIJIYRCpk2bho+PzxtvjqFWq4mMjGTm\nzJmFmEwIIURB0FE6gBBCiLybOXMmoaGhpKamvrbPv/dOCggIoH379oURTRQCZ2dnvv322/Q/JyUl\nMWjQIAUTCVF0nDhxgmPHjmVoK1OmDK6urly6dCm9rUqVKnz22WeFHU/kM39/f9RqNbq6um8saKWk\npLBmzRqcnZ3p0KFDISYUQgiRn+RuhkIIUUx5eXnRtm3bLPfC+vdMrRYtWjB48GCcnZ2pXLlyYUYU\nhaBhw4bcuHEDgAYNGnD16lWFEwlRNEyZMoVly5ahr6//2j7JyclUrlyZp0+fFmIyUVCCgoJwc3Nj\n69at+Pr6oqOjQ0pKSqZ+2traWFhYcOvWLcqVK6dAUiGEEG9J7mYohBDFUWJiIh999FGGopW2tjZa\nWlpoaWnRokULli5dyrNnz/Dy8mLy5MlSyCqh/r5zoba2NsOHD1c6jhBFhpOTE5D27+XrvnR0dBg2\nbJjCSUV+qVmzJpMnT8bHx4f79+/z448/0rx5c1QqFTo6OqhUKgBSU1N59uwZ33zzjbKBhRBC5JnM\nzBJCiGJo5syZLFq0CC0tLTQaDdra2nTr1g1nZ2ccHR0xMTFROqIoJCEhIVSrVg2A4ODg9N8LIdJu\niBAcHPzGPn5+fjRt2rSQEgkl3Llzhz179rB9+3Zu3LiBnp4eSUlJaGlpceHCBZo3b650RCGEELmz\nW4pZQhQSb29vDh48yDlPT/z9bxIbHUVi4iulY4kSomw5Qyqbm9O0cWMcHLrg6OhYLIsaCQkJHDp0\niCNHjuDt60fQ/SDiYqNfe2cqIXJDS0sLQ+Py1KxVk5b2zejRowe9evXCwMBA6WiigHz11VcsXrz4\ntXsoWVlZ8eDBg8INJQrV35+/vDw9CQjwJzIqisTEJKVjiRLCyNAQc/PKNGrcmC5dHIrt5y8hiiEp\nZglRkDQaDdu2beP7BYu4ddOf8hZWVLZri6lVPcoYm6GtV0bpiKKYinl8F8PK1dJfQ8nxL3gZ8ZTI\n+9d4eu0syYkJvPdeH+bP+46GDRsqnDZ7MTExLFy4kFWr1xL3IhaTd5tQtlYzDMzfQaecafrSEJG1\nlJdpt5nXKVde4SRFm0ajIeVlFAmhD4i/70fMvcsYGhkzftxYZs6cKTMaS6CbN29ia2ub5TE9PT1m\nzZrF3LlzCzmVKGh/f/5atHAB/gE3eaeaJR2bN8DWuiYVTI0po68HQHhkNCkpqVhUrqBwYlFcxcbF\nExL2nCs373La+wrxrxLp0+c9vvtuXrH4/CVEMSbFLCEKip+fHxMn/R8+3t5Ydx5Ivfc+oaJ1I6Vj\niVJAnZLEQ+/DBPyxkrC7V3FxcWH+vHmYmZkpHS0TtVrNhg0bmD5jFgnJqZh3G4t5+8HoGVdSOpoo\nBZJiwwk9u5PQY2sx0NVm8aIFjBo1KsNedKL4s7W15datW1neLOPWrVvUrVtXgVSioPj5+fF/kybh\nffEiQ/o4MG5IP5rY1lY6ligFkpJTOHjKk5837uFywB1cXFyYV0Q/fwlRAkgxS4iCsGjRImbPnk0V\n25a0+GQBFWrVVzqSKI00Gu6ccuXylvnoa4PbH/tp3bq10qnSRUdH8+GAgXh4eGDR5SNq9PsCnXIy\nM0YUvpSXMQT/+SNPT26iU6dO7N2zm/LlZZZbSbFo0SLmzJmT4a52KpVK7v5ZAv39+atN0/r8+OV4\nGtq8q3QkUQppNBq2uR3n6+Ub0Ki02P/HH0Xq85cQJYQUs4TIT0lJSYx1cWHL5i20GD0Puz6fgCyP\nEgpLjn/B6aXjeXr1NBs3rMfZ2VnpSNy7d49evfsQEhlLnU83YGjVQOlIQhD38DqBK0ZhWcGYw+4H\nefdd+Ua4JAgODuadd97JMDNLV1eXhQsXMnXqVAWTifySlJSEi4sLW7Zs4YdpLowf0k+WpwvFxcbF\nM3rmD5zwusT6DRuKxOcvIUoQKWYJkV9SU1Pp09cRjzNn6fjFOqo1c1A6khDpNOpUfDZ+y40/V7Nm\nzRrGjBmjWJZ79+7RomVr1CaW1J20Eb3y5oplEeJ/JUWHErhiJFoxIVz09pKCVgnRsmVLfH19028m\noVKp5O6fJURqaiqOffty7uwZNi+ZRfd2cmdCUXSkqtXM/mkdK7bsU/zzlxAlzG7ZFEKIfPLZ559z\n8tQpun+3VwpZoshRaWnT4uPvaDz4CyZMmMiJEycUyREdHU3P3n1Qm1hiO32vFLJEkaNX3hzb6XtR\nm1jSs3cfoqOjlY4k8sGIESPSZ+poaWnRpk0bKWSVEJ9//jkeHqf4a90iKWSJIkdbS4tF01yYNW4Y\nEydOUOzzlxAlkczMEiIfrF69mgkTJ9J52m/UbNtX6TilWsqreB5ecOf+uT+IfBBAfGQoZYxMMbdr\nRaMBk6lQK/NyNo1Gzd1Tu7h1aBMxIffRqFMxtniH2g7O2PQcgZa2bo7HDw3w5tKOJYTfuQRqNRXe\nbUhjp8+p2qRzfj7MvNNoOL10HGFXT+HncxFra+tCG1qtVtO1e3cuXrlJ/a/+ylMhS52cyMP9S3ju\ne5DEiCdo1Km0WX0Hbf1yBZC4aEuMeEzElWNEXjlK9C1PNCnJ1J+yDdMGOXutBf42mbDzuwGyfA41\nKck8PryKMK99vAp7gJa+ASZ1WmL1/jTK1bDLVdbYOxd5+MdPvAi6Amo1hu80oHqfyZjW75ipb8xt\nb8LO7yL2jg+vnj9CS68MhlYNqdr9E8wadcvU33OcNamJ8VmOaz1iERadR+Qq69+SokO5Pv89Wjaq\nx/FjR2VT+GIuPDwcCwsLUlNT0dbW5tdff2Xs2LFKxxJvafXq1UycOJEtS2bTv3v7fL32q8Qk5q3c\nxP6jZ3n0NIxUtZow7z8xLGuQr+MUB8EhobifvoC7xwXO+FwlKTmFP1d9T7fXFA/PX7rBtj+P4nXZ\nn4choZTR16OpbR0mDutPr44t37p/Vl4mvOLASU/2HPbgxu0gnoVHYFbemLZNG/DF6EE0qpf15x2N\nRsPmP46yce8hbt57gK6uLi0a2jDl40G0bZp/e95qNBpGzfiBY56XuOjjU6ifv4QooWSZoRBvKyQk\nhNp16lKnz1iaDZ2pdJxSz2/rAq7sWpblMS1tXbrN2Uq1pl0ytHv8NI57p/dmeU61pl3oMXdnjvY+\ne3zpFEe/c0ajTs14QKWiy/TfqNnWMWcPooClJiXi/mUvGr1rydEjhwtt3N9//52xLuNoNOevPO+R\n9fCPHwn+c2mGttJazPKe3Iik2PAMbTktZkUHnOP6j4PQ0i2DOikh03OoUadw46ehRAeczXSulo4e\n9ae5YlInZ99gRN3wwH/Z8CzfF/XGr6Zi839+AJAQ9gDfL9u89lq1Bs+lag+XDG0FVcyCtD20rs57\nj7VrVjN69Og8X0cUDd27d+f48eNoaWkRGhpKhQoVlI4k3kJISAh169Th02H9+PrTkfl+/fkrN7Ng\n9dYMbaW1mPVOp0GERURlaHtdMetecAgN3hv52mstmubC/434MM/9X+fbFRv5Ye32LI/p6uiwZ8W3\nmfImp6QwbOp8Dpz0zHSOtpYWL67m72ekV4lJdBr+GRbVa3H4yJF8vbYQpZAsMxTibU2bNh0944o0\nHjhF6SgC0DUwxLrTQLrN2YbTOj9G7nnE+z+fomrjTqhTk/FcPT1D/4j717l3ei/aunp0+GwFw7bf\nYcTO+zjM2IBuWSMeXzrJk6unsx1XnZLE+V+nolGnUv/98QzdGsjwHXfTCpwaDZ6rppH86mVBPexc\n0dbTp4XLDxw/dhQ3N7dCGTM2NpYZs77C0mHUW232HnHpMDoGxjT7/jTt1z+m/YaQUlnIAtCvWB1L\nh1HUn7qdKh2H5vg8dXIidzdNx7zNQAzMa2bZJ+z8HqIDzqJnWgW7zzbTZtVtWi67TI1+U1CnJHFn\nw9TMxaksaFKSubNxOhp1KlV7uNBqxQ1ar7yF1QfTQaPh7uaZpCb+875QqVSY1u9EXZeV2C86T9u1\nQTRf4k213hMAeLBnIakJLzKNY1y7Oe03hGT6eptCFoChVQMsHEYyfcZMWW5YAgwbNgyNRkOPHj2k\nkFUCTJ8+jUpmJkwfM6RArn/glCfGhuW49OdvxF09Qvz1o6WykAVgVdUcF2dH3FYvYNSA3m/sq6Wl\nomtbezb8MINrBzcQ6XuQm0e2MOVjJwDmLl9PbFx8nvu/jmE5A5z7OLD3l3kEHN5MhO8BLuxehUPr\npiSnpPDZ979kOmfh6q0cOOlJJbPy/L7wS0LO7yPC9wAH1i6iQ/NGuXmKcqSMvh4/z/qUo8eOFdrn\nLyFKMh2lAwhRnPn4+LBjx3YcZmxAW09f6TglTuKLSJ5cOcOTy6eIfBBAv6XHsj2n4Yf/l6mtQq36\ndJ29mZ2jGvLi2UMSX0Sib2QGQFTwLQBqdx1C7S6D0895p00fIh8GcHnHEqKDA6nauNMbx31y5Qxx\nYY+oYtealh9/l97eeNAUIu5f54HXQYIvHOLdTgNy8tALnLlNc97t+AGfTZnKe++9h7a2doGOt2DB\nAl4mJlPb8e2KvklRTzGweJeylrXzKZnykuOiiA44S9QND14+ukmTuYdydF7jOQfTfx95Jfv3xt+C\n//yJlFdx1HL+hms/ZP16jLic9hNj6+ELMWvUFQDtMoZYvf8FLx8FEHHpMDG3PClv++ZlPVEBZ0iM\neIxJ3VbUGjw3vb1G3894+fAGz/3cibh0hMqtPwCgTCUr6k/N+JP1MhWrU3PgV7y4d5mYQC/in97B\nqFbTHD/et1XDcSpXvPezaNEiFi1aVGjjZufx48e4ublx4sRJ/C5fITw8jPi4zIU+kZm7u7vc6S4b\nevplMC5fngZ2drRt05o+ffrQsmXOZmMWBh8fH7Zv38GOZV9TRl+vQMZ4EvqcOjWrYVOrRoFcXwmR\n0bGcvHCZE56+XL8dxLmdmQs8WTm97T/pv//r9IU39q1ZzQK31QsytFlZmjP/80/wuXaLs77XCLwf\nTPOGNnnq/zpTPx6Uqa2hzbu4/udbrB2cCXr8lMjoWMzKGwMQHRvH8o170dbS4s/VC2j8r2WIDq2b\n4tC6YP6fadXYFqfenZk6ZUqhfP4SoiSTYpYQb+E/K1ZQ+d0GWLV+T+koGTzz9+LW4U2EB/oR9zwE\nvbKGVK5rT8MBkzGv1yJT/8S4aPy2LOCB10GS4mMxrWFDE+fpJMZGcmb5JLp8uT7jXmAaDbdP7CDw\n6FaiHgSgVqdgYvkudXuMwLb3xzlakpcVdWoyYTd9eHz5FE8uexBx7xoajRq9ciZYteqV16cDAB19\nA8pVqkpyQhw6/5rJU9a0crbnGphmv7fTM38vgCyLVdadBvDA6yBP/T2LTDELoInzl+wZ1xJ3d3f6\n9i24vd4SEhJYtXot5t3GoVPOJE/XuL/9a54c+w1IK/6cHWUJgEWn4Vh/9AMAMYEXeOaxhdj7l0mM\nfIJOGSOM3m1G9fc+xbh2xqUFUddPcWPpUGo5f4uhVX0e7l9C3IPrGFi8S5O5/11WoNEQes6VZ2e2\n8fLRLTTqFAyq1KJKx2FYdhmZ59e5JjWmcXinAAAgAElEQVSZ2Lu+RN04TdSN08Q9vA4aNTpljanQ\n9O1e59l5+fgmjw+voe7YFeiUK//afkmxzwEwzGJvLMMadkRcOkx0DopZMYFp3/RUbvVBpmOVW3/I\ncz93YgK90otZb6LSTvvIomtUMdu++UmnnAnm3cayes0a5s6di4GBsjMzrl27xldzvuavvw6io2eA\nUb22lG3YHwvTKmgbGCmarThQJyeipSs/fMqOOvkVKS+i8H9yC591m5k/fz5169ny1ayZDB06VPFi\n4IoVK2hUrzaODm3z/drTfljFyq37gbTiT9kG3QEYPfA9Vnw9GYBzftf5fddf+Fy/xeNnYRgZlqNF\nQxu+GD2Y1k0y/rt57JwP/cbPZvH0cTSqZ828XzZx5eZdar9TjfOuK4GM+zb53wkiJTUVa6tqjB7Q\nm7GD++b5+U5OSeHClQBOePpx3NOPKzfvoFb/P3vnHdbU1QbwX0LC3sgSEEFEhiiIe2vde7TuVUdd\nnVqts+1n1ba2apdVa9177z3rAgcORBBlDxVE9h7J90cgGhMFFLDj/p6HRzjnPe89N96TnLznHXJM\njAzp1f7lId2VhVSieB+3tHj558+byGtCX1cHB1srMrNy0NfTVbYfPX+FnLw8er3TQsWQVRXMmTSC\nej3er/T9l4DAvx3BmCUg8Jrk5uaye/cefEZ+VbpwFZKTksjhmaq5mXLTk4m5doK4G2foOn8PNp7N\nlH1F+XkcndOXpxFByraksNucnD8M55a91S8gl3Nu6STCz+1SaU6OCsZv5QySo+7ScvIS9XEvIS0+\njPib54i/eZZHdy5RkJuFWEuCZW0ffAZ9jp1PWyxdGyASv9nJVVp8GClRITg27abiRWfr1RKzGm48\nOLUFqzq+ODbpikgkJv7WXwTtX4GhpT01GncuVX/6owgAzBzd1frMnBQb2/SHkW90DxWNsa0TdvVa\nsGXL1krdTB09epTMjHTcWw0qXfg1yU9LJPA7VYNIQWYyybdPknLnLF7Td2BSp6nauPSw60Ru/wa5\nrFDRIJcV/ysndNVHJPrtUZHPig0hfNNssmKDqT3qhzLPL+dxuNJ4lXbvMkV5WYjEEoycvXHs/Rmm\nnm0xcvZ+4+f8lchlPFg3HbO6bbFs/Or8bVJDhediZsxddCxUK75lxtwFIDeh9Oc5NzEKAH179RN1\nAwd3FZmXzTk/NZHHF7eRGnwBM6926Fqqe0nkPArj2hfNyXsaj9TIHBPXJth3+xBDx4pJ3mvdahAx\nexZx7Ngx+vbtWyE6y0tycjJz5s5l5cqVGNWsh8sHv2Pu3RmRpOwFKgQEXpes6EAen17LyJGj+G3Z\ncpb99gu+vr5vZS65ubns2b2bhVPeTh67hKRkOo2aqtL2NCWNo39d4eTF6xxZvYiWvurh9P63gpm1\neBWFRYoQbVlx2mK5XM6Ymd+z7fAZFfmg+xF8tvA3Au9HsOyrT8s8v/tRcZy+fJ1TlwO4cC2QzOwc\nJFpaNPSqw8wJw+jQ3JeGXm5oVVFRC5lMzuOkp2zYe4Iz/jfo2LIRNe1sKky+NO5HxXH3QSQ927dQ\n8eK7GfwAgE4tG7Hz6Dm+XbGJiNiH2Fpa0POdFsyeOAwTI8PXvu6rqFWjOq0be7N16xbBmCUg8AYI\nxiwBgdfkwoUL5GRnUaNR6YaOKkUkws67LR49x2HhVBc9M0vyMtN4HHSZ8z9/xO1dP6sYs4IPreJp\nRBAmdi40n7gIS9cG5KUnc2ff7wQf+lNNfdi5nYSf24WZozuNR32FpWsDtKQ6JIXfxu+PmYQe34jr\nO4Oxciu9PPaOcb5kJMQAYGTjSK1272Hv3Rbb+q3Q1jeusJekMDebsz+OR9vAmCZj5qn0icRadJ2/\nhytrvuTCz59wXv6Rss+xaTeajp2PRKd0T4yC7EwAdAzVTw9L2vKz09/kNioFu4adObJ7CXK5vNJO\n2o8fP45JLR+0jS1fW4fzkHk4D5mH3yQ39GxdVELsABCJMPNsTfWOYzCoURdt42oUZqWRFurH/dWf\nEXvkN43GrKRrB7FuNQiHbh+ia+WoNCYl+u0m0W8PBvbuOL03G6NaDRBJtMmMCiR88xwe/7UZ65aD\nMHYp/cvctelNyX2ieM51LR2xat4fM882mHi0QKJXcc95aTw8s57s+FB8F5aeA87Mqy3Jt08SvnEW\nIrEWJm7NKMrJ5NG5jcoQxMLstFL1lOS30uQFJjEwK9ajvi6yH4URMKu18m+xVAfb9qNwGjBb43UK\nMlMoyFQkJ85PTeDJ1QMkBRzFbeJyqvm+Or9LWdA2tsSkls9bM2b5+fnRs3dfsgvBedRiLJu9+9qe\ngQICr4OBYz1qjV6KTYex3N/+JY0aN2bhggXMmDGjyudy4cIFsrKz6da2WenCr8EPX0zkhy8mYtOs\nL3WcHVRC7ECR2++dZg2YNLQv9dxqYWVhSmp6JheuBzJ+zo/8+Oc2jcasPSfOM7JvZ6aMGYizQ3Wl\nMWnrodNsO3wGz9pOLJgylkZebmhrS7kZ/ICp3y5j7a4jjOjTiSb1PUqdu0eXEUTFPwYU4XuDerxD\nh+a+tG3ijbFh1eaXDI2MxafXM4Ojro42HwzqyfzPxlaIfFnIysll1PSFGBsa8N001eIhScmKPIhX\nb4ewYd+zZOzRDxP4beMeTvsFcG7TLxgZVI43brfWTfhu1bZK3X8JCPzbEYxZAgKvSUBAACZWdhhU\nq/62p6KCnqklDUfMIXD3L1wKmUpuWhKyokJlf0p0iIp85OWDIBLxzsy1mNVQeE9IdQ1o9sG3pMWF\nEX/rnIr8/VNbEYm16DJvJ/rPhd/ZeDaj3ecr2T25JdFXjpXJmFUVFOZmc3LBcNLiHtD56+0YWjmo\nyTwND+Rp+B3kJV45xSRH3SUxNEDjmBd5ZWHYv3HRWCu3hlxJTSEqKgonJ83JwN8Uv6vX0HdWD2+t\nSLSNLan57ixijywjfd10CtKfPvO2ArJjQzSOM6rli+v7i9UMAwkXtyMSa1F36ha0TZ895yZ1muI2\n4XcCZrfl6c1jZTJm/R3IT3lM1O7vcHpvFjpmtqXK27QZSuKlnWRE3uLuT6pJ1K1avEfipZ0gKv1U\n/9UFk8u+LmQFeWSEXycrNgRjl4YqfaYeLbFpMxTDmvXR0tEn+1EYcUd+J+n6IR6snYqZZ2u0dN/8\ndF3fqQFXA268sZ7ysnXrVka9Pxpjj1Z4jflVCCUUeKsY1PDE7fNdPDq9htmz5xByL5RVf6xEW7ty\n8lZpIiAgAHtba+ysqzbkuAQrCzPmfTqGxau38+G8n3jyNFXpbQVw94Fmr9XG9dz5/X9T1AwXG/cd\nR0ss5uDKb7GxNFe2t/T1Yt33M/HtM45DZ/zKZMz6O5Obl8+V2yEE3Y+kqXfp91Je+RfJysllwEdf\ncT8yln0rFuJYXTVlRIln3Mb9J5g8rC8fj+iPuakxVwND+OSbXwgJi+aXDbuYPXF4ua9dFpp4u5OS\nmlqp+y8BgX87gjFLQOA1iYqKwsjW+W1PQ42Ee9c4MqsPssJ8jf2Febkqf6c/isLAwlZpyHoeuwbt\n1IxZqTH3kMuK2PZ+cZUXuRx5yZfS4o1B1pO4Ms11wKoAUuMeKMMMw8/u5N7RdYjEWli6NsDOpy12\n3oowQ7FW+d+u8jJTOTFvCMlRd+n81TYVj7QSnty/wYl5QzC0sqfzV9uwcmuISKxFUtgt/P6Yxdkf\nxqGtb4S97zuvvJa2gZHymmrzyFJ4sFSkt1lFYVJd8QxHRkZW2mYqOioaq3oDKkV3Celh1wn8vj/y\nwgKN/bKCXI3tZh6tNHq4ZMWHIpcVcXWqwnCiMMqoPud5T+PLNLdGi/zJfhRGatBfpNz9i8TLu3l0\ndgMisRZGzt6YerbFzLM1RrV8EIkr52M5bNMsDOzdsG03skzyYok2Xl/sIvbgTzy5epC8lIfomNli\n13k82iaWJF7aidSo9GpwkuJnvjBLfV2UtEk0rAt9WxdarX2IXFZEQXoSyYGnidj2P+78MADf+edU\nQg09Pl6nMtbIyRv3SSu588MAUkMukRpyGQufTmW671ehZ+NE5LXdb6ynPKxatYrx48dj23EcNd6b\nU7lhqAICZUUkwrbDGPSsndj2xyQSEhM5fPBAlSWyjoqKwqXG2ztI9L8VTJfRn5NfUKixPydP8/6r\nfTMfjR44wWHRFMlk1O6gqMooR648Ays5EIh9nFimuQUf20BoZKwyR9a2Q6f5c8chtMRiGnq50aG5\nL+2bNaBRPTcklfz/VcfJgew7JyiSyUhMSuH4havM+HEl3cd+QcD+VWqhg+WVfxWp6Zn0nTSHoPsR\n7F2+QKOnXImnWjMfT374YqKyvV0TH1YtmEa7YZ9y/MLVSjNmudSwAyp3/yUg8G9HMGYJCLwmaWlp\nGr+EvW0Cd/2MrDAfn8HTcGk3AANzW7Sk2iASsWtiM3LTkzWMeol7swavihLvJbmsSK2vhKKXGNI0\nYWpfG1P72nj2HIesMJ+EkGsK49ats9zatpibW39Aqm+EY5OutPlsWZn1ZqckcOzL98hMiKHzV9ux\n8VQPMQO4f3IzcrmMZuO/UzFY2Xq1pPUnv7J/SgfuHd9QqjHLuNiwmRIdgvULXmkpkYocQ8bV/36b\nFWnxM5yaqm5sqCiyMtOR6L9e4veyEnv4V+SFBdToPRXr5v3RNrNFLFE899dntqIwU9NzDxJDM80K\nZaU/5/IizYYzTejbuqBv60L1jmOQFxaQHnZNkUPr7l/EHFhKzP7FaOkZYeHTmTrjfildYTkozErl\n6Q1FUvsLo+00ylyeoKgO2XJ1jNKgpqWjT813Z1Hz3Vkqsg/WTQPAsGa9Uq+ta1UTgOy4e2oeVVnF\n3nIlMpoQibXQNrXGpvUQZAV5hG+aTdK1Q9h3m/TqC4tEGNduTGrIJQrSyvYlsDQk+iZkZpQeWllR\nnD59mkmTJmPX8zMcek8tfYCAQBVj6tWeOlO2cfqHd/n0s8/49ZeKfe96GWlpaRgb6lfJtTTx4+pt\n5BcUMnvicAb3fIfqVtXQ0ZYiEonw7jmapFTNKQXMTTTvGUs8hIpkMo39wEsNZ5qo4+RAHScHJg3t\nQ35BIf637iqNW9+u3MSC5RsxNtSnR7vm/Llwepn1vi5aYjG2VhaM6t+V3Px8pixcxp7j55kyWvMh\nV3nlX+Txk2R6jp9JdPxj9q1YSIsGmnMn1nZU5IOsV6eWWl99N0VC+KTkynvPNzZSGNMqc/8lIPBv\nRzBmCQi8JkVFRX/LU/KMx9HomVrSYLDqBiX9cRTpDyPQfiGnk7FtTZ48uElqbCimDnVU+uJvqefW\nMbGvTWF4IIPXB1W4p5FYoo2tVwtsvVrQcMRs8jKSib/1F/E3z5IcpTlMTBPpj6M4Nrc/uRkpdJ63\nU8249Dx5xXl2NFFiuMvL0GwIeR4bz2YE7v6F8HO7cOusGpYVVpwsX5Nn2NumxOOtsLDsG+XyUlRY\nWKaQtDch90kM2saWOPZR/dKfmxhFTkIk0nJWUdSzdaEo+g5NfrpZ4XmtRBIpJm7NMXFrTs13Z1KQ\nmULq3fOkBJ0jK+5ehV4LUAuffRNyEqNI9NuNSKxVplxUJnWaEndkGYn+e7BpO0ylL9Fvt1KmLMgK\n8gAozM0oXVguJ/3BVQCkJqVXLC0TIrHiWa4CwsLC6Nf/Pcwbdseh15QquabA2yfjwVViDywhM/IW\nyGQYOHph1+NjTD3bvBU9ZcHQyRvn0T+zbNkEPD08mDBhQoVf40WKiooq3avoVUTGPcLKwozZk1Q9\ndiJiHxIWE4+pcflCges4OXArJ5eIs9sqPK+VtlRC60b1ad2oPv/7ZDTJqemc9rvB6csBBL0kHLIy\nyctXHAJlZGVXinxE7EN6jJtBclo6B1Z++8rwxNaNFAcygaHhan2374UBipDSyqLkGa7M/ZeAwL+d\nqiljISAgUGUYWNqRk5ZE8OE/yc9OJz87ndjrpzjxv0Eav9TWbN4D5HJOfzeaR3cuUZibTWZiLP5/\nziH+5lk1+Todh1GYl8PROf2JuXaC3LSnyArzyUyMJfb6SU5/+z4Pb5+vkHvRMTLHuVVfWn38C72X\nnCzTmJToEA590Z28zDS6ztv1SkMWgIWzYjPjt3IGcQGnyc9OpyA3i4eBF7jw88fFMuru6S9i590a\nQ0t7Ht/148qaL8lNTyY/O51b25cQ5XcIXWNzHJu+eSJqAc3oWNiRn5HEw9NrKcxJpzAnneTA0wQt\nHfasQmE5sGk9GFl+DncWDST59kkKMp4iLywg72kcybdPEfLbWFKDL1bI3KWGZlg26Y3rmKX4fHW0\nQnSq6jen1dqHGn8MHBQb/eYrHtBq7UOVMMfgX95X3HtmCkW5mTwNOMqdRe8hy8/Ftt0IdMxLD/Mx\n82iNjoUdaaH+RGz7HwWZyRTmpBNz8CeSAo4gNTTHokEXpXzsoV+I3DmfjMhbFGSmICvII/dJDA9P\nriZ6r6J6pIlrE6V83JFlRG6fR0bETcU887LIjLpNyPIJpIZcQqJnjKnb38+IXBoTJ38IpnY4jVry\nj0r0nvHgKn5j7Ig79PPbnso/jtSgc9xd9C5pwRcoysmgKC+L9Pv+hCwdytPrh0pXUMF6yoNFw+7Y\ndfuIKZ9P4+HDh5Vyjb8TDjZWPElOZcXW/aRnZpGemcXxC1fpO3EOMln5c2SO7NeF7Nw8uo39gqN/\nXSEpJY38gkJiHiZw7PwVBn82j7NXblbI3M1NjXmva1tWfDOVi9t+qxCdL7Jo1VbmLP2TgKBQklPT\nyc3LJyr+Mb9v3sc3v60HUPGWKq/8ywgOi+KdEVNISc/k0B/fl5pnq767C75163D5RhDTvl9O7KNE\nsnJyOXflFuNmKz5vurf7531+CAj8lxA8swQE/mW4dRlJXMBp/FbOxG/lTGW7hbMXZo7uZCcnqMh7\n9hhH+LldJEcFc2R2n2cdIhFOLXoReekAYsmzt4ra7QfyKOgSD05v4+Q3QzXOoU7nsuUXWNPH5pVh\nXM+jZ2rJkA3BpcoFHVhJTooirOjA55orTfb56SwWzoqNkVvXUYSe3ETG42iO/2+Q+nXNrKjX7yOV\ntnX97ZAVFTF632Nlm1iiTYvJizkxbwhB+5YTtG/5swEiEc0nLEKqW7WVhP5L2LYdTkrgGcI3zSZ8\n07OKd4aOdTGwcyM/LeEVo9WxbjGAtFB/Ei5u5+5PmvNM2bTR/Py/yMUxDmV+zrWNLWny8+0yyYb+\n8SGJfntU2oKWPJuT++Q/qNawR5l0aSIj/IaycuHzmHq0xGnAXLX2S+NqIpcV0XJ1rLJNJJFSe+Qi\n7v40gvjjK4k/vvLZAJGIWsMXoqXzbF0UZqUSd2wFcUd+1zgnq2b9MKvbVvl3QYn8sRVqsiKxBJdR\ni/5xCdP379/P6ZMn8Ji+C7FU521PR6AKkBcWELHhC+SyImw7fYB9949ALOHxmbXE7l1ExMaZmHq1\nU1krlanndbDr+SmpAQeZNv0LNm/aWOH6/06MHdCdExevMWXhMqYsfJb+oL67Cx4uNXmcVLo39/MM\n69WRi9cC2bj/BP0/VH9vBRjdv2uZdBnV7/LKcMXnsbIwI+rc9jLJjp7xHdsOn1Fp6z3x2Wft5sVz\n6dupFQApaRn8vH4XS9bs0KhrUPf2dGjxLOy8vPIAZr7dKSwsIuP2MWXbbxv3kFD82rceorpvK8F/\n53LquT0LK/z968/oMPIzlm3ay7JNe1VkG3i6MnlY1VevFRAQKDuCZ5aAwL8MxyZdaTt1BeY1PdDS\n1kXfzBq3LiPpOn+PInfWC2hp69JtwT7cuoxEz6QaWto6VHOpT8c5mzCtoQg71Hk+NFEkovUnv9J+\n+p9Ur98GHUNTxBJtjGwccWzajQ6z1lO9fuuqut03RsfQlN6LT+DVZxImdi5oSbURS7QxtqmJe7fR\n9PnpDPoWpVd/A7Bv0J7uC/dTvX5rpHqGSHT1sfFsSpevt+PUsncl38l/GwufztQZvwwDB3fE2rpo\nm1pj23Y4XtN2ItLw3JeKSITrmKW4TVyBqUcrJAYmiCRSdC0dsWjQBY+P1mDq2arib+RvhMen66nm\n2w2pcTW0dPQxrFmPWsMWUHfqFsTaumXWY+bVjnozdmPq0RItXUO0dPQxcW1C3SlbsGzcS0XWoden\nuAxfiEmdZkiNqyHSkqJtbIlZvfa4TVhOnXG/qsjX6PExtYYtwMS1CVJDc0RaUnQs7LBq1h/vL4+o\n6f+7U1RUxKdTpmLZpA/GrmULvxT455MafIG8p3EYuzal5sCvkBiaI9E3xr7HJ5g36EZhZjIpGgzL\nlaXndRBLtLHrN4utWzZz7dq1SrnG34Ue7Zqz9vsZ1HV1Rk9HBxtLc8a8152jfy5CR1tabn0ikYiV\n8z9n44+zad+0AabGhmhLJTjZ29KzfXO2//w17Zo1qIQ7qRxmThjKT7M/olXDeliamyKVSLCyMKNT\ny0asXzSL1d9+8UbyFYlXHWcubFtGv06tMTc1RiqRUKtGdaaPG8zxtT+iryscKAgI/J0RyV9dN1tA\nQOAlDBgwgOsP82j/xeq3PZVKQS6Xsf+zDjyNDGLYpnvoGJmXPkjgH8nqXpZs376dAQMqp+KgSCTC\nbeKKf5xhQUDgeZ5cPcC95ROozG3TgQMH6NOnD94LL74yMf4bIZeTeGk7iee3kB13D7msEF1rZ6zb\nDMOm3UiVsMbUoLOELB1GzUFfY1jLl5hdC8mMvIVYqoNZ/Q7UHPQ/JAaKw464Qz8Tu3eRxks2Wx2v\nosugRl1i9/1IVvQddG1qUe9LRXitLD+Xh8d+J+nqfvKexCCS6mBYsx7Vu0zC9DmPvBfnpm/vTuze\nRWTF3kVLxwAzn87U6DdDWXEzIzyAoIW9sGk/CqehC9Tm9/TaQe6vmIDjgLlU71z5OZ9eJGbXQuKP\nLsN5xPdYt1HNLZd84yihy8Zi3XooziM1v74VredNCJ7fhV4tfdiwYX2lXWPAgAEUpSWwafGcSruG\ngEBVoO/VqVL3XwIC/3J2CmGGAgICXFnzJRbOXth4NEXXpBpp8eHc2rGYpxF3sPVqKRiyBAQEBKqA\nLVu2YubeolINWQ/+/Jgkf9Xw1Oy4ECI3zyY7NlijoSMz8jYxuxYiK65UK8vP4cnlXeQlxeH5xe5y\nTSEj7DrRO+YjlxUnPS6pkFtYQPDiQWSEPefVU5hPWsgl0u5dxnnYt1i3VQ9hV+j7RhnKK8vPJfH8\nFjIeXMVr7hG0dAwwquWLoZM3Ty7vosa7s9TC7B6fXY9YRx+rVkNKnb//uBplDhuWGlvScOmtUuVy\nE6MA0LdzU+vTt/colik9WXdF6XkTLFoMYdfu+axa9Qc6OoJXi4CAgIBA5SEYswQEBEiLC1PN8VSM\nVNeAJmO+eQszEhAQEPhvIZfLOXrsOOZdP6m0azzx302S/x707d1wfHc2hs4NEEu0yYwOJGrLXBLO\nb8ay5UCMavmqjEu6shfrtsOp3nkC2qY2ZMXc4cHKyaTf9ycrNhgDBw/se3yCSZ1mBH3XF4e+07Hv\nofk+nl4/hFXLQdh1m4yOpaOyKvDjM2vJCLuGjrkdTsMWYuzahKKcDBIvbiP2wFKitn2FuU9nteqU\nT68fwrLFAOx7fIK2iRWZ0XeI3DyL7Lh7PDyyDIe+isq+Nu+MJuzPj0m6vBvrds8qzuY8vE96qB/W\n7UYgqeAKvWWlMEdRobPEy+15JMVh/iUyVaHnTTDz7kjEpplcuHCBDh06VOq1BAQEBAT+2wjGLAEB\nAZqOnY+uiQUJwVfISopHqm+Ebd3m+Ayahpmj+9uenoCAgMC/noiICNLTUnCs1bB04dfkycXtiMRa\nuE/ZivZzRiFj16bU/mAZt+a2I+XmcTVjlqlnG5yHf6f828ilEdW7TlJ6c5VUxSwLRs4NqDXqR7Uq\njU+vHQSg9sQVGDkr8gNp6Rlh32sK+akJJPy1ieRbJ9TC5wydvHF5/1nVR2PXJtT5cA23ZrfmacBh\npTGrWqNeRO+cz+Oz61WMWY/PKsLhbN8ZXab5N10VU+Z7LTuvCF0tV1hrRel5fbTNbDGoVp0bN24I\nxiwBAQEBgUpFMGYJCAhgXN2Z1p/8WrqggICAgEClEBmpCP+qtBBDIPvhfeSyIm58rjCYKfJ/FRs5\nio0decnxauOM3dTL0+ta1gCgKDezXHMw8WilZsgCyEmMQmJopjRkPY9Z/Q4k/LVJGUb3PKaebdT0\n6Vo6omddi5yEcGWbSCLFpu1wYvcvJv2+P8auTSnKy+KJ325MPdugZ1u7XPdRkUj0FB5hhVmpan2F\nWWnFMqVX5awoPW+KrpWz8nkWEBAQEBCoLARjloCAgICAgIDAWyY9PR0ALf3KMzbIZcX5qV6R80le\nWKDWJpZqqF6pNCCVz+NHYmj2il51I1dFYt12OHGHf+Hx2fUYuzYl6fJuinIysOkwtsw6KiNnVokB\nMzv+HkYuqp552XHBxTJOVabnjdEzIjVV3aAmICAgICBQkQjGLAEBAYFiEoKvcGPrDzx5cANkMixq\n1cN7wGfY+bQrnyK5nPuntxJ6YhMpMffQkkixqtMQr34fYePZ9LXl7x5Yif+fr67e1GjUl9Tr91H5\n5isgUA7SH1wlet9iMiJvgUyGYU0vHHp8glndNmXWkfc0jqe3TpJ86wSp9y4jLyyg7pTNmHm9Yq3J\n5SRc3M7j85vJir+PWEuKUS1f7LtNwsS1iYro5QkuFOVla1TjMuI7bJ8LM/u7UFioSIguElfe1kzP\n1oWs6Ds0XHITrcrw0BGJAZAXFZZ7qJ5VTTIibpAZeQtDJ2+VvpTA04Bmr7XUu3/h0GeaindW7pNo\nchLC1eSlxpZUa9SbpKv7KEhL5PG59ehaO736uasCjFybwtFlJPnvVQujfOK3p1imiaahlaLnjRFp\nUVRUNoOfgADA5RtBLFy+ietB95DJ5Hi7uzD9gyF0aO5b+uBi8gsK+WndTrYfPkNE7EP0dHVo4evF\n3EkjqOdWS+MYuVzOhn0nWLf7KO9/1VoAACAASURBVCHhUUilUhrXc2PK6IG0aFBXRVYmk7Pl4Cn+\n3HGIsJh4iopkODvYMqJPZ0a/1w2pRPhaLSBQ1QirTkDgX0RC8BUOzeiB79CZeA+c8ran848i7sZZ\nTswbrHLi/viuH8e+9qf99D9xatGrTHpkRQWc+X4s0f5HlG0FQMy1E8QGnGb0vsdvJF8a1eu1Kpf8\nf5H0B1e5vbAPjv2mU6Pnp297Ov8oUoLOcXfpcJV1khbqT9r9K7hPXEG1Rj3LpOfWvO7kpz8p83Xl\nRQWE/D6epzeOKduKgOTbJ0m5c4aWq2PLrOu/jHWrwYQ9uErwjwOx7zUFQ2cfJHrG5KclkB0fSuKF\nbdi0H4mJe8vX0l+SeDzjwRUKM1NK8cJSxaJRTzIibnB/xQSchi7EuHYjinIzSby4nYS/NiOWaGPu\n3UltXGbkLcLXTcWu+8dom1iRFRNExKZZyIsKsfDtriZv23EMT/x2EbZ2Ktlx93Aa8o3GsMeXURk5\ns0w9WqFjbkf6fX+itv8P++4fIdKS8uj0GpJvHEFiaI55gy5Vpkeg/Fy+EUSHkVP48sNRzBhfelVM\ngWecunSdvpPmUFTsOQpwMeAOlybMYuOPs+nXqXWpOgqLiug3aQ5n/G8o2/LyCzh81o9Tl65zaNX3\nasapgsJChk2dz8Ezl1Xaj/51hRMXrpFx+5hK+5iZ37P9yBmVtpvBD7gZ/IAj56+w7/f5iMrxXiIg\nIPDmCMYsAQGB/zyywnwu/T4VuayIun0mUv/dTxFraRF8aDUBm7/l8vJp2Pu+g1TXoFRdN7f9SLT/\nEfRMqtF4zDwcGnZEoq3L42B/Aner5yUrj7xnr/F49hqvpqMwN5stIz0xtHKgmou3Wr+AQEUgLyzg\nwbrpyGVF2HUej0OPjxCJJTw8vYboPYsI2zATs3rt0dIpfZ3oVHOgWqMemHt3JOn6YR7/tfmV8jH7\nl/L0xjGkxtVwHvQV5vU6IJbqkPbgKnFHftM4xrh2I+rP2v9a9/pvxbL5e6SF+vHk0g7u/TJSo4x1\nm9f/Iq5r7YS2mQ1pIZe49smzL47NVqvn4XoRm/bv8zTgMBlh17n383C1/pqD56lVMgSwaNidJ5d3\nkXhxu0q7nq0L1btNVpM3cKyHkUtDUu+cQUvPCMsWA8pya5WKSCLFeeT33Pt5JI9O/MGjE3881ynC\nedhCtXV1ZbwTclmRinHtdfQICLxN8gsK+XDezxTJZHw8oj/Txg5CItFi+ZYDzPttHZ/M/5VOLRth\nqK/3Sj2bD5zijP8NqltV47evPqGFbz0ys7JZvfMwC1dsYtKXS7hx4E+0xGLlmG9XbOLgmctYmpvy\n3bTxdG3dBB0dKZdv3GXJatX3k9shYWw/cgYdbSm/fvkpPdo1QywWc8YvgAlfLubkxWuc8b/JO83U\nc/4JCAhUHoIxS0BA4D9P/K3zZCbGYuPZjCaj5ynbvQdO4WnEHaL8DhHjf5Rabd99pZ68zFTu7P0d\nkViLzl9vx6JWPWWfnXdb7LzbvpH8y4i4sJeCnExcOwinwQKVR0rwefKexmFSpynOg75Sttfo+SlZ\n0UEkBRzh6Y3jWDXrV6ou77mHlL8n3zr5StnCrDTijq9AJNai7pTNGDp6KfvMPFtj5ln6qb1AMSIR\nLqOXYubVnoTzm8mKCqQoPxsds+ro27tj2eI9RYL211Uv1sJ10iqid3xDVkwQspeEemocK5HiMXU7\n8UeX8fTqfnKTYhBLdDCsWY/qXSdhWldzKKCRSyOs2wwjZs/3ZMffQ6ytj7lPZ2r0n/lSw4112+Fk\nhF3HquUgtHQNX+teKxrTuu3wnL6L2P2LyYy8hVwuw9DRC7senyiS3FexHgGBquCs/w1iHibQ0teL\n76Y9O6ybMX4It++Fsf/URQ6d9WNQ9/av1HP4rB8AP835kC6tFaG0RgZ6zJk8gjv3Izh45jJ/Xb1F\n+6YKY1NqeiY/r9uNlljM/hUL8XZ3Uep6p1kDNaNUcHg0AMP7dGZY747K9j4dW3H3QRQLlm8kJCxK\nMGYJCFQxgjFLQKCqeT4/UlQwMlkhJtVrUafzCDy6jVYJd4i7cYbjXw+k6dj5WNbx5dr6b0h6cBMt\nbV0cGnWi6Zhv0DFShHHc2r6EgM3fAhCw+Vvl7wBjDjxR0WXh7EXA5u94Gh6Iib0LvZecAqAoP5fA\n3b8ScWEvGQnRiKU6WLp449XvI+wbqH6ReF6fmaO7Ql/EHaR6Bjg26UrD4XPQNbEAIPHeNQ5O74ZH\n9zE0G/8dLxJ5cT9nFo2l8ftf49VX/SS9snl8V7EJ0mSscmn7LlF+h3h093KpxqzY6ycpys/FsVl3\nFcNURcm/jHvHNyLWkuLS9r3X1vG34/n8SLH3kMsK0bNxxqbNMKq3H6WyTlLunCVoyVCcB/8P41oN\niNy5kIzIW4ilOph7d6TW4P8pw59iDv5E9J5FAETvWaT8HaDV2ocqugwd6xK99wcyo+6gZ1sLn68U\nIQey/Fziji7jyZX95D6JQSTVwahmfey7TcKsbluV23hen4G9O9F7vycz5i5aOgZY+HSm5rszkRop\n1kl6WAC3F/Sk+jvvU2vYArWX5MnVA9xbPgGngXOx7zKxIl/tMpEW6g+AVVN1Y5VVs/4kBRwhLdSv\nTMas8pAceApZfi4Wvl1VDFkCr49Fo55YlCEk1LRuu5d6Vb2sz8i5AXVn7C2XrhLE2ro49J6KQ++p\npc7teUw8WuPlUXajZlZ0EIhE2LR/v1zXqWyMajfG4/PtpQsCTVa+vFpgefT8l3g+P9LdB5EUFhXh\n4mjPmHe78cGgniohYicvXqP3xNksmj6BxvXdmbt0NQFBoejoaNOtTVMWTZ+AmYki79x3K7cw77d1\nAMz7bZ3yd4DsOydUdNV3d+Gb39ZzKySM2jXtubR9GQA5eXksWbODXUfPERX/GB1tKQ08XZny/gA6\ntFBN5v+8Pk9XJ+b9up7Ae+EY6OvSo31z5n0ymmpmJgBcuR1Mu2GfMn5wL5bO+lDtNdl9/C+Gf76A\nhVPH8emoqt9DXLx+B4BBPd5R6xvc4x32n7rIheuBpRqzEp+mAFCvjnpurHputTh45jIXrgUqjVlH\nz18hJy+PXu+0UDFkvQzraqWHTNtYWpQqIyAgULEIxiwBgapELufc0kmEn9ul0pwcFYzfyhkkR92l\n5eQlasOePLjJtfXzKCrIB6AwL4ewM9vJTIih+7cHyjWFhJCrXF37NbLiBL0l1a1khfkcndufhJCr\nStmignweBl7g4Z2LtJiwCLeuozTqu7LmK2UOnaL8XEJPbCIh+Aq9lpxEqmuAlVsjLGv78ODMdhqO\nnKsWrhd8ZA0SXX3qdBqmpv9F1vSxKXMlKT1TS4ZsCC5VLv1RBABmju5qfWZOngqZh6WXGU8Kuw2A\nfYP2RFzYy81tP5L+KAp9c2scm3ajweBpaBuYvLa8JlKiQ3hyPwDHZt2VxsN/PHI5oas+IrE4YXEJ\nWbEhhG+aTVZsMLVH/aA2LDPyFlE7FyArVKwTWX4OiZd2kpcUS70Ze9TkX0V62HUit3+DXFacyFpe\nXAWusIA7Pw4k/cG1Z8KF+aSGXCT13iVchn+rMbm4Qt885bMry8/l8fktpD+4ivdXR9HSMcDYxRcj\nJ28SLu2k5nuz1LxKHp1Zj5aOPjath5Y6/4tjHMq8TrSNLWny8+1S5XITowDQt3dT6zNwcFeRqUgy\nowIBMK/bjidX9hNzYAk5iVHomNpg0aALNXpPRaJvrDYu51EY175oTt7TeKRG5pi4NsG+24cYOtZV\nkxX4byCXFZEWfIGE4mqGulaOb3tKAlWEXC5nzMzv2XZYNedR0P0IPlv4G4H3I1j2lXoOxYCg+8z9\naTV5+Yoqn9m5eWw+cJLo+MecWLe4XHPwvxXMrMWrKCxOji+TKyqB5hcU0mPcDPxu3lXK5uUXcO7K\nLf66epuf53zE2AE9NOqb+eMfylxTOXl5rNt9FL8bQVzY9huG+no0qe+Bb906bDlwkm8+HaMWrvfH\ntoMY6Onyfv+upc7fqH4XlbxWr8LKwoyoc6UbVMNjHwLg4VJTra+uq6LyZkRM6WHKFmaKz4DA0HBq\nVLdW6Qu8Fw5AWPQzPTeDHwDQqWUjdh49x7crNhER+xBbSwt6vtOC2ROHYWL0zGuzTWNv3F0c2bjv\nOI3rudOzfTNEIkWY4a8bd+Nga0W3thoK/AgICFQq4tJFBAQEKoqwczsJP7cLM0d3On+1jWGb7zNy\nRzTdvz2AuZMnocc3knjvmtq48L92U7vDEN5beZVRu2Lp8f1hDC3teXzXj+RIxebHe+AUenynCN3x\nHTqTMQeeKH+eJ/LSAVzaDeDd5f6M3veYPj8pNnbBh1aTEHIVQ0t7Os7dzIhtEQxac4sGg6cjQoT/\n6jnkpCSqzU2h7z3eW3m1+F4OYuboTmrcAwJ3/6KU8+g5joKcTMLO7lAZnxobyuOgy9RuN7BUw01l\nUZCdCYCOoalaX0lbfnZ6qXpy058C8CT0Omd/+IDU2PvICvPJTIzl7oGVHPqiBwU5ma8tr4nQExsB\n/lUhhol+u0n024OBvTt1P9tEs9+Cab4ijHoz9mDg4MHjvzaTHhagPs5/L9atBtHw+8u0WBlB/Vn7\n0bGwIy3Un6xYhVGzRs9PqT9rHwCO/abTau1D5c/zJF07iFWLd2n47UVaro7F5+sTADw8vYb0B9fQ\nsbDD89P1NP89lMaLr+PYZyogImLrV+Snqa+TpGsHsWr+Lg2/v6y4l5l7MbB3J/tRGHGHlynlqncc\no0h6fVnV4J398L7C66n5exoNN1VBUU4G8CzJ9/NIDBSn1oVlWCflpSBDsU7SwwO4t2Ii2Q8fIC8s\nIDcplvgTq7i9sDdFuerrpCAzhdzEKORFBeSnJvDk6gFufdOdpIAjarIC/35i9y/Gf1wNQpYORVaY\nj13XSW97SgJVyNZDp9l2+AyetZ3Yt3wB8Rd38+TqAU6sW4xXHWfW7jrCldvqh1/bj5xheJ/O3Dm8\njqfXD3J6w1IcbK24GHCHO6GKg7AZ44dwar3iIPLLD0eRfeeE8ud59pw4z9BeHbh9aA0Zt4/ht+N3\nAFZs3Y/fzbs42Fqx+7dveOy3j/snNzN70nBEIpi+aAUJSclqc9tz4jxDenbgzuF1PLl6gJPrl+BZ\n24nQyFiWrHlmSJo0tA8ZWTlsPXhKZXxIeDQXrgcypFdHFcNNVZKRmQWg9HJ7HnMTxWddWkZWqXo6\ntWgEwGcLfuPY+StkZufwKPEp85dt4FBxCGJaxrPPiaTkVACu3g5h5PSF3IuIIb+gkOiHCfy2cQ/t\nR3xGRlaOUl5LLObon4vo27EVE778Edvm/bBp1ochU76hTWNvTqxbjL6uzmu+CgICAq+L4JklIFCF\n3D+1FZFYiy7zdqJv9uzkyMazGe0+X8nuyS2JvnIMK7dGKuPsfNrRYuIzTxRr98Z49ftQ4c0VGYR5\nsfdQWbCq05BWH/2kVr0p8pLCw6vd9FVY1VG4tEv1jfAZPI3s5MfcO76B6KvHcOus6nVi6dqA1h//\notRn49mUjrM3smtiM6IuHcR36EwAnFv25urarwk5shb3rs9CO0KOrAXAo8fYMs2/vNX9yoK8+HT0\nJZ1lV1R8Ynn/9DY8e35A3T4T0TUyJzH0OpeWTyMl5h5B+5bjM3ja68m/QFF+HmHndqFvZo2Dr7qL\n/j+VhIvbFfmRpm5B2/TZOjGp0xS3Cb8TMLstT28ew9hFtWS3Wd02uIx4FsZqXLsR9l0nKby5Yu5i\n4OBR5jkY1fLF9f3FauvkyTWFwdh94gqMaimur6VnRI3eU8lLTeDxuU0k3zyBTVtVL0MjZx9cRy9R\n6jNxbYLHx2u4PrM1SdcP4dhvOgCWjXoRuf0bHp1ej227Zwm6H51ZD0D1DqPLNP/KqO73ynVCOdZJ\nea9bvE4SLu3AruNY7DqPR2JoRkb4DcI2fEF2fCjxx1dS47nQNFOPlti0GYphzfpo6egrjIZHfifp\n+iEerJ2KmWfrv02uJIGqRdvUmuqdJ2Lq9eqwJYF/Fxv3HUdLLObgym+xsTRXtrf09WLd9zPx7TOO\nQ2f8aFJf9XOiQ3Nffpn7sfLvZj6eTHl/gMKbKzQcrzrOZZ5D43ru/P6/KWoV7/YcP6+Y44+zaVxP\n4eVqbKjP7InDeZT4lDW7jnD4nD+j3+2mMq6hVx1WfDNVqa9Fg7rs+OVrvHuOYe+JC3z54SgA+ndu\nw6zFq1i57SDjBj4LL/5j+0EAJg7pXab5v1jdryJ49far7J8ro/p3ZdOBkwQEhdJv8lyVvqG9OrL5\nwElEzyV/L/GK27j/BJOH9eXjEf0xNzXmamAIn3zzCyFh0fyyYRezJz4rRnErJIzb98KRyVTnFXQ/\nkmuB93B8wSNMQECg8hE8swQEqpDUmHvIZUVse78+a/rYsKa3Nat7W7G6txW7JytKoWc9iVMbZ+vV\nXK3N2KYmAPmleO68SHXv1hrLkKc/ikDHyFxpyHoeh0adimXUQ+3sfNqq6TOyccTErhbpj6KUbWKJ\nNu5dRpESHaLMUVWQm8WDszuw82mHqYNrue6jItE2UJwI5mWmqvXlZaUpZMrgDSM1UMhYuzem6bgF\nGFraI9HVp3r91rT5VFFxLTbg1GvLv0jU5YPkZaTg0m4AIrFWWW71H0FWfChyWRFXpzbk4hgHLoy2\n58JoOy6MtiNgdlsA8p6qhx2YuKmvEz1LRRhRoQbPnVdh5tFK4zrJTYhEamimNGQ9j0V9RVLYHA2h\ndmaebdT06Vo6omfjTE5itLJNJJFi2244WfH3lDmqivKySLi8C7O6bdCvXrtc91GRlHiEFWapr5OS\ntsrwGivRaezSCOch89CxsENLRx9Tj5a4jlV4fyYHqoYOeXy8DvP6HdE2sUJL1xAjJ2/cJ63E1L0F\nhVlppIZcVruOwD+Lkhxcth3HlUneofdUmq2Ox3fxDWw7lW2MwL+H4LBoimQyancYglH9LhjW74xB\nPcWPbx/F8xD7WN2rtlWj+mptTg62AGQ+57lTFto381EzZIEi1M7c1FhpyHqebm0UoWvhGkLtOjT3\nVdPnZG+LS007ImIfKdu0pRLGDuhOcFgUFwMUOaoysxWeWh2a++LmXKNc91GRGBspwulT0jLU+lLS\nFW0mRmWokKst5diaH/h8zCCc7G3RlkqoaWfD0lkfKl9DS7Nn3v/GhgqdzXw8+eGLiTjYWmGgp0u7\nJj6sWqA4QDx+4Vnajet3Quk3eQ45uXnsW76AR5f3kOC/n6Orf0BfT5cR0xZw4qJ6ZIWAgEDlInhm\nCQhUIfKSvDuvyGVTVJzv53kk2hpKEis3MOXziNA1Mn9pn4Y9VoXi1nUUt3b+RMiRNdh4NiPs7A4K\nsjPw7PlBmXVURs4sY1vFyWpKdAjWL3jFpRSHcRpXdypVj0l1ReJRCyf1JNUWzooE77lpSa8t/yKh\nJzcB4Nrx3xNiCCg91l71/ywvKlBrE0t11QVf86GWGL4q2WvlLhSbdiOIOfQLj86sw6ROUxIv76Io\nJ4PqHcvmvQiVkzNL16omANlx9zB2UTV6Z8WGqMhUJHo2ivVpWEPdA7Uk/1VJKOIrEYkwrt2Y1JBL\nFGgIBRUQEPj3UuKJ86qcT/kFhWptejraam3Pdl/l23+VhM1pQpORqyIZN6AHP6zayh/bDtDS14ut\nB0+RnpnN5GF9y6yjMnJm1XKoDkBwWBRNvVW94oLuKw5QnWvYlemaBnq6zPt0NPM+VfVgnvy/nwDw\n8Xh2GFTb0R7QnDC+vpsiIXxScpqybd2eo8hkcpbMmkynls/2iW0a1+eP+Z/TYuBkVu88rNInICBQ\n+QjGLAGBKsTEvjaF4YEMXh9UJk+fclPsQi2TqW/ISsPY1pnE0Os8uX8DS1fV0sIl3kHGtuoGnfib\n5/AdMkPFaJDxOJq0+HCMbWuqyOqZWuLcqg8R5/eSk5JIyJG1GFd3fushcjaezQjc/Qvh53aphVGG\nFSfrt/FsVqoeW68WADyNvKPW9zRCkcRaz9TqteWfJ/1hBI+CLmPt1ggTu9Ir8fyT0LN1oSj6Dk1+\nuolErxLWiUixTuRFZTP2PI+utRMZ4QFkRNzEyNlHpS858DQAehoMOil3/8Kx7zSVdZL7JJqcxxHo\nvZCEWtvYEsvGvXlyZT/5aYk8OrMBPWsnzN9yWJRJnabEHVlGov8etTDKRL/dSpmKv67C4y4z5q5a\nX2Z0EABSY8vSFcnlpD9QnLRLTTSvK4F/D5lRt7nzTTfse00pd3XEfwRyGU/8dpNwdgM5iZEgK0LH\nsiZWLQdi3WYYIi1hi/88dZwcuJWTS8TZbUqvnIpEXLz/KnqNz5VaDtW5GhjC9TuhNPSqo9J3rNg7\nqJYGg86pywHMnTxSxRAWGfeIsKh4nIu9x0qwsjDj3S5t2Xn0HAlJyfyx/RAujnZv3fjSsqEXi9ds\nZ9uh02phlFsPKT5TW/q+fhXb8JiHbDt4Gi2xmN4dWirbWzdSHBgGhoarjbl9LwxQvGYllHiJaUJW\nbOBLTq34nJECAgKvRvikExCoQup0HMb54I84Oqc/PoOnYeXqi7aBEdnJCaTE3OP+yS24d3uf6vXL\nXmL8eUqSlSfc9ScvIxmdV3hhvYhTi14khl7nzKKxNJ+wCBuPJuRnZ3D/9FZCj21AS6qNY+MuauOe\n3L/BhV8/of57n6FvZs3TiDtcXjEdWVEBNVuol3737PkBYWd3cP6Xj0mJDqHZB9+Wy3umMnJm2Xm3\nVibUv7LmS+q/+yliiYTgg38S5XcIXWNzHJt2K1WPhbMXlrV9SAi+gv+q2c9yYN0P4NLvnwNQo0nn\n15Z/ntATm0Aup/a/KPF7CTatB3N/9VXuLBqIY58pGDk3QKJnTH5aAllx90i4sA3b9qMw9WhZujIN\nlCQwT79/hYLMFKSv9MJSxbJRDzLCA7i3fAK1hi/EpHZjCnMzSbiwjUfnNiGWaGPu00ltXEbETe6v\nmYJDz0/QNrEiKyaIsI0zkRcVUK2hepUqu45jSby8i/trppAVF0KtofPLtU4qI2eWmUdrZUL9iG3/\nw6HHR4i0JDw8tYakgCNIDc2xaKD+HvGmGDrWxcjJm/QHV4nY8uWznFkRNwhb/wUAFs+95nFHllGQ\n8ZRqjXqia1UTsVSbnEdhxB75ndSQS0j0jDF1K904LSDwd+bBqo9JurJXpa0wOpDI6EBSbp/C/dON\nle9u/Q9iZL8uXL4RRLexXzB74nAa1XPD2NCAx0+eEhwWxfq9x/lgUE/aNfEpXZkGShKYX7pxh+TU\ndMxNy34Q069za64GhjD88/n8NOcjmvnUJSMrmw37jrNm12F0tKV011Ap7/qdUCZ+uYRp4wZjY2nO\n7ZAwPl3wGwWFhfTt1EpNfvKwvmw5eIrxcxdz90Eki2dOKpdHWGXkzGrXtIEyof6MH1YybewgpFIJ\nv2/ez/5TF7EwM6Fne/UUApoY8PHXvN+/K03quyOVSjnrf4Np3y8nJy+P8YN7YW/z7NCjvrsLvnXr\ncPlGENO+X67MmXUt8B4ff/MzAN3bPfucqO/mwt4TF5iycBlisZim3h6IxWKu3wll6nfLlDoFBASq\nFsGYJSBQhdRuP5BHQZd4cHobJ78ZqlGmTufhGtvLgkl1Z/QtbHkYeIFNQ5+d7r1Y0VATHj3GEHX5\nIAn3rnFi3mC1/qZjF6Bnpu7N4NSiJw/O7OD+qa0q7ab2tanX/2M1+Wou9bF2a0RcwGmk+kbUfmdQ\nWW6tUhFLtGkxeTEn5g0haN9ygvYtf9YpEtF8wiKkuqonuev62yErKlIzrrX8cCmHZvTg7sE/uHvw\nD5W+ai7eePYc/0byALKiQh6c2YZEVx/nVn1e55b/1li3GEBaqD8JF7dz96eRGmVs2mheP2VBz9oJ\nbTMbUkMu4v/Rs9C1FysaaqL6O6NJun6Y9LDr3F2qvladh8xDW4PXT7WGPUi8vIuEi6phF/q2Lth3\nn6wmb1izHsYuDUkJPIOWnhHWLQeU5dYqFZFESu2Ri7j70wjij68k/vjK5zpF1Bq+EC0d1XVyaVxN\n5LIiNeNa6B8fkui3R6UtaMmz/1P3yX+oGPlqv/8jtxf2If7kn8Sf/FNlnGHN+tg9F4JZkJVK3LEV\nxB1boX4PYgkuoxahpadeOUtA4J9CVkwQSVf2IpZo4zxyEWbenRCJxKQGnyd87VRSg86SFnIBE4/X\nOxj7NzKsV0cuXgtk4/4T9P9wrkaZ0f27vrZ+F0c7qltV49yVW9i3elfZ/mJFQ01MGNybfScv4H8r\nmL6T5qj1//DFRKyrqR9O9u3Uis0HTrJh33GV9jpODkwZPVBN3sejNk29PThx8RrGhvoM6635sKwq\n0ZZK+O3LT+g3eS6/bNjNLxt2K/tEIhE/zf4QQ33VVBtmvt0pLCxSM65dDQzh0Fn1fIjtmviwcKp6\nnrzfv/6MDiM/Y9mmvSzbpGoYbuDpqhKC+cHAnqzfc4zIuEf0mThbTZd1NXOmjH77n9MCAv81hATw\nAgJViUhE609+pf30P6levw06hqaIJdoY2Tji2LQbHWatf22vLACRWIt3ZqzB2qMJEl39co0VS7Tp\nOn8PPoOnYWLngliijVTPEFuvlnT+ejtuXUdpHGft3oTOX2/D0rUBWtq66Bqb49pxKN2/PahmACqh\nRJdrhyFI9f4eFcXsG7Sn+8L9VK/fGqmeIRJdfWw8m9Ll6+04tSxbpR8AcydPei85iVOLXugYmSPW\nkmJs60T99z6l+8L9SHT03kgeIObqMXJSn+DUvNff5vWrUEQiXMcsxW3iCkw9WiExMEEkkaJr6YhF\ngy54fLQGU0/1U+cyqxdr4TF5Fca1G6OlU751IpJI8Zq2gxq9p6JnUwuRRIqWriGm7i2oO2Uztu1G\naBxnXLsRnlM2Y+Tsg1hbF6mhOTatB1Nv5l41A1AJJbpsWg3621TeM/NqR70ZuzH1aImWriFaOvqY\nuDah7pQtWDbuVWnXNXDwdGKgrwAAIABJREFUwOero1Rr1BOpoRkiLSl6VjVx6PEx9WbsRvxcXsEa\nPT6m1rAFmLg2QWpojkhLio6FHVbN+uP95ZFKnaeAQFWQHR8KgGXLgVg2fw+JvglaekZY+HZXJsQv\nkRFQIBKJWDn/czb+OJv2TRtgamyItlSCk70tPds3Z/vPX9OuWYPSFb0ELbGYLUvn0rxBXQz0NORv\nfAXaUgmH//ye2ROH41rTHm2pBCMDPdo0rs/+5QsYO0Ddexegmbcn+1YspKFXHfR0dLAwM2FUvy6c\nXL9EzQBUQomuEX27YGSgWaaq6diyEcfX/ki7Jj4YGehhoKdLiwZ12b9iIf07tymznt2/zaN3h5ZY\nmptioKeLj0dtlsyazP6VC9HT0VGT96rjzIVty+jXqTXmpsZIJRJq1ajO9HGDOb72R/R1n40xNTbk\nwtZf+WTku7jWtEdHW4q2VIKzQ3U+GNQTvx2/U92qWoW8HgICAmVHJC9P3VMBAQElAwYM4PrDPNp/\nsfptT+WtEHfjDMe/HkjTsfPx7KXuPfQq/P+cw92Df/DeyqvKqowCb4/VvSzZvn07AwZUzqmiSCTC\nbeKK/6QRIeXOWYKWDMV58P+wK2cFtYitXxF/8k8afXepUhKrC5SPJ1cPcG/5hHKViy8PO3bsYODA\ngTRbrV61rLKRy4pIOLuexEs7yHsSjVwuR9fKCcumfbFuO1zFWJh+35+Ec5vIjLxBXvJDtHSNMKrV\nALtuH2Lkopp/JzXoLCFLh1Fz0NfoO3gSu+c7smKDkRiYYtN+FHbdPgTg8ek1PDq9lvyncehUc8Ch\n73QsXgi/VdFl707s3kVkxd5FS8cAM5/O1Og3A6mRhVL+pTmz5HISL20n8fwWsuPuIZcVomvtjHWb\nYdi0G6kSmlee16UqSQu+QPDiQVi3HY7z8O9U+mL3LybuwBJcxy/H4i29595fPp72Tnrs2LGjUvQP\nGDCAorQENi1W92L6L3Dy4jV6T5zNoukT+HB4v3KNnb5oBcs27eXO4bU4FydfF3h76Ht1qtT9l4DA\nv5ydQpihgIBAlSGXFRF/6zz3jq7FxrOZYMgSENCAXFZEavAFHp1Zj4lrU8GQJVDpxOz+lofHlqu0\nZUUHkhUdiEgixab9+wAUpCVy9/v+KnKFmcmk3D5F6p1zeEzbjrGrem6fjIgbRO+Yj7y4OEl+fg4x\nu79FLNEhPz2Rh0d/V8rmPA7n/oqJ1PvSCQMNFSwzwq4TveMbZbVOWX4uiee3kPHgKl5zj7zU0xEA\nuZwHf35Mkr9qiGt2XAiRm2eTHRuM88hF5X5dXoX/uBplriwqNbak4dJbpcoZuzVHv3odnlzcjlEt\nX8y8OyMSiUgNPs+jk6vQMbfDzLtjma4p8N+gSCbjrN8NVm0/SEtfL8GQJSAg8K9AMGYJCAhUCTe2\nLuLm1h+Uf9fXkE9LQOC/TvS+xcTsX6z826Gbej4tAYGKJvnmMcQ6+tQe+zMm7q0QaUnISYgkyW+3\nqnFIJMLEozW2Hcb8n707j4/x+AM4/tnNZnPftyRCRO44grqPqFsppY7WVfSgtBVHq1RR9EdVaatF\nS6vOKIq61X3EfSVyySlBDhKJ3Mfu74+wbHclQRLUvF+vvpqdmWee2Uee7O53Z76DUU0fdE1tKM65\nQ1bUSaJXjOP6zsVag1m3T2/DoeO7OHQcia6xJRmhB7m6dDSJ274FpZI6w+aX5n2S6nB9x/fc2LOU\nm/uW4TZikWZfZ7dj07IfTq+VbqaQnRBC3JrPyU2K4MbOxTj3nvTI55l2chO3Tm7G0MkTl75TMHb1\nRyqTk51wmfi1X5ByZA02rfpjUqfR412XaiaR6uA9MYj4oJlErwgEpUJVZ9mwC7UGTH9ms8aE58/s\nn1Yx++dVqsfjR2jm0xIEQXgRiWCWIAjVytDSHr/eH+LU6NVnPRRBeG7Jze1w6joKi3rtn/VQhJeA\nnoUDwL2AUulbQyNnb4ycvdXa6Zra4NJ3Mtd3Lib2j0kUZd1WzbaC0hlO2pj7BlBrwHTVY6tG3bnd\noDO3z+2gVv8vsW39YNORmn2nkHJkLXk3rmrty7h2A9zeWaBaDmjq3hSPMSu4OKUNt8/tKDuYdSwI\niVQHr8B1ahs1mLo3o+57i7n4RQAZF/aoglkVvS5lafbLtQq3fRw5CSHkXAtVC2RB6b9BduwF9Kyd\nq+S8wovLwdaKT4a+SadWTcpvLAiC8AIQwSxBEJ6Ik3/7Cu2SeJ//wEn4D3z0hwxB+C+y8Auo0C6J\n97n0Go9Lr/HlNxSESuQyYAZRP43kwmctMfdth6GzNyZ1GmFU01et3d3os1z5pi/K4iKt/SiK8rWW\nm3poztaSWzkCYOLeVK1cItVBbuFAYZb21xdzn7Zqea0A9G1cMLCrQ15KjPYneE/ujSiUihLOT2gM\ncC//2b0caPdyoRWkP8hZVtHrUt2y4y4SvmgoelZOeH2yCuM6jZFIpWTHXyZ+3RdELR2Fl4Ex5n4i\nGP5f1LFVkwrtknjflNGDmTL6yXfKFgRBeF6JYJYgCIIgCMJLzMjZmwazj3A3+mzpf1GnSNq2AJmx\nJe7v/4yhkycA13f+iLK4CKeegdg074vcwh6pTA4SCRentKEoO11r/1JdzZ3EJPcCUlrrkGjMOKoM\nSoXi3v8fncPq4UBdRa9LWaoiZ1bq0XWgVFD77VlqASszzxa4Df+OyzO7knJ4jQhmCYIgCP9pIpgl\nCEK1uhV9ka2BHWk4cOJ/bqZWcX4uCSd3EntsC+nxYeSmp6BvYoGdTzPq9/0YK1c/jWOSr5zk6oH1\npIaf5m7qNWRyA6zq1Men53vUbNLpGTwL4XmQHX+JCzO6UvP1/+hMLaWClBMbuXlwFfkpsSgVJejb\n1sKuVX8c2g1CoqOralpSkMvt87tJO72VnMRwCjNT0DW2xMy9KU7dxmDs8mxnyfxXSKQyTN2bqXJe\nKQrzuPB5a2J+H4/f1B0AFKRdQ9fURn13QCA/NYG8lDhkRmZVPs47Vw7j3Gui2uys/LQE8lJiyt0s\nwcDBjZyEEBovuICOgUmFzleR61LdinMyHll3P2BXVhvh5XT+ShStBoxhyqj/5kwthULJ2r//4dcN\n24m+dp2SEgWuzg4M6dWZ4W92Q1em+bFXqVTyx5a9/L5pF+Ex8ejq6vJKPU8Ch/enpb94bRGE550I\nZgmCIFSSSxsXcnHDd2pluRkpxB3bSkLwTjp+sRon/wfflGfdjGPH5B5q7UsKC7hx6TA3Lh2m6fCZ\n+PYaVS1jF4TqFLlsLKkn/1Iry46/THb8ZdIv/YPvuNWqYEXijh9I/Fs9EXjhnRTSTm/j1rld+Hz8\nOxZ+AdU29v+i0Dk9sWnxJqbuTdGzromypIjM8KMU52SoLR2UWzmSezOK5AO/YdO8LwBZV88Qv/7L\nKplJpU123EVifh+PY/ePkJvZknMtlNjVn6MsKcaqUfcyj7VrPZDoq6cJm98fp56BGLs2RGZgSmFm\nCrnXI0k9uh779kMx82oFVPy6lKUqcmYZ1fTl9tkdxK2ZikQiwcStCUilZMdeJH7tF6o2gvAyGTF5\nLkE7D6iVXQi7yoWwq+w8cootP81SzQgFKCouZtD4Wfx94ITaMbsOn2Lv0TPcvbS7WsYtCMKTE8Es\nQRCESqJrYIxbuzep3boXFjU9MbSw5U5SNGd+n8H1i4c4sWQS/ZadVbWXSKQ4+QfgFtAfm7oNMbJ2\nJO9OKuE7f+Py5h84u2oWHp0GoWtYsRkEgvAiyE4IJfXkX0hlctyGzcOqQWckUikZV44QtSKQjJCD\nZIQdxcKnDQAyfWNsm/fBpmlPDGt4IDezJS85hrgNX5Fx5QjRqz6nybzgZ/ysXmw5CSHcjTmntc6u\nzdsPfm47iDshB4hbM5W4NVNV5UY1fTF09KQwM6XKx2rVuDtpJzaSeixIrdzAwY0a5ez+adPiTTIj\ng0k7voGI74dqbWPX9i3VzxW9LtXNLmAoqUfXk5+WQPhCzRk2uma21Ogy+hmMTBCejUvh0QTtPICe\nXJcfpn3CawHNkUqlHAg+xwfTvmXfsTMcOHmBV5v7q475eslq/j5wAhtLc/438X26tmmKnp4uJ85f\nYcHyoDLOJgjC80IEswRBECpJvT4faZRZufrSYcofrH+nHneTEyi4m46eiSUAJvYudJ6+Qa29sa0z\nTYZNIzXqHMmhJ7iTFIWNe6NqGb8gVIfcG5EA2LUegF3Lfqpy68bdyUmK4NrWb8m9HqkKZjlpCVAY\n1fTB+6PfOBXoT35aAkXZGegaW1TPE/gP8p26g9Qja8iMOEHBrWtI5YYY2NfBtlV/bFv1V7WzbNiZ\nuu/9yPWdi8lPjUNmYIpFg07U7Ps5YfMHVMtYTdyaYNd2ENc2zyX3egRSuSGWDTtTs89kdPSMyj5Y\nIsFt+HdY+LUn5cgacuIvU1KYi55FDQydvLBp+SZm3q1VzSt6XaqbzNAMv6k7uL7zBzIu/UPBrUSU\nKNGzrIG5Tzsce3yitlujIPzXhcUkADC4V2cGvd5RVd6rY2uuXI1n9s+rCI+OVwWz7mRls+j3TehI\npWxdMocGXm6qY15t7q8W9BIE4fklglmC8BxTKkoI3/kbUfvXcTc5AZRKTGvUpk6bPnh2HYZMz0DV\nNvlKMBG7V5IWeY7sWzeQGxpj69GYen0/xs7rFbV+k84fYM/0/jQbOQvL2j6cXTWH9LhQ9Ews8Oo2\nnPp9PwYgbPuvhO34lezURIxta9Jo0GRqt+z5yL4sXLw4t+Z/3I4NQdfACJemXWk8eCr6ZlYVeLJK\novavI3LvajLiw1AoijGrUQePzkPw7jZcLT/K41yX54FMzwAjG0eK8rKRlfdh6x7pvZxB+mY2VTm0\n/wSlooSbB1aSciyI/LQEUIK+XS1sm/XGIWAIUvmD34fMyJMkH1pFVuwFCtKvI9M3waROI5y7j8G0\nrvp25RkhBwld8DauA2dg5OxNwub/kX0tDF0jcxxefQfn7mMAuPHPCm7sX0HBrST0rJ2p9cYkrJv0\neHRfTl4k/DWX7GtX0NEzwqphZ2r1nYyuScXuk5RjQSQfWUNOYgRKRTEG9q7Ytx1EjfbDNO6Til6X\n6lSRD9lyc7ty20jlBuhZOlKSl4OOnmFlDO2lZeTsTe23Z1eorXXT3lg37a1RXm/aLo0yc98Ami+/\nrlEO4NJvGi79pmmtq//VAa3l95l5t8HPu02ZbYxr1X/kua2a9MDqX/eoNo9zXaqbzNiizGsoPJ0S\nhYJl67exaste4pKSUSqV1KlZg/7d2zOy32sY6j/YuODYuRCWb9jBmZAIkpJTMTE24pV6nkwYMYDm\nDX3U+t137Ayvj5rCvEkf4OdRh+nf/0ZIZAwWZia8P7AnE0aUBoV/XruFJWu3ce1mCi417Jg2dhhv\ndGrzyL583Gsz84eVXI6IwchQn9fat2Dmx8Oxtig/j93DeaOuXI2juKQENxcnRvTtxnsDeqgtzXuc\n61Kd7KzL/zLD3ubBa+yuI6fIKyig56st1QJZgiC8WEQwSxCeY2f+mEXI5h/Vym5FX+JW9CWkurp4\ndx8JQF5GKjsmqweZ8rPSuXZmL0nnD9B11mbsfZpr9J8aeZbTv01HUVIMQHFBHmf/mIWOrh55Galc\n3vyDqm3m9WgOznsX0+9csXLVzMWREn6aUyu+VO3aVFKYT+Te1aSEnaLngn3o6pcRxFEqOfTdaGIO\nbVQrTo8PI3jpZ6THX6HVhwse+7qUZUUv+wrvMGVgbsNbf4RVqK02mdejyYgPx6VZN3Tkj36jp1Qq\nyEtPIeqfddy4dBgn//aY2NV84vO+LOI3fk3Srp/Uyu7nX5LI5NR49R0ACjNTufy/N9TaFWWnk35p\nHxkhB/GbtAEzj2Ya/d+NOUdc0FcoFaX3SUFhHvEb5yDVlVOYmUrSzgfnzkuOIfznUfjbuWJU00ej\nr6zos8QFzVT97ikK80k+spasq6dp8OWusmeWKJVE/jKW1ODNasU5ieHErJ5CTmIYdYd989jXpSzH\nRjhX+D6Rm9rQdNGlctuZebbA0NGDlKPrManjj1XDLkgkEjKuHOH63mXoWTli1aBjuf3kJceQkxSB\ntX8XrTviCYIgPKlpC5fz3W9/qpXdz78k15XxwcDXAUi5lU6nYeobItzOyGTX4VPsO3aWncvn0aqR\n5uYvpy+H8/m3v1BcUvr3NTe/gGkLV6CnKyfldjoLVjyYtR0Vn8SQibNxq+lIPc86Gn2dvBjG5PnL\nKLmX/D+voIDfN+0i+HwoR9f/iLHho7+4UCqVjJg8l/U71APIoVGxjJvzI5ejYln85SePfV3KYlK/\ni2qs5bG1siD+UPlL/tq+0gAvNxdWbdnDK/W86NG+ORJJ6TLDH1ZtwtnBlm7tHry+Xwi7CkCnVk34\nc9chvl6ymtjEGzjYWNHj1ZZMGTUIMxPjCo1REIRnRwSzBOE5lnByJzJ9Q9qOW0yN+m2Q6uiSdSOW\n6EN/oqv/0IusRIJjg3Z493gXq9q+GFjYUJCdSXLoCY4sGsuljYu0BrNij27Bp+f7+PZ8H31TK5LO\nH+DgN+9xYd03KJUKWo9dSM1XuiCRSrn050JCtvxE6LYltP3kR42+4o5vo+6rA2jQLxBDCztuxVzm\nxJJJZCSEc3nT9zR6e/Ijn2f0oT+JObQRCxcvXhn2JTbu/ujo6nEr5hLByyYTuWcV7q8OxNazyeNd\nl+dAcX4uB+e/j9zIlKYjZmptcyfpKptGt1A91pHr4dVtOE2GiW/cK+L2+V3o6Bni/u73mHu3Qqqj\nS15KHKknNqnP2JFIsPBpQ42OIzCq6Yvc1JrinEwyI4OJWj6OxJ0/ag1mpZ3ehmOnd3Hs9C4yY0sy\nQg4SsWQ017YsQKlUUPedb7Fq2AmJVIfE7d+TtHsJSXuX4TFykUZft878jV2r/jj3+Bi5mS3ZCSHE\nrPqcnKRwknYsxuWNR+/wmRq8idTgzRg5eVH7zSmY1PFHIpOTHX+ZmDVTST68BrtWAzB1a/R416Wa\nSaQ6+E3aQNz6GUQtDwTlgw9KVv5dcB04o9xZYyUFuUQsGY3M0ITaA76s6iELgvCS+fvACYwM9Pl1\nziQCmjVEJpMRk3Cdddv3Y/RQcEgikfBqc39Gv92bep51sLUy505WNkfPXub9qfOZ/+t6rcGsjbsP\nM2bwG4wZ1BsrCzP2HTvD0ElfM/vnVSiVCn6aEchrAc3RkUqZ98s6Fq3cyA+rNvPL7IkafW3ee4TB\nr3di0ntvYW9jycXwaD6Z9QNXrsaxYEUQ08YMe+TzXLd9P+t3HMCnbm1mB46kiZ8ncrkuF8KuMv7r\nxfy2cSdDenWiaX3vx7ou1U1HKmXXr/P47JulfDBtPu9NVarqerRvwbxPR6nNGruVfgeA05fC+WPL\nHlV5wo0Ufly1mf3B5zi0+ntMjJ6vmf6CIKgTwSxBeI4ZWdUAoOYrXZDqlN6ulrV9eKW2+owPA3Mb\nGg+ZyuVN33M8fDz5mbdUs60AMhLCtfbv5N+eZiNnqR7XavEaNZt2Jv7EdpoOn4l7xwcJbpsMm0bk\n3tXcuRaptS8bd3/afPS9apmTvU8zOk5ZxcZRzYk//neZwayof9YhkerQZeafGFo8WF5k79OcgAlL\n2fRhKxJO7VYFsyp6XcoyfEtyhds+qeL8XPbNHkxm0lU6Tw/C2Na5QseVFBaQGnGG9Pgw7DyblH/A\nS07PsvT3oTSgVPr7YOTsTe3+3mrt5KY21Or7OYk7F5P1+ySKsm6rZlsB5CZqv08s/AJwHThD9di6\ncXesGnbi1tkduA74Evs2A1V1td6cQvLhteRej9Lal4lrQ9yHL1DdJ2buTfH+aAVnJ7fh1tntZQaz\nUo4FIZHq4Dt+rdoyPDOPZnh+8BPnprTj9oXdqmBWRa9LWVotT6xw28eREx9CdkKoxg54OYnh3I29\ngL71o++VkoJcwr4fRu7NaHwD15TZVhAE4Uk42lkD0D2gOTIdHQD8PFzx83BVa2drZcHMT0bw7fIg\nxsxcSNrtO6rZVgBXrsZp7b9jqybMm/SB6nGvjq3pHnCILfuO8r+J7zPsjS6qulmBI/lt0y7C7+WF\n+rfGfh4s+Wq8ajlgS39fNnw/nQY9RvDX3qNlBrNWbdmDjlTK30u/xt7GUlXeqpEfv8+dTKNe77L9\nQLAqmFXR61KWqtol8GJ4NJciYlAolGrloVFxnLkcgUuNB6+bCmVpm1Vb9/LhoN58NKQPluamnL4c\nzsdffU94dALf/7GRKaM0N1gQBOH5IYJZgvAcazZyFvu/Hsaf77+CU8MALGv7YOvZBCtX9W/5UiLO\nsPPzXiiKC7X2U1ygfQtxe98WGmX3Ay72vuozuSRSHQytHMi7k6a1L8eG7dTy9UBpgnMzxzpkXo/R\nesx9d65FoFSUsP6d+qUFSiVKlKqfAXLSklTtK3pdnqWC7DvsnfkW6fFX6Pzleq0z4+4zd6rLiG1p\nKBUl5N1JI/HsP5xaMY1dU9+gz+LjYqlhOVwHziDsx5GcmdQCC792GDt7Y1KnMcYu6sths6LPcnlu\nH5TFRVr7URRpv0/MPDT/7fSsnO7Vqc/kkkh1kFvYU5Sl/T6x8GmrcZ/o27hgYO9KXnKs9id4T871\nSJSKEk6PbwyULg/hX/dJwe0HOYIqel2q293YC4QuHIK+tRO+41Zj4tYYiVTK3bhLxK6dRsTPHyDT\nN8aiXnuNY4tzMrmycBA5ieH4Bq7WOpNO+G8qK/+WIFS2eZNGMXDcTHy7DaNDi0bU86hD0/pe1P9X\nfqWTF8PoMnwChUXFWvvJK9D+vqx1Y833KzUdSvMJ/nsml45UiqOdNam3M7T21aFFI7W8VgC1nRxw\nq+VIdHzZ90xYdAIlCgV1O5Tu4qlEef/l5N5rDCQmp6raV/S6VLezIZG88eFUajrYseXn2TSt74VU\nqsP5K1FM+N9PDJk4G1NjQzq1Kv2C0NS4dEl/84Y+fPPpKFU/AU0b8svsiQQM+oQ9R0+LYJYgPOdE\nMEsQnmOWtX3o83MwqRFnSAk/TfKVk1xY9w16pla0n/QLFi5eAFzeuAhFcSENB07ELaAfRpYO6OjK\nQSJh46jm5Gela+1fJtfXKJNQ+oZIR0sOGolEglJZsTwHj+N+n2Xl5il5KFBX0etSlqrMmZWbkcLu\naW+SnXKNzl8GYe9TsQ/cEqkOhpb2eHQaRElRPsFLJxN3fCv13hhb4XO/jIycvWn89RGyrp4lK/os\nmVGnSNi6AF1jSzxH/YyRU+nvQ+KOH1AWF1Hz9fHYteiD3MIBqaz0Pjk7uTXF2drvE235mO5/cJBo\ny9VURfcJivLvE2XJg0BdRa9LWaoiZ1by0XWgVFDn7VlqAStzr5a4j/iOCzO6cPPwao1gVuGdFEK/\nfYv8tGv4BK7BzL1phcYlCILwuPw8XLn493JOXgzj5MUrHD8fwuyfV2FtYcYf33yOT93aAMxfvp7C\nomKmjBrMwB6vUsPWGj25LhKJhAY9hnPrTpbW/vXlco2y+68r+nqadUjQmHFUGe7PUCorh9XDgbqK\nXpeyVEXOrN8370KhULLg8w9VASuAtq/UZ9msCbTs/yHL/9yhqqvrUvqFVD0PzRxk9T1LA3O30jMr\nNEZBEJ4dEcwShOecVEeGvU9z1cye4oI8No5qxtHvP6bnt3sBuJucgIG5Df4D1ZcoZSXHk3UjFrmx\neZWP8/qFQzR66zO1WSd3kxPIvB6DqUOtMo81c6pLccxlBq4MRW5oWqHzVeS6PAtZyfHs/qIP+Xcz\n6DzzzydeJlhSVBq8K8q9W5nD+8+SSGWYeTRTzdRRFOZx9rNWXF0xngbTdgKQn3YNuakNLr3Uk/Xm\np8aTlxKHrlH5uz49rYwrh3HpPVHtPslPSyAvORYDW5cyjzVwcKMkIYSmCy8gM6jYfVKR61LdirPv\nPLLufhCwOFt9BkJ+ajwh8wdQlJ2B74R1mLo1rtIxCk8mO/4SIV91w6lnIM6vjy//gBdQWvAmon/9\nSPXYocNIaj20DBng7tXTJG5bQHbcRVAoMHLxw/G1jzD3afv0A1AqSAveRMrBP8hLjQNFCXo2tbBt\n1R+7toOQ6Dx4a593M5qLUx+c09i1IX5Ttj/9GF4SMh0dWjXyU82Uys0voP5r7/DBtAUcXVe6QU5c\n0k1srSyYMlp9Bk9s4g2ir13H3NSkysf5z4lzfPHhULXZWXFJN4mOv46rs0OZx3rUduZiXj6xB9er\nZiuVpyLXpbplZD36vZLiXuAs/aHAYpsm9QC4HKm5cuBSRDRQGkgTBOH5JoJZgvAc+3tSN+oG9MPe\ntzkmdi6UFBdy49IR8rPS1ZYOGtk4kpEYSdiOX3EL6AdASthpTi2fWjUzRLRIizrP0R8+pv6b4zC0\nsON2bAgnlkxCUVJErZZlb4Hu0XEQR8LGsmtqHxoOnIiteyPkRibkpqeQcS2CqH1r8er2DjXql25L\nXdHrUpaqyJmVkRDOrml9KSksoOvMjdi4+5fZ/tKfCynMyaJWyx6Y2rsg0zMiNyOFa6f3cH7N/wCw\n83708kSh1KXZPbBt8SZmHs3Qt66JoqSQO2HHKMrJUFs6qGflSO6NKG7s/w3bFn0AyLp6hth1X2rk\nbqoqd2MvELUiUJUAPudaKNGrJqMsKcK68WtlHmvfZiBRy08TMq8/Lr0CMXH1R2ZgSmFmCjlJEaQc\nXY9D+2GYe7cCKn5dylIVObOMXXy5dXY7MWumIpFIManbGIlUh7uxF4hZ8wUARg8thcy5HkHoNwNQ\nFOXjN2E9Jq4NK31MglBZ7oQeImLRELUZjVlRJ8n67hTuHyzBqpz7vDxXf/mIW6f+UisrTrhMXMJl\nMi79g9cnqzSWMguPL2DQJ7zdswMtG/lRy8meoqJiDp68QPqdu2pLB53tbYmIucaSdVt5q0cHAIIv\nXGHS3CVVMpNKm7MhkYyatoCJ7w7E3saSS+HRfDL7R4qKi+ndqXWZxw59owsnzofSbeSnTBk1mCb1\nPDE1NiI57TZh0fFBhHPbAAAgAElEQVSs/GsP7w3oQUDT0r+7Fb0uZamKnFn1Pd34a+9RAucsRiqV\n0qyBN1KplLMhkYz/3+LSNg8thazv5UYjXw9OnA9l4tyfVTmzzlyO4KOvSjdv6R4g3n8JwvNOBLME\n4Tl2O+YSqRFntNZ5dn7wLaBnl6EkndtP8NLJBC99kGjdytUPCxcvctNTqnystVv24OqBDUT9s06t\n3NypLvX6fPSIo0rVbd+fm6HHubp/Pfu+eltrG4+Hnm9Fr0t1C922lLyM0twS2yZ01tqm18KDWLmW\nflAvuJtByJafuLxZ+zeZddr1xck/oGoG+x+SHR9CVvQ5rXX2bR/8Pjm0G0zG5QPErJ5CzOopqnJj\nF1+MHD0pzKz6+8S68WuknthIyjH1ZROGDm44df+wzGPtWvYjM/IkKceCuLJwqNY2Dz/fil6X6uYQ\nMJTkI+vIT0sg9LtBGvVyM1ucuz64Fjf2/kJhZul9dfGr7lr79J+xD6OaFd8AQhCeVt33f8L6ldfV\nypTFRcT+8SlKRQkOnd7DqftYkMpIPvAbiX/NI3bVZMz9AtDRq9gMmH/LuRbKrVN/IZXJcR06D4sG\nnZBIpNwJO0LMb+O5E3qQzPCjmHmXfvFj4OCmyjN2eozn0z3hl8zF8KucuqQ9vcA7fbuqfh7Zrzt7\nj50hcM5iAucsVpXX93LD260Wybe0L1+vTL07tWbNtn1qu/JB6ayrwOH9yzx2UM+OHDtzmVVb99Jn\nzBda2wzv8+D5VvS6VLf3+vdg5ebdxCXdpNeoKRr1dtaWBA7vp1b20/RxdBg6jsWr/2LxavUAsb+P\nOx8O6l2lYxYE4elJn/UABEF4tJ7z9+LdfQTmzh7oyPXRN7XEzusVWo9dSNOHdiF0adqVduOXYFnL\nGx25PoYWdnh2GUrXWZtLc2dVAzuvpnSevh4bd3/VWN07vk33r/9GV7+cN+4SCW0+/oH2k36lRv22\n6BmbI5XJMbF3waVZNzp8vlI1Kwsqfl2edw0GjKfFB3Ox922BgZk1Uh1dDMxtcGr0KgETl9Fu3E/P\neogvhAbTdlLj1XcwrOGOVK6PrrElpnWbUPedb6nz0PIfq4ad8Xh/MUbOXkjl+sjN7XBoNxi/iX8i\nqab7xLRuE3wC12Di2lA1Vvs2A6k3+a/yP+BKJLiP+A7PUUsw926NzMgMiUwXfRsXrPy74D12BeY+\nD76Fr+h1qW4yIzMaTNuJU5cPMLCvg1QmL30etrVwaD+MhtP3ILewf2bjE4QndSfsKAW3kzB1b0at\n/l8iM7ZEZmiK02sfY+nfjeLsdDIu7Cm/o0fIvV66m7BNq/7YtHgTmaEZOgYmWDXqjkPHd9XaCE/n\nyNofeH9gT7zquGCgp4eVhRnNG/rw04xA5k16kDD8tYAW/Db3M3zdXTHQ08PexpIRb3Zn16/z0JPr\nVstYmzfwYcuSOTT281CNddgbXdi3cgHGhgZlHiuRSFg6awKr5k+hfTN/zE2NkevKqO3kQI/2LQha\nNJ2A5g9mmVf0ulQ3c1Njjq77gY+H9sW9lhN6cl3kujJcnWvw3oAeBG/4iRq21mrH+Hm4cnT9Yt7o\n1AZLc1N0ZTLq1KzBpHcHsue3+Rjqa8mJKQjCc0WivL9VhSAIj6Vfv36cvVFA+0+XP+uhPFNJ5w+w\nZ3p/mo2chU/P95/1cIQnsLynDUFBQfTr16/8xk9AIpHgOWoJNq/0rJL+XwQZIQcJXfA2rgNn4Njp\n3Wc9HOEJpJ3eRsTPH1BVb5s2bNhA//79q3THvqzIYK7M64tDhxHUGjhToz79/E4iF79LzT6f4dit\ndOOJrKiTpBxaTXbceQrSb6Cjb4JJHX8cu43BxE09J6C2nFmpR9YSs3Ii7qOWYdVYfWbd/TqPMcux\nbNjlQYVSSerxIFKPrCU3KQKlohh9O1fs2g7CPmDoM11Gdz9nlraZWdc2zuH6rsW4DpmLXVv1WYfp\n53cRuXgkdm3exnXovCc6d2bYUcK+HYBdu8G4Dv6fWl3i1m9J2rYA9/d/xkrL39rTYzwxcHCrlpxZ\nUT+/T/vaBmzYsKFK+u/Xrx8lmSms/nZqlfT/oth37Ayvj5rCvEkfMGbwG896OMITMPTrVKXvvwTh\nP+5PscxQEARBEAThJWDq0Rx9O1fSgjdR882ppbt5PiT16DokUh1sWpR+sCrKTOXK3D5qbYqz08m4\n9A93Qg7hPTEIU/eK7dZaYUolV3/9iFsnN6sV5yaFE7dmCrmJYRUOBp18t2aFd+PUNbWh8XcXH3u4\nD8tPjQfA0FFzSZ+hk/e9NnFP3L+pZwsMa3iQdiwIkzqNsGjQGYlEwp2wI9zc9wt6lo5YNOj4xP0L\ngiAIwotEBLMEQRAEQRBeEratB3Bt4xwyzu9Wm8FTmJHMndDDmPu1R25uV1ookWDm3QaHDiMwqumD\nrqkNxTl3yIo6SfSKcVzfubjSg1lpJzdx6+RmDJ08cek7BWNXf6QyOdkJl4lf+wUpR9Zg06o/JnUa\nVep5K0NxXumOajIjzR2EZfd2Fb7f5klIpDp4TwwiPmgm0SsC1TausGzYhVoDpiOVl72sTBAEQRD+\nK0QwSxAEQRAE4SVh27IfiZvnkXJ0nVowK+34BpSKEmxbD1SV6Zra4NJ3Mtd3Lib2j0kUZd1GqShW\n1ecmhVf6+NKOBSGR6uAVuA65ma2q3NS9GXXfW8zFLwLIuLCnQsGsZr9cq/Txla2MJaiVtDw1JyGE\nnGuhGjuw5iaFkx17AT1r50o5jyAIgiA870QwSxCEp+Lk354R29Ke9TAE4blm4RdA699uPOthCAK6\npjZY1O9A+sU9FNxOQs/K6V6OqvXomtliUf9VVdu70We58k1flMVFWvtSFOVX+vhyb0ShVJRwfkJj\ngHs5yu4Fgu4FhArSqy6v2NOQGZgCUJxzR6OuOCfzXhuTJ+4/O+4i4YuGomflhNcnqzCu0xiJVEp2\n/GXi131B1NJReBkYY+7X/onPIbw4OrZqQm7I3mc9DEEQhGdGBLMEQRAEQRBeIrZt3iL9wm5SjwXh\n/Pp4MiODyU9NwLHbGCTSB28Nr+/8EWVxEU49A7Fp3he5hX1pni2JhItT2lCUnV7+yaT3Ns7+10wi\n0B4MUyoU9/7/6FxXjwqu/Vt158zSt60FQO71CEzcGqvV5SaF3WtT+4n7Tz26DpQKar89Sy1gZebZ\nArfh33F5ZldSDq8RwSxBEAThpSCCWYLwErgVfZGtgR1pOHAi/gMnPevhVInoQ39yeMFo1WOfHu/R\n7N3Zj2x/eOEYog8EATBkQzy6+kZPdf7s1ESundnDtdN7uRlyHEVxIZ2nB+Hkr/1DhaK4kJC/fiL6\n0EbuJsch0zPEzrsZ/m99ipWrr1rbO0lX2TS6heqxjXsjes7f/VTjFbTLjr/EhRldqfn6eFx6jX/W\nw6kSqcGbiFw2VvXYseNIXN8q3dmupCCX2+d3k3Z6KzmJ4RRmpqBrbImZe1Ocuo3B2MX3Ud1WnFJB\nyomN3Dy4ivyUWJSKEvRta2HXqj8O7QYh0dHczj7r6mkStnzL3biLoFBgXMsP59c+xsK3rVq73JvR\nnPu8jeqxias/Db6o+t3bXjTmvu2QWziQdiwI557jSD2yFgDbVgPU2hWkXUPX1Ea1M+F9+akJ5KXE\nITMyK/dcuibWpcfc0lzylxl+XKPMwMGNnIQQGi+4gM5TzGJ6Fkzcm8Guxdw6+ZfGboZpwZvvtWn6\nxP0X52Q8su5+ELCsNkLVOX8lilYDxjBl1GCmjB78rIdTJdZt38+IyXNVjz8c1JtvPh2lemzzSk9y\n8rTP1vz+i48Y2e811eOcvHz+PnCCjbsPERoVR3LabSzNTWnp78eEEf2p7+X21OM9fj6UNVv3Enzh\nCgk3UtDXk+Pv7c6Hg3rTtW359+G7U75hzbZ9AKSe2oqx4YN8dJFxiTTsOUL1uEk9Tw6v+f6pxywI\nwuMRwSxBEF46Ny4dIfrgBmR6BhQX5FVKn9smdCbvTsWWWypKitkz4y1uXDqsKispKuTa6d1cv3CA\nLjM3Ye9TyTuECUIFJO74gcS/F6mVFd5JIe30Nm6d24XPx79j4RfwVOeIXDaW1JN/qZVlx18mO/4y\n6Zf+wXfcapBIVHUZoYe48t1gtRk2mZEnyYw6hdeoJVg36fFU43kZSaQ62LbsR9L2Rdw68zfp53fe\n2+lQfdaQ3MqR3JtRJB/4DZvmfQHIunqG+PVfap1ppY1BjboA3Nz3Kyau/hjXbkhRVho3968g/YJm\nUN6u9UCir54mbH5/nHoGYuzaEJmBKYWZKeRejyT16Hrs2w/FzKtVueeu7pxZ5t6t0bN0JCvqJPFB\nM3DqPhaJjm7pcz2/E5mxJZb+XZ64f6Oavtw+u4O4NVORSCSYuDUBqZTs2IvEr/1C1UYQnnfzf13P\n3GVr1cqS09LZtOcw2/YfZ+MPM+jYqskT9x9z7QYdhwaqleUXFHLg5HkOnDzP/ya+z0dD+jziaDh4\n6gJr//4HQ309cvMLnngcgiBULRHMEgThPyVg4jJcW/d+ZH1JYQHHf5pA3YD+3I4LIT3uSqWc19i2\nJrVb9sS5SWfig/8mcs+qR7aNPriBG5cOY2jlQKsPv8XepzlFedlE7F7JhfXzOfbjJ/RZfByJVAcA\nc6e6qrxkqwbUqZTxCoLnBz9j0/R1tTKZvjG2zftg07QnhjU8kJvZkpccQ9yGr8i4coToVZ/TZF7w\nE58zOyGU1JN/IZXJcRs2D6sGnZFIpWRcOULUikAyQg6SEXYUC5/S2VXK4iKu/j4JpaIEx87v4/za\nWCRSGTf2ryBh8zyi/5iMRb326OiVzqw0dHBT5SYLHu35xON8Gdi2HkjSju+J/eNTFEUF2LYeoNHG\nru0g7oQcIG7NVOLWTFWVG9X0xdDRk8LMlHLPo2/jgqV/N9LP7+TKvL6qcolUhk3zvqQFb1Rrb9Pi\nTTIjg0k7voGI74dq7dOu7VsVfZrVSiLTxXXoXCIWDeXm3mXc3LvsoUoJroPmqH5X7wv9uhd3o89Q\n78u9GNX0KbN/u4ChpB5dT35aAuELNWf/6JrZUqPLaC1HCkLlWTnvc97s2k5rXfOGPuz/47ty+zA2\nMmDga6/St0s7vNxcsLO24GpcElMW/ML+4PN8MvtHruxa+cRjlEoldGjZmLd7dqCRjwdO9jak3M7g\nl6C/WbBiA18uWsGwN7piamyocWx+QSEfzVzE2z07cCkihpDIWI02HrWdVfnK7Js/+j2nIAhVS/qs\nByAIglCdLqz/hqLcuzQdMbNS++05fzfN3/8fTv4B6MjkZba9dqp0NkKLD+bi3LgjugbGGFra4//W\np7g060bm9Rhuhhyr1PEJQkU4dfsQj/d+wLJ+R/RtaiKV62NU0wfvj35DZmRGfloCRdlPvowp90Yk\nAHatB2DXsh8yIzN0DEywbtwdx07vlba5HqlqnxF2hILbSZh5NMN1wJfoGlsiMzSlZo9PsG7UjaLs\ndG6f3/N0T/olpWftjJlXa0ry7qJjYIJVo9c02lg27Ezd937E0MkLqVwfuZktdm0H4T1xA5Jy/s49\nrM4732LbagAyYwukunqY1GmE94T1mGpbcieR4Db8O9w/WIKZd2tkhmZIZLqlQbGGXfAYsxwz79ZP\n89SrlLlvAD6TNmLm1QodfWOkeoaYujfFa9warLTNIrw3w02io1Nu3zJDM/ym7qBG5/cxsK+DVCYv\nvTa2LtgHDKXel3uQW9hX9lMShEo3fnh/ln/9KV3bNqWWoz0GenrU86xD0PczMDc1Ji7pJul3sp64\n/9pODmxbMof+3drj5uKIvp4clxp2zBo3ktaN61FQWERkrPaZm3N+Xk1Wdi5zJ37wxOcXBKF6iJlZ\ngvAcSA49wY7PX8enx7s0e3eORn188Hb2f/0OjYdMoX7fT0qPuRJMxO6VpEWeI/vWDeSGxth6NKZe\n34+x83ql3HNG7l3NsR/H0f7TFdRu2UNrXYfPV+LSrNuDCqWSqP3riNy7moz4MBSKYsxq1MGj8xC8\nuw1XWxr0PMpICCfkr59oG/gTeiYWz2wc95cjWtXWXA5iVduXhJM7uRlynBr122rUv+wyI4O5/L8+\n1Og4gjpvfaVRf+vcTsJ/HEmtvpNx7j723jEnST60iqzYCxSkX0emb4JJnUY4dx+Dad3ylzEkH1nL\n1d8m4PXhMqwbv6a1znvsCqweXj6kVJJyLIjkI2vISYxAqSjGwN4V+7aDqNF+2HN/r/ybVG6AnqUj\nJXk56OhpfpNdUXIz2/LbmNupfs6MPAmAbbM3NNrZNu/DrXM7yYwMxra5Zr1QPu/x68ptY920N9ZN\nNWce1Ju2S6PMuFZ9mi/X3GlQZmhKnXe+pQ7fqpWbejTHto32WVZWTXpoD/68AEzqvoL3hKDyGyoV\n5N28imENDwxreFSob5mxBS79puHSb9pTjvLlcvTsZTq/M4HRb/di/meas9e2/nOMgeNmMuPj4Uwc\nWTpL8di5EJZv2MGZkAiSklMxMTbilXqeTBgxgOYNy55FB/D7pl2Mnv4da779gt6dWmutC1o0nR7t\nH+TEVCqV/LFlL79v2sWVq3EUl5Tg5uLEiL7deG9ADyQv2GvH4zLU18PZwZbsnDwMDfSr5By6stKP\nvzZW5hp1V67GsWjlRpZ//SkWZi9Wzj5BeBmJYJYgPAfsfVtg5liH6EMbaTJsOjq66t94R+1bg0Sq\nQ932pW+w8jJS2TG5p1qb/Kx0rp3ZS9L5A3SdtRl7n+aVO0ilkkPfjSbmkPqSkPT4MIKXfkZ6/BVa\nfbigQl2t6GVf4R2mDMxteOuPsMce7r8plQqO/RiIk38Arq17PXV/T0Pf1BKA23GhGNs6q9XdjgsF\nIPOG5rR2Acw8mmNg70rqiU3U7vdF6c5qD0k5sg6JVAe7lv0AKMxM5fL/1AMdRdnppF/aR0bIQfwm\nbcDMo5LzkymVRP4yltR7CZ/vy0kMJ2b1FHISw6g77JsKdXVshHOF7xW5qQ1NF1167OFWRF5yDDlJ\nEVj7d0Gqq/fE/Zh5tsDQ0YOUo+sxqeOPVcMuSCQSMq4c4freZehZOWLVoKOqfX5qPACGTppLBo2c\nvdTaCEJ1urp0NFeXjsahw0hqDZzxRH3kXo+kODeLWm/NqpIAd97NaC5OFV+KALRuXI+6Lk6s276f\n2YHvoidX32ji98270ZFKGdSz9O9Pyq10Og1T3/jgdkYmuw6fYt+xs+xcPo9WjfwqdYxKpZIRk+ey\nfscBtfLQqFjGzfmRy1GxLP7ykwr1ZVK/CyWKiuW1s7WyIP5QBYKvFRAZl4hvt2Ek3kzFysKUVo38\nGD+84gndo+KTuHI1jh7tW6KvV/HZn+VRKJQk37rNH3/t5cDJ83Rs1YRajvYabT6cvpAOLRvRt4u4\nbwThRSCCWYLwnHDv8BZnVn5FwsmdasGW3Ns3STp/EOfGHTC0vPfCK5Hg2KAd3j3exaq2LwYWNhRk\nZ5IceoIji8ZyaeOiSg9mRR/6k5hDG7Fw8eKVYV9i4+6Pjq4et2IuEbxsMpF7VuH+6kBsPZ88YWdV\nCt+5goxrEfRZrLl7VnVz9G/PtTN7CV76GVIdGfa+LSjKvUvE7pUknCqd7VCY8+TT6//r7FsPJO7P\n2dw+vxubVx4EdQszkskIPYRFvfYPZvdIJFj4tKFGxxEY1fRFbmpNcU4mmZHBRC0fR+LOHys9mJUa\nvInU4M0YOXlR+80pmNTxRyKTkx1/mZg1U0k+vAa7VgMwdWtUqeetKiUFuUQsGY3M0ITaA758qr4k\nUh38Jm0gbv0MopYHgvLBBzMr/y64DpyBVP5gx6iSvLsAyIw0v0GXGZXOrizOFfeK8GLKunoaPSsn\nrP+Vu06oGkPe6MwX3y3n7wMn1IIVN1Jv8c/xs3Ru8woOtlYASCQSXm3uz+i3e1PPsw62Vubcycrm\n6NnLvD91PvN/XV/pwax12/ezfscBfOrWZnbgSJr4eSKX63Ih7Crjv17Mbxt3MqRXJ5rW967U81am\n9DtZquWByWnpbNx9mK3/HOePbz7n9Q5lb9qQk5fPsElzMDU24n8T36+U8fx710F9PTnvDejBrHEj\nNdouC9pGeEw857cur5RzC4JQ9UQwSxCeE3VfHci51V8TtW+NWjArav96lIoS3Du+rSozMLeh8ZCp\nXN70PcfDx5OfeQtFSbGqPiMhvNLHF/VP6YyXLjP/xNDiwTIge5/mBExYyqYPW5FwaneFglnDtyRX\n+vjKknv7JmdXzaHJ0C8wsq5RrefWxqPTYKIPBJF29QJ7Z6ovsXFr35/oA0H/+aUET8O2VT/iN80l\n5chatWBWyrEglIoS7B9atiQ3taFW389J3LmYrN8nUZR1G6Xiwb2Sm1j590rKsSAkUh18x69VWzJn\n5tEMzw9+4tyUdty+sLtCwaxWyxMrfXyPo6Qgl7Dvh5F7MxrfwDXoWzuXf1A5cuJDyE4I1dgNLycx\nnLuxF9TOoVQqy+iprDpBqBo2zftg0/zRu6A9DvuAodgHaE9yXxkMHNy0Lvt8WQ1+vRMzvv+dlZt3\nqQWzVm3ZS4lCwbA3HiwVt7WyYOYnI/h2eRBjZi4k7fYdiksezJK9cjWu0se3assedKRS/l76NfY2\nlqryVo38+H3uZBr1epftB4IrFMy6e0lzp9Cq1q5ZQ4b36Ya/T10MDQyIirvGgt828Nfeo4z6cgHt\nmzfCxMhA67E5efn0G/slUXGJbFkyB5cadlrbPa38gkJOXQonNCqOZg0eXMcbqbeY/v1vfPXJSBzt\nrKvk3IIgVD4RzBKE54SBuQ3OTTqRcGoX2amJpcvPlEqu/rMWAwtbnBs/WHqTEnGGnZ/3QlFcqLWv\n4oL8Sh/fnWsRKBUlrH+nfmmBUony/ofJex84c9KSKv28leHE0s+wdPHCq+s7z3ooAOjoyuk2ewsX\nNywg9tgWcm7dxMjKHt9eozEwtyX6QBD6ZuLN1KPITW2wbNCB2xf2UHA7CT0rJ1AqST4WhNzMFsv6\nr6raZkWf5fLcPiiLi7T2pSiq/Hsl53okSkUJp8c3Bu4HZNTvlYLbz/8HzOKcTK4sHEROYji+gasr\nZQbb3dgLhC4cgr61E77jVmPi1hiJVMrduEvErp1GxM8fINM3xqJee6A011LpWO5oGd8dtTaCIAhl\nsbWyoGvbpmw/GMy1GynUrGGHUqlk1Za92Flb0qXNgw0JTl4Mo8vwCRQWFWvtK69A+/uvpxEWnUCJ\nQkHdDqVfyChR3n/JUAX2E5NTK/28leXP79WX2zby9WD1/Kl0GzmJw6cvceT0RboHaK4auJOVTe/R\nUwmNiuWvn2dX6oy3+7sOligUpN7KYM/R03w2fyndR37Kua2/qJYajpv9Iz51a/Nuf82NMARBeH6J\nYJYgPEc8Og0i4eROovavw3/gJG6GHicrOZ76fT9GqvPgdr28cRGK4kIaDpyIW0A/jCwdSvNsSSRs\nHNWc/Kz0cs8lkd7bzFSpmVOhpFDzA77yXruy8veUPCK49m/VmTOr4G4GCSd3ArD8de3Jp//oVwuA\nd/66qXadq5JM35DGQ6bSeMhUtfJjiwMBsHarXy3jeFHZt3mL2+d3k3w0CJde47kTcYL81Hicu49B\nIn3wb5i44weUxUXUfH08di36ILdwKM2zJZFwdnJrirMrcK9ISu8VpZb8Iwot9wqK8u8VZYn24Nq/\nPaucWYV3Ugj99i3y067hE7gGM227zj2B5KPrQKmgztuzVAErAHOvlriP+I4LM7pw8/BqVZ2+bS0A\ncpMiMHVrrNZXzr1ZdffbCIIglOedPl35+8AJVm3Zy5TRgzly5jKxiTeYMGIAsod2lJy/fD2FRcVM\nGTWYgT1epYatNXpyXSQSCQ16DOdWBXbau/8+S6HlfVZeQYFGmeJewKqsXFePCq7927PKmfVvEomE\nFg19OXz6Eim3NXfCTU5Lp8f7k0m4nsyWJXNo6a+5MU5l0JFKcbC1YlifruQXFhI4ZzGb9xwhcHg/\nMjLv8veBEwAY1eus9Xjbe0uBsy7uUvs9EQTh2RLBLEF4jjj5t8fIugZX/1lHwwETiNy7GijNp/Ww\nu8kJGJjb4D9wklp5VnI8WTdikRtr5pf5t/szf+6mJGjU3bh8VKPMzKkuxTGXGbgyFPkLNBOi7GVK\nz5esm3FEH/wTiVSHWs27P+vhPNcs/ALQs3Ag5dh6XF4fR8qRtQDYtR6o1i4/7RpyUxtceqkn8s1P\njScvJQ5dI7Nyz6VrWppDpeCW5pK/O+HHNMoMHNwoSQih6cILyAxenHvlvvzUeELmD6AoOwPfCes0\ngkhPozhbc4bVffcD5sXZDz7wmHk0I2nnYlJPbsa+3SC19qnBm1RthLJlx18i5KtuOPUMxPn18eUf\nIDwTz9O/U9rxDUSvGIf7qGVYNf7vvB51bNUERztr/tiyh8kfDOL3TaV5Kof0Vg9ixCXdxNbKgimj\nB6uVxybeIPradcxNy9/pztay9L1Y/HXN1AqHTl3UKPOo7czFvHxiD67H1Niows/peaZUKjlxoXRj\nGzsr9V2kYxNv8Nq7n5GemcW2pV+rLfurSgWFpV8m3c3JBUBRwaCfIAjPHxHMEoTniESqQ91XB3Ax\naAFxx7YSH7wde98WmNZwVWtnZONIRmIkYTt+xS2gdNe2lLDTnFo+VfWBsDwWzqXbgIduW4qNeyNs\nPRqRdyeNK9t/Uc1kephHx0EcCRvLrql9aDhwIrbujZAbmZCbnkLGtQii9q3Fq9s71KjfptxzV2fO\nLH1TS0ZsS9Na99fH7UiPu8KQDfHo6lfvG8d/Zg/BvdMg7DwbI5XJuXHxMCd/nUpJYT7e3UdgZO1Y\nreN50UikOti16s+1vxeSdvpvbp3bWbrToV1ttXZ6Vo7k3ojixv7fsG1Rmucm6+oZYtd9qXVWojaG\nNdwBuL73F0xcG2Li6k9hVho3/lnB7fOaeUns2wwkavlpQub1x6VXICau/sgMTCnMTCEnKYKUo+tx\naD8Mc++yk2sp2KsAACAASURBVOFC9efMyrkeQeg3A1AU5eM3YT0mrg0rtX9jF19und1OzJqpSCRS\nTOo2RiLV4W7sBWLWfAGAkcuDb+YtvNugZ+VIZuRJYtfPwPm1sUh0ZNz4ZwW3zu1E19gSK/8ujzqd\nIAiCGh2plMG9OvG/pWvZtOcwW/cfo3Xjeri5qL/mOtvbEhFzjSXrtvJWjw4ABF+4wqS5S1AoKvYl\nmWedmgD8uOovmvh50qSeJ6m37/Dzmi2qmUAPG/pGF06cD6XbyE+ZMmowTep5YmpsRHLabcKi41n5\n1x7eG9CDgKbl/12u7pxZ364I4lZ6Jn06t8XV2QG5XJeouEQWrNjA4dOXMDU2onWTBzPOw6Lj6f7u\nZ+QXFLJ92Vwa+3lU6njm/bKOrOwcendsTW0nBwwN9Em+lc7OQyf56seVAKpZYFYWZuSG7NXaT9O+\nHxASGUvqqa0YG2rP9yUIwrMjglmC8Jzx6DiIixu+4/jiCZQUFuDxUOL3+zy7DCXp3H6Cl04meOlk\nVbmVqx8WLl7kpqeUex4TexdqNX+N+ODt7JzyIOG8VEeGW0A/og9uUGtft31/boYe5+r+9ez7SnNM\nAB6dB2stfxFt/7Q7KeGn6bXwIFau5U97P7RgFDGHNqqV7ZneX/Vz+09XULtlD9Xj1Mizqp0LH1aj\nfhteeWf6kw/8JWLXZiDXti8ieuWnKIoKsG8zUKONQ7vBZFw+QMzqKcSsnqIqN3bxxcjRk8LM8u8V\nfRsXrBt149a5nVye21dVLpHKsG3Rl9QT6v/udi37kRl5kpRjQVxZqD25s31b7ffQs3Zj7y8UZpbm\nZLn4lfbZGP4z9mFU00f1+NKc18m6ekajXBuHgKEkH1lHfloCod8N0qiXm9ni3PVD1WOJTJe6Q+dx\nZeEQru9ZyvU9Sx80lkioM3gOOnr/jRkMgmBcq75I2F4Nhr7RlbnL1jF25iLyCwoZ+oZmQHxkv+7s\nPXaGwDmLCZyzWFVe38sNb7daJN8qf4l6bScHXu/Qiq3/HKPL8ImqcpmODm/16MDav/9Raz+oZ0eO\nnbnMqq176TPmC619Du/TtaJPs1rdycxm0cqNLFq5UaNOpqPD4umfYGpsqCr7cdVmUu5dwzZvjdXa\n58k/f6aeZx3V41eHjCP4whWNcm0yMu+yaOVGFqzYoLV+QPf2dGhZebOOBUF4NqTPegCCIKgztnXG\nsX5bCnOzkBuaUrtlT402Lk270m78EixreaMj18fQwg7PLkPpOmtzae6sCmr90ULcO7yFnoklOnI9\nbD2b0PWrTdj7aCboRCKhzcc/0H7Sr9So3xY9Y3OkMjkm9i64NOtGh89XVmhW1ovi/vJEaRXlRuj4\nxRpqNX8NAzNrZPqGWLvVp/n7X9N5ehA6cv0qOed/jb61MxberSnOy0JmYIp1Y83ErVYNO+Px/mKM\nnL2QyvWRm9vh0G4wfhP/RPIY90rd4Quwaz0AXWMLpLp6mLo1wm9SkPYlbhIJ7iO+w3PUEsy9WyMz\nMkMi00XfxgUr/y54j12BuU/rp3nqz5f7M9wqcK/IjMxoMG0nTl0+wMC+DlKZvPTa2NbCof0wGk7f\ng9zCXu0YC78A6n22CXPvVujoG6OjZ4iZe1N8A9V3sxQEQagIlxp2tG/WkKzsHEyNjejdSfPv8WsB\nLfht7mf4urtioKeHvY0lI97szq5f56En163wuZbMDGRo785YmpuiryenaX1vdvw6V2uSc4lEwtJZ\nE1g1fwrtm/ljbmqMXFdGbScHerRvQdCi6QQ093+q515VJr47kO8+H0NLf1+sLMzQlclwdrBl4Guv\ncnTdD/Tp3Lb8Tspxf0acTFb+a83kD95m4ZSxtG5cDxtLc3RlMmytLOjUqgkr533O8q8/ferxCILw\n7EmUL1JCGUF4jvTr14+zNwpo/+nyZz0UAYg+9CeHF4wmYOIyXFv3fqq+lEoFq99yx8jKgTd+OAIS\nSSWN8umtGlAHM6e69JxfeUsIlve0ISgoiH79+lVanw+TSCR4jloiAg/PidTgTUQuG4vnBz9jcy+p\n7RNTKgge443cwoFGXx14ru6V4NGeGDi40eCL7ZXSX9rpbUT8/EGV5eHbsGED/fv3f/yZOUolaSf+\nJPXYenISw0ChwMDBDdu2b2Pbqj8SqeyRuZiyok6Scmg12XHnKUi/gY6+CSZ1/HHsNgYTtybqp1GU\nkHJwJanHN1CQloBSqUTftjY2zXpj124wUrnBY7WrbhUdV+qRtcSsnKg1V9T9Oo8x/2fvvqOiutY+\njn+HLr0IKlYQu8YC9q5gb4kVRaIx9hhv9MYSfaOm2GI0XqOJGjWxxK6xobF3UFCxgIDYFalSBJQ2\n8/5BQkJABAIcwOezFivxzN5zfowe2PPMPnuvw7Jx+myemFunuL3MjWpD5mJUpT6Pf1tCwsObGJSv\nTrXBn+O3eAAVnEdRzfWLLJmeX/UgcOVoqvSfQcUek7L8PcUFeuapf/o3qiH8wnbCz/5K4pMANOpU\nDMrZU669G+U7vp/lGk1NjOPx3kVEXfEgLTGWMra1qNx3Kqnxz/O9ZlbQD2PpZFeGHTuynxXzbw0a\nNIi02DA2fzv7zY1Fgdl68ASjZi7il8WfMbB7hyI9t1qtoWKb/tiWs8JnzxpUxeh3TfmW71LLvjJn\ntvwvz30NG3Qp1PGXEKXcTrnNUAhRqpz6ZgynvhlDvd5jaDH663w9R/TDAJITYmk5dkGxeHMe8+QO\nuye0UjqGKGUCfhxPwI/jqejyIfZDs75Rzo2EJ4GkJsZR3e3rYnGtJD4L5spnpWeG6BtpNAStmUDU\n5f2ZDsc/uE78g+sYlK2CWd3sZwGmxIbjt6h/pmOp8c+Jvn6cmJunqfvpdkxr/jXz8NHuBYQc+SFT\n+4SHN0h4eAOVji7lO43MU7uceI2ukutdPHVNrXFalnUx7X8qiFw5eRHsw8MdX6FR/7HbnEaNaa2W\nGJSzJ8JzN1UGzk7fSfVvws9tRaWljXWr7N/I5rm/RsOdnz4m0mtPpnaJT25zf8ssEh/7Y//+4ozj\n6pQk/L8ZQMIjv4xjCQ9vELBiBFZNeyNEdt6fNp/3p81notu7fDN9fJGc0z/4PrEv4ln62cRiUcgK\nvP+Yxn1GKR1DiLeeFLOEEOIfwvy9MLap/K9neAlR2sXduYS+VaV/P8NL5Ev4+W1EXd6PjrEFVd6b\ngUWDTugYmZP47A5hZzaj0s5hmKdSYVa3HRWcR2FUpR66ptakJsQQF+RF8PpPeOqxMlMx6/m1I2jp\nG1Ljw+WY1WmLSluHl2H3ifTcnWndsty2K2qFnSvK5yA2bYZQscdE9K2rotJKvxXKpu0QHu2aT/TV\nI1j9bXZqcnQoMbfOYN6gE3rm5V77vHnpH+G1m0ivPRhWqk3VAbMwtm+Clo4e8Q9v8ODX/yPs7Bas\n2wzGpLojAKEn1pPwyI8y5atj5zYfY/vGpL6IIuTIj4Se+uVfvyZCFJSLV/2oYluuyGeECSGKNylm\nCSFKBYcOA3HoMLBAnqtOjw+o0+ODAnmugmBeqcZrd2QUIq9sWvbHpmX/NzfMhQqdRlCh04gCea6C\nYFjBgbYbQpSOUWQiLu4EoObYHzLNwDKu1hDjag1f1w1In9FUdcBMnnqs5N7GaaTERf01q4j02Tx/\np29RAQCLRl1QaaUPH40q18Woct18tctJi7WPct02twoiV05M7JtQfcSSLDMUbVoP4vGexYSd25qp\nGBVxYQcadRo2bbNuXJHf/hHnt6PS0qbOlK3omdlkHDet2YIaY1bi+38dib72e0YxK+rKofQ1/iau\nxdA2fTc5bX0j7Nzm8zL0LrG3z+f/BRGljmuvzrj26qzIuccM6c2YIcVntmAtu8qv3QFRCFF0pJgl\nhBBCCKEwHZ30IZlGnZYxq+dNXj4LRsfQ7LW3EubkRbAPft8MQJOaku3j6pRXmf5cdcg8glZ9yLUZ\nrTGv3wHDynUxqe6IUZX6+WpX1Ao7l1ndttneaqtrao1FQ2ee+/5OUtQT9K0q/bGu1TZ0zWywaJhz\ncSAv/RNDgtCo07j63/Rd2tLXd/tjjbc/1npLev7Xmmyvwh+gZ14+o5D1d+YNOua/mKVJQ7uQNk8R\nQggh/iTFLCGEEEIIhZmZmQGQ9vIFOkbmhX6+px7fo0lNoVKfKVi3HICeRfn0NZlUKnxntSMl/nmm\n9kaV69Lo67O8CPZJ/wq6xJP9S9ExtqTm2B8wrFQ7T+1yUhhrZuU6l9YfG33/uUvn3/yzwPd3OsYW\nr33Mpt1Qnl87Qvj57VTuO5XYQE9ehT+kYo+PMmaJ5SS3/TVq9R//ff1r97riZYF6+QJz86qFfx4h\nhBBvNS2lAwghsooM9mVdH2uubl385sZCMcXp7+nOiW2s62PN/QsHlI5SZOIfXOfcSFse/vat0lFE\nDorT31PY+e2cG2lLpE/B7HBYkOzs7AB4GXYv133KVHAgNTE2XzNokiIeoWtqTeW+UzGwqYqWrj6o\nVLwKf8jLsPvZ9lFp6WBaswUVe3xEjbGraLLIi7SXL7j789R8tStqucmla1IWgFeRWW91jL19IV/n\nNa/fAT2LCkSc3w4aNeFnfwXAps2QAu1fpoIDWnplaPZ9AC3XPc32q+aENRntDWyqkRwTSmJIYJZz\nxtw8la/vFeBV2F3s7e3z3b80ueoXhGGDLny9apPSUYqlTfuOYtigC3uPnss4VtivWXbnFEKUTDIz\nSwghhBBCYXZ2dpiaWRAffAUT+ya56mPdaiBxQZe4s3oCld+bnr4AvKEZL0ODCTu9mbIt3sW0Vsts\n++pZVSTxWRChJzdg3XIAAHF3vHmwbU62s5Juze+DdauBmNZsjn7ZKmjSUoi9fY7UhOhMM5Zy2y4n\nhbFmVm5zlbGtAcCzYz9hYt8EY7vGpMRF8OzEep5fO5Kvc6u0tLFpPYgnB5cT6X2A51c9/tip0K5A\n+5dr60rwncv4LxlMpT5TMLZvjE4ZU5Jjw0h8Gkj4uW2U7/Q+ZnXaAGDl2JP4e9cIWjkaO7cFGNs3\nylgAPr+3GCZHPyMh6hmNGzfOV38hhBAit6SYJYQQ+VTWoZEszC7EGxhXa/hWLcqeXyqViu7dunLs\n5jEqdBmdqz42bQYTc+sUUT6HuPfLtCyPWzV9/YLJ5dq7EXPzJPe3zOb+ltkZx42q1MewYm2SY8My\ntU94eJMXd69k/1zthuW5XVHLbS4D66pYNunB86se+C0ekHFcpaWDdcsBRHjuytf5bdq68uTQ/7i3\ncTrqlCRs2uZuVlZe+lu3GkhsoCcRF3YQ8L/3s32ecu2HZvx/+c4fEHlpLwmP/PBfMuivRioVVs36\nEHV5f54yAjz3PUoZQyPats37Om5CADSpV1MWVxdC5IrcZiiEEEIIUQwMHepK9O2LvAp/kLsOKi1q\njluN/fuLMbFvgpa+IdplTDC2a0T1EUswrZ39rCwAy8ZdqTHmewwr1UFLzwA9MxvKtXej7qc7UOno\nZWlff/YhyncaQRnbmmjpGaBjbImJQ1Oqj1hCtSFz89yuqOUlV/WR32LTZgg6xhZo6epjUt2Ruv/d\nhmnN5vk+v37ZypjVaUvayxdolzHByrFXwfdXqXD4YBk1x/2IWd226BiaodLRTS/QNe5GrY/WZdos\nQEtXn7qf7qJ8x/fRNbVGS1cfoyr1qTVxHRb1O+br+3x+fisD+vdHX18/X/2FEEKI3JKZWUIUNY2G\nOye3E3R8C8/v+6NRp2FWqQa1u7pTw9kVLe3XX5ahfp4EHPmFiMArxEeGoGdojE0tJ94ZMJlydZpl\nPo06jdseGwg6sZUXoQ9Bo8HU1o7q7fpTu/sIdPTL5KldUcttrsCjmzn//Sd0mr4eu9aZZyH8+Zjz\nZ79QtUUPAJ5cPcnvcwfT4sOvsLJvwJUtC4m6ewOzSg40/+ALDn3Wl3q9R9Ni9PwsmR54HuTEgpE4\nuc+i4YD/EBnsy74pLjR2/ZQmrtMIvXUxT/3Tv1ENQSe2Enh0M9EP/FGrUzGzrU6tru7U7fFBlt2x\nkhNiubJ5AfcvHiA5IRaLKrVp7Jp1RkaJp9EQdmEHYee2kfD4Nhp1GmUqOFChgxvl2g7OcdHk2EAv\nQk9vIu7eNZKeP0XHwAST6o5U7vkRpjWaZj6NOo1nJ38h7Px2XkU8BA0YlKuGTYt3qdDRHS29Mnlq\nV9Rymyv07K/c2fBf6kxcQ1mnzG+C/3ys7qT1WDXpBkD0zVPcWjoMe9d5GFetz8O93xD/4CZlKlTH\nfsgcbizsj63LKKoP/TJLpsgrHtz+/kOqDZhJ5Z6TiH9wnWvzulOl71Sq9ktfvDov/dO/UQ1h57cT\nenYLCY8D0KhTKVPenvLt3bDtNCLLdZKaGMfDPYuI9DlEamIshhVrUbWfsus15UbPnj2pamfP031L\nqD76+9x1Uqko125YjrOejKs1pOW6p1mOl23+LmWbv5vl+DufH85yzKhyXeyGff3GOLltV9TykkvH\n0JTqI7+lOpnXeTOt1RKbdkMzHTOv3zHb1zY7daduzfHx1/095bb/n6ya9s5xVt7f6RiaYuc2Hzu3\nrL+zrFsPyqbH6z2/epi4h7eYtGNdnvqVVBqNhs37j7FxzxFuBt1HrVZT064yowb0YPi7XdHJYUfH\n81dusm7HIbxvBvAkNBwTYyOavVOb/44aQsvG9TK1TVOrWbNtP5t+O8r9J6FoNBqqV7FlcM9OfDio\nF4YG+nlqp4TYF/HMXfEzvx07T+yLeOpUr8rsCe7Ztr3qF0SbIR8xa/xwZk0YnnFco9Gw8bej/Lz7\nMH537pOaloZD1UqMGtCDMUN6o/rH74G8nFMIUTJJMUuIoqTRcGrJGO6d+y3T4chgX84H+2JSvgq2\nDdtn2/VldDiHZvbJdOxV3HMeeR/lydWTdP9qD+Xr/fUpvPfGr7i5J/Obocjg60QGX0dLV5e6PT/M\nU7ucrO9XPtc7T5Uxt2boRv83tiuIXDkJu32Zyxvmok5LBdJ3gSpfvxVmFasTfHoXTUfMRVs38+yE\noGNbUGlpU6NT9reH5Lm/RsPpZRO4ezrzbSvPH/jjuXoGzx/40Wbi0ozjaclJeMzqR9S9WxnHIoOv\nc+wrN+zb9M33a1HsaDQE/DieiH/c4hL/4Dp3fr6OgXUVzOtmfwtLcmw4Nxa+l+lYSvxznl8/RvTN\nUzSYtgOzWi0yHnuwawFPDq/6x3luEP/gBiodPWw7j8xTu5ycH1U519eJnqk1zZdff2O7gsiVk7hg\nH+5v/xKNOv06QaPGrFZLypS3J/zibuwG/V/6Dnh/E3Z2Kyotbcq95o1wnvtrNASunUS4555M7RIe\n3+bu5lkkPPanxohvMo6rU5K4sag/CY/8Mo7FP7iB3/IRWOfyDb5StLW1Wb5sKf369cO6vRumNVu8\nuZMQxYA6NZmne+YzdJgbTZs2fXOHEk6j0fD+tPnsOnIm0/GrfkFc9QuiaqXydGqR/dp3YZHP6TIi\nc3E9KjqWw2cucey8Dx7rFtPGsUHGY59/t45lG3Zman/N/w7X/O+gp6vDONe+eWqXE5OG3UhTZ10z\nLzs2VhY8OL39je1eJSXT9YNPuRFwN1OuAZM+p3/Xdrk6l0ajYdTMRWw7dDLT8VtB9/hk/vfcCLrH\nyjn/KdBzCiGKPylmCVGEgo7/yr1zv6FvYonT8M+o7OSMvrEFMU+CCDjyC1rauq/vrFJRsVEH6vYe\njZVdfcpYWJMUH0vorYucXT6J67uWZypmPfTyQMfAkPafrMS2YTu0tHWJC7lH8Omd6BoY57ldUSvs\nXPcv7Kem81De6f8xphWqodJK/wS1pvNQvH/5kodeHti37ZfRPjHqGU+unqKykzOGluVf+7x56R98\neid3T+/Comodmo2Yg3XNJmjr6hN59zqea2YS+PsmanZ2xaZ2+hsD/4Nribp3C7OKDrQatwjrWo68\nio3i5t6V3PZY/69fk+Ii9Nw2Ii7vR9fYgqr9Z2D5Tmd0jMx5+ewOz05tQpXD7EVUKizqtcPWZRRG\nVeqjZ1qW1IRYYgM9CVr3CY89vs9UzIq6ehhtfUNqjv4f5nXboKWty8uw+4Rf3I22vmGe2xW1ws4V\n6X2Acm2HULnHRxjYVM24Tsq3deX+zq+JunoE62Z/FdmTo0OJvnUai3c6oWde7rXPm5f+4Z67Cffc\ng1GlOtgNnIVJ9SaodPSIf3CDu1tmE3pmC+XaDMHUwRGAkOPrSHjkR5ny1XEYvgCT6o1JiYviyZEf\neXby53/9mhS2Pn360NmlC5e3zaHOzP3puwwKUcw9PfAdaXHhLF60UOkoReKXvb+z68gZLM1Nmffx\nSLq2bYaFmQmB9x7x085D6Oq8/veUSqWic8smTBj2Lu/Uro6NlTkxcfGc87nB2NlLWPLTtkzFrAMn\nL2JUxoCf5k+jY4vG6OjocPfhU7YePIGRYZk8tytqP/y6jxsBd6lZrRLLZk+iaYPaREbH8t3PO1mz\nLXc7MG89eIJth05Sr4YdX0/5kKYNaqOnp8s1/ztMXbCSDbs8cO/XheYN6xbYOYUQxZ8Us4QoQndO\nbgOg07Q1mWZglXVoRJuPGuXYt4y5NU7us7mx+39cuD2VV7GRGbOKAKIf3s7U3sjKFoAqzbpl3Lpo\naVePZnb18tUuJx/8FprrtrlVELlyYlPLibaTvstye1KNzq5c2byAoGNbMhWjgk5sQ6NOo6ZLzgsY\n56V/0PH0GSjdvtiJocVfb/zL12tJx/+uZvfENjy8dCSjmHX/4kFQqeg8cwMWVWoDoGtgRKtxi4h9\nGkzI9bP5f0GKkfALOwCoPf7HTDOwjKs1pMbIhjn21TO1ptqAz3jssZK4n6eREhf116wiIPFx5utE\n3zL935lV4y4Zty4aVa6L3eC6+WqXkzbrHue6bW4VRK6cmFR3pObIb7NcJzZtBvFg9yLCzv6aqRgV\ndn47GnUa5f9xK9Y/5aV/2PntqLS0qT/110wFMrNaLag9bhVXZnUg6tqRjGJWpI8HqFTU/egnDCvW\nAkDb2giH4fN5GRpMjH/+dmkrSj+s/B5Hp2bc/3kK1T/8PsvrL0RxEuVziKceK1i1ciW2trZKxykS\nW/alL1C+8ZvPMs3AalKvJqvq1cyxr42VBV/8ZxTfrtvOR198R0RUDKlpf83a9btzP1P7iuXKAtCz\nY8uMWxcb1LKnQS37fLXLyYvr+duxMye/HT+HSqVi67I51HGoCoCxYRm+mzWJO/efcOrStTc+x6bf\nfkdbS4sDqxdQ3toy43gbxwb8vGgmjv1Gc/CkZ0YxqyDOKYQo/qSYJUQ+aWtro8lm+/KcxDy5g76x\n+WtvJcxJWIA3Hp/1Q52anO3jqUmZtzxv8eFXnFgwgp1jm1GpcUcs7ephU7spVvYN8tWuqBV2LttG\n7bJ9g1jG3JrKTbvw8NJh4sMfY2xTOX2ds+O/UsbChspOLjk+b176xzwKQKNOY9ufBRqNBg2ajP8H\nSIh4ktE+7tl9jKwqZBSy/q5Sk075Kmb9WRDVyeFT5H9LW0cH8nCtJD4LRsfI7LW3EuYkLtiHG4v6\no0lNyfZxdUrm68TedR7+33+I97RWWDTogHHluphUd8K4av18tStqhZ3Lom7bbK8TPVNrLBs5E3Xt\nd5KinqBvVQk0GkLPb0fPzAbLhp1zfN689E94GohGncblqU5A+u0m/OM6SYr6a52hV+H30Tcvn1HI\nyvT9NOiY/2KWRp3+b7kIODg4sGf3Trp1646ejT2V+xb/9b7E2yn+vi/31k9m4sSJjBs3rkjOqa2t\nTXIub4UrLIH3H2NuavzaWwlz4uXrT7cP/ktySmq2j79MyjzOWzxtPK6ffEH9HiNwbuXIO7Wq07xh\nHRrWcchXu6J291EItjZWGUWlv3Np45SrwpJ/8EPS1GpqOKd/0KFB8+eP/z9+J8Dj0PACPWdh+7OA\nWZjjLyFKO7l6hMgnMzMz0hKLbrv5G7uWo05NprHrpzh0HISRZYX0NZlUKnaNb8mruOeZ2lva1aP/\nD56EB3gTdvsyoX5eXNv6DfqmVnSathaLqnXy1C4nhbFmVm5zqbT+2JQ1m2JJWvKrLMf+ZGBi+drH\nanVx46GXB0EnttLEdRrPbl0gLvQBDQdMznGB/rz2/7MYmtNrl/aa4mVBSUmMA8Dc3LzQzmFsYkbq\nH+cpbI8PrUCTmkKVvlMp16o/ehYV0tdkUqnwmdmW1PjM14lR5bo4LThL3B0f4oJ9iA26xMN9S9E1\ntqT2+B8wqlQnT+1yUhhrZuU2l0qVfp1osnkDqM7hOtExtnjtY+XbDSXq6hFCz22nar+pxASk78JX\nuedHOS7Qn+f+6jdfJ5q07IuXBSk1MRZjE7NCP8+fOnfuzKpVKxk7dizqV/FUGTg74zZPIYqDmJsn\nubtmAp07deS7ZcuK7LxmZmaEPQgqsvMVtCXrtpGcksqs8cNx7d0ZW5uy6OvpolKpaNT7AyJjMv++\nbFDLHt8D6/Dy9cfL148LV2/y9Q+bKGthxsZvPqNeDbs8tctJYayZVRDUfxSscsr2uuJgcRX3IgEo\n3PGXEKWdFLOEyCc7Ozti9+TtvnvzSjUI9fMi5PpZbBvmbQHKF6EPKWNuTZN/7FwXF/qAuJB76Bln\n/WWopa1D+XotM9bSSk16ya7xLTj3v8n0+fZontsVtdzkMjBLn1b/Iuxhlv4hN87l67yVmnTCqKwt\nd45vpfGQ/xJ4dDOQvh5WQfY3q1SD1Ls3cP3lFnqGpm98XtMKdkTcuUr0o4Ass7OeXD35ml45i3ma\nvjiqvX3ub0PIq2p21YgMvZfr9oYVHIgNukSM/3nM67bJ07leRTxCz9Q6y851r8If8DLsPrpGWYsR\nKi0dzGq1yFhLS538Ep8ZbbizfiqNPvfIc7uilptcuqZWACRFZr3VMeZ2/mYqWTToiL5FBcLOb6Nq\n308IO/srAOXauhZo/zIVHEh7eJPm311Dp8ybrxMDGzte3L9G4tPALLOzom+eylW27LwMvYd99cK7\nTrIzhyIfRAAAIABJREFUevRojI2NGTHyA5Ij7mM/agXaZUyKNIMQWWg0PDuxnkfb5+E2fDhr16xG\nO4ed+wqanZ0dB/ftLbLzZaeWXWUuXL3FqUvX6Ni8cZ763n/yDBsri0w79QHcexxC8KOnmJtmvcZ1\ntLVp49ggYy2txFdJNOw1knGfL+Xc1hV5bleUqlexxedmILeDH2aZKXXsvE+unqOWXWV8X77i3qlt\nmBobFck5C1vQg/SZ94U5/hKitJNilhD55OjoSFxECAmRIRiVzd0aETU6DSHUz4tTS8bg5DaLSo6d\n0Tc2J+bJHQJ+/wWH9gMoX79Vtn2NrCsS/TgQ/0M/4dAxfZevMP/LXFo3O9vbHQ9M60GNjoMoX78l\nJuWqkpaaTMj1s7yKe57plsTctstJYayZldtcFpXT36ze2r8a65qO2NRy5GVMBH4H1/LQK38FBpWW\nNjU6D8F3+1Lun9/HA8+DlK/fClPb3A04ctu/losbZ/0ncXh2fxq7fopNTUf0jExIfB5G9KMAgo79\nSp0eIzMKn3atehERdIUTC0bSavxirGs2yVgAPr/rZUUEXsHU3IKqVbNOxS8ozZ0c2Xnqaq7b27Qe\nRGzQJQJ+HE+1/jOweKcTOoZmvHwWzLPTm7Bp+R5mtVpm21ffqiKJIUGEnNiATav+AMTd8ebe1jnZ\nzt67/nVvbFoNxKxWCwzKVkGdlkyM/3lSEqIz3ZKY23Y5KYw1s3Kby9A2fQ2Xp0fXYmLfGBP7JiTH\nRRByfD1RV/O3RopKS5tybQbz6MB3RFw+QOQVj/SdCsu9+dP/vPQv386VoHWXubl4MFX7TcHEvgk6\nZUxJjg0j4UkAYee2UaHTiIzCZ1mnHry4dxX/7z/EwX0BJvZ/LQD/b9bLSrx/jaYd835L0b/l6upK\ntWrV6N33XW7+X3sqvjcT65YDZB0toYiER3483v45MUGXmf/118yYMaPIMzg6OvI0NJynYZEZ60QV\ntWF9u3Dh6i3e/3Q+8z4eSZe2zTA3NSbo/mN+2nmIIT070dbpnWz7Vi5vQ8DdR/y4dR9DezsD4HnN\nj2mLfkSt1mRp39HtPwzr40xrxwZUq1SelJRUTnld43nMi0y3JOa2XU4KY82sfs5t8b4RgOsn8/hu\n9sc4NaiVsRh7bm/3e/+9bly8eoseH05n1vjhNH2nNqbGRoRGROEf/IBf9v7OmCG9MwqLBXHOwuZ9\nIwALc/NCHX8JUdpJMUuIfGrTpg1lDI145P07dbqPzFWfGs6uPLl6gvsXDnB+5ZQsj9u3ef22ybW7\nvc+TKyfwXD0Tz9UzM45b2TfAomodEp+HZWofdfc64QHe2T9X1+F5blfUcpvLpHxVqrXsxQPPg3jM\n+mvBdS1tHRw6DiL41I58nb+Wixu+O5ZxYeV/SUtOotYbFn7PT/8anQbz7NYF7pzYxrEvs3/+Wn/7\nXuv2Gs3ds7uJuneLw7Pf+6uRSoV9237cO/dbnjICPPE+Qo9u3VAV4hvjrl278tNP60iOi0DP1PqN\n7cu3HUz0zVNE+hzkzs+fZnn87wuG/1OFDsOJvnGSu5tncXfzrIzjxlXrY1SxNsmxma+T+Ac3iQu+\nkn2O9sPy3K6o5TaXgXVVyjr2IPKKBzcWDcg4rtLSwabVAMIv7srX+cu1c+XRweUE/zIddUoS5dvl\nblZWXvqXaz2I2EAvws5vx++797N9nr9/r7bOowj32kvCIz9uLh70VyOVCutmfYi4vD9PGQGSY8OJ\nuXuVbos+y3PfgtCyZUuCAvyZ/X//x+rVU4k4/QvlXMZi2bgbKp0cdsEVooDEP7hO2MmfifTcTdNm\nzVl5+TKOjo6KZGnTpg1GhoZ4nPZk9ODeimRw79eVYxe82Xv0HBPnfZfl8f5dXz/7/sNBPTl63psp\n81cyZf7KjOMN6zhQ16EaoZGZb4f3vX2HS9ezX55h5IDueW5X1MYP7ct2j5PcCLhLjw//urtApVIx\noFt7dh0588bncOvjwnnvG2zad5T+H/1ftm0+6P/X91gQ5yxsh8540a174Y6/hCjtpJglRD4ZGBjQ\nv/97HDu2OdfFLJVKi07T1hF4dDNBx3/l+UN/VFramFeqQe2u7pSv3/q1fas2706HqT9yY/f/iA25\nh76RGVWad8PJfTZHPh+QpX2fJUcJPLqJkBvneRH2EF0DQ8wqOlDTeSg1nF3z3K6o5SVX24+/Q8/I\nlIeXjpCalICV/Ts0dZ9NbMi9fBezjG0qU7Fhe576nkbP0BS71q8voOS7v0pFu8krqOzoTMDvm4i6\ne52UV4kYla2AZbV61Og0ONPtqNp6+vT4+jd8Ns3nwcUDJCfGYV6pJo1dPyU5PjbPxay4kHuE3LzI\n0K+m56lfXnXv3h1jE1PCzm2jcs9Jb+6g0qLOhNWEnv2V0HPbSHxyG7S0MazgQPn2bpjVzn5WFoBV\n467UGruSJx7f8zLsPjqGZlg16kK1AZ9xc8ngLO0bfe5B6JktxNy+wKvIR2jrGVKmQnXKtRlC+baD\n89yuqOUlV40PlqJtaMrza7+TlpSIcdX6VBvwGS/D7ue7mGVQtjIWddsS7XcWnTKmlHXqVfD9VSpq\njlqGRYOOhJ7ZQvzDG6QlJaJvYYtR5TqUaz0I83p/bRagpavPO9N382D3QqJ8DpH6Mg5D2xpU6TuV\n1ISYfBWzws5vx9TUnG7duuW5b0GxtLRk1cqVjBs7ltn/9zmH1k5ER68MJnVaY1i5PnoWFeQWRFFg\n1MmvSI1/TuLTABKDLhIf/pjadevx7S8/M2zYMEXfgBsYGPBe//5s2PO7YsUsLS0Vm5fM5ufdh/ll\n7+/43bmPtrYWNe0q88GAnrRr+vqdd3t1bMWGRTP4dt0O7j58ipmpET07tOTL/4yi5+isv4/P/rqC\n9bs9OHv5Og+ehGJoaEDNapUY3q8r7v265rldUTPQ1+P39d8w538b+O3YeeLiE6hlX4VZ492IjovP\nVWFJpVKx+qv/0qVtUzbsOsxV/yASX76iYjlr6te0w61vFzq2/GvmbEGcszAFP3zKOe/r7Jv9haI5\nhCjpVJo/t4AQQuSZt7c3zZs3p/OMDVRt2VPpOELkyZml40h7fJ07gQGFvt7JjBkz+N+PP9Ho6/Po\nZLNulRDFVWpCLL6z2vDxuA9ZuHCh0nEyPHnyhP3793PixEmu+l4nIiKchBdFs9GCKP309A0wMzen\nfr16tG7Vkt69e9OsWTOlY2X4c/y1ddnn9On8+g8ChSiORs5YyJWAhwQEBhbpenNClDI7pZglxL/k\n5jacQyfP02/FebT19JWOI0SuhAV4c2h6T/bt20fv3oX/yfaLFy+oXqMWeg17Yu8qn0SKkuPer//H\ny2v7uRd8BzMzKcQKUVwMH+7GhTOnuLJ3DQb6ekrHESJXvHz96ez+SZGNv4QoxXZqKZ1AiJJu8eJF\nJMdF4rtzqdJRhMiVtOQkLq+ejrNLlyIbSJmYmLDg6y95duJn4h/eLJJzCvFvxT+8ybOTv7B44QIp\nZAlRzCxatJiI57EsXvur0lGEyJVXScn8Z/73dHFxkUKWEAVAillC/Eu2trZ8u+Qbru/8jvsXDigd\nR4icaTScX/Exr6KesGrl90V66pEjR9K+Q3uCVowkOSbszR2EUFByTBiBK0bSvn17Ro7M3bqIQoii\nY2tryzdLlrB47Tb2Hj2ndBwhcqTRaBj3+VIeP4vk+5Ur39xBCPFGUswSogCMGzeOiRMncn75RCLu\nFI8tf4XIztVt3/DgwgH27NqJg4NDkZ5bS0uLPbt2UcHKlMAVI0hLSizS8wuRW2lJiQSuGIGtlSl7\ndu9CS0uGS0IUR3+Ov0bP/oYrtwKVjiPEa83/YTN7j51l565dRT7+EqK0ktGZEAXku2XL6NSxI0c/\n78+TKyeUjiNEJhp1GpfXf47vtiWsWrWSzp07K5LD3NycIx4H0YoNwX9xf5mhJYqd5Jgw/Bf3Rys2\nhCMeBzE3N1c6khAiB8uWLaNDh470HD2Do+e9lY4jRCZpajUzvlnN/B83s3LlKsXGX0KURlLMEqKA\naGtrs++3vQwe2J9jXw7D78BakP0VRDGQkviCE/PfJ/DwBrZs2cLo0aMVzVO9enUuX/LEWieJW1/3\nlDW0RLER//AmN7/qSVmdJC5f8qR69epKRxJCvIG2tjZ7f/uN9wYMpP9Hn7Nqy2/I/laiOIiLT2TI\n5Hms2X6wWIy/hChttOfOnTtX6RBClBba2tr069cPfX09Ni2ZTejNc1jaNcDQwkbpaOJtpNFw59R2\nTi14H3VcKL8fOUz37t2VTgWApaVl+k5UZ09zaeN8UuOfY2LviJaegdLRxFsoNSGWB7u+JviXabRp\n0ZTjx37H1tZW6VhCiFz6c/ylp6fHzC8Xc+bydRrWrk65spZKRxNvIY1Gw5b9xxn8ny8IiYzh8JEj\nxWb8JUQp4q/SyEcXQhSKK1euMHHSx3hfuoRDx4HU6TmKsg6NlI4l3gLq1GQeeh3Gf98qwoOvM3bs\nWL768kssLYvfoF6tVrNhwwamzfiMlylplHMZQ7k2g9EzkwKwKHzJseGEnd9O2LE1lNHVZvHC+Ywc\nOVLWyBKiBLty5QofT5rEpcuXGdqrM2Nd+9CkXk2lY4m3QHJKKgdOXmD5L7u55n+HsWPH8mUxHX8J\nUQrslGKWEIVIo9GwZcsWvp6/kIDbfpiXr4JN/dZYVK2Lgakl2hmzUDSASsmoooRLSXxBQmQIz+/f\n5NmNc6QkvaRnz1589eUXvPPOO0rHe6PY2FgWLFjAj6vXEhcXg3n1xhjaOVKmvB06huaopLgg8u2v\nn68atZrUhGhehj0g8f4VYu5ew9TUnHFjRzNz5kzMzMyUjSqEKBB/jr8WLpiPn/9tqlasQPum71Cv\nhh1WFqYY6OspHVGUYBoNqP4YtsfFJ/I0LILrAXc5c8mXxFdJ9OrVky+++LJEjL+EKMGkmCVEUbl8\n+TIHDhzggqcnt275ExcTTVLSK6VjiVLCyNgEa5tyNGnUkM6dO9G3b18qVqyodKw8e/nyJUeOHOH3\n33/Hy9uHB/cf8CIuBnVamtLRRCmgpaWFsak5dvZ2NHdypFu3bnTv3h0DA7m9VYjS6s/xl5enJ35+\nt4iOieHVqySlY4lSwsTYmHLlbGjYqBGdOnUuseMvIUogKWYJoaQ1a9YwadIkunTpwsaNG7GwsFA6\nUrGyY8cOBg8eLAu5CvEGgwYNAtKvGZGZ/JwVQoi8kfHX6129epUBAwaQkpLCjh07aNmypdKRhHhb\n7ZT7NoRQwIsXLxg8eDATJkxg5syZ7Nu3T95gCSFEIRgzZgznz5/n5s2bNGrUiMuXLysdSQghRAnV\npEkTvL29adCgAe3atWPRokVKRxLirSXFLCGKWEBAAC1atODUqVMcOXKEuXPnymLDQghRiJo2bYqP\njw+1a9emXbt2LF++XOlIQgghSigrKysOHTrEV199xaxZsxg6dCjx8fFKxxLirSPvoIUoQlu2bMHJ\nyQkrKyt8fX1xdnZWOpIQQrwVypYti4eHBzNmzGDKlCm4u7uTmJiodCwhhBAlkEqlYvr06Rw7doyT\nJ0/i5OTErVu3lI4lxFtFillCFIGkpCQmT57M8OHDGTVqFCdOnMDW1lbpWEII8VbR1tZm7ty57N+/\nn0OHDtGqVSuCg4OVjiWEEKKE6tixIz4+PlhZWdGyZUu2bdumdCQh3hpSzBKikD1+/JgOHTqwYcMG\ntm/fzvLly9HV1VU6lhBCvLV69uyJr68vBgYGNGnShF27dikdSQghRAlVqVIlzpw5w8SJE3F1dWXs\n2LEkJycrHUuIUk+KWUIUIg8PDxo1akRsbCyXLl1i4MCBSkcSQggBVK5cmTNnzjBy5EgGDRrE5MmT\nSUlJUTqWEEKIEkhHR4eFCxeyd+9etm/fTuvWrXnw4IHSsYQo1aSYJUQh0Gg0LFq0iN69e9OjRw98\nfHyoU6eO0rGEEEL8jb6+PsuXL2fjxo2sW7eOzp07ExISonQsIYQQJVS/fv24fPkyr169omnTpvz+\n++9KRxKi1JJilhAFLDIykm7dujFnzhyWLl3Kpk2bMDQ0VDqWEEKI13Bzc8PHx4eoqCgaNWrE8ePH\nlY4khBCihKpZsyaXL1+md+/edO/enRkzZqBWq5WOJUSpI8UsIQqQj48PTk5OBAQEcPbsWSZPnqx0\nJCGEELlQu3ZtvLy86NixI926dWPu3Lny5kMIIUS+lClThvXr1/Pjjz+ybNkyXFxcCA8PVzqWEKWK\nFLOEKCBr1qyhdevW1K9fH19fX5o1a6Z0JCGEEHlgYmLC9u3bWbVqFfPnz6dv375ER0crHUsIIUQJ\nNWbMGC5evMj9+/dxcnLCy8tL6UhClBpSzBLiX4qPj2fIkCFMmDCBmTNnsn//fiwsLJSOJYQQIp/G\njBnDyZMnuXr1Ko0bN8bb21vpSEIIIUooR0dHvL29qVevHh06dGD58uVKRxKiVJBilhD/QkBAAC1a\ntODkyZMcPnyYuXPnoqUll5UQQpR0bdq0wdfXl5o1a9KuXTvWrFmjdCQhhBAllJWVFR4eHsybN4+p\nU6fi5uZGQkKC0rGEKNHkXbcQ+bRlyxacnJywsLDA19cXFxcXpSMJIYQoQNbW1hw+fJjp06czfvx4\n3N3dSUxMVDqWEEKIEkilUjF9+nSOHTvG8ePHcXJyws/PT+lYQpRYUswSIo+SkpKYPHkybm5uDBs2\njJMnT2Jra6t0LCGEEIVAW1ubuXPnsn//fg4dOkTr1q0JDg5WOpYQQogSqmPHjvj4+GBhYUGLFi3Y\nvn270pGEKJGkmCVEHjx+/JgOHTqwYcMGtm/fzurVq9HV1VU6lhBCiELWs2dPrl27hp6eHo6Ojuza\ntUvpSEIIIUqoSpUqcfbsWSZOnMiQIUMYO3YsycnJSscSokSRYpYQuXTy5EmcnJyIjY3Fy8uLQYMG\nKR1JCCFEEapSpQpnz55lxIgRDBo0iMmTJ5OSkqJ0LCGEECWQjo4OCxcuZM+ePWzfvp3WrVvz8OFD\npWMJUWJIMUuIN9BoNCxatAgXFxe6dOmCt7c3devWVTqWEEIIBejr67N8+XI2btzIunXrcHZ25tmz\nZ0rHEkIIUUK9++67XLp0iVevXuHk5MTRo0eVjiREiSDFLCFyEBkZSffu3ZkzZw5Lly5l06ZNGBkZ\nKR1LCCGEwtzc3PD29iYiIoJGjRpx4sQJpSMJIYQooWrVqoWnpyfOzs5069aNGTNmoFarlY4lRLEm\nxSwhXsPHx4emTZvi7+/PmTNnmDx5stKRhBBCFCN16tTh0qVLtG/fnm7dujF37lx58yGEECJfjI2N\n2bp1Kz/++CPLli2jd+/ePH/+XOlYQhRbUswSIhtr1qyhdevW1KtXD19fX5o3b650JCGEEMWQiYkJ\n27dvZ8mSJcyfP59+/foRHR2tdCwhhBAl1JgxY7hw4QL+/v40atQILy8vpSMJUSxJMUuIv4mPj8fV\n1ZUJEyYwc+ZM9u/fj6WlpdKxhBBCFGMqlYrJkydz4sQJrly5QrNmzbh+/brSsYQQQpRQTk5O+Pj4\nUK9ePTp06MDy5cuVjiREsSPFLCH+EBgYSMuWLTl+/DgeHh7MnTsXLS25RIQQQuRO27Zt8fX1xc7O\njhYtWrB27VqlIwkhhCihrKys8PDwYN68eUyZMgU3NzcSEhKUjiVEsSHv1IUAtm7dipOTE2XKlMHH\nx4cuXbooHUkIIUQJZG1tzeHDh5k+fTrjxo3D3d2dxMREpWMJIYQogVQqFdOnT+fYsWMcP34cJycn\n/P39lY4lRLEgxSzxVktNTWXGjBkMHTqUoUOHcv78eapWrap0LCGEECWYtrY2c+fOZd++fRw8eJDW\nrVtz9+5dpWMJIYQooTp16oSPjw/m5ua0aNGCHTt2KB1JCMVJMUu8tZ48eUK7du1YtWoV27ZtY/Xq\n1ejp6SkdSwghRCnRq1cvfH190dPTo0mTJuzevVvpSEIIIUqoSpUqce7cOSZMmMDgwYMZO3YsycnJ\nSscSQjFSzBJvpVOnTuHk5ER0dDSenp4MHjxY6UhCCCFKoSpVqnDmzBlGjBjBwIEDmTx5MikpKUrH\nEkIIUQLp6OiwcOFCtmzZwpYtW2jTpg0PHz5UOpYQipBilniraDQaFi1ahLOzM87Ozhm7hAghhBCF\nxcDAgOXLl/PLL7/w008/4ezszLNnz5SOJYQQooQaOnQoPj4+JCYm4uTkxNGjR5WOJESRk2KWeGtE\nRUXRo0cP5syZw9KlS9m8eTNGRkZKxxJCCPGWGD58OBcvXiQkJIRGjRpx4sQJpSMJIYQooWrXro2X\nlxfOzs706NGDuXPnolarlY4lRJGRYpZ4K1y5coWmTZvi5+fH6dOnmTx5stKRhBBCvIUaNmzIlStX\naNeuHd26dWPu3LloNBqlYwkhhCiBjI2N2bp1K6tWrWLBggX06dOH58+fKx1LiCIhxSxR6q1Zs4ZW\nrVpRp04dfH19adGihdKRhBBCvMVMTU3ZsWMHS5YsYf78+fTr14+YmBilYwkhhCihxowZw4ULF/Dz\n86Nx48ZcunRJ6UhCFDopZolSKz4+HldXV8aNG8cnn3zCgQMHsLS0VDqWEEIIgUqlYvLkyZw4cQJv\nb2+aNWvGjRs3lI4lhBCihHJycsLb25s6derQvn17li9frnQkIQqVFLNEqRQYGEjLli05fvw4hw8f\nZuHChWhpyT93IYQQxUvbtm25fv06VatWpXnz5vz0009KRxJCCFFClS1blsOHDzNv3jymTJnC8OHD\nSUhIUDqWEIVCpZGFGkQps3fvXkaOHEmNGjXYuXMn1apVUzqSyKWPP/6Y0NDQjD9HR0dz7949HB0d\nM7Xr168fQ4cOLep4QhRbgwYNAmDHjh0KJxH5lZaWxpdffsmXX37JsGHD+PHHHzE0NFQ6lhDiLSDj\nr9Lp5MmTuLq6YmVlxa5du6hbt67SkYQoSDt1lE4gREFJTU1l9uzZLFq0iDFjxrBixQr09PSUjiXy\n4ODBg9y/fz/L8Xv37mX6c82aNYsqkhBCFAltbW3mzp2Lo6Mj77//Pm3atGHnzp1Ur1492/ahoaGU\nLVsWHR0Zygkh/h0Zf5VOnTp1wsfHh0GDBtGiRQvWrVvHwIEDlY4lRIGR+65EqfDkyRPatWvHypUr\n2bZtG6tXr5ZCVgnk7u6Orq7uG9sNGTKkCNIIIUTR6927N9euXUNHR4cmTZqwZ8+eLG0CAwNxcHBg\n6tSpCiQUQpQ2Mv4qvSpXrszp06cZOXIkgwYNYuzYsaSkpCgdS4gCIcUsUeKdOnUKJycnoqOj8fLy\nYvDgwUpHEvnk5ub2xl+wderUoX79+kWUSAghil7VqlU5e/YsQ4YMYcCAAUyePDnjZ2NCQgJ9+/bl\n5cuXrFixggsXLiicVghR0sn4q3TT19dn+fLlbN68mS1bttCpUydCQkKUjiXEvybFLFFiaTQaFi1a\nhIuLC507d8bHx4d69eopHUv8Cw4ODjRo0ACVSpXt47q6urz//vtFnEoIIYqegYEBq1ev5ueff+an\nn37CxcWFZ8+eMX78eO7evYtarUZLSwt3d3devXqldFwhRAkm46+3w7Bhw/Dx8SE6OppGjRpx7Ngx\npSMJ8a9IMUuUSFFRUfTo0YM5c+bw7bffsmXLFoyMjJSOJQqAu7s72tra2T6WmpoqM++EEG8Vd3d3\nLly4wJMnT+jXrx+bN28mNTUVSF80/tGjR3zxxRcKpxRClHQy/no71K5dG09PTzp16kT37t2ZO3cu\narVa6VhC5IvsZihKnCtXrjBw4EBSU1PZsWMHLVq0UDqSKEAhISFUqlSJf/5oUqlUNGvWDC8vL4WS\nCVF8yW6Gpd/Jkyfp2rVrRiHr77S0tLh8+XKWnceEECK3ZPz19lmzZg2TJk2iS5cubNy4EQsLC6Uj\nCZEXO2VmlihR1qxZQ6tWrbCzs8PHx0cKWaWQra0trVq1Qksr84+nP2+nEUKIt010dHSOt/hoaWkx\nfPhwWdRXCJFvMv56+4wZM4bz589z8+ZNGjVqxOXLl5WOJESeSDFLlAgvX75k1KhRjBs3jk8++YRj\nx45hY2OjdCxRSIYPH57tug39+/dXII0QQihHrVYzZMgQwsLCsp2VBem3AAUFBbF48eIiTieEKE1k\n/PX2adq0KT4+PtSuXZt27dqxfPlypSMJkWtSzBLFXlBQEM2bN2f//v0cPnyYhQsXZvnUSJQuAwcO\nzDSY0tLSolOnTpQrV07BVEIIUfRWrVrF0aNH3zjrKi0tjXnz5uHv719EyYQQpY2Mv95OZcuW5ciR\nI8ybN48pU6bg7u5OYmKi0rGEeCOpCIhi7bfffqNZs2bo6+vj7e1N165dlY4kioClpSXOzs7o6Ohk\nHBs+fLiCiYQoPq5evUq1atWoVKlSxtexY8c4duxYpmPVqlXj6tWrSscV/1KzZs1wcXFBW1sbbW3t\nTD8X/0mj0eDu7k5aWloRJhRClBYy/np7qVQqpk+fzoEDBzh06BBOTk7cvn1b6VhC5EiKWUIxXl5e\nhISEZPtYamoqM2bM4N1332Xw4MFcuHCBatWqFW1AoSg3N7eM3VV0dHTo06ePwomEKB4sLS159OgR\nT58+zfiKiYkhJiYm07FHjx5haWmpdFzxLzVr1oyjR48SGRnJ+vXrcXFxQUdHB5VKlWXnsdTUVK5d\nu8b//vc/hdIKIUo6GX+93Xr06IGvry+mpqY0b96cnTt3vratp6cnz549K8J0QmQmuxkKRQQHB1O/\nfn0cHBzw9vamTJkyGY89ffqUQYMGcePGDdauXcuQIUMUTCqUEh8fj7W1Na9evaJ///7s2rVL6UhC\nFBvNmzfHx8fntdtpy+5TpVtMTAz79+9n3759HDp0iOTkZLS0tDJmZOnr63Pr1i0cHBwUTiqEKGlk\n/CUAkpKSmDZtGitWrGDSpEksWbIEXV3djMe9vb1p3bo1Tk5OnD9/XpaAEUrY+fq56kIUEo1Gw8gL\nYAwSAAAgAElEQVSRI1Gr1QQGBjJhwgQ2bNgAwOnTp3F1dcXMzAxPT0/q16+vcNqC9/z5c/z8/IiO\njiYpKUnpOMVakyZNuHjxInZ2djl+MiTAxMSEcuXKUbduXfT19ZWOIwqZu7s7V65cee3jsvtU6WZu\nbo67uzvu7u6Eh4ezZs0aDhw4wNWrV0lNTSUpKYk+ffowd+7cbBdzFuJN9PX1sbCwoF69eqVmhqeM\nv3JPxl+5V1rHX/r6+ixfvpxmzZoxduxYrl27xrZt27C1teX58+f069cPtVrNpUuX+OGHH5g4caLS\nkcVbSGZmiSL3ww8/8NFHH2XMKFCpVKxdu5bIyEhmzZrFoEGDWLNmDcbGxgonLTh+fn6sX7+efQcO\ncvdOkNJxRCmmraNDq1at6f/eu7i7u2NhYaF0JFEIIiIiqFChwmvXRtLW1ubp06eyaG8pFR0dzcaN\nG9m1ey+enhdIe80uh0IUBHuHGrzbtw8jR46kXr16SsfJkz/HXwcPHCDozh2l44hSTEdHh9atWvHu\ne++VuvFXQEAA/fv3JyIigi1btrBkyRJOnTqVsTGJgYEBfn5+2NvbK5xUvGV2SjFLFKmnT59Su3Zt\n4uPjMx3X1tZGS0uLZcuWlarKfnBwMJ9MmcrBA/uxrmxPrTa9sWvSFhv7uhiaWaKjW3o+wRHKSkqM\n50XkM0KCrnP38nECzh9CpVYzbdqnTJs2DUNDQ6UjigLm4uLCqVOnshS0tLS06Ny5M0ePHlUomSgs\niYmJLF68mEWLv0Gt0qKcY3esG3bE3O4dDCzKo1Om9HwIJJSlTkkm+UUUcY9vE+l3gYgrHsSG3KdX\n7z4sW/ptsb+FNTg4mKlTprD/wAGqV6tCv64dad/Sifq1HLCyNEdfT0/piKKUeJGQSEhoONduBXD0\n7EUOHD1NmlrNp59OK1Xjr7i4OD744AN+++03NBpNpmUOdHV1adWqFadOnZLZwKIoSTFLFK1evXpl\nu8W4jo4OFhYW3L59GysrK4XSFZxXr14xb948li5dhlXl6nQeOw+HZp3lB7woMkmJ8fjsW8+5TUuw\ntLRgxfLvePfdd5WOJQrQxo0bM27Z/jstLS1+/vln2YGqlNm7dy+TPv4PkdHRVO/7CdWc3aV4JYqO\nRkP49VMEbv2C+ND7TJ3yCXPmzMHAwEDpZJn8Of5atmwZDtUqM3/Gx3Rp30rGX6LIvEhIZO2WXSz8\nfh3m5hZ8t3x5qRl/nThxAhcXF7IrH6hUKtavX8+IESOKPph4W0kxSxSdjRs3MmLEiGx/AEJ6Vd/Z\n2ZlDhw6V6EFHeHg4ffr246afPx0+mEXTviPR0pbl6YQy4qPDObHmC64d/pUZM2bw9ddfl+jrS/zl\nxYsXlC1bluTk5EzH9fT0CA8Px8zMTKFkoiBpNBpmzZrFwoULqdJ+CLWHfIa+mbXSscRbSpOWyoPj\nG7mzaxHv1KvLgf2/YWNjo3QsIH381a9vX277+zNn6jhGDx2Ajo72mzsKUQjCI58ze/EKNu06UCrG\nX0+ePOGdd94hNjY2281nVCoVhoaGBAYGUrFiRQUSireQFLNE0YiIiKBmzZrExsa+tpgF6TMK5s+f\nz/Tp04swXcHx8/OjR89evFRrMWT+NspWqaF0JCEA8D2ylQNL/kPv3r3ZsnlTph1ERcnVv39/Dhw4\nkDHbVUdHh759+8ruU6XEy5cvGeY2nP0HDvDOh0uo3G6Q0pGEACA+JBifJcMx1VVzxOOQ4mtp+fn5\n0atnT7RVGvb8tIxa1aspmkeIP23efZAJM7+id5/ebNq0uUSOv1JSUmjbti1Xr17NcnfN3+nq6uLi\n4sKhQ4eKMJ14i+2UPTRFkRg7diwJCQk5FrLgr0+gnz59WkTJCs7jx4/p7OyClll5Plh1TApZolhp\n1M0V96W/cfTESdzchmf7qZooeYYNG0bq3xb/TktLY9iwYQomEgVFrVYzzG04R46dpMVnO6SQJYoV\nY1sHWn3hQZJReTp1duHx48eKZXn8+DEuzs7Y2lhybs/PUsgSxYpb/14c3vIDp06cYPhwtxI5/lq9\nejWXLl3KsZAF6UUvDw8P2QFTFBmZmSUK3Z49e+jfv/9rH9fSSq+pqlQqOnbsiJubG+7u7iVqKm5i\nYiLt2nfgSWQcH6z8HQNjub1HFE+PbnqxcUo/Pv3vVL7++mul44h/KSkpibJly2ZsqmFoaEhUVFSx\nW8dG5N1nn33G4m+W0HzGNsrWa610HCGylfoyHs95valopo/nhXNFvhN1YmIiHdq350XMc07vXo+5\nqUmRnl+I3Lro40v3YeOZ+t//lrjxV0REBKtWrWLr1q0EBgaip6eXZYmDP6lUKszNzblz506pWAdZ\nFGsyM0sUrpiYGMaPH59RsPrTn7sXamlp0axZM5YuXUpISAjHjh3j/fffL1GFLIBRoz4k6N4Dhi7a\nIYWsYmjv/PHMaW/BnPYWJL9MyPJ4WkoyZzcv5fv3W/Clc3kW9rLj18+GEhp8M0/n+bprxYzz/PPL\ne9+Ggvp2/pUqDVrQa+oyFixYwJ49e5SOI/4lfX19BgwYgJ6eHrq6ugwePFgKWaXAnj17WLhwIe+M\n/rbEFLJi7l1nv2t5AnctyTgWfv0k+13Lc+/wGgWTKed54CU85w/C44MaeIyszoUv+hFx43SenuPQ\nCHv2u5bP9uvB8V8KJ3ge6JQxxnHqRu49esKHo8cU+fk//HAUDx7cZ9+G5cW2kHX0zEUM7BxZsf7X\nt+b8m3YdwMDOkT2HjxfZOV/noo8vPdwmYNOgHWXrtcV58GiOn/PK03NY1WuDgZ1jtl9rt+Tutv5W\nTo1YOX9WiRx/WVtbM2fOHAICArh37x6LFy/GyckJSF/e4O80Gg3x8fF8/PHHSkQVbxkpZolCNXny\nZCIjI1Gr1RkFLB0dHVxcXFi/fj1RUVF4enoyefLkYrOAaF6dPn2abdu20nf6SszLV1E6jviHe1fO\ncP3odnQNsl+jQJ2Wyubpgzmx9ksiHgSSmpLEyxcxBF44zNpxLjy84VnEiQtfo26uNO4+lI//8wmJ\niYlKxxH/0tChQ0lOTiYlJQVXV1el44h/KTExkUmTP6FK+8Fya2EJFn7jFBe+eI+Im2dJffmC1FcJ\nRN32wnOhKyFeB5SOV6AMrSvTYOxytm/byunTp4vsvKdPn2br1m2sXTyHqv/P3nlGRXVtAfgbht47\nKCBVBFFBxY699967JmqiscQYTbEl0VijvmhsibH3ir0hNkRBpYiAdFARqdLrzPuBopNBmVERTeZb\ny5Vw7rn77LkOnn332cWy+gdbV8Gnw/krN+g45HO8rt8kMzuH7Nxcrt26Q8/RUzh06sM72kb078HI\nAT2ZMX36J2t/2draMm3aNPz8/AgLC2PBggVlNfNUVFQQCAQUFRWxe/duRe0sBZXOe2uxVlBQQEhI\nCE+fPiUrK+t9iVXwCRMUFMT27duB0kgsV1dXmjdvjru7O5qamgCcP3/+jTLU1NQwMDDAxcUFQ0PD\nStdZXkpKSpgydRpOLbpQs2nHqlZHwT8oLizg+Mqvce08hCeRwTyJvCc1J+DsXqJve6NrXI2e36zG\n2rU5hbnZ+Hv+jfe2ZRxbNpUp231RUpKtI1KNuk0Yv/bM+/4o750OE+azdoQ7y5YtY8GCBVWtjhRi\nsZiYmBhiYmJIT0+vsN7efxmRSISOTmlEQlpamqJWxRtQUlJCX18fW1tbbG1tP8oo4KVLl5KSlkab\nwd9VtSpyoW/nSq89T6pajY8CUXERgZtnIRaVYN99EjV7T0UgFBJzdgth+5cStGU2pm7tUFbXkkme\nYa3GeCzwrGSt3w0zt/ZUa9iRSV9O5l5QoFS0xvumpKSEaVOn0r1Da7q0/TSiFxV8WAqLipj8/SJK\nSkRM+2wE3345FqFQyPrt+1i4cj1Tf/yVzm2ao/38naQimrm7cunAlnfWa9Hsr6jTrt+/xv5ydHRk\n/vz5JCYm4uvry/Xr14mPjwdgxIgR/P7776ipqX0I1RV8xFSW/fVOO016ejrbt2/nwKEj+Ppcp6Sk\nuOKbFPwnKSkp4c6dO9y5c+etZdg61KRf716MHTu2yrvmvGDPnj2EhYYyedu7b24KpMnNTCPa35so\nv0s8iQph4iYvue733rqEgtwsukxexNYZvcqdE379NADdZ6zAsVknANQ0tWk77jueRIcQdvUksXev\nYtewzTt9lo8NLQMTPEbMZNmypUybNg0DA4OqVomSkhJOnjzJ7t17OH3mLJnP0qtapU+OIUOGVLUK\nnwy6egZ07dKZ4cOH0a1bN4RC2RzWlUl6ejrLlq/Aoe83qOubVbU6CoDC7HSSg6+QHORNZvx9Wi06\nW+E9yfeukJfyECPnpriMWFA27th3Bs9i75F46yRP/M9g6fH6eqKfIrVHLMR7Vmv27t3LiBEjKnWt\nPXv2EBoWyu7/KZz3/wXS0p9x8fpNLlz15V5oBNc9d1R4j9e1W8Q/SsSjcQOW/jCjbPy7KZ8RGBLO\n0TNeHD93maF9ulam6lKYGBkye/I4flm+7KOzv/bs3s3ZM6dJf5b5XuRmZGQwcuTI9yJLwb8HAz1d\nOnfpyrDhw9/Z/norZ1Zubi7Lli1j6bLliFBCv34X7MavRqtGXVQNzBGqf9jijwr+vYiKCynOSiP3\nUSjPwnzYuOswK1eupEfPXqz6bSUODg5Vqt8f6zfg3LI7Rpb2VarHP4kL9MHf828e3r/Ns+RHqGnq\nYOniTsthM6hRt4nU/LysDC5u/pnQKyfIz3mGqa0zbcfMIedZKkeXTGbwwq3UbtO7bL5YLObu6V3c\nObGdpOj7iEqKMbJywL3nGBr1Gf/W3vaS4iIS7t0iys+LSL9LJEYEIhaJUNfWw7lld7lkJUXfx2ff\nOvr9sAEN3dcbCtlpTwEwr1lX6lo1h7qEXT1JzN1r/zpnFoB773Fc2bGcHTt2VHltA09PT6bN+Jq4\nmGgMnJtj2GUaNRwaomFqg7KWPggUWfEK3gNiEcU5GeQ9jSU78jbng8+zv3dvrG3tWLPqN3r1Kt/p\n/aHYvn07IoESNh1GVakeryIWlRB7fivxl/eSmxQPiNEys8GiRT9sOoxGqFaawp0RHciVHzpTq/83\n1BrwjZSclHtXCd2/lMy4ewjVtajWsAvOQ75HVddI7rWeBnrhu2QYdUb9hK6Vc4Vy5UFUUkT6A3+e\nBnmTHOTNs5hgxGIRKpp6mDfqIpOM1NDS9HTLFtLOKkuP/iTeOklq6I1/nTNLy9yOau5d+GP9xkp3\nZm3YsJ5endriYCN7eQexWMz2A55s2XeUkLBIikuKqWlrzfih/Zg4cqCE7XLusg+9xnzF8rkzqefs\nyLwV6wgOfYCBnh6TRg1i1hdjAPhj217Wb9tP/KNErC2rMX/ml/Tv1uG1Oly6fosFv60n6H44Wpqa\n9OzYmp+/nYKxoaSdcu3WHf7cfYhbAfd4+DgJHW0tmtSvy6wvxtLM3VVi7qu6urnUYuFvGwi4F4aj\nvTU+njtfq8u98Ej6jptGQWEhhzavopFbHbmeEUBGZhYLVv7BkdMXeZaZRW1He36cPlHWv5LXUlRc\njO/tQC5c9eXCFV/uhoQhEonQ19WhZ6c2Msm4dqv0AL08Z9XQPt04esaLqzdvf3BnFsDnwwfw6+9/\nfjT218wZ04mKiaWFoxkz2tngbmOIrYk2+poqKH2EEcwKPj1EYjEZuUXEJGfjH5vGuYDL9N6/H3tb\nG1auWv3W9pfczqwjR44wZep0UtLSqdbja8zajFQ4rxRUGkrKqqgamKNqYI5+nbbQ/3sy7l3i8qFF\n1Hapw8yvZzB//vwqKXj85MkTbvreYMiiXR987TeRnfaULVMlHT+5z1J54HOWyJsXGbPqGNauzcuu\nFRcWsHV6L4li54/DA9j9/VBc2vaVki8Wizm8aCJB5yVPQ5OiQji5ehZPIu/Ra9ZqmfVNiY8gyv8S\nkX5exN69RmFeDkpCZSycG9Bm9LfYN2qHhXMDmdP8AMQiEZ7Lp2HfuB112vV741xN/dIXnicRweib\nWUlcS3z+TNIeRsv+eeIiWDO0Ac+ePkRTzxBr1xZ4DJtGtZr1ZJbxoVDT1MbJozsHDx2uMmMqMjKS\nL76czMUL5zFp0ge3z7ejbmpTJboo+A8gUEJZ2xAdbUN07BpQrdPn5D+N5dGxFfTp04d2HTqy4Y91\nVXZQcvDwEcwadkVZ4+Oxq0L3LiLy+B8SYxkxQWTEBKGkrIpt53EVykh74EfIzoWIRSUAlBTmE3dp\nF6nhN2m16GxZup28a8kqtyKyH0eRHOzN0yBvUu/7UJyfg0CojIF9fRz7f41pvTbo29dHIOM+lPMk\nFgAdKyepa7o1apfOSYqRSRZA9qMILk5vSl7KI1R1DDFybopDryno2UgfwlQ11T0G4PvbWJKSkjAz\nq5zowidPnnDjhi8HNq2U+R6xWMy4r+ey5+hpifHgsAimz19KUOgD/vj1R6n7bt0N5rvFqykuKf2O\n5eblM3fZ76ipqpCUnMrKjS+L8D+IjmPkV9/hYGOFa+1aUrJ8bwcyZ/EqSkpEAOTlF/D3vqP4+Adw\n3XNHWbpbUnIqHQZ/LnFvanoGp7yucu6yD2d2b8CjcYNy5b+qq0gkeu3zOHPpOiO/mkMNi2oc2fIn\nNSyqyf2M8gsK6Tx0IoH3w8vG7gSH0v+zGQzoLn/pjQfRcVy4eoMLV3y54nub7NxclIVC3N3q8P3U\nz+nYsinurnUQCmU73IqKSwDAxVH6wLmuU02JObIQHhVL7Ta9SXj0BCNDfVo2bsDMSWNwc5H+u64I\nHS1NenZqw+FDh6rU/pr85Recv3CRvg1rsHN4R2yNP569R8G/CyWBAEMtVQy1DGloY8jENg7EpGSz\n7HQYffr0oWP79qxbv15u+0tmZ5ZYLOaHH35gyZIlmLYYRL2Z36GiayL3B1Gg4J0QCNCv2w49l1Yk\nee9g1e/L8bp0meOeRz94AXlvb28ESkLsGrT+oOtWiADs3dvStP9EzGvWRcvAhPysDGIDr3P018lc\n3bVKwpl189BGnkQGY1yjJj1mrMDCuSG5z1Lx2beOm4elO1AFnd9P0PkDmNnVpuOkhVg6N0SoqkZi\neACn/jeb2ye2Ub/bcKxcGlWo6uohbqQnxgFgUN0G106DsG/UDtsGrVDX0n3rR3Dr6F8kx4YxZfvN\nCufWbNyBBz5nObl6FkpCZWzcWlCQk4W/59+EXzsFQF72M5nXzs1MIzczDYCs1CTueR0m9MpxBs7/\nC+dWPd/uA1Ui9o3ac2zpZAoKCj54TYOLFy/Sr/9A0LfAZfZhdGo2/qDrK1AAoG5qg/3nazFtMwq/\nPXNp6N6Yw4cO0L59+w+qR35+Pr4+PtSbtOaDrlsRiX5nEKpp0uDL3zGu0xIloQo5T6JJuHZIZmfR\nY9/jWLUejGOf6agbmJERE0zwljlkJoQS6bkWp0Gz32otWeW+iQvTGpP7tLS+i6apNZYeAzCp1xpj\nFw9UNN9uHyrOK60dq6otHRX8YqwoV/Y0nsLsdAqzS9Ou8zOSeHTjGIm3TtFw6gaqNZYvarmyManT\nCiUlId7e3gwePLhS1vD29kYoVKJtc9n3jD1HT7Hn6Gnq1HJg0ZypNHKri5qqCnfvhfL1guVs2XuE\n0QN70aSB5MHTgRPn+GrcML4aNwwjA33OXfZh1NTvWbRmEyKRiA1L5tKjY2uUlIQs++MvVm/eyf/+\n2s1fKxdK6XDo1AVGDujJnCnjMTcxJiAkjGlzl3AvPJKV67cxf+YXAAgEAtp7NGHy2KG41nbE1NiI\njGeZXLl5hwmzFrB8/dZynVmHTl1g9KDefDNpNHY1rF7r9Fm3dS/f/rKSDi2bsXPtEnS0NN/qGf2x\nbS+B98NxtLNmzU9zaFS/Dimp6azavIONO+RL/3Rq1YvYhEcA2NawYGjfbnRo2ZQ2zRuhp/N2DpbM\nrGwADPSlu4wb6OtKzJGFtPRnpKWX2oNPnqZw4MQ5jp7xYsfvv9KnSzu59evYshkTvl1YZfbXwP79\nsNBV4djUVjSxe7tIVgUK3gVbY23Wj3RnTAtbvj98l8buDTlw6LBc9pdMru28vDz6DxjIshUrsR+3\nCruxvykcWQqqFIGSMubtxuL8nSf3457QsFFjQkJCPqgOQUFBmFnXfG2XvKpC28CUDhPmEXB2L5sm\nteeXTtVZ1seR/fPHUpifS1L0fYn5IZc9EQgEDP5pO7YNWqGqoYW+eQ26TVuKvXtbKfl3T+1CSUnI\nyBWHqdmkAxq6Bqiqa2Lt2pwBc/8EIOy5E6gqyExJ5OKfP9Nh4gJ0TSrubtSgx0gsnBqQmfyYXXMG\ns6iLJSv6O+O9bRmunUoNcVnTJm0btmb4r3uZdSSc708nMGHjRWq36U1JcRHHlk2lIFd2o+lDUc3R\nleKiIsLCwj7oups3b6ZLl66oO7fG+TtPhSNLQZWjU7Mxzt95ou7Umi5durJ58+YPun5oaCjFxUUf\nXbSNhlE11A3MMW/YGRVNXYRqGuhau+AyfB5WrWVzVhjY16f+xNVomdsiVNPEyKkJjb/ZipJQhcc3\nX3b2k3ctWeV+eF5fMFneZhYmdVrSZNYOOq8PotuWSFr9cobqTXogKikiYNPXFOd9XPuKUE0DPQsH\ngoODK578lgQFBeFoZ4umhuxR+dsOeCIUKnFi+zo6t2mBob4uWpoaeDRuwLY1iwA4fv6y1H2dWjdn\n+dyZ1LCohpamBn27tqdHx9Y8y8rmx+kTGTO4D8aGBhjq67Jo9jT0dLQJiyg/mruRqwubls3H3toK\nLU0NWjSqz4FNv6GirMzh0y8765kaG/Lzt1+x69AJPPqMxsCpOVbuHRk+eTY5uXncC4ssV37j+nXZ\nsGQuNW2ty3VkFZeUMHXur8xcuJwJwwdy+M/VZY6st3lGR05fRCAQsHf9ctq2aIy2piY2Vhas+WkO\nbVtU/Z7+pl81eXvKtG3emMN/rSbu1jmS713l2rHt9OvagaLiYr6Y8zNZOfJ3Jqxfx4miKrK/unbp\nQtua+pya5qFwZCmocprYGXFqmgdtHPTp2qWLXPZXhZFZIpGI4SNGcuq8F05f70XXUbrejgIFVYVG\nNQecvztOxB/jaNu+I7f9bmJlZVXxje+BxMREtE0sPsha8pBw7xZ/T+9JSVFhudeLC/Ilfk5/FIOO\ncTVMbaXTIRwatyPK/5LE2NPYMESiEn4bUFqEX4y4zCp4YaQ/S5ItbHv63gBS4iOI9PMiys+LwHP7\n8Tv2N0pKQiycG2DfqB327m2xrN0QJaFsgaQnV8/CzK42jXpXnPoCoKyixpg1x7myfTn3Lh0lM/kx\nusbVaD54CtoGJgSc3YuWvrFMsoYt3i3xs4VTAwYt+JttM3oTc/cqsXevUqvFh6/N8CZeOPwSExNx\ndXWtYPb7Yc+ePUycOBGLnjOw6vU1KOoxKPhIUFJRw/7ztaia2TFx4kS0tbUZOnToB1k7MTERAA2j\nip3wH5I6I3/Cb9V4LkxviqlrW/SsXTCo2VAup5tJvTZSv+eaptZoVbMjJ/Hli7+8a8kq9010WHOL\n7MeRZTWyHl47SOyFbQiUhOjb18e0XhtM6rbCwKEBAhn3IWWN0qiPF9FUr1KUkwEgc9RX42+2Sfys\nb++G+7TN+CwaQErIdVLuX8e8YWeZZH0o1AyrlX2fK4PExEQsq8kXjX//QTQlJSLsm5fuwWLxS5vl\nxX8THkt342zZpKHUWA2LagB4NJGMjhIKlahubkpSSmq5OnRo2UzqcMy2hgU17ayJiI4rG/O9HUin\noRMpLCoqV07eP+y4F7Rv0eSNh2+//m8zmdk5fPvlWH6aNUXqurzPKCougepmptQuJ42vU+vmXLp+\n67W6/JOwK56ER8WW1si6eoM9R06xeddBhEIl3F3r0LFlU9p7NKVR/Tooy1gsWk+3NKIrPUM6uj7j\neYFzXRmjvg5u/k3iZ/d6Luxat4Quwydx+YY/l2/40aODfJkaFtVK03Crwv6a2dmJb7o4K8wvBR8N\naipC1o90x94kVC77q8Jd+ccff8TT05NaM3YrHFkKPkqUtQ1wnLqDsCV96NajJzeuX0Nbu/JzvnNz\nc1FRl62d74fk6q5VlBQV0mbMbFw7D0bXuDpCFVUEAgG/j2xMboa0kfU646e8E2Tx8xoMouc1Ssqj\npLh8A6w8jGvUxLhGTZr2n0hJUSEJIbeeO7cucXn7cry3LkVNSwenFt3o98OGN8rKy0wn7OpJABa0\nMSx3zqIulgDM90ouc5CpqmvSYcJ8OkyYLzHXc/l0AKrXcpP58/wTgUBAjXpNibl7lay0pLeWU1mo\napSm7mRlZX2Q9fz9/Rk7/jOqd5qAVe+ZH2RNBQrkQiDAqvdMRPnZjBk7DhsbG5o1a1bpy+bk5ACg\nrPZx7Su61i60W3mNtAf+pD3wIzXMl/CDK1DVNaTh1I3oWjl/kmu9inZ1B7SrO2DX5TNExUWkPfAj\n+blz68Hh3wg/tAJlDR3M3bvQ4MvfK5SnZW4DQFZCGIaOkin3mfGl0dFaZrZvr7BAgGGtJqSEXKcg\n4+nby6kkBKqaZGdXXsRYbm4uWhryRcW/qB/1ol5VeZTnPFJXU5Uae2EyqZeTGiYQCBDJG/bzD5av\n30phURE/TpvAsL7dqW5uipqqCgKBgHrt+5GSnlHufYYG0ul0r9KtfUvOXfZh6/5jDOjRiXrOjhLX\n3/YZvS9q2dtQy96GyWOGUFhUhO/toNIaWld9Wfz7n/yyZhO62lr06NiGLb/9VKE8e+vSw+2QB1E0\nbSjpLAoOi5CY8zYIBAJauLtx+YY/ScnlOzDfhLZm6Xf4Q9pfn40fx6S2NZnVtXL+LVWg4F0QCGBW\nV2eyC4oZN3aMTPbXG51Zhw8fZsmSJdiPW4WeU/M3TVXwLyIr4hYJnr+RHRMAIhFa1nWx6DEVfRf5\nThzelxxZEKpr4zDlb+4v7sFnn09g757dFd/0jpQ6ej6+I430xFi0DUxpO3aOxHja4xhSH7crTwQA\nACAASURBVEahoa0vMW5gYcvjsDskx4ZjYiNZxDLK31tKvnGNmiRG5PLN4bB3qmtVHkIVVWzcPLBx\n86DD5/PIzUwjys+bKD8vqfTI8hCLX2+AyUvao2iCzu9DSUn4TrWuxGIx8UG+AOgYVk4x3HfhhSNT\n3tSXtyE1NZUu3Xqg49SCGgOlC+0q+HfyKe4pANaD5lKYHEPP3n0JDw3ByKhyUzHKfgc/wqNygVAZ\nI+emGDk3BaCkIA+vr5sTsHEGrX45U+H9yUHeOA38VuKz5T6NIycxGk0z67deSx65sqKkrIJx7eYY\n126O85DvKcxOJznoMsnB3mTGh8okw8i5GZGea3l4/RDW7SXb0j+8duj5nKZvpR8AYjFp4aU1IdX0\nP2y9UJkQCCp1TxGLxXL/mtSytyEgJIyYm2ffugbTu3Lh6g3mfT1J4gAxJv4REdFx2FlbvhxLeISp\nsaFUV8DouIdExiagr6fzVus3rOfCt1+Oo/uoyXQc/DlHtqyhufvLwzp5n5G9tRX+gSHcfxAlFZ11\n7rLPW+n4AlUVFVo1bUirpg35adYU0tKfceGaLxeu+hLymjTLf+LRuAErNmxlz9HTjB8q2Qxoz9HS\nchgtm0jXHpMVsVjMdf8AAMxM5N8fPrT91aNbV1o6GDGvl0ulr6egcrgZncqKM6HcjUtHJBZTz1Kf\n6Z1q0cZJ9vcL21me5BYWl3tt2aD6jG4hfdAiz7q+USnsuxWPX0wq8Wm5aKgoUc/KgAmtHejoYi6T\njvN71yEmJZe+vXsREhr2RvvrtTWzcnNz+WraDExbDMKk+UCZFv5YyIq4xY3xFjw88XEVUf0UyLjn\nTciyATy7f5WSvCxKCnLIfOBL6KrhpPqf+OBy5EHN2AqbMavYt3cP3t7elbLGp4CeqSU5GcncPLyZ\n/JxM8nMyifA9z85vB5VFVb1K7dY9EYvF7Js3itiAaxTm55KRlMCZtd8T5eclNb9B95EU5eexbUYf\nHvicJScjhZKiQjKSEnhw4xx7544i+rZ03Ym3QVPXkLrt+9FnzlombpLWRWq+nhELL6eX+8fcoQ4A\nP5x5yMLL6RJpi3t+GM4Dn7PkZqZRkJtN6NUTbJ3Rm6KCfNx7j0XPtOJ00mu7V3P2j7k8Cr1NbmYa\nhXk5PA6/y4EF44i5exV1LV1s3Dze/mH8C5g7bx55xWA3/ncQyNaN6GNAsae8PZ/ynoJACbvxv5Nb\nXPrd/a9ydV4PYi9sI+vhA0oK8ynKzeRpoBeF2enkJsVVLABIj7pLwKYZ5DyJoaQgl7Twm9xaORZR\nSRHVm7w8LJB3LVnlvguq2gZYNO+D28TVtFp0VqZ7TOq0QsPYgtRQX0J2LqAwK42i3EweHFlF4q2T\nqOoYYu5eccp5pOdaQnYuJD3qLoXZ6RTn55ARHYj//yaQEnIdFU1djGsrDptlYezgPuTm5dNt+Bec\n8rpKSlo6hUVFxD9K5LTXNYZ8MUuutLi3wS8whImzfyIqLoGc3Dx8/AMYNHEmRcXF9OvaoWyeVXVz\nklPTWb99H8+ysnmWlc2ZS9fpPXbqGzsUykJtR3u8D27B2NCA7iO/5Myl62XX5H1Gfbu2RywWM+SL\nWXj7+JGdm0tswiOmzVvy3p+loYEeg3p2ZtOy+Vz33CHTPe08GmNV3Zxrt+4we9EqUtMzeJaVza9r\n/+ToGS+MDPTp2alNhXJWbNjKnMWr8AsMIS39Gdm5udwOvs+IKXO4fMMfPR1tWjV1f8dPWLnMmzcX\nivJYN6IBSlV4YHIzOhWzaYdZdfbD1gn7N3ApLIm+v1/hSvhTsvKLyCko5kZUCkM2XMcz4NFHsW5M\nSja9/3eF3b6xRCRlUVBUQkZuEVfCnzJikw8bLkXItKaSQMC6EQ2gKI95c+e+ce5rI7OWLl1KSmoa\ndb+e87opCv5liIuLiN4+G7GohGqdJmDZ/StQUuaJ198kHFlG9I7v0K/bFqHam7sXvS85b4NBvXYY\nuXVk0peTuRcUiLKyzA07/zW49xpLxM0LnFrzLafWfFs2Xq1mPUxtnclOlUx1a9JvIkHnD5AUFcLf\n014a/wKBAJc2fQjxPoqSskrZuFuXocQFXufu6d3s+m5I+Tr0HC2TrgvbGr8xXfFVtA1MmXU0vOKJ\nb8HDEP9yi9bbNWxNpy9+lhr/uYM5opJi5l9KKRvLy3qGz761+OxbKzVfSahMz1mrUdN6u9PUfwMh\nISFs2rgJ2zErEWr8d5/Df4l/w54i1NDBot93bNw4k4kTJnywuiYfE89ig0iP8C/3mnW7ETLJqN6k\nBwlXDhDvvVdiXLu6Aw69XtbukXctWeW+iePDLRDLuA+p6ZnQeUPFhc2VlFVw/Ww5N5eNJOrkBqJO\nvpIiLxBQb9wSqe6MJ0bVQFxSQs9dL18OCnMyiDq5nqiT66XWEAiVcf28NP1RQcWM6N+DKzdvs+Pg\ncfqNn17unHFD+laqDv26dmDX4RNsP+ApMV7L3oaZX7y0mz4b1o+z3teZMX8ZM+YvKxt3c6mFi6M9\nickpvAvWltW5dHALPUdPYeCEr9m8YiFDeneR+xl9OXoI+46dIfB+OF2GTyobFwgEDOzRiQMnzsms\nk5ZDozemN76KqbEh8X7nK5ynqqLCusU/0Hf8NNb8uZM1f+6U0HHNz3PQ1pRM69ar1YzikmJyIv3K\nxjKeZbF6805Wb97JP1EWCln364/oar///ed98cL+WjW0PjrqKhXfoOCjo6hExDf77lIiEjOpbU2m\ndayFUEnAlitRLDl1n9n779Le2QwtNdneexvbGXF8WsVR7fKuqyQQ0NbJjEGNa+BWwwALfQ2eZhWw\n9Vo0ay8+YNGJEIY3s5Hpe6ijrsIP3Z2YsXEjEyZOfK39Ve7ReHp6OsuWr6Baj+mo6n2E4csKKoWM\n+1cpSH2IrmNTbAbPR1nbEGVNXSx7TMOwQTeKs9NIv1vxqeT7kvO21Bg0n8iICPbu3Vvx5H8hTh7d\n6D93M2b2LqioqaNjZIZ7r7GMXnUMZVXp+g4qauqMXX0c915j0TIwQVlVjeq13Bi2eE9Z2qGGzsvU\nRIFAQJ856xi4YAt2DdugoaOPUEUVg+o2OLXsztBfdmLXsHLSfiqLYUv24NyqJ1oGJqiqa1K9lhvd\npi1j5PKDqKjJ1i2p1Yiv6T59Odb1mqGpZ4RQWQU9M0tcOw1iwsaL1GlbuUbyx86c775H26YuJs36\nV7UqCj4Q/5Y9xaTZAHRs6vHj3P9mdFarn09j22ksOpaOCFXVUdUxxLBWY9wm/IbLqIrr1gAY1mpM\n0zm7MbCvXyajRttheMw/JuHUkXctWeVWBaau7Wgx7zDGdVqirKFd1m2x2Zw9VG/aSyYZjn2mUXfs\nrxg5NUFVxxAloQoaxhZYegyg1S+nZZajoNR22bx8ATvXLqFdiyYY6OmiqqKCbQ0LenVqw/6NK2nn\nUbm1gZu5u+K5dS2NXF3QUFfDyECfMYP7cHH/nxJOlZ4d27B19SLqOtVEQ10Nc1NjPhvWn9O7NqBW\nTg2vt8HU2JBzezfRuH5dxs74kQ3b98v9jNTVVDm7ZyMTRw7E1NgQdTVV3FxqsX/jCjq1/jgiBju1\nbs75vZtp26IxOlqaZV0kj29by4DuHWWS8e3kcaxeOJsWjepjZKCPirIyVtXNGdqnG9eO7ZBZTlXx\n/Zw51KthwED3GlWtioK35HL4Ux6m5dLM3piFfepiqKWKnoYKMzo70d21Omk5hZwJfv9NN+Rd19pI\ni71ftKBfQyvsTLRRUxFiZajJ3F51aO5gTGGxiIgk2WvEDWpkjau1IfN+fH1pEoG4nETdNWvW8O13\nP+K24jZC9UrKKxeLeXp9H0+v7Cb3YRhiUTHqZnaYtR6BedvREvUPMu5dInTVCGyGLEDbviHxBxeT\nHROAkooaBq4dsBmyEGWt0pfthyfWkHBkWblLNvvrkYQsrRp1SDi6gpy4YNTN7ak37zQAosJ8Hp/5\ng5RbxyhIjkegooa2TT2qd/kS/TptJGS+Kk/T0pmEI8vISQhBqKaFQf3O1Og3BxWd0jzPrKjb3Fvc\nC/N2Y7AdvkhKv1S/4zzYMAnrQXOp3nmS1PXKJv7gYh6dXofdqKWYtZY8AU27c5rwdZ9h1mo4dqPL\nf77vW867ELlhEvYq6dy4frXS1hg0aBD3k4sYtPDvSlujKhGLRGyc0JYnkcF86xmJpm75BdUVfPrM\nb23Avn37GDRoUKXIf/jwIdY2NjhM+AMj9x6VsoZiT1HsKZW5p6T6HSdy82TiYmOxtLSs+Ia3YP/+\n/QwePJhee6Q7qimQ5GmgF75LhlFn1E/YdZ1Q1eoo+Af+az6nhZU6+/fvrxT5gwYNQpSTzq51SytF\nvgIFHwp124aVbn/ZWFuzYXQjernJ1oFdLIY9N2PZdSOW0MRMikVi7E20GdnclrEedhL16rxCkxi6\n4To/961HQxtDfjl+j7vx6agpC+nkYs7P/eqhr1nqgF11Nowlp8qvf5u0pp+ErDqW+iw7dZ+ghxk4\nmGpz7pt2AOQXlbD24gOO3nlIXGoOaspCXGvoM6W9I23/Ub/pVXnO1XVZcvI+9x49Q0tNmS51q/FD\nDxeMtEsP+f1j0+i+yptxLe34dYB006djdx8yYest5veuy5ftasr0HN8nvxy/x+8XHrBicH1GNpes\naXUq6DFj//JlRDMbVg6puAac7SxP6ljqyRSZ9T7XHfjHNa6EP8VvXmdqGMl+2HTs7kO+2OFPbGxc\nefbXgXJj0Q4eOoJ+/S6V6siK+HMqKb6HJYZzH4YSs+sHchPul2uUZscEEn9wMaLiQgBEhXkk+xyk\nIOUhLrMPyaVCVqQ/cft/QSx6XgDteeFocXER91cOIeuV8FKKC3kWep1nYT7YjfgVszYjXyPv57JQ\ndVFhPk+v7CYr4hZ1555CqKaFjn1DtG3dSPY5SI0B30ulRDy5tA0lNU1MWw6rUH/fz2vIHBavomuC\n+6qACuflP40FQNPCSeqapmXt53NiPpicd8GoaT9urhtPUlISZmYfX9Htj42z637EvGY9rF2boaVn\nTOrDSC5vX0FiRBC29VsqHFkK3oljx46hrKaJoVsltY9X7CmKPaWS9xTD+l1QVtXA09OTL7/8slLX\nUqBAgQIFCt4Hx44dQ1Ndha51q8k0XyyGyTv9OOSfIDF+//EzvjsYQMijjHIdF3fj0/n5+D0Ki0tt\nn7zCEvb7xZOQlsvRqa3k0tkvJpWFx4IpFpXG2zz/D0UlIgb+cY1b0S87RxYWi7j2IJnrEcksHVh+\n8XK/mFQWHAum5Lmg/KISdt2I5VZ0KmdntkVLTRl3G0Pcahiw/1Y8P/asI5Wut/VaNJqqygxvZlOh\n/tVnHClbqyJMdNS490v3CufFJJd2O3aqJt14q3b10i6mMSk5Mq0JEJGURZOfz/IoPQ9DLVWa2hvz\nVQdH6lpKNgl713VFYjFJmfns9Y3jSvhT2jmbyeXIAuhWrzoaqiqvtb+knFn5+fn43vDBdtwquRaS\nh2TfQ6T4HkbT0gnrAT+gbdcAJWVVsuOCiN09l6QruzDxGIyOfUOJ+1JuHsGszUiqd56Eqr45OfHB\nRGycTOYDX3IS7qNlVRvLHtPQq9WMe0v6YtX3Wyx7TCtXh1T/E5h6DMGi22TUTKwRKAkBeOL1N1mR\nfqgZWmA7YjG6jk0oycvi6bW9JHiuInbvfAzrd0blH+mXqf4nMGkxCMse01DVMyU7LpiYXd+T+zCM\nx6fWYdW3tHaReftxRP45lRSfQ5i1HVV2f97jB2SG38Cs7SiUNd9vhzhZKc4rDft7EZHwKsrPO+C9\nmPMh5LwLerVbIlAS4u3tzeDBgyt1rX8DKQkR+OxfJzWuqqFFlynSER8KFMjDRa9L6Do1R6BcObUa\nFHuKYk+p7D1FoKyCrnMLLlz0UjizFChQoEDBJ8ElLy9aOBijIpSt6c5B/3gO+SfgXF2XuT3r0tDG\nAFVlJQITMvjhUCA7b8QytKkN7jaSh9yHbycwuoUtX7SrSTU9DYISMpi03Y8bUSmEPHqGi4UeMzo7\n0bymCb3WXGZOt9rM6Cx9QAXgGfCIYU1tmNLeERtjLYRKpaFgf12J4lZ0KhYGmiwd6EZTeyOy8ovZ\n7RvLyjNhzD0SRNe61TDVVZeSN6SJNdM71cJMV52ghAzmHAwg9HEmv198wJxupYdin7e2Z/IOfw74\nxTPGw67s/gdPMvGJTGGMhx16GlVTcywrvwigLMrtVV6MZeUVySwvPaeQ9JzSg9ykzHyO3X3IqaDH\nbBzdmO6u1d953YikLDwWv6xrp6YiZKyHHXN71ZFZxxeoCJXwqGmM18WLsjmzQkNDKS4uQquG/IvJ\nSvK1fQiUhDh/vUeiJpeuY1NqTlhHwNy2pN89K/Xioe/SGruRS8p+1nFoRPWuX5advGtZ1ZZZBx27\nBtiPWSHVAjvV7zgANb/YgI5dqedZqKGDZa+vKcxIIunyTtICzkmlOmjbuuEw9rcyebqOTag1ZQsB\nP7Qi9fbJshcP40a9iDvwC08ubZN48XhyaRsA1dqPk0n/ppvjZf6ssvMGL7JcbWPfl5y3R0lVA53q\n9gQHByucWTLQZcpitPSNiQvyJfPpI9S0dLB2a0HbMbMxtXWuavUUfOLcDQhEo27vSpOv2FMUe8qH\nQMOqDgGBnhVPVKBAgQIFCj4CAgPu0LeW7Adae27GIVQSsO8LD8xecQo1szdmw6hGtPz1AmeCH0s5\ns9o4mbFsUP2ynxvbGTGlvWNpNNfjUmeWrDS0MeS3IQ3+aU6Vdc7bPKYxDZ+vr6OuwjddnHnyLJ8d\nPjGcvZcolQ5X39qA1UMblslram/Mts+a0WLReU4EPCpzZvWub8nCY/f4+1q0hDPr72vRAHzWyl4m\n/R+vev81ct9s6chnB7V0NGFkc1tcrfTRVFMmMimLtRcfcDzgEV/vvU1rJ1O0n0emva91C4pK8I9N\n4/7jZzSyNZJLX4C6FrocDSw/I0DKmZWYWFrES9WwutTk90Xu4weIRSXc+aa0jWlp2a7nD+S5YVqQ\nJt1iUtepmdSYuklpMbuS/Gy5dNCr3VLqpQMg72ksytoGZS8dr2Lg2oGkyzvLUh5eRd+ltZQ8dRNr\nNMzsyUuKKhsTKKtg3mYkCcdWkvnAF13HppQU5JB84xD6Lq3RqPbh83BfoKxR+o9dcU6G1LXinGfP\n51TcNed9yXlXlPWrlX2fFbwZI0t7+syRjsxSoOB9kPQkkeqtFXvKP1HsKZ/WnqJqUI3EJEU9q48B\nU9d2itpiChQoUFABiU+SqN5E9kPp8CeZlIjE1J9fWvNTLAbxc3vqxdnRw/Q8qfuaOxhLjVk/TyfL\nzi+WS+dWtUzLM6eISc7GQEu1zJH1Kp1czNnhE1NuylsbJzMpedZGWtiZaBOd/NLWUxEqMbqFLctP\nh3IjKoVm9sbkFBRzwC+BNk5m1DSrus6xus+7/2XkFkpdy8gtjYzSkTFqbPvnkravWw0DNo9pQv91\nV7keUZqy2blOtXdat6aZDklr+lEiEpOcVcDF+0+YfzSYAeuucfW7DnKnGlbX1+DJk7hyr0k5s3Jy\nSr8EQlVNqcnvC7HoeS2RN9TnEBdLh6wpqZTTVazs2ymfV1JZ2+ANV8v5DXqPmLUZycOT/+PJpW3o\nOjYlxecQJXlZmHf4TGYZlVHfRN3UBoDcR2HoOLhLXMt9eP/5HOlc5MqS886oapKdLd8LqQIFCt4/\n+Xm5ij2lElHsKR9mTxGqaZGXo9hTFChQoEDBp0FuXr5U/ac3IXpe6+lNNZ+KntfFehUNFaHU2Atz\nSiynPWVYTkpbmUy5JMnP6BZ2rD4Xzt9Xo2lmb8wBv3iy8ov4vLVsUVlQOTWzbE1KnT9hiZlSkU33\nH5ce6tkav30HX4EAmtgZcT0imaeZ+e9tXaGSAHM9dYY3syG/uITvDwbiGfCIKe0d5dJPS02Z7Fxp\nJyqU48wqa25Ynkv0PaFRzYGcuGDcf7uLsDJOUwWlecHiEvk8wQAapjZkRd8hOyYAbVvJbgbpQReB\nl4b1q2SEXMaqzyyJ55afHEdeUpTUfBVdE4wb9Sbl1lGKnj3lifc21M1sMajbVm593yc6jk3h9DpS\nfI9Ipbwk3zj8fE7FbYvfl5x3R0A5zToVKHgt8cG+XPp7KY/CbiMWiajm6ErrkTOxb9ROZhlikYjA\nc/vwO7aFtIfRiEQlGFrYUr/rcBr2HI3wH3Wj4oJuEHBmD/HBvmQ8iUdFTYNqjm40GzAJx+aSBdNv\nHFjPmbXfv3H9jpMW4DG0/LpOVYVYLFbsKYo9ReLaJ7mnCBR7igL5SAu/SfihlaRH3gWxCD3bujj2\nmY5JvTZvLfPu+qkkXCntEtjt7yiU1SVfJE6OsaOkILfce+uNX4pNh9HvJF+BgsrAxz+AX1Zvwj/w\nHiKRGLc6TsyZMp4OLZvKLKOwqIhVm3aw99hpouMeoqmhTotG9Zk7YyKutWtJzReJROw+copNuw4S\nGRuPqESEnbUlowb0YvywfqgoS74mG7l4kPOaF+rff/mOz4cPkO9DfwDk3bNqmukQ9DCDoJ+6oVsJ\n9aGel78qK+4uD7Ym2tyOTeNuXDr1rSUPEC/cL43ULc+x4h2WxOyutSXM0LjUHKKTs7H5x3wTHTX6\nNLDk6J2HPM3MZ+v1aOxMtGnvbC63vu+TpvbG/H7hAYf8E6TSKA/6l5aJaFZOdJysiMVw83lh/Vdr\njr3PdV80B8iSM1LvpY7lf2dkd9W+R8xaDiUy4hb3VwzGstfXaNvVR1lDl8JnSeQ+Cufp1b2YtxuN\nnrPHW8l/USQ2K+ImxdnpFZyYS2LUqCdZ0Xd4sGEStsMXo1uzESX52Ty9to+ky7tQUlbF0K2T1H3Z\nMQFEbZ2JRfepqOqZkhN/j+id3yMuKcaoobTHtVrH8STfOEjk3zPJfRiG7bCf5XrZq4z6Jvq1W6Jm\naEHmA19i9y3EsvtXCIQqJF7cQtqdUyhrG2LYoMsHk6NAfuKDfflrSlfajf+B1qO+qWp1Pikib11k\n1+zBiF6JTokL9GFH0A0GLtiCS5s+Msk5vGgiQRcOSow9Dg/gcXgA4T5nGLHsAILnv+tpj6LZ8lU3\nibnFhQVE3/Ym+rY3nSf/QvNBk+X6HHYN5Osa829Asaco9hTFnlI5pIXf5NqC3jgNmo1j3xlVrc4n\nxdOgS9xcOkIi4jE11JcbYUNxn7qJ6k17yi0z5d5VEq4eQKimQUlB+S/V70Jly/834+MfQLuB45k/\n8wu+myJ7VKwCOH/lBn3GTaWk5GXEz7Vbd+g5+i471y6hf7cOFcooLimhz9hpeF2/WTZWUFjIiQuX\nOX/lBqd2/kGLRvUl7hn39Vz2HjsjMXYnOJQ7waGc8rrKsb//V2av/VcY1tSGm7tvM/CPa3zTxZkG\n1gboaqiQ9Cyf0MRM9tyMZayHHS0dTSsWVg4viob7RqeQnlOIgdbro7D+SS83C27HpvH51pssGehG\nE7vSAvB7b8axwycWVWWlsvS4V7kbl86MPbeZ9rwAfPDDZ8w5EEBRiYgebhZS8z9v7cABv3im77lN\n6ONMFvV3les8tjJqZrWuZYqFgSY3olKYfzSYaR1roawk4K8rUZwMfIyhlipd61ZczuP3Cw9IzS6g\nd31LbIy1UFVWIiIpi3UXH3A9IhldDRWJlFF5111zPpzMvCJ6ullgbaSFpqqQpMx8zt57wtJTpZH0\nTe3lr5n1JqrEmWXSfCDPwm+QfH0/Yf8r/4TIrHXFrcRfh7qZLaoG5jwLvY7ftJeF7Jv9JV0z5Z+Y\ntxtL6u2TZEX6E7ZGul26zdCfpLpOARi5dyfZ5yBPr+2TGNeo5kD1btIvo1rW9dBxcCcj2Auhhg4m\nLQbJ8tEqFYGyCnajlxK2ZjSJ5zaReG7TKxcF2I1YLNX6/eZEW8SiEokXobeRo0BBVVJSVMjxFTMQ\niUpoPmgyLUfMQEmozM3Dm/H6axEnfvuGmk06oqrx5u9tYkQQQRcOoqyiRs9vVlGrRVeUlIRE+V/i\n6NIpRN66SPRtb+zdSyNmBAIlHBq3x7XzECyc6qNnakl2WhJ+R7dwbc8aLm76mYbdR6GmVRpt1Gzg\nFzQb+IXUuoX5uazoWws9Myuq16ovdf3fjmJPUewpij1FwceEqLiIwM2zEItKsO8+iZq9pyIQCok5\nu4Ww/UsJ2jIbU7d2ckU9iYoKCPzrW6xaDuRZXAiZcSGvnWtYqzEeC+RrViCPfAUK3heFRUVM/n4R\nJSUipn02gm+/HItQKGT99n0sXLmeqT/+Suc2zdHWfHOpgl2HTuB1/SbVzU1Zt+gHPJo0IDs7hz93\nH2LR/zYzafbPBJw/iPB5V7+AkHD2HjuDmqoq6xb/QPcOrRAKhVy86svEbxdy7rIPXtdv0d5DMuq3\nmbsrlw5sqbTnUdUMbmzNjagU9t6MY8Qmn3LnjGj29mn9dibaVNPT4NqDZJy+P1E2nrSmX4X3jm9l\nz4nAx/jFpDJ8o7Ruv/Rzk+pkCNDTzYL9fvHsuSlZc6mmmQ5flZPu5mqlTyNbIy7eT0JHXYUhTaxl\n+WiViopQiRWD6zNikw8bLkWw4VJE2TWBAJYMdJNKJ7WaeZQSkVjCufYsr5D1lyJY/8r9L1BWErBi\ncH101F9G5Mm7bnpOqfy1Fx+U+zn6u1vR1slM/gfwBmTr0/m+EQhwGLcKx0kb0KvdEmVNPQTKKqib\nWGNYvwu1pvxVWkz3bcUrCXH8cjM6NRujpCZfnRaBsgq1Z+7DstfXaJjbI1BWQaiujZ5Tc5xn7MSs\njfTLCJR2wXKesRNtWzeUVNVR1jbEtOVQXGYffq2R/UKWqccQhOra8n3ISkK/Tltcvj2InrMHQnVt\nlNQ00XVsgvOMXRg1kv0U8X3JUaDgQxB9+zIZSQlYuzan8+Rf0NQzQl1bj9ajvsG5VU9yn6USdu1U\nhXKexoQBUL/bMNy6DEVDRx81LR1qt+5Fs4FfSswBMKhuw8jlB6nXYQBGlvYoq6qhlvRxfgAAIABJ\nREFUb16DjpMWYOPWguKiApLjwitc997FQxTkZtOg24gK5/4rUewpgGJPUaDgYyH53hXyUh5i5NwU\nlxELUNUxREVTD8e+M6jWuDuFWWk88T9TsaBXCD+0guLcLFxG/lQpOle2fAUKysPr2i3iHyXi0bgB\nS3+YgZGBPvq6Onw35TP6dGlHanoGx89drlDOiQtXAFjz02y6tvNAR0uTamYmzJ0xiV6d2hARE8dl\nX7+y+aERpY1URg3sxYj+PTDQ00VXW4u+XdszdfxwAO4/iJJe6F+OQABrhjVk05jGtKplir6mCipC\nJayNtOhatzpbP2tKq1pvF5UFpTWU/hrXhCZ2RmiqyhdToyJU4uBkD77p4oyDqQ4qQiW01ZRpUdOE\nPZNaMLpF+U62xrZG7JnUgvrWBqirCDHUUmVYUxuOTW312npiL2QNbWpd1tmvqmnnbMaRr1rR0rG0\n26CmqjJN7Y3ZO6kFvetbyiRjWsda/DrAjab2xhhqqaIiVMLCQJMB7jU4M7NtuXLkWffrzk4sGehG\ncwdjjHXUUBEqYaKjRvvaZmwc3Zh1Ixq9l2fxKlX6t2PUqKdMRqh+nbavPQF/3TUduwbUmXNELlkv\nUFJVx6r3TKx6z6xQt1fRq92KurVlT/HJibsHAgHm7cbKtU5lo1OzMbW/2VfxRKDJxpj3Iue/hFgs\n5u7pXdw5sZ2k6PuISooxsnLAvecYGvUZLxHSHHnrIjtmDaDLlMVYuTTi/MYFPAq7g7KqOrWadabL\nlMVo6JamPF3evgKvvxYB4PXXorL/B1h4OV1CVrWa9fDaspjEB4EY16jJxE2XACgqyOf6njUEXzxE\nRmI8QlVVqteqj8fQqTg0bi/xOV6VZ2ZXG6+/FvEkMhhVDW2cPLrR/vO5aOmXhqomhPjx55edaNz3\nM7pPXy71TO5dOsKBBePo9MVPtBjy1ft94DIQG1h6wlOv40Cpa66dBhF65TixAdfLvf4qOkYVb/A6\nRrKdSCgJS09GtAxMKpx7+8R2hMoq1OtU9dE4VYliT1HsKf9JxGLiL+8lzmsXWQmhiEqK0a5mj3X7\nkdh2HCORbvo00AvfJcOoM+onDBwacn/PL2REByBUUcOsQSdcRv6EqnZpWu2DI6sI278UgLD9S8v+\nH6DXnicSsvRs6hJ2YCnPYoLRrmZPq8XnACgpzCfy+Foe+RwlNzkeJWU19O1cceg1GdN6kjXdXpWn\na+VM6P6lZMbdQ6iuRbWGXXAe8j2quqXpCekR/lyd1wPbTmOpO/ZXqUfy2NcT/zUTcBk+D/seX77X\nxy0LqaE3ALBs0V/qmqVHfxJvnSQ19AaWHtLXyyMzIZSoExuoP3lt2d/P+6Sy5X8siMVith/wZMu+\no4SERVJcUkxNW2vGD+3HxJEDJeyvc5d96DXmK5bPnUmT+nX5Yenv3A4KQV1Nla7tWrF87kwM9Us7\nrf669k8WrlwPwMKV68v+HyA/5raELDeXWiz8bQMB98JwtLfGx3MnAHn5BazcuI0Dx88Sm/AYNVUV\nGtSrzcyJo+nYSrL72Kvy6tRyYMFv6wm6H46WpiY9O7bm52+nYGxYahvevBNE6/5jmTRqEKsXzpZ6\nJgdPnmfElDn8+v10Znxe/uFKZXLt1h0AhvbpKnVtaJ9uHD3jxdWbt8u9/ipJKaX1fsqrjVWvdi08\nz3lzxfc27VqURlqZmVSc6mRu+vY1iD51ete3lMlB0s7Z7LVRVa+71tDGEM9preWS9QJ1FSGzujoz\nq6vsHRqhNF2utRxOuKCHGQgEML6l7IXfPwRN7Iw4OFm2khkJK6XLo+ioqzCupR3jWtpVyrq6GiqM\n9bBjrId88t+Fj8PV+B9DLCrh2f2rJD3vPKVuWvXhiwo+DGKxuLSm0vkDEuNJUSGcXD2LJ5H36DVr\ntdR9j8PucGHjQoqLCgAoys8j4Oxe0p/EM+5/J+XSIeHeLc6tn4foeTHrF53gSooK2T6zD/HBL+sN\nFBcVEHPnCrF3r9J9xkoa9ZZ+SU64d4tzf8wtqzVVVJDP7RPbiQu6wcRNl1DV0MLKpREWTg0IPLuX\njhMXSKXr+R39C1V1TRr2GFWh/gvbGkvUtXoT2gamzDpacWRT2qNoAMxsa0tdM7N3kZjzJmzqt8TU\n1om7p3ZjWbsRTh7dEAiUiPK/xI0Df6BnZkmt5q83yMQiEVlpSdw9tYvo2944NG6PQbU3//vwNCaU\nh/f9cW7Zo8x5qOC/hWJP+Q8jFnPnjyk8vHZIYjgz/j7Bf39HZlwIrp+vkLotIyqA+3t+QVRU2m67\npCCPhCv7yU2Op8W8o3KpkPbAj5BdP5U1SHhRpFVUXMSNxYNIC79VNldUVEhKyDVS7l+n3rgl5RYj\nT3vgR8jOhWW1pkoK84m7tIvU8Ju0WnQWZXUtDGq6o2/vRsLVAzgP/VEqXS/m3N8I1TSp0W54hfof\nH24hcydPNT0TOm8IrnBezpNYAHSsnKSu6dYo3Wdykl7vuH0VsVhE4OZvMHFtg0Wz3jLdk/0ogovT\nm5KX8ghVHUOMnJvi0GsKejZ134v8TxGxWMy4r+ey5+hpifHgsAimz19KUOgD/vj1R6n7bgeF8OPS\n3ykoLP1dyc3LZ9fhE8Q9fMyFfZvl0sH3diDfLV5NcUnp90303P4qLCqi28gvuOEfWDa3oLAQbx8/\nLt/w538/zym3uLjv7UDmLF5VVmsqL7+Av/cdxcc/gOueO9DW1KRJg3q413Nh16ET/DL7K6l0vY07\nDqClqcHYwRXXBdVyaCRR1+pNmBobEu93vsJ5UXEJALg4SjsN6jrVlJjzJowNSp2wgffDqWEhWTcp\n6H6pHRgZ8zJ9vXXTRtR2tGf7AU+a1K9Lj46tUVJS4uJVX/731y6sqpvTvb30YVJ4VCy12/Qm4dET\njAz1adm4ATMnjcHNRdqJpuDTo0Qk5sqDp2y9VtrN8J8F4hV8fFRNmuF/mIRjK/H9vAahq4YjKi7E\nouuHPzFUUHUEnd9P0PkDmNnVZsSyA8w5Hs0PZx8x7n8nMXeow+0T20gI8ZO+78JB6ncbxrTdt/nx\nXCLj155Bz8ySuEAfnkTeA6D1qG8Yv7bUSGs3/gcWXk4v+/MqId5Hces8hKk7/Zh/KYVJf5aGb988\nspn44JvomVky/Ne9fH8qnq8P3KPt2DkgEHBm7Xdkpz2V0i3E+yiunQczbfft0s/y+ynM7GqTEh/B\ntd0vHXNN+k+kIDebwHOSkRXJseHEBlzHtfMQ1LX13u0BvyUFOVkAZVFur6KhUzqWn5NZoRwlJSGj\nVx2jdpteHF06hV+727C4Ww32zRuNbYNWjPvfSVTUNaTuS4mPYH5rAxa0NWJl/9pc2bGCxn3GM/in\nbRWueft46Zz/bIrhfxzFnvLf5uG1gzy8dghdK2eazt5Nl81hdN8aTYt5R9G1diHOayfpEf7S910/\nTI3WQ2m/6gbdt8XiscATDWMLUkN9y2olOfadgceCYwA4DZpNrz1Pyv68ymPf41i1HEi7367Tc9cj\nWv9a+gIbc/Yv0sJvoWFsQZNZO+i2JYKOa+9Qa8A3CBBwb/s8CjKk95THvsexbDmgVLet0bSYfwxd\nK2eyH0cS6bm2bJ5dl88ozsvm4VXJw6Gshw9IDb2BVatBqGhWzZ5SnFe6p6iW0yzixVhRbsV7CkDs\nua1kPQyn3vhlMq9fmJ1OTlIsopIi8jOSeHTjGFd/7EbiLenDr7eR/ymy5+gp9hw9TZ1aDhz7+388\nvnuJ1JBrXNi3mXrOjmzZe4Sbd4Kk7tt77AyjBvYixPso6aE+XDqwBavq5ly7dYeg0NK6MN9N+Qyv\nA38BMH/mF+TH3C778yqHTl1geP8eBHsdJifSD98TuwFYv20fN/wDsapuzuG/VvM0+AqRPqf4cfpE\nBAIBs35eSVJyqpRuh05dYFjf7oR4HyU15BoX9/9JnVoOhEfFsnL9S/th8tghZOXksvuwZLmE0Iho\nrt68zfB+3dHXrYROwDKQmZUNgIG+9O+qwfPItxdz3kSn1s0BmD5vGae9rpGdm0tiUjI/r9rA8fOl\ndu7/2TvvsKiOLg6/W1h670VAQJEmKgjYxd5b7NEYNWr8YmIviRpNjImJicZEk2gSo7HX2HvsDTso\nIipSRUF6s1D2+wNd3OyCi4qg3vd5fNyde+7c2YFl5p57zu9kZGUr7CUSMXtW/UaPDi0ZPukLbHyb\nY+XTlH7/m0TzhvU5sO539HRV9ZfS0jO5FZtAfkEBd5NT2LBjH026vceWPQfL/+EFqhRzd0dgN/Yf\n+v56gkcFRYxqKTgoXweEyKxKQmZijV3bkZj4tKjsoQi8Qi7uWoVYLGHg95uV0s2cfBvSc/ofLBwU\nxLXju6jmpZxT7Fq/BZ3GzVO8d/QJpHG/0cXRXFFXsHHzRlMcPP3pMkm1Qkv4oeKn8b1n/oWDpz8A\n2vqGNH9/Mtkpdzm3fRnXTuzCv/P7SufZe/jRdfJCRX9OtRvQb/Yqfh4YQPjhrbQYOhUA7+Bu7Pt1\nOmf++YP6XYcozj+z5Q+g2NmlCTMOpWj8WTWlzNLF5SxrfOd6GHduhCki3p6QFBVOwtVzmNg4PrOP\ngkcPiQ8/S1JUONW8A8q0C92/HkNza9yCnl3tR+DNRVhT3k7ijqxFJJYQ9NladExK1hRzjyD8Rv3K\noYlNuXNuD6Y1/JXOs6zdnNpDS9IGzdwDcOs8ist/fUpmbDhGTl4aj8G0hh91hs9TqZ6ZGLIdAP9P\nlmBaww8Aqa4h7u9M4EF6ErH/ruDu+b04tVRObTJ1rUvdET8q+jOvFUjAhGUcHNeYxJDt1OpdnCpl\nF9SV8FVfEr1/Gc6t31ecH7P/LwCqtx2q0fg7r3p2IYfyU/q6UeZ68x8epN0hYt03ePabhq6ZapUu\ndVh6N8GpxQBMXHyRaOsVOwG3LyQxZAeXlozD0qcZUl2D5+7/dWX5hm1IJGJ2/L1IKX2scUA9li+Y\nTd02vdi+/wiB9WorndeqSRA/f/Wp4n0Df1/GjxjEmBnfcjniOrU9VAWkSyOgrg+/zZmusv/atOsA\nAKsWziGgbnH0nJGBPtNGD+dO0j3+XLOZHQeOMLSfcgpWfV8vlnw3Q9Ffo/p12bBkHrVb9mDz7gPM\nGF9cMOadjq2Z8vWPLF6xnuEDSiK8Fq8sdgT/b1Bfjcafe1P1YeuL8rK2X4P7dmPlph2cCwun+9DR\nSsfe7dGJVZt3IBYrx3BcvBLBpfBIRYTcEy5fu8GZS1dwclCuDhfcMIAh/brj5+OJnp4ukVHRzPvt\nbzbvPsDIKbNo2SQIQ/3y6WoKVD1sjHX4X4uatPR8uULlAhWD4Mx6QTTRS3ma59FNEXhzSI65RlFR\nIfN6Ft8oyJErVusnG9zMJNVw6up1VPOUTe2cAXiU9+wnVk/j6t9cbanhtNvR6BmZKRxZT1OzYVvO\nbV9G2m3VtAi3+sEq/ZnaOWNezZXU+BLxTImWjPpdh3DorznEhp7Eybchj+7nErpvHa71W2DppPmG\n8GWjY1D89O9+VrrKsfs5GcU2+kbP7Od2xHlWTemDiXU1Bny3gWpe9RGJJSRGXmT3T1PY8MVQtPWN\nqBGo7HiycKzBF0fSKSoqJDftHtdP72PvL9NYPq4rHy0/XWqq4dUj27iflU7jfqMRiyXl/dgCVRBh\nTREoD9nxkciLCtn/Ub3iBrm8eF15/Brgforq75OFZ0OVNv3H6akFD3LLNQZL76YqjiyA3LvRyAxM\nFY6sp7Gu15rYf1eoTbWzrN1cpT89Kyf0bV3IvVOS7i2WauHc6j0iN35PasRpzD2CKHiQS/yxjVjW\nbo6hfY1yfY6XiVS3eL14lKO6puTnFq8pWnrPXlPC/voMI0cPtemYpREwQTmi18S1Dv6jf+fk7J6k\nhJ8g5eoJbPzaPnf/rytXr9+isLAI18ep/nJ5yb7ryf/xiXdVzmsapLonqu5oD0B2Tl65xtCyUaDa\n/VdUTDxmpsYKR9bTdGjZhD/XbCYqRnVv2KpJA5X+qjvaU8PFiRu3Siq3ybS0GPZuT776cTHHz1yg\ncUA9cvLyWL15J62aBFHL7fmr070oxkbFjtX0jEyVYxmZxdGLRobPLmiiLZOxd81i5iz8g40793P7\nTjJ2NlaM+WAAVpZmrNq8Q6EjBnA2NJzuQ8fgaG/L1r9+IrBebSQSCRfCrjL+i7kM/PhTjAz0adu8\nkeKcjb/PU7qmf20vVi2aQ7t3P+TIqXMcOXWWTq1UtaAEKgdNNLie5nm0uAQqH8GZJSDwCnkSrVOW\n5lNhQb5Km1RbNdT5yQamPE95AXSNzEo/qGaT9TLx7zqYoyvncWbLnzj5NiR03zoe5mbToOeHGvdR\nEZpZZvbFQoVJ0VdVIqGSosKVbMriws6VyIuK6DD6OyWHVfW6Teg2ZRGLhwdzbvsyFWfWE8RiCYYW\nNvh1eo+CRw/ZtWAS4Ye30LjfaLX253f8DUDdDs/WhREQEHjzkMuL15SyNJ+K1KwpEpnqmsKTP//l\nXFNkhqqpdCV9Vuya4txqEDe2LCBm/1+YewSRcGwDBfezcWk/TOM+KkIzS9/GGYDs+GuY1VSOtM6K\nu1psY122A+FRTgZ3zxVLB2zrrz5qatfgYp2hzisTEEnK2NKLRJi5B5ISfkKR2vlS+38NeBJ9U5bm\n06N81e+Kro62Spti/1VGBJ46zExLT3sVUbHfleHv9uS7RUtZvGIDjQPqsXrzLrJychk1uL/GfVSE\nZparUzUAwq9HEeTnq3Ts8rUbSjbPHJ+eLrMmfcysScqFhP736VcA1PMpcVQsW7eFoqIi5s+cpOSw\natbAnyVzZ9KwywD+XLNZ6Zg6RCIRjfzrcOTUObWpoAICAhXL670yvQbkxIRyeVYHHLqMezOfnsuL\nuHdqE0mH/uZ+cjQUFaJt6YxV4z5YNxvw2m9+XjYWjjW4cyOPCZuvaRTpU15EouIQ6ifi7uXBzL46\nCVfPcTviPPYeyk/Sb5zep7D5LzfPHiJ4yGdKTwfTE2NIjY9SRI89wcDUCu/g7lw5uJmctGTObvkT\ncwdX3Epx7rwqnH0bcnz1j4Tt36CSRhm6bz1QnAr6LPKyVZ/CP+HJTef9zDSNxlT4WOz/iZ7Xf0lN\niCI29ATVvAOwcKy8CASBiuGNXzsA5HKST6wj+ehq8hKvI5JoYehaD7t2/8OoZqCS6cPUBNJD95N+\naT+ZkSeRF+TjMXYlJt7BpXT+dmBgV4PMmDDa/BKqUaRPuXm8psgLNXP2PI2+TXXSb5wnPeoipq51\nlY4lX/y32EaNQ+de2GFq9Zqk5AjLS44l984t9KyVo1S1jS2xa9CNxJNbeJiRTMz+5ejbuGDtW7np\ntuYeDbi5bSEJJzappFE+Ees39wgquxO5Zk4DjZDLSYssLu6ibWL18vt/DXB3deZS+DWiQ/ZirEGk\nT3kRP/59LSwo/3fF1bkaZy5e5mxoOPV9lVN89xw6obD5LweOneLzcR8q7b+i425z41YsLk7Kleis\nLMzo2akNG7bvJeleKktWbsDN2ZG2zZ+9t6lIGgfU4/vflrFmy26VNMo1W4o1vpoE1nvu/qNi41mz\nZRcSiZhu7Ur+LqRnlK5ZV/T4u5Garhot9l/kcjknzl0CNKuQKPD6cikunbY/HGJCuzczgiu/sIhf\nDt5g47l4YlJy0JNJCHSxYFIHT7ztK0d/UhMET4PAC3Hj909ICVEuV18QG0Z0bBjpoQfwGLOiwp/M\nvk7U6ziQLXNOs3xsN4Lfn4y9px86+kZkpyWRfCuCC7tWEtBtKC5+zxem/ETAPDbsFHlZaeiVFYX1\nH7yCu5Fw9RzrZw6h09jvcfQJ4mFeNhd3reLc9uVItbSp1aiDynm3I86z9duPaTpwHAbmNty9EcaO\n+RMoLMjHq7lqZaSgnh8Sum8dW+Z8RNKtq3QY/a3asPvSqAjNLBe/ZgpB/b2LptFkwFjEUi1CNi0h\n4uh29IzN8WjS8Zn92NaozdXDW9m1YBIisZhq3gGIxRJuR5xn10+TFTZPOLpyHg9zsvBs3gVTO2dk\nOvpkp94l8uQeDi79GijWIFPHhR0rkMvl1G0vRGUJvH7ICwu4/usI0i7uUWpPDz1AxuVDBP0ep9R+\n+atO5Gfde5VDfC1wCu7Pxd9CODW7F+7vTMDUrR5SPSMeZiSRFX+NuMNrqN76fSy8mzxX/0/EylOv\nneZRTrpaQfPSsAvsTPqN85xfMByfIXMwdw8g/34O8YfXEPvvCsRaMkW629OkR13k0pKx1Og6Gh1T\nazJjLhO29FOKCvOxC+ysYu/SfhgJxzZwcfEYsuIj8Hl/drn2HRWhmWXp3VQhqB++ciY1un6CSCIl\neu+f3DmzE5mhGTb+pVe2BZAZmqmI7T/h8JSWZMWG0+GvKKVKjje3LeRhVip2Dbqgb+2MWCpTaGal\nhJ9AS89IkWL6PP2/zgzu041hE2fS4d2RTB0znIA63hgZGnA3OYXwyCiWb9jKiAG9CG5Uuk5lWTwR\nMD9+9iJp6ZllRmH9l3c6tOLMxcsMGDWFBV9OoWH9OmTn5LB8w3b+XLMZbZlMbfra2dBwRkz+kskf\nDcHG0oLQq5GMnj6H/IICerRXfUg4anA/Vv+zk+GTvuBK5E3mzZxYrv1XRWhmtWgcoBDUnzx7PpP+\nNxipVMovy9eyZc9BzE1N6NymuUZ99Ro+nsF9uxFUtzZaMi0OHg9hwpffc//BQz58rzcOtiUaSL5e\n7mzefYCxM79DLBYR5OeLRCLm3KVwxn0xF0CpQuH3vy0jJS2ddzq2wdXRAZm2FpFRMcz7bTlHTp3D\n2NBAbUqqgMDrQEGRnP6LT3I0sqQoy6OCIvZeucOha0ls+F9jglyrZsV0wZkl8Nzkxl0hJeQfxFIZ\nLoO+w7ROG0QiMRlXjxL113gyrhwiM+IYxp6qpW3fVuq060ds6Aku7l7Nqk/VC276d35+7QozBxeM\nLGyJvnCUbzuXlDn+b0VDdQR2H8bVI9uIv3KGlZN7qxxvN+YbDMysVNo9m3cldO9aLu5epdRu4ViD\nxv3HqNjbudehmncAN0IOoK1vSJ12moe4VxQSLRldJvzIqsl9OLl+ESfXL1IcE4lEdBw7F5mu8oZ+\nVisbigoLlJxr9bsO4cLOFaQnxrByUi+V6xiYWdGof0nK4P2sdE6uW8jxNQvUjqt26164BbRUaS8q\nLODSnjXIdPTwbqG5HoCAQFUhYds80i7uQcvIAqfen2Pq2wqxVJvsm2e4vWuRir22hQPm/h0x9W1N\n2vldJB1dpabXt49qTXuTEnGS+CPrCJk7UK2NU4vnd3jr21RHx8yWlPDj7BlW8iS6NCfI01RvO5Q7\nZ3aSdv0sId+qjsHnvVklUUJPYRfYifijG4g7vFap3cDODbcuo1TsTarXxqxmfZIvHUSqa0i1pn00\n+WgViliqhe8Hcwn5biBRO38jaudvJQdFImoPmaPiJNrxniPywsIXcq49ys0gauevRO38VeWYSCLF\nd9j3SHUrp2pdZTPgnU4cDTnPio3b6TFUdW8CMKRv9+fu383ZETsbKw6fPItdvZIIoP9WNFTHyEF9\n+GfPQU6fD6XbkE9Ujn//+Xi1UT892rdi1eYd/L1hm1K7u6sz40eq7iXr+XgQ5OfL3sMnMDLQZ2DP\nLpp8tApFpqXFoq+n0n3oaBb8sZIFf6xUHBOJRCyYNQUDPWVRdWP3BhQUFqg410IuhrF9/2GVawQ3\nCuCbT5V/5sMH9GTZ+i1Ex92m62DVObe2NGf8iJI5zMjM5sffV/Lj7ytVbKUSCYu+mYaRwZvh+BV4\n+1h/JpajkcnYGusyt09dGrhZkPOggL9PRvPDngjGrb3AsU9bIxFXvQAV8bNNBATUk3e7WIvIsnEf\nLBv2QqpnjETXEHO/jti2HqZkI1CMSCSi25RF9Jq5FBe/5ugamiDRkmFq50ytJh3p99XK547KgmLN\npT6z/sbRJwiZTvkqqki0ZAyat5Xm70/GwrEGEi0Z2noGVK/bhIFzN1K/62C15zl6BzJg7gbsPfzQ\n0tZBz9iceh0HMuTnXSoOoCc8qWZYr8MAtPVefrj/8+AW0JLBP+3Axa8Z2noGyHT0cKrdgIFzN+Id\nrNkGV9fQhOGL/6Vhn1FYONZAqqWNREuGmV11AroN5cM/jmJkUaJN0mzQRDqO/R7nOo3QN7VEItXC\nwNSKGoGt6Pn5n/SYuljtdSJP7CYnPRnP5l2rzPwJCGhKQV4mifsWIxJL8BizEssG7yDVM0Ys08HY\nsymeE9apnOMzdQfV352NiXdzRFKtShh1FUUkou6HC/AfvQRLn6Zo6RsjlmqhZ+WEjX97Asb/VSzQ\n/rzdiyXUH/MHZu6BSLTLt6aIpVo0mLoB93cmYGDniliqhVTXAAuvRgRNWV2q6LiZewBBU1Zj6loX\niUwHmaEZjsH9aTxja6lRQs6t3gPAsXk/RaW+ysbKtwWNPt+MhXcTpLoGSLT1MK8VSIMpa7ALqhgn\nQs1uo/EZ/A3mtQKRGZohlmiha2GPQ+OeNP1qd4Vd93VAJBLx+9yZrFw4hxaNAjE1NkKmpUV1R3u6\ntGnO+sU/0KJx4LM7KgWJRMzaX76joX8d9PV0y3WuTEuL3St/Zdro4dR0cUKmpYWhvh7NGvizbdnP\nDHu3p9rzGvj7sm3ZQur7eqGro425qQnv9+nGv+v/UHEAPWH4u+8AMKh31ypTea9Ns4bsX/s7wY0C\nMNTXQ19Pl0b167J9+UJ6dmytcT+b//yRbu1aYGluhr6eLvV8PJj/xSS2L1+oon1mamzEiS0rGDNs\nADVdnNCWyZBpaeHi5MCIgb0I2bEaO5sSZ/ukj4bw4xeTaVS/LuamJmhJpVSzs6Fftw4c37qiXOMU\nEKhq7L1yB4A5verQ2ssGA20pNsY6TGrvQXsfO6KSczhxo2pGx1epyCx5USFJh5aTfGI9D+/FIpfL\n0bGqjmVQd6ybD0QsK1kcsq6fJunwSnKiL/AwLRGJjiGGrvWw7zAKQzdlsc0PRggAAAAgAElEQVSM\nK4eImD8A574z0avmRfzmOeTGX0Wqb4JNi/ex71D8pO/uv0u58+9fPEpNQNuiGtW6T8Lcv1PpfTl4\nEP/Pd+TGhyPR1se0blsce0xBy1CDnOmntUISriEvKkDH2gXrZgOwCR6kFCJfnnl5lciMVZ+oqtoI\nZU3V4R3cXSMHiVtAy1Kjqko75uDpz9CFu8vV1xO0tHUIHjyF4MFTnjm2p3H1D8bVX3PtmjvXQxGJ\nRAT00Fyk91Xg6BPEoHlbNLKdfkB9ZIKekRlt/zeLtv+b9cw+dPSNCOg2lIBumpWQf4JH084aRdu9\nLQhrx+u1dqSHHqDo0QPM6rVH30m1epdA+bEL6qKRo8LKt0WpUVWlHTOt4UfjmVvL1dcTJDId3HtO\nwL3nhGeO7WksfZph6aP5g52M6MsgElG97ZByXaeiMXMPpOHUDRrZdvo77tlGj2k+51+17VJdQ6q3\nGUz1NuofPr1o/28CPTu21sjx0KZZw1Kjqko7FlDXh4Mb/ixXX0/Q1dFm2pgRTBsz4plje5qWjQNp\nWQ4n3MUr1xCJRIx8r/IjGJ+moX8ddq9UjShUR2bkKbXt/rW9WPvrXI2vaWZqzJzPxjLns7HPtDUy\n0OfD93rz4XuqmQsCqhQWyfnr+C3WhcQSm5qLHKhuoU8Pv2oMauSCrqykAvepqBT+PhHNhdg0bqff\nx1BHip+zGZ+0cifARXlfdDAiiX6/nWBW99p42Rvz9Y5wwhMzMdWTMbiJC5+0Kk4N/eNoFEuPRRGf\nloejmT6TO3rSpY59qX152BkxZ+dVrtzORF9bSjsfW6Z28sLcQLUAxH+Ry2FNSAyrTsUQcSeLgiI5\nrpYGDGxYncGNXZSy3sszL6+Se9nFOr3qtLG8HYzZfTmREzdTaOr+7Hv/V02VcmbFbfqGxD3Kf8hy\nY8PIjQ1DJNXCpkXx4pyfmUz4t+8o2RXkpD3W2jiM58R1GNVUFdbMvnWB2PVfIS8qFsd+9Og+cZu+\nQSzV5lFWMom7f1HY3r8bxfXfRlL78+roO3qp9nXzHLHrZykq4BQ9ekDy0dVk3ziDz/RdSLTLCDWV\ny7nxxyeknN6s1JyXEEH0qqnkxV/FZdB35Z6Xsjg9zFHjaj1aRpb4z7/0TDujWg3Rs3Pn3vF1GLr6\nYVqnLSKRiIyrR7mz/3e0zewxrSM8qRAooaiokFvnDnN2y1KcfBtiZld55aAF3hyEteP1WjtyY4ur\nwZl4NyflzFYSts3nwb0YZCY2mNVth0OXcUgrQsxc4I1DXlTIvStHiTmwDPNaQehbO1f2kAQEqiSF\nhUUcPBHCkpUbaRxQT0UgXkDgZTJ7RziL/r2u1BYan0FofAZaUjFDmxRLoSRnPaDbT0eV7NJyH7E/\n/C6HIpLYOKoJDdRoNZ2LSeOLrZcpKCquKHr/0X1mbw9HWyohOesBC5+69s3kbEYsO4PLxBZqnTVn\no1OZufUyhY/7epBfyKpTMZy5lcre8cHoa5fuLpHL4aOVZ9l0Ll6p/WpiJp9uvET47Qx+6FtSwEDT\neSkLu7H/KMb6LCwNtbny1bM1f830ZQBcuZ2Jg5lyxOaVhOJCCNH3cjS65qumSjmz0i7uQaytR40P\nFmDs0QSRRMr9pGhSTm1S3uCLRBh7NsW21VD0Hb3QMrKkIDeDrOunubl0LLd3LVJ7Q5J6Zhu2rYdh\n2/oDtAzMSL9yiBuL/0f8th9ALsf1/e+LdZ/EEm7v/InEvYu5s38JbkNV9WxSz+3AslFvHDqNRmZs\nRU7sZaJXfUZewjUSdy2iWvdJpX7Oe6c3kXJ6M3oOtXDqORUDl3rFIp2xYcSsnk7S0VVYNu6Doatf\n+eblFSMSS/CcuI6YdV9yc+k4pco4ZnXb4dx3ZqU9+Reoehz6aw6Hl32reK9OT0tA4HkQ1o7Xa+3I\nzy4uX55z6wLJx0tSCh+mxHNn/+9khh/Fe+o2JDpVI11MoGoSufF7Ijd9r3hfo8vHlTgaAYGqy1c/\nLuarBUsU7yd8+PzarAICmrA7LBE9mZSFA/xpUtMSLYmYW/dy2HguDn1ZiftBJBLRzN2KYc3c8LI3\nxtJQm8y8fE5GpTB61Xl+PhCp1pm19WICw5u7MaKZG2YGMg5GJPHh8rN8vyeCoiI58/vVo623LRKx\niB/3RfLroRssPnSDnweoivRvu3SbvoFOjGnjjrWRDmHxGUzZeImIxCx+/vc6Uzp4lvo5N56LY9O5\neDzsjJje2Qc/Z1NkUjGh8RlM3RTKylMx9Atyxt/ZrFzz8qpp4WHD/vC7fLrxEhKxiIZuFmQ/1sza\ncyURgMz7+ZU2vrKoUs4sbdNiLZnim4LioelX80S/mvIvkZaRJU49P+X2rkXc+nsS+VmpiifmUPyU\nWh0m3sE4952peG/u15HUOm1JPb8T5z4zsGrST3HMsedUko6u5n7iDbV9GVSvg9vgeYqUDqOagbiP\nWsqlqU1JPb+z7BuS4+uKtULGrVFK1TOqGUSN4Yu4ND2Y9It7FTckms5LWfy3MtTLIjf2MrlxV1RK\nPOclRJBz6yLaFqqlhAXebgwtbGjU52NqBKpW2hEQeB6EteM1WzserxfJJ9Zj2+oDbNsOR0vflOxb\nF7i1Ygp5iZHc2bcEhy7jXv61Bd44dExtcO00Eqs6LZ5tLCDwFmNrbcnYYQNp27xRZQ9F4A3H1qQ4\nmKGtjy3Sx6LhXvbGeNkrSwtYGmoztbM3Cw9EciY6lZTsh4poK4CIxCy1/bfwsGZW95Lq4J187Wnr\nncCO0Nt80c2H/kHOimPTu3iz6nQM15Oy1fZV18mUH/v5KdIBg1wtWP5BAxrN3s+OS7fLdGatCYlF\nIhaxbmRjrI10FO0NXC347b36NPnmAHsuJyqcWZrOS1kkzn/+QhWlMaCBM+vOxHIpLp0BS04qHetd\n35H1Z+OogtrvQBVzZjn1/YLrv3zAxSmNMPFujl41Twxd/dB39Fayy755jvC5PZEXqPcQFuU/UNtu\n5K76xF1mXpw/a1hTOd9cJJYgM7XlUSmlwE28mqmUftaxdELX2pX7SVHqP+Bj8hKvIy8q5MKEYu+w\nXC4HHn9x5cX/P0wrqWaj6by8anKiLxGxYBDa5g54jFmBgas/IrGYnJgwYtZM5/rikXjoGmDiI2ww\n30Q00eB6mufR4hIQ0ARh7eC1Wjskj6upGbrVx7nfF4p2Y4/GuA1dwJWvu5Ae9q/gzHrL0ESD62me\nR4tLQOBNQBMNrqd5Hi0uAYEXYVb32gxZeprAWXsJrmWNl70x/s5m+DiYKNmdjU6l+8/HyC8sUtvP\n/Xz1MgcN3FSjtZ6kxwX9J5JLIhZhY6xLcpb6PV7zWtb/3ZbhZK6Pi6UBt56RWhd5N4vCIjl1ZxRr\nFcvlIH+8L3u8LSMh/b7CXtN5edXIpGL++bgJ8/dGsvViAokZ97E10WVkcA0sDbVZfzZOI/2wyqBK\nObP0q3lSZ/ZRsm+eK/53PYSEbfOQGphRc8Sv6DnUAuD2roXIC/Jx6DIOywY9kZnaIJbKQCTi0tSm\n5Oekqe1frKX6QxA9/u1VewyRSsTRy0BeVPT4/9J1SJ6+2dJ0XsqiInRPko+tAXkR1d/9SslhZVyr\nIW5D5hP2ZXuSjqwSnFkCAgIVirB2PGXzGqwdutauj8enqin2xNGWn63+ZyEgICAgICBQtfGyN+bE\n1DacjU7lbHQqp6NS+H5PBGb62iwZFICHXbEu5k8HrpNfWMSEdh70qu+IrbEOMqkEkQgazd5Pau5D\ntf3rSFWF0p/4o3S01B+TayYzVS6KHkeRlaVhlV9Qsh/UdF7KoiI0swD0ZFKmdvZiamflvdn4tRcA\n8K1WuQ630qhSziwAkViKUc0ghW5J0aP7XPysCVHLxuMzbScAD+/FoWVkSbWu45XOfZAcy/2kaKT6\nquJuL5uM8CNU6zZR6Qn7g3ux3E+KQsfKucxzdW3dyI29jP+8i4on1M9Ck3l51RTklh6V8+Smqywb\ngbeTxMiLLB7egubvT34jI7UykuKJPLGHyJN7iLl0nML8RwycuxG3gJZq7We3tefRgzy1xzqNm0f9\nri9WleptQVg71FMV1w6jWg0AyI0PVzmWG3cFAJmR6lNXAQF1ZNwK5ejUtri/8+ZFahU+zOPO2d0k\nntpKZtxVHmYkITMww6xWIDW6foyxs2pqyv2UBO6e38fdC/tIvXqCooJ8gqasxspXeLD4tnP+8lUa\ndRnItNHD37hIrZ+XrmbirB/KtJk95RPGjxj0XPYC5UcqFtHA1UKheXX/USENZ+9jzJrz7B1fXAE9\nNiUXS0NtJrb3UDo3JiWXW/dyMNbTqvBxHr6WxOT2nkrRWbGpxdd3tihbX7SGtSFhCRmEfdkBI13N\nxqrJvFQVolNy2HguHolYREdf+2efUAlUKWfWla+7YNmwF0Y1A9G2cERemE9mxDEKctOV0j9k5vbk\n3bnO3YN/YdmgJwBZN84Ss3ZGhTwNV0dO9CWilo3HvuMnyIytyI27wq2VnyEvLMDcr2wPqHWTfty8\ncYar3/fBocs4DFzqItU14lFmEnm3I0k+thabFoMw9mgMaD4vZVERuif6jt6knttJ9KppiESi4rL2\nYjE5ty4Rs3q6wkZA4G3i9xGtyElPruxhvFUIa8frt3YYVK9D9o0zxKyZ8ZRm1kVurZgMgGndNi/9\nugICrxs3tv7E9X9+VGp7kJFE4ult3D27m4CJy1WcVEentedhpvo0ZwGBt5nmDetXqL1ACR3nH6Z3\ngBMNXM1xNNfnUUERx67fIy33kVLqoIOZLteTsvjzWBS9/B0BOBOdyuf/hFFUEaFUargYm87YNecZ\n/VgA/nJCJlM2XCK/sIhOdcp24PQPciZk9Xl6/XKcCe08qOdkipGuFkmZD4i4k8WakBgGN3ahSc1i\nnVNN56UsKkIzC2DQH6cY0KA6/s5maEnFHI1MZtrmMB7kFzKkiQt2JlWzqFuVcmblxl4mO0p9Drh1\n03dLXjcbQMblg0Svmkb0qmmKdn1Hb/Tsa/EoM6nCx2ru35F7JzcqVWKC4ifndh0+KvNcy4a9yIw8\nxb0T67n2k3qPv3Wz/orXms7Lq8Y6eBDJx9by4F4sET8OVDmuZWyFXbv/VcLIBAQqDxNbRzybd8G9\nYTuuHtnO+R3Ln3mOo08gQxfueQWjezMR1o4SXoe1A8Bl0FzC53TnzoE/uHPgD6VjBs6+2Lb6QKnt\nxu8fk3J6s1JbxPwBitc1Ry7B3F+zUHoBgdcFqY4BDo17Yt+gK4YO7mibWJFz5yZXV83i3uUjhC39\nlFYLQpTO0bOshl1gJ6z92nAnZCexB1dW0ugFBF4dHw/pz8dD+qu05+bdxzmgDY72tvj5eD63vUD5\nCEvI4FyMermAgQ2dFa/fa+jCv1eT+GxjKJ9tDFW0+ziYUMvWiKRSdK5eJp3r2LP+bBxrQmKV2mtY\nG/Jxy5plntsnwIlTUSmsDYlVEU5/woAG1RWvNZ2XyuB8TBp7Lt9RaW9S04oZXTUXqH/VVClnlve0\nnSQfXUXmtZM8TIlDLNND18YVq8Z9sGrcR2FnVrctNYYv5PauRTxIjkaqa4RpnTY49vyMq9/3fSVj\nNXSrj3WzAcRt/pa829cQy/Qwq9sWx3c+fXbJc5EItyHzMfVpQdLRVeTGhFH4KA9tUzv0HDywbNQL\nY88mCnNN5+VVI9UzxmfaTm7v+pn00AM8TIlHjhxtMztMvJpj33mMUsUtAYG3gWG/7le8jjwpOKhe\nBcLa8XqtHVCs5+UzfRfx/3xH5rUTFN7PRtvcAfP6XXDo+DFiWdV8Aigg8Cpx6zJKpc3YyZuA8cvY\n91Ed8pJjeZSTjszAVHG8yaxditdJ5/e9knEKCFRVNmzfS3ZuHoN6d60QewH17BkXzMpT0Ry/kUJc\nai56Mglu1ob0C3Sib6CTwq6djy2/vlefnw9cL04r1NWirY8tUzt50/uXY69krAHVzRnYsDrf7Awn\nIjELPZmEdj52TOvshb522a4SkQgW9PejhYc1K0/FEBafTu7DQuxMdPG0M6ZPoCNN3UvuhTWdl8pg\n5fCG/HQgkpBbqeQ9LKSGtQF9Ap0Y1MhFUXmxKlKlnFn61Typ/u5sjWwtArtjEagaZlf7890qbSbe\nwTT487ZKO4BT789x6v252mO+sw6WOQZjz6b4eDYt08bA2bfUa5vX74x5/c5lng/lm5dXjdTAtMw5\nFHgxiooKObvlTy7uXk16YgzI5Zg5uODTqif1uwxBS6fkhi829CTntv1FwtXzZN67jbaeIQ5e/jTp\nPxZHH+WKazfP/MuKiT1pN+prbNy8+ff3WdyNuoKuoSkB3YfR5N0xAIRsXkLI5t/JvBuPia0jLYZ+\nhlfzbqX2Ze3iycE/Z3P35mVkugbUatyBlsOmo2/ybP0buVzOxd2ruLDjb5JuXaWosADzam74d36f\n+t2GKgS3yzsvAm8+wtqhnqq8dgDo2rhSc+RijWxrDPuZGsN+ruARvfnIiwqJ2b+MuCNryUuKA+To\nWztj36gHzq0GIdEu+duZGnGa2H//Jv3mBe6n3kaqa4hpDT9qdPkYM/cApX6TQw9yek5/vN/7EiNH\nLyLWfUNWXDgyfROc2wyhRtePAYje+yfRe5eSlxKPnmU1avWagl1Q59L7quZBxPpvyYq9gkRHH1u/\ndnj0/QyZkbkGH1ZO3JG1xB5cRXZ8BEWFBRjYuuLUciDVW7+vpFtXnnmpCki0ddG1cKDgQS5Sbb3K\nHs4bSWFhEYtXrmfFxu1Ex91GLpfj6lyNPl3aMezdnujp6ihsj5+5wB+rN3Hm0hUSEpMwNNAnsK4P\nE0cOpoG/r1K/+46cpMv7HzN3+nhqe9Tk8+8XcTniOqbGxnz4Xm8mjnwfgF+Wr+XX5euJu30HJwdb\nZoz/H+90aFVqX97ubsyc9ythVyPR19Ojc+tmzJo0CgszU56FXC7n7w3bWLpuC+HXblJQWECN6k4M\n7deDEQN7Ke2/yjMvVYE/1/6DllRK/+4dKsReQD1e9sZ807OORrY9/KrRw6+aSvu+Cao6fy08rEla\n0ENtPzO7+TCzm/oIoqOftlLb/oRm7lY0cy87AKOOo2mp1+5a14GudR3KPB/KNy+vmjqOpiwdolq9\nu6pTpZxZAgICyhxY8iUn1vyk1JYYeYnEyEtIpDICewwDICctmaWfKKfY5GWmcv3kXm6G/Mv787fi\n5NtQpf+Eq+fY9+vnFBUWAJD/4D4HlnyBVEtGTloyx9csUNimxN1gwxdDMXdwxcZNdbGIv3KGfb9M\np+hx5bP8hw84v+NvYsNOMWLJIWS6pUedyOVyNs8eQdj+DUrtSVHh7PxxIndvXqHLxBLdEE3npSy+\nCLZQjPVZGJhaMXFLpEa2z0NK7A0W9KtHZnICesZmOPk2onH/0djWqF1h1xQQEHj7iFg7m5vbf1Fq\ny4gOIyM6DLFURvW2QwB4mJHMiS+VH1w8yk4j6cJ+kkMP0XDqRsw9VDe96TfOE77qS+SP15T7D+8T\nsXY2Yi0ZDzOSubl9kcI2JzGK8z+NQN+2OsZOqvqaadfPEr7yC0U1zcJHD4g9tIrUyBCazt6LVKeM\nSEa5nAu/jCLh+Cal5qy4q1z+61OyYsPxHfZ9ueelLLa/a69x5U9tY0va/nZZI1t15CRGkR0XgU39\n9morqgq8ONO/+5l5S/5WartwOYILlyOQybQY+V5xdGvSvVRa9VHec6SmZ7Dr4DH2HTnJntW/0Tig\nnkr/Zy5e5tOvf6SgsPh3Ju/+A6Z/9zPaMi2S7qXyw+ISiYLrt2IZ+PGnuDlXw9fTXaWv0+dDmfL1\nfAoLi7Uf7z94yF/rtnDy3CVObFuBgV7pDk+5XM6QcdNZs0X5gc7lazcYM+NbwiKu88s3JWn5ms5L\nWei71VeM9VlYWZgRd3b/sw3VEH49irOXrtC1bbBGTr3y2gsICFQ+gjNLQKAKc+3YTmQ6evSY+hvV\n/ZohkWiRmhBF2P71ys4hEbj6BxP0zghsavigb2rJg+wMYkJPsOWbjzi2ar5aZ9aVg5tp0GskQb1G\nomdszs2QA2z88gMOL/sWubyIrpN+wr1Re8RiCUdXzuPkuoWcWv8L3T/7VaWv8MNbqNu+P00HjsfA\n3IY710PZOX8CSbeucnz1j7QYOrXUzxm2fz1h+zdg7eJJ6w+/wMHDD4lMmzuRl9j102TO71hO3Q7v\nUs2rfvnm5TUhLyuNvKziHPrs1CSuHNxMxNHt9JrxJx5Nnx2BIyAgIKAJd87uQaKtR73//YyFdxPE\nEi1y794i/vgmZeeQSISlTzNc2n2AkbM32sYW5Odmknr1FBd/G82NbT+pdWbdPrUVl/bDce0wHJmh\nGcmhBzn/00iub/oBubyIOsPnYePXFsQSbmxZQNTOX7m1awl1R/6k0lfi6e1Ua9aHmt3GoGNqTUb0\nZS4vnUJWfAQ3ty2kVu/JpX7OhOMbSTi+CaNqHnj2n46JWz0kWjIyboVxeflUYg+uxLF5X0xr+Jdv\nXqoAhQ/zOL/wQ6R6hngNmFnZw3lj2bbvMPp6uvz5w5cENwpASyrlZkwca/7ZpeQcEolEtGwcyEeD\n++HrWRMrC3MyMrM4GnKB4RNnMvfXZWqdWRt27FPoNpmbmrDvyEne++QzZi9YQlFREb/NmU6n1s0Q\niyV898uf/Pj7Sn76czV//vCFSl+bdh1gYM/OTBk1FBtLCy6FX2P09DlcibzJD78uZ8b4kaV+zjVb\ndrFmy2683d2YPeUT6tfxQVumxcUrEYybOZela/9hUK8uBNarXa55qQosXVOss6hpymB57QUEBCof\nwZklIFCFMbK0Ayh2KEmKv642bt7YuCk/xTYwtaLV8M85vnoBcT+MITc9RRFtBZB066ra/t0CWtJu\n1NeK957NuuDeqD1Xj2yj7UdfUa9jibB/6w9ncmHH3yTHqI9Qsvfwo+vkhYpwdKfaDeg3exU/Dwwg\n/PDWMp1ZF3etQiyWMPD7zRiaWyvanXwb0nP6HywcFMS147sUzixN56UsZhxK0di2Iqnu1wz/ToOw\nq1UXLR09UuKuc3zNT1w9vJWt332Ci38w2noGlT1MAQGBNwBdc1sAbPzaInr8t9PIyQsvJy8lO21j\nSzz6TeXmtp9J+2MiD7NSFNFWANlxEWr7t/Jtgfd7Xyre2wZ0wtpvC3fO7MBrwEwcg0sElz37TyPu\n0CqyE9SvKaaudak74kdFOqB5rUACJizj4LjGJIZsL9OZFXdkLSKxhKDP1qJjUrKmmHsE4TfqVw5N\nbMqdc3sUzixN56UsOq9Snxb8Mil8mEfI94PISbxJ0OQ16FmqpuYIvBzsbYtTjjq1boZUIgGgtkdN\nansoC0JbWZgxa9LH/PDbMj76LJR7KWmKaCuAK9duqu2/TbOGzJ0+XvG+e/uWdGrdjH92/8u3U8fy\nfp+SyMjZk0fz19otXLtxS21f9X29WPLdDMX+q1H9umxYMo/aLXuwefeBMp1ZyzdsQyIRs+PvRdhY\nlUhCNA6ox/IFs6nbphfb9x9ROLM0nZeyyL15VmPb5+XBw0es2bILGysL2jZr9NLtBQQEqgaCM6uc\nlKWhIiDwsmk36mvWTX+PBf3q4RbQEms3b6p51VdJP4u/coa/xnSmMP+R2n4KHqqvBuJcp7FKm4l1\n8ebY+T+RXGKxBENLW3LTk9X25VY/WElXAcDUzhnzaq6kxkep/4CPSY65RlFRIfN6Ft84yJHD45K8\n8sf/ZybFK+w1nZfXgf5fr1Z6b1+rHr1n/sXysV2JvniMmIvHcG/UvpJGJ/CyENYOgaqA98AvOTt/\nKAfGBGHlG4yxkxemNfwwdlZOHU+7fpaTs3pQVJCvtp/CR+rXFHOPBiptepYOao+JxBJ0zGx4mHlP\nbV+WtZsr6VoB6Fk5oW/rQu4d9Tf1T8iOj0ReVMj+jx5HxMjlxevK49cA91NKvo+azktlkp+byelv\n3yUr7ipBk1erjYwTeHnMnT6eviMn4tmsK62bNqC2R00C69Wmjpdymt/p86G06TeCR/nqvyv3S9l/\nNQn0U2lztC92qjYOVI7kkkjE2NlYkZSSqravVk0aqOy/qjvaU8PFiRu3YtWe84Sr129RWFiEa8Pi\nfYZcXrLvevJ/fOJdhb2m81LZ/LP7X9Iyshg/YhASifil2wu8/pSlvyXw+iA4swQEqjA2bt58vPIM\n8VfOEHflDHFhJzm87Fv0jM3oNWMp1i7FZYOPrZpPYf4jmr8/Gd+2fTCysEOiJUMkEvHzwADyMtRv\ngKQyNVobjzdEUpmqiKdIJEJepJnOQXl40mdZGlaFT91UaTovZVGVNLP+i0gkwrF2ENEXj5GdlvTK\nrisgIPBmY+TkRYsfjpN2/Rxp18+Seu00kRu/R2Zkht8nizGq5gHAza0/U1SQj/s7E3Bo0hNdM1vE\nUhmIRBwc34hHWepLi0vUrSkUrykStdpOIsUN88tELi9eU8rSsHraUafpvJRFRWpmPchI4vTXfcm7\nF0fQlDWY1wp89kkCL0Rtj5qE/buZ0+dDOXU+jBNnL/LVgiVYmJmw4udv8HZ3A2Dur8t4lJ/PtNHD\n6d+9I3Y2VmjLtBCJRNRu2YOU9Ay1/etoy1TanvijdLRVvysikYiiCviuFD3ef5WlYfW0o07TeSmL\nV6GZ9de6fwDNUwbLay8gIFA1eCOdWTkxoVye1QGHLuOo1nX8s094Dbl3ahM3//hE8d621Qc491PO\no8++cYb4bfPIib4ERUXoO/lg3+kTTLyavfgA5EXcO7WJpEN/cz85GooK0bZ0xqpxH6ybDVCE6QPc\nv3OTS9NKrmngUhefqTtefAxvCWKJFCffhgrNq/wH9/lpgD9bv/2Y4Yv/BSD9TgwGplYED56idG5a\nYjSpCVHoGphU+Dhvnj1E8JDPlJ4OpifGkBofhamdc5nnWjjW4M6NPCZsvoaOvpFG19NkXl5X5HI5\ncWGnATA0s36GtcDLRFg/iqnQ9QNALif5xDqSj64mL/E6IokWhq71sGT9+zsAACAASURBVGv3P4xq\nKt+oP0xNID10P+mX9pMZeRJ5QT4eY1di4h2s0q2w3jwbkUSKuUeQIrKn8OF9Do5ryKXFY2n61R4A\ncpNj0Ta2xL3nBKVzc5NiyL0TjZa+cYWP817YYWr1mqQUnZWXHEvunVvoWZddwtzArgaZMWG0+SUU\nLT3N1hRN5qUyyE2K4dTXvXmUnU7Qp2sxq1m/0sbytiGVSGgcUE+heZV3/wE+LXrw4aQvOb61WAQ9\nOv42VhZmTBszQuncW7EJ3IyJx8TYsMLHeeDYKT4f96HS/is67jY3bsXi4lR2hTV3V2cuhV8jOmQv\nxoaaSRpoMi+Vyc2YOI6FXCDIz5eaLmX/rXgee4FXy6W4dNr+cIgJ7TyY2P7ZDxZeRzaei+OjFecU\n74c1c+OrHiXZJkVyORvOxrH8RDS37uVQVCTH2UKfvoHODGzojNYLRhMmpOWxN/wO+67c5cSNe+QX\nFrHmw0a08FC9B7mRlE3jr0sczPWczNg9rvkLXf9FeCOdWQKQceUw1xa8p/SUMOv6abLmh1Dzw98w\n9+/0Qv3f+P0TUkL+UWoriA0jOjaM9NADeIxZoZIeIFB+/vhfG3zb9sPZtyEmtk4UFjwi+vwR7mel\nKaUOGls5cC8mkpDNv+PbtriSTPzlEHYv/KxCIqnUcTviPFu//ZimA8dhYG7D3Rth7Jg/gcKCfLya\nl/2kq17HgWyZc5rlY7sR/P5k7D390NE3IjstieRbEVzYtZKAbkNx8Su+SdV0XsqiKmhmHV/9I7kZ\nqXgHd8PUvjpSLe1izazVPxF98Rg6+kZqU0EFBCqSil4/5IUFXP91BGkXlR0E6aEHyLh8iKDf45Ta\nL3/Vifws9aloAuXj2OedqNa0F+a1GqBn5UhRwSNSrhzjUU66UuqgroU92bevE713KQ5NegKPqwv+\n/bki6qmiSY+6yKUlY6nRdTQ6ptZkxlwmbOmnFBXmYxdYdmEMp+D+XPwthFOze+H+zgRM3eoh1TPi\nYUYSWfHXiDu8huqt38fCuwmg+byURUVoZmXHX+Pk170pevSQBlPXY+pa96VfQ0A9zd4ZzIAeHWkc\nUA/navY8ys/n0IkzpGVkKKUOVrOzIeLGLX79ex39uxdXlT51LpSJs35QRD1VNGdDwxkx+UsmfzQE\nG0sLQq9GMnr6HPILCujRvlWZ5w7u041hE2fS4d2RTB0znIA63hgZGnA3OYXwyCiWb9jKiAG9CG4U\nAGg+L2VR0ZpZf63dglwuZ1CvLhViLyDwqvloxTk2n49XaguNzyA0/hL7w++wekSjF7rtbjfvEPey\nH77gKCsHwZn1mlNjxC9YBCg7CuQF+dz6ezLyokJs2wzHoePHIJZy9+BfxP/zHbdWfIqJTzAS7eer\n0JMbd4WUkH8QS2W4DPoO0zptEInEZFw9StRf48m4cojMiGMYezYFQNfWTaEVc2ZUrRf7wG8Zd66H\nER+uftH36zRI8dq/y2BuhBxg14JJ7FowSdFuW6M2VtU9yEmt+FQ1z+ZdCd27lou7Vym1WzjWoHH/\nMWWeW6ddP2JDT3Bx92pWfdpXrY1/55LPq+m8VAabvhpO2P4NSm0rJvZUvO7zxTI8Hzv37mdncnLd\nQk6uW6jSj1gipfPEH9HWr/inugJvJ5WxfgAkbJtH2sU9aBlZ4NT7c0x9WyGWapN98wy3dy1Ssde2\ncMDcvyOmvq1JO7+LpKOr1PRajLDelE1mTBjpN86pPebUYoDitXPL90i+dJDLyz7j8rLPFO3Gzj4Y\nVqvFw/SKX1PsAjsRf3QDcYfXKrUb2Lnh1mVUmedWa9qblIiTxB9ZR8jcgWptnFq8q3it6by8aqJ2\nL+FhRrFO5bFp6rUTm805gLFTSfGTC4s+IuH4JiWb03NKhPf9x/yBXeCLOaTfBi5duUbIhTC1x4b0\n7a54/UH/Huw9fIKxM75j7IzvFO11vNzxqunKnXsV/+CsR/tWrNq8g783bFNqd3d1ZvzIsvdEA97p\nxNGQ86zYuJ0eQ9Xv1Z7+vJrOS2VRUFjIik3b0dfTpWenNi/dXkCgIlk8KIBu9ZSjKS8nZLD5fDwy\nqZjv+9SlrbcdEjEciUxmzOoLHIxI4uj1ZJq5Wz33dauZ6dO5jj1tvG3Zcek2K0/FlGpbw9pQoTVW\nY8r2577my0JQuHsDybh6jIepCRjVDMK5zwykBmZI9Yxw6DQas3odKMhJI/3i3ufuP+92sXaQZeM+\nWDbshVTPGImuIeZ+HbFtPUzJRuDFGPbbAQK6f4Clszta2jroGZvj6BNI10k/KVUhrNW4A+9M/x1r\nVy+0tHUwNLfGv8tgBs3fql4XqwJw9A5kwNwN2Hv4KcZar+NAhvy8C5lu2Te+IpGIblMW0WvmUlz8\nmqNraIJES4apnTO1mnSk31crFVFZoPm8VHWaDhhHxzFzcardAD1jcyRSLYytHfBt05vhi//FO7jy\nN4YCbxcVvX4U5GWSuG8xIrEEjzErsWzwDlI9Y8QyHYw9m+I5YZ3KOT5Td1D93dmYeDdHJNV6kY/3\n1tN01m6qtxmMoUNNJDIdZIZmmLkHUGf4PLyeqkJo49+OeqN+wcjRE4lMBx0Ta5xbvkfDaRuRSFW1\nfioCM/cAgqasxtS1rmKsjsH9aTxjK1KdZzhTRSLqfrgA/9FLsPRpipa+MWKpFnpWTtj4tydg/F9Y\nejdVmGs6LwJvD8e2LOfD93rjUcMFXR1tzE1NaODvy29zpitVIezcujnLfpyNT60a6OpoY2NlwQf9\n32H3qt/QVqOLVRE08Pdl27KF1Pf1Uoz1/T7d+Hf9Hxjo6ZV5rkgk4ve5M1m5cA4tGgViamyETEuL\n6o72dGnTnPWLf6BF45LUb03npbLYsf8IySlpdG/fEkP9sj/789gLCLxqIu9mAdAv0Ik+AU6Y6Glh\nqKNFJ197RjQv1qiLvJP1QtfYPa453/SsQ3Ata2TS18s9VCmRWVmRpwj/rie2rYbi3E91k5B2YReR\ni4bh+M4U7Dt8XHzO9dMkHV5JTvQFHqYlItExxNC1HvYdRmHo9mz9gOSjq4laPpGaI5dg7t9R7TH3\nUX9iVrddyYGnNT0SriEvKkDH2gXrZgOwCR5UZdPosq8Xa+1YBKneCFs26EHahV1kRZ7GIuj5KjjI\njJ/t+ZUZCzo/LwMbN286jpmrkW3tVj2p3aqnSvuIJYdU2twCWvLFkXS1/bT93yza/m+W2mMfLTtV\n5hhc/YNx9VfVsXkaO/e6pV7bO7i7Rg6c8szLq+adaUt4Z9oSjWy19Q0J6P4BAd0/qOBRvTkI60fF\nUtHrR3roAYoePcCsXnv0napOpbi3BSMnL3wGf6ORrUOjHjg0Uv05N/16n0qblW8Luqy5q9IO4DVg\nBl4DZqg9Fjz3SJljsPRphqVP2TptJi6+pV7bLqgLdkHPTh0qz7y8SuoMn0ed4fPKdU69jxZR7yPV\nCEeB8lHboyY/fjFZI9u+XdvRt2s7lfaT21aqtLVp1pAH0efV9jPns7HM+Wys2mMX9q4vcwwtGwfS\nsnHZhQH8fDxLvXbPjq3p2bF1medD+ealMujWrkWpn/Fl2AuocvJmCt1/PsqwZq581cNX5fjO0ESG\nLD3NZ528GN26uOrlqagU/j4RzYXYNG6n38dQR4qfsxmftHInwMX8mddcdSqGcWsv8MfgQDrXsVd7\nbNkHQbT3sVO0y+WwJiSGVadiiLiTRUGRHFdLAwY2rM7gxi5VdVuGlaFqQa7/Ym38bJs3lUpxZhm5\nN0DH2oV7pzbh2GtacYWcp0g+tgaRWIJlw94A5GcmE/7tO0o2BTlpj/U1DuM5cR1GNV9yiWK5nBt/\nfELK6c1KzXkJEUSvmkpe/FVcBn1XysnKnB7mqHGFGy0jS/znXyr3cJ/mQXIMAHr2qikWeg6ej22i\nn7t/o1oN0bNz597xdRi6+mFapy0ikYiMq0e5s/93tM3sMa3z7AVRQEBAoLwI60fpvA7rR25scQU3\nE+/mpJzZSsK2+Ty4F4PMxAazuu1w6DIOqYaC3QICAgICAgKVS0M3C1ytDNhwNp7Pu/ioRPasPh2D\nRCyiT0CxuH5y1gO6/XRUySYt9xH7w+9yKCKJjaOa0MDV4qWOUS6Hj1aeZdM5Zd2pq4mZfLrxEuG3\nM/ihbz2N+rIb+w+FRZpVFrU01ObKVx2fbVgGjWpY4m5jxJqQWPyczWjnY4dYVJxmuPjwTexN9Wjj\nZftC13idqTTNLKsmfYnb+DXpF/ZgHlDy1OxR+l0yrhzBxKcFMpPH0T0iEcaeTbFtNRR9Ry+0jCwp\nyM0g6/ppbi4dy+1di176zci905tIOb0ZPYdaOPWcioFLPcRSGTmxYcSsnk7S0VVYNu6DoavfS73u\ny6DgfjYAUn3VCnbSx1Xtntg8DyKxBM+J64hZ9yU3l46Dp8Rgzeq2w7nvTMQy3efuX0BAQKAshPWj\n4qjo9SM/OxWAnFsXSD5eklL4MCWeO/t/JzP8KN5TtyHR0ayqloCAgICAgEDl0i/Qma+2X2H35US6\n1i3RfLqTeZ9D15Jo6WmDzePoIZFIRDN3K4Y1c8PL3hhLQ20y8/I5GZXC6FXn+flA5Et3Zm08F8em\nc/F42BkxvbMPfs6myKRiQuMzmLoplJWnYugX5Iy/s9lLve7LQCIWsWlUE2ZsCWPM6gsUyUsiCdv7\n2DGrR210ZZJKHGHlUnnOrEa9id/8HUnH1ijdjNw7sR55USFWTfop2rSMLHHq+Sm3dy3i1t+TyM9K\nRV5UoDielxDx0sd37/i6Yk2PcWuU0uqMagZRY/giLk0PJv3iXo1uRv5bmaniKcNbLNfMk/wscmMv\nkxt3RcmRBcU/i5xbF9G2qPZSriMgICDwX4T1oyKp4PXj8ZqRfGI9tq0+wLbtcLT0Tcm+dYFbK6aQ\nlxjJnX1LcOgy7sWvJSAgICAgIFDh9A10Ys7OcFadilFyZq0LiaWwSM67Qc6KNktDbaZ29mbhgUjO\nRKeSkv2QgqcinSISX0z/SR1rQmKRiEWsG9kYa6OSlLwGrhb89l59mnxzgD2XEzVyZiXOf/V6tmHx\nGVxOyKToP/uwq4mZXIhNo5rZ26v3VmnOLC0jS0x9W5F2aS8PUxPQNnd4rDGyFi1jK0x9Wypss2+e\nI3xuT+QF+Wr7KsrXrBRsechLvI68qJALE/wBkMvlKDb5j3+RHqa9/DLMLwOpbnGKRkFuhsqxgtzM\nxzbPXyEtJ/oSEQsGoW3ugMeYFRi4+iMSi8mJCSNmzXSuLx6Jh64BJj4tnvsaAq8PZelvCQhUBML6\nUXFU9PoheXyuoVt9nPt9oWg39miM29AFXPm6C+lh/wrOrLeYsvS3BAQESihLf0tA4FViaahNay9b\n9lxJJCEtDwczvccaVbFYGenQystGYXs2OpXuPx8jv7BIbV/38zWTVigPkXezKCySU3fGbqB4KyZ/\nvC974h9KSL//0q/7Mvg/e+cdFuXRBPDfcfTemzQpIogNEEVFxRZLLLH3EqMm0URNNEWNJkbTjJ9R\nE43GHnuLsUdjr2DFAoIoVZAqvXP3/YGC5x1wIMUk7+957gF2Z3fn7ribfeednbkZ9ZRRay5hY6zN\ntsnt8G5ojFhFRFD0U+bsC2LSxkB0NdTo4v7fzFddb84sAPMOI0i9eYzECzux7fcx6aGXyUuMokGv\nqYhUylR7fORnpEWF2PT9CDPfQagbWZbkSRGJuDWnA4VZqZUvpvLs/K5U/oOj6GJGKpE8+1n+B6q8\ni6OXqeucJ5rmDgDkPL6PnrO3TF9ObPAzmYbVnj/x/HaQSmg4cqGMw8qgcVuc317K7QU9STi7VXBm\nCQgI1BqC/ZDnn2A/tCycANCxbSLXp2PnAUBhphLviYCAgICAgMBrw0hfB47eiWN7QBSzerpxKTyJ\nyORsPuzqiqpKWXb15X+HUVgsYWYPNwa3ssPKQBN1VTEiEbRbdIKU7PxK13qerP3lSCVQ7AyTPIv8\nqijXVWGRYufay9R1zqytVyKRSKV8M7C5jMOqnYsZy0Z40/3HU/x+KUJwZtUHhh6dUDeyIunCTmz7\nziDx3DYAzNsPk5HLT4pGTd8M236yJV/zEqPITYhAVceg0rXU9ErO3uYlyx/ZSA+5KNemZeVMdtQd\nvP93s/RO8j8FvUZt4OgvJF/5A4uOo2T6ki7veyZTccWTiijKLj8K5/lFXEUyAnVPXOhNVk/qTKdx\nn+I//rP6VqdWCDq+i32LJpf+3WbQu/T8oPzqVH988x63/toBwJxjsahrVVLqvRLSEmIIvXiM0EvH\niLx1geLCAkYv3oOzT5dXlk+OfsCK0T6lf9u4ezNx1YlX0vefjmA/aofath/6jX0ByI65J9eXHX0X\nAHX9ms2VIVDzpD0K4tycN3AdOBPXQTPrW51aIfbCHm78MrX0b8eeE/EYU1Lptzg/h/irR4m7/Cfp\n0cHkpyWgrmuMcePWuPT7AAOHV6/UmZscy5Prx3ly4zgpwReRFBXS5rNtmDdXfKNQUlTIw0Mrib24\nl+yESMTqWpg0boPr4FkY2HvIyGbFhXPq4/alfxs5e+L39ZFX1vm/zPU7wbTrO5q50yYxd/rkygf8\nA9m+/wjjZ3xR+vfU8cP5cV75n/8JH89n675DACTfO4+udsVHoaoqXxkXr97k972HuHztFlGxcWhp\natLSw42pbw+nV2e/V5IPfRhJ865lxWVatfDg/B+bXknffzqd3SywNtRie0AUH/dozJbLkQAMb2Mv\nIxeVnI2ZngazerrJtEcmZ/MoKQsDbbVK1zJ7VuEvOiVHru9CWJJcm4uFHrdj07i9oBf6WpXP/zqR\nllNQbp/0mTPvaQUy/3bq1ZklUhFj3m4IsYeWkXz1IKk3jjyrVCV711fdpAE58WE8ObUBM99BAGQ8\nuErkjvkK75QrQsvaBYD4E2vRc/REt2FLCjOSiD+5ntSbx+TkLfyGE/4gkOAfh2LT9yN0HVuiqqVP\nQXoCOY9DSTy/A8vOYzFway839mXqOueJobsfGsYNyAi7QuTOr7Dp/QEisVrJc71xBFVdY4w95UsI\nK4uOnQcp1w4TsXUuIpGopLS9igpZj24Rue2LUhkBgdeVR9fPEnR8J2qaWhTm1UxY8W+Tu5L1NLHW\n5AVkEexH7VAX9kO3YQsyHwQSuX3+CzmzbvLo95Jy70Ytu9fU0xEQqBUe/LmcsD9+kmnLS0sg7soB\nnlw9is+sTeU6nZTl3Nye5KfLX5QpQlpcRMAPI0m6U1YhTFJYwJPrf5F4+zS+s3dj0rj6TmgBgapy\n+mIg2/44jLaWJjm5lR/nr6p8ZTyMiqHLkHdk2vLyCzh1MYBTFwP4fs4Mpr0zqtryAvKIVUQMbW3P\n0r/uc+DmYw7fjqOtsymOZrIFXWyMtQhLyGDd+YcM9rYDIDAihXl/3FYYaaWIRpYlNwrXnA3Hy8EI\nT3tjkjLzWXvuIUfvxMnJj2jjQMC26wxeeYGZPdzwtDdCX0uNhPQ8QuIz2B4Qyfj2jvg1Mpcb+zJ1\nnTOrqY0hB289ZvbeIFREIlo9O2Z4M+ops/cGPZOp/Mbsv5V6dWYBmPsNJ/bwch5t/hRJYT7mfsPk\nZCw6jiLtzikits4lYuvc0nYdOw+0GzSmID2h0nU0zewx9uxF6o0j3PthUGm7SEUVM99BJF3eIyNv\n1nYw6aGXSbq4i/vLxyqc06LjCGWfZp0iUlXDcez33F82lvjja4g/vuaFThGOo75BrCEbhXL32/5k\nhl+l2fzj6NjJH/94EQv/sSSe30FeUhQhP42W61czMMe6x/s18lwEBKrKoHnraNplQLn9RQX5HFzy\nEc3fGMaT8Ds8Cb9bI+saWtnh3qkvrm17EHz2INcPVXyHrirypnYupXnJvu1lX67cfw3BftQ8tW0/\nABzHLubed28R//da4v9eK9On69Acq66yFxQPfvuA5Cv7ZNpClpZdVDR6bw0m3q8Wxi8gUB5eH/xK\ng7b9ZdpUNXWxaT+IBr790LNxRcPQnKz4cIK3fk3SnbPcXv85XZcFvNK62ma2WLd+Ewuv7sQHHCbq\n1JZyZWPO7ybpzjk0ja1o/s5iTBq3oSgvi6iTvxO6dwlBaz7C/8dziFRKKl7pWjuX5iU7OqHRK+kp\n8N9j8/JvGNLnjXL78/ILmDrnG0YO6M3t4DBuh4RVOF9V5ZVBRaRCtw6+jBzwJt7N3bGxsiQhKZk1\nW/awZPUm5i3+hfHD3kJfV6da8q5ODqX5yiyadXxlff8tjGzjwE/H7zNr103yC4sZ8ULi9+eMaevI\nyeAEZu8JYvaeoNL2pjaGNLbSJyGjcmemvYkOvZtbczgojrdWnC9tV1URMbiVHbuvyt4IHOpjz+WH\nyewIiGLUmksK5xzlW/0UCrXJ2HaObL0cSVRKNiNWy58GMNfXZEoX2e/xPsvOEvgohZOfdMGjQeWO\nrvd/v8reazEybcN/LVtr7fjW9GnRoHpPoJZRqW8FNExtMXDzozg3E7GWHiZeb8rJGLd8A5dJP6Nt\n44aKuibqBuZYdByF+6xdiFTVlV7LafwSzNsPQ1XXCBU1DfScvHCfuQN9RUcmRCKc315Ko3d/xcDd\nD1VtA0SqaiUXNS174Dp1HQbu8iGqrwuGHv40+WQPBm7tEWvqoqKhjX6j1rjN2IpJqz7yA55FKIjE\nlZf2VNU2oOncw1i/MRktSydUVNVLXhtzeyz9x9Js/l+oG1lWOo+AQH1wZuN35Odk0mPKohqdd+Kq\nE/Sevhhnny6I1SoPYa6qvIA8gv2oHWrTfgDo2LrT9IsjmHi/iaquESKxKprmDjTo/SFNPtmDirpW\nTT4dAYEax7nvVDyn/IyFZze0ze0Qq2tiYO+Bz8cbUdMxICcxioKsV0u34Pf1EZqO/xbzZv6oqFZs\nI55c/wuAZuO/xaJlV1S1dNE0ssR10CwsvXuSFf+Q5HvyF0ECArXBomWrycjK5oe5H1cuXA15ZWho\n14CDm35mWL8eODvYoamhjr2NNYs++xC/1l7kFxQQGh5RbXkBxdgaa9OhkTkZuYXoa6kpdID0aGrF\nqjGtcLc2QFNNjIW+JmPaNWTPFD80VJV3TSwd7sWINg4Y6aijoSbG28GY3VP88HWST1UgEsGyEV6s\nGedDB1dzDLXVUBOrYG+iQ8+m1mx8pw0dXCuPyqoPDLXV+Otjf97zd8HZXA91VRXUxCo4mOowvr0j\nf8/qjJWB7L7peY6wF3OV/Vup98gsAPePt1cqY9r6LUxby4f1NZt3VK5N16E5vuvkK0WpauvjNH4J\nTiyRadd39cW8g+K75Cat+ijevP8D0HPxwX3mzsoFpRJy4x+gbe2KtrWrUnOr6hphP2Qe9kPmvaKW\nAgCRty6yYdqbtBk4mZ4ffifXH3LuIDu+GEPXifPwGzUDgKigS1w7sIHY4OukJz1GQ1sPmybe+I2Y\ngV3Tyo8TXD+0mQOLpzH0q424d+qnsG/4wi009iuLeJBKpdw8upUbhzaT8CgYSXERJrbOePcZR6v+\nExCJXu8vzYRHwVza+QsD5vyKlr5RfasjUAMI9qN2qE37AaBl6USj91YrJesycQUuE1coPbcApIRc\n5uKCt3Ds8Q4eYxfK9ccHHubq0gm4DZuNS78Pn425QtTJzTwNv0FuymNUtfQwcvHCpe8HGLv6yM3x\nMlGntxK05mO8p6/FuvWbCvt8Pt6ApXfPsg6plOizO4g6tZXMmBAkxUXoWjlh32U0DbuNK8vy+w9B\nrKGFlqkNRXnZqGrUXan058cRDRzkUzwYODThybWjpIRcwqxphzrT6XXjfMB1ug2bxJRxw1gyf5Zc\n//5jpxj23iwWzJrKJ++PB+BC4A3WbttL4K27xMYloKerQ+uWTZn13nh8vZtXuuaGnft577Ov2bby\newb07Kqwb9fqJfTt3qm0XSqVsnn3Adbv3M+9++EUFRfh0tCeCcMHMHn04Nd+n3U3NJyfftvC+qVf\nY2yoX+PyNYGaasnlr5mJcvvAqsr/19n1fuUpFAZ42TLAy1au/fhM+ePZLeyMSFgmf+LCQEuNpcM9\nWTrcU6a9rbMpI30dFK7br6UN/VraVKrf64aRjjpf9m/Kl/0rz8cokUp5kJCJq6U+rpbKfaZWjm7F\nytGtXlXNeuG1cGYJVJ8Hq9/nwer3ser6jkyZ86qQ8ziUopwMHEYsrJWNY258OLfmCiG4FeHQoh0m\nts4EndhFt/e+QlVNQ6b/+uHfUVER06LHcACyUhNZ/6HssZqc9BTCLv1FeMBJxi39E/vmbWtUR6lU\nyr5Fk7l9YrdMe8LDexz+aRZPwu/Sd9ZP5YyW5St/UyRKVmjTNTJn1v7QKuv7MlKJhAOLp+Hk0xmP\nzuUfQxQQ+K/wT7AfVUWwNyWYuPmia+VE7IU9uI+Yh4qabBRi9OltiFTE2HYYAkB+WiIXF8gepSvI\nTCXhxgkSg07Tds4eTNza1KySUik3Vk4l9sJemeaM6GDubPicjKh7NJ/4o1JTHRzZQOmqnxoGZrzx\n650qq6sMWXEPyYwOwbJVT1ResuO1ibqeMQDpkXfRMpW9UEuPLCm2kBX/qM70eR3xa+2FS0N7tu8/\nwjefT0NDXfYzsXHXfsRiFUYPLHHEJiSl0HXoRBmZlKdpHDl1nuNnL3Fs26+095G9iH5VpFIpb3/0\nBdv3y95ouXP/AdPnf8/tkDBWfju3nNGy6Di3orhYubyQ5qbGRF999aIyEomE9z9fSLcOvgx+s/Lc\nh1WVf1XdniQms2nPAU5dDKB7x7Y42JZ/bKqq8gICNcHkTYFM3hTIxI7OLBzQrFpz3I/PID23kG8G\nNa+VbdmDhEzaf/P6FKESnFkCZDwIRMPEBtPW/SoXFqg1PHuN5MTqr7h//rCMsyUjOZ6HgadwadMN\nPdNnxzdF4OTtT5uBk7F0aYqOkRl5mWlEBl1k/7dTOL91aY07s26f2MXtE7uxcHSn27tfYePmhVhd\ng/jQWxxZ/inXD22iZa+R2DZ5PT37gfvXkRR5n6mbXy2PiYCABTB5ZAAAIABJREFUQBmC/Xh9ses0\nnODtC4m/dpQGvmXvT15qPIm3z2DRoguaz1MCiESYNe2IY4930HfwQMPAlMLsdFKCL3Pz12k8OLC8\nxp1ZsRf2EHthL/q2briP+AJDZ0/EauqkPbrNnU1ziDq1BbtOwzBy8a7RdWuL4vwcrv/8LqraejQZ\n9WWdrm3evDMJN05wZ8PniMSqmLj5UpSbSdTJ33lyvaRIRWFORp3q9Doydkhf5n6/ggPHz8g4T+Ke\nJHLi3GV6dGqPlYUZACKRiC7tWzNl/HCauzfC3NSEtPQMzgXcYNKsL1m8amONO7O27z/C9v1H8XB1\nZtFnH9KqRVM01NW4eTeEj75czPodfzB2cF9ae1bvIre2Wb1lNyFhD7n1957KhashXx1erjqoqaHO\n5NGDWfTZhzUiLyDwuhHwKAUbY236e8pHvv0bEZxZ/1DMfAdi5juwckElsPQfi6W/4iTFNYGWlbPC\nYzsCsrToOYKTaxdx4/AWGWfWraPbkEiK8exdlmxf18icrpPmcWHbMqKXTCf7aTKS4qLS/oRHwTWu\n380jW1FRETP6x33omViUtts3b8ugL9by89g23L9wRCln1vzTyTWuX0VkJMdzcu3XdJ38Jfpm1nW6\ntoDA68Y/yX5UFcHelGHbcSghu74j+vQ2GWdW9NmdSCXF2PmXHY/VMDDDbfgcwg+sIHXtLPIzkpG+\nYFMyo0NqXL/oszsQqYhpM3sHmoZlNsXErQ1eU1dxelYH4q8dU8qZ1Wdr/b7nxfk5BPw4lqy4cNp8\nuh1ts7q9iLD3H0nMuZ2kPbxFwA+yFddsOwwh5twuRKJ6T5Nb74wZ1Jcvf1zJxp37ZZxZm/ccpLhY\nwrihZZ8Tc1Njvv7kA5b8upEps4NISk6lqLgs+u/u/fAa12/T7gOIxSoc2vwLluZleX/a+3iyadki\nWnYfzMETZ5VyZmWHX61x/Soi7kki8xf/wsJPP6SBpUWNy9cUefkFBNy4zd2QB7TxqvyoaFXlBQSq\nwyBvOwY9q+z4qoxv78j49o41MpciXCz0FB77rC8EZ5aAwGuCrpE5jdq+QeiFI6QlxGBoYVuSo+rI\nVnSNzWnkW7bxirkbyIbpfSguLFA4V1H+q5c1fpnEyPtIJMX8b1BJtTIpUnhWQlf67Gd6Qky54+uT\nwz/NwsLRnVb93q5vVQQEBATqBA0DMyxaduPJ9WPkJseWHD+TSok5uwMNQ3MsWpbl8EkNu8qlrwcg\nKSpUOFdxQc3blMyYUKSSYk5MeRbdIpWW2JVnvwPkJr/+jsnC7HSufD+SjOhg2ny6reaPYyqBipo6\n7b7YR9gfS3l8+QB5qXFoGlvh1Ps9NAzMiDm3C3V9kzrX63XD3NSYXl38OHjiLNGP47FrYFWSo2rP\nASzMTOjZuawwx5XrQXQfPpmCQsWfidxa2GcFhz2iuFiCU9uSvHJSadn+6vnPmLgnNb5uTTB9/vc0\naezMpFGDKheuhnx1eV51sLhYQmJyCsfOXOTThf+j56j3uHl8t9zRwarKCwgI1C+CM0tA4DXCq/cY\n7p8/zM0jW/Ef/xmRty6QGheB38jpqIjLPq7nty6luLCATuM+pfkbQ9E3tUaspo5IJGLFaB9y0lIq\nXUukUnKXViKVz6lQpODCRSopkaso11VxORdCL1OXObNyM55y//xhAL7sZKxQZlGPkhwj808lybzO\nAgICAv9k7DuP5Mm1o0Sf2YHroJkkB18iOyESl34fIHrhuy78zxVIigpxHTgTG79BaBlboaKqDiIR\npz5uR0FGaqVrlUb+KLApEkU25ZlcRbmuynOuvUx95czKS0vgyjfDyEmKps1n2zFpXHnxldpCrKGN\n27A5uA2bI9Me9NtMAAwbvp5H0+qa8UPf4sDxM2zefYC50ydz7sp1HkXFMuu9cai+UJF18aqNFBQW\nMnfaJEa81RtrS3M01NUQiUQ06zKA5Kdpla6l8ixhzfPKYi+Smyf/mZA822dVlOuqPOfay9RlzqzU\ntAwOHD8DgJaj4khK0yYljsKs8EAyMrOrJK+qZKXcihCLVbCyMGP80P7k5eczY/4P7D3yNx9PVhxZ\nXFV5AQGB+qFOY46zIoO4PKEBMX8uqVxYoN54nd6npIu7uDyhASnXDte3KnWCc+su6JtZc/PoVqQS\nCTcObQagZS/ZYwNP4yPRNTLHf/xnGFs3RFVdA5FIRGpcBCmxD5VaS9ewJC9EWnyUXN+jG+fk2kzt\nXFDT1OLzI1F8dfapwsfQBZuq+IxrH6mCCyuBfwev03eVQPm8Tu/Tf82mmDf3R8vYiuiz25FKJUSf\n3gqU5NN6kezEKDQMzHAdNBMdC4eS5OUiEdkJkWTHK1eOXkO/5FhUTmK0XF/S3QtybbrWLog1tOi5\nLoy+258ofLSasbaqT7nOyE6I5ML8PuQkx9Lm8x316sgqj+wnEcRe2INIRYyVT+/KB/wH6N6xLQ0s\nLdi0+wASiYQNO/8AYOwQ2bx/ETGPMTc1Zu70yTja26CpUXLD8FFULOGRykWhm5mW3ECLjJGPMDxz\nSf4YoKuTA9pamiTcPktexHWFj+0rf6jqU651qrrPqu99WX5+iUMwMyu7VuQFqs6t6KdYTNvH4qM1\nf6T938COgCgspu3j4K2y75Lafs0Urfk6IoQgCAi8RqioiGnZcwRnN//I3dP7CT53sKTSoY2TjJyB\nuQ1JkaEE7PuN5m8MBSDmTgBHf55dGkFVGWYOrgBc3r0KG3dvGrh5k/00kYC9a0ojmV7Es/do9n93\nhU0z+uM/7lMauHuhqaNPZmoCiY9CuHFkCz79J+DoVXklsbrMmaVtYMJXZ58q7Fs1wY8n4XeZcywW\ndS2dOtNJQEBAoC4QqYix7TiMsD+WEnf5AHGBhzFx80XHUjafhpZpAzIfhxHx13ps/EqO/aSGXeXe\n5nlKX3jq2TQC4OHRNRg6e2Lk7El+ehIRf63jybWjcvL2/iO4+WsAlxcNxnXgTIycPVHV1ic/LYGM\nmPtEn9lOw27jMPXwkxv7MnWdMysz5j6XvhmCpCAf3zm7MHJqWafrKyJwyTjs/Udi1MgbFbEaSXfP\ncXfzFxQX5NGw+3i0TIR8kVAScTNmUB++/Xktew6fYP+xU/i19sLZQTZfja21JSEPHrFq805GvFXi\nCLx8LYhZXy8pjaCqDDfnks/ZivXb8GnRlFYtPEhMTmHlpp2lkUkvMn5ofybO+pJeI99jzvRJ+LTw\nQF9PlyeJydwLfcim3X8yedRg/Nv5VLp2XebMMjEyJC/iusI+n17DuR0SRvK98+hqa1dLvjp8/8t6\nMjKzeKtXFxxtbdDW1uJJYhKHT55nwdJVALRr1bLa8gICAq8HgjNLQA5dh+ZCAt16xLP3aM79voRD\nS2ZQVJAvk/j9Od59x/Mg4G+OLPuEI8s+KW23cmmGeUM3slISKl3HyNoBtw59CDl3kA3T+pS2q4hV\nad59KEHHd8rIt+gxnKigi9w8uo2tnw9TOKd3n39P+PW6qT2IvhPAe+vOYenctFL5vQsncfvEbpm2\n32eV5YIY+tVG3Dv1q7a8gMA/FcGm1C92/iMI2/8Tt9d9gqQwH/sXEr8/x6HLGBJvneLOxtnc2Ti7\ntN3AoSl6to3Jf1q5TdE2t8fKpzfxgYe59HVZcliRWBUbv8HEnpf9vrPtMITkkEvEnN1JwGJ5Owcl\nxyRfRx4eXUN+WiIA5+f2VCjT8bu/MbD3KP37wpd9SQ0NlGsvjxu/TCH2wl6Ztivflb133tPXYt36\nzdK/nz64zpNrx+TmMfXww33k/ErX+y8xbmg/vvtlHR/M+Ya8/ALGD5W3te+MGMBfZy4yY/4PzJhf\nFg3VookrTRo5EZ9U+U25hnYN6N+jM/uPnaL78Eml7apiMSPe6s22P2RvHI4a+CbnAq7z+56DDJgw\nXeGcbw97S9mn+a/Df/DbXL4WRMDhbTR3d61Q9ml6Oj/9toUlqxWfGBjevyfdOvhWW15AoL5pYWf0\nWiViry+E0iYCAq8ZhpZ2OHp1Ii87A00dfdw7ym+yGrfvxcAvfsPCqQlqGpromVjg3Xc8Y5f+iaq6\nhtJr9f90BZ69RqGtb4yquga2TVox9n/7sW/eVk5WJBLR/7NfGPzlehy9OqGlZ4hYTR0jawca+/Vm\n+MItSkVl/VN4HuEm5NASEBD4J6NtZouZRwcKczJQ09bHqnUfORlL7x54Tl2Jvp07YnVNNA0tcOgy\nhrZz9yBWVVd6rRaT/4ddp+Go6xqhoqaBkYs3befsVpwUXSSi5bvL8J62BrOmHVDTMUBFVQ1tc3ss\nvXvi8/EGzDw6vMpTf60otSkqtWNTWs/6HSuf3mjomyLW0MawYTOajvsG38+2I1bXrJU1/6nY21jT\nuZ0P6ZlZGOjp8lbPrnIyfbp1YuNPi2ja2AUtTQ0szU15Z8RAjm79FQ0N5T8Tv34/j7FD+mFsZICm\nhjqtPZtxdOsq/Fp7ysmKRCJ+W/wlW37+js7tWmNkoI+6mhoN7RrQt3sndq1eQuf2r99x1rriee4x\nVdXKP0OffzCRZQs+w6+1F2YmxqipqmJuaswbndqxefk3rP/f168kLyAg8HpQcxZVKiXp0m4SL+wg\nOyYYJBK0rJwx7zgS8/ZDEVVgvDPCrpBwZgtZETfIT41DrKmHnpMnDXpNRc+5lewykmISTm8i8eIu\n8pOikEqlaJo3xKzNW1h0Go2KulaV5OoaZfVKPLeNh5tm0ei9NZh4y+Y5eN7nOnUdxi17AJB29zQh\nS0fhMOxLdOw8iNn/I9lRd9C0dMJh6Dzu/TAIq64TcBi+QE6n1BtHCP1lInYDP6NBrw/Iigzizte9\nsOn7Ebb9PiYj9HKVxpc8USmJF3eSeG4bObH3kUqK0LRwxKLjqJIy7s+SYj6nKCeDmD++J+X6EYpz\n0tGydsW238c18ZL/IxmzZF+lMs26DqJZV/kqMJPXnJZrs3ZtqfConaauAf0+XUG/T1fItDu0aIfX\nm2MUruvh/xYe/v+OO4PvrTuvsF0qkZAUFYZ5w8aYOTRWaq6Bc9cwcO4apdeuqvx/DsGmKIVgUwSb\nogy+s3dWKmPTbgA27eTv8nb45rhcm6Fjc/pul6+qpqZtQIvJS2HyUpl2Ezdf7P0VR1lZt+mLdZu+\nler3OtFi0v9oMel/SstLpRKyHj9Az8YVPZuKI0qe4znlFzyn/KL0GoZOLWg1Y53S8v91Dv++slKZ\nYf16MKxfD7n2Swe2yLV5NXVXeHTOUF+P1d/PY/X382Ta/Vp7MX5of4XrDurdjUG9u1Wq3z+BwCPb\na0ReIpEQGh6BeyMn3F0cFcq8iIGeLpNHD2by6MFKrVtVeQHlkUphZ2AU2wOiCI5Lp1gixcVCj9Ft\nGzKstT2qKqJyx15+mMzmixHciErl8dNc9DRV8XIw5sOurvg4ylZoLZZI2XDhETsDoohKyUYKNDTV\nYYCXLWPbOaKlLq6SXH2QnlvId4fvcSgojvTcQhpb6jGrp7tC2VvRT3ljyWlm9nBjVk+30napFLYH\nRLL1ciQh8RkUSaQ4mekyum1Dxrd3fHm7VKU1X0dqxpkllRK25n1SAg/INGdFBpEVGYSmqR0G7opz\nHhSmJ3Lv+4EybUVZqTwN+pu0O2dwn7UT/UZld/Si935L3LFVMvLZUbfJjrqNSFUNy87jqyRXEVcm\n2ildHUdN3wzvpbcqlasJvSoiM/waUbsWIpUUlTRIJei7+qJp4UjS5b3YDZ5bUqHoBRLPb0ekIsas\n7RCFc1Z5vFTKg7UfknxF1iGTExtCxNY55MQE4zi2LGRbUphP8OJBZEffK23LjrrN/RXjMGklfwdZ\nQKAi9iyYwJ4FE2gz6F16fvBtteZIjAghLyudXtN+QPTyt349kBz9gBWjK8+R8a9BsCmCTRFsisBr\nwvUV73J9xbs49pyIx5jqRWdkxtynMCedpuMXyTle64OsuHBOfdy+vtUQ+Icy5sPZjPlwNlPHD+fH\neTPrZM17YQ9Jy8hk6VefvBb7stCHkTTvOrBywf84UilM3hTInzdjZdpvRT/lVvRT7Iy16eBqrnBs\nYkYe/ZfLFqRKzS7gxL0nnA5JYM9UP3ydTEv7Fh26xy8nw2Tkg2LSCIpJQ01VhQl+TlWSqwjrGX9Q\nrKBKqSLM9DS4u7DyAhz5hcUMWHGOu4/TZfQa/dsl+rawUWotqRSmbLnK3muyRSqC49L5fM8t7j1O\nY8mwsqjQmlizvqkRZ1bihR2kBB5AVdcIuwGfYdS0M6o6huTEPyDh7BaZ8s9yiEQYuHfAqusEdOya\noKZvRlF2GhlhVwhfP4PHR36RufBIvXkMFQ1tXN5ZhoGbHyKxKrkJESRf3otYQ6fKcnVNbeuVcu0Q\n5u2H0aDXFDTM7BGplHiXzf2GEb3nG57eOIaJT9kd0IKnT0i7exbDpp1RN7Qod96qjE+6spfkK/vQ\ntmmM/aA56Dp6oqKqTlbUbSK3fUHCua2YtR+KnpMXAE9Oric7+h5alk40HPUNuo4tKcpMIe7Yrzw5\n/fpVxxP49xN15wqGFrY07SKcRa8PBJuiPIJNEWyKwOtPamggWqY2NPBVHIkjICBQMZeu3sKugRWD\n+7xR36oIVIHtAZH8eTMWIx11ZvduQtcmlhhqqxH2JJPNlyJQFZef8UgkEtHR1ZyJHZ1p0sAAMz0N\n0nMKufQwmWlbr7Pi71AZZ9bR23Foq6vy8yhv/BqZoSZW4VFSFnuuRaOjrlplubpm7bmH3H2cjrO5\nHt8Nbo6nvTEpWfmsPPWADRceKTXHnmvR7L0Wg5u1Pl/0aYqXgxHqqioExaQxZ28QWy5HMryNA94O\nxjW2Zn1TI+9Y0qWSpJ6NJq+SuVuu69AcXYfmFY5V0zfDftDnPD7yC482f0JhRkrZHWBK7ry+iIaR\nFQBGLbqXHjPRsXVHx9a9WnIV0eY3+fLSr0pN6FUReo6eOI37Ue7On3m7IcTs+4GE89tlLhySLu5C\nKinG3G/4y1NVe3zShZ2IVMS4fbQddYMyb7t+oza4TPqFW1/48/TmX6UXHinXD4NIRKMpv6FtXRJ+\nL9bQoeGob8h98pD0EPmS3gICL9O8+xCad1ccCVJVfPpPwKf/hBqZqyYwtXMptyLjvxHBpiiPYFME\nmyJQO9i0H4RNe/mj/NXBods4HLqNq5G5agJda2eFx0QFBCpieP9eDO/fq17Wft2OALo6OZRbkVGg\njJ2BJfueNWN9ZCKwWtgZ0cLOqMKxZnoazOnjwc9/hxIYkUJyZj5FL0RDhcRlyMhbGZakVXijqVXp\n0cUmDQxo0qBpteQqIm5pzadbORQUh0gE6ye0xtVSHwAdDVW+G9yC8MQszoclVjrH9oAoxCoidr7X\nHgv9slyJvk6m/DqmFX7f/s2xO3GlzqyaWLO+kXNmaWqWPHFJUYFc6H955MaHo6ptUO6xj4rIDL/G\nvcWDkBYVKuyXFObJ/G0/7CvCVr7Dzc/aYejRCW1bd/ScvNCx86iWXF1T23oZuPspDGFX0zfDqHlX\nUm/9RX5KLBomNs9ykOxAzcAco+ZdKpy3KuNz4sKQSoq5MdMbAKlUCjz78pGW/MxPLatslZcYibqh\nZelFx4sYNvWv/oVHUT5aWsbVGysgIFBjqGtoIinKV1pesCnKI9iUurMpksI8NDTrJzeagICAgIBA\nVdHUUKegSFJv6z9IyMRQW63co4QVcTUihbdWnKewWLH+uYWyaRu+fqsZb6+/Quuv/8K/sQVNGhjg\n7WBMUxvDasnVNRHJWVgZaJU6lV6ks5uFUo6l0CcZFEuktJx/FCjZIkmf7ZeebZeIfZpbo2vWBXmF\nxWhpKi5wJufMMjEpSaZWlJmKupFl7WoGPD7yM9KiQmz6foSZ7yDUjSxLnGgiEbfmdKAwK1VGXsfW\nnRaLzpEZfq3kERZA7IH/oaprTKPJq9C2aVwluYqojfwmSuul8izsUir/AX75YuxFVHXL93KbdxhB\n6s1jJF7YiW2/j0kPvUxeYhQNek2tMJlyVcc/r9hT0WtX3oVmTSLJTsXYuEmtryMgIFAxBkZGFGXW\nTWSZYFMEm1JbFGU9xcCo4jvJAgICAgICrwtGhoakZhfUtxrVYvnfYRQWS5jZw43BreywMtBEXVWM\nSATtFp0gJVv2JmmTBgZcnNOdqxEpXI1I4crDZH48FoKxjgZrxvrgZq1fJbmKqI2cWTXB84qfFelW\nWI/OzeryNLsAI0PFzka5g6qNG5dsfHMeh8gJl4eWlTNFOenVutuZnxSNmr4Ztv0+RtPcHhU1DRCJ\nyEuMIjchQuEYkYoq+o3a0KDXVFwmr8Tz+ysU52bycOPH1ZKra5TRS02v5AxwXrL8sZT0kIvVWtfQ\noxPqRlYkXdgJUgmJ57YBYN5+WI2O17JyRkVdC5+f7+O77rHCR6P3y6q4aZo7UJD2hJy4ULk10+7I\nV+ZTCqmU7Mdhpf/P/zTiQm8yv6MRpzd8V9+qCFTA6/Q+3Ty6jfkdjQg+82d9qyJHEzc3ch7fV1pe\nsClVQ7ApdWBTgJzH92ni5la54GtI2qMgDgy3JHTPj/WtikAFvE7vU8zZnRwYbklcwKH6VuUfzfU7\nwWg29GLhT6vrW5XXkt/3HESzoRf7jv5d2lbbr5miNf+tuLu7cz8+o3LBWsLFQo+0nMJqRfhEJWdj\npqfBrJ5uOJjqoKFW4siKTM7mUVKWwjGqKiJ8nUz5sKsrq8f6cG1eD7LyCpm+/Xq15OqShqa6xKfn\nEvpE/v06FZKg1BwuFnpoqYt58F0fEpYNUPhY93brGl2zLrj/JBN3d8XpMxRGZjV0diH9/iUMPfyV\nWsCs7WAywgJ4sPp9bAd8WpKsV9uA3CfhJJzZgmmbt9B39VU4Vt2kATnxYTw5tQEz35LcBBkPrhK5\nY77CO8h3v+mLWdvB6DdqjYapHdLiQtJDzlOU/VTm7rKychVRG/lNlNVLy9oFgPgTa9Fz9ES3YUsK\nM5KIP7me1JvHqrW2SEWMebshxB5aRvLVg6TeOPKsqlTDGh1v4Tec8AeBBP84FJu+H6Hr2BJVLX0K\n0hPIeRxK4vkdWHYei4FbSSUdE6/eZD26SdgvE2k46lt0HVuUJuut7nGQrMggCnIy8fVV/H8nICBQ\nd7Rv15Zra5RPvC3YFOURbErd2BSAnLBLtJs0ttrjBQQEBAQE6hLfdu3ZvPpGva0/1MeOKw+Tmbzp\nKrPfbEJnNwsMtdV4kJDF5ouPGOhtR1tnU4VjbYy1CEvIYN35hwz2tgMgMCKFeX/cRiKVjzzqvfQM\nQ3zs8XUywc5Eh4IiCefDkkjNLpA5kqisXEXURs6sN5tbcyMqlbfXBfD94Ba0tDcqTcaurDNwRBsH\nArZdZ/DKC8zs4YanvRH6WmokpOcREp/B9oBIxrd3xK+ReY2tWRdcfJjKmMmjFPYpPAfwVt8+rNm2\nDwbOVqqEsHn7oaTdPU3KtcM82vSJXH9FpbAtOo4i7c4pIrbOJWLr3NJ2HTsPtBs0piBd1iuYHXWH\nzIeKvaYWHUZWWa6uUVYvTTN7jD17kXrjCPd+KEtAKlJRxcx3EEmX91RrfXO/4cQeXs6jzZ8iKczH\n3E+5O+hVGW/WdjDpoZdJuriL+8sVb/wtOo4o/d2yy9skB/xBdvQ9gn98IYG3SISJT19SAg9USUco\nSQDcwNaeZs2aVXmsgICyWLu2/E8lZq8ub775JgsXLiQrMqjSBO4g2JSqINiUEmrbpmRF3CIrMYY+\nfcr/3xMQeFUMHZsLidkF/vN4NXUXkqvXEM/3X7ein1aacL02GNbanlMhCRy89ZiPd8g71fq1tCl3\n7Ji2jpwMTmD2niBm7wkqbW9qY0hjK30SMmRvJN6OTeNaZOrL0wAwuq1DleXqmnc6OLHvegx3H6cz\n8Jfzpe0iUcnr9OfN2ErnGOpjz+WHyewIiGLUmksKZUb5lt0wrIk1a5tb0U+JTsood/+lsB7m22+/\nTdaTSJ4qG44vUqHRu6txHPsDeo6eqGhoI9bSQ7dhC5zG/Yh+4/KjY4xbvoHLpJ/RtnFDRV0TdQNz\nLDqOwn3WLkQKEtB7zD2MZedxaFk3QkVdE1VdY/ScW+E07kcchn1ZZbm6pip6OY1fgnn7YajqGqGi\npoGekxfuM3eg36i14smVQMPUFgM3P4pzMxFr6WHi9WbNjxeJcH57KY3e/RUDdz9UtQ0QqaqVXEy1\n7IHr1HUyiZ1V1DRwn7UHS/+xqOmboaKmgY6dB65T1mGkZHTgi0gKckm9tJOJE8ZXeayAgEDN07p1\na1zd3Ek4tVG5AYJNURrBptS+TQFIOL2Jxu5N8PHxqdZ4AQEBAQGBuqZ169a4u7my4YLiNAu1jYpI\nxG/jWrNkmCdeDsZoq6uip6lGS3sjlg73pK2LWbljezS1YtWYVrhbG6CpJsZCX5Mx7RqyZ4ofGqry\nLoxjH/nztp8jjSz10VQTY6yjjo+jCUuHe7LgrWZVlqtrNNTE7PugA+PbO2Kmp4GGmpimNoZsnOBL\nZzcLpeYQiWDZCC/WjCupHmmorYaaWAV7Ex16NrVm4zttZJLx18Satc2GCxE0cW9c7v5LJJUqiNMD\n3uzTl/NBD3Cf95dSiVwFBF4XYvYvJu3MBh6Gh2FuXvXqGcoyZMgQgpMKGfLVhiqNk0ql3Dq2nZtH\ntpDw8B4SSTGmdo3w7juWlj1HoiJWJS70JqsndabTuE/xH/9Z6diooEtcO7CB2ODrpCc9RkNbD5sm\n3viNmIFdU9kLUomkmKv713Hz6DaexkWCVIqxjSNNuw6iVd+3UXtWlUtZubpGWb2uH9rMgcXTGPrV\nRtw79ZOZ43nf8IVbaOxXknwxPPAkv88aRI+p32Dl0oxT678hPiwIUzsX3nh/IRumvUmbgZPp+aF8\nHqyQcwfZ8cUYuk6ch9+oGXLvU+Sti1UaDyX/DzePbuXGoc0kPApGUlyEia0z3n3G0ar/BEQvRcfm\nZaVzcu1Cgs8eIC8rHfOGbviP+4zs9BT2fzdF4etQGfO/CSmWAAAgAElEQVQ7GrFz506GDBlSuXA1\n2bJlC2PHjsPji6Po2AmFGQT+OWRH3+Pu1z3ZtGkjo0YpDnOvCXbt2sXQoUOrHpkjlRJzbhfRZ7aR\nER2CVFKMrrUz9l1GY9dxGCKxKmmPgjg35w1cB87EddDM0qEpIVeIOrmZp+E3yE15jKqWHkYuXrj0\n/QBjV9mNo1RSTOSJjUSf3UFOQjQgRcfCgQbtBuDQdSxiDa0qydU1yuoVdXorQWs+xnv6WqxbyzpX\nn/f5fLwBS++eACQGneLKdyPwGLMAA4em3N/9PekRd9C1cqLJ6K+4uOAtHHu8g8fYhXI6xQce5urS\nCbgNm41Lvw/l3qeUkMtVGl/yRKVEn91B1KmtZMaEICkuQtfKCfsuo2nYbZzciYvCnHTu7/yOuMDD\nFGano2/jiuugWRRkpnLz12kKX4fKuLZsIu1sNdm1a1eVxinLkCFDkGQ/Zesv39fK/MoilUrZsvcQ\nG3f9yd37DyguluDq5MCEEQMYM7gvqmIx1+8E067vaOZOm8Tc6ZNLx14IvMHabXsJvHWX2LgE9HR1\naN2yKbPeG4+vt2wEc3GxhNVbdvH7noNERD9GKpXi5GDL0L49mDhyENpamlWSqw/SMjL5cslK/jh6\nkvSMTNwbOTF3+mRSUtOYOOtLtq38ngE9uwKU+5pJpVI27z7A+p37uXc/nKLiIlwa2jNh+AAmjx4s\nt1+qypr1hWZDrzrZf40bO5bjM/3xaGBQa+sICNQ0dx+n0/3H02zctKm8/dfucr1Uy35ainsTDxLO\n/I5lZyHCReCfQX7qYxKOr+b7bxfVqiOrukilUvYseIe7p/bJtMeF3uTA4psYWdnj6NVJ4dis1ETW\nfyhbDSMnPYWwS38RHnCScUv/xL5529K+v9cs4OL25S+tc4u40FuIVdVpPWBileQq4it/UyRKVmnT\nNTJn1n75xMwvUxN6VUTM3UCOr5qHpLgIKKmY5tCiHSa2zgSd2EW3975CVU22DOz1w7+joiKmRY/h\nCues6nipVMq+RZO5fWK3jFzCw3sc/mkWT8Lv0nfWT6XtRQX5bJjWhyfhd0rb4kJvsW32cJr41/z5\n/Zpk5MiRrPp1DSHb59D4kz+UOsIuIPA6ELNrPl6tfBg5sv6Ok5aLVMr1Fe/y+LJs4Ye0R0GkPQpC\n28wOs6YdFA7NT0vk4oL+Mm0Fmakk3DhBYtBp2s7Zg4lbm9K+kB2LCD+4UnadiNukRdxGRVWdhm+8\nXSW5ijg4soHSlT81DMx449c7lcrVhF4VkRp2lXtbFyB9blOkUkzcfNG1ciL2wh7cR8xDRU02OjT6\n9DZEKmJsOyi+kK3yeKmUGyunEnthr4xcRnQwdzZ8TkbUPZpPLEsuLynM59KCgaRH3S1tS4u4TcCP\nY2jQpm+1X4v/AlKplDEfzmb3oeMy7dfvBHP982AcbK3p3E5x1GtCUgpdh8ruYVKepnHk1HmOn73E\nsW2/0t7Hs7Tvix9W8L81m2Xkb9wJ4cadENTV1XhvzNAqyVWEjnMriouVq3ZmbmpM9NUTlcrl5Rfw\nxvDJBAWX7f1u3Alh4DszGNS7m1JrSaVS3v7oC7bvPyrTfuf+A6bP/57bIWGs/LYstUBNrPlvYeTI\nkaz5dRWf77vDganthe2XwD+GL/bfxaeVd4X7r3KdWU5OTnw0YzpLVyzGwM0PLSvnWlFSQKCmkBYX\nEbnhI+zt7Zk6dWp9q6OQm0e2cPfUPrT1jekycS4ubbqjpW9EclQo1w5sREWsVv5gETh5+9Nm4GQs\nXZqiY2RGXmYakUEX2f/tFM5vXSrjzLp//jDqmtoMmPMrDb06IharkRL7kNsndqGupVNlubqmtvW6\nd2Y/nr1G0X7ENIwaNERFRQyAZ6+RnFj9FffPH8aj84BS+YzkeB4GnsKlTTf0TC3Lnbcq42+f2MXt\nE7uxcHSn27tfYePmhVhdg/jQWxxZ/inXD22iZa+R2DZpBUDA3tU8Cb+DqZ0Lvacvxsbdm+y0ZC7t\nWEHg/nWv/JrUJiKRiOXLltLKx4f4k+ux6jqhvlUSEKiU+L/XkRYawKrAQLm7/q8D0We28/jyn6jr\nGtF42OdYtOiKuq4hmY8fEPX3ZlRUK7IpIsyadsSxxzvoO3igYWBKYXY6KcGXufnrNB4cWC7jzIq/\negyxhjae76/A1MMPFbEa2U8eEXNhL6qaOlWWq2tqW6+4Kwex6zQc575T0bFwQPTMpth1Gk7w9oXE\nXztKA9+yqNm81HgSb5/BokUXNI3KtylVGR97YQ+xF/aib+uG+4gvMHT2RKymTtqj29zZNIeoU1uw\n6zQMIxdvAB4dW0d61F10rZ1oNv47DJ09KchIIfzQSiJPbHzl1+TfzKZdf7L70HGMjQxYMHMKPfzb\nY2Sgz/2HEazduhc11fJPtYhEIrq0b82U8cNp7t4Ic1MT0tIzOBdwg0mzvmTxqo0yzqwDx8+go63F\nuiUL8G/ng5qqKuGR0Wz/4wi62tpVlqtrVm7aQVBwKI0c7Vm24DNatfQgOeUpS3/7ndW/7658AmD7\n/iNs338UD1dnFn32Ia1aNEVDXY2bd0P46MvFrN/xB2MH96W1Z7MaW/PfgkgkYumy5fj4tGLtuYdM\n7OhU3yoJCFTKb2cfciU8kcDAwxXuvyo8Pzh//nxOnT7LveWjcZt9CDU9kxpXVECgpojcNpfcqFvs\nuXgBNbUKNvD1yK1j2wEY/OU6mQgsa9eW9J3VssKxukbmdJ00jwvblhG9ZDrZT5NLo4oAEh4Fy8jr\nm1kD4NquJyriko+6pbMHls4e1ZKriPmnk5WWVZaa0KsibNy96fvJcrkvyBY9R3By7SJuHN4i44y6\ndXQbEkkxnr1HVzhvVcbfPLIVFRUxo3/ch55J2dl0++ZtGfTFWn4e24b7F46UOrOCzx1EJBIxdMFm\nzBs2BkBdS4feM34kOSacR9fPVv8FqQO8vLxYtHAhc+d+gaaZPUbN6ze8X0CgItLuniF61wK+WbQI\nLy+v+lZHITHndgLg9eFqmQgsQ8fmGE5aUuFYDQMz3IbPIfzAClLXziI/I7k0qgggMzpERl7LxAoA\nS683ED37Tta3b0IT+ybVkquIPlsfKy2rLDWhV0UYuXjRYtL/5KJObTsOJWTXd0Sf3ibjjIo+uxOp\npBg7/xEvT1Xt8dFndyBSEdNm9g40DctsiolbG7ymruL0rA7EXztW6syKDzwEIhGtZqxHz8YVAFVN\nHZq9/R1Z8Q9JvluWEFhAlt/3HgJgy4pvZSKwvJq64/Wd4hLyzzE3NebrTz5gya8bmTI7iKTkVIqK\nyyIR794Pl5FvYPWs8li3jqiKS5ykzdwa0cytUbXkKiI7/KrSssryx9GTiEQidqxajHujEkeKrrY2\nyxZ8RtijKE5fDKx0jk27DyAWq3Bo8y9YmpdVv2vv48mmZYto2X0wB0+cLXVm1cSa/ya8vLxYuHAR\nX8ydi4OpDt2alO9AFxCob07fT+DLP++waNE3le6/KnRmaWpqcvDAfrxa+RC+6h0afbAZsZZejSor\nIFATxB5aRsK5rfy5fz/Nm1deLa0m0NTUpLgwq0pjkqMfoKVnWO5RwoqIuRvIhul9KC4sUNhflC9b\n1aPH1G/Y+cUYlg33xNmnCxbOHtg2aYWVS7NqydU1ta2Xk3cnhZ5+XSNzGrV9g9ALR0hLiMHQwrYk\nr9WRregam9PIt3uF81ZlfGLkfSSSYv43qORiSooUnqUxfJ7OMD0hplQ+NfYReqZWpY6sF3H26VIt\nZ1bhs/8bLa26yWPz+eefcz80jB1rp+L60Q50G7aok3UFBKpCVsQtHq5+l1GjRvHZZ59VPqAG0NQs\nyWcjKSyQO05WHplx4ajpGJR7lLAiUsOucunrAUiKChX2FxfI2hSP0Qu4unQCf09vg3lzfwzsm2Dk\n4oWBQ9NqydU1ta2XmUcHhcenNQzMsGjZjSfXj5GbHIuWqU1JnrOzO9AwNMeiZcVO/aqMz4wJRSop\n5sSUZ1E9UmmJXXn2O0BucpmjMPtJBFpGlqWOrBexaO5fbWeWtDAPLa3aq5ymqanJ0zTF/7d1RejD\nSIwM9Ms9SlgRV64H0X34ZAoKFT+H3Jf2c4u/+Jhh783CvWM/unXwpZlbI1p7NqNFE9dqydU1D6Ni\nsLYwL3UqvUj3jm2VciwFhz2iuFiCU9uSXHVSadk+6fnPmLiyfIM1sWZtk5uXD9Tt/issNJT3tuxg\n97ttaWlf99UNBQQq42bUUyZuvKb0/qvSzO7m5uYcO3KYzl26cf/7/jhP3YiGqW2NKCsg8KpIi4uI\n2DqbpPM7+OXnn+u0bLqxsTF5NyvP/VRTnN+6lOLCAjqN+5TmbwxF39QasZo6IpGIFaN9yElLkZG3\ndPbggy2BxNwNJPpuING3L3Fm4/doGxgzeP56LBzdqyRXEbWRM0tZvUQqJRVNJFL5HA9FL12MvYiW\nvnG5fV69x3D//GFuHtn6LLH7BVLjIvAbOb00SqwilB0vlZToXNFrV1zOhWZNkZtRUp7YxKTuIm9/\nW7OahMRETi0eRMO3l2Hi3bvyQQICdUTKtcM8Wj+NLp39+W3N6jpb9/lnsCAzBU1jq1pfL/zPFUiK\nCnEdOBMbv0FoGVuhoqoOIhGnPm5HQYZs6XJ9+yZ0XnKB1LBrpIZdJeX+FUL3/Ii6vjFeH65G39at\nSnIVURs5s5TVSyR6ViVLgU2RVGBT1PXKvzC07zySJ9eOEn1mB66DZpIcfInshEhc+n1QGiVWEcqO\nlz7TuaLXrjznZU1SlJWKsXHtFfowNjbmQfDtWpu/tlm8aiMFhYXMnTaJEW/1xtrSHA11NUQiEc26\nDCD5aZqMfDO3Rtw+uY8r14O4fP02F6/eZOGyNZgaG/L7im/xcHWuklxF1EbOrJpA8my/VJFu5TkH\nX1dS00re57rcf61es4bExATe+uUkK0Z40qdFgzpbW0CgMg7eeswH227g79+Z1Wt+U2qMUmUKmzRp\nwrWrAfR6sw/B37yJw7ilGDXr/ErKCgi8KvnJMURsmkle1C327/+jTh1ZAG5ubqxZtx6pVKp0LhVT\nOxeibl/m0fWzOHp1rNJ6T+Mj0TUyl6luCJAaF0FK7EO0dA3lxqiIVbFv3rY0l1ZhXi7LR3nz5/cf\nMGn1ySrL1TXK6KVrWFLWNy0+Sm78oxvnqrWuc+su6JtZc/PoVjqN/YQbh0oSqrbspVwlM2XHm9q5\nEP8gh5n77qOpo1/pvMY2jjwOuU5ixH256KzwwOq9T4kRJUeJGjeWj/aqLdTV1Tl88AAzZszg558n\nk/PmNBr0/hCVlxLmCwjUJZLCfB4fXs7jQ8uYMnUqPy1divjZUZ264PlnMCMmRGlnlp61Myn3A0i+\nex5TD78qrZedGIWGgZlMdUOA7IRIsuMjUNORr3olEqti4tamNJdWcX4upz5qy63VM+iw8FiV5eoa\nZfTS0C85wpSTGC03PunuhWqta97cHy1jK6LPbqfRwI+IPr0VKMmHVZPjda1dSI+8TfeVQahpV25T\ndCwb8vThTTJjQ+WisxKCTiulmxxSKRkxYTRu/GpFWirCzc2NDevXVWn/VdO4Ojlw8epNTl8MxL+d\n4pLx5RER8xhzU2OZSn0Aj6JiCY+MwdBA/hSMqlhMex/P0lxaObl5NO08gHc/WcCFPzdXWa4ucbK3\n5VrQPYLDHspFSh0/e0mpOVydHLh17z4RAX9hoKdbJ2vWNvdCHwJ1v/86cPAQM2bMYOLPPzOjuyvT\nu7mioVZ3tk5A4GXyC4v56UQoS4+HMnXKFJb+9JPS+y8VZRextbXl8sUL9OvZjfvLRvNgxTjyEiKq\nrbSAQHWRFOQSs38xt+d1wqQomcsXL9S5IwugTZs25GZlEhd6U+kxz6vY7VnwDtcPbSIjKY6CvBzi\nQm9xYPF0Im9dLHesgbkN2WlJBOz7jbzsDPKyM3hw5QRbPhlSGuHzImvf787VPzeQFBlKYX4eedkZ\nhAf+TW5GKk/jIqssVxHzTyfz1dmnSj2Uicqqil5mDiUb8Mu7VxF56wKF+XmkPYnmr1/mcv/8YaXW\nehkVFTEte44gPSGWu6f3E3zuYEmlQhvlkmYqO96z92gK83LZNKM/YZf+IjstmeLCAtISYgi7fJwd\nX4yROTro3qEPUqmUnfPGEHHjHAW52TyNj+Lw0pnVzpf16MY5nFwaYWxcfqRabSAWi1m+fDkrV64k\n5dRa7s33J/XG0coHCgjUAqk3jnJvvj8pp9aycuVKVixfXqeOLCi5O+/o7ELyvfLtwMvYdiipTnZt\nxbtEndpCbmo8xfk5pEXcJui3maSEXC53rJZpA/Izkon4az2FORkU5mSQcOskAd+PLI3weZHz894k\n8u9NZMaGUVyQR2FOBolBpyjIekpOQlSV5Sqiz9bH9N3+RKmHMlFZVdFLz6Ykv9DDo2tIDr5EcUEe\nOUkx3NvyJU+uVe87SqQixrbjMHKTHxN3+QBxgYcxcfNFx9KxRsfb+4+gOD+Xy4sGk3DjBAUZKUiK\nCslNjiXh5t9cXTpB5uiglc+bIJVydenbJN+7QFFeNjmJ0dxe/1m1jximPQoiPycTX1/fao1XhjZt\n2pCRmcX1O8GVC9cSowe+WfLzw9ms3/EHj58kkJ2Ty407Ibz/+ULOB1wvd6yttSVJKU9ZtXkn6ZlZ\npGdmcez0RfqN/7A0AulFOg4cz29b9xDy4BG5efmkZ2Zx/OwlUtPSeBQTW2W5isgOv0pexHWlHspG\nZb3VswtSqZRh783izKWrZOXkEBnzmGnzvlP6uN/4of3Jyc2j18j3OHLqPMmpT/k/e/cZFsXVhnH8\nT1ERwS4qiDU2bNjF3mPBXiKi2GIiNmyxvipRE7sRe+xisMSCBUvsAgKCBVSwF8AGig2pu7DvByIG\nUQEVBvT5XRcfsnvmzL3EZZ45M3NOrEpF0INHHDrhTi/bX5L09SX2md5OefhQrmxZReuv1W5BNJp3\nkoOXHmZoBiHeOHjpIY3mnWS1WxArVqxgydKlaaq/UnVn1hsGBgZs27qFIT//xNDhI7g0rRn5qn9P\nwXrdyGPWCO3sGfPMr/gGaTS8vudH2PkDPPPYjq5Gzdzff2PEiBGKTfZetWpVTEyLE3B6PyYVaqS8\nAVC9rTU3vY8TcGov++aPSvZ+5ead37NVglodB3Dz7DEOOoznoMP4xNeLlq2KUamKvA4LSdL+0Y1L\nBPu/fyLPmpb90twuo6U2Vz7jklRs3IGrrvvZYPd2UFNbR5dqrX/A78j2T9p/jfZ9cd28EJeFo1HH\nxqQ48funbG/exopAvzNcPLQFp0m93ttPrQ5vP2vdbj9z6dhOHt+6zMbRbycC1tLSonLzrlw5sTtN\nGTXx8Vx320+/H7qm3DidDBkyhI4dO/LL+AlsXTGY3CUqk7+hFfnNW5M9X/o/aiW+XbHPH/HM9wjP\n3LfyKvAKVr2tmT9vLsbGxopl6tyxA+u27gar/713/qV3mTbtRajfCR6edcFvzbhk7xvX6/jBbUu2\nsCHU9wSXN07m8sbJia/nKVkFQ9MKxDxPekx5ee8Sz2+ee29fJZr3SXO7jJbaXPpGJShapz2PvA/g\nMfPt30YtHV2KNerBfbdPWwmteLPe3NizmEvrxhOviqFEChO/f8r2po178vSqB8Gnt3N2/vuPWSWa\nv13ivHSbQTw4s5uXgVfwmNX9bSMtLUwsOvHAc2+aMgI8PLsfE9MSVK2afvNuVq1aleKmpuw5dIJa\nVdPvccaPsenRkSOnPdl96BhDJ81K9n53y1Yf3PbH3l3559QZRk+fx+jp8xJfN69UnkrlyvDoSdJF\ndXyvXOPshfc/VjmwV5c0t8toQ/v1Yvvew/gFXKeN9ZDE17W0tOhh2ZodLkdS7KNPN0tcz55n8879\ndB2UvH6GpJ/xS+wzPcXHx7Pnn5N06d5TsQxv6q8J48czcP0WKpvmx7quKd9XLopxXjmnF+nn4Yso\n/rnyCKezwVwJfoZ1797MnTfvk+qvNA1mvdG0aVMu+V5k27ZtLF/5J2eXD0JLWwdD4zLo5ikCOVK+\n/VOIVFHHEB/xjIgHN4iNDMfEtAQTR4/A1tYWIyMjRaNpaWnx48AB/LF0BU37jSebXsp/+LW0telp\nv4ELBxy5cOAvQu8EoKWjQ8Hi5ajVoR8lzRt+cNsKDdvRbeoa3Lcs5tn92+gZ5KF8g3a0/GkajmOT\nFymDVx3jvMsm7l5048WjQLLp5aJg8e+o3taa6m2t09wuo6UlV+cJS8lpkIdr7geJjY6gaNmqtPxp\nOmH3b3/yYFbeIsUpXbMpt8+dRC9XbsyadEp5ozRur6WlReeJy/mubkvO73fk0Q1fYqMjyV3ImMJl\nKlH9e6skj6PqZs/BAIf9HF8zk4DT+4mOeEmhEuVp2n8CUeEv0jyYdcv7OE/v32XAgAFp2u5LMzY2\nxumvzYweZYeDwxJ27f6Nu39NJldBE3IYlUQrZ95UndgLkSJNPJqol8SE3iXi6UNy6ueie7dujNyx\nnlq1aimdjoEDB7Jo0SJC/E5Q2LxFiu21tLSpZbeGwJNOBJ3ayqugq//WY99RokVfCprV/+C2RWq1\nocbwFdzat4yIx3fIpp+HIjW/p6LVFDx/65GsfeOZhwg88RdPA84QGRqETg59DIy/o3iTXpg27ZXm\ndhktLbnMf15ENv3cPD53GHVMJHlKVsHMagqvH9/55MEs/UKmFKrcmCeXT5NNPzdF66btjvJUba+l\nRfUhDhQ2b0Hgib94ccePuJhI9PIbk7u4GcWb9EyYqP5f2tlyUH/aLq5um80j7wOoIl9haFKO8t3G\noop4mebBrLiYKB66bmf86OFp2i6ttLS0GDBwICuWL2PyyMHo59RL1/29j7a2Nk7L57Bh+x42/r0X\n/+u30NHWpnyZkgyy6krjeh/+e9KhVVM2Lv6Nhas2cuteEHlyG2LZsgkzxw+nfd+hydq77dnE+m3O\nnPY8x73gB+jnzEm5MiXo170jNj06prldRtPLkZ1/tv7J9AXLcT50nFfhr6nwXSmm2P3Ei5fhqRpY\n0tLSYs18e75v2oD1W525eOUqEZFRmBQ1okqFsvTp1oHmDd9Oxv8l9pmejpz25E5gcKaovzb/9Rd2\no0axZIkDM3ftYuIOX0wKGFKqYC7y5tRJ/WNcQnxEnAZeRsdx50kED5+Fk0s/J926d2f9iJGfVX9p\nad4sAfEZQkJCOHXqFH5+foSEhBAeHv65XQoBJKxYky9fPszMzLCwsEjXK32fIjQ0lO/KlqNGl59o\nPnByyhsIkUnEx6lZPbgJNSqWwWX/PqXjJBEdHY27uzsXLlzg7t27PH/+/L2PXgiRVtra2uTNm5fS\npUtTo0YNGjZsmLiKYGZh2aEjHpdv0fC3o6maHFyIzOLajnk8PLaO2zdvpPsFx9DQUMqVLcuwfj2Z\nNsY2XfclxJekVsdR17I3pctWYN/+/UrHSULqL5Fe0qn+2vFFBrOE+JYtWrSIiZOnMGyTF/mKllA6\njhCpcnbXao6umsqVy5cpV66c0nGEEP+6ffs2ZpUqU95qGqW+H6h0HCFSJerpA0790pC5v//G6NGj\nM2SfixYtYsrkyfge3UFJU1mVTWQNKzZtY+LvDlyW+kuIzyWDWUJ8LpVKReUqVYkzMMJ63k50dJWZ\nw0uI1HoadJN1Q1sxcpgts2fPVjqOEOIdkyZNYvGyldT/9QAGxt8pHUeIj4qPU+EztzeGMU8IuHIp\nw+YyValUVK1ShSIF8rB/01Ky6cqdjCJzu377Hk26DWCI7VCpv4T4fDKYJcSX4O/vTz2L+pRr3JFO\n45cqHUeID4p69Zx1Q1thapQPN9fT6OvrKx1JCPGO6OhomjRrztW7D2gw4xDZcxdQOpIQH3R5/QRC\nPHbhccadatWqZei+/f39qV/fgi5tmvPn3GkZum8h0uLZi1c07tqfvAUKcvq0q9RfQny+HTKnmxBf\nQKVKldji9Be+h7Zw2nGB0nGEeK+YiHC2TemNnnYchw4ekEJKiExKT0+P/Xv3kDeHFucXD0QdJXOR\niszphvMf3Du+mW1bt2T4QBYk1F9//eXE5p37mb1sbYbvX4jUePU6gh4/jUEdDwcOHJT6S4gvRAaz\nhPhCOnTowLJlyzi1cQ77F4wiTq1SOpIQiV48DmL9iDZEhQZy6ICL4quBCiE+zsjIiEMHD6D1PAjP\nXzsS+SRY6UhCJIqPU3Fp7Thu7FrA8mXL6NAhbaszfklv6q9Zi1czdNJvqNRqxbII8a7A+w9p1n0g\nd4If4XLggNRfQnxBMpglxBdka2vLHmdnAk7swml8d148DlI6khDc9DrKWtuWFDLIjo/3WSpVqqR0\nJCFEKlSqVIlz3mcplicHHtPaEuJ7XOlIQhD5JBifOVaEeu1hj7MztrbKryZoa2uLs7Mzf7v8Q4d+\nIwi8/1DpSEJw+OQZGnbpRza9XJz19pb6S4gvTAazhPjCOnTogMcZd3Reh7K8Xz1OrP8dVXSU0rHE\nNyjs/m22TrLirwk9ad+6JR7ubpiamiodSwiRBqampniccaNDm1acnWvNuQV9iXh8R+lY4hsUFxPF\ntR3zOP1LIwxjn+Jxxl3RO7Le1aFDB9zdz/A47CXmrXowY9FKIqOilY4lvkG37gXR9cfRdB44kpat\nWuPm7i71lxDpQCaAFyKdqFQqli5div2vM0AnG9XaWGPWtCPG5aujpaWldDzxlVJFR3Hn/Cn8jmzn\nmvtBKlSowLKlS2jatKnS0YQQn+nUqVMMGz6S69evUaTW95g07EGhyo3RyZFT6Wjia6XR8OKOHw/P\n7ueh63a0NSp+nT6NESNGZNiqhWn1pv6a8euvZM+mi033DnRp14KaVcyk/hLpJjIqmhNnzrLF+SD7\nj56iQvkKLFm6VOovIdKPrGYoRHoLDQ1l5cqVrFm3ngfBQeQ0MKRwqYro5c6PTjY9peOJr4QqKpzw\nJw8JDbqFJj6Oehb1GWo7hB9++AFdWa5ciK+GWj90McsAACAASURBVK1m27ZtrFj5J15eHmhr65DH\n5Duy5yuCtp6B0vHEV0KjikH9OoxXwTeIiQzHxLQEgwcNwNbWNsvM+fOm/lq/bh1BwcHkNjTArFwZ\nCuTLi172zDkQJ7KeVxGRPHgUys2794iLi6d+fQuGDLGV+kuI9CeDWUJklPj4eEaPHo2TkxPdu3cn\nMjKS6Gi5/f1jwsLCuHHjBhYWFkpHyfQMDQ0pXLgw1apVo2nTphQuXFjpSEKIdLZ3715+/PFHmjdv\njoGBAeHhsuphSjw9PSlXrhwFChRQOkqmpqenR758+TAzM8PCwoKqVasqHemz+Pn54eXlRUBAAM+f\nP5f6KwVSf6WeoaEhr1+/5sSJE6xdu5ZOnTopHUmIb4UMZgmREUJCQujXrx8nTpxg8uTJTJs2DW1t\nmbIuJX///Tc//PAD8mdKCCHeUqvVzJo1i1mzZtGhQwfWrl0rgzOppKWlxfbt2+nZs6fSUYTItKT+\nSpuXL1/y888/8/fffzNixAgWLFiQaR/DFeIrskPOpoVIZ3v27KFSpUrcu3cPLy8v7O3tZSBLCCHE\nJwkMDKRZs2bMnTuXhQsXsnv3bhnIEkIIBeXJk4dt27axceNG1q1bR8OGDbl165bSsYT46skZtRDp\nJDo6Gjs7O7p27Uq7du04d+4cNWrUUDqWEEKILGrnzp1Ur16d58+fc/bsWezs7GRCayGEyCRsbGw4\nd+4csbGx1KxZk7/++kvpSEJ81WQwS4h0EBAQQN26ddm0aRNOTk44OjpiYCAT8wohhEi78PBwfv75\nZ3r27EmPHj3w9vbO8nMYCSHE16hChQp4eXlha2tLv3796NmzJy9evFA6lhBfJRnMEuIL0mg0rF69\nmtq1a6Ovr8+FCxewsrJSOpYQQogs6ty5c9SsWRNnZ2f27dvHn3/+ib6+vtKxhBBCfECOHDmYM2cO\nhw8fxt3dnerVq3PmzBmlYwnx1ZHBLCG+kCdPntCxY0eGDRvGL7/8gru7O6VLl1Y6lhBCiCxIo9Hg\n4OBAgwYNKF68OL6+vlhaWiodSwghRCq1atUKX19fzMzMaNq0Kfb29sTFxSkdS4ivhgxmCfEFHD9+\nHHNzcy5dusTJkyext7dHR0dH6VhCCCGyoJCQENq1a8cvv/zCpEmTOHLkCMbGxkrHEkIIkUZGRka4\nuLiwYMEC5syZQ6tWrXjw4IHSsYT4KshglhCfQaVSYW9vT+vWralfvz6+vr40bNhQ6VhCCCGyqL17\n91KpUiXu3r0rK+AKIcRXQEtLCzs7O86dO8eTJ0+oXLky27dvVzqWEFmeVEdCfKLr169Tr149Fi1a\nxMqVK9mxYwf58uVTOpYQQogs6M0KuF26dJEVcIUQ4itUuXJlvL29sbGxoVevXtjY2BAREaF0LCGy\nLBnMEuITODo6UqtWLbS1tTl//jw//fST0pGEEEJkUbICrhBCfBty5syJg4MDu3bt4sCBA9SuXRtf\nX1+lYwmRJclglhBp8PLlS6ytrenfvz8DBw7kzJkzlC1bVulYQgghsiBZAVcIIb5NXbt2xdfXl0KF\nCmFhYcHcuXOJj49XOpYQWYoMZgmRSl5eXtSoUYPjx49z8OBBHBwcyJ49u9KxhBBCZEFPnjyhU6dO\nsgKuEEJ8o0xNTTl58iRz5sxh6tSptGnThkePHikdS4gsQwazhEhBXFwcc+fOpXHjxpQtWxZfX1/a\ntGmjdCwhhBBZ1JsVcP38/Dhx4oSsgCuEEN8obW1t7OzscHd3586dO5ibm3Pw4EGlYwmRJchglhAf\nERQURLNmzbC3t2f+/PkcOnSIIkWKKB1LCCFEFqRWq5OtgNuoUSOlYwkhhFBYnTp1uHDhAq1bt8bS\n0hI7OztiYmKUjiVEpiaDWUJ8wK5duzA3NycsLIyzZ89iZ2eHlpaW0rGEEEJkQXfv3qVRo0bMmzeP\nRYsWyQq4QgghksidOzebN29m48aNrF+/nvr163Pjxg2lYwmRaclglhDviIqKws7Oju7du2NpaYmP\njw9Vq1ZVOpYQQogsytHRkapVq6JWq/Hz88POzk7pSEIIITIpGxsbLl++jJ6eHubm5jg4OCgdSYhM\nSQazhPiPc+fOYW5uzpYtW9i3bx+Ojo7o6+srHUsIIUQW9OrVK1kBVwghRJqVLFmS06dPM378eMaM\nGUO3bt149uyZ0rGEyFRkMEsIEpZHd3BwoEGDBhQrVgw/Pz86dOigdCwhhBBZ1NmzZ6levbqsgCuE\nEOKT6OrqYm9vz7Fjxzh79izm5ua4uroqHUuITEMGs8Q3LyQkhPbt2zNu3DgmTZrE0aNHMTY2VjqW\nEEKILOjNCriNGjWSFXCFEEJ8tmbNmuHr60v16tVp3rw5EydORKVSKR1LCMXpKh1ACCX9888/9O/f\nn5w5c+Lq6oqFhYXSkYQQQmRRQUFB9OnTBx8fH+bPn8/IkSNl4RAhhBCfrWDBguzduxdHR0dsbW05\ndeoUTk5OlClTRuloQihG7swS36To6Gjs7Oxo27YtrVq14tKlSzKQJYQQ4pP9dwVcLy8vWQFXCCHE\nF2djY8O5c+eIjo6mRo0aODk5KR1JCMXIYJb45gQEBFCvXj02btzI5s2bcXR0xMDAQOlYQgghsqD3\nrYBbrVo1pWMJIYT4SlWsWBEvLy/69+9P3759sbGx4fXr10rHEiLDyWCW+KY4OjpSu3Zt9PT0uHDh\nAtbW1kpHEkIIkUWdP38+cQXcN49/yAq4Qggh0puenh4ODg4cPnyYo0ePUqVKFTw9PZWOJUSGksEs\n8U14+vQpnTp1YuDAgYwYMQI3Nzd5xlwIIcQnebMCbv369SlWrBi+vr507NhR6VhCCCG+Ma1bt8bP\nz4+KFSvSuHFj7O3tiY+PVzqWEBlCBrPEV+/EiROYm5vj6+vLiRMnmDNnDtmyZVM6lhBCiCzofSvg\nmpiYKB1LCCHEN8rIyIgDBw6wYMECZs+eTatWrXjw4IHSsYRIdzKYJb5aarUae3t7WrVqRb169bh4\n8SKNGzdWOpYQQogs6siRI5ibm3Pt2jVcXV2xt7dHW1tKKSGEEMrS0tLCzs4ODw8P7t+/j7m5Ofv2\n7VM6lhDpSiow8VW6d+8ejRs3Zt68eSxatIidO3eSP39+pWMJIYTIgt6sgNumTRtZAVcIIUSmVbNm\nTXx9fenduzedOnXCxsaGyMhIpWMJkS5kMEt8dRwdHalSpQqxsbH4+vpiZ2endCQhhBBZ1NWrV2UF\nXCGEEFlGzpw5cXBwYOfOnbi4uFC7dm38/PyUjiXEFyeDWeKr8erVK/r06UP//v0ZOHAgHh4elCtX\nTulYQgghsihHR0dq1aolK+AKIYTIcrp164avry8FChSgXr16ODg4oNFolI4lxBcjg1niq+Dt7U2N\nGjU4evQoBw4cwMHBgezZsysdSwghRBYkK+AKIYT4GhQvXpyTJ09ib2/PL7/8Qtu2bXn8+LHSsYT4\nImQwS2RpcXFxzJ07l4YNG1KmTBn8/Pxo27at0rGEEEJkUbICrhBCiK+Jjo4OEyZMwM3NjZs3b2Ju\nbs6hQ4eUjiXEZ5PBLJFlBQcH07x5c+zt7Zk/fz6HDx+mSJEiSscSQgiRBf13Bdy6devKCrhCCCG+\nKm+ObS1atKB9+/bY2dkRGxurdCwhPpmu0gGE+BS7d+9m8ODBFC5cGE9PT8zNzZWOJL4AFxcXHj58\nmPjfvr6+6Ovrs3r16iTtGjZsiJmZWUbHE0J8pe7du4e1tTUXL15k0aJFsnDIVyIgIAB3d/ckr+nr\n63Pq1ClevHiR+JqxsTGWlpYZHU+ITEPqr29H7ty5cXJy4vvvv2fYsGF4eHiwZcsWypYtq3Q0IdJM\nSyOzwIksJCoqiokTJ7JkyRL69u3LypUryZUrl9KxxBeSP39+Xr58iY6OzgfbqFQqbG1tWbFiRQYm\nE0J8rRwdHRk2bBjly5dny5YtsnDIV2To0KGsXLnyo4+JxsXFkSdPHp49e5aByYTIXKT++jbdvXsX\na2trfH19mT17tlzIEVnNDnnMUGQawcHBjB07lpiYmPe+f+HCBczNzXF0dGT79u04OjrKQNZXplu3\nbujo6KBSqT74A9ClSxeFkwohMjuNRsO0adO4fPnye9+XFXC/fp07dwb46DFFR0eH7t27K5xUCGVJ\n/fVtKlWqFK6urowfP54xY8bQvXt3nj9//t62ly9fZtq0abIaoshUZDBLZArx8fFYWVmxaNEiJkyY\nkOQ9jUaDg4MD9evXx8TEhCtXrtCzZ0+Fkor01Lt378SC6UPy5ctHs2bNMiiRECKrWrZsGTNnzqRz\n585EREQkee+/K+C6uLjICrhfqRYtWpA/f/6PtlGpVPTu3TuDEgmROUn99e3S1dXF3t6eI0eOJE7d\n4ubmlqRNREQEXbp0YebMmSxbtkyhpEIkJ4NZIlNYuHAhnp6eACxZsiRxhY3Q0FAsLS0ZN24cEydO\n5OjRo5iYmCgZVaSjJk2aYGRk9MH3s2fPTt++fdHVlen+hBAfdvXqVcaNGwdAUFAQI0aMABIunDg4\nOCSugOvr60u7du2UjCrSkY6ODtbW1h8dqCxUqBCNGjXKwFRCZD5Sf4kWLVrg6+tLtWrVEhfYiouL\nA2DEiBEEBgYCMG7cOK5evapkVCESyWCWUJy/vz9TpkwhPj4eAC0tLXr37s327dsxNzcnICCA06dP\nY29v/9Fn+UXWp62tjbW19QfnN4mNjcXKyiqDUwkhshK1Wk3v3r0TH4VQq9Vs2LCB5cuX06xZMyZO\nnMjMmTM5dOgQRYsWVTitSG9WVlYfXK0rW7Zs9O3bV2oL8c2T+ktAwuD+3r17Wb58OfPnz6dhw4as\nXLmSDRs2oFargYSLQj179pRVEEWmIBPAC0XFxMRQvXp1bt68mfhHEhIKTC0tLXr16sWyZcswNDRU\nMKXISD4+PtSpU+e97xUrVoygoCC0tLQyOJUQIquYPHky8+bNS7yiDAkXSXR0dChVqhQ7d+6katWq\nCiYUGa1EiRIEBQW99z0fHx9q1aqVwYmEyHyk/hL/denSJbp37869e/dQq9VJ5srS0dFhwoQJ/Pbb\nbwomFEImgBcKmzRpEjdu3EgykAUJc1io1WqqV68uA1nfmNq1a1OqVKlkr2fPnp1+/fpJISWE+KAz\nZ84wd+7cJANZkDD3opaWFvny5aNSpUoKpRNK6dOnz3vvOClevLgMZAnxL6m/xH9Vrlw58dHTd+99\niYuLY/bs2Zw+fVqJaEIkksEsoRhXV1cWL16c7KTjjfj4eMaPH8/FixczOJlQWt++fZOdeMTGxtKr\nVy+FEgkhMrvXr19jbW39wRMulUrF+fPn+f333zM4mVBanz59kk1unS1bNgYMGKBQIiEyJ6m/xBuz\nZs3C09PzgwsDaGtr06dPH169epXByYR4Sx4zFIp4/vw5ZmZmPHny5IODWZCwwkbJkiXx8/NDX18/\nAxMKJV27do2KFSsmea1ChQoy4aQQ4oP69+/Pli1bUlyRS1tbGzc3N+rXr59ByURmULFiRa5du5bk\nNX9/f8zMzBRKJETmI/WXAPDw8KBRo0aJ8xl/iK6uLtbW1mzcuDFjggmRlDxmKJRha2tLWFjYRwey\nIOHurFu3brF+/foMSiYygwoVKlC5cuXEOyyyZctGv379FE4lhMisnJ2d2bRpU4oDWZBwXJkwYUIG\npBKZiY2NTeIdJ1paWlSpUkUGsoR4h9RfAmDChAkpDmRBwgIrmzZtwtnZOQNSCZGcDGaJDLd161a2\nb9/+wZOON0to58iRg3bt2rFmzRp5FOAbZGNjk7jClFqtllvchRDv9fjxYwYOHIi29vtLGh0dHbS1\ntdHS0sLc3JwZM2awYcOGDE4plGZtbZ04P6euri42NjYKJxIic5L6S2zYsIEZM2ZQo0aNxAVUdHV1\n39tWW1ubgQMH8vjx4wxOKYQ8Zigy2IMHDzAzMyM8PDxxMkEtLS10dXVRqVQYGxtjaWmJpaUlrVu3\nJkeOHAonFkoJDg6mRIkSaDQaateujbe3t9KRhBCZjEajoV27dhw/fjzJBZIcOXIQExNDjhw5aNGi\nBZ06dcLS0hJjY2MF0wql1alTBx8fH7S0tAgMDMTU1FTpSEJkOlJ/if96+vQpJ0+eZN++fTg7OxMR\nEUG2bNmSHHOzZctGo0aNOHbsmCwUIDLSjvcPsQqRDuLj4+nduzevXr1KvIKupaVFnTp16NKlC+3b\nt5dVpkQiU1NTLCws8PDwkFvchRDvtWrVKg4fPgwk3G2jVqsxNTWlW7dutG/fnsaNGyfe7SuEjY0N\nPj4+WFhYyECWEB8g9Zf4r4IFC9KjRw969OhBbGwsrq6uHDhwAGdnZwIDA8mWLRtqtZoTJ06watUq\nbG1tlY4sviFf5M6skJAQTp06hZ+fHyEhIYSHh3+JbOIr8/jxY9zc3MiWLRtFixalaNGiFClS5KMn\nGnp6euTLlw8zMzPq1atHtWrVMjDxl+fn54eXlxf+/v48f/6cmJgYpSNlanfu3OHixYu0b98ePT09\npeNkaoaGhhQuXJhq1arRtGlTChcurHSkTxYdHY27uzvnz5/n7t27vHjxIlVzN4hvz549e1Cr1RQo\nUAATExOKFi2KoaHhB9tra2uTN29eSpcuTY0aNWjYsGGW/tsi9VfaREdHc+DAAapXr07p0qWVjpOp\nSf31bZP6K/W+5forPDycR48e8eDBA8LCwtDV1aVz584ZmFhkFelUf+345MEstVrNtm3bWL5yFd5e\nnmhp61CweFlyFiiKjp7B5wYTXyGNJp7YiFfkyJUHUnkLqkYVQ2z4M57eu0p0RDgmxYoz+MeB2Nra\nYmRklM6Jv4zQ0FBWrlzJunXrCQ4OIpdhbkqXM8MwbwGyyWOUH6XRaIiKCEffILfSUTK9qIhwwkIe\nEXj7OvFxcdSrZ4Gt7RB69er1wXkOMhsfHx+WLFnKrt27iYqMIFdBE3IYlUQrZ95U/80Q35a4qFdo\nZ9dHSyeV/8Y1GjRRL4gJvUfE0wfk1M9Ft65dsbMbSa1atdI37Bci9dfniY0MJ3tOA/mbkoKvqf5a\nv24tQcH3yW2gT8XSphQwzEWO7FnjuKgUjUbD68hoDHPlVDpKpvc6KoaHT19w494D4uLjsahXlyG2\nQ7Nc/bV0aUL9FRkRQRGTYpiWLEPuvPnR+sB8lO9Sq1RER0VikDtPOqcVWZEmPp5XL54RfO82jx/c\nRz9XQv01cuRn1V+fNph16tQpho0YyfVr1yht0Y6yzXtSzLwxujnkD55IJxoNobf8uO2+j5vHtqIV\nF4v99GmMGDEicXWizEalUrF06VJ+/XUGutmz07q7DY3bdqFc5eryPLlINzFRkVzwOMVR5y2cObqf\nCuUrsHTpEpo2bap0tA96+PAhv4yfwNYtTuQuWZkCDXqTz7wV2fMVVTqa+IrFPn/Ec9+jhJ3Zwqt7\nV7Dqbc38eXMz9bxaUn+JDJeF668Zv/5Kdl1t+rRtQOemtalevqTUXyLdREbHcvq8P1v/8cDF7QIV\nKpRnydJlmb7+Gj9hAlucnKhQxZzOVgNo1Lo9hYuaKB1NfMVCHj3A7cgB9mzdwLXLvvS2tmbe3E+q\nv9I2mPX69Wt+HPwT27dtpVTd76k/eCZ5jOU2bZGx1DFRXPjbAb/dyylZsgQ7tm/LdLe/+/n58cMP\nvbgXGEjPwaOwGjKWHDn1lY4lvjEP7t1i5W8T8Tx+kF5WVqxZvRoDg8x158aqVasYM+4XdAwKYNJ9\nKvlrtFU6kvgGPbtwiAc7ZxL3OoxFC+YzZMgQpSMlIfWXyAyySv3V64eeBAYGMrJXG8ZYW6KvJ/Pm\niYx1+34IE5dt5fCZi1j16sXqNWsyZf017pdfyFegEKOmzaFZ205KRxLfoJOH9rJ4xkSehz1hwfw0\n11+pH8wKDg6mfYeO3A16QJNRSylRu+WnJRbiCwkPCeKUgx1hNy+ybesWOnTooHQkAPbv349V796U\nr1qLsXNWUqRYCaUjiW/c2VP/MH/8T5iamOCyf1+mmPg4Li6O0aNHs2zZMkws7TBpPxLtbPLYrVBO\nvCqGBweW8MDFgWHDh7P4jz8Sl6dXktRfIrPJzPVXbysralYoyYqJAylepKDSkcQ37h9PP2znrMPE\ntAT79rtkuvpr0KhJDBo5nuw5ZF40oZzYmGjWLZnHusWzGT58OH+kvv5K3WCWv78/zVu2QpMzL22m\nOWFYuPjnpxbiC4hXq3BbMZ6rR7ewbOlSxVfQWLlyJSNGjKBtj36MmPEHurqZ8xZ88e15fD+QqYO7\nE/nyGceOHVV05dDY2Fg6du7CiRMnKTXQgQK12iuWRYh3hZ07wJ31drRo3ox9e5wVXQ1R6i+RWWXW\n+qtv+0YsGm1DNl3lB6KFAAh6/JQeExfzPCKWo8eOK15/de7ShVMnT2HvsJaWll0VyyLEu4657Mbe\n7keaNm3KntTVXykPZoWGhlKrTl3iDYvQ1n4r2fU/vEqQEEo5t3Uh55zmsmfPHsWuEO7fv5/OnTvT\nb9T/6DN8oiIZhPiYyNevmDyoK69CH+LtfVaxSXz79R/Ath27KD9mGwalzBXJIMTHvL7ry/VFvejV\noxubNm5QJIPUXyIryEz115SBXRjfr6MiGYT4mPCIKLpN+INHL6I46+2jWP01YMAAdu7azYptB6hU\nvbYiGYT4GP+LPgzt1Z5u3bqycUOK9dfHB7Oio6Np2qw5NwIf0nnREXLmKfBl04oM8cjfC58t8wm9\nfgGNJp5CZapSs9cYTGs0S9X2fntWcWb1/z7axmLgdKp3HwGAKjqSu54HueXqTNjdACKehaCXOx/G\nlSyo0dOOgmWqJNk2re0/xHX5OO6c2onHGfcMn8PB398fC4v6NGzThXFzV2bovsWXc+WcB5scfuea\n3zk08fGUrWyO9bDx1GqU+sd61KpY/l6zmGN7t/Mw8A56OXNSpXYD+o2ayndmVZO03bV+GStmjf9o\nfz9NmMUPP49J/O+QB0F4Hj+I5/GD+Hq5olbFMmfDXmo3aZWqfOEvnjOiWxOM8ufF1fU0+voZO5fb\n7Nmz+d//plJu+HryVZPHpb4F4Te9Cd63iNd3fSE+nlwlqmBiOZK8lZoo0k9qvbhyiutL+vHbrJlM\nnJixFyik/vo6SP2V/vz9/alvYUGnxjVYMXFghu5bfDmel24we8Mezl29Q3y8BvNyJfjFpiMt6lRO\ndR+xKjVLth1i+xFP7j4IIadeDupXK8eUgV2pWjb5Xa0eftdxOnwGr8s3CHr0FL0c2aleviRDe7Sm\nTf3kF9qCHj/l0BlfDnlcxO3iNWJVanYvGEeruqn7njx/FUHzITPJa1SU065uitRfU6dOZeH6HTRq\n1S5D9y2+DF9vD1YvnMUV34TzlApVzBlkN5F6TVJfT6tUsWxe+QeHdm/j/r076OXUp3rdBvz8y1TK\nV0r+9zs+Pp6DO7ewc/Nqgu7cIj4unmIlS9PxBxu69hmE7jsLgTT8rgBRkRHv3fekOUvpbjM4xYye\np44yyqYLM2emWH/t0LG3t7f/0LtTp05l34FDWP6+B0OjYinuOL088vdic39ztLR1MK5SX7EcWVHQ\n+RPsn9KdV4/uEqeKJV6tIjz0PjdO7iR/8fLkL1EhxT5Crp0j+PyJj7ap138quQoUAeDclvmcWT2F\nFw9uExvxCk18HKqoCJ4FXePq0S0YlaueZOLatLb/ENMazXhwyZ3dWx0Z8vPPGTbXiUqlomnTZhQp\nWZb/LXVEW1u5W9uvnPPAqmF5dHR0qFqnoWI5siIf12OMt7HkYeAdVLExqFWxhDwI4vjebZQoW5GS\nZSum2EdcnJpJA7pwcPsGXj57SnxcHLEx0QTfuck/OzdTrW4jCpu8LaiuXvTGx/XoR/scNH4GBQu/\nXdWvf8tqnD64m4dBd4iPjwOgZWcrTEqWSdXnzKGXkxoNm/PXyj+IioqkZcuMG1A6f/48vaysKPGD\nPYXqd8+w/X6u8JveXBhfBy0dXXKXq6d0nCzlxZVTXF1kRXToPTTqWDRxKmLC7vPUazf6xuXQNy6X\nof2khZ5RSXRy5mb3kmlYWlpm6CqHUn9lfVJ/pT+VSkWzpk34zjg/G+1t0dHWzpD9vo/npRuYdR+D\nro4ODczLK5YjKzrmfZlOo+dz50EosSo1KrWa4JAwth/1pEJJYyqWSnllPXVcHN1+WcTG/ad5+iKc\nuPh4omNV3Ax6jNNBNxqaV8D0P3Oo3bkfQoNB0/C7EUjYy9eo4xLa33v4hB3HvDDMlZO6lb9Lso8a\n1hNxPunN3QehxMXHA/BD6/qUKVY4VZ8zZ47sNK9ViT8cnYmMis7w+svKyoqxv86nfXfrDNvvu3y9\nPWhfuyw6OjrUqNdIsRxZkeepowzt1Z779xLOU1SqWB7dD+LQ7q2ULleR0uXNUuwjTq1mZJ9OOG/Z\nwPOwp8TFxRETE03g7Rvs376ZmhaNKVos6cDv/4YPYO3i3wl99ICY6ChiY6J5GvKIMycOE+B3nrZd\neyVZJXb9knmoVar37r9Ry3aYVauZYk7TkmUwzJ2HWVMnplR/BXzwr/7t27dZtOgPavedTD7Tsinu\nVGQ+8epYTi8diyY+jmpdhjJw23UG7bhNnb6TQKPh9PLxqKLeP3L6X9U6D2HowafJfgbvDiJbTgPy\nl6iIUdm3VzCy5zSgXPMetLPfQp/15/lpz316LjuFafWmxKtVuC5PeidKWtt/iLZuNpqOXkZgYCBL\nly5N2y/rMyxZsoR7gYGMnbNS5sjKotSqWP6YMpz4uDi6DxrJ7vPB7PV9xIAx09BoNDhMtSMq8nWK\n/RzZ7cSFMycoWMSY39btZv/lEP72vE3fkZNRxcawYOJQ4uPiEtt3Gzic43cik/0cuPIE/VyGlCpn\nRvkqNZLso0ixEnTq+zNzNu6jfa8Bn/R5i5cpT/8x01i4aBE3btz4pD7SSqPRMNJuNHm/q0nRFnL1\n/FugUau44zgBTXwcRVv/RG2Hy9ReehXTZ6PujQAAIABJREFULuNBo+HO5knExaR8DPpS/XyKoi0H\nkbd8XWyHjSANiz9/Fqm/sj6pvzLGkiVLCAwMZMWEgTJHVhYVq1JjN38jcfHxjPihDfdclnH/0Eqm\n/tgNjUbD6IWORERFp9jP1sNnOHnOH+NC+dg5bwyP/vmTG84OTOzfmRiVmmFz1ycOQAFoa2vTsk4V\n1k0bgu/WeTw5vhb/HQsZ1TthDs9f/9xBeERUkn0UL1KQn7q2xHnhOPp3aPpJn7dciaJMHdSFRYsW\nZmj9NWr0aKrWqscPA4dmyD7Fl6VSxfLb+GHEx8XR52c7jl95wKlrj7EdPx2NRsPsSSOJjEj5PMVl\npxNn3U5gVMQYB0dn3G484fDFuwweM4XY2Bhmjh2S5Dzl+hVfDjtvI3v2HPy6eC0nrz7C9Xoo89Zs\nJZdhbjxOHsHbLfkFl2q1LTj/MDrZT2ruynqj16BhVK/bgOEjPl5/fXAwy27UaPKYlMasbb9U71Rk\nLsEXXQkPDca4sgUNBs9AL3cBcuTKQy2rsZRuYEn0qzDueh365P5vnd6NKuo1FVv3TvJ69R4jaTlu\nJSXrtCZ3kRLoZtejYOnKtJ22mRwGeXn1OJDoV88+uf3HGBQyoWqXYdj/OoPQ0NBP/mypFRoayowZ\nM+k5eJSsWpiFnT9zkpAHQVSt0xDbKXPIk68ABrnz0Gf4RBp934mXz8PwOOqSYj+exw4AMPLXxdRr\n1gb9XIYUKFyU/qP+R4PWHbh/9ya+XqdT7Oekyw4iI8Jp0zP5399lu08z8tc/qN24JbrZPn1i6g7W\nP2Jaqixjx4775D7SwsnJCS9PD0ytfoP/XMERX68XAW7EhN0nd7l6lPxhOroG+dHVz00xSzvy12iH\n+vUznl/8J8P6+VSmPX/lvI83Tk5O6baP/5L6K+uT+itj6q+ZM2YwslcbWbUwCzt5zp+gx09pUK08\nvw+3okAeQ/IY6DO+X0c6NqlF2MtwXNwuptjPAfeENovG2PC9RTUM9PUoWjAvUwZ1wbJRTW4FP8b1\nwtXE9iWNC+G8cBw9W1lQplhh9LJno3iRgsy07UlD8wrEqNRcD3yYNOuf01g4ui8t61QhezbdT/7M\ngzo34zvToowbO/aT+0gLJycnPD08GP/bH0nuoBFZh7frCR7dD6JGvYaMnj6XvPkLYJg7Lz+OmkTz\ndp158SyM0//sT7Ef138SzmUmzHagYcu26BsYUqhwUYaMm0rTNh0JvHMTH4+35ym3ryd8Zzr2ssGy\nZx9y58lHLsPctGjfBeufRv7bJiAdPnGCsTMW4OP98frrvYNZ/v7+HHDZT53+09HWSeWXVaPh6hEn\ndo9ty5puJfizswnbhzXhiss6eGc0Lej8cVa0K4jfnlWEXDvHngkdWd3FlHU/lOX4wmHEhD9PbHtu\n60Kcf7EEwHvzbFa0K5j4825fDy97sGd8B9Z0K8GOkS0S+1DHRuPjNI+tP1vwZydj1nYvxd5JXQh6\nz63b/+3vvq8ru8e2ZXXnYmywKs8ph9FEvQxLbPv4qg8r2hXEdcWE9/5KbrntYUW7gvjuWp663+EX\n9vCKBwDlmvVI9t6b1x5ePvPJ/Qcc3oy2bjbKNe+Zqva6OXJiaGSCto4u2fRyffH2b9ToaYdGJzsr\nV6b/3FUrVqxAN3t2rIak/oCk0Wg4tGMTI7o3w7KyEW0r5mdwuzrs3fxnspFnn9NHaVFan13rlxFw\n0ZsxVt/TrlJBOtcwYe64wYS/ePtd+WvZHOx6JtyyvGHRDFqU1k/8ebcvv7NujO7VGsvKRth2bJDY\nR0x0FI4OvzGgVXXaVMhHh6pFGGfdDh/XY8k+x3/7u+BxkhHdm9HOrADdahVn4aShvHj2NLFtwIWz\ntCitz5Lpo9/7Ozl1YBctSuvz95rFqf49fkmXvN0BaNGpV7L3Wna2AsDvrFuK/Tx/mlDAvzs3FsB3\nFRNe8/VKuZ8D2zagq5stcd/pQUdHlx8nzMLFZT/+/v7ptp83Zv0+m4IW3chVPJ1W8dFoCHXfxpXf\nO+I9tBxnh5TGb3pLHp/YmOwY9OLKSTwHmfDo6BrC71zAf153ztp+h8/IStxaZ4c64kVi2/suDlyZ\n0wWAYOd5eA4ySfx5t69X1z3xn9sN76HluDSjbWIf8bHR3N+3CN//NeHsz6XwHl6BgAU9eXHlVLKP\n8d/+Xl5158rvHTlrW4Zzo6pye9MvqMLfHoPCb5/Hc5AJd52mvPdXEuazH89BJjz8Z9Wn/lY/S/gN\nLwAK1uuS7L1CFgkrKL267pVh/XyqXMUrUdCiG7/NnpNu+3hD6i+pv1JD6q+E+iu7rjZjrC1TvY1G\no2HzAVda2M6kSOufKdTiRyz6/4/Vu48lq7+Onr2MYaN+LP/7H3z8b9N2xGwKtxpM8fZD+fm31Tx/\n9fbOunmb9tF62G8AzFy7C8NG/RJ/3u3L3fcabYb/TpHWP9P4x+mJfUTFxDJ7wx5q9plIweaDMG4z\nBEu7uRzzvpzsc/y3v1PnA2hhOxOjloMp1WE4w+eu5+mL8MS23lduYdioH2P/2Pze38nuE94YNuqH\nw9ZPH1z9HGf8rgMJj+u9q9e/r7n7Xkuxn9DnLwGo8l3yubHezJfldjHlfoDEu/wK5cudqvZppauj\nw4yfu7PfxSVD6q/Zs+fQvnvv986H9D4ajYa92zYxoEMTGpUtiEWpvPRqUZu/N6xK9j3xOHmEmsZ6\nbFmzlMvnvfmpWysalMlPMzNjptsN4tWLt4PhaxfPZlDn5gCsnPcrNY31En/e7eu8pxuDu7akUdmC\n9Gnz9t9GTHQUqxfOolvjaliUzEPj8kYM6dkGz1PJp+z4b3/e7icZ0KEJ9Uvno2WVYswcZ8vzsLfn\nKZfOn6WmsR5zp4x67+/k6L6d1DTWY/PKP1L1O/zSLnglnKe07Zr8vKBdt4TXznumfH4R9jQE4L3/\nFspXSjhPOe/hmvhaAaOUH6EtWLhIim0+VflK1WjfvTdz5sz9YJv3Vkrr168nv0lpStRq8b63k9No\nOLbAlhsndyZ5OeyuP64rJvD0zhWajkz+Pz/0xkW8NswgThULgDomiuvHtxMeEkTneSmPLv7X46s+\neK6zJz5O/W+khFtJ49Wx7J/cjUcBZxPbxqlieeDnxoNL7jQZNp9K7fq/tz+PtdPR/DsnjTo2moB/\nNvMowIvui4+RLWcuilSsjVG56lw/vh2LAdPIljPpAf+Ky3qy6elTsU2fFPOvtCycuK+U6OctRP8t\nV1Ns9+rhXQDyl0w+L0OBUgknlC//bZNWzwKvEnL9PKXrt0/1xLQv7t8i7O5VStVvh072HF+8/Ru6\nOXJStqUVa9dtYPr06Slv8Ik0Gg3r12+gdXcbcuRM3SSOGo2G2WMGcXzvtiSv37l2hSXTR3P76iXG\n/J68+L5+6Txr5k1FFRsDQExUJEd2O/H4fiB/bDuSptz+F7z4c/Zk4v79rsT/+11Rq2IZ39eSK+c9\nE9uqYmO46HkKX6/T2M1woIP1j+/tb9XsSYm3pcZER3Fw+0aunPNkxV43cuobYFajLuWr1uTo7i0M\nnjCTnPoGSfrY99dq9PRz0e6HlB+ba1XWMMktsB+Tr6ARO73vpdju4b3bAJR6z/PmpSsmTD76IPBO\niv3kzpfwXbgVcCnJ3FgAt65eSujn3q2P9nH3RgBXfX1o+H1H8uZP36vNdZq0xqREaTZs2MCCBQvS\nbT9nz57l+tUAqk5bmD470Gi4uXYkT712J3k58v5V7jpNITI4gNL95iXb7PVdP4J2/k68OuEYFB8b\nxROPncQ8vU+lCbvSFCH81jkC/56FJl79b6aE75VGrSJgYS/Cb/m8bayO5eXVM7y85kHpPrMp3LTv\nB/qbmXhciI+NJtR1C+E3vaky9SA6OXJhWKYmBqXMeeKxk+LdJ6OTI+kx6PHJTWjn0MeoUe9k/b/L\na3DxVB+DsuUuRK0/fFNsFx16DwB9k+THIP1iZv+2SfkY9KX6+RyFm/fn8sx2eHt7U6dOnXTbj9Rf\nUn+lROqvhFpqw/p19GnbAH291N2hrNFoGDzrT7Yf8Uzy+pXbwYz9YzOXbwWzdHzyGuTCtbtMX/U3\nMaqEf9+R0bFsOXyGwEdPObxscppyn71yi/+t2I763xomPj5hYCBWpabj6Hl4Xb6Z2DZGpeb0hQBc\nL17ljzE2iYMA7/Y3Zfm2xMfnomJi2eRyGs/LN3BdY0+unHrUqfwdNSuWYsthd2YM6UGunHpJ+ljj\nfBx9vRz075DyQhp5mwxI8qjexxjlz8PtvUtSbHfnfsLJtVnp5PNiVS5jmtDmQUiK/RTIk7Da6+Vb\nQcnu1Lt0MwiA2/cff3D7+HgNj8Ne8NdBN06e86dV3SqUKFooxf1+qtb1qlK6WJEMqb8CAvyZvGhN\nqtprNBqmjhjIod1bk7x+8+pl5k4ZxY2AS/xv/opk2/n7nmfpb/8j9t/zlOioSFx2OPEwOJA1u5Nf\nEP8Yv3NeLJ45iTj1v+cp//6bU6lisf2hHX4+b7/DsbEx+Lif4tyZ00ycveS9j7H5nfPijxkTk5yn\n7NmyAV9vDzYfOoN+LgOq1qxLJfNauOxwYsTkWejnSnqesmPTn+TUz0Vn65TPU2qb5kr1eUr+QkYc\n9QtKsV3wv+cpZSokvyBctmKVJG0+5s15xXV/v2RzY133TzhPCbr79jyldv0mlClvxr5tjlSpUZcm\nbSzR1tLGy/U4TquXUMTElMat2ifbz71b1+lU34zHD4LJm78ANeo2ov/wsZSvnPYVzHv0H0Lftg0+\nWH+9986sPftcKFHfMtWPglw/uYMbJ3dSoKQZljO2MWj7TQbvTiiICpauRMDhzTy+6pNsu5undlGh\nVW+s1/rw0577dFlwAINCxXh4xZOndxJGqmtZjaXL/IRb4ur0nZRkzoD/uu22l/ItfqD3mrPYuoTQ\nc+lJAC7vX8ujgLMYFCpGO/st/LjzLjab/KhtPR4ttHBfPYXI58lvh07oryfWa30YvDuILvNcKFDS\njOfBN7m48+0f56odf0IV9ZrrJ/5Osv3zoOs8vOxB+RY/kCNXnlT9Hr+02MiEKzM5DPIle0/PMO+/\nbV59Ut8BhxOu8FRonbpJBFXRkRyd9xPZc+WmwY8zvnj7d5Vp0IH7wYFcunQpzdum1qVLlwgODqJx\n2+R3C3zIsT1bOb53G6XKV2L2+j3sufCAA1ee8Me2I5SpWIUD2zYQcOFssu2O79tOmx59cTx5mYMB\nYTjsOI6RsSmXvN25fTXhql2f4RNx+DvhgDFgzLQkczD91+mDu2nd1ZpNx/04ejOcP/cnHBT2OK7i\nynlPjIxN+W3tLvZfesy2MzfoZzcFtLRYMWs8z54kLyhOH9xNqy69cTx5mQNXnrB4+1FKla9E0O3r\nbFu1KLFd1/5DiYwI56hz0gNk4M2r+J11o3WX3hjkVua7EvE64btimCf5d8UwT/6ENuEvU+ynTpPW\nACydPhqvk4eJinxNWMgjNi6elfiY4utXH+/n4Lb1ALTtkf6PGGlpadGwTWf27UvbyWtaubi4YFC4\nOLlKJL9j7Ut44rUrYSLwYhWoOGoztZf4U3fFTSpN2EUuUzNCXJ0Iv30+2XZPzzpTqOEPVJ99hror\nb1N50h5y5Dfh1Q0vIoITbpsuZmlH5YnOAJh2GY/FugeJP/8Vds6FQvW7U/13N+qtCaLq9ITH3h6f\n2ED4LR9y5DehwshN1Fl2jZrzfTDtNBbQ4t626aheJj8GhZ1zoaBFt4RsK25SaULC54t6dIuHB98O\neBdpMZC46Nc89Ug6+Bb18AavrntSqH53dPXT5+pyStRRCd8r3Vx5k72na5A3SZuM6OdzGJSshoGR\nKfv3p+93Reovqb9SIvVXQv0VFHyfzk1rp3qbbUc82H7Ek0qli7Fr/liCDqwg5OhqDi+bTJXvirNx\n/ym8ryS/2PT3UU/6tG+M39Z5hB5bw9EV/8O0cAHO+F3n8q2Ek9Dx/TpyZHnCHbJTf+xGuNumxJ//\ncj7pjVWbBlzcMpcXpzfgvj7h9/vn7mN4Xb6JaeEC7Jg7moeHV3F11x9MHtgFLS2YuHQLIc+S1w7O\nJ73p9X0D/LbOI+Toav5ZNplKpYtxI/ARi5wOJLYb0r01ryOj2fqPR5Ltr917gLvvNXq3aUAeg4xd\nWe+N8MiE+bDyGRokey9f7oRB6levo5K99643KwqOXbSZfzz9iIiK5tHTF/y2zpkD7hcAePk6Mtl2\nNwIfYdioH3ma9Kd811HMd9zH4C4t2Dxz+Cd/ptTQ0tKiY+Ma7N+3N1334+LiQrHiJalYtUbKjYGD\nu7ZyaPdWvqtYmSV/7eVkwEPcb4WxZvcxyplVxdlpPZfOJz9POey8jY69bNjj4Y/Hnees33uSIiam\nXPBy50ZAwt+CH0dNYt2ehLtybcdPTzKX0n8d278Ly+7W7Ha/jE9wBFuOJNx5vX39Svx8PCliYsri\nTbtxvR7KwXO3+Hns/9DS0mLh9F8IC01+nnJs/y7ad+/NHg9/3G+Fsdb5ON9VrMy9W9fZtPztRdZe\ng4YR+Tqcgzu3JNn+zo2rnPd0o30PawxzJ69DMsLr8ITjRZ68yY8pufMlvPb6VcrHlPpNE85T5k0e\nhfuxQ0RGvOZJyCNWLZiZ+Jhi+Mu3Tydo6+iw6u/DtLDsyq9jfqJphSI0Lm/E+MFW1G7QlDW7j6H3\nnhs6Xj5/xv17d1CrVDwNecyRfTuwad+IEwf3pPmzm1WriYlpiQ/WX8nuzAoLC+POrRtY9puZ6p1c\nO7IFLW0dOszagX7+t7ejGVe2oNX41Wwd0oC7XocoUjHpQce0RjOaDH87Gl3UrC41eozAdcUEwu5e\noWDp1D+OUrhCLZrZLU5WAN5y2wfA95PWUrhCLQCy6xtS23o8Ec8eE3DIkXtehzFra5NkO6PyNWg+\naklif0Ur16PttM1s+aket933JUziCXzXuBMe66ZzxWU9ldu/Ha297JJwQlqlY+omOrN1SfmqQ1pp\n+MhktZ8xkW1cbAzXTyT8v07N1WNVdCSHZvThefBNLGf+jWHh5LcAf0779zEqa45eLkM8PT2pWjV9\nTqA9PT3JZZibcpWrp3qbwzs3o62jw9xN+ylg9Pa2zKp1GjJl8UYGfl+TM8dcMKtRN8l2tRq1ZNTM\nt0V85ZoW9Pp5TOLdXGUqpm5ZYACz6nUYO2dFsufmTx9MuKtl6tLNmFVPGPnWN8iNjd0UwkIf4bJ1\nPR7HDmBplXTy7grVavHL3FWJ/VWp3YCZf/5N/5bmuB5yZsCYaQA0bd+NP2dPZt/mP+lo/fZ7sfev\n1QB06WebqvxHb375k9aPTuychu9Kux/688+uv7h+6TxTBnVN8l7rrtYc2e2ElvaHT1JjY6I5umcr\nBYyKJA6Mpbfq9Zqw/c9FPHv2jPz586fLPtzPeKBf1iJd+gZ44r4dLW0dKo7ZSvY8Romv5y5Xj7I/\nLcd3ajOeX/wHwzJJV1DJW6kJpfu+fXTM8LvaGLcdmng3Vy7TlFeGSdy2dA3K9F+Q7BgU5pNw8C1r\nuwrD0gnFpE5OQ4p1HEPsixBCTv/FM98jFG6S9A4Sg1LmfDdgUWJ/ucvVpfzw9fhOaUzY+QMJk58D\nBWt3JHDHLB6f3EThZm+PY49PJpxEpXay/XprUr4ymHZf6hiUPseytNIvV58zHp4pN/xEUn8lkPrr\nw6T+SuDp6UluA32qly+Z6m3+OuiGjrY2exb9QpECb09IG1Qrz/rpQ6jddzIu7heo884Kdi3qVGbx\n2LcXl+pVKcuo3u0S7+Z632NtH1K7UhmWTxiYrP5yPukNwKZfh1G7UsLKxIa5cjJpQGf+z95Zh0WZ\ndQH8N8AM3SEgKAqKCBahKCpiB3Z3rrn22q1rrB2rn7UmqNiB3YFdCAgiYQcKdhLz/TEyOM6Igzqi\nu+/veXyWue9579y5+973nnvuuefcf/yE5duPsOvEJTrWq6Rwn5dbQf43rLO8vnIlXFk3uR+erYew\n9cg5RnVpDECjgNKMnL+OJVsO0uUjD68lW2SGhe5NqqnV/qdHl6v9W9UlO/0rJ0Olfd1KrNlzggvR\niTQZPFPhWquafqzZE4aWGpsEb9+ncjYyjsj425Tx0GwCjoqeRZm9ZpdG9a+TJ0/hWbai2vLbQ1ai\npa3N/DWhCsfHPH3LM3HBSppWKsXRPTso7qW4TvH1r8qwKVnJH0r4lKV9z4Eyb66oCAqrCL/xOYp5\nlWbUjIVK4+RAqGzTbsrCYIp5ydYphsYmdB04kkcP77M56B+O7gulUZvOCve5l/JhzMzF8vpKlfFj\n5rINNKpYnAOhm+kxWOZFWq1eY2ZPGMr6lYto0r6r/P4NKxcB0ELN4PnnbmsgIc13Wqc0aN2R0A1B\nRF0+T992is4YgU1bE7ohGK1PssJGR1ziWuRluYdcJtejI4i8dBZ7R8WY0aXLB9CwdSeKlvBC38CA\nxLhrrFowkwOhm5kwsAe+FatgYGSsdpsBvMr5c+qU6nASSsas6GiZ+7RF/i+noc8k5VYM0ox0Vrb7\n8KBKpVkT+YcOfvnojtJ9eYv7KZWZ2Mo6JPXNlyPyf4xjKX+VO5nP7iWiZ2IhV6Q+xql0Da7uXsWz\n+8rHh/J5BijVZ2KbH7O8zjy9m+XGp6Ujwb12B84FT+Ve5CnsPcqS+uYVsYfW4+gZgLnj908Xri66\nH3bj3718onTt7UvZDo/kK3bs48N28O7FE0o16Y1IK/vsMe9ePmXnmJYkJ0YROD4Ee4/sF7Q5lf8s\nIhGW+V2JiVHvfPzXEB0djZNLkRwFU7wRe5WM9HRa+MkmSKlUKh8jmRN60t3bSveVUJG+1s6xAABv\n1Mhe8TGefpVVtvnujXhMzC3khqyP8a1cm9C1y7h3U9mF1btCVaX67PIVwKGAC3c+clXVEUuo26oL\nK+dM5MrZExQvXZ43r1+yf8tavCtUJZ/Ll9OUawojY9k4ePFMeay8eC4rMzT+8g6/WKLLzDV7CPr7\nL47s2sSj+3exsrWnWZe+mFvZsG9zMGYWn3dbP75nKy+ePqF5twFo/aDU5k4fjlbGxMRQrpxyzIrv\nQVR0NIb+mkvB/PpeLNKMdC7+IXvPy8aS4hz0LuWu0n0mRZTfL3rWsoVJ+tucjSvTohVUzkFvkm6g\nY2QuN2R9jHmJqjw8GiQ/RvcxZu7Kc5qedX708zjz5mHWOBTpiLGt1Jbb22bwPPY0JoV9SX/3iken\nNmHm7o++Xe5lw9PRl42rj2OQZZL26tkHmS8rNN+rnm/FIG8Roo6pd1TjaxD0LxmC/vV5BP1LRnR0\nNEWcHHKkf0Un3iU9I4MijWSxO6VI5WvATP3rzsNkpfsqlFQej072sk2Tl6+/7DH0MQHe7irbnHAn\nCQtTI7kh62NqlSvJ8u1HiL+jbHStUtpDqT4ne2tcHG2Ju511pE4i1qFzg8pMWraFsPBr+JVw5dWb\nt6zdG0aV0h645v9s2nuNY2KoD8CTF8rvnacvZEYBEyP9L9ajK9Zh19xh/LVyO5sPneHeoyfYWZnT\np0VNbCxMWbMnDCsz5TFXOL8dL46vJD0jg6SU5+w7Hc6wv9dSt99Uzq2epNGjhplHKzWpf0VHR9Oi\ngvqbownXZOuUWt4fnkWpVD4+Mv/7QMU6xbucssEsb37ZOuX1y5xtQpepUEXlOLmdGI+puYXckPUx\nFarVZnPQPyqP2pX1V16n5M1fgPwFC3EzIetor1gsoUnb31g0408unj6Bp295Xr96yc6Na/D1r0qB\nQrm4TvlwcuXZU+U55fnTpx9kvjynSCS6LNq4l6Wzp7B/x0aS7t3Fxs6eNt36YWFtQ+iGYMwts47p\nRl06R792DbFzyMfcoG0U9y6DtpY2V8MvMm30QIZ1b4uhkQl+lWvI75m5QjHsgXtJb6YsCqZ7s5qc\nDzvKuZNH8a+ufqxDkB2vDFlyUOU1lZ5ZAPqm6sdqkX44851dzIGM1FSlMm2JnrLgh4ctpymwdY2V\n3e4+qjRHdeUU9zoduRAym8jQZdh7lOXaofW8f/2C4vW7qV2HJmI2mNjLXiIpN2KwdVMc+MmJsmME\nph9kckL0XpmLu9sXXNxfpzxkx8imPH94k8Dx67Hz8P2u8l9CYmIpf541QXJyMqaWOZvkpB+s2tmd\npU77EMPkY3R1lSdy0VeOFROzz+/+iDQ8Vuq2/o3gBdPYFrSY4qXLs3/LWl6/fE6jjr3UrkMTMbPs\nnWSTduK1q7h7Kj53CdGRAOTNX1Ct79QzMKTL4PF0Gax4PGPmcNlvzM6Tb2fICgBqNW33WZnvTeb5\n+cePH39B8ut5mpKCqbF6sV2+hsxxld07VJqmPAdpiT8/B2XrDaQCHRXHiT6qNEd15ZQ8ldpyZ+dc\nHhxeiUlhXx6f3ET6mxfYVlWOcfc5NBEzS8/GCYDXd2MwdlE0aLy+c/WDzJfnoO9Vz7eiY2zBEw3P\nKSDoXzlB0L9U81/Qv6zMlI+lZUdmfKrsYj69/xAX62P0dMVKZVn6V46agIXJ59usaf2rc/0Apq/e\nwZItB/Er4cravSd58eoNPZqob+jQRMysgg4yj9KrCXeVPKEi42VGk4J5vxyEGsBAT5dx3Zoyrpti\n4oXeU2UeZSWz8eTT1tLCzsqM9oH+vH2Xyh+zV7Pl8Fn6tVKOB/S9yDSuaVL/SklJxsLK5suCH8hQ\nY52SqmqdopfNOiWH+pSpeTbrFA1nY2zSrivL5k5lw4pFePqWZ9fGNbx68ZxWXdQ/dqqJmFmOH9Yp\n8TFRlPBWfD9f/xBuJlPmS+gbGNJ7+AR6D1f0Av9zkMzz7OMjqVvXriAjI4PBf85SMFh5+/kzdtZi\n2tQsx+agfxSuqUIkElGytB/nw46qPAr6JcwtrUlOVj1OlIxZ797JArdp5yDlu7ljIR7FvaZDUBQS\nw+8fm0P0wd1NXWXjY0ztC/Aw5jxJ1y5i46q4M37znCzzgamd8iL11sXDlG4zVGF38PmDmzy9G4+p\nnZOCrIGZNYUqNuD6sS28fpJE1M7og4UzAAAgAElEQVTlmNrnIICrhrD3KMelDXOJPbxByY0/9vAG\nuUxOeHYvgbsRJ7F1K42Zg8vn5e7fYMeIxrx9nkLdPzcoKXPfKq8OWmI93r59+2XBr+T9+/eIcxAY\nFcDR2ZW3UZfZcDoBQ2PNjZV0NV+iH5PXyZmrl84SE36eIiUUF4xnjuwBwD6/8ovy/PEDdOg/SmGC\nuX8rkTuJcdh/YgAyt7IhILAJh3dsIOXRQ7YHLSavk8sPO1L3OYqXLs+6hTM4uG2d0jHKA1vXymW+\nlrs34zmwdR1a2tpUqFlftcyNOK6cOY67py+OBX+cR0HmM6zJsZL6/h1aOurPKTlF386FVzcj8J55\nCW1NeOiIPsxB6coLnS+hb+PEi4SLvEy8jFEBxcCXT67IdpkyjTUf8zTqKI4NBinMQW8f3eTNw3gl\nebGJNVY+9Xl8diupz5J4cGQlenkKYF4sIMft/Z4YF/aF3fN5fHqL0jHKR6c2f5Apo+pWjdTzrWjp\n6MqTcGgCQf+SIehfqhH0ryzev3+PrljNbJ8fKJzfjvDYd1zfOlfuDfQ90foQQiDtK/Svgg42nIuK\n50J0Al5uimNi72lZvCFnB2WDzsGzkYzs3EhB/7px7xFxtx9QIK+iAcPGwpTGlcuw8eBpHqY8Y+mW\ngzg75KG6r2aOgqqLXwlXZgXvJGTfSaVjlOv2yWJ8+ZV0/er6E+48JGTfSbS1tKjnr+wlqop3HzYA\nnr/S3DMMyJ9hTY6Vd+/eIRYrG2Q/h5OLKzERl9l7KVEjcWy/ZZ3iWMCZiAtnibp0DvdSikfnww7K\n1imqDDqnjh6g+6DRCuPk7s1EbiZcx+GTdYqFtQ3V6zdh77YNJCc9ZMOqxeQr4EK5LxhrNI2nb3lW\nzJ/O7s1rlY5R7tq09oPM15+AuH0jnl2b1qKlrU3l2g3k5c9VeIJlkmn4fPbkyxsXUqmUy2dlGXzV\nyZD4KRKJRK4jfUrOZoLP4Fa9NfejTrN9eCO8Ww8mj6sXuobGvEp5SMqNGKL3B+NRpxMOJdU/s/sx\nmQE070We4u3zFPRM1D9X7FKhHg9jzrN3Shcq9pyKnXsZ3r9+Qcz+NVzdvQptsQQn35pK9yVdu8ih\n2X3xat4fA4s8PI6/wrEFQ8hIS8W5fD0l+eINunHt0HoOzepD8o2rVOg+We0ArqCZmA2OpSrKA7qG\nLRmNV/O+aGmLubJ9CQlhoeiZWFKgbO0c1Xl1z2qQSilSXTk1aCYpN6PZPrwx6e/fUW/iJiUl9lvl\nf2VqN2vP1MEnGdSmNu36jqBISR+MjE1ITnpAYuxV9qxfSb22XfEs93WL0MwA5hFnw3j+JAWTbHY3\nPsW/diOuXjrLhN5t6TN+NsW8y/Lq5Qv2bFhF6NpliCW6lKuqvEMVE36e6UN60KrXICytbYm7Gs6c\n0f1IS0tVGRy/Ucde7N+yhmlDupF4LYrfx8zI0U6LJmJmefkFyAPq/2/iUFr1HISOjpgtKxdwfO82\nTM0t8ateV626RndrRu3mHSlaqgw6EjEXTxxm/oRBvHv7hvptu2Ft56Dyvp0hK5BKpdT8gV5Z/xby\nVGhJ3PWzXJ3eHId6AzAqWAodfRPeP3vI67vXSDq+DtvK7TF1+zqDZGbg8RfXz5D28skXvLAUsfSp\ny4uEi8Qu7E6B1pMwKeRD+tuXJJ0I4eHRYLR0JFiUVDbmvky8TPyKgeSt0weJqQ2vbkWSEDQcaXoa\nll7K49CuWmcendpI3PKBvL4TQ4FWE3I0B2kiZpZZ0QrygPo3QsbhUKc3Im0x9w8uI+XiLnSMLLDw\nVJ5/NVXPvxFB/xL0r48R9K/P0z6wIt0nxVK3318M69gA76LOmBjq8yD5KdGJd1m18xi/NaxCJS/1\nYyV+TGYA85PhsaQ8e4mFqfqeYw0DSnMuKp52o+czc0A7yhUvzPPXbwjaeZzl2w+jK9ahdnllr+4L\n0Qn0nPIPg9rWxdbKjPDYmwyYuYrUtHSVwfF7NK3O2r1h9Jy8lKiEO0zr1yZH+pcmYmYFeLvLA+oP\n/3stA9sGItbRYeHG/Ww/eh5LU2PqVlDvuWwxbA4d6vpT2t0FiViHw+ejGDI3mDfv3tO1UVUcbLLe\nX9NX7+DZyzc0qORDAXtrDPR1eZj8lF1hl5n4j2yTpFyJ3DuqnFs0aNmRsWd/o0fz2nQdMAIPz9IY\nmZjw+OED4mOi2LZuJU07dKN0+a9bp2QGML905gTPnqRk64X1KVUDGxNx4SxDu7dh6KQ5lCxdjpcv\nX7Bj3Uo2B/2DRKKr8vha1KVzjB/QjU59h2BlY8u1yHCmDOtLWmoqVQMbKcm37PI7OzeuYdyArsRF\nRzLoz5k5GieaiJlVumJleUD9WeOG0LH3YHR0dFi3bAGHdm3FzMKSSjXVW6cM7NiUBq06UtzbF7FY\nzJnjh5g++g/evX1Ds47dyWOftU5x9SjBgdDNTB3ZH5GWFiW8fdHS1ibq0nmmjRrwQSZro3bF/Ok8\nSX5M9bqNcXByRiyRyALtL5jJ+bCjGJmY4p2DGG7q8F2MWUWqtuBe5Eli9q9l11jVKcCL1lROPa4u\nZnkLYmhpx93w4yxrkfVi+TSjjiqK1e1C/IlQHkSfZeeYFkrXy3ebhIG5svulc/l6XDsYQsx+xYwG\n5o6FKNWkj5K8tUsJbN1Kc+v8ASQGxhSp9nll40ehpSOhUp8Z7BzTivAtCwjf8lEqVZGIir3+Ukpn\nvai+PRnp6SqVu4z0NK4dWIdYz4BCFT+fwS986yJ5hqKN/VV73DT7+whWBT2+Sv5XpnrjNoSfPcHe\njasZ8SEw56fUaaFewGZVODi5YGVrz6VTR2jolfUy+jSjoSoatOvOsd1bibp4muGdlP//9ho1DQtr\nZWt6xVoN2bclmD0bVymU53N2pUX3AUryhT1K4e7py9kj+zAwMqFGky+nTtc0OmIJAyb+zfAujdj4\nz1w2/pPlGi8Siegzfjb6BoqKac0i5qSnpykZ165eOkvYh8yFH+NZLoBuwyap/P709DT2bQpCz8CQ\nSoGqn4tMJvXvxMFt6xTKhnbM8vYaMz84Rxk2/w1Yl2vKs2uneBS2npi5qrNA5vFXPTepg16eAkjM\nbXkWHca5vlnvoU8zGqrCtnJHki/s5EXceWLmKM+DTi3HIzZVnoMsvevw6ORGkk6EKJTr27lgX1v5\nWK5h/uIYu3jzNOIQ2vrGWPs1U+enaRSRjpiC7f8iZk577u9bzP19iz+6KKJgm0lo6yrOQWe6FUCa\nka5gXPuaev4rCPqXoH99jKB/fZ5WNctz/NI1gncfp+mQWSplOtSt9NX1Ozvmwd7anKMXr5I/MOsd\n/WlGQ1V0a1SVbUfOcybyulLwcoC/+rcmj4Wyl0yDSj6s3RNG0K7jCuWF89sxoLXypkcpVyfKeBRi\n3+krGBvq06aW5mJZqotErMOcQR1pOngm80L2MC9kj/yaSCRi5oB2GOorHou2qtyZtPQMJePauavx\n8syFH1PJqyh/9myuUPbk+SvmrtvN7DU7leQBmlcvS9XSismVukxYSMg+xSQgjf7ISqSxesLvOcqw\n+TMS2KwNF04fY0fIavq1Vzb0ADRs/fXrlHwFXLCxtefciSNUds+K1fZpRkNVNO/Ug0M7txB+/jR9\n2jZQuj5w/HSVXj9VAxsRujGY7SGK6xQnF1fa9xqoJO9W3JMS3r6EHdqLobEJ9Zp9/Rz6vRCLJYyY\nOp++7RoStGgOQYvmyK+JRCKGTpqDgaHiOqWskylp6WlKxrUrF89wZK9yZsDS5QPoN2qyQlmT9l3Z\nunYFd28m0qeN8skSS5s8Cn344ulTghbOJmjhbCVZbR0dRk6d/91PJml9WUQNRCIq959H9WFLcSjl\nj66RGVo6Ekxs81OgbG1qjVqFQ0n/r69eS5uaI5Zj5+6LWC9nqWO1dCTUm7wZn9aDMXNwQUtHgljf\niLzFyxM4IQT32h1U3mdbtDSBE0KwcfVER6KHnoklbjXa0GBqqJICkol7HVldbtVbI9bP2Vl+TZHP\nqwoN/tqGQ8mKiPWNEOsZYOfhS90J63GpoPwiyI4bp/fw+ukjCpav99P8vl8NkUjE4KmLGDVvNZ5+\nlTE2NUNHLMEuXwH8qtdl/MIQPL9ytwNkKVTHzF+Dh3c59AxytrjTEUuYFrSTdn1H4FiwMDpiCQaG\nxpQs68+U5duo21p1/B0Pr7JMWb6VIiW80dXTx9TcklrNOjArZL+SASiTzLpqNWuHgaHmAzerg49/\nNWat3YtnuQAMDI3RMzCkmI8fU1Zso1Kd7A1MHzNx6SYq1KiPmaU1egaGFPYoRe+xM5mycpvKmAIA\nJw/s5MnjJCrWavjT9McvhUiES6dZFO6+ENOiFdAxMEWkI0bPOj8WpWri+vs/sgDtX1u9ljaFey7B\nuFBptHRzNgeJdMQUHRiCQ70B6Ns6I9IRo61nhGmRcrj1DyJPJdVKkrGLD279gzAqUBItiR46RhbY\nVGiJ+5DNnzXcZNZlU74F2no/xzvazCMA98EbMXUrj7aeEVq6BpgULoNb/2AsfdTbRfye9fzrEPQv\nQNC/BL6MSCRi4fAurBzXiwBvd8yMDZGIdXCytyawghdrJ/UhwPvrvLJAFnMpaEJvyhYvjIFezkJQ\nSMQ67Jg9mGEdG1Aonx0SsQ5GBnpU9HRj8/Q/6PxRBsKP8S1WiM3TB+LlVhB9XQmWpsa0C/Rn798j\nlAxAmXRuINMx29WpiJGBapkfTbUyxdg9bxiVvIpiZKCHgZ4u5Uq4smX6HzSqrP6x1/VT+lPP3xtr\ncxMM9HQp5erE9H5t2TLjD/R1FY9vD+lQn5kD2lG+ZBGszU0Q62hjY2FKdd/iLB/bgyUj1Y+7929C\nJBIxdtYSpiwMokyFypiYmiMWS8ibvwCVatZjxrL1lKmg+nlUBy1tbaYuWUfJ0uXQz+E6RSyW8L/1\nu+k6cCT5nQsjFkswMDLG28+fecHbadJOdQbbEj5l+Tt4O+6lfNDV08fMwpIGLTuwdMtBJQNQJo3b\nybIZ1m/RPseZ9zRFuYDqLNm0n9LlAzAwMkbfwJBSZfz4e80OqtVronY9s1dupnLtBlhYWaNvYIhb\ncU8GT5zF32t2KK1TTEzNWb0rjDbd+5HfuTASiS5isQQHp4I07dCNNXvPYGObZZTs1GcwQybOplQZ\nP8wsLNERi7HN60jtxi1ZvetEjtqpLiLpJ5E+169fT/PmzdXadfs3cuvCQUJHNcev65+UaNA9R/eG\nLR5J+LZFtF56Timug8CPZ+/kznjaSli/fr1G6m/WrBlJr9IZ/XeQRur/2Tl3dD9DO9an58ipNO6k\nfmBEgAV/Dmbz8vmsOhyBfT71AqsLaI4qBQ0ICQmhWTPNePOIRCIKd1/43zY6qMnTyMNEz2qDU4ux\n2FVTrZh9jhvrxnL/wFJKTQpDzyb/l28QyBHJ53YQu7B7jgOkq4ugfwn617+FH6F/pT2+yarx6ieP\n+Tex/0wEjf6YzpTerejVLGexfIbOW8OCDfsIXztVKa6WwI/HuEJ7jetfUxYGacSI8LNz8vA+ereu\nx8Bx02j1W+8c3TtjzCDWLv2brWFRODgJ65TcZv/2jQzt3kaV/rXhuxwz/K8jzUjn9qWjRO6UZdMR\nFCkBAdVkpKdzIeww24OWULx0ecGQJSDwHZBmpPPs6nEefshmKBiyBP4rCPqXgIB6pGdkcPh8FEs/\nZDMUDFkCAspkpKdz5vghNq5cjKdvecGQ9QsgGLO+kXPBUzkXPFX+2bOpcjwHAQEBWDlnIqvmTJR/\nbtFN+Zy6gIBAzri9bQZ3tmfFWMlbq2cutkZA4Mch6F8CAuoxadkWJi/fKv/cX0U8LQGB/zqLZvzJ\n4hl/yj+37/VHLrZGQF0EY9Z3wtDSlpKNepHPu2puN0VA4KfGMo8dzX7rR+lKqoPNCggI5ByJWR7s\na/TArNjXx7IQEPgVEfQvAQH1sLMyo0/L2lT3LZ7bTREQ+GmxzmNH2x798aucsyO8ArmDYMz6hHxe\nVXIUr8Kn9WB8Wg/WYIsEBH5OfPyrqZUlMZP2fUfQvu8IDbZIQODXx8wjQK0siZk41h+IY33By1Hg\n10fQvwQE1KNamWJqZUnMZHinhiqzVAsI/JspF1BdrSyJmXQbOJJuA0dqsEUCmuD7ZDMUEBAQEBAQ\nEBAQEBAQEBAQEBD4AQjGrO9E0vXLLKhtpRC/4d/Ei6TbROxYyo6RTVlYz54Fta24deFgtvfcjzrN\n9hGNWdqkAEsa52fr4Lrcvnj4B7VY4FfjWsRFqhQ0YOVHcbX+TdTxsKZKQQOV/3YEL83t5gn8ZLy8\nEc6pznm5vW1GbjdFI7xLvsODQ8uJntmK092cONU5L08jPz8/5FRe4L+DoH8pI+hfAqq4GJOIcYX2\nTFq2Jbeb8kPoNnExxhXaY1yhPa/eKHvovE9NY/rqHfi0HY5V5c441u5J82GzuXL9Vi60VuBn4Wr4\nBbzs9Vj0UfysfwtvXr9i9+a19G/fmMDShfHNb0KNUk4M7d6Ga5GXVd6TkZFB6PogOtStSGV3eyoV\nsaVNzXKsX76QtNTUH/wLlBGOGQqoxaZ+1Xn99JHa8rcuHGLnmJZIM9LlZfciT3FvVDNqDF2Kc4X6\nmmimgICAgMAvQMSfgaQ+V39Oyam8gMC/BUH/EhDIOUcuXGXt3pMY6El4/fa90vW09HSaDJ7J4fNR\n8rJ3qWnsOnGJg2ci2D5rMOVKuP7IJgsIaJzl86bxz5wpCmWPHz5g//aNHN69jVkrNlEuQDGm8aje\nndizZZ1CWfSVi0RfucjxA7uYG7QNkUik8bZ/DsEzS0AtjPPkwyOwM4ET1lO0ZttsZTPS3nN03kCk\nGemUaNiTTuuu0XlDPKXbDgOplKPzB5P65tUParmAwM+Dh1dZDia8VvpXt3WX3G6agMAPRdfKAdvK\nHXDrH0yeiq2/u7yAwL8FQf8SEMgZb9+n0nf6ClrV9MPZwValzNo9YRw+H4W9tTkbpw7g/t5FxG6Z\nw9AODXiXmkavv5aRnpHxg1suIKBZDIyMqN24JbNXbmb76RhOJjxhzf4zlKlYhbTUVKYM76sgfy3y\nMnu2rEMi0WXc7KUcjr7PsWtJTF2yFkNjE04e3sfZ44dy6dfIEDyzBNSi8ay98r9vnNmbjSTcvnSM\nF0m3sfcoi99v4+Xl3i0H8jghgoSwUBJP76ZwQBONtVdAQEBA4Oel2IhQ+d9Pwvd/d3kBgX8Lgv4l\nIJAzJi/fyotXb5j8eyvq9J2iUmbniUsAzBzQjhplSwBgZKDHiM4NiYy/TejxCxy7GE2At/sPa7eA\ngKbp0OsPpTJX9xLMXL6BWp7O3L2ZyLMnKZiaWwAQfy0agHot2hHYrI38nip1GhIXE8XiGX8Sf+0q\nZSpW+TE/QAW5YsySZqQTGbqMmANreX7/JlKkmNoVoHBAY9xrd0RHV18uey/yFFG7VpB07QIvHt1D\nYmCMbREvSjXri13RMgr13rpwkNBRzfHr+idWBT04s3IijxMi0TM2xyOwM57NZNbGiO1LiNixlBdJ\ntzHOk48ybYcpuV1/XJelU1HOrp7M4/gIxPqGFPCtTZkOI9E3tVTjx0qJ3r+G6L1BJN+4SkZ6GmZ5\nXXCv1Q6POp3gI7e8nPTLz8y9yJMAFA5oqnStcEBTEsJCuRcRJihT30BGejrbghazd9Nq7t9KRCqV\nkje/M1XqN6duqy7o6hvIZa+cPUHomn+IvnyOpPt3MDQyxq1UaVr2+AMPr7IK9Z47up+hHevTc+RU\nnN2K8c+MscRHR2Biak79dt1o2V32Etyy8n9sXbWQh3dvYeuQn44DRuNfu9Fn6ypQxJ3lM8cTf/UK\n+gaGlKsWSOdB4zGzsPrib5VKpezZuIpdIStIjIkiPT0NhwIuBLbsTL02XRVcW3PSLwL/HqQZ6Tw8\nvJKksPW8e3QTqVSKnk0BrH0bkqdSW7QkWe/O57GneXgkiJeJF3mXcg9tPWOMnT3JW/t3jF18FOp9\nGnmY6FltcGoxFgNHd25vnsKr21fRMTTDtnIH8tb+HYAHB5dx/+By3iffQdfKEceGg7H0Dvx8XQ5u\n3N4ylVe3o9DWNcS8VA3yNRqK2Fi9OSUpLISkY2t4fScGaUYaenkKkse/DbYB7ZXmFHX7ReC/gaB/\nCfqXoH+pR3pGBku2HCR41wkS7yUhlUpxdshD02pl6Vy/MgZ6ErlsWPg1lm07zLmr8dxNSsHYQB8f\nd2cGtgnEt1ghhXr3n4mg0R/TmdK7FcVc8jFuyUYi425hbmxE10ZVGNBGNncs3LSfRZsOcPvBY/LZ\nWTOqSyMaBpT+bF3uzo5MWLqJiOu3MNTXpU55T8Z2a4qVmfEXf6tUKiVo13FWhB4lKv4O6enpuDja\n0rFeJX5rWEVBz8pJv+QGUQl3mLduN0tGdsPcxPCzcklPngFQzCWf0rXihfIRevwCxy/FCMasL5CR\nns76lYvYEbKauzcTkSLF0cmZmg2b06Tdb+h9pHdfPH2CTauXEnnpLA/v3sHQ2JhiXmXo+PsgSvgo\nrkdOHt5H79b1GDhuGoWLFmf+lNHEXo3A1MycZh270+H3QQCsW7aA9cv+x/07t7BzzE/PwWOoWrfx\nZ+tycfPgf3+N5VrUFQwMDfGvUZffh03A3FK99cj2kFVsDV5GXEwUaWlp5C9YiEZtOtO0Qzel9Yi6\n/fIzoKdvgG1eR169eoG+QVbbLG3yfPFeqzyqvR9/FLlizDq9YgKXNv6tUPYoLpxHceFo6UgoVld2\n5Ob1kyS2Dq6rIPf2eTI3zu7j1oVD1Ju8BXsPxYcf4GHMBU79M5aM9DQAXr57w+kVE9AWS3j9JIlL\nG+fJZZ/eiWPflN9omtcZq4IeSnU9iD7HyaVj5LEH0t6/5ere1dy/epomsw8g1v/8ixKplAPTexB7\neKNCcXJiFMcWDOFxQiSV+szKcb9kx/8C8yjEScgOAzNrOqyJVks2Jzy/lwiAhVMRpWuWBWSTwrMP\nMgJfx9JpowlZPEuhLDbyErGRl9ARS2jQrjsAKY8e0r+F4tnnZ0+SOX1oN+eO7md68C6Kly6vVP/V\ny2dZNHk46R/G0KM3r1k6dTRiiS4pjx4SsmimXPZ2QiwT+rQjr5MLLkWLK9UVdfE0CycPIyNd9ly+\ne/uGXSEriDx/igXbjqNvYPTZ3ymVSpk8oDMHtyme1U6IiWTumP7ER19hwKT5Oe6X7KhWyFje1i9h\nbmXDxrM31JIFuJVwjbaVPEi6dxtTC0uKlS5Py24DcXEvoXYdAsrc2jSZe3v+p1D26uYVXt28gkhH\njG3ljgCkPksi6i9FJSftZQpPwg/wNOIIRQeFYFLYV6n+FwkXubn+T6QZsvHw/v0bbm2ajJaOLu+f\nJ3Fv9wK57JsH8cQu7EHx0QUwzKesBL+IO8/N9RPk7+mM929JOraGF9fPUmzULrR1s59Tri/tw+PT\nmxWKX9+JJjF4BK9vX6Vg+6wg2Or2S3ac/i2f2nOK2MQa71mqA4gK/BwI+pegfwn6l3qMWbiBOWt3\nKZRdunaDS9duINHRoVvjqgA8THlGzd8nKcglP3vBnpOXOXAmgtA5Q/BTEXvp3NV4Ri4IIe2DvvH6\nbQpjFm1AIhHzMPkZs9fslMtev3WfDmMX4OxgS/FCysaXM5FxjJi/Tn4s7s2796wMPcqpiFiOLRmL\nob7eZ3+nVCrltz8XEbLvlEJ5ZPxtBs5aTUTcbeYNzpor1O2X7DDz76j2ET4bC1Pit81VSzYjQ0rv\nqcuoUroYjauUyVbW0lRm5IuIu0U+W0VDRmYA+Pg7D9T63v8y8yaPYtWCmQplmfGUxBIJzTv2ACA5\n6SG/NVJ8Np6mJHN8/y5OHt7HwvV78PRVXo9EXDjL7AnDSE+TzSlv37xm3qRRiCW6JCc9ZOWCrCQ5\nN+NjGdajLY4FXXBVoVeHnz/NrPFDFdYjW9cs5/LZk6zeHYaBYfbrkVG9O7F781qF8uvREfw1oh+x\nV68wclqWLqhuv2SHj6Oh2usRC2sb9od/feKCm/GxxMVEUqlmPSS6We8Ln3L+OLsWZfu6VRTzLIN/\nzUC0RFqcPnaQ4MVzsc3rSMVqdb76e78HuWLMSji5C7GeAVUGLsChZEW0dMQ8vZtA7OH1iPU+Uk5E\nIhxLVaJY/a5YFfTAwMyady+fcS8ijEOzenNx/RyVylTcsS2UaNCd4g26oWdiya0LB9n/V1fOrZmG\nNCODgL6zcfKthZaWFhdCZnF58wLCt/yPKgPnK9UVf3wbRaq1xKv5AAws8vA47grHFgwm+cZVLm2c\nK4tD8BmuHd5A7OGNWDoVpWyn0eRx9UJLrMujuHBOLBzK1T2rKVKtFbZuPjnrl5+c969fAKBrZK50\nTc/Y7IPM8x/apn8bJ/btQM/AkKEzluJZLgAdHR3u3IjnwNa16BtkPSsikQiv8lVo1KEnzkWLY25l\nw8tnTwk/c5ypg7uxduF0lcasI6Ebadzpdxp3/B1Tc0vOHtvPxD7tWTVnItIMKX9MWUDZqoFoa2kT\nvGAqG5bOYdOyeQyZvkSprqO7NlOjSVta9xqMpbUt16MuM2d0PxKvRbFu4Uw6Dhj92d95YOtaDm5b\nRwFXd7oOmYhbSR/EEgmxkZf4e9xAdq5bTs0m7SjqWSZH/ZJbPH+SwvMnKQAkJz3gSOhGTuzZxsh5\nq6hQQwjK+7WkXNqDlq4BhbrMwdStAiJtHd48TOTxqU2KxiGRCNOiFbGr2hnDfO6ITaxJe/WU57Gn\niVvWn7u75qs0ZiWf3Y5dtd+wq9YFsZEFTyIPc31RT25vnwFSKc4dpmNesjoiLW3u7pzLvb2LuL9/\nMS6d5yjXdT4Ua79mOAT2RWJqw8ubESQGD+f1nRju7ZqPY8PBn/2dj05v4vHpzRg4FCF/kxEYFfRE\nS0fCy5tXuLFmFA+PBWNdvjnGzl456xeB/wyC/iXoX4L+pR6hxy9goKfLkpFdqeTtjo62NvF3HhCy\n7yRGBrpyORFQ2ceDHk2qUY3GKNkAACAASURBVKxQPmzMTXn64hUnLsfQfdJSZgaFqjRmbTp4hl7N\natCzaXWszIzZfyaCjmMXMHnZFjKkUuYP6UTt8p5oa2kxffUO5q7bzfz1e1g0oqtSXVsOn6V1rQoM\nblcXWyszLl+7wYCZq4hKuMPM4J2M6tJY6Z5M1u07Sci+U7gXdGB8j+b4FHVGV6LDpWs3GDQ7iBU7\njtC2dgVKe7jkqF9ygyVbDhKdeJfzQZO/KFutTDH2nLzMwJmr0dHWpnxJV56/esuybYfZeeIiAM9e\nvtZ0k395juzejr6BIePn/kPp8gHoiMXcSoxj16a1GHy0WS0SiShTsQotO/eisEcJLK1seP7sKRdP\nHWNs/66s+HuaSmPWvu0baPVbb1r91hszC0tOHt7H8J7tWDxzIhkZGYyasRD/6oFoa2vxz9ypBC2c\nzZrFcxk35x+lug7s2ETd5m3p3HcoVja2xERcZsrwvsRFR7Jy/gx6DB7z2d+5a9Nadm9ei4ubB31G\nTKSYpw9iiS7RVy4xbeQAtgQvo16L9hT3KpOjfvkZePP6FcN7tsfI2JT+Y/5SuKalrc3C9XuYOW4I\n4wZ0JaNflhG6Uk2Zt1tue5nlijHLyMoeACffmmhpy5pgVdAdq4LjFOQMzKzx7TiKixvmcnTeAN48\nfSzf7QNIuXFVZf35vKrg1zUrnaazX13iytQkPmwHfr+Nx61G1pnPsp3GcHVvEE9uXVNZl42rJ5X7\nzZW7o9t5+FJr9GrWdPUl/sT2bJWpmH1rEGlpU/fPDRhYZLnp2XuUpdrgxazt7kfi6d1yZUrdfsmO\nHqEP1ZbVFFKk2VzM5pqA2ljb5QWgXNU6aH94VpzdiuHsVkxBztzKhi6Dx7Nu4QwiR/zO08eP5N5W\nAIkxUajCx78aPUdmeXhUrNmAw1XrcGzPVnqMmEKtZh3k17oO+ZNdIcu5eV31LnOREt4M+muh3P22\nmI8fExatp0PVkhzbvSVbY9aejavR0tbmr5U7sLTJcmMtXro8I2avoFMNL8IOhMqNWer2S3bsv/5C\nbdmc4FmuEnVadKJwMU/0DAy4HR/LukUzObZ7CzOG9sCrfGUMDL98HEBAGV1zO4APBiXZ/3dDx6IY\nOhZVkBObWJO/yTDu7ppPwqrBpD5PlntbgczDSRVmHgE4tRgr/2zpVYfkkjVIvrATp+ZjsKnQUn4t\nX5MRPDy2hjf3rqusy6hASVw6zpTPKSaFy+D6+zIuj6hI8oWd2RuzToQg0tLGbcBaJKY28nKTwr4U\n6jqfy6MCeHJpr9yYpW6/ZIfvEiFF+b8JQf8S9C8B9chrI4sZU7t8KXS0tQHZkbRPj6XZWJgytltT\nZgXv5PS05Tx68kLubQUQFX9HZf3VyhRjSu9W8s/1/b2p7VeKbUfPM+n3lrQL9JdfG9+jGSt2HCHm\nxj2VdXm5FeR/wzrL9axyJVxZN7kfnq2HsPXIuWyNWUG7jqOtpcXWmYOwtTSTl/uVcGXZmO74tB1O\n6ImLcmOWuv2SHU+PLldbVl3uPXrCuCUbGd+9GXmtLb4o375uJdbsOcGF6ESaDFb0oGlV0481e8LQ\nysUMbb8KNvYyvdu/eiDaOrJ3Z+GixSn8yUkNC2sbeg+fwIr5Mwgf3IuU5EdybyuAuOhIlfWXC6jO\nwHHT5J+r1GmIf/VADu7cQv8xf9GgZQf5tb4jJrJ1zXISYmNU1uVeyocxMxfLx0mpMn7MXLaBRhWL\ncyB0c7bGrO0hK9HS1mb+mlCFY3WevuWZuGAlTSuV4uieHXJjlrr9kh3nbms+Wceb168Y0KEJN+Ku\nMS94O/aO+ZVkoiMucS3yMhmfeFNej44g8tJZlff8SHLFmOXXdSJ7J7YnuLMPjl4BWBXwwNbNBytn\nxQXng+izbB3SgIw05ZSqIHM5V4V9sXJKZUY2jgDYeSheE2lpY2hp99m0x/k8AxTiKgCY2ObHLK8z\nT+/Gq/6BH0i5FYM0I52V7T48uFJplqLxQal4+ShrklO3X352dA1MAHj38onStbcvZWfUJR9kBL6O\nniOnMrZHS9pW8sCnYlUKuhXHvVQZpeNqURdPM6BlTdJSVY+hd+/eqCwvUaaCUplNXpmiUuwTTy4t\nbW2sbPOS8jhJZV3eFaoqpWy1y1cAhwIu3EmMU/0DP3Aj9ioZ6em08JPFnJBKpfKxI/3w36S7t+Xy\n6vZLbjBh8QaFz67FvRj9dxB/tKnN5VNHuXzqGOWq5q6r7q9K/hbjiF3QhUtD/TDzqISBY1GMnb0w\nzKd4dOlF3HmipjVBmpaqsp6MVNVziomrsreWxFKmqBgXVjzKINLSRmJux/vnqucUM3d/pTlFzzo/\n+nmcefMw+znl9b1YpBnpXPzDG8gcA4pzyruUu3J5dftF4L+DoH8h6F+C/qUWU3q3ovXIeZRoMZgq\npT0o5pKP0h4ulCikuHA7E3md2n2m8D41TWU9b96rHkPlSyofBc087vapJ5e2lhb21hYkpTxTWVeV\n0h5KepaTvTUujrbE3c7+qFx04l3SMzIo0qg/IDOISuVDRfbHnYfJcnl1++VHM3DWatwLOtClQWW1\n5HXFOuyaO4y/Vm5n86Ez3Hv0BDsrc/q0qImNhSlr9oRhZSaMlS8xcNw0BnVpQf1yRSlbqRqFixan\nuHcZXD1KKsiFnz9Nt8bVSf3MeuTtW9XrEa+yyusROwfZeuRTTy4tbW1sbO1JfqR6Y6Gsv/J6JG/+\nAuQvWIibCao3IDNJuCZbj9TydpYVSKXy8ZH53wcfrUfU7Zfc5PmzJ/Rt04Dr0ZHMDdqm0jMu6tI5\n+rVriJ1DPuYGbaO4dxm0tbS5Gn6RaaMHMqx7WwyNTPCrXCMXfoGMXDFmWRV0p+Xi0zyIPseDq2e5\nH3WKc2umomdiSfWhS7B0ku0aX1w/h4y09/i0Hkzhys0wsrRDWywBkYg1XX15+zxFZf3aEmU318xn\nV0flNRFSDaRflWZ8eMiziaGQkZq1qFK3X7LjZ4jZYGJfAICUGzHYuikGq0xOlHkCmX6QEfg6nN2K\nseLgZaIunCbq4mkizoWxas5ETC2sGDV3FQVcZbEx1v5vOmmp72nXdwTVGrbEKo89YokuIpGIDlVL\n8uzJY5X1SyTK8RUyJ4CPz1LLrwFSqSbGkKzO7M6Mf2yoU7dfskOTMbM+RSQSUcy7HJdPHSXlM5Ov\nwJcxdCxKyYnHeBF3XvYv9gx3ts9Ex8iCwt3+h4GDbNFwd9ffSNNScag3AOuyTZCY26KlI5tTLo+o\nSOpL1XOKllj1vPHZa4hAg+Mhu3f8x4Y6dfslO4SYWf8uBP0rC0H/EsiOYi75uBg8hTORcZyJuM7J\n8FgmL9+KpakxK8b1xL2gAwAzgnbyPjWNYR0b0LKGH3bW5uiKdRCJRHi2HkryM9Xe3roSsVJZ5ryi\np/IaZGjAuy7jw1jJLobVx4Y6dfslO753zKwnz18RevwCACYVO6iUsa3eTSZ7ZJnco8xAT5dx3Zoy\nrptiwoTeU2WeYyVdndRq43+ZwkWLs/nYFcLPn+bK+VNcOhPG4pl/YmZhxeT/rcbFTbZ5tmLeNFJT\n39N14EjqNG6FjV3WeqRRheI8TfnMekTFmiNzUtFVtR7R0JySocZ65GNDnbr9kh2ajJn1+OEDerUK\n5N6tG8wL3k6pMn4q5bauXUFGRgaD/5ylYLDy9vNn7KzFtKlZjs1B//z3jFkAWto62HuUlcdcSHv3\nhjW/leHw7L40mS1Lu/38wU0MzKzxaa147OLZ/Rs8u5uArrHZp9V+d25dPEzpNkMVdgefP7jJ07vx\nmNo5ZXuvuWMhHsW9pkNQFBJD9az76vTLz469RzkubZhL7OENFK3VTuFa7OENchmBb0NbW4fipcvL\nY169e/Oa9lVKMG1IdxZsPQ7A/VuJmFvZ0L7vCIV7791K4M6NOIxNNT+Gzh8/QIf+oxR2Q+7fSuRO\nYhz2+Qtme6+jsytvoy6z4XQChsbqjSF1+uVnQSqVEnFeln3KwvrLGUMEPo9ISweTwr7ymFcZ799w\naXgF4lcMpNhIWSDdd49uITaxxrH+QIV73ybd5M3DRHQMTTXezqdRR3FsMEhhTnn76CZvHsajZ+OU\n7b36di68uhmB98xLaOurdyRVnX4R+G8h6F+qEfQvgU/R0dbGr4Sr3FPq9dv3eLYaQq8pSzmyeCwA\nN+4lYWNhyvBODRXuTbybRPydB5gZaz7m2sGzkYzs3EhBz7px7xFxtx9QIK9NNndC4fx2hMe+4/rW\nuZgYqpe1U51++ZFkfMfNo4Q7DwnZdxJtLS3q+Xt/t3r/zWjr6ODpW17u2fP2zWsalS/G+IHdWbXr\nBAB3byViYW1Dt4EjFe69cyOB24k/Zj1y6ugBug8arTBO7t5M5GbCdRy+sB5xcnElJuIyey8lYmSi\nnq6oTr/kBnduJNCzRW2ePknh77WhlPBWPn2QyfOnyl6+mWQa+J49Sf6szI8gV4xZmwfWwrVKc+w9\nymJsm5+M1PfcuXyMt89TFFzXjawdSLl1jYgdS3Gt3AyA+1fPErZ4hEa8QFSRdO0ih2b3xat5f1kA\n0vgrHFswhIy0VJzL18v2XrfqrbkfdZrtwxvh3XoweVy90DU05lXKQ1JuxBC9PxiPOp1wKFkRUL9f\nsuNniNngWKoiRtYO3Is8RdiS0Xg174uWtpgr25eQEBaKnoklBcrWzu1m/tL0bhJA9YatKV7aD1tH\nJ9JSU7l48jDPn6YoHB20yevIzbgYtq5aSLWGstgMkRdOsWDCYI3sXKgiJvw804f0oFWvQVha2xJ3\nNZw5o/uRlpZKxVoNs723drP2TB18kkFtatOu7wiKlPTByNiE5KQHJMZeZc/6ldRr2xXPcgGA+v2S\nHZqImbVu4QyepjymUp3G2OcriFhXwq34WEIWzeTyqaMYGptQ0lfZlVpAPSIn1cO6XFNMCpdB1yof\n0vRUnkUfJ+3VE4WjgxLLvLy+H8uDQ8uxLitLTf/8+jlurBujEU8qVbxMvEz8ioHkrdMHiakNr25F\nkhA0HGl6GpZe2R8zzVOhJXHXz3J1enMc6g3AqGApdPRNeP/sIa/vXiPp+DpsK7fH1E2mOKnbL9kh\nxMz6dyHoX4L+Jehf6lGlxwRa1fDDr6Qr+e2sSU1L58j5KFKev1Q4OuiYx5KYG/dYtOkALWvKvBtO\nXYll6Lw1cq8nTXMhOoGeU/5hUFtZAPjw2JsMmLmK1LR0GlTyyfbe9oEV6T4plrr9/mJYxwZ4F3XG\nxFCfB8lPiU68y6qdx/itYRUqecm8E9Xtl+z43jGzLE2NeXF8pcpr5TqOIiLuFg/2LVLK6thi2Bw6\n1PWntLsLErEOh89HMWRuMG/evadro6o42Hw59tZ/nY51/anTtA2evuXJm8+J1PfvOXviME+fpCgc\nHbTN60hCbDQhy/9Hncay9Uj4uVPMGDNIKRaTpoi6dI7xA7rRqe8QrGxsuRYZzpRhfUlLTaVqYKNs\n723QsiNjz/5Gj+a16TpgBB6epTEyMeHxwwfEx0Sxbd1KmnboRunysvWIuv2SHZqImRUfE0WPFrV5\n//Yd/1u3E/dS2b8fXD1KcCB0M1NH9kekpUUJb1+0tLWJunSeaaMGfJDJ3aOTuWLMehQXzoPocyqv\nfbyT5F67PbfOH+D4/4Zy/H9D5eVWzsWwyO/G6yeaVxycy9fj2sEQYvavUSg3dyxEqSZ9sr23SNUW\n3Is8Scz+tewa20qlTNGabeV/q9svucGBad2VUlyHjmou/7vG8GVy5VJLR0KlPjPYOaYV4VsWEL4l\nK1UpIhEVe/2VfUptgS9yPfIyVy+eUXmtTousFMqBLbtw9sg+5o0dwLyxA+TlLu4lKFC4KMmPNJ92\nuGKthuzbEsyejasUyvM5u9Ki+4DP3CWjeuM2hJ89wd6NqxnxmQCmdVp0kv+tbr/8aF48f8qGpXPY\nsFQ5u522tg4DJs3HwEiIzfC1vLoZwYv4Cyqv5anYOutv/zY8jThEYvBIEoOzdgcN83lgkLcI759p\nfk6x9K7Do5MbSToRolCub+eCfe1e2d5rXa4pz66d4lHYemLmtlcpk8c/a65Rt19yg+tLevP49GaF\nsuhZWcHBC/dYjKV3na+WF1CNoH9lIehfAtkRfu0GZyNVx/XsUDcrOHun+gHsO32FP2av5o/Zq+Xl\nJQrlp2hBBx4kP9V4WxtU8mHtnjCCdil6nxfOb8eA1tm/F1vVLM/xS9cI3n2cpkNmqZTpULeS/G91\n++VX4NzVeHnmwo+p5FWUP3s2V3GHwKfERFzmygXVenfD1ln6eaO2XQg7tJepI/ozdUR/ebmrR0mc\ni7jz+OF9jbe1amAjQjcGsz1EcT3i5OJK+14DP3OXjMBmbbhw+hg7QlbTr71qw9fHv1fdfvnRrFky\nj+Qk2fzdro7qTfQ1+8/g+iHWcJP2Xdm6dgV3bybSp41y1nVLmzxf7DtNo5UbX9p41n48Ajtjns8V\nHYkeeiaW2BUtQ0Df2QpZcAr41qLa4EVYFnBHR6KHgUUe3Gu3p/7kLbLYDT8A26KlCZwQgo2rp7yt\nbjXa0GBq6JcVApGIyv3nUX3YUhxK+aNrZIaWjgQT2/wUKFubWqNW4VAy68Wvbr/8CuTzqkKDv7bh\nULIiYn0jxHoG2Hn4UnfCelwqNMjt5v3yzN9yjPptu5G/kBu6evqYmlvi4VWWP6YsUMhC6FctkOGz\nl1OwiAe6evpY2tgS2Koz04N2I1YRv0QTeHiVZcryrRQp4S1va61mHZgVsh/9L6SnFYlEDJ66iFHz\nVuPpVxljUzN0xBLs8hXAr3pdxi8MwfPDLgio3y8/mtY9B9Fn3CyK+fhham6Jjo4YG3tHqjZoyYKt\nx6lU5/OZhgS+jMfIndhW7oC+fWG0JHroGFlg7OKDc4fpClkILUrVoFDXvzFwcENLoofE1IY8/m0o\nOmg9Ip0fM6cYu/jg1j8IowIl5W21qdAS9yGb0db98pzi0mkWhbsvxLRoBXQMTBHpiNGzzo9FqZq4\n/v4PpkWzlBN1+0Xgv4Ogfwn6l4B6HF48hq6NqlLEKS/6uhIsTY3xLVaI+UM6MaV31mZAnfKe/DO6\nOx7OjujrSrC1NKNT/QBC5wxBV/xjfAZ8ixVi8/SBeLkVlLe1XaA/e/8eoeSN9CkikYiFw7uwclwv\nArzdMTM2RCLWwcnemsAKXqyd1IcA76yYcer2y6/A+in9qefvjbW5CQZ6upRydWJ6v7ZsmfEH+ro/\n5j33q7Ny13GadexOwcIyvdvMwpISPmUZNWOhQhbCSjXqMnH+Cgq5FUNXTx+rPLY0btuFhRt2I/lB\n65ESPmX5O3g77qV85G1t0LIDS7ccxMDwy+uRsbOWMGVhEGUqVMbE1ByxWELe/AWoVLMeM5atp0yF\nrOQD6vbLz46JqTmrd4XRpns/8jsXRiLRRSyW4OBUkKYdurFm7xlsbO1ztY0iqVQxmuD69etp3rw5\nPXepDsT2X+HWhYOEjmqOX9c/KdGge243R+Ar2Du5M562EtavX6+R+ps1a0bSq3RG/x2kkfp/dc4d\n3c/QjvXpOXIqjTv9ntvNEciGKgUNCAkJoVmzZhqpXyQSUbj7Qix96mqk/l+Bp5GHiZ7VBqcWY7Gr\n9ltuN0fgK0g+t4PYhd2RaiAIMwj6VyaC/vXr8yP0r7THN1k1Pntv1n87+89E0OiP6Uzp3YpezXIv\nALPA12Ncob3G9a8pC4OoVq+JRur/FTh5eB+9W9dj4LhptPqtd243R+Ar2L99I0O7t1Glf23IFc8s\nAQEBAQEBAQEBAQEBAQEBAQGBr0EwZgkICAgICAgICAgICAgICAgI/DIIxiwBAQEBAQEBAQEBAQEB\nAQEBgV+GXMlm+CuQz6vKfz5uhYDAt+DjX42DCa9zuxkCAj8FZh4BlP3nbm43Q0Dgp0fQvwQE1KNa\nmWK8OL4yt5shIPBTUy6gOhfuvc3tZghoCMEzS0BAQEBAQEBAQEBAQEBAQEDgl+Ff6ZmVdP0yG/tW\nxaf1YHxaD87t5miE2EMbODC9h/xz8frdKN9tIgCpb1+TeGoXcce2kJx4lVcpD9EzMcfevSyezfpi\n5Vzsm79fKs0g9uB6Inet4Nm9BKTp6ZjYOeFWvRVFa7ZDS0csl31y+zpru5WVf87j6kXjWXu/uQ0C\n3861iIv0rF+edn1H0L7viNxujkY4sHUtkwd0ln9u1LEXvUbJ0uK+ff2KsP07OBy6kYSYSJKTHmBq\nbkExHz9adv8DF/cS3/z9EefC2LspmKgLp3hw5ya6enoU8vCkccde+FaupSB7K/4aHauVkn92K+nD\n35uPfnMbBNTn5Y1wIibUxqHeABzrD8zt5miER6c2Ebe0j/yzXdUuOLUcpyDz4vpZbm+fycvEy5CR\ngWH+YuQN7IOZu/83f/+75Ds8Cd/Pk8v7eXbtJNK0VNz6B2HmEfDN8m/ux3F5ZFYbjQqWotiI0G9u\ns4B6CPqXoH/9V7kYk4j/b2MZ1rEBwzs1zO3maIR1+07y24RF8s89m1bnrz6t5Z9Phl8jeE8YpyNi\nuXX/MXq6Ekq5OtGzaXVqliupUNfrt+/Ycewimw6dISr+Ng+Sn2JhYkS5EoUZ0CaQEoXyf3N7bz14\nzO6wy+w+eYnjl2J4n5rG5ul/UK2M8jicv34vQ+etyba+CT2a0a9VHQBib97Hq81Q+TXvos4cXjT6\nm9v8X+Bq+AXa1vKj68CRdBs4MreboxF2bVrLqN4d5Z9bdvmdP8ZPl3++f+cWx/bv5Ni+nVw4eYzU\n1PfMC95OuYDqSnW9ef2KI3u2s2/bRq5HR/D44QNMLSwoVaY8HX//A1ePkkr35JSctCcTqVTK9pBV\nbA1eRnxsNGKxmGJeZWjfcyClyvjJ5W7EXaNxxaz1lIenDytDj39zmzP5Vxqz/utcXD+bC+tmKpS9\nTnlI3PGtJJzaSe0xQeTzqvJN33FgWg+uH9mkUPYoLpxHceHcOLOPwPHrQCT6pu8QENA0a/43neD5\nfymUJSc94MjOTZzYu50/l2zEx7/aV9d/92Y8/Zor3v/+3Vsuhh3iYtgheoyYQpPOfT5zt4BA7vA0\n8ggxc9ohzUiXlz2PPc3zWWco3H0hlt6B31R/xJ+BpD5/pDF5AYHcQtC/BP6rJNx5SI3fJymUvX2f\nyuHzURw+H8Wk31vSu3lN+bXpq0OZtmq7gvyD5KdsPnSWHccuEDKlv0qjU04I6DaepJRn31THx1T0\nLPrd6hL4b9OuTnlSHiWpJbt83jT+mTNFoezxwwfs376Rw7u3MWvFpmyNTt+7PQBpqakM6daaI3sU\nx/Dx/bsIO7SXc7dffVN7coJgzPrFqTZkCYX8FXeAJPpGFK7cFJeKDbHI54qBRR6e3onj1D9juX3p\nCMfmD6bNsgtf/Z2P4yO4fmQT2mIJlXrPxMm3JiItbW5fOsLhWX24deEgty8fxbFUJQDMHQvJ418s\nbVrwq79XQOBbGDlnJQF1myqUGRgaUbVBSwICm+BUyA1z6zzcTrjO4ikjuHDiIHPG9OP/7J1nWFRH\nF4DfpSrSpSOgWBDEEnvDhhWx94rGnqKxRI2aL8YkJmpiTSzR2BARe0UEoygq2FAUpYg0RZEOShf2\n+4GCKwssuKDG+z4PT8zcMzNn7+7cOWfumTN7vO9VuE8FkQKtOnWnx+AxNGzSAn3jWiTFP+O4y1bc\ntqxm26ofcBgxATV1TQDM61oV5hnr39So4h9WQEAG6k/biF7rARJl4pe5hO9egDg/D+OeU6nV92tQ\nUCL23A4eHVlJuPN3aDfuiqJqjQr3q6pXi5ot+6LTtAdJN915dtFFbvLVjesV5ia79lXDCusoIFAW\ngv0l8KmyY+kMhtq3lShTUFCge+vGjOrdgRbWlpga6BKXlMrWI+dYu/cUP245wATHzmjUqA6Ahlo1\nRvZszxD7NljXMcVAV4sH0bF8v8mNc9cDmbN6F3fdfpfWvcyYG+kxsEsr+nRoxjHvG+w84V2i7JfD\ne/Hl8F7FyjOysqk7YCbmRno0b1insLyBhXFhvjLT3tPfSU+B/y7LN+2m14DhxcpNzCzo7jiYTj36\n8u+pIxxx2V5iG2rq6jgMGUXP/sOwtLJBz8CQyIehrPtpEVcv/stvi2Zx3DfonfQsjz4AW9csx9vj\nOLp6+sz+YSUdu/dGVbUat69dYeefkuO2dj2rwpxlnRsavpOe0hAWs/6DfDaseKSHnqUtff7nzK5x\njUmLjSIrLYlqmroVaj8pKhiAhj1GY9V9ZGF53Q79SIoM4rrLSpKigguNKQGBD5WR04tvI6tn04Sf\ntrgxon09nkZHkJachKZOxcaKsXkdftsp+dbCqJYFUxf8TPDt6wRc9SEqLATrZq0q1L6AgLxJue9D\nduJjNBu0pfaIHwrLaznOIj0qkCR/d5JvnUGv7eAK9/Hmtr/kAC+5ywsIvC8E+0vgU6W2iT5H/pgn\nUWZupMdPM4Zz4/5DLt0OJiTqCS1t6gIwe0zfYm00qW+O6/JZWA3+hsgn8SSlvkBXS73COr257e/0\n5dsVauPgWT9eZGQxrm+nCushIPA2b26zu+h1qlTZCV/OK1Zm1agpq3ccoE/zusRERZCanIRWBX2V\n8uqTlpqM8+a1KCgqssHlOA0bF6VHadPJnjad3i36uLy8lwTwT+5eYaODHpe2LJJ6PfzySTY66OG/\nf21RnUBfvFZOw2VSSzb3N2H7SCvcl47m6f2rMvV5/4wzGx30eHjpeInXInzdJS+IxQR5unB4bh+2\nDrFgy0BT3L7sTODJf0Aslv0DfyAoqVZHw8AUBUUllKtV/K26mo5BmTI1dOW/8vopEnDVB3tLNf5a\nVvxBBuBz5hj2lmrs3bSqsOzOtUss/2Yi47rY0stKm8EtzFg8eQiBN31l6tPdbSf2lmpcPH2kxGuX\nPU9IlIvFYk4f2MXXQ7viaGtAH2tdpji05pjzFsQf4VhRra6GgYkZiopKVFNTq5Q+FF/lNdGpqV8p\n7f9XSQvxxXeSKZGu7EZSNgAAIABJREFU0nNTJPm74zvJlBj3DUV1Qv148PdX3PquPX7TanN9VmOC\n1zvxPOy6TH3GXdyL7yRTEm8Un+BfX0u65SF5QSwm7tI+Apf359oXDbg63ZKAH7oTe27nBz1/PA/1\nA0CvbfGcL/rtChaw0kL8qlQnAfkh2F/vB8H+ev9cuh2Mhp0T89ftkXr9+IUbaNg58Ydz0eL55YAQ\nJi3bTJOR31Kz2yRqO37FsAVr8Lv7QKY+d528gIadE0e9i881r6+d9JGM1BOLxTifuoj9jJ8w6jkN\nffvJtJuwhL8Pn/0o7SkAZSVFAPR1NMuUVaumgplhTZQUFVGrrlrZqpXJjhMXUFZSZGTP9u9blSrj\npq8PLUyqsep76XlDz7kfpYVJNXZsWFlY5u93icVfTmBAexvaWmhib2vKN06DCbgum+9xdO8OWphU\n4+zJwyVee3tLm1gs5ti+XUzs1xm7+nq0q6PNSPtW7N+x+aMdK+WhWnU1jEzNUFRSonol+SrSuHTW\ng+ysTDr3dJRYyHpfvJfILJPG7dE2rUvIuQO0+3wpisoqEteDPPcgUlDEyr7grVNGchxH5/eTkMlK\nSyTymifRN8/R/9cjmNi2Q66IxZz9fQah5w9KFCdG3OPixgUkhAfSZeYamZra5GgokXukNNS09Zmw\n991CBUsi5XEYiRFB1GnvgKJKxScI06Yd0bVoSLDXXowatqR2uz6IRAo8uuVNwJFNqOvXonab3mU3\nJFAmTdvYUatOfbyOujJ14S8ov/W9nXbbiYKiIr0GjwUgKf4Zs0dK7ptOTU7E79xprl/w4ncXd5q0\n7ihXHcViMb/OmcS/x/ZJlIcHB7L+h9k8DLrDnOV/ydRWj/oa5OfJNlZ09Aw4eC2yvOrKxKPwUMJD\n7tGxRz9UVKvJrV1xfj6JcbF4HNyN/+VztOrcAyOz2nJr/1NA06od1Qwtifc9hPmwJSgoSc4fcT6u\niBQU0W9fENadmxrHvRVDJGRevkgiOeAsKXe9sfnWDc0Gktsl3hmxmAfbZpLgJ2mUZTwOIsJlMRmP\n7mPptLKEypL4TTGXef5Q1tSn5ZqKvX1+TVZcJABqpsW36KnVsnklE/FOfQi8PwT7q2QE++u/Tcdm\nDalnZsQ+zyv89MVIVJUlXaDdpy6iqKDA6D4FNtKzpFR6v5UDKjH1OR5XbnP26l1OrltAh6ZWctVR\nLBYz5ectuHlKLgAEPnzE3DXO3A17xIb5E0uoLYl254nk5efLJGugq8XDY+vLrW9p5OeLiU1MYY+7\nD+dv3KNHm8ZYGJf98u5B9FPuhT/C0a4F1VSUy5SvTO6HP+bG/Yf069QCPW2N96pLVdKinR0WlvVx\nP+TKrO+Xo/LWM+uoa4Hv4Th8HACJcc+YMri7hExKUiI+Xu5cOe/J5v0eNG8rf9/j+68/5/RhV4ny\nB0F3WbH4G0Lv32HJqo0ytdXKrIbMvoeuvgFeAdHl1rcyiHoYSlhwIF1695err1IWQXf8AWjftSdn\nju1n6+rlPI4MR9/ImC69+zN17mI0NLWrTJ/3EpkFYN1zDNnPk4nwlXzTnZ74lOib57Fo1Z0aNV/l\njBGJMPusCw5L9zJ+9x2mH3/KxL3B9PruHxSVVfDfv07u+oWcP0Do+YPUrG2D47J9THJ7wJTD0Qxc\neQI9y0bc93AmNki2t/ofArlZGXitnIpKDU06TF72Tm2JFBTp/+sR6nbsz7k1M/lnWF22Da3DmV8m\nYtrUjkErj6OkWl1Omgv0GTae5ynJxaKhEmKfcN3nLG269KKmoTEAIpGIFh3t+WXbIfZdecCZ0FQO\nXY/if3/uQVlVFdfN75Z/QBpnj7ry77F91LFqxK/bj3LUP4ZTgfGs2edJXevGnNq3g/v+sr3B/xDI\nykjnl28moK6hyfTFv5VdQQaiH4Zgb6lG93rqjGhfD5e/VjJg7FR++Kv0XEEC0jGwG8nL9BSS/SWj\noXKSY0kJvIB2426oaL+KThCJ0LLpRMOZu2jx+w3a/h1FyzUBNJixBZGyCjHusi20lod4v0Mk+B1G\nrVZDrL9xptX6e7TZ+IBGCw5Rw8yGZxddeP6w4nlzKpOXmc8BUKpR3BBRUteWkBH4OBHsr6pFsL8+\nHMb37URyWjonL0o+f5/EJ3P26l16tmuKsV7Bc04EdGtly4EVswk+vIak89sJP76B3cu+REVZidV7\n5H9K6j7PK7h5+tLIshaHVs0l+tRGnnn9jcefi2hcz5ydJ7y5Fhgm937lSWjUUzTsnNDqPAGrwd+w\navdxpgyyx/mnr8qsm5GVzec/bkazhhq/fjWqCrQtndc5tsZ/glsM+49yIi0lqVg0VFzsE3y9vejY\nrTf6b/gebTrZs3bXYdxvPuRq1HO87jxixRYXVFRU2fnnKmldvBPuh1w5fdiVeta2rN9zjPP3n3Ap\nLJGth8/SwKYJR1y2c+fmx+N7lJfMjHQWfeGEuoYWs39YUXYFOZKcWJCH8e7NqyyaMZ6IB8Hk5ubw\n5FEUe7duYNKAbmS8qDo78b3lzLLqMYqru5cTdMaFep2KtjMEe7kizs/DutfYwjI1bX3aTvwe/wPr\nubBhDpkpCeTnvSy8nhR5X+76BXvuRaSgSL+fD6D2Rsi2iW07esz/G9fpHYjwO42Rddm5bmacfCZ3\n/cpDblYGp5eNJfnRAxx/2o+Gofk7t5kQFkD8w7uIxZJvfRIj7vEs5KZc+hAooNfQcWz/40fc9++i\ni+PQwvIzh5zJz8ujz/AJhWU6egZMnr+MfZv/IHDxV6QkxJP3xliJCK54MvOS8DjojIKiIit2naCm\nQVHS8iatO7J47U4+79WCy2dPYtO8TZlteT14v05yVkY6308dTvTDUH7bcRSjWu9+NLQ0crKzuHfr\nKuHBgTRqLueooE8Agw7DeXR4Jc98XKnZun9hefzl/Yjz8zCwKzKClTX1sRj6HTHufxG+ez65aYmI\n84vGRMZj+UdixF9yQ6SgiPUcV1S0irYFaTZoS/2pf3H7+64k3zqDRt0WZbbVdmtVvwEsJTT/Ewjb\n/xQQ7K+qQ7C/PizG9OnIsq2H2H3qIkPsi2wSl9M+5OXn4+RYtGhhoKvF0mnDWONyCr9VO4hPfs7L\nN6I37j18LHf99rj7oKigwNHV32JUs+iFQoemVmz/YTqtxi3i5CV/WtvWK7OtlAs75K5fRcjKyeVa\nYBiBDx/RxrZ+iXIZWdmMWLiW0OgnHP59HuZGelWoZXGycnLZ53kFo5ra9Gjb5L3q8j7oP3w8G1cs\n5ejenfTsX3R40gm33eTn5TFg9ITCMl19A75e9BM7//qDgPlfkpQYT97LonkiLChQ7vodd9uFgqIi\nf+09iZ5hke/RvG1Hftm4i2FdPuOCxwmatCjb96jKk/fkQWZGOnMmDCUyLIQNLscxMascX6UkxK8i\nPk/sd2bU5K8YO20WWjq63PW/xq8LvuZhyH32bFnH1LlLqkSf97aYpaatj0XrnkT4neZ53CM0DMxA\nLCbYay9qOgZYtCo6zj426BpHFwwk/2WO1LZe5mTJXb+k6GDE+XnsGv/qASYWI35t5L8y6F/Ey38i\nkzfZL1I49cMoEiPu4bjMTS7bAeJC/Dn1w2g0DM1wXLYPQ+tWKCgoEvfgNpc2L8LztymoqGlg3rJ7\n2Y0JlImOngFt7ftwxeskz2KiMTQ1RywW43HAGV19Q9p2K9pScM/fjzmjevMyV/pYyc7OlLt+kaH3\nyc/LY2SHAiNFLBYXjpHXe9bjYh7JvV958zw1hUWTBhEeHMiv24/IdTvm61MK8/PySE6I46r3GTb9\nspBvx/Zl+5mbwlbDcqKsqY9O0+4k3T5DduJjVGvWKshRdXkfyloG6DQtSj75POwG91YNRfwyV2pb\n+bnynz8ynoQizs/Df15L4PU4kJw/spNi5N6vPFCqXpDT5GV6SrFrL9NTX8l8Otst/osI9lfVINhf\nHx4Gulr0bt+MU5f8iY5NwNxIryBHlbsPhrpa9GrXtFD2auADHGb+Rk7uS6ltZeZIHxPvQlBEDHn5\n+TQcPBsAMeLCdwiv7anHzxLl3q88eX3KX15+PnFJaXj6BfDdn670+2Yl152XS91qmPI8nSHzVxMY\n9ohDq+bKfftmRTjmfYPktHS+Gd0XRYX3tpHpvaGrb4BddwcunDnB08fRGNcq8D2Ou+2mpoEhdvZ9\nCmUDbvgxbUhPckvwPbKy5O97hIcU+B59WhYcKIBYXDhGXv839iPwPcpLWmoys8YO5EFQIOv3HJP7\n9k1ZUNcssBObtmrHvGVFO35ad+zKj+v/YWK/zlw6d+a/v5gFYNNrHBG+7gR7udJqzHxi7l4m9Wkk\nzYfPQkGxSDX//evIf5lDqzHzadBtOOo1jQvyPIhE7J3alqy0pDL7EokKHkRvv8kCyMsuboyJ818N\niFJyLeTnSneO3uZ95WzISHrGiSXDSHsWheOy/RjbyicC5L7nHsTifOym/yZhMJk26Ui3ORs4MNOe\ne6d3C8aUHHEYMZHLnifwOOiM06zFBPhd5El0OKOmz0PxjbHiuul3XubmMH7WYnoMGoWeoQnKKqqI\nRCImdG9GanJCmX2JFEQA5EvJtZAtZUJ6vUJf2n7zkhbX3uZ95cxKjItlgVM/Yh9F8duOozRu1UEu\n7b6NgqIiNQ2NcRgxgZzsLDYsncMF98OMmDanUvr7L2PQaTRJtzyIu+SG2YC5pIb4khUXhanDV4gU\nisZEjPufiF/mUqv/HPTbDUVFx6ggz5ZIxO3Fnch9Ufb8wWtDVsr8IW0x7PWYKO25X9Li2ttUdc6s\naga1AciICUajXkuJaxmP77+SqfN2NYGPDMH+Ko5gf30aTOjXmZM+N9nj7sOizwfhcyuYiJg45ox1\nRElRsVDujz2nyMl9yXcTBzKqVweM9XVQVVZCJBLRfMxCElPLjiRXEL22p4pHtWZmF7eLXsuVluuq\npMW1t3nfObMUFRQw1tPGybEzWdm5zFvrzJHz1/hmtOQphrGJKQycs4rIpwkc+X0u7T+AhSyAXSe9\nARjf1+79KvIeGTR6It4exznutptpc5dw88pFHkeGM+Grb1FUKpondm5YRW5uDlPnLqHvkNEYGBf5\nHoPtmpCSJIvv8WqekPKblbYYli+D71HS4trbfCw5sxKexfLlaEeeREeyweU4n7WpHF+lLMwtC4IX\nrBo1LXatoW1BWUpifJXp814Xs8xbdkNdz4Qgz720HD2P+x7OQEE+hzdJi41CTVufVmPmS5SnPo0k\nNSYcVY2yk4xV1y54E/A8tvgP8HGAT7EyHbP6xIdlMGHPPVRqlH36xodG6tNITiweQlZaEv1+PoCR\ndWu5tZ39vPgb+9e8fghlPZfBQRSQmdadeqBvZIrHgd2M//o73N12AtBn+HgJuafREejoGeA0a7FE\n+ZPocB5HhqGhVfZY0alZsC0q9lFksWu3fL2LlZnVtSLr3m0O+IVTQ+PjGytPosP5dpwjaclJrNh9\nvMq2/eXmZAOQXoX7yv9LaNt2QUXHmPhLbpj1n03cxb0AGHQcKSGXHR+NsqY+ZgMkT+XJiosi81kE\nSjW0yuxLWaNgu0NWQvH5IzXocrGy6sb1SI+6S8vVt1D8yKKYNBq0hdN/keB3BMPOYyWuxfsefiVT\ndti+wIeNYH9VHoL99WHTvU1jTPV12ePuw8IJA9l18gJQPC9S5JM4DHS1WPS55MmuETFxPHwci7ZG\n2adSvj69L+ppccfuws3iC6cNLIwJCM3mwdH1aNb47+Q+y361+JyWLrl4HRETR7/ZK0lKe8Gx1fNK\n3YZYlTx8/IxLt0NoY1uf+ubG71ud90b7rj0xNDbl+L5dTJm9iCN7C7auDhjlJCEXEx2Brr4B096K\nxHkcGc6jCNl8D91XJ3vHSPE9rl/yLlZWu54VwXdvc+ZWBOqaZdtxHzuPI8P5YqQDKclJ/Ol6kqYt\n31+KkpbtC56VIfcCil0LDiwo09Uv++RdefFeF7NECoo07DGKG65/EHbxGOFXTmLSuD1aJpYScur6\ntUiKDuHuiW1YdSs4oerp/Wtc/nux1Dd90tA1L1jpDzi6GQOrFhg2bEFmchx3jm8rfiQ0BQbd03t+\nHF80mJZj5mNo1QLVGhqkJz0jKTKYIC8XbPt+Tq1mZScFrOqcDUlRQRxfNIS8nGz6/3IIA6vmcm1f\nr25jHl46js/mhYgURBhZt0akoEhcqD8+m78DQL/up7e/vDJRUFSk19Bx7PnzN7xPHcLnzDGatrHD\ntLZk3gQDUzOiwoI5unszPQaNBiDwpi8bf5ov9W2HNCzqFZxidmjHn1g3a0XDZq1ITojjyK5NxZLQ\nAzgMd2Ll/Ct8O9aB8bMW07BZK9Q1NEmMiyUi9D4e+3fRf9xUmrfvWmbfVZ0zKyL0PvPH9SUnO4tV\nzidp2LRl2ZXKwd6NK3nxPI3OfQZhbFaHampqJMXFcuVfd3as+Qmg0qLA/uuIFBQx6DCcxyfXkXD9\nBEn+7q9OOpSMGlKpaUrG01Biz+1Av11Bzrm0B9eJ3PeD1EgraVQ3KTCwn3ptQ8OyOep1PiM3LZ6n\n/24n6ZZHMXlDu1GEPbjG/d9HUKv/HNQtP0OpuiY5qc/IiAkhzmcfRt2c0LIuOzy8qnNmadvYoapr\nSlqoH5FuP1Kr79eIFJULPqu/O0rquug2F05L+9gR7K/KQbC/PnwUFRQY49CRlbuOc/j8VY5fuEHH\nZg2pW8tQQs7MsCbBkU/Ycugso3oXzNO+d0JZuGGv1EgraTSsbQrAX/vP0NKmLi1tLIlPTmPzQS9O\n+hQ/BMTJsRPTl4fS75sVfDdxIC1t6qJZozqxiSkERcSw+9RFpgyyp0sLmzL7ruqcWb87nyD1RSYD\nu7Sijok+atVVeZaYgvvl2/zyT8GLkPZNGxTK3w9/TP/ZK8nKyeXEmvm0sLYsqekqZ+eJC4jFYsZ9\nwlFZUOB79Bsxnm1rf8XrxEHOuR+lRTs7zOtI+h5GpmaEhwbhtmMTfYcU+B4B133544dvpe7ykIZl\nA2sA9m7dQOPPWmPbvBWJ8XG4bd9YLAk9wMBRE1l6bQozRjgwdc5ibJu3Rl1Tk4RnsTwMvsexfbsY\nNmEarTuW7Xt86DmzHgbfY8ZIB3Kystm07xSNPis7X2RlYmXbjEbNWnL72hV+/9+8wpxZgf7XWb6g\n4KCHzj0dq0yf97qYBQVGy419q7nw51zycrIlEo++ppGDE9E3zuKzaSE+mxYWluvVbYyuhTUZyWUb\nK5pGFlh2cCT88kmOLRxQWK6gqIRVt+GEnNsvId+w+0ieBF4h2MsV96WjpbZp03ucrB+zSgk4uoWM\n5DgADs7uKVVm+J/e6FnaFv7/kXl9eXr/arFyadj2nUjQmT2kxUZx8n8ji11X0zHgs6Ffv8MnEJBG\nn+FOuPy1gjVLviYnO4s+w52KyTiOmsw1b082LJ3DhqVFW9fqNWpKnQY2JMbHltmPsXkd7HoNwOfM\nMeaMLnJaFRWV6DFoNF5H9krI9xwyloBrlzhz0JnFk4dIbbPvyM9l/ZhVyqHtf5IUX/D8+HKQdMdo\ny0k/6tkUOQezhtkTeNO3WLk00lKSObBtHW5bVku9bj9gJK06CdtBKoqB3Sgen1pP+O4F5OdmY2BX\n/Hlk2HksKXfPEeGyhAiXoreGNcxtUTNtSE5q2fNHNX0LdJs7kOTvzr2VRYcwiBSU0G83lHjfgxLy\n+u2HkRriS/zl/QSvLz5OC/SSPq+8b0RKylg6rSB4nRNPPf/mqeffb1wUYTl2OYqqkhEJgb8O5HnY\ndZr84EkN80Zl9vFg69ck+B2WKAtaUzT3N5jxNzVb9q2wvIBsCPaX/BHsr48DJ8fOrNp9glmrdpKV\nk8t4x+Lz/+cDuuLpd4d5a52Zt9a5sLxpfQtsLGsRm1hylNxrapvo079zS45fuIHDzF8Ly5UUFRnV\nqwOuZyQje0f37ojPrRBcTvswbMEaqW1O6NdFxk9ZtSSnpbN+32nW7j0l9fqInu3o3rpx4f//dcCT\nZ0kFeRi7TP1Rap3L23+iSf2iAw16fPEzfncfFCsvick/bcbN01eibPC8ohw/zj99xcAukgsDL/Py\n2OtxCbVqqgzpJkQhDxg1gX/W/cbyBQW+x4BRE4vJDB43mcvnzrBy8WxWLp5dWG5l24y6DRuR8Oxp\nmf2YWtShm8NAzrkfZerQomenopISfYeO5tRBSd/DcfhYbvpd5ISbM984DZba5qAxH6bvAbDkq4mc\nPuwqUfb1mKIDjVb8vZfujgWfa+/WDSTGFcy1JW173et1VWLb3+cDuhJw3bdYuTz0AVjy+0YmDbTH\nddufuG77U6KeTdMWjJpc9uml8uK9Z7TTMDTHrFlnctLTUKmhSd2O/YvJ1Gnbhx7zt1CzTiOUVKqh\npmtIIwcnBvx6pCB3g4x0/WYd1j3HUE1TF0UVVYysW9F/+WGMG0tJyikS0W32Bnp+t41an3VGVV0b\nBSUVNI0sqNPOgT7f76ZWs87v8tE/KF6/YVV4I19ASaiqazN0rRfNBn+Bdq16KCqroKCkgpZxbWwd\nP2f4hvPUqPnphuVWFka1LGjeoRvpz9OooaFJpz6Disl06OHIorU7sGxoi2q16tQ0MMJx9CR+33Ma\nZRVVmfuat2IzfYY5oamji4pqNWyat2HVnlNSk6KLRCLmr9zC9xucad6hGxpa2igpq2BsXocOPfux\nbLMbzWV4M/KxkP9qrLyZL6Akxn39HTOXraVpGzu0a+qjpKSMjp4Brbv0ZMm6XXy3+p/KVvc/jaqe\nGVrWduRlPkexugY1WxR/E6T7WS/qT/0TtVrWKKhUQ0XLAMPOY7H5dj8iJdnnj7oT/8Cg40iU1HVQ\nUFZFo24LbObtQ1PaljuRiHqfr6HB9M1o2dihpKaFSEm5YFHss95YffUPWjYf7htfbduuNJp/EC3r\njihWU0dBVQ3NBm2wnu1CzVb9ild4NSZEMswfAh8Ogv31YSDYX1WPuZEeXVs2Ii09E80a1YstaAD0\n7dicf/43Hdu6ZlRXVcGopjafD+jKyXULUFWWPRZg48JJjOvbCV0tdaqpKNPath4n1s6nQ7PiuaFE\nIhGbF01m149f0rVlI7Q1aqCirERtE30c7VrgunwmXVuWHZX1PlgwYQCr54ynY7OG6OtooqykiIGu\nFj3bNmHH0hlsXTLtnfvIf5XYW0mx8txX90u3iEtKZVDXVqirVau0fj4WTMwsaG3XjRdpqahratHd\nsbjv0aVXP375ayf1rRujWq06eoZGDBk3mc0HTqNSDt/jf6s3M2CkE1qvfI8mLdqwye00zdsWt5dE\nIhFL12zlt817aGPXDU0tHZSVVTC1qEOX3v35Y/t+2th1e6fP/jHzejeOkmLlxC01sGnCntOX6d5v\nCFo6uigpK2NWuy6fz1zA34c8qVZdrVL6lYZILJY8a3v//v2MGDGCL9zLTtYm8P4IPXeAs7/PoMeC\nrdTvXPzBUh7E4ny2D69PDT1jRm70gVcJKyuDbcMs0alVnyFrzlRaH6858+skmhupsH///rKFK8Dw\n4cOJS8/jf3/uqZT2BeTD2aOu/DpnEkvW7aJrv2FlVygFcX4+A5ubomdowjaPG4gqcaz0b2qEeV0r\n/jx8odL6eI29pRpubm4MHz68UtoXiUQ0mL5Z+kKIQJUT73uIsG0zqT9tI3qtB5RdoTTE+Vyf2QgV\nbWOaLvu3UueP8nLtq4ZUN65H48Un5dJe4vUThG6ezltmk9wQ7K+PA8H+KpuqsL9eJkSxe9mXldK+\ngHT2eV5hyk9b2LF0BkPtqzZnT36+GPO+X2Cir8PVXb9Uqv1VXkx7T6eBhQnnt/yv3HU17Jwq3f76\nbfMeevQfWrawgNxwP+TK919PZPmm3fQaUDnfbUnk5+fTzcYEA2MT3M7d/KDGSueGhtSu14BdJ4vn\nyywNr+MHWTh9rDT768B7j8wSeDe8Vkxho4Mel7YsLlu4BJIig8hOT6X5sFmVYkglP3rARgc9Njro\nkZOeJvf2BQRk4edZTthbqvHXT99WuI2I0Pu8SEtl1Ix5lTI5RD8Mwd5SDXtLNdKfC2NFoHJ5sOUL\nfCeZEun6Q4XbyIgJ4WVGGiYOX34QC1mZT8PwnWSK7yRT8jKFwxUEKg/B/hL4VJm4dBMadk4sWO9S\nZX3ej3hM6osM5ox1/CCc89Cop2jYOaFh50RaevHT9gQEABbNGE8Lk2r8/r95Vdbnw5B7PE9LYcJX\n334QYyUyLIQWJtVoYVKNF2mpcm9fWMwS4Om9q2gYmFHvHd8wCgj817l74wqGpubvHOElIPBfIe3B\nNVRr1kKvzTtGeAkIfIII9peAgGz43gnF3EiPofZCHisBgdK4ffUKxrXM6TXg0/BV3nsCeIGK0aDb\nMBp0k8+P1Nbxc2wdKy9Jno5ZfWHbhMB7o/vAUXQfOEoubQ0YO5UBY6fKpS1pmNe14t/wjEprX0AA\nQL/dEPTbST+sobwYdXXCqKv0JPfvg+rG9Wj3T8z7VkPgP4xgfwl8qozs2Z6RPdu/l76nDLJnyiD7\n99K3NBpYGPPcZ9f7VkPgA8VhyCgchsjH9ygvwyZMY9iEd89RJy9q17Pi5pOsSmtfiMwSEBAQEBAQ\nEBAQEBAQEBAQEPhoEBazBAQEBAQEBAQEBAQEBAQEBAQ+Gqp0MSvuwW02Ouhx3WVlVXYrUE4+pO8p\n2MuVjQ56PLx0/H2rUqWE3PXH3lKNXet+ed+qCJTCh/Q9nTnojL2lGhdPH3nfqlQZLyID8J1kyqNj\nf7xvVQRK4UP6nuIv78d3kimJN069b1WqlA9pXhcomQ/pe/pU7S954x8cgYadE8u3fzpzc3lwOe2D\nhp0TR72vF5ZV9j2T1qdA+bgfcJMWJtXY8sfP71sVgVL4kL6nE27OtDCpxtmTh+XarhCZJSAgICAg\nICAgICAgICAgICDw0SAkgBcohkH9ZkLCUAEBGbBq3FxI2C4gUAbqtZsKSdkFBGRAsL8EBKB5wzpC\ncnUBATlg07TMGYSnAAAgAElEQVRFpSZf/xAQIrMEBAQEBAQEBAQEBAQEBAQEBD4a5LeYJRYT7OXK\nkfmObBtmydYhFhyc1Z37Hs7k570steqTQF+8Vk7DZVJLNvc3YftIK9yXjubp/avFu8nP4+7xrRyY\n2Y1/htVl2zBLDsy0J+DIRl5mZ5ZbrqqRVa/7Z5xLzFXw+lqEr3thWfTNf9nooEfA0c08uXuFo/P7\nsXWIBQdm2vPk7hU2OuhxacsiqTqFXz7JRgc9/PevBYrnbChv/YIPKibI04XDc/uwdYgFWwaa4vZl\nZwJP/gNicbE2stNTubhxATvH2LBloCkHZtoTec2z7Bv6ESIWizlz0JlvRvSgf1MjHG0N+GJAR07t\n20FeGWPlzrVLLP9mIuO62NLLSpvBLcxYPHkIgTd9i8nm5+VxZNcmpvdvz4BmxvRvasSM/h04+M96\nsjMzyi1X1ciql7vbzhJzRb2+dtnzRGHZ9Qte2FuqcWj7nwRc9WH2yJ442howo38HAq76YG+pxl/L\n5knVyefMMewt1di7aRVQPGdWeetDwe/h9IFdfD20K462BvSx1mWKQ2uOOW9BLGWsvEhLZf0PsxnW\npg59rHWZ0b8DfudOy3BHPzLEYuIv7+feisFc+6oh175owN2fHHh20QVxfunjJC3Ujwd/f8Wt79rj\nN60212c1Jni9E8/DiufHEOfnEfvvdu4s6831r6259lVD7izrw1PPv8nPySy3XFUjq15xF/eWmCvq\n9bWkWx6FZSmB5/GdZMpTr62khfhyb8UQrn3RgDvL+pAW4ovvJFMiXf8nVackf3d8J5kS474BKJ4z\nq7z1Cz6omLhL+whc3p9rXzTg6nRLAn7oTuy5nVLnlJcZaUS4LObGnM+4Ot2SO8v6kBxwtsz7+VEi\n2F8yIdhfgv0lb8RiMS6nfej11XJMe0/HqOc0Ok9Zys4T3rzMyyu17uWAECYt20yTkd9Ss9skajt+\nxbAFa/C7+6CYbF5+PpsPeWE36Qdq9ZmBae/pdJr8AxvcPMjIyim33Psg9UUGc9c4U2/ATPTtJ9Np\n8g94XLktVbaknFlisRjnUxexn/ETRj2noW8/mXYTlvD34bNS7aXy9ClQhFgs5oSbM5MH2dO5oSF2\n9fUY16cDR1y2k/ey9DnF3+8Si7+cwID2NrS10MTe1pRvnAYTcF26n7Jv+0bG9GpHl4ZGdG5oyNje\n7dmzZR1Zb/kpsshVNbLqdXTvjhJzRb2+5u1RNN9cOe9JC5Nq7N26gZu+PkwZ3B27+nqM7d2em74+\ntDCpxqrv50rV6Zz7UVqYVGPHhoI55O2cWeWtDwW/h2P7djGxX2fs6uvRro42I+1bsX/HZqnj7nla\nCisWf0PPZha0q6PN2N7t8fFyLyYnL+SzzVAsxnPFVMIuSj504h7cJu7BbTQNzan1WWepVTOS4zg6\nv59EWVZaIpHXPIm+eY7+vx7BxLZd4TW/nT9x6+CfEvLxYQHEhwWgoKRC436TyyVXGpscDRHnlz4Z\nvUZNW58Je4PKlJOHXqURG3Qd33+WFhqwYnE+Jo3bo21al5BzB2j3+VIUlVUk6gR57kGkoIiV/Uip\nbZa7vljM2d9nEHr+oIRcYsQ9Lm5cQEJ4IF1mriksz8vJ5tiCASSEBxaWxYcF4P7jGOrZDazwvfgQ\nEYvF/DzLCe+Tkvcm5K4/IXf9MTazoHmHblLrJsU/Y/bInhJlqcmJ+J07zfULXvzu4k6T1h0Lr21b\n9T/c/l4jIR8aeIvQwFsoKaswcPz0csmVRo/6GuSXYbi9RkfPgIPXIsuUk4depXHP348tvy4qXEDM\nF+fTtI0dterUx+uoK1MX/oKyiqpEndNuO1FQVKTX4LFS2yxvfbFYzK9zJvHvsX0ScuHBgaz/YTYP\ng+4wZ/lfheU52VnMHd2LsPt3CstCA2+xZMpQOvcdUvGb8aEhFhP69xckXpN0Jl9EBvAiMoBqeuZo\n2dhJrZqbGse9FZL34uWLJJIDzpJy1xubb93QbNC28Fr0oV954rFJQj496g7pUXcQKSlj1G1iueRK\nw2+KucxzirKmPi3XlG10y0Ov0ngedoOo/T8XLSCK89G0akc1Q0vifQ9hPmwJCkqSc0KcjysiBUX0\n2w+X2ma564vFPNg2kwQ/SUMw43EQES6LyXh0H0unIsMrPzeb+6uGkh59r7AsPeoOwRsmULOVpL3x\n0SPYX4L9Jdhf7wWxWMzEHzdx6F/JhV//4Aj8gyOwMNana8tGUus+S0ql91fLJcoSU5/jceU2Z6/e\n5eS6BXRoalV47YfNB1jnKukM3gqJ5FZIJCpKSkwb0r1ccqWh3Xkiefn5ZcoBGOhq8fDY+jLlsnJy\ncZj5K3ceREvoNXzhWgZ3ay1TX2KxmCk/b8HNU3JRJPDhI+auceZu2CM2zC+a7+TR56eIWCxm0Yzx\neB4/IFF+P+Am9wNuYmJemzZ20v2UxLhnTBks+RtLSUrEx8udK+c92bzfg+Zti/yUDb9+z+6NqyXk\ng+74E3THH2UVFUZMnFEuudJoZVZDZj9FV98Ar4DoMuXkoVdpBNzwY+1P3xUuIObn59OinR0WlvVx\nP+TKrO+Xo/KWn3HUtcDPcBw+Tmqb5a0vFov5/uvPOX3YVULuQdBdViz+htD7d1iyamNheU52FtOG\n9CLkXkBhWdAdf2ZPGEKPfkMrfjNKQS6LWUGeLoRdPEI1TV3ajF+MRavuqGrokPwolPvuu1BQUi65\nskiE2WddaDxgKnqWtqhp65P9IpUndy9zbs3X+O9fJ2FMhV9xR7maGvZzN1KrWScUlJRJiQkn9Px+\nlKvVKLdcVVPZej30OYZ1zzF8NmwmWsa1ESkoAmDdcwy+O5YR4XuKep0GFcqnJz4l+uZ5LFp1p0ZN\noxLbLU/9kPMHCD1/kJq1bWj3+f8wtGqBgrIq8WEBXNq8kPsezjTsMRoj61YA3Dm+lYTwQLRr1aPT\nFysxtGpBZmoCtw//ReDJ7e98Tz4kPA7swvvkQTR1dJk090fadO2FhpYOUQ9DOLl3G4qljBWRSESL\njvYMnvAFdW2aoKNnwIvUFAKu+rBy/jRcN/8usZh1yfME1dRqsPCPbTRv3xUlJSUeRz7k7FFXqqvV\nKLdcVVPZel1wP0yfYU6MnD4HE3NLFBQLxkqfYePZuvJ7LnueoItj0YM3IfYJ133O0qZLL2oaGpfY\nbnnqnz3qyr/H9lHHqhFTF/yCdbNWKKuoEBp4iz9/nMupfTvoPXQ8Ns3bAHBk1ybC7t/BzLIBM5et\nwbpZK1ITE9i/dS3H9vz9zvfkQyHu0j4Srx1HSV0H88EL0WncDaUa2mQ8fcCzC3sQKZYydYlEaNl0\nwrj7JGqYN0JZU5+X6SmkhfoRtn02Me5/SSxmJd3yQEFVjfqT16FlbYdIUYnMZxEk+B5CUbVGueWq\nmsrWK/HGSQw6jsTU4UtU9S0K5xQDu5FEH1xOsr8HNVv3L5TPSY4lJfAC2o27oaJtWGK75akf73eI\nBL/DqNVqiMXQxahbNkdBSYUXUXeI3Ps9zy66oN9xBBp1WwAQ++920qPvUd2oLnXGLkfd8jNePk/k\nicdmYs//t/KwCPaX7Aj216dtf8kb51MXOfTvVXS11PlhylB6tmuKrmYNgiOfsP3YeZSVFEusKwK6\ntbJlxtAeNK5vjoGOFinP07l0O5jpy7exes9JicWskz43UaumytYlU+nSshFKioo8fByLm+cV1NVU\nyy1X1Ww55MWdB9HUNzdm9ZzxtLKxJCHlOetcT7P1yL8ytbHP8wpunr40sqzFshkjaGVTF1UVJW6F\nRPLt2j3sPOHNOAc7WtvWk1ufnyLH9u3C8/gBtHR0+XLhMjra90ZTW4eIB8Ecct6GUhl+SptO9oya\n9CUNbJtSU8+AtNQU/H0vsnT2VHb+uUpiMcv79HGqq9Vg2fp/aN2xK0rKykRHhOF+yBU1NfVyy1U1\nla3X2ROHGDDSCaev5mFmUeSn9B/lxIZfluDtcZye/YcVysfFPsHX24uO3XqjX4qfUp767odcOX3Y\nlXrWtsxc/AuNm7dCWUWVoDu3WLVkDkdcttN/pBNNWhT4Kfv+2UjIvQAs6jZg4a/rsP2sFcmJCThv\nXsOBnVve+Z5IQy6LWcH/FkQV9FywVeINoEH9ZhjMalZqXTVtfdpO/B7/A+u5sGEOmSkJEmHxSZH3\nJeTV9UwAqN22NwqvHBo9y0boWf5YIbnSmHHymcyysiIPvUrDsGFLus5aCyKRRLlVj1Fc3b2coDMu\nEsZQsJcr4vw8rHtJjzSpSP1gz72IFBTp9/MB1HSLnBkT23b0mP83rtM7EOF3utCYCr98AkQiei/e\nia5FQwCUq9eg0xcrSXkcxuPbFyt+Qz4wzhxyAeD79bslIrCsGjfH6teNJVUDCiKaJs9fxr7NfxC4\n+CtSEuIltiVGBN+TkNc3NgWgffe+KL76rdW1bkxd68YVkisNrwfPZZaVFXnoVRo2n7Vm7m8bEb01\nVnoNHcf2P37Eff8uicWoM4ecyc/Lo8/wCaW2W576HgedUVBUZMWuE9Q0KHJmmrTuyOK1O/m8Vwsu\nnz1ZuJjl43EUkUjE0k2u1K5vDUB1NXVmLlvLo/AH+F85X9Hb8UERf6XgjWCDaZskIrDUazdFvXbT\nUusqa+pjMfQ7Ytz/Inz3fHLTEiW2JWY8lozgUNUpmLB1mvVEpFDwO6thZkMNM5sKyZVG261lv+kr\nL/LQqzQ0LJtTd8LvxeYUgw7DeXR4Jc98XCUWo+Iv70ecn4eB3ahS2y1P/fhLbogUFLGe44qKlkFh\nuWaDttSf+he3v+9K8q0zhYtZiTdPgUhEgy+3omZS4BAqqtagztjlZMY+JDXoUsVvyAeGYH/JjmB/\nfdr2l7xx8bgMwM6lX0hEYDVvWIfmDeuUWtdAV4ul04axxuUUfqt2EJ/8XGJb4r2HjyXkTQ10AXDo\n+BlKrxzaxvXMaVzPvEJypZFyYYfMsrJy1PsGIpEIl5+/xrpOgW1Xo3o1Vs8Zz4Pop3jfvF9GC7DH\n3QdFBQWOrv4Wo5raheUdmlqx/YfptBq3iJOX/AsXs+TR56fIyf3OAPy6eY9EBJZN0xbYNG1Ral1d\nfQO+XvQTO//6g4D5X5KUGC+xLTEsKFBC3sCk4Hvp3NMRRaWCZ3IDmyY0sGlSIbnSuP4oXWZZWZGH\nXqXRuEVrvv9jczE/pf/w8WxcsZSje3dKLEadcNtNfl4eA0ZPKLXd8tQ/7rYLBUVF/tp7Ej3DIj+l\neduO/LJxF8O6fMYFjxOFi1n/uh9BJBKxats+6loV2KFqNdRZuHwdUWGhXLskfz+l2GJW4Q0Ti4tN\nyCWR8ugBquraJYayl0Zs0DWOLhhI/kvpe7lf5khm4O8w9RfO/OKEy6RWmLXoil4dW4ysW6FXt3GF\n5KqaytbL7LPOUr83NW19LFr3JMLvNM/jHqFhYPYqz8Ze1HQMsGjVo9R2y1M/KToYcX4eu8a/Gsxi\nMWLEhf8GeBFfNFGnPo1AvaZxoSH1JuYt7CtuTInFxR4A8kQkEkndK1wajx6GoKGlXeJWwtK45+/H\nnFG9eZkrfaxkv5WL5IslK1k6YxTjutjSqlN3LK2b0OizNtRr1LRCclVNZevVvEM3qb8PHT0D2tr3\n4YrXSZ7FRGNoao5YLMbjgDO6+oa07da71HbLUz8y9D75eXmM7FAfKAjnfT1GXv+24mIeFcrHRD1E\nz9CkcCHrTVp17lGhxazX/VT2WCkPmU/DUFLTKnErYWk8D7vBvVVDEb/MlXo9P1dyTrEY+SOhGydz\na2EHtG27oGZmg0bdFtQwt62QXFVT2Xpp2dhJnVOUNfXRadqdpNtnyE58jGrNWgV5rS7vQ1nLAJ2m\n9qW2W576GU9CEefn4T+vJfD6Nys5p2QnFZ2WmBUXiYq2UeFC1ptoN+5a8cWsKphTXvcj2F/yR7C/\nPm37S96ERj1BW6NGiVsJS+Nq4AMcZv5GTq70/EOZOZJj8revRzNmyQaajpyPfWtbGtczp7VtPZrW\nt6iQXFUTHvMMEz2dwkWlN+nepolMC0tBETHk5efTcPBsAMSIC1PAvf4tPH6WKNc+K5sP0f6KDAtB\nU0unxK2EpRFww49pQ3qSW4KfkpUl6afM/XEV304eyYD2NrTr0oMGNk1o0rINVrbNKiRX1VS2Xm3s\n7KV+f7r6Bth1d+DCmRM8fRyNca0CP+O4225qGhhiZ9+n1HbLUz88pMBP6dOybkGBWFz4u33939g3\n/JRHEQ8xMDIpXMh6k/Zde1Z4MUtMyXNKscUsdfWCsLjc7EyUq6lVqMPy4L9/Hfkvc2g1Zj4Nug1H\nvaZxQU4AkYi9U9uSlZYkIa9n2YhRf/sRG3Sd2PvXeHrPl+t7V1JNsyY9F26lZm2bcsmVRmXkbJBV\nL5GoIDe/WFx833pedslHbKpq6JR4zabXOCJ83Qn2cqXVmPnE3L1M6tNImg+fVfiWsjRkrS/Of/Uj\nL+Xe5edKdzTlSV7WCzQ09CutfXV1dbLjHpctKCdcN/3Oy9wcxs9aTI9Bo9AzNEFZRRWRSMSE7s1I\nTZY8zruudWN2/nubezf9uOfvx93rl9m97he0dPX4fv1u6lg1KpdcaVRGzixZ9RIpFDzc8qXkeMjO\nKjnZsKa2bonXHEZM5LLnCTwOOuM0azEBfhd5Eh3OqOnzCqPESkPW+uJXOpd270pavJQXmekFUXWa\nmpqV1kf1GurkZVdNks4Y9z8Rv8ylVv856LcbioqOUUFOJpGI24s7kftCck6pYWZDs18u8jzsRsFf\n6FUeH1+NkrouDaZtQq1Ww3LJlUZl5MySWS+FV+e9SJlT3l7gexMl9ZLnFINOo0m65UHcJTfMBswl\nNcSXrLgoTB2+KowSKw1Z678eJ6Xdu5IWL+VJXtYL1NQ1Kq19wf4qQrC/Klb/U7K/Hj+q/M9RWfyx\n5xQ5uS/5buJARvXqgLG+DqrKSohEIpqPWUhiqmS0e+N65vi7/MbVwDCu3n3AlYBQft1xlJpaGuz8\n8QsaWdYql1xpVEbOLHmQ/+q3XZpuJS0Ofqi8yCh4nlSm/VVDXZ3MKkqSvnPDKnJzc5g6dwl9h4zG\nwLjITxls14SUJEk/pYFNEw5fvEPADT/u3PDl1tXL/L36Z7R19fh1kzP1rG3LJVcalZEzS1a9RK/s\nL7GU3+7bC3xvoqVTsp8yaPREvD2Oc9xtN9PmLuHmlYs8jgxnwlffFkaJlYas9fNl8FNKWryUJxkv\nXqCuId3+KvZpjY0Ltiy8iI9Bx6y+TB1om9XnaaAfj29fpFazTuVSLi02CjVtfVqNmS9Rnvo0ktSY\ncFQ1tIvVUVBUwsS2XWEuh5fZmeyd0obza2cxdK1XueWqGln0qq5dYAQ8jy0+mB4H+FSoX/OW3VDX\nMyHIcy8tR8/jvkdBKKl1zzFyra9jVp/4sAwm7LmHSo2yH9BaxnV4FupPUlRwsbeD0Tcrvq89I/Ep\nRkbtyhasIEZGRnhfLn7iU2mY1bXi7vXL+F85T/P2XctV92l0BDp6BjjNWixR/iQ6nMeRYWhoFR8r\niopKNGndsTCXVnZmBk72TVm1YDobj/qUW66qkUUvnZoF245iH0UWq3/L17tC/bbu1AN9I1M8Duxm\n/Nff4e62E4A+w8fLtb5ZXSuy7t3mgF84NTTKHiumFnUJDrhB5IOgYtFZ1y9U7JmWEPsEKPg9VxaG\nhkbkJD2RWb66cT3SQq+SGnQJLeuOZVd4g+z4aJQ19TEbIHlSS1ZcFJnPIlCqoVWsjkhBCc0GbQtz\naeXnZHJrkR0Pd86l8ZJT5ZaramTRS1lDD4CshOJzSmrQ5Qr1q23bBRUdY+IvuWHWfzZxF/cCYNBR\nejLritavblyP9Ki7tFx9C8XqZS8mVTOozYuI22Q8CSkWnZVyt+Ih7jkpsRgYlJwH7F0R7K/KR7C/\nJPmY7S+/C0llC1YiDSxMuBIQgvfN+3RpUb5t3ZFP4jDQ1WLR54MkyiNi4nj4OBZtjeI53JQUFenQ\n1Kowl1ZGVg7NRy/gy9+24f330nLLVSWWpobcDAonKCKmWKTU2at3SqglSQMLYwJCs3lwdD2aNapX\nSZ+VzZOEZKBy7S9jI2OevRE5Uxa161lx6+plrl06T+uO5fNTYqIj0NU3YNrcJRLljyPDeRRRgp+i\npETzth0Lc2llZWYwuGNjls2dzm73S+WWq2pk0Uu3ZsGcEiPFT7l+ybtC/bbv2hNDY1OO79vFlNmL\nOLK3YHvwgFFOcq1fu54VwXdvc+ZWBOqaxe3ntzGrU5d7t27wMOR+seisK+crfkpu3NMYjAyljxOF\ntwusra1RUlYm4aHsA73hq1NUvFZM4b6HMy8SnpCblUF8WADe62fz5O6VEuuq69ciIzWBuye2kZOe\nRk56GlHXz3LqfyOkvhU7PLcP99x3khwdwsucLHLS04i+8S9ZaUmkxUaVW640Zpx8xhfuCTL9yfJW\nsDx66ZoXTEIBRzcTc+cyL3OyeP4smstb/ydxJHR5ECko0rDHKF7EPybs4jHCr5zEpHF7tEws5Vrf\nuucYXmZncnzRYCKveZKZmkj+yxyexz0i6poXHr9MkAhdt+zQD8RiPH6ZQEyAD7mZ6aTFRnFx4/wK\nh7jnZmWQ+CiMxo0rb1tDkyZNiA4PJbscbzx6DSkwPH+Z6cSpfTuIj40hKyOd0MBbrF70JQFXSzaU\nDUzNSEmM5+juzaQ/TyP9eRpXvc/w3cRBUlf7vx7alRMu24h6EER2Vibpz9O4dtGLtJQknj6KKLdc\naXg9eM6/4Rky/ckSlVUevSzqFRjgh3b8SYDfRbKzMol9HMWmXxZy2fOETH29jYKiIr2GjiPuySO8\nTx3C58wxmraxw7R2PbnWdxjuRHZmBt+OdcDv3GlSkhJ4mZvDs5ho/M57sHTGKImtg3a9ByIWi1k6\nYxS3fL3JzHhB7KNI1v/vmwrny3pw7zbKyso0bFh2ZFFFada0CZmP7sosr9++YA//gy1f8OyiCznJ\nT8nPziA96g7hu+aTFlL8iOfXqNQ0Jfd5ArHndpCX+Zy8zOck3zlH0NqxUqOSApf355m3M5lPQsnP\nySIv8zkpged5mZ5MVnxUueVKo+3WaNr9EyPTnyxRWeXRq7pJweLIU69tpIX4kp+TRXbCIyLdfiTp\nlodMfb2NSEERgw7DyU6KIeH6CZL83V+dVFh6vpjy1je0G0V+Tib3fx9BcsBZcp8nIn6ZS3biY5Lv\n/EvIX1Mktg7WbNG34ETMv6aQGnSZvOx0shOiidiz6J3yZWU+CqRZU/nkwpCGYH8VIdhfFav/Kdlf\nD6KekJFV+REBJTGmdwcAJi7dyM4T3sTEJ5GRlc2tkEi+XrmDS7eDS6xrZliT+OQ0thw6S1p6Jmnp\nmZzxDWDwt38URiC9if2Mn/jn6DmCI2PIzM4hLT2Ts1fvkJT2gogn8eWWK42UCzt47rNLpj9Zo7IG\ndmmJWCxmzJINXPC/T3pmFlFP45mzerfM2/2cHDuRkZVDv29W4HHlNgkpz8nJfUl0bAJnfAMYs2SD\nRFvy6LOyuR0ShbKyUqXaX42bNCY4UDZ7Aig8xW7RjHEccdnOs6cxZGakE3THn5+//YKbviX7KUam\nZiQnxOO2YxMv0lJ5kZbK5X89mDl2gNTdExP7debg7q2EhxbY+S/SUrly3pOU5CQeR4WXW640rj9K\n5+aTLJn+ZInKKo9elg0KXj7v3bqBm1cK/JQnj6JY8+MCvD2Ol9R8qSgoKtJvxHhiYx7hdeIg59yP\n0qKdHeZ1ZPdTZKk/cNREsjIzmDHCAR8vd5ITE8jNzeHp42gunT3Nt5NHSmwdtHcYhFgs5tvJI7l+\nyZuM9BfEREfy26JZ75QvK+ReAI2bSJ9TikVmqaqq0q5de6Jv/kv9LrId9d6w52iib57j4aXjeK+f\nXex6acf7NnJwIvrGWXw2LcRn08LCcr26jdG1sCYjWTIJaHxYALFB16W2ZdNnfLnlqhpZ9dI0ssCy\ngyPhl09ybOGAwnIFRSWsug0n5Nz+CvVv3XMMN/at5sKfc8nLyS4z8WhF6jfsPpIngVcI9nLFfelo\nqe3Y9C46MrRJ/yk88D5IQnggx7574y2VSES9ToOKHTkuCzG3LyLOz6NLly7lrisrnTt3Jj8vj5uX\nz9O+e1+Z6vQeOp5rF7y4ePoIqxd9Wex6l74ljznHUZO55u3JhqVz2LB0TmF5vUZNqdPAhsT4WAn5\nB4G3ue8vPXKs78iJ5ZaramTVy9i8Dna9BuBz5hhzRhflo1JUVKLHoNF4Hdlbof77DHfC5a8VrFny\nNTnZWfQZLtvbjvLU7zlkLAHXLnHmoDOLJ0v/7vuO/Lzw34OcZnDuuBth9+8wb4xDYblIJKKL41C8\nTx6U1kSpXL/gRbv27VFVrbyTjuy7deXUtwsRv8xFVNrpaq8w6DiClMDzJN44Rfiu+cWu12zVr8S6\nhp3HknL3HBEuS4hwKXo7WMPcFjXThuSkSs4p6VF3ef7wpvS2Oo0pt1xVI6te1fQt0G3uQJK/O/dW\nFh1MIFJQQr/dUOJ9y//bATCwG8XjU+sJ372A/NxsDOxki8oqT3399sNIDfEl/vJ+gtdLH4eGnYvm\nGiP7z0m4eoT06Hvc/314kZBIRM3W/Um8Vn7jMf9lDmlBl+k+aUW568qKYH9VLoL9VcB/xf7Ky8/H\n+8Y9HDp+Vmn9lMZYh054Xb3LUe/rfL2yeNL0wd1al1j38wFd8fS7w7y1zsxb61xY3rS+BTaWtYhN\nTJGQDwiJ5FpgmNS2JvTrXG65qmbakB7s9/LlzoNoHGcVPUNFIhFD7Ntw6N+ydzmM7t0Rn1shuJz2\nYdiCNVJlJvTrItc+K5uzV+/Qvl27SrW/unXtyoKF35Gbm4OyskqZ8v1HjMf3vCdnTx7m52+/KHa9\nR/+hUmoVMHjcZC6fO8PKxbNZubhoPrKybUbdho1IePZUQj747m3u3JT+PQwa83m55aoaWfUytahD\nN4eBnMRkS9cAAA68SURBVHM/ytShPQvLFZWU6Dt0NKcOVsxPGTBqAv+s+43lCwr8jAGjyuezyVLf\ncfhYbvpd5ISbM984DZbazpufdeSkL/A44kbIvQCmDy/yyUQiET37D8Pz+IFy6QiQk5PN9UverFzx\nm9TrxSKz/t/enUdVXed/HH/ey924LJcLJqQisriw5AamaO5lOYMwqSWkM6kzofNL65fLLUvKUNFU\nZHEJDMQRHEtzYzMV2yxtX9SYatzT1GpAAQENufNHU9MkBBe59wK9H+d8/vt++bzPPffwfX0/97MA\njBt7L6cPFfJ9VUWjOlEolNw9L5NhjyTh2SMMtU6PRu9C++59Gf5oMh16Dqr3Xt8Bo7nLlI6HbzAq\njQ69uyfBv3uQqCU7fti74Ze1Je0jJOLPGDt3R6XRoXP14Nag/gx/NJlBsYssvs7WLKlr+P+nEDhq\nIjpXdxw0WrwC+xGZsJ1bb2v61G0Xz8549x7KtStlaJxc8b8jsuGbLL1foWDEY6sYNS+DTn2GonV2\nQ6nS4Orlg2/47xgdt5FOvf/7UHXQaIl6bhchEVPRu92Cg0ZLO//bGB23kc6hlm9ACPDla1voHz4Q\nT0/rLQnx8vJiwIBwinZubvQ9CqWSp1fnMCthDUF9bkend0Lv7EqPXmHMWbqWXgPqXyYy6K4InkzO\nwq9HCFqdIx7tvYh44M+syNmNWnPjg3DNjjeJ+uM0fLoGotU5YjB6EBIazpyla/m/+cssvs7WLKlr\nznNpjL7vQVyN7mi0OoL69md5TsFPyxObwquTD30HjeBKeRlOLq4MGX1vwzdZeL9CocC0LJ24Vdn0\nHTQCF4MbKrWGWzv7MmjUGOLTXqLvz6Z5a7Q6Ev++h6hJsRjbtUej1REQ3Itn017i9iG/volwXSqv\nlHOwKJ9xY+t+QDWXqKgoaq5VNX4GkEJJt+np+D24DBe/vii1ehwcXXD27Y3/5BW49qj/f6B7n7vp\nGrsafadAlBodGkN7PIdOImjuFhSqG58pIfML8BoxGccO3VBqdKic3XEJ6If/5BV0iV5g8XW2Zkld\n/lMSaX9HNCpnI0q1Fhf/UILmvIhrt/5N7l/bzhtD4GCuV5Xj4OiCR2hE89+vUBAwNYlu09MwBA1G\npTegUKl/GKDrcw/dZ2T+z2EBSrWWoLkv4zX8QdSut6BUa3HqHEL3hzMxhli2bOJHpR/voeZaFZGR\nlj0zLSX5y3okf7Wt/BU+oD8v7q1/5qG1KZUKNsY/zCrTFPoF+6PXaXFxciQ00I81j09lcJ/6Z9v8\n/o6+ZD49nRB/bxy1Grw83JgaNZz8lMfRqm/c7+a1dc8QO/ZOenTpiKNWg4fBhQG3dWXN41NZOnOi\nxdfZmk6jpjB1Hg/dO5L27gZ0GjW9uvqwOeER7urfuBl8CoWCtCf/wt+efZjhYcG4uTihUavo0uEW\nIgaHsjnhEYaH/XdZU3P0aU0VldUUvP0JY8fVPzjUHKKioqiuquT13Y37EUepVLI0fRPzl6/lttDb\ncdQ74eTiSnCffsQlphEWXv97yrC7x7B4zQa6Bt6GVudIO08vxv3xL6Rt3Y2mjveUvxUe4P4p0/Hr\n9kPOd3P3oFe/cOIS05j97HKLr7M1S+p6emUaUdEPYvjPe0rP0P48/9Ju+g6w/KCjH3Xw9uH2wSOo\nKLuMs6uBOyMse09pzP0KhYIFSS+w9D+nW7oajKjVGjr6+DLsnkgS12/5n8MCNFod6dv2cN/kabjf\n8sN7SveQ3qxYv4WBw0fd8Pcb441X8qiuqqw3fynMdRwHUlpaSoeOnegTY6LP+BlN6lgIe7n89Qle\nnD6IDVnrmTTJsl8+LZWTk8OUqVNZv+fDRi9BE6KleGldEtmpizl39ixGY/2bFzeHMZFRHCj+iqB5\neY0+qU2IFsFspnjJGAYHeZOXu8uqXUn+Eq2ZrfPX1ClTeD87Af9O1hs4E8IaUjYXkpCVy9lz56ye\nvyKjojj51Xk25L9p1ZMThWhuZrOZyRFD8PW+ldxddeavrXXOzDIajTxumstHL66gsuRiXZcI0WId\nXPcUXbt1IzrasuUuTRETE0NQYBDPL37c6n0J0ZxKv/uGv69dhmnuXKsHKYClSxKoOHWkycvZhLCX\nbw9upfzUYRYtjLd6X5K/RGtm8/wVFMi81Y2fHS9ES/BNyWWWb8xnrslkk/y1JCGBz498TMHWTVbv\nS4jmlL8lh38c/oiF8fXnrzoHswBMJhPtPNx5d+NiqxQnhDWcfr+Ik+/t4/k1q1E14mjSm+Xg4EBK\nSjKH9u/m3df3WL0/IZpLxrKnMRoMmEw37kllDcHBwcROi+Xr7Uu4XlXe8A1CtADXq8o5t2Mp06ZN\no1evXjbpU/KXaI3skb+SU1LZ/fbH7Dn0qdX7E6K5PLPuZQxGo23zV2wsq5fM50p5mU36FOJmXSkv\nY83SuAbzV72DWXq9ntTkJD7ft5kvil60SpFCNKfyi2d4I3kmE6JjrLrx6C8NGzaM6JgYlptiuXC2\ncSc1CWFPe7flsGdbNsnJSej1epv1uzA+HkcVnMicWefJgkK0KOZaTmTORK/iV38VbG6Sv0RrY8/8\nFRMdzV+XrufMhe9s1q8QTbVp91tsKjxAUnKKTfNXfHw8CszEzZxS58mCQrQktbW1xM2cggIz8Q3k\nr3oHswDGjh3LE088weupj3HucNOPsxbC2r6vquCV+En4enck44V1Nu8/MyMD/y5deGrqvVSUXbZ5\n/0I01tEPDpL01EzmzZvHWCtv/P5LHh4evFKYT/nnb3Nmq/02ghaiMU5vWUhZ8QHydu3Aw8PDpn1L\n/hKthb3zV0ZmJl38/Bk7N4nLFZU271+Ixjp0+EseXbHBbvmrID+f9956jdRFT9q0byEslbJwHu+8\nuZ+dOxrOX786mAWwaNEiIiMj2ZcwhfNH32m2IoVoLtVlJRQ+E42iqpSC/FycnZ1tXoNer2f79m1U\nV1wm7qFxlJWW2LwGIRpy5P23iYu9n4gxESxcuNAuNYSFhZGVmcHXe9fx1a5EuPEMEiHsy2zmq12J\nnN/3Ahuy1hMe3vQT7G6G5C/R0rWU/LVt+w7Kqr/nvieSKbncuJNAhbClg59+wYQnU4mIGGPX/JWZ\nkUFOegrpiYuo4ww4IezKbDaTnriITetSyVrfuPzV4GCWUqlkU04299w5grynxsqUd9GilH71T3bO\nvgdl2QVeLdqHt7e33Wrx9vamqGgfl7/5mpnjhnLm+Bd2q0WIX9q7LYe5k37PnSOHk5OdjVLZ4L9/\nq4mJiSE9PZ0Lhas4njGD2u+v2q0WIX6u9vurHH9hBhcKV5Genk5MTIzdapH8JVqylpa/9hXt5/yl\nKob/dRFfnj5vt1qE+KVNu99izGPLGTHyLrJzclpE/spKfY75MyZz7Wq13WoR4ueuXa1m/ozJZKU+\nZ1H+cliwYMGChi5Sq9Xcf/99VFdXkb3iKSq+PYtnjzDUOqebrVuIJqm9XsPRgvW8umI6QQG+vPbq\nfnx9fe1dFu3bt+eBBx6gsCCPjatXoNM70TWkt10fXOK3rfS7b1i9YDYbUxdjMplIT0tDrVbbuyxC\nQ0MZNGggm9Ys57sPCnDs0B2tR0d7lyV+w8r/+R7Hn4+l5uwR8vJ2MX78eHuXJPlLtDgtO39NJL+g\nkBVZ23DSaend3Ufyl7Cbb0ouMydlE0uydmIymUhLT28x+WvgwIGsXL6U/fk78O8ejFdH+w1GC/HJ\newcxPRTN50c+IneXRfmruFGDWQAKhYKRI0fSs2dPdmav4/0tq0Cpop1vEA5qTZOLF8ISZnMtZz7Y\nT9GSKRx7YwePPTqTDVlZGAwGe5f2EycnJyZNnEhl5RVWL1/Em4U78OzkQ8fOfigUCnuXJ34jKq+U\ns33DWuJnTKLiXxfIyspixowZLeo76Ofnx33jx/HJOwd4N3sJVy+eQN8pEJWz9Y+qFuJH1RdPcnpz\nHKdeepY7+vUmb9dOwsLC7F3WTyR/iZagteSviZMmcaWyisWrMtjx+gd09vTAr6Nni3r2ibatorKa\n51/ey5+eWcvFsmqysja0yPw1ftw43jrwBskJz3Dm5DECAkMwGN3tXZr4DTlz8hjL589i5bMm+vTq\nya6dFuevYoW5CQtmKysrWbZsGc8tWw4KJT4DRuMdOpJbAnri3K4Dakfbr5kXbdP1a1epKvsXJaf/\nwblP3+L0wXxKvj5JxJhIklYmEhAQYO8Sf9WxY8eYNXs2ebm5dPTx4457/kCfAUPp0j0Ig9EDjVZn\n7xJFG1FZUca3589xrPhT3n9jHweL8qmtvY5p7lxMJpNNT81pitzcXB59bBanT57ArUc4hp6jcA4I\nxbF9F1RObqCQX9dFMzDXUnPlElUXT1Jx/CMuH97Lpc8P4ePrR0rSSiIjI+1d4a+S/CVspS3kr9mz\nZpGbl4dfJy8ih/RlSN8ggvw64mFwQaex/wwZ0TaUX6ni3LclfPrlGYrePUzB259wvdbMXJOp1eSv\nWbNnc+L4cULDBzNkVAQ9Qwfg7euPq5tRZjeKZlFbW0vZpVLOnDzGkQ/f5c29+Xx46AB+/v6sTExs\nav7aivkmlJSUmJOTk82Dhw4zO6hUZkCaNKs1/4Bu5jlz5pg/++yzm/na2sXRo0fNs2fPNnft2s3u\nn6O0tt1UKpV56NBh5pSUFHNJSYm9v/oWqampMefm5ponTIg2uxqMdv8spbXtZnBzN0+YEG3Oy8sz\n19TU2PvrbxHJX9Js2dpC/urWNcDun6O0tt1UKpV52NAhrTp/RUdHm92Mkr+kWbcZ3d3N0dHNkr+2\nNGlmVl2uXr1KcXExFy9epLy8vDn+pBBotVqMRiPBwcG4u7eNqa8lJSUUFxdTWlpKdbVsvCiah4uL\nC56engQFBaHVau1dzk0zm82cOnWKEydOcOnSJWpra+1dkmgDlEolbm5u+Pr64uvr26KWfTSV5C9h\nDZK/hGgcyV9CNMxK+Wtrsw1mCSGEEEIIIYQQQghhZVtlEawQQgghhBBCCCGEaDVkMEsIIYQQQggh\nhBBCtBoymCWEEEIIIYQQQgghWo1/A3SrEepRlTxgAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [], + "image/png": { + "width": 500, + "height": 300 + } + }, + "execution_count": 18 + } + ] + }, + { + "metadata": { + "id": "tMK_w0Sqa6sE", + "colab_type": "code", + "outputId": "06bdc3c4-9f77-4b5d-baf7-044f31b1578c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 509 + } + }, + "cell_type": "code", + "source": [ + "# Feature importances\n", + "features = list(X_test.columns)\n", + "importances = dtree.feature_importances_\n", + "indices = np.argsort(importances)[::-1]\n", + "num_features = len(importances)\n", + "\n", + "# Plot the feature importances of the tree\n", + "plt.figure()\n", + "plt.title(\"Feature importances\")\n", + "plt.bar(range(num_features), importances[indices], color=\"g\", align=\"center\")\n", + "plt.xticks(range(num_features), [features[i] for i in indices], rotation='45')\n", + "plt.xlim([-1, num_features])\n", + "plt.show()\n", + "\n", + "# Print values\n", + "for i in indices:\n", + " print (\"{0} - {1:.3f}\".format(features[i], importances[i]))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAeEAAAF1CAYAAADfvVJbAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzt3XlcVPXi//H3ACoiiECgmLjhTlmh\nmYpaKa6pqWmSuXy7tl215Zbdyq9Gi6j1NeumbXrNsrqKC1quqGm4ZCppLmimqFxSEEYQWUxAzu+P\nHs5Py0IN+jDj6/l49IgzZ5b3Z0Z4z/mcM2dslmVZAgAAfzk30wEAALheUcIAABhCCQMAYAglDACA\nIZQwAACGUMIAABhCCQO/0rRpU3Xt2lU9evRw/Ddy5Mhrvr/CwkItXbq0DBNeau3atXrxxRfL7f7/\nyIIFC4w8LuAqbHxOGLhU06ZNlZCQoFq1apXJ/X3//fd6++239fHHH5fJ/VUUmZmZevDBB7VmzRrT\nUQCnxZYwcBXS09P1+OOPq3v37urevbsSEhIc6xYuXKiePXuqW7duevDBB3X8+HHZ7XaNGTNG33//\nvYYMGaKffvpJLVq0cNzm4uW4uDiNGTNGI0aM0BtvvCFJio2NVY8ePdS5c2c988wz+vnnn3+TKS4u\nTv/zP/8jSXrhhRf01ltvadiwYWrbtq2mTZumhQsXqk+fPurcubP27NkjSRo2bJimT5+u+++/X+3b\nt9f48eN1/vx5SdK2bdvUv39/9ejRQ4MGDdLevXsvmy8qKkonTpxQjx49VFhYqF27dmnAgAHq0aOH\nevXqpW+++cYxxg4dOmju3Lnq06ePOnbsqJUrV0qSLMvS5MmT1blzZ3Xv3l3//ve/HZfPmDFD3bt3\n1913362JEyc68q1atUq9e/dWz5491adPH23btq1sXlzABAvAJZo0aWKlpaVddt3w4cOtt956y7Is\nyzp27JjVpk0bKysry7Lb7dZNN93kuN0LL7xgjRs3zrIsy1q8eLE1YsQIy7IsKzU11WrevLnj/i5e\nXrx4sXXrrbdaR48etSzLsnbs2GG1a9fOSk9PtyzLsiZMmGBNmTLlN5kuvv/nn3/e6tevn5Wfn28d\nPHjQat68ufXBBx9YlmVZU6ZMscaOHWtZlmUNHTrUGjhwoFVQUGAVFBRY3bp1s9auXWvl5eVZd9xx\nh5WYmGhZlmWtXr3a6tatm3X+/Pnf5Pv222+tyMhIR47evXtby5cvtyzLspYsWeJYl5qaarVo0cL6\n9NNPLcuyrJUrV1pdu3a1LMuyli5dakVFRVmFhYVWbm6udeedd1q7d++2lixZYt1zzz3WmTNnrKKi\nIuvRRx913P6OO+6wfvrpJ8dzNGnSpN97KYEKjy1h4DKGDRt2yT7h8ePHq6CgQNu2bXNsddarV0+t\nWrVSQkKCAgIC9N133zmmsFu3bq3U1NSrftz69eurfv36kqT169erV69eqlmzpiTpgQceuKKp3/bt\n28vLy0uNGzdWSUmJ7r77bklSkyZNlJGR4bjePffco6pVq6pq1arq2LGjdu3apT179qhWrVpq1aqV\nJKl79+7Kzs7W8ePHf5Pv15YuXaqePXtKklq1anXJ+IuLizVgwABJUlhYmE6cOCFJ2rhxo7p3765K\nlSrJ29tbK1eu1M0336wNGzbovvvuk4+Pjzw8PDRo0CDH2AMCAjR//nwdP35crVu3NrY/HCgLHqYD\nABXRp59++pt9widPnpRlWYqKinJcVlBQoLZt2+r8+fN65513tH79ep0/f175+flq0KDBVT+ur6+v\n4+fc3FytXbtWmzdvlvTLFG1RUVGp91GtWjVJks1mk5ubm7y8vCRJbm5uKikpuexj+fr6KiMjQ1lZ\nWapevfol9+fj46NTp0795ja/tmzZMs2dO1f5+fkqKSmRddHhJu7u7pfNkZ2dfcnjXbhObm6uZs+e\nrdjYWEnS+fPn5e/vL0l6//339f7772vAgAEKDg7WuHHj1KZNm1KfF6AiooSBKxQQECB3d3ctXrzY\nUXQXLFu2TOvXr9dnn30mf39/LViwQMuWLfvNfbi7uzsKymaz6cyZM7/7eEFBQerfv7+ef/75Mh+L\n9EsBXpCTkyNfX18FBATo9OnTjssty1JOTo4CAgJ05MiR372vkydPavz48Vq4cKGaN2+uY8eOqXv3\n7qVm8PPzuySH3W6Xp6engoKC1LlzZw0dOvQ3t6lbt64mT56skpISLV26VM8++6w2bdp0pcMGKhSm\no4Er5OHhoTvvvFPz58+XJJ09e1Yvvvii0tLSdOrUKd14443y9/dXdna2Vq1apfz8fMft8vLyZFmW\n/Pz85O7uroMHD0rSH350qXPnzlqzZo2ysrIkSevWrdPMmTPLbDxr165VYWGhCgoKtHHjRrVu3Vot\nW7aU3W7Xrl27JEkrVqxQrVq1VKdOncs+HwUFBSouLlZWVpa8vLzUsGFDFRcXO7ZgLzwHfzTGFStW\nOHIMGTJEP/74o7p06aIvvvhCZ8+elSTNnz9fS5YsUVZWlh566CHl5eXJzc1Nt9xyi2w2W5k9J8Bf\njS1h4Cq8/PLLio6O1sKFCyVJffv2VXBwsHr37q0VK1aoa9euCgkJ0dNPP62///3vmjJlioYNG6ap\nU6eqY8eOSkhI0BNPPKGHH35YQUFBGjZs2O8+VlhYmB5//HENGzZMJSUlCggI0CuvvFJmY7nttts0\nfPhwHTt2TF27dlWnTp3k5uamt99+W6+99poKCgrk7++vadOmXbbomjZtKl9fX0VERCguLk6dOnVS\n9+7dFRAQoBdeeEE7d+7UsGHD9M477/xuhl69eungwYPq1q2bqlSpooEDByo8PFyWZenQoUPq37+/\npF+2fmNiYuTv76+OHTvqvvvuk7u7uypVqqSYmJgye06AvxqfEwauQ8OGDdPAgQN17733mo4CXNeY\njgYAwBBKGAAAQ5iOBgDAELaEAQAw5C8/OjozM/evfsi/lJ+fl7KzC0zHKDeMz3m58tgkxufsXH18\ngYE+l72cLeEy5uHhbjpCuWJ8zsuVxyYxPmfn6uP7PZQwAACGUMIAABhCCQMAYAglDACAIZQwAACG\nUMIAABhCCQMAYAglDACAIZQwAACGUMIAABhCCQMAYAglDACAIZQwAACG/OVfZVhRBL1X3XSEq5Ix\n6ozpCACAMsaWMAAAhlDCAAAYckXT0ZMmTdLu3btls9k0btw4tWzZ0rEuLS1NzzzzjIqKitSiRQu9\n+uqr5RYWAABXUuqW8Pbt25WSkqLY2FjFxMQoJibmkvVTpkzR3/72Ny1atEju7u46ceJEuYUFAMCV\nlFrCW7duVWRkpCQpNDRUOTk5ysvLkySVlJTou+++U+fOnSVJ0dHRql27djnGBQDAdZQ6HW232xUW\nFuZY9vf3V2Zmpry9vZWVlaVq1app8uTJSkpKUuvWrfXss8/+4f35+XnJw8P9zye/zgQG+piO4FCR\nspQHVx6fK49NYnzOztXHdzlX/REly7Iu+fnkyZMaPny4brzxRj366KP6+uuvddddd/3u7bOzC64p\n6PUuMzPXdARJv/ySVJQs5cGVx+fKY5MYn7O7HsZ3OaVORwcFBclutzuWMzIyFBgYKEny8/NT7dq1\nVbduXbm7u6tdu3Y6dOhQGUUGAMC1lVrCERERio+PlyQlJSUpKChI3t7ekiQPDw+FhITo2LFjjvUN\nGjQov7QAALiQUqejw8PDFRYWpqioKNlsNkVHRysuLk4+Pj7q2rWrxo0bpxdeeEGWZalJkyaOg7QA\nAMAfu6J9wmPHjr1kuVmzZo6f69Wrp3nz5pVtKgAArgOcMQsAAEMoYQAADKGEAQAwhBIGAMAQShgA\nAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIG\nAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGE\nAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMo\nYQAADPG4kitNmjRJu3fvls1m07hx49SyZUvHus6dO6tWrVpyd3eXJE2dOlU1a9Ysn7QAALiQUkt4\n+/btSklJUWxsrJKTkzVu3DjFxsZecp1Zs2apWrVq5RYSAABXVOp09NatWxUZGSlJCg0NVU5OjvLy\n8so9GAAArq7ULWG73a6wsDDHsr+/vzIzM+Xt7e24LDo6WsePH1erVq307LPPymaz/e79+fl5ycPD\n/U/Gvv4EBvqYjuBQkbKUB1cenyuPTWJ8zs7Vx3c5V7RP+GKWZV2y/OSTT6pjx47y9fXV6NGjFR8f\nrx49evzu7bOzC64+JZSZmWs6gqRffkkqSpby4Mrjc+WxSYzP2V0P47ucUqejg4KCZLfbHcsZGRkK\nDAx0LPfr108BAQHy8PBQp06d9OOPP5ZBXAAAXF+pJRwREaH4+HhJUlJSkoKCghxT0bm5uRo5cqQK\nCwslSTt27FDjxo3LMS4AAK6j1Ono8PBwhYWFKSoqSjabTdHR0YqLi5OPj4+6du2qTp06afDgwapS\npYpatGjxh1PRAADg/7uifcJjx469ZLlZs2aOn0eMGKERI0aUbSoAAK4DnDELAABDKGEAAAyhhAEA\nMIQSBgDAEEoYAABDKGEAAAyhhAEAMIQSBgDAEEoYAABDKGEAAAyhhAEAMIQSBgDAEEoYAABDKGEA\nAAyhhAEAMIQSBgDAEEoYAABDKGEAAAyhhAEAMIQSBgDAEEoYAABDKGEAAAyhhAEAMIQSBgDAEEoY\nAABDKGEAAAyhhAEAMIQSBgDAEEoYAABDKGEAAAyhhAEAMIQSBgDAEEoYAABDKGEAAAyhhAEAMIQS\nBgDAEEoYAABDrqiEJ02apMGDBysqKkp79uy57HXefPNNDRs2rEzDAQDgykot4e3btyslJUWxsbGK\niYlRTEzMb65z+PBh7dixo1wCAgDgqkot4a1btyoyMlKSFBoaqpycHOXl5V1ynSlTpugf//hH+SQE\nAMBFeZR2BbvdrrCwMMeyv7+/MjMz5e3tLUmKi4tTmzZtdOONN17RA/r5ecnDw/0a416/AgN9TEdw\nqEhZyoMrj8+VxyYxPmfn6uO7nFJL+Ncsy3L8fPr0acXFxWnOnDk6efLkFd0+O7vgah8SkjIzc01H\nkPTLL0lFyVIeXHl8rjw2ifE5u+thfJdT6nR0UFCQ7Ha7YzkjI0OBgYGSpG+//VZZWVl68MEHNWbM\nGCUlJWnSpEllFBkAANdWaglHREQoPj5ekpSUlKSgoCDHVHSPHj20cuVKLViwQDNmzFBYWJjGjRtX\nvokBAHARpU5Hh4eHKywsTFFRUbLZbIqOjlZcXJx8fHzUtWvXvyIjAAAu6Yr2CY8dO/aS5WbNmv3m\nOnXq1NGnn35aNqkAALgOcMYsAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAMoYQBADCEEgYAwBBKGAAA\nQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAMoYQBADCEEgYA\nwBBKGAAAQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAMoYQB\nADCEEgYAwBBKGAAAQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAM8biSK02aNEm7d++WzWbTuHHj\n1LJlS8e6BQsWaNGiRXJzc1OzZs0UHR0tm81WboEBAHAVpW4Jb9++XSkpKYqNjVVMTIxiYmIc686e\nPasVK1bo888/1/z583XkyBHt2rWrXAMDAOAqSi3hrVu3KjIyUpIUGhqqnJwc5eXlSZKqVq2qTz75\nRJUqVdLZs2eVl5enwMDA8k0MAICLKHU62m63KywszLHs7++vzMxMeXt7Oy6bOXOm5s6dq+HDhysk\nJOQP78/Pz0seHu5/IvL1KTDQx3QEh4qUpTy48vhceWwS43N2rj6+y7mifcIXsyzrN5c9+uijGj58\nuB555BG1atVKrVq1+t3bZ2cXXO1DQlJmZq7pCJJ++SWpKFnKgyuPz5XHJjE+Z3c9jO9ySp2ODgoK\nkt1udyxnZGQ4ppxPnz6tHTt2SJI8PT3VqVMn7dy5syzyAgDg8kot4YiICMXHx0uSkpKSFBQU5JiK\nLi4u1gsvvKD8/HxJ0t69e9WgQYNyjAsAgOsodTo6PDxcYWFhioqKks1mU3R0tOLi4uTj46OuXbtq\n9OjRGj58uDw8PNS0aVN16dLlr8gNAIDTu6J9wmPHjr1kuVmzZo6fBwwYoAEDBpRtKgAArgOcMQsA\nAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIG\nAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGE\nAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMo\nYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADPG4kitNmjRJu3fvls1m07hx49SyZUvHum+//VbTpk2T\nm5ubGjRooJiYGLm50e0AAJSm1Lbcvn27UlJSFBsbq5iYGMXExFyy/qWXXtI777yj+fPnKz8/X5s2\nbSq3sAAAuJJSS3jr1q2KjIyUJIWGhionJ0d5eXmO9XFxcapVq5Ykyd/fX9nZ2eUUFQAA11LqdLTd\nbldYWJhj2d/fX5mZmfL29pYkx/8zMjK0ZcsWPfXUU394f35+XvLwcP8zma9LgYE+piM4VKQs5cGV\nx+fKY5MYn7Nz9fFdzhXtE76YZVm/uezUqVN6/PHHFR0dLT8/vz+8fXZ2wdU+JCRlZuaajiDpl1+S\nipKlPLjy+Fx5bBLjc3bXw/gup9Tp6KCgINntdsdyRkaGAgMDHct5eXl65JFH9PTTT6tDhw5lEBUA\ngOtDqSUcERGh+Ph4SVJSUpKCgoIcU9CSNGXKFI0YMUKdOnUqv5QAALigUqejw8PDFRYWpqioKNls\nNkVHRysuLk4+Pj7q0KGDli5dqpSUFC1atEiS1Lt3bw0ePLjcgwMA4OyuaJ/w2LFjL1lu1qyZ4+d9\n+/aVbSIAAK4TnFUDAABDKGEAAAyhhAEAMIQSBgDAEEoYAABDKGEAAAy56tNWouILeq+66QhXLWPU\nGdMRAOAvx5YwAACGUMIAABhCCQMAYAglDACAIZQwAACGUMIAABhCCQMAYAglDACAIZQwAACGUMIA\nABhCCQMAYAjnjobT4dzYAFwFW8IAABhCCQMAYAglDACAIZQwAACGUMIAABhCCQMAYAglDACAIZQw\nAACGUMIAABhCCQMAYAglDACAIZQwAACGUMIAABhCCQMAYAglDACAIZQwAACGUMIAABhCCQMAYMgV\nlfCkSZM0ePBgRUVFac+ePZesO3funJ5//nkNGDCgXAICAOCqSi3h7du3KyUlRbGxsYqJiVFMTMwl\n69944w01b9683AICAOCqSi3hrVu3KjIyUpIUGhqqnJwc5eXlOdb/4x//cKwHAABXzqO0K9jtdoWF\nhTmW/f39lZmZKW9vb0mSt7e3Tp8+fcUP6OfnJQ8P92uIen0LDPQxHaFcMb6/RkXJUV4Yn3Nz9fFd\nTqkl/GuWZf2pB8zOLvhTt79eZWbmmo5Qrhhf+QsM9KkQOcoL43Nu18P4LqfU6eigoCDZ7XbHckZG\nhgIDA8suGQAA16lSSzgiIkLx8fGSpKSkJAUFBTmmogEAwLUrdTo6PDxcYWFhioqKks1mU3R0tOLi\n4uTj46OuXbvqySefVHp6uo4ePaphw4bp/vvvV58+ff6K7AAAOLUr2ic8duzYS5abNWvm+Pmdd94p\n20QAAFwnOGMWAACGUMIAABhCCQMAYAglDACAIZQwAACGUMIAABhCCQMAYAglDACAIZQwAACGUMIA\nABhCCQMAYAglDACAIZQwAACGUMIAABhCCQMAYAglDACAIZQwAACGUMIAABhCCQMAYAglDACAIZQw\nAACGUMIAABhCCQMAYAglDACAIR6mAwC4VNB71U1HuGoZo86YjgA4JbaEAQAwhC1hAH8ptvSB/48t\nYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGEAQAw5IpKeNKk\nSRo8eLCioqK0Z8+eS9Z98803GjhwoAYPHqx33323XEICAOCKSi3h7du3KyUlRbGxsYqJiVFMTMwl\n6ydOnKjp06dr3rx52rJliw4fPlxuYQEAcCWllvDWrVsVGRkpSQoNDVVOTo7y8vIkSampqfL19VVw\ncLDc3Nx05513auvWreWbGAAAF1HqtyjZ7XaFhYU5lv39/ZWZmSlvb29lZmbK39//knWpqal/eH+B\ngT5/Im7ZsaIt0xHKjSuPTWJ8zs7Vx1eeKsrfz/Li6uO7nKs+MMuy+AUCAKAslFrCQUFBstvtjuWM\njAwFBgZedt3JkycVFBRUDjEBAHA9pZZwRESE4uPjJUlJSUkKCgqSt7e3JKlOnTrKy8vTTz/9pOLi\nYm3YsEERERHlmxgAABdhs65gfnnq1KlKTEyUzWZTdHS09u/fLx8fH3Xt2lU7duzQ1KlTJUndunXT\nyJEjyz00AACu4IpKGAAAlD3OmAUAgCGUMAAAhlDCAAAYQgkDuMTBgwf13XffmY4BXBdKPWMW8Ecs\ny5LNZjMdo0y40liu1blz55SYmKht27bJ3d1dt956q+lI+JVf/zstKSmRm5vrbU9dGGdRUZEqVapk\nOk65cb1XrgJYvny55s6dazpGuUlPT9fx48clSTabzSXOonbxH7Z9+/YpKytL2dnZhlP9tSzLUpUq\nVXTvvfeqefPm+vTTT7Vv3z7Tsa7ahX+PWVlZys/P/83lzu7Cv9Pk5GTZ7XaXLuDNmzdrzpw5l3wn\ngau8jhe43qtXAQQHByslJUUlJSUqKioyHadMbdy4UU8//bQ++OADx2fCXWHr8cIYFi5cqDfffFP/\n+c9/9NZbb+n06dOGk/11LjwHq1atUkpKivLz8/Xxxx9r586dhpNdHZvNpk2bNmnkyJGaOHGipk2b\n5rjcmf+AZ2Rk6LHHHpMkHThwQKNGjdKoUaO0atUqx5fquAqbzaYdO3ZoxowZuu2221SnTp1L1jnz\n6/hrTEeXoaVLl8rLy0tpaWny8PCQm5ubS71L/e9//6s5c+bogw8+0M6dOzV9+nSdO3dOVapUMR2t\nTBw4cEArVqzQzJkz9cYbb8jDw0M1atRQYWGhKleubDreX+Lw4cP6+OOPNWfOHOXn5+ubb77R/Pnz\nVblyZd10002m412RI0eOaNmyZRo/frxuuOEGvfzyy5o4caLGjx/v1G8Yg4KCVFxcrKioKLVv314f\nffSRjhw5okWLFsmyLHXq1MlxNkNXEB8fr8jISIWGhio+Pl579uxR1apV9dJLLzn16/hr7i+//PLL\npkO4iuTkZJ0+fVpHjx7V6tWrtW/fPmVmZurIkSMKDg6Wp6en6YjX7Oeff5aXl5dSU1O1f/9+rVu3\nTlOnTlVWVpbWrVt3yTdtOYuLp6APHz6soqIiFRcXKzk5WYcPH9Yrr7yiQ4cO6eTJk6pZs6bhtOXj\ncvvBf/zxR0VGRqpmzZry9fXVzp07tXHjRtWvX7/Cnxs+NzdXMTExOnfunPr376/atWvrrrvu0oIF\nC+Tp6anQ0FDTEa9JcXGx3NzcdO+992rPnj1aunSpHnvsMTVq1Eju7u5avXq1LMtSnTp1nPYN44V/\niz/99JMkKTAwUB9//LHWrFmjRo0aqVevXtq1a5fq1KmjgIAAw2nLDlvCZWDdunUqKipSSEiIWrZs\nqeLiYkm/HORSp04dLVq0SJ06dTKc8tolJydr1apVuuOOO2RZljZt2qR//vOfCg4OVkJCgjIzM3X+\n/Hm5u7ubjnpVLpTPsmXLlJycrKioKK1bt045OTn66quvJP0yNevl5aWWLVuajFouLi7gxMREnT17\nVm3btpWnp6deeeUVvf7666pXr54aNWp0yRe3VDQXxrF//37VqlVLAwYM0JdffqktW7aoXbt2CgoK\nUnh4uAoKCkxHvSaWZcnDw0OHDh1S5cqV9eqrryo/P18jR47U/Pnz1a1bNxUXF2v58uVq166d024N\n22w2JSQk6L333lO/fv0UGRmpDz74QF5eXqpSpYrS09OVkpKiqlWrmo5aptgS/pMWL16sxYsXq0WL\nFnr00Ud11113qVatWvL29lZxcbH69eunbt26qVq1aqajXpONGzdq9uzZ2rRpkzw9PRUcHCw3Nzel\np6crMTFRsbGx6tu3rxo0aGA66hW78Ee7pKREWVlZevzxx9WgQQP16tVLd999t7744gulp6dr165d\n2rlzp0aOHCk/Pz/TscvchQL+/PPPtXDhQmVnZ2vWrFl66aWXtGHDBn311Vfat2+ftm3bpn/+85+q\nVauW4cSXZ7PZtHHjRk2bNk0///yz+vfvrypVqmj9+vU6duyYzpw5o6VLl6pLly4KCQkxHfeqXdjH\nPX78eJ0+fVpnz57VqFGjtHnzZs2dO1f33XefGjdurDvuuKPCvlG6EsnJyZo6dar+9a9/6ZZbbtGZ\nM2eUnJysgIAAffTRR5oxY4ZGjRrlcm+IOXf0n5CVlaWXX35ZEyZMUGJiolasWKEZM2YoMzNTaWlp\nev311/XJJ5/IZrM53VaiJGVmZmrUqFF6/fXXde7cOS1evFghISEKDAxU1apVtXfvXrVt21Zt2rQx\nHfWqXCjhvLw8eXt7KzExUQ8//LAmT56snj176tSpU1q+fLnOnz+vO++802mnMH/PxVvAJ06c0OTJ\nkzV9+nQtXbpUq1ev1gcffCBJWr9+vdLS0tS2bdsK/RzY7XY98cQTmjhxovz8/JSZmanCwkLt379f\nW7ZsUbVq1dS3b1+1a9fOKT+GdvbsWb322msaPHiwbrnllkvWPf/880pOTtaiRYuc/qNKaWlpmjBh\ngpo3b67c3Fzl5+crIyND4eEgSubgAAAPdklEQVThGjRokLKzs51yt1dpmI6+Rl9++aVq1qypevXq\n6aWXXpKHh4dmzJihvLw8ffLJJxo7dqxmzJghDw/nfIqzs7N16tQpeXp6KiAgQL6+vho0aJBefvll\n3XzzzXrggQd09913m455VY4cOaKGDRvKZrNp3rx5SkhIUIMGDTRkyBB99NFHGj16tGw2m3r06KER\nI0aYjltuLpTQnj17FBYWpoCAAI0ZM0aVKlXS+++/r927dysxMbFCfyPahc+OWpalatWqqXbt2lq5\ncqUOHjyoqlWrqrCwUPfee68efPBBxcXFyW636/Tp06pRo4bp6Ffl+++/V2BgoDw8PLRp0yZHCW/d\nulUbN27U66+/rv3790uS0xXwhTdEe/bsUUlJiXx8fPTYY49p8eLFGjJkiFq2bKnDhw9r3bp1ql27\ntmrXrm06crlwrletgli4cKEWL16sgoICBQcHq7CwUA888ICkX6Zv09LSVFhY6LRTmBs3btSoUaO0\nZs0a7dmzR2PHjtWpU6fUtGlT9e3bV3a7XWvXrlVJSYnpqFds7969euaZZyT9chT75s2b9dxzz+mn\nn37SlClT5Ovrqzlz5ugf//iHNm3aZDht+fjhhx8UFxcn6Zetx9mzZ0uSmjVrptzcXA0aNMhxYIzd\nbldhYaHJuJd18uRJlZSUqFKlSvr22281depUHTt2TG3atFGtWrU0ZswY/d///Z/69++v1atX6447\n7lDHjh2VmJjodG+Ik5OT9corr8jd3V1Dhw7V6dOntWjRIkmSj4+P4/Vp0aKFyZjXpKSkxDHNPmnS\nJC1fvlyfffaZatSooSlTpqhOnTpasmSJJkyY4DRH5V8r9glfpZycHE2fPl3PPfec6tevr9TUVK1c\nuVKbNm3Stm3btHPnTj3zzDMV/ijS37Nnzx7961//0sSJE3Xs2DFlZWUpKSlJmzdvlpeXlxYsWKBh\nw4ZpxYoVuv3221W9enXTka9Ifn6+Vq9erfz8fO3du1f33nuvdu/erdTUVLVv315ffPGFgoOD1bZt\nWzVr1sxp30D9nvPnz2v//v1aunSpLMvSLbfcokWLFqlXr14KCAhQcXGx1qxZo7Vr1yohIUFPPPFE\nhfs3fP78ec2aNUtz585VSEiI3nvvPdWqVUvLli1Tw4YNdeedd+rs2bPavXu3Zs2apeHDh6tu3bpq\n0qSJ2rRp41QHLJWUlGjVqlX64Ycf1KRJE912220qLi7W6tWrFR8fr5UrV6p///5OdSyGJKWmpurE\niRMKCgpSZmampkyZosmTJys/P19r1qxRTk6OqlSp4tgl9NBDD6lDhw6mY5crSvgqVapUScePH9eC\nBQu0efNm+fn5qUuXLvL19dWAAQM0cOBA1atXz3TMa3bmzBl5e3srLy9Pq1ev1qhRo5Sfn6+jR4+q\nadOmuueee+Tv769vv/1WPXv2lJeXl+nIV8TPz08pKSn65JNP1L59e0VGRurTTz/VpEmTVL9+fW3Z\nskWrVq3SU089pRtvvNF03DJlWZbc3NxUv359+fn5ac2aNSooKNC5c+cUGhoqT09PdezYUS1btlRw\ncLCGDh2q+vXrm459iaysLH399de699579eOPP2rOnDkaPXq0HnjgAQUGBmrHjh2SfinqPXv2qG/f\nvurQoYPOnz8vNzc3p/jYzoXp2eTkZP38889q3LixqlSpol27dsnb21sdOnRQly5dVL16dfXr10+t\nWrVyun3c69ev19ixY9WuXTs1aNBAVatWVWpqqr788kuNHz9eiYmJSkhI0IkTJzRhwgQ1btzYdORy\nRwlfJTc3NzVv3tyxX7Rt27bKyMjQN998o4ceeki+vr6mI/4p1atXl6+vr+Li4nT//ferU6dO2rt3\nr86cOaPOnTsrPT1d//73v/Xiiy+qbt26puNelTp16qhFixZatWqV3N3d5ebmppCQEMd+twkTJjj9\n63c5F/5IL126VElJSerUqZPWrVunuLg4nT17Vh9//LG2b9+uw4cPa+jQofLx8TGc+LeOHDmievXq\nycPDQzfddJOOHDmilStXavDgwQoJCVGlSpX00Ucf6ZFHHlGHDh0cbyKcaT+pzWbThg0bNG3aNCUk\nJMiyLN16660qLi5WYmKiSkpK1KhRI9WrV0/+/v6O2ziT5s2by8/PT5MmTdLtt9+utm3b6tChQ2rQ\noIG6dOmi3Nxc3XzzzbrtttvUqFEj03H/Es61k6SC8PHxUVhYmHbu3KmEhARt27ZNMTExLnGS8UqV\nKql+/fqqVauW/vvf/+rrr7+Wh4eHZs2aJV9fX6Wnp6tbt25OOV1bv3591a9fX9WrV9eHH36oU6dO\nyd3dXV9//bWmTZvmcp8/vNh3332nr776SoMGDVKnTp1ks9l06NAhNWvWTBMnTlRaWprpiH8oLCxM\nqampmjVrlqpVq6axY8fqww8/1KhRo/T+++8rNDRURUVFysnJcapp54udOHFCc+fO1YwZM7Rw4ULN\nnDlTf//73xUREaHi4mJt3bpVLVu2dBSwM7mwxZ6ZmamBAwfKy8tLTz31lN566y35+Pho5syZqly5\nsj755BO99dZbatiwodNt5V8rtoT/BE9PT7m5uWnQoEFOt2+mNIGBgdqyZYvi4uLUp08fx8Ef3t7e\nTl9W9evXV7169bRp0ya1b99e//u//6vg4GDTscrUr/+ApaWl6cCBA8rKylKjRo100003KTg4WMuX\nL5e7u7tatWpVIbeAL/jmm2/0+uuvKzQ0VLm5uTp27JiGDBmiHTt26LXXXlN6erqGDRvmdB9hufA6\npaWl6dChQ6pXr56ysrK0bNkyPfPMM/rwww8d65566imn/RywzWbTV199pbfeestxti8vLy9NnTpV\nf/vb31S7dm398MMPuv/++x3f3HU9FLDE54TxB4qKipSXlyc/Pz+XfFe6detW1alTxylP4HClVq9e\nraNHj6p3797Kzs7WypUrVbt2bfXs2VOBgYHavHmzGjVqVGFPxCFJu3fv1sSJExUTE6MbbrhBO3fu\n1A8//KAaNWqoe/fumjdvnjp06KDw8HDTUa/J5s2b9eabb6pGjRqyLEs9e/ZUzZo1ddddd2nWrFmy\n2Wy69dZb1bp1a9NRr1lubq6efPJJjR8/XjVq1HCcdnLRokWaPn26PvzwQzVr1sxwSjOYjsbvqlSp\nkmPa2dUKWJLatWtnOkK5mjdvnuLj49WhQwcNHTpU06dPV+fOnbV+/XotWbJE/fr1c4ojTwsLCxUe\nHq79+/fLbrfrm2++0c8//yy73a6cnBw9+uijTnte9uTkZM2bN0/vvPOOQkJCNGbMGEVHRyskJEQ2\nm03bt2/XCy+8UKFPlvJ7LrxxP378uE6cOKHq1aurZs2a8vb21vnz5zVv3jy1bdtWTz31lHJyckzH\nNcZ5jloA8IcuntQ6deqUDhw4oBkzZig4OFjVq1fXK6+8Ij8/P9WuXVuVK1d2mm+/atiwoXx9fbVw\n4UI1a9ZMMTExevDBB3Xfffdp4MCBTlvAhYWF2rBhgw4fPqz09HRJ0rRp09SxY0dlZmY6Pg7ojAUs\nyfF9wKNHj9bs2bMVHx+vZ599VtnZ2XJ3d1flypW1YcMGDRgwwHFe+usR+4QBF3FhtqKwsFA+Pj6q\nWrWqEhIStH79ev3nP//RiRMnNGPGDOXm5mrkyJG64YYbDCe+Ml5eXrr99tt13333qW7dutq3b5/m\nzp2rvn37qmnTpqbjXTN3d3c1bNhQ586dU1JSkry9vVWnTh15eXmpcePGevLJJ516fMnJyZo1a5bj\nTdNPP/2kr776SomJiapcubJmzZqlIUOGOM6E5YqzbVeC6WjAyR07dkxpaWlq166dPv/8c+3cuVM2\nm03R0dGqVq2aEhISJEnh4eHy9fVV//79nfLo9tzcXC1fvlzLly/Xo48+6nTnLL+cGjVqaMiQIYqL\ni9Pbb7/t2F3w8MMPO/XH5S7eyj958qTq1q2rV199VWfOnNGRI0cc3wblzPu5ywoHZgFOrKioSLNn\nz1ZOTo5q166tLVu26LnnnlNcXJw2bNigd999V7Nnz1ZKSook6fXXX3fqc/AWFRUpNzfXKT+m80dy\ncnL0ySef6PDhw4qMjFTfvn2d/mDI06dP67PPPtPp06fVq1cvhYeHa926dTpw4IDGjBnj1GMrS0xH\nA06qpKREHh4eCgkJUWpqqvbt26d69eqpd+/eioiIUEZGhmbOnKkJEybI29tbQ4cOdfojwd3d3Z3+\nI3KX4+npqcaNG+vMmTNKSkpSrVq1nPbjSBd4enqqUaNGSk1NVWxsrHJycvTFF1+oR48eFe6MbCZR\nwoCTurAlUVRUpFatWiktLU1Hjx6Vp6en6tevr3bt2mnXrl2KiIhQmzZtnO4bhK43VatWVUhIiLKy\nsnTLLbc4zSlh/0jVqlUVGhqqzMxMJSUlqXfv3urevbvTb+WXJfYJA07m4j9g8+fP18yZMzVgwAB1\n7NhRxcXF2r59u9LT01WzZk0lJSU51akbr3cBAQEaMmSIU37/+O/x9fXV0KFD9eWXXyoxMVGNGzdW\n8+bNTceqMPjtBJzIxQWcnJys06dPa9asWUpPT9fWrVvVunVr+fn5acWKFUpISNCMGTMq3Lch4Y+5\nUgFf4O/vrz59+qhx48ZOP81e1jgwC3ASFxdwbGys5s2bpwYNGui1115TSUmJpk6dquDgYIWHh+vA\ngQPq06eP48xEQEVw/vx5l3yT8WewJQw4iQsFvHv3biUlJem5557Tzz//rMWLF8vT01PPP/+8Dh8+\nrL179yoqKooCRoVDAf8W+4SBCu7iLeBjx47p1Vdf1d13362IiAj5+fnpww8/lGVZGjJkiF599VUV\nFBQ47VmkgOsNW8JABXehgBcvXqzdu3eroKBABw8e1I4dO9SiRQuNGjVKmzZt0sKFC1WtWjX2uQFO\nhBIGnMDSpUu1cuVK3XrrrTp79qzy8vL07rvvatu2bWratKlefPFFRUZGmo4J4CpRwkAFZlmWiouL\ntWvXLo0ePVp79+5VeHi45syZo7p162r69OnasWOHGjVqpJo1a5qOC+AqsU8YqMBsNps8PDx08803\na/r06fL09NT7778vSbrxxhvVsGFD3XjjjYZTArhWbAkDTqB9+/aqVq2aunTpouzsbK1Zs0ZbtmzR\n/fff79Tnggaud3xOGHASR48e1ZIlS7R//35ZlqXnn39eTZo0MR0LwJ9ACQNOpKioSGfOnJHNZnO5\nbxICrkeUMAAAhrBPGAAAQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAMoYQBADDk/wEa0sA3qrjQ\nYgAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + }, + { + "output_type": "stream", + "text": [ + "sex - 0.615\n", + "age - 0.174\n", + "fare - 0.147\n", + "embarked - 0.035\n", + "sibsp - 0.030\n", + "parch - 0.000\n", + "pclass - 0.000\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "hS_763WyD4_3", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Random forests" + ] + }, + { + "metadata": { + "id": "sZ5P_xbMD6eb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "A group, or ensemble, of decision trees together create a random forest. The idea is that a group of different trees will yield more accurate predictions compared to a single decision tree. But how can we have different trees if they're all made using the same data and optimized on a metric like IG? The trick here is that the different decision trees in the random forest are made of different subsets of data and even different thresholds for features. \n", + "\n", + "" + ] + }, + { + "metadata": { + "id": "DUEa6BJ5GHLF", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Scikit-learn implementation" + ] + }, + { + "metadata": { + "id": "ogq6dncjeb1U", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from sklearn.ensemble import RandomForestClassifier" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "2nuRnhYKF-qT", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Initialize Random forest\n", + "forest = RandomForestClassifier(\n", + " n_estimators=args.n_estimators, criterion=\"entropy\", \n", + " max_depth=args.max_depth, min_samples_leaf=args.min_samples_leaf)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "iSkEBA4Xe4gY", + "colab_type": "code", + "outputId": "5a5766d7-2faa-4f6e-fc21-c40e86dc4563", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 136 + } + }, + "cell_type": "code", + "source": [ + "# Train\n", + "forest.fit(X_train, y_train)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "RandomForestClassifier(bootstrap=True, class_weight=None, criterion='entropy',\n", + " max_depth=4, max_features='auto', max_leaf_nodes=None,\n", + " min_impurity_decrease=0.0, min_impurity_split=None,\n", + " min_samples_leaf=5, min_samples_split=2,\n", + " min_weight_fraction_leaf=0.0, n_estimators=10, n_jobs=1,\n", + " oob_score=False, random_state=None, verbose=0,\n", + " warm_start=False)" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 22 + } + ] + }, + { + "metadata": { + "id": "8IkBGrQ6fD11", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Predictions\n", + "pred_train = forest.predict(X_train)\n", + "pred_test = forest.predict(X_test)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "EMk8RWRSfD6C", + "colab_type": "code", + "outputId": "54098b2a-6f35-4b76-b407-25cd5807d942", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Accuracy\n", + "train_acc = accuracy_score(y_train, pred_train)\n", + "test_acc = accuracy_score(y_test, pred_test)\n", + "print (\"train acc: {0:.2f}, test acc: {1:.2f}\".format(train_acc, test_acc))\n", + "\n", + "# Calculate other evaluation metrics \n", + "precision, recall, F1, _ = precision_recall_fscore_support(y_test, pred_test, average=\"binary\")\n", + "print (\"precision: {0:.2f}. recall: {1:.2f}, F1: {2:.2f}\".format(precision, recall, F1))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "train acc: 0.80, test acc: 0.68\n", + "precision: 0.65. recall: 0.87, F1: 0.75\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "gYcrpjEvFEkF", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Interpretability" + ] + }, + { + "metadata": { + "id": "BtSEnVtYFEmj", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "It's very easy to inspect random forests and derive feature importance values. " + ] + }, + { + "metadata": { + "id": "4zmqPwuZfD_3", + "colab_type": "code", + "outputId": "024b95e1-a02c-4d22-a1bf-7e6a924e5417", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 509 + } + }, + "cell_type": "code", + "source": [ + "# Feature importances\n", + "features = list(X_test.columns)\n", + "importances = forest.feature_importances_\n", + "std = np.std([tree.feature_importances_ for tree in forest.estimators_], axis=0)\n", + "indices = np.argsort(importances)[::-1]\n", + "num_features = len(importances)\n", + "\n", + "# Plot the feature importances of the tree\n", + "plt.figure()\n", + "plt.title(\"Feature importances\")\n", + "plt.bar(range(num_features), importances[indices], yerr=std[indices], \n", + " color=\"g\", align=\"center\")\n", + "plt.xticks(range(num_features), [features[i] for i in indices], rotation='45')\n", + "plt.xlim([-1, num_features])\n", + "plt.show()\n", + "\n", + "# Print values\n", + "for i in indices:\n", + " print (\"{0} - {1:.3f}\".format(features[i], importances[i]))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAeEAAAF1CAYAAADfvVJbAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzt3XtclHXi/v9rABURRGBBMQ8omihl\nBWUqaqV4XLU0TTKpz667bWttbUVb+dHoIGR9XNtNt4OuWba7ige0PGKm4SHykK4H7KCoLCnIjCBy\nMAG5f3/0c766WWBCb2Z4PR+PHnHPPXPP9ebgNff7vucem2VZlgAAwM/Ow3QAAAAaKkoYAABDKGEA\nAAyhhAEAMIQSBgDAEEoYAABDKGHgv3Tp0kUDBw7UkCFDnP9NnDjxJ2+vvLxcK1asqMWEl/roo4/0\n7LPP1tn2f8zixYuNPC/gLmy8Txi4VJcuXZSenq5WrVrVyvb+/e9/6y9/+YvefffdWtlefWG323Xf\nffdp/fr1pqMALos9YeAK5OXl6aGHHtLgwYM1ePBgpaenO9ctWbJEQ4cO1aBBg3Tffffp+PHjcjgc\neuSRR/Tvf/9b48eP1zfffKNu3bo5H3Pxcmpqqh555BE98MADevXVVyVJKSkpGjJkiPr3768nnnhC\n33777fcypaam6n/+538kSc8884xee+01xcfHq2fPnpo5c6aWLFmiESNGqH///tq3b58kKT4+XrNm\nzdI999yj3r17a8qUKTp//rwkafv27Ro1apSGDBmisWPHav/+/ZfNFxcXpxMnTmjIkCEqLy/Xnj17\nNHr0aA0ZMkTDhg3Tp59+6hxjnz59tGDBAo0YMUJ9+/bVmjVrJEmWZenll19W//79NXjwYP397393\n3j579mwNHjxYd9xxh6ZNm+bMt3btWg0fPlxDhw7ViBEjtH379tr54QImWAAuce2111q5ubmXXXf/\n/fdbr732mmVZlnXs2DGrR48eVkFBgeVwOKzrrrvO+bhnnnnGmjx5smVZlrVs2TLrgQcesCzLsnJy\ncqyuXbs6t3fx8rJly6wbb7zROnr0qGVZlrVz506rV69eVl5enmVZljV16lRr+vTp38t08faffvpp\n66677rJKS0utr776yuratav11ltvWZZlWdOnT7cSEhIsy7KsCRMmWGPGjLHKysqssrIya9CgQdZH\nH31klZSUWLfeequ1a9cuy7Isa926ddagQYOs8+fPfy/fZ599ZsXGxjpzDB8+3Fq1apVlWZa1fPly\n57qcnByrW7du1vvvv29ZlmWtWbPGGjhwoGVZlrVixQorLi7OKi8vt4qLi63bbrvN2rt3r7V8+XLr\nl7/8pXXmzBmroqLCevDBB52Pv/XWW61vvvnG+T1KTk7+oR8lUO+xJwxcRnx8/CXHhKdMmaKysjJt\n377dudfZvn17RUdHKz09XUFBQfr888+dU9g333yzcnJyrvh5w8LCFBYWJknauHGjhg0bppYtW0qS\n7r333hpN/fbu3Vs+Pj7q3LmzqqqqdMcdd0iSrr32WuXn5zvv98tf/lJNmzZV06ZN1bdvX+3Zs0f7\n9u1Tq1atFB0dLUkaPHiwCgsLdfz48e/l+28rVqzQ0KFDJUnR0dGXjL+yslKjR4+WJEVGRurEiROS\npM2bN2vw4MFq1KiRfH19tWbNGl1//fXatGmT7r77bvn5+cnLy0tjx451jj0oKEiLFi3S8ePHdfPN\nNxs7Hg7UBi/TAYD66P333//eMeGTJ0/KsizFxcU5bysrK1PPnj11/vx5vf7669q4caPOnz+v0tJS\ndejQ4Yqf19/f3/l1cXGxPvroI23dulXSd1O0FRUV1W6jWbNmkiSbzSYPDw/5+PhIkjw8PFRVVXXZ\n5/L391d+fr4KCgrUvHnzS7bn5+enU6dOfe8x/23lypVasGCBSktLVVVVJeui0008PT0vm6OwsPCS\n57twn+LiYs2bN08pKSmSpPPnzyswMFCS9Oabb+rNN9/U6NGjFRoaqsmTJ6tHjx7Vfl+A+ogSBmoo\nKChInp6eWrZsmbPoLli5cqU2btyof/zjHwoMDNTixYu1cuXK723D09PTWVA2m01nzpz5wecLCQnR\nqFGj9PTTT9f6WKTvCvCCoqIi+fv7KygoSKdPn3beblmWioqKFBQUpCNHjvzgtk6ePKkpU6ZoyZIl\n6tq1q44dO6bBgwdXmyEgIOCSHA6HQ97e3goJCVH//v01YcKE7z2mXbt2evnll1VVVaUVK1boySef\n1JYtW2o6bKBeYToaqCEvLy/ddtttWrRokSTp7NmzevbZZ5Wbm6tTp07pmmuuUWBgoAoLC7V27VqV\nlpY6H1dSUiLLshQQECBPT0999dVXkvSjb13q37+/1q9fr4KCAknShg0bNGfOnFobz0cffaTy8nKV\nlZVp8+bNuvnmm9W9e3c5HA7t2bNHkrR69Wq1atVKbdq0uez3o6ysTJWVlSooKJCPj486duyoyspK\n5x7she/Bj41x9erVzhzjx4/X119/rQEDBuiDDz7Q2bNnJUmLFi3S8uXLVVBQoF/96lcqKSmRh4eH\nbrjhBtlstlr7ngA/N/aEgSvw/PPPKzExUUuWLJEkjRw5UqGhoRo+fLhWr16tgQMHqm3btvrjH/+o\n3//+95o+fbri4+M1Y8YM9e3bV+np6frDH/6g3/zmNwoJCVF8fPwPPldkZKQeeughxcfHq6qqSkFB\nQXrhhRdqbSw33XST7r//fh07dkwDBw5Uv3795OHhob/85S966aWXVFZWpsDAQM2cOfOyRdelSxf5\n+/srJiZGqamp6tevnwYPHqygoCA988wz2r17t+Lj4/X666//YIZhw4bpq6++0qBBg9SkSRONGTNG\nUVFRsixLhw4d0qhRoyR9t/eblJSkwMBA9e3bV3fffbc8PT3VqFEjJSUl1dr3BPi58T5hoAGKj4/X\nmDFjdOedd5qOAjRoTEcDAGAIJQwAgCFMRwMAYAh7wgAAGPKznx1ttxf/3E/5swoI8FFhYZnpGHWG\n8bkudx6bxPhcnbuPLzjY77K3sydcy7y8PE1HqFOMz3W589gkxufq3H18P4QSBgDAEEoYAABDKGEA\nAAyhhAEAMIQSBgDAEEoYAABDKGEAAAyhhAEAMIQSBgDAEEoYAABDKGEAAAyhhAEAMIQSrkXR0dcp\nLCzMdAwAgIughAEAMIQSBgDAEEoYAABDKGEAAAzxqsmdkpOTtXfvXtlsNk2ePFndu3eXJJ08eVIJ\nCQnO++Xk5OjJJ5/UiBEj6iYtAABupNoS3rFjh7Kzs5WSkqKsrCxNnjxZKSkpkqSWLVvq/ffflyRV\nVlYqPj5e/fv3r9vEAAC4iWqnozMyMhQbGytJCg8PV1FRkUpKSr53v+XLl2vw4MFq1qxZ7acEAMAN\nVbsn7HA4FBkZ6VwODAyU3W6Xr6/vJfdbsmSJ3nnnnWqfMCDAR15enj8hav3n4WGTJAUH+xlOUrcY\nn+ty57FJjM/Vufv4LqdGx4QvZlnW927bs2ePOnbs+L1ivpzCwrIrfUqXUVVlycPDJru92HSUOhMc\n7Mf4XJQ7j01ifK6uIYzvcqqdjg4JCZHD4XAu5+fnKzg4+JL7fPLJJ+rVq9dVRgQAoGGptoRjYmKU\nlpYmScrMzFRISMj39nj379+viIiIukkIAICbqnY6OioqSpGRkYqLi5PNZlNiYqJSU1Pl5+engQMH\nSpLsdruCgoLqPCwAAO6kRseEL34vsKTv7fWuXLmy9hIBANBAcMUsAAAMoYQBADCEEgYAwBBKGAAA\nQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAMoYQBADCEEgYA\nwBBKGAAAQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAMoYQB\nADCEEgYAwBBKGAAAQ7xqcqfk5GTt3btXNptNkydPVvfu3Z3rcnNz9cQTT6iiokLdunXTiy++WGdh\nAQBwJ9XuCe/YsUPZ2dlKSUlRUlKSkpKSLlk/ffp0/frXv9bSpUvl6empEydO1FlYAADcSbUlnJGR\nodjYWElSeHi4ioqKVFJSIkmqqqrS559/rv79+0uSEhMT1bp16zqMCwCA+6h2OtrhcCgyMtK5HBgY\nKLvdLl9fXxUUFKhZs2Z6+eWXlZmZqZtvvllPPvnkj24vIMBHXl6eV5+8HvLwsEmSgoP9DCepW4zP\ndbnz2CTG5+rcfXyXU6NjwhezLOuSr0+ePKn7779f11xzjR588EF98sknuv3223/w8YWFZT8pqCuo\nqrLk4WGT3V5sOkqdCQ72Y3wuyp3HJjE+V9cQxnc51U5Hh4SEyOFwOJfz8/MVHBwsSQoICFDr1q3V\nrl07eXp6qlevXjp06FAtRQYAwL1VW8IxMTFKS0uTJGVmZiokJES+vr6SJC8vL7Vt21bHjh1zru/Q\noUPdpQUAwI1UOx0dFRWlyMhIxcXFyWazKTExUampqfLz89PAgQM1efJkPfPMM7IsS9dee63zJC0A\nAPDjanRMOCEh4ZLliIgI59ft27fXwoULazcVAAANAFfMAgDAEEoYAABDKGEAAAyhhAEAMIQSBgDA\nEEoYAABDKGEAAAyhhAEAMIQSBgDAEEoYAABDKGEAAAyhhAEAMIQSBgDAEEoYAABDKGEAAAyhhAEA\nMIQSBgDAEEoYAABDKGEAAAyhhAEAMIQSBgDAEEoYAABDKGEAAAyhhAEAMIQSBgDAEEoYAABDKGEA\nAAyhhAEAMMSrJndKTk7W3r17ZbPZNHnyZHXv3t25rn///mrVqpU8PT0lSTNmzFDLli3rJi0AAG6k\n2hLesWOHsrOzlZKSoqysLE2ePFkpKSmX3Gfu3Llq1qxZnYUEAMAdVVvCGRkZio2NlSSFh4erqKhI\nJSUl8vX1rfNwdSnkjea1v9Ezdbft/Elnan2bAACzqi1hh8OhyMhI53JgYKDsdvslJZyYmKjjx48r\nOjpaTz75pGw22w9uLyDAR15enlcZu+EJDvYzHcGpPmWpC+48Pncem8T4XJ27j+9yanRM+GKWZV2y\n/Oijj6pv377y9/fXww8/rLS0NA0ZMuQHH19YWHblKSG7vdh0BEnf/ZHUlyx1wZ3H585jkxifq2sI\n47ucas+ODgkJkcPhcC7n5+crODjYuXzXXXcpKChIXl5e6tevn77++utaiAsAgPurtoRjYmKUlpYm\nScrMzFRISIhzKrq4uFgTJ05UeXm5JGnnzp3q3LlzHcYFAMB9VDsdHRUVpcjISMXFxclmsykxMVGp\nqany8/PTwIED1a9fP40bN05NmjRRt27dfnQqGgAA/D81OiackJBwyXJERITz6wceeEAPPPBA7aYC\nAKAB4IpZAAAYQgkDAGAIJQwAgCGUMAAAhlDCAAAYQgkDAGAIJQwAgCGUMAAAhlDCAAAYQgkDAGAI\nJQwAgCGUMAAAhlDCAAAYQgkDAGAIJQwAgCGUMAAAhlDCAAAYQgkDAGAIJQwAgCGUMAAAhlDCAAAY\nQgkDAGAIJQwAgCGUMAAAhlDCAAAYQgkDAGAIJQwAgCE1KuHk5GSNGzdOcXFx2rdv32Xv8+c//1nx\n8fG1Gg4AAHdWbQnv2LFD2dnZSklJUVJSkpKSkr53n8OHD2vnzp11EhAAAHdVbQlnZGQoNjZWkhQe\nHq6ioiKVlJRccp/p06fr8ccfr5uEAAC4qWpL2OFwKCAgwLkcGBgou93uXE5NTVWPHj10zTXX1E1C\nAADclNeVPsCyLOfXp0+fVmpqqubPn6+TJ0/W6PEBAT7y8vK80qdt8IKD/UxHcKpPWeqCO4/Pnccm\nMT5X5+7ju5xqSzgkJEQOh8O5nJ+fr+DgYEnSZ599poKCAt13330qLy/Xf/7zHyUnJ2vy5Mk/uL3C\nwrJaiN3w2O3FpiNI+u6PpL5kqQvuPD53HpvE+FxdQxjf5VQ7HR0TE6O0tDRJUmZmpkJCQuTr6ytJ\nGjJkiNasWaPFixdr9uzZioyM/NECBgAA/0+1e8JRUVGKjIxUXFycbDabEhMTlZqaKj8/Pw0cOPDn\nyAgAgFuq0THhhISES5YjIiK+d582bdro/fffr51UAAA0AFwxCwAAQyhhAAAMoYQBADCEEgYAwBBK\nGAAAQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhhAAAMoYQBADCE\nEgYAwBBKGAAAQyhhAAAMoYQBADCEEgYAwBBKGAAAQyhh1Fh09HUKCwszHQMA3AYlDACAIZQwAACG\nUMIAABhCCQMAYAglDACAIZQwAACGeNXkTsnJydq7d69sNpsmT56s7t27O9ctXrxYS5culYeHhyIi\nIpSYmCibzVZngQEAcBfV7gnv2LFD2dnZSklJUVJSkpKSkpzrzp49q9WrV+uf//ynFi1apCNHjmjP\nnj11GhgAAHdRbQlnZGQoNjZWkhQeHq6ioiKVlJRIkpo2bar33ntPjRo10tmzZ1VSUqLg4OC6TQwA\ngJuotoQdDocCAgKcy4GBgbLb7ZfcZ86cORo4cKCGDBmitm3b1n5KAADcUI2OCV/Msqzv3fbggw/q\n/vvv129/+1tFR0crOjr6Bx8fEOAjLy/PK33aBi842M90BHl4fHesvz5kqUvuPD53HpvE+Fydu4/v\ncqot4ZCQEDkcDudyfn6+c8r59OnTOnTokG655RZ5e3urX79+2r1794+WcGFhWS3Ebnjs9mLTEVRV\nZcnDw1YvstSV4GA/tx2fO49NYnyuriGM73KqnY6OiYlRWlqaJCkzM1MhISHy9fWVJFVWVuqZZ55R\naWmpJGn//v3q0KFDbWUGAMCtVbsnHBUVpcjISMXFxclmsykxMVGpqany8/PTwIED9fDDD+v++++X\nl5eXunTpogEDBvwcuQEAcHk1OiackJBwyXJERITz69GjR2v06NG1mwoAgAaAK2YBAGDIFZ8djR/x\nuOkAAABXwp4wAACGUMIAABhCCQMAYAglDACAIZQwAACGUMIAABhCCQMAYAglDPz/oqOvU1hYmOkY\nABoQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGE\nAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQAADPGqyZ2Sk5O1d+9e2Ww2TZ48\nWd27d3eu++yzzzRz5kx5eHioQ4cOSkpKkocH3Q4AQHWqbcsdO3YoOztbKSkpSkpKUlJS0iXrn3vu\nOb3++utatGiRSktLtWXLljoLCwCAO6m2hDMyMhQbGytJCg8PV1FRkUpKSpzrU1NT1apVK0lSYGCg\nCgsL6ygqAADupdrpaIfDocjISOdyYGCg7Ha7fH19Jcn5//z8fG3btk2PPfbYj24vIMBHXl6eV5O5\nQQoO9jMdQR4eNkn1I0tdcPfxSe49NonxuTp3H9/l1OiY8MUsy/rebadOndJDDz2kxMREBQQE/Ojj\nCwvLrvQpIcluL67xfUPeaF43IU5/9z/bC7Za33T+pDO1vs0rVVVlycPDdkXfa1cSHOzntmOTGJ+r\nawjju5xqp6NDQkLkcDicy/n5+QoODnYul5SU6Le//a3++Mc/qk+fPrUQFQCAhqHaEo6JiVFaWpok\nKTMzUyEhIc4paEmaPn26HnjgAfXr16/uUgIA4IaqnY6OiopSZGSk4uLiZLPZlJiYqNTUVPn5+alP\nnz5asWKFsrOztXTpUknS8OHDNW7cuDoPDgCAq6vRMeGEhIRLliMiIpxfHzhwoHYTAQDQQHBVDQAA\nDKGEAQAwhBIGGoDo6OsUFhZmOgaA/0IJAwBgCCUMAIAhlDAAAIZQwgAAGEIJAwBgCCUMAIAhlDAA\nAIZQwgAAGEIJAwBgCCUMAIAhlDAAAIZQwgAAGEIJAwBgCCUMAIAhlDAAAIZQwgAAGEIJAwBgCCUM\nAIAhXqYDAFcq5I3mdbPhM3W3/fxJZ2p9mwBcH3vCAAAYQgkDAGAIJQwAgCGUMAAAhlDCAAAYQgkD\nAGBIjUo4OTlZ48aNU1xcnPbt23fJunPnzunpp5/W6NGj6yQgAADuqtoS3rFjh7Kzs5WSkqKkpCQl\nJSVdsv7VV19V165d6ywgAADuqtoSzsjIUGxsrCQpPDxcRUVFKikpca5//PHHnesBAEDNVXvFLIfD\nocjISOdyYGCg7Ha7fH19JUm+vr46ffp0jZ8wIMBHXl6ePyFqwxYc7Gc6Qp1ifHXLw8NWL3LUNcbn\n2tx9fJdzxZettCzrqp6wsLDsqh7fUNntxaYj1CnGV7eqqix5eNiM56hLwcF+jM+FNYTxXU6109Eh\nISFyOBzO5fz8fAUHB9deMgAAGqhqSzgmJkZpaWmSpMzMTIWEhDinogEAwE9X7XR0VFSUIiMjFRcX\nJ5vNpsTERKWmpsrPz08DBw7Uo48+qry8PB09elTx8fG65557NGLEiJ8jOwBIkqKjr5OHh007d+43\nHQW4IjU6JpyQkHDJckREhPPr119/vXYTAQ1cnXxUYx1+TKPERzUCPxVXzAIAwBBKGAAAQyhhAAAM\noYQBADCEEgYAwBBKGAAAQ674spVowB43HQAA3At7wgAAGEIJAwBgCCUMAIAhlDAA1HPR0dcpLCzM\ndAzUAUoYAABDKGEAAAyhhAEAMIQSBgDAEEoYAABDKGEAgFEN+exvShgAAEO4djSAn1XIG81rf6Nn\n6nDbkvInnamT7QLsCQMAYAh7wgBQi1xtT5+9fLPYEwYAwBBKGAAAQyhhAAAMoYQBADCEE7MAADVS\nV28Ba8gnnrEnDACAIZQwAACG1KiEk5OTNW7cOMXFxWnfvn2XrPv00081ZswYjRs3Tn/729/qJCQA\nAO6o2mPCO3bsUHZ2tlJSUpSVlaXJkycrJSXFuX7atGmaN2+eWrZsqQkTJmjw4MHq1KlTnYYGgAbl\ncdMBUFeq3RPOyMhQbGysJCk8PFxFRUUqKSmRJOXk5Mjf31+hoaHy8PDQbbfdpoyMjLpNDACAm6h2\nT9jhcCgyMtK5HBgYKLvdLl9fX9ntdgUGBl6yLicn50e3FxDgIy8vz6uIXDusRMt0hDrjzmOT6m58\nYfPDJEnHEo/VyfZrqi7GV1/GJjE+V+buf3smXPFblCzr6n4IhYVlV/X4+i442E92e7HpGHXGncdX\nVWXJw8PmluNz57FJ7j8+ib89Vxcc7HfZ26udjg4JCZHD4XAu5+fnKzg4+LLrTp48qZCQkKvNChjx\n+ecHdOzYMdMxADQg1ZZwTEyM0tLSJEmZmZkKCQmRr6+vJKlNmzYqKSnRN998o8rKSm3atEkxMTF1\nmxjAFeMFBuqzhvz7We10dFRUlCIjIxUXFyebzabExESlpqbKz89PAwcO1PPPP68nn3xSkjRs2DB1\n6NChzkMDAOAOanRMOCEh4ZLliIgI59e33HLLJW9ZAgAANcMVswC4vIY8nQnXRgkDAGAIJQwAgCGU\nMAAAhlDCAAAYQgkDAGAIJQwAgCGUMAAAhlDCAAAYQgkDAGAIJQwAgCGUMAAAhlDCAAAYYrMsyzId\nAgCAhog9YQAADKGEAQAwhBIGAMAQShgAAEMoYQAADKGEAQAwhBIGAMAQShgAAEMoYQCX+Oqrr/T5\n55+bjgE0CF6mA8C1WZYlm81mOkatcKex/FTnzp3Trl27tH37dnl6eurGG280Hekn+e+fZVVVlTw8\n2OdwJRd+hhUVFWrUqJHpOHWG38o6sGrVKi1YsMB0jDqTl5en48ePS5JsNpvc4cqnF/+jfeDAARUU\nFKiwsNBwqp+XZVlq0qSJ7rzzTnXt2lXvv/++Dhw4YDrWT3LhZ5mVlSWHw+FWBXzh762goEClpaXf\nu90dXPh73Lp1q+bPn6+MjIxL1rkT9/nNrEdCQ0OVnZ2tqqoqVVRUmI5TqzZv3qw//vGPeuuttzRx\n4kRJcou9xwtjWLJkif785z/rX//6l1577TWdPn3acLKfz4Xvwdq1a5Wdna3S0lK9++672r17t+Fk\nNZefn6/f/e53kqQvvvhCkyZN0qRJk7R27VqVlJQYTlc7bDabtmzZookTJ2ratGmaOXOm83Z3KSib\nzaadO3dq9uzZuummm9SmTZtL1rnLOCWmo2vVihUr5OPjo9zcXHl5ecnDw8OtXoH/5z//0fz58/XW\nW29p9+7dmjVrls6dO6cmTZqYjlYrvvjiC61evVpz5szRq6++Ki8vL7Vo0ULl5eVq3Lix6Xg/i8OH\nD+vdd9/V/PnzVVpaqk8//VSLFi1S48aNdd1115mOV62QkBBVVlYqLi5OvXv31jvvvKMjR45o6dKl\nsixL/fr1k6+vr+mYV+XIkSNauXKlpkyZol/84hd6/vnnNW3aNE2ZMsUtXhBfkJaWptjYWIWHhyst\nLU379u1T06ZN9dxzz7nVOD2ff/75502HcBdZWVk6ffq0jh49qnXr1unAgQOy2+06cuSIQkND5e3t\nbTriT/btt9/Kx8dHOTk5OnjwoDZs2KAZM2aooKBAGzZsUGRkpOmIV+ziKejDhw+roqJClZWVysrK\n0uHDh/XCCy/o0KFDOnnypFq2bGk4bd243HHwr7/+WrGxsWrZsqX8/f21e/dubd68WWFhYQoJCTGU\ntHqVlZXy8PDQnXfeqX379mnFihX63e9+p06dOsnT01Pr1q2TZVlq06aNy76oKi4uVlJSks6dO6dR\no0apdevWuv3227V48WJ5e3srPDzcdMSf7MLv4jfffCNJCg4O1rvvvqv169erU6dOGjZsmPbs2aM2\nbdooKCjIcNraw55wLdiwYYMqKirUtm1bde/eXZWVlZK+O8mlTZs2Wrp0qfr162c45U+XlZWltWvX\n6tZbb5VlWdqyZYv+9Kc/KTQ0VOnp6bLb7Tp//rw8PT1NR70iF8pn5cqVysrKUlxcnDZs2KCioiJ9\n/PHHkr6bmvXx8VH37t1NRq0TFxfwrl27dPbsWfXs2VPe3t564YUX9Morr6h9+/bq1KmT8vPzFRwc\nbDjxD7MsS15eXjp06JAaN26sF198UaWlpZo4caIWLVqkQYMGqbKyUqtWrVKvXr1cam/4ws/p4MGD\natWqlUaPHq0PP/xQ27ZtU6/OjYooAAASFklEQVRevRQSEqKoqCiVlZWZjnpVbDab0tPT9cYbb+iu\nu+5SbGys3nrrLfn4+KhJkybKy8tTdna2mjZtajpqrWJP+CotW7ZMy5YtU7du3fTggw/q9ttvV6tW\nreTr66vKykrdddddGjRokJo1a2Y66k+yefNmzZs3T1u2bJG3t7dCQ0Pl4eGhvLw87dq1SykpKRo5\ncqQ6dOhgOmqNXfhHraqqSgUFBXrooYfUoUMHDRs2THfccYc++OAD5eXlac+ePdq9e7cmTpyogIAA\n07Fr3YUC/uc//6klS5aosLBQc+fO1XPPPadNmzbp448/1oEDB7R9+3b96U9/UqtWrQwn/mEXjpNO\nmTJFp0+f1tmzZzVp0iRt3bpVCxYs0N13363OnTvr1ltvrdcvJi7HZrNp8+bNmjlzpr799luNGjVK\nTZo00caNG3Xs2DGdOXNGK1as0IABA9S2bVvTcX+yrKwszZgxQ3/96191ww036MyZM8rKylJQUJDe\neecdzZ49W5MmTXK7F8Q2y52OcP/MCgoK9Pzzz2vq1KnatWuXVq9erdmzZ8tutys3N1evvPKK3nvv\nPdlsNpfbS5Qku92uSZMm6ZVXXtG5c+e0bNkytW3bVsHBwWratKn279+vnj17qkePHqajXpELJVxS\nUiJfX1/t2rVLv/nNb/Tyyy9r6NChOnXqlFatWqXz58/rtttuc+kpvsu5eA/4xIkTevnllzVr1iyt\nWLFC69at01tvvSVJ2rhxo3Jzc9WzZ896/z04e/asXnrpJY0bN0433HDDJeuefvppZWVlaenSpS75\nViWHw6E//OEPmjZtmgICAmS321VeXq6DBw9q27ZtatasmUaOHKlevXq59NvscnNzNXXqVHXt2lXF\nxcUqLS1Vfn6+oqKiNHbsWBUWFrrkYa/qMB39E3344Ydq2bKl2rdvr+eee05eXl6aPXu2SkpK9N57\n7ykhIUGzZ8+Wl5drfosLCwt16tQpeXt7KygoSP7+/ho7dqyef/55XX/99br33nt1xx13mI55RY4c\nOaKOHTvKZrNp4cKFSk9PV4cOHTR+/Hi98847evjhh2Wz2TRkyBA98MADpuPWmQv/SO/bt0+RkZEK\nCgrSI488okaNGunNN9/U3r17tWvXLufZ7/Xdv//9bwUHB8vLy0tbtmxxlnBGRoY2b96sV155RQcP\nHpQklyngC++NtSxLzZo1U+vWrbVmzRp99dVXatq0qcrLy3XnnXfqvvvuU2pqqhwOh06fPq0WLVqY\njl5jF14w7Nu3T1VVVfLz89Pvfvc7LVu2TOPHj1f37t11+PBhbdiwQa1bt1br1q1NR64TrvEbWc8s\nWbJEy5YtU1lZmUJDQ1VeXq57771X0nfTt7m5uSovL3fZKczNmzdr0qRJWr9+vfbt26eEhASdOnVK\nXbp00ciRI+VwOPTRRx+pqqrKdNQa279/v5544glJ353FvnXrVj311FP65ptvNH36dPn7+2v+/Pl6\n/PHHtWXLFsNp68aXX36p1NRUSd/tXc2bN0+SFBERoeLiYo0dO9Z5YozD4VB5ebnJuDWSlZWlF154\nQZ6enpowYYJOnz6tpUuXSpL8/PycY+jWrZvJmDV28uRJVVVVqVGjRvrss880Y8YMHTt2TD169FCr\nVq30yCOP6P/+7/80atQorVu3Trfeeqv69u2rXbt2udQL/qqqKuchhOTkZK1atUr/+Mc/1KJFC02f\nPl1t2rTR8uXLNXXqVJc4K/9qcEz4ChUVFWnWrFl66qmnFBYWppycHK1Zs0ZbtmzR9u3btXv3bj3x\nxBP1+izSH7Nv3z799a9/1bRp03Ts2DEVFBQoMzNTW7dulY+PjxYvXqz4+HitXr1at9xyi5o3b246\nco2UlpZq3bp1Ki0t1f79+3XnnXdq7969ysnJUe/evfXBBx8oNDRUPXv2VEREhMu+gPoh58+f18GD\nB7VixQpZlqUbbrhBS5cu1bBhwxQUFKTKykqtX79eH330kdLT0/WHP/yh3v8OV1VVae3atfryyy91\n7bXX6qabblJlZaXWrVuntLQ0rVmzRqNGjXKZ8xXOnz+vuXPnasGCBWrbtq3eeOMNtWrVSitXrlTH\njh1122236ezZs9q7d6/mzp2r+++/X+3atdO1116rHj16uMTJZjk5OTpx4oRCQkJkt9s1ffp0vfzy\nyyotLdX69etVVFSkJk2aOA8J/epXv1KfPn1Mx65TlPAVatSokY4fP67Fixdr69atCggI0IABA+Tv\n76/Ro0drzJgxat++vemYP9mZM2fk6+urkpISrVu3TpMmTVJpaamOHj2qLl266Je//KUCAwP12Wef\naejQofLx8TEduUYCAgKUnZ2t9957T71791ZsbKzef/99JScnKywsTNu2bdPatWv12GOP6ZprrjEd\nt1ZZliUPDw+FhYUpICBA69evV1lZmc6dO6fw8HB5e3urb9++6t69u0JDQzVhwgSFhYWZjn1ZF6Yw\ns7Ky9O2336pz585q0qSJ9uzZI19fX/Xp00cDBgxQ8+bNdddddyk6OtoljpMWFBTok08+0Z133qmv\nv/5a8+fP18MPP6x7771XwcHB2rlzp6Tvinrfvn0aOXKk+vTpo/Pnz8vDw8Nl3nK1ceNGJSQkqFev\nXurQoYOaNm2qnJwcffjhh5oyZYp27dql9PR0nThxQlOnTlXnzp1NR65zlPAV8vDwUNeuXZ3HRXv2\n7Kn8/Hx9+umn+tWvfiV/f3/TEa9K8+bN5e/vr9TUVN1zzz3q16+f9u/frzNnzqh///7Ky8vT3//+\ndz377LNq166d6bhXpE2bNurWrZvWrl0rT09PeXh4qG3bts5jilOnTnX5n9/lXCigFStWKDMzU/36\n9dOGDRuUmpqqs2fP6t1339WOHTt0+PBhTZgwQX5+foYT/zCbzaZNmzZp5syZSk9Pl2VZuvHGG1VZ\nWaldu3apqqpKnTp1Uvv27RUYGOh8TH135MgRtW/fXl5eXrruuut05MgRrVmzRuPGjVPbtm3VqFEj\nvfPOO/rtb3+rPn36OF8kucox7gu6du2qgIAAJScn65ZbblHPnj116NAhdejQQQMGDFBxcbGuv/56\n3XTTTerUqZPpuD8L1zmIUI/4+fkpMjJSu3fvVnp6urZv366kpCS3uMh4o0aNFBYWplatWuk///mP\nPvnkE3l5eWnu3Lny9/dXXl6eBg0a5JLTtWFhYQoLC1Pz5s319ttv69SpU/L09NQnn3yimTNnut37\nDy/2+eef6+OPP9bYsWPVr18/2Ww2HTp0SBEREZo2bZpyc3NNR6yREydOaMGCBZo9e7aWLFmiOXPm\n6Pe//71iYmJUWVmpjIwMde/e3VnAriIyMlI5OTmaO3eumjVrpoSEBL399tuaNGmS3nzzTYWHh6ui\nokJFRUUuMe383y7MRtjtdo0ZM0Y+Pj567LHH9Nprr8nPz09z5sxR48aN9d577+m1115Tx44dXWIG\nozawJ3wVvL295eHhobFjx7rMcaeaCg4O1rZt25SamqoRI0Y4T2zx9fV1+bIKCwtT+/bttWXLFvXu\n3Vv/+7//q9DQUNOxatV//wOWm5urL774QgUFBerUqZOuu+46hYaGatWqVfL09FR0dHS93QO+MJbc\n3FwdOnRI7du3V0FBgVauXKknnnhCb7/9tnPdY4895nLvA5akTz/9VK+88orCw8NVXFysY8eOafz4\n8dq5c6deeukl5eXlKT4+3mXfomOz2fTxxx/rtddec17JzMfHRzNmzNCvf/1rtW7dWl9++aXuuece\n5yd3NYQClnifMH5ERUWFSkpKFBAQ4JavSjMyMtSmTRuXvsBBddatW6ejR49q+PDhKiws1Jo1a9S6\ndWsNHTpUwcHB2rp1qzp16lSvL8QhSVu3btWf//xntWjRQpZlaejQoWrZsqVuv/12zZ07VzabTTfe\neKNuvvlm01Gv2N69ezVt2jQlJSXpF7/4hXbv3q0vv/xSLVq00ODBg7Vw4UL16dNHUVFRpqP+ZMXF\nxXr00Uc1ZcoUtWjRwnnZyaVLl2rWrFl6++23FRERYTilGUxH4wc1atTIOe3sbgUsSb169TIdoU4t\nXLhQaWlp6tOnjyZMmKBZs2apf//+2rhxo5YvX6677rrLJc48zcrK0sKFC/X666+rbdu2euSRR5SY\nmKi2bdvKZrNpx44deuaZZ+r9BUV+SHl5uaKionTw4EE5HA59+umn+vbbb+VwOFRUVKQHH3zQJa87\nf+GF+/Hjx3XixAk1b95cLVu2lK+vr86fP6+FCxeqZ8+eeuyxx1RUVGQ6rjGudVQfwA+6eFLr1KlT\n+uKLLzR79myFhoaqefPmeuGFFxQQEKDWrVurcePGLvHpV+Xl5dq0aZMOHz6svLw8SdLMmTPVt29f\n2e1251vmXLWAJaljx47y9/fXkiVLFBERoaSkJN133326++67NWbMGJcsYEnOzwN++OGHNW/ePKWl\npenJJ59UYWGhPD091bhxY23atEmjR492Xpe+IeKYMOAmLsxWlJeXy8/PT02bNlV6ero2btyof/3r\nXzpx4oRmz56t4uJiTZw4Ub/4xS8MJ66ep6enOnbsqHPnzikzM1O+vr5q06aNfHx81LlzZz366KPq\n0qWL6ZhXxcfHR7fccovuvvtutWvXTgcOHNCCBQs0cuRIlx5bVlaW5s6d63xR8c033+jjjz/Wrl27\n1LhxY82dO1fjx493XgnLHWfbaoLpaMDFHTt2TLm5uerVq5f++c9/avfu3bLZbEpMTFSzZs2Unp4u\nSYqKipK/v79GjRrlUme3t2jRQuPHj1dqaqr+8pe/OKfUf/Ob37jVW8qKi4u1atUqrVq1Sg8++KDL\nXZP9YhfPYJw8eVLt2rXTiy++qDNnzujIkSPOT7pyxWP4tY0TswAXVlFRoXnz5qmoqEitW7fWtm3b\n9NRTTyk1NVWbNm3S3/72N82bN0/Z2dmSpFdeecVlr8FbVFSk9957T4cPH1ZsbKxGjhzpdicMVlRU\nqLi42OXeYnU5p0+f1j/+8Q+dPn1aw4YNU1RUlDZs2KAvvvhCjzzyiFv93K4G09GAi6qqqpKXl5fa\ntm2rnJwcHThwQO3bt9fw4cMVExOj/Px8zZkzR1OnTpWvr68mTJjg0meCe3t7q3Pnzjpz5owyMzPV\nqlUrl3w70o/x9PR0+bcAXuDt7a1OnTopJydHKSkpKioq0gcffKAhQ4bU2yuymUAJAy7qwp5ERUWF\noqOjlZubq6NHj8rb21thYWHq1auX9uzZo5iYGPXo0cOlPmHnhzRt2lRt27ZVQUGBbrjhBpe5bGpD\n1bRpU4WHh8tutyszM1PDhw/X4MGD3W4G42pwTBhwMRf/A7Zo0SLNmTNHo0ePVt++fVVZWakdO3Yo\nLy9PLVu2VGZmpstd2rA6QUFBGj9+vEt+RndD5O/vrwkTJujDDz/Url271LlzZ3Xt2tV0rHrDvf46\nATd3cQFnZWXp9OnTmjt3rvLy8pSRkaGbb75ZAQEBWr16tdLT0zV79ux6/2lIPwUF7FoCAwM1YsQI\nde7c2e0OIVwtTswCXMTFBZySkqKFCxeqQ4cOeumll1RVVaUZM2YoNDRUUVFR+uKLLzRixAjnlYmA\n+uD8+fO8gPov7AkDLuJCAe/du1eZmZl66qmn9O2332rZsmXy9vbW008/rcOHD2v//v2Ki4ujgFHv\nUMDfxzFhoJ67eA/42LFjevHFF3XHHXcoJiZGAQEBevvtt2VZlsaPH68XX3xRZWVlLnuVJaChYU8Y\nqOcuFPCyZcu0d+9elZWV6auvvtLOnTvVrVs3TZo0SVu2bNGSJUvUrFkzjrkBLoQSBlzAihUrtGbN\nGt144406e/asSkpK9Le//U3bt29Xly5d9Oyzzyo2NtZ0TABXiBIG6jHLslRZWak9e/bo4Ycf1v79\n+xUVFaX58+erXbt2mjVrlnbu3KlOnTqpZcuWpuMCuEIcEwbqMZvNJi8vL11//fWaNWuWvL299eab\nb0qSrrnmGnXs2FHXXHON4ZQAfir2hAEX0Lt3bzVr1kwDBgxQYWGh1q9fr23btumee+5x2WtBA+B9\nwoDLOHr0qJYvX66DBw/Ksiw9/fTTuvbaa03HAnAVKGHAhVRUVOjMmTOy2Wxu8Uk7QENHCQMAYAjH\nhAEAMIQSBgDAEEoYAABDKGEAAAyhhAEAMIQSBgDAEEoYAABD/j8v7aVQdS0ZygAAAABJRU5ErkJg\ngg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + }, + { + "output_type": "stream", + "text": [ + "sex - 0.503\n", + "age - 0.198\n", + "fare - 0.129\n", + "embarked - 0.086\n", + "parch - 0.037\n", + "sibsp - 0.031\n", + "pclass - 0.017\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "Q2VCgsSBK9rr", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Grid Search" + ] + }, + { + "metadata": { + "id": "zajR4pDlK9uf", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "In our random forest, we have many different hyperparameters (criterion, max_depth, etc.) and many of the models we will see in future lessons will have even more parameters. How will we know what values to pick? We have to tune the values based on the performance they yield on the validation set. Scikit learn offers functions to do exhaustive grid search so that we can tune our hyperparamters. " + ] + }, + { + "metadata": { + "id": "4RMeG5C3gGPg", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from sklearn.model_selection import GridSearchCV" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "PmXiTM8PLKzT", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Create the parameter grid \n", + "param_grid = {\n", + " 'bootstrap': [True],\n", + " 'max_depth': [10, 20, 50],\n", + " 'max_features': [len(features)],\n", + " 'min_samples_leaf': [3, 4, 5],\n", + " 'min_samples_split': [4, 8],\n", + " 'n_estimators': [5, 10, 50] # of trees\n", + "}" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "aIhJ4Wupgmvy", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Initialize random forest\n", + "forest = RandomForestClassifier()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "cM6AE1Kigmyl", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Instantiate grid search\n", + "grid_search = GridSearchCV(estimator=forest, param_grid=param_grid, cv=3, \n", + " n_jobs=-1, verbose=1)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "NorCjCFSg3uU", + "colab_type": "code", + "outputId": "2c8bd43f-7c28-4847-f72a-b46e6f493306", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 275 + } + }, + "cell_type": "code", + "source": [ + "# Fit grid search to the data\n", + "grid_search.fit(X_train, y_train)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Fitting 3 folds for each of 54 candidates, totalling 162 fits\n" + ], + "name": "stdout" + }, + { + "output_type": "stream", + "text": [ + "[Parallel(n_jobs=-1)]: Done 162 out of 162 | elapsed: 3.8s finished\n" + ], + "name": "stderr" + }, + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "GridSearchCV(cv=3, error_score='raise',\n", + " estimator=RandomForestClassifier(bootstrap=True, class_weight=None, criterion='gini',\n", + " max_depth=None, max_features='auto', max_leaf_nodes=None,\n", + " min_impurity_decrease=0.0, min_impurity_split=None,\n", + " min_samples_leaf=1, min_samples_split=2,\n", + " min_weight_fraction_leaf=0.0, n_estimators=10, n_jobs=1,\n", + " oob_score=False, random_state=None, verbose=0,\n", + " warm_start=False),\n", + " fit_params=None, iid=True, n_jobs=-1,\n", + " param_grid={'bootstrap': [True], 'max_depth': [10, 20, 50], 'max_features': [7], 'min_samples_leaf': [3, 4, 5], 'min_samples_split': [4, 8], 'n_estimators': [5, 10, 50]},\n", + " pre_dispatch='2*n_jobs', refit=True, return_train_score='warn',\n", + " scoring=None, verbose=1)" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 30 + } + ] + }, + { + "metadata": { + "id": "NLPPr568g3xA", + "colab_type": "code", + "outputId": "83989349-eb37-4988-e5bc-0e4213523209", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 119 + } + }, + "cell_type": "code", + "source": [ + "# See the best combination of parameters\n", + "grid_search.best_params_" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "{'bootstrap': True,\n", + " 'max_depth': 10,\n", + " 'max_features': 7,\n", + " 'min_samples_leaf': 3,\n", + " 'min_samples_split': 8,\n", + " 'n_estimators': 10}" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 31 + } + ] + }, + { + "metadata": { + "id": "SAA7pZamg3zp", + "colab_type": "code", + "outputId": "08d9fef5-82e2-4cc5-8836-176a59610fed", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 136 + } + }, + "cell_type": "code", + "source": [ + "# Train using best parameters\n", + "best_forest = grid_search.best_estimator_\n", + "best_forest.fit(X_train, y_train)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "RandomForestClassifier(bootstrap=True, class_weight=None, criterion='gini',\n", + " max_depth=10, max_features=7, max_leaf_nodes=None,\n", + " min_impurity_decrease=0.0, min_impurity_split=None,\n", + " min_samples_leaf=3, min_samples_split=8,\n", + " min_weight_fraction_leaf=0.0, n_estimators=10, n_jobs=1,\n", + " oob_score=False, random_state=None, verbose=0,\n", + " warm_start=False)" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 32 + } + ] + }, + { + "metadata": { + "id": "FfrJFo6TiEBJ", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Predictions\n", + "pred_train = best_forest.predict(X_train)\n", + "pred_test = best_forest.predict(X_test)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "1VM5goioiEjQ", + "colab_type": "code", + "outputId": "4d25a809-a8d9-415d-ce82-e701364cfd67", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Accuracy\n", + "train_acc = accuracy_score(y_train, pred_train)\n", + "test_acc = accuracy_score(y_test, pred_test)\n", + "print (\"train acc: {0:.2f}, test acc: {1:.2f}\".format(train_acc, test_acc))\n", + "\n", + "# Calculate other evaluation metrics \n", + "precision, recall, F1, _ = precision_recall_fscore_support(y_test, pred_test, average=\"binary\")\n", + "print (\"precision: {0:.2f}. recall: {1:.2f}, F1: {2:.2f}\".format(precision, recall, F1))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "train acc: 0.89, test acc: 0.70\n", + "precision: 0.70. recall: 0.79, F1: 0.75\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "L0aQUomQoni1", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# TODO" + ] + }, + { + "metadata": { + "id": "iF1iNNhxLIpE", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "- regression example\n", + "- gini vs. entropy" + ] + } + ] +} diff --git a/notebooks/07_PyTorch.ipynb b/notebooks/07_PyTorch.ipynb new file mode 100644 index 00000000..035c88ce --- /dev/null +++ b/notebooks/07_PyTorch.ipynb @@ -0,0 +1,816 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "07_PyTorch", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "accelerator": "GPU" + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# PyTorch" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "In this lesson we'll learn about PyTorch which is a machine learning library used to build dynamic neural networks. We'll learn about the basics, like creating and using Tensors, in this lesson but we'll be making models with it in the next lesson.\n", + "\n", + "" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Tensor basics" + ] + }, + { + "metadata": { + "id": "0-dXQiLlTIgz", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + }, + "outputId": "d4ed17af-40a8-41db-ba6e-825ff9db2187" + }, + "cell_type": "code", + "source": [ + "# Load PyTorch library\n", + "!pip3 install torch" + ], + "execution_count": 2, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Requirement already satisfied: torch in /usr/local/lib/python3.6/dist-packages (1.0.0)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "rX7Vs1JxL9wX", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import numpy as np\n", + "import torch" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Nv0xryLkKujV", + "colab_type": "code", + "outputId": "d46d5e58-2195-40a8-841c-26b627541a83", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 119 + } + }, + "cell_type": "code", + "source": [ + "# Creating a zero tensor\n", + "x = torch.Tensor(3, 4)\n", + "print(\"Type: {}\".format(x.type()))\n", + "print(\"Size: {}\".format(x.shape))\n", + "print(\"Values: \\n{}\".format(x))" + ], + "execution_count": 4, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Type: torch.FloatTensor\n", + "Size: torch.Size([3, 4])\n", + "Values: \n", + "tensor([[1.1744e-35, 0.0000e+00, 2.8026e-44, 0.0000e+00],\n", + " [ nan, 0.0000e+00, 1.3733e-14, 4.7429e+30],\n", + " [1.9431e-19, 4.7429e+30, 5.0938e-14, 0.0000e+00]])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "vnyzY4PHL7c5", + "colab_type": "code", + "outputId": "70ed373d-e7e0-43cd-e732-51be86377721", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Creating a random tensor\n", + "x = torch.randn(2, 3) # normal distribution (rand(2,3) -> uniform distribution)\n", + "print (x)" + ], + "execution_count": 5, + "outputs": [ + { + "output_type": "stream", + "text": [ + "tensor([[ 0.7434, -1.0611, -0.3752],\n", + " [ 0.2613, -1.7051, 0.9118]])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "DVwGNeKxMXI8", + "colab_type": "code", + "outputId": "6a185aa3-96f2-4e29-b116-3de3025cff4d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Zero and Ones tensor\n", + "x = torch.zeros(2, 3)\n", + "print (x)\n", + "x = torch.ones(2, 3)\n", + "print (x)" + ], + "execution_count": 6, + "outputs": [ + { + "output_type": "stream", + "text": [ + "tensor([[0., 0., 0.],\n", + " [0., 0., 0.]])\n", + "tensor([[1., 1., 1.],\n", + " [1., 1., 1.]])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "BPjHnDmCMXLm", + "colab_type": "code", + "outputId": "c14c494e-b714-4983-eb90-665064830a14", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# List → Tensor\n", + "x = torch.Tensor([[1, 2, 3],[4, 5, 6]])\n", + "print(\"Size: {}\".format(x.shape)) \n", + "print(\"Values: \\n{}\".format(x))" + ], + "execution_count": 7, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Size: torch.Size([2, 3])\n", + "Values: \n", + "tensor([[1., 2., 3.],\n", + " [4., 5., 6.]])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "mG4-CHkgMXOE", + "colab_type": "code", + "outputId": "2b9ed2e5-9862-480e-d0ce-d231676d7f49", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# NumPy array → Tensor\n", + "x = torch.from_numpy(np.random.rand(2, 3))\n", + "print(\"Size: {}\".format(x.shape)) \n", + "print(\"Values: \\n{}\".format(x))" + ], + "execution_count": 8, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Size: torch.Size([2, 3])\n", + "Values: \n", + "tensor([[0.0372, 0.6757, 0.9554],\n", + " [0.5651, 0.2336, 0.8303]], dtype=torch.float64)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "L8X2-5cqMXRA", + "colab_type": "code", + "outputId": "af1c82ab-b8d7-4ea6-e142-7f8ed50fda40", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Changing tensor type\n", + "x = torch.Tensor(3, 4)\n", + "print(\"Type: {}\".format(x.type()))\n", + "x = x.long()\n", + "print(\"Type: {}\".format(x.type()))" + ], + "execution_count": 9, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Type: torch.FloatTensor\n", + "Type: torch.LongTensor\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "S2BRPaMvPbe3", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Tensor operations" + ] + }, + { + "metadata": { + "id": "Xrn8I76TMXT1", + "colab_type": "code", + "outputId": "556b9d7f-79da-415c-f85d-648c5394e3a3", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Addition\n", + "x = torch.randn(2, 3)\n", + "y = torch.randn(2, 3)\n", + "z = x + y\n", + "print(\"Size: {}\".format(z.shape)) \n", + "print(\"Values: \\n{}\".format(z))" + ], + "execution_count": 10, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Size: torch.Size([2, 3])\n", + "Values: \n", + "tensor([[ 0.5650, -0.0173, 1.1263],\n", + " [ 3.4274, 1.3610, -0.9262]])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "157fC9WsMXWf", + "colab_type": "code", + "outputId": "a6890b43-4c74-42c6-d654-f62b8c130403", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Dot product\n", + "x = torch.randn(2, 3)\n", + "y = torch.randn(3, 2)\n", + "z = torch.mm(x, y)\n", + "print(\"Size: {}\".format(z.shape)) \n", + "print(\"Values: \\n{}\".format(z))" + ], + "execution_count": 11, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Size: torch.Size([2, 2])\n", + "Values: \n", + "tensor([[ 1.3294, -2.4559],\n", + " [-0.4337, 4.9667]])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "G6316lAmMXZG", + "colab_type": "code", + "outputId": "3dce79e7-1b9f-4218-84cd-afbb16af7dd4", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 170 + } + }, + "cell_type": "code", + "source": [ + "# Transpose\n", + "x = torch.randn(2, 3)\n", + "print(\"Size: {}\".format(x.shape)) \n", + "print(\"Values: \\n{}\".format(x))\n", + "y = torch.t(x)\n", + "print(\"Size: {}\".format(y.shape)) \n", + "print(\"Values: \\n{}\".format(y))" + ], + "execution_count": 12, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Size: torch.Size([2, 3])\n", + "Values: \n", + "tensor([[ 0.0257, -0.5716, -0.9207],\n", + " [-1.0590, 0.2942, -0.7114]])\n", + "Size: torch.Size([3, 2])\n", + "Values: \n", + "tensor([[ 0.0257, -1.0590],\n", + " [-0.5716, 0.2942],\n", + " [-0.9207, -0.7114]])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "FCgDCOCjMXcF", + "colab_type": "code", + "outputId": "ff1e16f5-bcd9-407f-9c99-361a0b7f27f6", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Reshape\n", + "z = x.view(3, 2)\n", + "print(\"Size: {}\".format(z.shape)) \n", + "print(\"Values: \\n{}\".format(z))" + ], + "execution_count": 13, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Size: torch.Size([3, 2])\n", + "Values: \n", + "tensor([[ 0.0257, -0.5716],\n", + " [-0.9207, -1.0590],\n", + " [ 0.2942, -0.7114]])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "T3-6nGgvECH9", + "colab_type": "code", + "outputId": "9599adaf-1feb-4a42-d4b5-af23f1de5b2d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 561 + } + }, + "cell_type": "code", + "source": [ + "# Dangers of reshaping (unintended consequences)\n", + "x = torch.tensor([\n", + " [[1,1,1,1], [2,2,2,2], [3,3,3,3]],\n", + " [[10,10,10,10], [20,20,20,20], [30,30,30,30]]\n", + "])\n", + "print(\"Size: {}\".format(x.shape)) \n", + "print(\"Values: \\n{}\\n\".format(x))\n", + "a = x.view(x.size(1), -1)\n", + "print(\"Size: {}\".format(a.shape)) \n", + "print(\"Values: \\n{}\\n\".format(a))\n", + "b = x.transpose(0,1).contiguous()\n", + "print(\"Size: {}\".format(b.shape)) \n", + "print(\"Values: \\n{}\\n\".format(b))\n", + "c = b.view(b.size(0), -1)\n", + "print(\"Size: {}\".format(c.shape)) \n", + "print(\"Values: \\n{}\".format(c))" + ], + "execution_count": 14, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Size: torch.Size([2, 3, 4])\n", + "Values: \n", + "tensor([[[ 1, 1, 1, 1],\n", + " [ 2, 2, 2, 2],\n", + " [ 3, 3, 3, 3]],\n", + "\n", + " [[10, 10, 10, 10],\n", + " [20, 20, 20, 20],\n", + " [30, 30, 30, 30]]])\n", + "\n", + "Size: torch.Size([3, 8])\n", + "Values: \n", + "tensor([[ 1, 1, 1, 1, 2, 2, 2, 2],\n", + " [ 3, 3, 3, 3, 10, 10, 10, 10],\n", + " [20, 20, 20, 20, 30, 30, 30, 30]])\n", + "\n", + "Size: torch.Size([3, 2, 4])\n", + "Values: \n", + "tensor([[[ 1, 1, 1, 1],\n", + " [10, 10, 10, 10]],\n", + "\n", + " [[ 2, 2, 2, 2],\n", + " [20, 20, 20, 20]],\n", + "\n", + " [[ 3, 3, 3, 3],\n", + " [30, 30, 30, 30]]])\n", + "\n", + "Size: torch.Size([3, 8])\n", + "Values: \n", + "tensor([[ 1, 1, 1, 1, 10, 10, 10, 10],\n", + " [ 2, 2, 2, 2, 20, 20, 20, 20],\n", + " [ 3, 3, 3, 3, 30, 30, 30, 30]])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "hRtG5LShMXew", + "colab_type": "code", + "outputId": "b54e520a-8cd5-40a9-8b38-64919574dce0", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 136 + } + }, + "cell_type": "code", + "source": [ + "# Dimensional operations\n", + "x = torch.randn(2, 3)\n", + "print(\"Values: \\n{}\".format(x))\n", + "y = torch.sum(x, dim=0) # add each row's value for every column\n", + "print(\"Values: \\n{}\".format(y))\n", + "z = torch.sum(x, dim=1) # add each columns's value for every row\n", + "print(\"Values: \\n{}\".format(z))" + ], + "execution_count": 15, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Values: \n", + "tensor([[ 0.4295, 0.2223, 0.1772],\n", + " [ 2.1602, -0.8891, -0.5011]])\n", + "Values: \n", + "tensor([ 2.5897, -0.6667, -0.3239])\n", + "Values: \n", + "tensor([0.8290, 0.7700])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "zI0ZV45PrYmw", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Indexing, Splicing and Joining" + ] + }, + { + "metadata": { + "id": "iM3UFrs0MXhL", + "colab_type": "code", + "outputId": "bfcbbf13-d8a1-4fc1-f244-fd54068ca74b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 153 + } + }, + "cell_type": "code", + "source": [ + "x = torch.randn(3, 4)\n", + "print(\"x: \\n{}\".format(x))\n", + "print (\"x[:1]: \\n{}\".format(x[:1]))\n", + "print (\"x[:1, 1:3]: \\n{}\".format(x[:1, 1:3]))" + ], + "execution_count": 16, + "outputs": [ + { + "output_type": "stream", + "text": [ + "x: \n", + "tensor([[-1.0305, 0.0368, 1.2809, 1.2346],\n", + " [-0.8837, 1.3678, -0.0971, 1.2528],\n", + " [ 0.3382, -1.4948, -0.7058, 1.3378]])\n", + "x[:1]: \n", + "tensor([[-1.0305, 0.0368, 1.2809, 1.2346]])\n", + "x[:1, 1:3]: \n", + "tensor([[0.0368, 1.2809]])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "_tbpwGxcMXj0", + "colab_type": "code", + "outputId": "678e805f-f5ec-49fe-d8d6-0986a3c41672", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 153 + } + }, + "cell_type": "code", + "source": [ + "# Select with dimensional indicies\n", + "x = torch.randn(2, 3)\n", + "print(\"Values: \\n{}\".format(x))\n", + "col_indices = torch.LongTensor([0, 2])\n", + "chosen = torch.index_select(x, dim=1, index=col_indices) # values from column 0 & 2\n", + "print(\"Values: \\n{}\".format(chosen)) \n", + "row_indices = torch.LongTensor([0, 1])\n", + "chosen = x[row_indices, col_indices] # values from (0, 0) & (2, 1)\n", + "print(\"Values: \\n{}\".format(chosen)) " + ], + "execution_count": 17, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Values: \n", + "tensor([[ 0.0720, 0.4266, -0.5351],\n", + " [ 0.9672, 0.3691, -0.7332]])\n", + "Values: \n", + "tensor([[ 0.0720, -0.5351],\n", + " [ 0.9672, -0.7332]])\n", + "Values: \n", + "tensor([ 0.0720, -0.7332])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "tMeqSQtuMXmH", + "colab_type": "code", + "outputId": "9fa99c82-78d9-41f8-d070-710cf1b045c7", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 153 + } + }, + "cell_type": "code", + "source": [ + "# Concatenation\n", + "x = torch.randn(2, 3)\n", + "print(\"Values: \\n{}\".format(x))\n", + "y = torch.cat([x, x], dim=0) # stack by rows (dim=1 to stack by columns)\n", + "print(\"Values: \\n{}\".format(y))" + ], + "execution_count": 18, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Values: \n", + "tensor([[-0.8443, 0.9883, 2.2796],\n", + " [-0.0482, -0.1147, -0.5290]])\n", + "Values: \n", + "tensor([[-0.8443, 0.9883, 2.2796],\n", + " [-0.0482, -0.1147, -0.5290],\n", + " [-0.8443, 0.9883, 2.2796],\n", + " [-0.0482, -0.1147, -0.5290]])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "JqiDuIC-ByvO", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Gradients" + ] + }, + { + "metadata": { + "id": "qxpGB7-VL7fs", + "colab_type": "code", + "outputId": "a7964762-60d4-4e0e-bed2-b2d392804494", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 153 + } + }, + "cell_type": "code", + "source": [ + "# Tensors with gradient bookkeeping\n", + "x = torch.rand(3, 4, requires_grad=True)\n", + "y = 3*x + 2\n", + "z = y.mean()\n", + "z.backward() # z has to be scalar\n", + "print(\"Values: \\n{}\".format(x))\n", + "print(\"x.grad: \\n\", x.grad)" + ], + "execution_count": 19, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Values: \n", + "tensor([[0.7014, 0.2477, 0.5928, 0.5314],\n", + " [0.2832, 0.0825, 0.5684, 0.3090],\n", + " [0.1591, 0.0049, 0.0439, 0.7602]], requires_grad=True)\n", + "x.grad: \n", + " tensor([[0.2500, 0.2500, 0.2500, 0.2500],\n", + " [0.2500, 0.2500, 0.2500, 0.2500],\n", + " [0.2500, 0.2500, 0.2500, 0.2500]])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "uf7htaAMDcRV", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "* $ y = 3x + 2 $\n", + "* $ y = \\sum{y}/N $\n", + "* $ \\frac{\\partial(z)}{\\partial(x)} = \\frac{\\partial(z)}{\\partial(y)} \\frac{\\partial(z)}{\\partial(x)} = \\frac{1}{N} * 3 = \\frac{1}{12} * 3 = 0.25 $" + ] + }, + { + "metadata": { + "id": "VQtpZh1YD-kz", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# CUDA tensors" + ] + }, + { + "metadata": { + "id": "E_C3en05L7iT", + "colab_type": "code", + "outputId": "01b0eddc-db28-4786-ae48-a1004c838186", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Is CUDA available?\n", + "print (torch.cuda.is_available())" + ], + "execution_count": 20, + "outputs": [ + { + "output_type": "stream", + "text": [ + "True\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "za47KWEJ6en2", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "If the code above return False, then go to `Runtime` → `Change runtime type` and select `GPU` under `Hardware accelerator`. " + ] + }, + { + "metadata": { + "id": "BY2DdN3j6ZxO", + "colab_type": "code", + "outputId": "ec0ac0bd-461d-4b45-e131-cbf1d19c955b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Creating a zero tensor\n", + "x = torch.Tensor(3, 4).to(\"cpu\")\n", + "print(\"Type: {}\".format(x.type()))" + ], + "execution_count": 23, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Type: torch.FloatTensor\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "EcmdTggzEFPi", + "colab_type": "code", + "outputId": "0e3326db-8d3d-40aa-accd-b31ab841b572", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Creating a zero tensor\n", + "x = torch.Tensor(3, 4).to(\"cuda\")\n", + "print(\"Type: {}\".format(x.type()))" + ], + "execution_count": 24, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Type: torch.cuda.FloatTensor\n" + ], + "name": "stdout" + } + ] + } + ] +} \ No newline at end of file diff --git a/notebooks/08_Multilayer_Perceptron.ipynb b/notebooks/08_Multilayer_Perceptron.ipynb new file mode 100644 index 00000000..6853ae8b --- /dev/null +++ b/notebooks/08_Multilayer_Perceptron.ipynb @@ -0,0 +1,2043 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "08_Multilayer_Perceptron", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "accelerator": "GPU" + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Multilayer Perceptron (MLP)" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "In this lesson, we will explore multilayer perceptrons which are a basic type of neural network. We will implement them using PyTorch.\n", + "\n", + "**Note**: This notebook is an introduction to MLPs in PyTorch so we won't follow proper machine learning techniques to keep things short and simple (class balance in train/test splits, validation sets, early stopping, etc.). We will implement best practices in the next notebook.\n", + "\n" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Overview" + ] + }, + { + "metadata": { + "id": "qWro5T5qTJJL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "$z_2 = XW_1$\n", + "\n", + "$a_2 = f(z_2)$\n", + "\n", + "$z_3 = a_2W_2$\n", + "\n", + "$\\hat{y} = softmax(z_3)$ # classification\n", + "\n", + "*where*:\n", + "* $X$ = inputs | $\\in \\mathbb{R}^{NXD}$ ($D$ is the number of features)\n", + "* $W_1$ = 1st layer weights | $\\in \\mathbb{R}^{DXH}$ ($H$ is the number of hidden units in layer 1)\n", + "* $z_2$ = outputs from first layer's weights $\\in \\mathbb{R}^{NXH}$\n", + "* $f$ = non-linear activation function\n", + "* $a_2$ = activation applied first layer's outputs | $\\in \\mathbb{R}^{NXH}$\n", + "* $W_2$ = 2nd layer weights | $\\in \\mathbb{R}^{HXC}$ ($C$ is the number of classes)\n", + "* $\\hat{y}$ = prediction | $\\in \\mathbb{R}^{NXC}$ ($N$ is the number of samples)\n", + "\n", + "This is a simple two-layer MLP. \n", + "\n", + "* **Objective:** Predict the probability of class $y$ given the inputs $X$. Non-linearity is introduced to model the complex, non-linear data.\n", + "* **Advantages:**\n", + " * Can model non-linear patterns in the data really well.\n", + "* **Disadvantages:**\n", + " * Overfits easily.\n", + " * Computationally intensive as network increases in size.\n", + " * Not easily interpretable.\n", + "* **Miscellaneous:** Future neural network architectures that we'll see use the MLP as a modular unit for feed forward operations (affine transformation (XW) followed by a non-linear operation)." + ] + }, + { + "metadata": { + "id": "Jq65LZJbSpzd", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Training" + ] + }, + { + "metadata": { + "id": "kfi_YArvjzrg", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "*Steps*:\n", + "\n", + "1. Randomly initialize the model's weights $W$ (we'll cover more effective initalization strategies in future lessons).\n", + "2. Feed inputs $X$ into the model to do the forward pass and receive the probabilities.\n", + "3. Compare the predictions $\\hat{y}$ (ex. [0.3, 0.3, 0.4]]) with the actual target values $y$ (ex. class 2 would look like [0, 0, 1]) with the objective (cost) function to determine loss $J$. A common objective function for classification tasks is cross-entropy loss. \n", + " * $z_2 = XW_1$\n", + " * $a_2 = max(0, z_2)$ # ReLU activation\n", + " * $z_3 = a_2W_2$\n", + " * $\\hat{y} = softmax(z_3)$\n", + " * $J(\\theta) = - \\sum_i y_i ln (\\hat{y_i}) $\n", + "4. Calculate the gradient of loss $J(\\theta)$ w.r.t to the model weights. \n", + " * $ \\frac{\\partial{J}}{\\partial{W_{2j}}} = a_2\\hat{y}, \\frac{\\partial{J}}{\\partial{W_{2y}}} = a_2(\\hat{y}-1) $\n", + " * $ \\frac{\\partial{J}}{\\partial{W_1}} = \\frac{\\partial{J}}{\\partial{\\hat{y}}} \\frac{\\partial{\\hat{y}}}{\\partial{a_2}} \\frac{\\partial{a_2}}{\\partial{z_2}} \\frac{\\partial{z_2}}{\\partial{W_1}} = W_2(\\partial{scores})(\\partial{ReLU})X $\n", + " \n", + "5. Apply backpropagation to update the weights $W$ using gradient descent. The updates will penalize the probabiltiy for the incorrect classes (j) and encourage a higher probability for the correct class (y).\n", + " * $W_i = W_i - \\alpha\\frac{\\partial{J}}{\\partial{W_i}}$\n", + "6. Repeat steps 2 - 4 until model performs well." + ] + }, + { + "metadata": { + "id": "XtKqNioAayCy", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Data" + ] + }, + { + "metadata": { + "id": "X3OrtMpFayFC", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're going to first generate some non-linear data for a classification task." + ] + }, + { + "metadata": { + "id": "pvkfS3JZOMgB", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Load PyTorch library\n", + "!pip3 install torch torchvision" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "9NfIz_4OPYpG", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from argparse import Namespace\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import random\n", + "import torch" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "cdcWUP-tTHj0", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " seed=1234,\n", + " num_samples_per_class=500,\n", + " dimensions=2,\n", + " num_classes=3,\n", + " train_size=0.75,\n", + " test_size=0.25,\n", + " num_hidden_units=100,\n", + " learning_rate=1e-0,\n", + " regularization=1e-3,\n", + " num_epochs=200,\n", + ")\n", + "\n", + "# Set seed for reproducability\n", + "np.random.seed(args.seed)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "K2O38IuNayR5", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Generate non-linear data\n", + "def generate_data(num_samples_per_class, dimensions, num_classes):\n", + " # Make synthetic spiral data\n", + " X_original = np.zeros((num_samples_per_class*num_classes, dimensions))\n", + " y = np.zeros(num_samples_per_class*num_classes, dtype='uint8')\n", + " for j in range(num_classes):\n", + " ix = range(num_samples_per_class*j,num_samples_per_class*(j+1))\n", + " r = np.linspace(0.0,1,num_samples_per_class) # radius\n", + " t = np.linspace(j*4,(j+1)*4,num_samples_per_class) + \\\n", + " np.random.randn(num_samples_per_class)*0.2 # theta\n", + " X_original[ix] = np.c_[r*np.sin(t), r*np.cos(t)]\n", + " y[ix] = j\n", + "\n", + " # Stack\n", + " X = np.hstack([X_original])\n", + "\n", + " return X, y" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "q14QCqKxUS2v", + "colab_type": "code", + "outputId": "78bc9bff-0db3-41ee-8297-7377c20809a8", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Generate X & y\n", + "X, y = generate_data(num_samples_per_class=args.num_samples_per_class, \n", + " dimensions=args.dimensions, num_classes=args.num_classes)\n", + "print (\"X: {0}\".format(np.shape(X)))\n", + "print (\"y: {0}\".format(np.shape(y)))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "X: (1500, 2)\n", + "y: (1500,)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "jgVjStv8VnX2", + "colab_type": "code", + "outputId": "5eb7823c-34fd-4587-b9f0-c24f7e06d2dd", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 362 + } + }, + "cell_type": "code", + "source": [ + "# Visualize data\n", + "plt.title(\"Generated non-linear data\")\n", + "plt.scatter(X[:, 0], X[:, 1], c=y, s=25, cmap=plt.cm.Spectral)\n", + "plt.show()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAe0AAAFZCAYAAAC173eYAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzsvXecXNV98P29Ze702b6r3lYFVUAC\nDBbFgGQ6xpQg22AMjkliJ/h9jB1sEj/wBoyfOIlJ4kCS13Zel8SBgMGAbYoL2HQhIyQkEKorrbbX\n2elzy3n+uLMzOzuzRauyWul8Px99Prr3nnPvObMz93d+v/MrihBCIJFIJBKJ5LhHnewBSCQSiUQi\nGR9SaEskEolEMkWQQlsikUgkkimCFNoSiUQikUwRpNCWSCQSiWSKIIW2RCKRSCRTBCm0JRJACMGP\nfvQjrr76ai677DLWr1/P5z73ObZt2zbZQwPg5ZdfprW19ZD7LVu2jIMHDx6FEY3OkiVLaG9v51e/\n+hVf+9rXjvnzh9Pe3s6SJUvGbLd3717eeuutYzAiiWRiSKEtkQAPPvggv/jFL/je977Hs88+y3PP\nPcfFF1/MrbfeSm9v72QPjx/84AcTEtqTzfr16/nmN7852cMYN7/+9a+l0JYc1+iTPQCJZLLp7+/n\nhz/8IU899RT19fUAaJrGhg0buPLKKwmFQoCrrd17773s27cPgLvvvpsLLriAgwcPsmHDBm6//XYe\ne+wx+vv7+drXvsbll1+OEIKHHnqIZ555hmw2y8UXX8zXvvY1NE3j5ptvZvXq1bzwwgt84xvfYM6c\nOdx11120tLSQzWa5+eabufXWW/nHf/xH3njjDfbu3ctXvvIV1q1bx7e+9S1efvllTNPkj/7oj/jT\nP/1TAH73u99x//33o+s611133Yhzvuiii7j99tt5/PHHaW9v58orr+SrX/0qAM8++ywPPfQQlmVR\nX1/P/fffz5w5c/jOd75DX18fHR0d7Nixg6qqKh5++OH8Z1aOJ554gqeffpof/OAHfPWrX2XGjBls\n3ryZpqYm5s2bx8MPP4zf72f37t3ce++9dHV1YRgGDzzwACtXrgTgoYce4umnn8a2bRobG/m7v/s7\nIpEI3/nOd/JjufLKK/nMZz5T9OzHH3+chx56iFAoxFVXXZU/7zgO9913H6+99hqmabJmzRoeeOAB\nXn75Zf793/8dj8fDwMAAX/3qV0d8tkQyaQiJ5CTnpZdeEpdccsmY7T796U+LBx98UAghRFNTkzjr\nrLNEb2+vaG5uFsuWLRM//vGPhRBC/PKXvxTr168XQgjx5JNPiiuuuEIMDAwI0zTF7bffnm930003\nidtuu03Yti2EEOJv/uZvxP/+3/9bCCHEgQMHxPLly0Vra6sQQogLL7xQvPXWW0IIIf7lX/5F3HLL\nLSKTyYhEIiGuueYa8dvf/lZYliXWrl0rXn75ZSGEEN///vfF4sWLRXNzc8lcLrzwQvGlL31JWJYl\n2tvbxfLly0VbW5toaWkRa9asEU1NTfl73HLLLUIIIf75n/9ZnHPOOeLgwYPCcRxx++23i4cffrjs\nZ7V48WLR1tYmfvrTn+b733XXXeKyyy4TfX19wjRNcfXVV4unnnpK2LYtPvrRj4r/+Z//EUIIsWnT\nJnHuuecK0zTFu+++K8455xwRi8WEbdviM5/5jHjooYfy4zn33HNFT09PyfP7+/vFaaedJnbv3i2E\nEOK+++4TixcvFkII8dxzz4krr7xSZLNZkU6nxWWXXSZ+9rOf5cc4eP/Rni2RTBbSPC456YlGo1RX\nV+ePBwYGuPTSS7n00ks5//zz+e53v0symeTNN9/Ma3Nz585lzZo1/O53vwPAsiyuvfZaAJYvX543\nZb/44otcd911hMNhdF3nhhtu4IUXXsg/64ILLkBV3Z/hX//1X/P1r38dgNmzZ1NXV1d2P/rFF1/k\nk5/8JIZhEAgE+NjHPsYLL7xAU1MT2WyWc889F4CPf/zjo877qquuQtM0GhoaqKmpoa2tjVdffZUP\nfehDzJ07F4AbbriBN998E8uyADjjjDOYOXMmiqKwdOlS2traDumzvuCCC6isrETXdRYvXkxbWxt7\n9+6lp6eH66+/HoA1a9ZQXV3N5s2bWbFiBS+99BKhUAhVVTn99NNpbm7O3+/UU08t+tsNsmXLFubO\nnUtjYyMA11xzTf7aJZdcwk9/+lM8Hg9er5eVK1cW3XOQsZ4tkUwG0jwuOemprq6ms7MzfxyJRHju\nuecA+Ku/+ivS6TSxWAwhBBs2bMi3SyaTnH322YBrTg8EAgCoqorjOADEYjG+//3v8+ijjwJg23aR\nkKmoqMj//9133+Uf/uEfaGtrQ1VVurq68vcZSiwW45vf/Cbf/va3Achms6xatYpoNJo35Q+/dzmG\nttU0Ddu26evrKzL/hsNhhBD09fXlj4f36ejo4JZbbgFg1apVfOtb3xrxmeX6DwwMkE6nueyyy/LX\n4vE4/f39pFIpvvnNb/Lmm28C7gLrIx/5yJhzjEajRc8a2q63t5f77ruP9957D0VR6O7uzo9/KGM9\nWyKZDKTQlpz0nHbaafT09PDee++xbNmysm1qamrQNI2f/vSnBIPBomujeWfX19dz0UUXcdNNN405\njq985SvccsstfOITn0BRFM4777wR73nbbbdx4YUXFp3fs2cP8Xg8fzwRB7qamho2b96cP45Go6iq\nSlVV1Yh9Ghoa8ouciVBfX08wGCx7j3/7t3+jqamJJ554gmAwyIMPPkhHR8eY94xEIsRisfzx0M/i\nwQcfRNd1nnnmGQzD4M477yx7jx/+8IcTerZEcjSR5nHJSU8oFOLzn/88f/mXf8n+/fsB11npF7/4\nBc8++yxz5sxB13UuuOACHnnkEcDVwr72ta+NaR6++OKLeeqpp0ilUgA88sgjPPnkk2Xb9vT0sGLF\nChRF4cknnySVSpFMJgHQdT0vhC6++GIee+wxbNtGCMHDDz/M73//e+bMmYOmaXnN8IknnkBRlEP6\nLNauXcumTZvyZuBHHnmEtWvXoutHb30/c+ZMpk2blhfavb29fOlLXyKZTNLT08OCBQsIBoO0tLTw\nu9/9Lv+ZjMbKlSvZt28fTU1NAEWfeU9PD4sXL8YwDHbs2MHmzZvLfs4TfbZEcjSRmrZEAnzuc5+j\nsrKSO+64g0wmQzabZf78+fzzP/9zfo/43nvv5Z577uGxxx4D4Oqrr2b69Omjatrr1q1j165d+f3l\nOXPm8I1vfKNs2y9+8Yt84QtfoLKykg0bNnDjjTfy9a9/nZ/85CdccsklfOlLX+KOO+7gU5/6FAcP\nHuSKK65ACMGKFSu45ZZb8Hg83Hfffdx9990YhsG1116bN9mPl2nTpnH//ffz+c9/HtM0mTVrFvfd\nd98h3eNQURSFb3/729x777384z/+I6qqcuuttxIIBNiwYQN33HEHl1xyCUuWLOGrX/0qf/EXf8EP\nfvCDUe9ZXV3NXXfdxa233kowGOSGG27IX7vtttu46667eOKJJzjjjDO46667+Ku/+itWrVrFhRde\nyJe//GVaWlr44he/OOKzh3uqSyTHCkUIWU9bIpFIJJKpgDSPSyQSiUQyRZBCWyKRSCSSKYIU2hKJ\nRCKRTBGk0JZIJBKJZIpwWEJ7586drFu3jv/8z/8sufbaa69x/fXXc+ONN/LQQw/lzz/wwAPceOON\nbNiwga1btx7O4yUSiUQiOamYcMhXMpnkvvvu45xzzil7/f777+f73/8+DQ0N3HTTTVxyySX09vay\nf/9+Hn30Ufbs2cPdd9+dzxQ1El1dsVGvH+9UVQXo6zvxYjvlvKYWJ+K8TsQ5gZzXVONozKuuLjzi\ntQlr2oZh8N3vfrdshZ/m5mYqKiqYPn06qqpywQUX8Prrr/P666+zbt06ABobG4lGo0UZnE5EdF2b\n7CEcFeS8phYn4rxOxDmBnNdU41jPa8Katq7rI2ZJ6urqKsqvXF1dTXNzM319fSxfvrzofFdXV1EO\n5OFUVQWm/B97tFXTVEbOa2pxIs7rRJwTyHlNNY7lvCY1I9p48rpMdXNKXV14ypv4yyHnNbU4Eed1\nIs4J5LymGkdjXqMtAo6K0K6vr6e7uzt/3NHRQX19PR6Pp+h8Z2cndXV1R2MIEolEIpGccByVkK9Z\ns2YRj8c5ePAglmXx4osvsnbtWtauXcvzzz8PwPbt26mvrx/VNC6RSCQSiaTAhDXtbdu28bd/+7e0\ntLSg6zrPP/88F110EbNmzWL9+vXce++9+ZJ3l19+OfPnz2f+/PksX76cDRs2oCgK99xzzxGbiEQi\nkUgkJzrHfcGQqb4HIvdxphZyXlOHE3FOIOc11TjWe9oyI5pEIpFIJFMEKbQlEolEIpkiSKEtkUgk\nEskUQQptyZRACDGuuH6JRCI5kZnU5CoSyViYps1Pf/wOe3Z2Yxgaa86Zw0WXLZ7sYUkkEsmkIIW2\nZNKxTJuNrx4gmchy5to5VFT689eee/I9Nr3enD9+4ZkdzJgd4ZQV0yZjqBKJRDKpSKEtmVSyGYv/\n78HXaNrTC8Drv2/ik59dQ+PiWgBam6NF7S3TYdf73VJoSySSkxK5py2ZVF773b68wAaI9qZ45dd7\n8scV1f6SPl7v1C4gI5FIJBNFatqSI0YmbdF6MMrM2RUYXp2+3iTbNrcxd0EVc+ZXl+2TjGdLzu3d\n3ZP//8WXLaa5qZ+O1kLygld+u5ddH3ShoNC4uJb1V52CqipHfkISiURynCGFtuSI8Nar+3nm8W0k\n4yb+oIeVp01j+9YOErEsHo/G2RfM42M3rizpt2R5Pb99dlfRuVTSpK83SVV1gLppYRYuri0S2smE\nyb6drna+d2cPjoDLrll6dCcokUgkxwHSPC45bMyszdOPvksybgKQSphsfLWZRMzVok3TZuOr++nq\niJf0nT6rAmOYuVtVFYRTCO+yndFDvfbs6DrcKUgkEsmUQAptyWHT05UglbJGbZNJWbS3DpScDwQN\nlp82vejckuX1VNcG88ennjEDX2Bko5DPLw1GEonk5EC+7SSHTXVtAFVVcEbRiOumhThleUPZazd+\nZjV1DSE622LU1AVZd8WSouuLltaz4dY1/OH1Azi2oKs9TmdOaw+GDc4+f94Rm4tEIpEcz0ihLZkw\nQgh+9fMP2P5OG7pHJZux89fqG4IYPp32lhiqqlBbH0QZwVlM11U+etUpoz5rxWnTWZHTyE3T5s2X\nm4gPZDn9QzNpmB45cpOSSCSS4xgptCUTZuPL+/nVz3cgnMK5aTPCNC6pZeXqGfzwXzdiWe7F97d2\n8Iufbi/rjHaoeDwa517UeNj3kUgkkqmGFNqSMXn/3Q5efG4n0b4002aGaVxci99vsGN7R5HABpg1\nt5KPf/JUXnj6fVJJs+jagX19x3DUEolEcuIhhbZkVDJpiyd/soXe7iTgOp1tf6cdoMTrG9w9ZoCq\nmmDJtVDYexRHKpFIJCc+0ntcMirb32nLC+zhZDM2uqewT90wPcwFH10IwOqzZ7F01TSU3OXq2gAX\nfFSatCUSieRwkJr2SYoQAkUZO4vYjDkVeH06mXT5kC7LHBJPbdsYXvcrpWkqt/35h9j+Tjv9fSnW\nnD0bf8BzZAYvkUgkJylSaJ9ktDT38/PHt9PZFqemLsC6y5ewYEktul7e6DJtRoSzzp3DG7/fj5m1\ny7YZpLszyabXDuSdxBRFYcXp00ftI5FIJJLxI4X2SYQQgp/9ZCv7drspQKN9Kb6353VCYS+nLK/n\nuptOQysjvNdetIDO9hjdHQkiFV4UVcVxoLc7wUB/uqhtIGgck7lIJBLJyYjc0z6JiMeytAwrdenY\ngoH+NBtfPcBvnt1Z0sdxBP/9vbf5YFsXPV1J9u3uIxgy+LMvncsFH23E6yus+xqX1HLambOO+jwk\nEonkZEVq2ic40f4Uji2oqgkQCHiorPbT2VaaAxyKa1cLIdizs4emPT3s39tb1G77lnbu/ounMbw6\nCxZVUzctTKTCx9oLF8hqWxKJRHIUkUL7BMWyHP77P/7Ajq3tOAIWL6vjU398BhesX8hzP3uf2ECm\npE9lrna1ZTn86F/fZMf2ThxbgAIMyVDq2O5BKmny/rudrFozkzPXzj0W05JIJJKTGim0T1B+/6vd\nbHmrJX+8/Z12fv2LnZz54dlMnxXBae7HtgTZrI0QgvkLa1h3xRIONvXzyye3s/O9IZWzRi+yRdvB\n0kIgEolEIjnySKF9gtLZESs519MV5/H/3MKeD7rz52obgtzw6dNYsKiWTa8d4KlH3yVdpmLXtJkR\nlq5soKN1gPe2duTPK4qbBU0ikUgkRx8ptKcg8ViGJ/5rC837+wmHvZy3rpHTzyp2AJtWpohGZbWf\nHds7i851dyTwej0oisIbL+8vK7ABlq2axuXXLiOVzPLf//E2+3b1oHs0Tj1jBqd/SDqfSSQSybHg\nsIT2Aw88wJYtW1AUhbvvvptVq1YB0NHRwZe//OV8u+bmZu68805M0+Sf/umfmDNnDgAf/vCH+bM/\n+7PDGcJJyVOPvMvWP7QC0Ned5OlH32XB4hoqKv35Nueta6SjNcZ7W9txHMHi5fWsv/IUtm9pJzNE\nMIciXqpq3H6ZVHGucIBg0GD56dP56NVuFS5/wODCSxex+qzZLDylllBEpiaVSCSSY8WEhfbGjRvZ\nv38/jz76KHv27OHuu+/m0UcfBaChoYEf//jHAFiWxc0338xFF13E888/z+WXX85dd911ZEZ/ktLS\n3F90HBvIsHVTK+etK6QJ1TSVG29dTTKRRQgIhtz46bUXLuBXT+8gmTTx+nTOuWAewZAXy3JID8t6\nVlHl48v/70X4/W5fxxH85PubePftVmxLUD89xI23rGZuY/VRnrFEIpFI4DCE9uuvv866desAaGxs\nJBqNEo/HCYVCRe2efPJJLrnkEoLB0gISkokRqfAVhW3pHpWZcyrKth2e7OS8ixtZunIa77/bTuPi\nGmbMdvej33ylif7eVFHbhunhvMAG2PqHFt7ZWHBu62yL8+Lzu/jM5z902HOSSCQSydhMOLlKd3c3\nVVVV+ePq6mq6urpK2j322GNcf/31+eONGzfy2c9+lltuuYX33ntvoo8/qfnIJYuorg0Abm3pNWfP\nZsHi2nH3r60Pct7FjXmBDdDXU1oUxHGK3ca72kvju6P9qZJzEsmRw8Hr7cbvb0dRSrdvJJKTjSPm\niCZEaVzQ5s2bWbBgQV77PvXUU6muruYjH/kImzdv5q677uKZZ54Z9b5VVQF0vbQE5FSiri58ZO93\nYZgzzp7LxleamD2vigWLxi+wR+Lsc+fz2otNZDMFE/mSZQ1FYz/3wkZe/s0ekonCy3Ph4rojPr/J\n5kSbzyBTb15pYBPgft9CoU5gBVCwKk29OY0POa+pxbGc14SFdn19Pd3dhdChzs5O6urqitq89NJL\nnHPOOfnjxsZGGhvdfdfTTz+d3t5ebNtG00YWyn195ctCThXq6sJ0dZWGXx0Jlp02DeCI3L+2Icjl\n1y7jrVf3k83aNC6u5bz1jUX39oc8XH7tMl7/fRPZtM3s+ZWsu2rJUZvfZHA0/16TyVScV2Xldjye\nodp1lnR6H7GY+w6ZinMaD3JeU4ujMa/RFgETFtpr167lO9/5Dhs2bGD79u3U19eX7Ge/++67XH75\n5fnj7373u0yfPp0rr7ySnTt3Ul1dParAlhxbzr1oAedetGDUNmefP5+zz59/wv4AJccLAk0rzdqn\naXI7RnJyM2GhvXr1apYvX86GDRtQFIV77rmHJ554gnA4zPr16wHo6uqipqYm3+eqq67iK1/5Co88\n8giWZfGNb3zj8GcgOWyEENi2GLE8p0Ry7FGwbR1VzebPCAGmGRqlj0Ry4qOIcpvRxxFTXZs73jXS\nLZsO8tvndhHtSzNjVoRrNqyifvrY+zPH+7wmipzX8YPX20UodABVFQgBluWjv385bjL8ozMnn68d\nn68PEGQyVaRSx74e/FT8W40HOa9Du+dISNXqJCaVNHnmse207I8SH8iw870u/vN7myZ7WBIJAJlM\nHX19y4jHZxCNLiwS2EcDr7ebUOggHk8CjydJMNiC11saESORTCZSaJ/EvL+1vSQ2u/VAlNd/t2+S\nRiSRFOM4flKpGZhmJUdLYKtqGr+/Fa+3G2XIIxQFDOPE0wwlUxsptE8A0mmTrW+3Eu07NCeduQuq\n0T2lX4Etm1rKtJZIRsfj6SMS2U0ksguvt3PsDscBXm8vlZXvEwq1YhileQgcR5ZnkBxfyG/kFOeN\n3+/j6f/ZRjZjo2kKay+cz9U3rhpX35r6IPMaq9m9o7vovHCOazcHyXGIrscIh5vQNBsAw4gCCplM\n3egdJxmfrzM/ZkVxnd0GtW3T9JNMNkzi6CSSUqSmPYVxHMEzj20nm3FfOrYteOXFffQfgsZ985+c\nmS8YAqBpCitWzzjiY5Wc2Hi9fXnhB67g83qjR/gpDh5PFFUtDQWbKIpiDTuGdLqKWGwO/f1LEUIW\nxJEcX0hNexKxLIcd73ZQXRtgxuzyucMH6e1O8PabB6mo8rP6Q7PQNJVYNE1mWJEPxxa8+3Yr513c\nOMKdigmGvPzxF8/hld/sJZUyWbKsnjPXzp3wnCQnJ0KUrv8dZ2SdQFFMgsEWdD2JZQVIJGYihGfE\n9l5vB8FgG5pm4TgaqVQtsOywx21ZITyedP7Ytg3i8TmjjkUimUyk0J4kWg7088h/vE1bywAej8aq\nM2aw4dbVKEqps832LW08/qN3iA24GsbmjQf57F+cTTBkoHsULHOIOVuBJSvqD2ksDdMjXHfTaYc1\nH8nJTSpVj2H05wWgbXtIp4ebxh0UxUYInYqKnXg8rkXI40mi63H6+1eUvXcwuB+/vytvtlZVG7+/\nE5jF+JzTbPz+LkCQTtcWCWRXQCt4PAkcRyeVqh9y3dXsbduH4/jL3vno4qBpWWzbQBpFJYNIoT1J\n/PoXH9DWMgCAadq8/UYzy0+dxqo1M0vavvbivrzABti5vZN/+dvfM3dBNavWzOTtNw9CTm4vWVZP\nfcOJmd9XcnygKFZOsy4IEiEMotEl+HxdKIpDOl1TJOj8/nZ8vk5U1cKyvOh68RaOrqcJBvfl+tZj\nWe53WNMS+HzFXt0AqiqAKFBJKQJVTREMtqLrSVTVQlUdAHy+LqLRhThOYPBOJJMzCYWa8HjihMMH\nSKfjZLMRQqEDeDxpHEclna4hkTh2Fiivt5dAoBVNS2NZPpLJmWSzVWVaCgKBFgzDLdebyVSTSsnt\nrRMZKbQniWhfuuhYCGhvibFqTWnbVLK0ulHzvn6a9/Uze34Vt/8/H2b3B93MnlvBitPlD1ZydFDV\nDKHQfnQ9gRCuVppOFxy1hPCUFRiqmiIQaENVB53UUpRL6RQI9ADg8/URj88gnZ6RE7qljW1bQ9Nq\n0fV+fL5uXC26Bl1P4vd3o6pp1DLKqa5nCQQ6icfnDXluCz5f/5DjdgwjmrcaqKqD399NJlOdX0wc\nSXy+rly4mUM2GwGWEAi0oOvuQt3jSRMItJDNVjBc4/b5OgkE2vOLGl1vRdNSxOPj2x6TTD2k0J4k\nps+KcGBfX/7Y69M5ZWV5s/a8hdVFbYfSvK+P9pYowYCH115qYtNrzZx13lyWn3rsMzlJjmcy+P2t\nOI6HTKaGwZf/4N6ypqWwbR+JxIwRna+CwYN4vQO5I5tQqJlsNoTjBEd9stcbzQvskRgeHx0IdOTi\npPtxHKVIcNu2imUF0LTNVFZm8n0Now9VFSjK6NEPw53PdD097DpF6VPdcwKPJ3HEhbauDxAMNuct\nAa4FwlOSd13X06iqieMU/208nnjJZ+f19pFMpibJpC852kihPUlcecNyeroSNO3pRVUU5syrYuYc\n19SXzVg4QuDzuXtrV1y7HEWBfbt6aW8dyHuLD/KbX+4kkTDzJvJ9e3r5k//lz99PcnKj6wPAfkIh\nVxBks71Eo4sAlUhkN4aRyLVMoGlZotHFlNsr1vXiinuKAuHwAaLRpYCdC5nShly38Pvb0PVkUSjV\nYF/HKYRZDdeKFcUmGGzN9xHCjZk2zSCW5SMY7MjfZxBNc8b8LIQgp80WcPeMi9vYthdNSw5po5HJ\nFH5PipJFVbPYdhBQ0LQ4qmpjmhEOJQmM19ufF9iF+SSwbV/RYsKyfDiOUdK/XBy5qroLpVRKCu0T\nESm0JwnHFvR2J7FM9we7a0cXP398GwBb/9CKZTksPKWODZ9ZjcfQuOqGlQA8+7P3+M0vdhbdKxEv\nNp8n41k2bzxYIrSFELz24l6a9vQSrvBx4aWLCUdkSMuJgK7H8Pl6EUIhlaor0rICgU6goLkZRgyf\nrwvTDODxJIru4/HEUNVsiUYHIESpMHI19f14vf2AwDTDxGLzAYVweA9eb2xI/2Ihq6qQSlWSStVT\nVbWzZN96uJBXFAvDiOHxxErajvQMcBcHjmPgOAaZTGVJ7HgyOQNNy+DxxBFCJZOpIpGYQTh8AF2P\noSgCIRQCgXbi8TkEAq34fF2oqo1l+RBCz32OAtMMEostKPn8FMXK7VFn8nvUoOI45bzUDRKJ6pyJ\n3N3TTiRmUm4xkExOw+frKRL8jgPZrPRrOVGRQvsokUxkSadMamtLqxI5juDJn2ylt7tYc9n2dht9\nQ9KKbnmrhaqaAFdetzx/bv0VS3jjd00k4gXz3aC2MhSvv/RP++yT7/HbZ3flj/fv6eXzf3kemiY9\nU482uh4vegknkzOxrCNTsUrXB4hE9uTjpL3efvr7F+M4PqDUHAygqiZeb19Z4TdUWx5KOl2FrrcN\nE6ZKkWe3prnFNpLJaSUpQMs9y22jlAjbcnverjY+sjZt2yqmGcIwYvkiI7atkkpNI52egabFCQQ6\n8Hp3YppBkskZuILTSzS6BE2LI4QHVTUJBDqwbQ2PR6CqAlW10PVuhLDw+QbyQnJouJg7nwSBQFvR\nnjlQtIDxeqNoWpZYrDFnQVBRFAdFIeekpxMItObDz1yTfPlVihBe+vuXEInsRtNMHEcjna7PWQAk\nJyJSaB9hhBA889g2/vBGM+mUyeKl9Vx306lUVgfybR7/8Tu881ZpqlDbLn1TtbcMsG9PD+Gwl9r6\nELpHY+2F8/nNL3fm2y88pY796IBCAAAgAElEQVSO1hgDUfcFMnNOBWs/UloXe/uW9qLj/Xv72La5\nlVPPmHVYc5aMhSAUas5rtZpmoqoH6O9fypHIp+33dxUlNtG0LH5/F4nEbABMM1yUotO2NdLpGny+\nnpJ72baBEIOvBQe/vxNVzWCaIdLpBvz+TnTdfZbjKNi2kXeYGsQ1+WYZD5pm4/f3lRHSCo5DWSe0\noQyazbPZCOl0LbbtIxLZiWGkURTQddeJLJ2uJRJpypucDSOGotg5j3CbcLgpp2k7qKoz4nMNI1mk\n1ZZj+Nw1LVWygPF4BvB4+ggGW4ue5TgCaMHjAY8nhWHE6elZxWivatsO0te3Ck1L4ThD/36SExH5\n1z3CvLe1nVd+swcn97t+/90Onv3Z+3ziNtctPNqfYusfSgW2z6+z6JRa/vDmwaLzB/f38dD/eRmv\nV+PUM2Zy/adP56NXL2X2/Cr27OymYXqENWfPprc7wVuvHcDn0znnI/Pz++FjoShSyz7aqGoWXS82\nQ7te0Zm8Njy++2TweGJksxGEKN3fLKYgCJLJGQSDHkyzJ6eJ1eI4ftLpOrzeXnTdFTKO45pbB/tH\nInvyWc2EcM3pgwIbXOescuZd14EsmdMaM7n+pZr0SCZuFw1VLbUQFPefycCAl2y2Ck1LEQodQNcT\nJY5oup4lGGwvcTjzeFxBGgy25Mpxjo1leVFVu8ixbvhcLMuPolj4fG5seDYbRghXmx4yA7ze3pLF\ngcdTLPBV1SEYPEgiMW+MkSnYdmCMNpITASm0jzDN+/ryAnuQ7s7CCzuTtjCzxY5kmq7w6T89i8bF\ntdhC8N6WdizLIRj0EBtwf8SZjM3GVw+waFkdp581m6Urp7F05bT8PWrrQ1x2zegZolacPoPOtg/y\nWs28hdWsOF16mR9tHMeDbXuLNFJ3j3X8Wbf8/jb8/nY0zUYIcnun83EcH5lMNYYRzWuAtq2TTtcM\n6a0AjfT3F0cnuGbhRQSDrXg8A6iqTTDYhqpaOe28kIbU1VqLY6sHHc9M03WaGi6ETTNMJlOdc9jy\noGlZdD2DbRsYRrFpftDJzE0m4kfTkmhasdAeFI5CuPHIPt8islnXghAKNZct+OF+Hh5MM1BmoeAu\nWIfPaziD/SzLSyo1E9NM5CwQVk6zNdF1K9dWAwSVlTvyiwTL8mKaobznvRCu09x4FwrltjckJy9S\naB9h5jZWo2oKzhBTd119YX+priHE/EU1RUU6TlnewOJl7gv1ps+dSXdnnGzW5sn/2kJsoLfo/m0t\nMU6f4Ngu/dgpVNX4adrdQzji4yOXLEJVj159YskgKqlUPYGAm4bTtjWSyXqg/N7xcFwv7OLCFoaR\nIBzeQzS6jGy2iljMTcghhJsIpHRPM0EotB9FschmK8hkalEUE8Pow+OJ5e+tae5+bjxe7tWgMFSD\nB9D1RFmBLYSC46hoWgohVEwzQipV8NoOhfbi8/XmhXA6XUsyOavo+tD9YiEgFpsJaHg8sZwn+yb8\n/gip1HQ0rViLHsS2PSST08hma8hme/OC002YUpdvMxK2rZNIzMzlJK8GNCwrRDpdh8fTTyTSNMz7\n2yYQ6Cz6PNzFmk0yWYthRNF1M9e2sHfvLgp8OA4YRmEurvVD5l6QFJBC+whzyooGzl/XyB/eOEg6\nabJ4WR2XXVvQgBVF4VOfO5Pnn3qfnq4E9dNCXHrN0qJ71Na7DkoNM8Ls210Q2pqu0Li4homiKApn\nnzePs8+bN+F7SCZGOt1AJlOFYQxgmpGy4TsjoaoZVLU0wY7Hk8LjGcA0K8hmq0bImOV6eMMu/H7X\n8dHr7culHI2XaLPu82wUxcE0g0PCwSCbDaBpTj70a9AMPhzXIayCQKArb6o2jBj9/YtymchE7hmF\nPrqexOPpxzQrAAXTDOWFOgzun0dyXvIFLT0YjGPb3lyIllk0hlhsLpYVyaclHRhYiM/XjapmyWYr\n8jHXyeSM3EKg+DO2LINYbMEIDoMqXu9A2f3tcmZ/XbdQlP6cdcUsaptMVmNZETKZKhTFobZ2H7Yd\nB1QSielDsrdJJFJoH3EUReHK61ew7oolZNIWCxfX09VV7IQSjni5/mY313cqleXlX+8lPpBhyfJ6\nlp9WMFdfcd1y4rEM+3b34vN5WHPObJYsl6UCpypCGGQytYfcz7YDWJY/n6t7KOMxsbsZwwrCdTBp\nSbmMYe493axgQoBleXJpQAWGkSCdrkVRrPw+eDmy2RpUNVu0t6xpJj5fD8lkAF2Pl5jevd4BDGOA\ndLqGeHx+zlGMIf0FkchuLMtXEgpmGDESiRkoipt21LY9pFL1mObwBa5KOl3YIlBV19Erk6mkv38Z\nFRUf5LV7y/IRjS4YVWCWK5JSuFYqvF0rS2lMuBAKmpakqqotd7aB3t5FgIJh9BKJ7AKcnLOduyXm\n93egaWls20cq1cCRcGiUTA2k0D5K+PwefP7SF+qObR1sfbsVr6HxoQvm8fiP3qEpp01vfHU/V1y7\njPPWLQTAHzD4zOfPJpO20HQVXZdOYyc+Ap+vE11P4DhGzjFMJx6fnatXnR1S7zmQy6ZlY1l+EolZ\nI1SnKhdfPfIIXGE+uEdbaKuqAp+vp2xCj0Esy61BHQyWOlsOjkNRrLLPVxTw+XpJperKxoQP1aSH\n4jgeLCtCf/8yNC2J4/jG9KAOBA7m9qUdAoFWEomZ9Pcvw+vtQVEcMpnaEUPfBnGLpESLfBUGk7dk\nMtWEQk0lCyPL8uXCx7L5OQ+mby18JgfwehXAIRxuHpLxzQ2Pc1O1FixwXm83bnERO+dN7yOVqpvQ\nAnF0BguYeJGLhMlDCu0jRCKe4c2X96NpKh86f26J93a0L8UTP9nC+1vb845q77x1MO9oBmCZDps3\ntuSF9iBeX/GfSQjB1k0ttLXEaFxSy6Klw6spSY4nRkt8MpxgsBm/v7AnqusJBgYWY1kR+vpWYRi9\neDyuVurxJPPt3P/bxGILS+6ZTtcRCrUwdD96dM/tAqWFOpyc49mQ763lI5msz+371gBuSJnHM5Df\nK3eduFwt1zQrc4ldSk3riiLQ9QyWFUCI3jLjtDDNgtUhmw3lNE0AFdseO/ZdVdP4/V1507ammfj9\nnWQyNSWJV0bDcXz095+SL5Iy6HDomvjdIimqWrzXbttBHCcLFOdZGI7HE8MwomWsCv0lFpfhseKa\nlkDTkphm8IilMvV6u3I+GdlcspfZ+XlKji1SaB8B2g4O8MN/fTPvJb7p9QP88RfPoaLS/cEMRNM8\n/Hcv09NV/JIaKrAHsWyHaF+Kja/sx/DpnH3+PLze4j/T4z96h42v7kcIeOmFXVx8+WLWX3nKUZqd\n5HBwnZX2DSmWESUaXTRCqJcoSXhiGDFCoX3E426WsWw2QiBwsKx52uOJ4yYfKah3ruexAIJAwbva\nNX370bQ0iiLGLcRt293nNc3OXDlL19Fr+HxMs5KBgUV4vT0IoeZKXg6ahhUGBhYQCLRhGNGifXXL\n8pHJVFJZ+UHZMTmOn/7+JXi9fUQiQaJRH6NrfYMLlUIbTUuV5EJ3Y6vFGPcqc/eSIimCYPAAXm8U\nIewiS4Vp+kmna0vC/8qZ0l0P83L52kudAcuhqoJIZB/9/eOrOe5uFcTIZivL+FvYuVrm7nfO40kT\nDLbQ339oKVslRwYptI8AL/92T1FYV9vBAV75zR6uuM6tD/zqi/tKBPYggbBBMlZ4AU+fEeE7/+f3\n9Ocyo21+o5nbv7SWQND9IfV0JXhn08G816llOmx6rZkLL10szefHFTaBQDteb0+RgND1DD5fF8nk\n7JIebsGLYhPwoMk4m42QzdZSUbGnJJZ3KJHIboTQSKVq8Xr7c4sAAfixbR1Ns/IhU266Ude8ahj9\nGMZAUdywK9i92LYPjyeFbRukUg25Cl8zSI0eKYVlhUbM+uY4PuLx+SiKRTDYjK4n89sBrvm4nIOb\nh2RyOqDlTL9hIFbSbhC/vzXnzGbn0qvOA1xP9qEx5O5YA4xes3rQ4Wz035jf304g0JU/dj/rEJYV\nJpWqz4WXOTiOhltbXM2Hww36AChKJanUzFzmtOJ4cFU1sSxfWQfA4aiq67U+VpSC399CINCJqtrY\ndgvJ5MyivX+PJ5kX2INoWobB2uiSY4v8xI8A6VTpXlsqOVR7KF/hyOfX+fTnzuDtt1pIxDLMX1jD\nwf19eYENcPBAlFd/u5f1V7madGwgTSZdfL902sSybCm0DxOvtxfYTWVllmw2nAtBmogm4TpNDc27\nPZSRqlCVqxvttgfDiJPN1uYTgpQ8UYCqWvmQJo/Hjdsu3C9ONluBbYexLF/eSxsgk3H3P6uqtuVe\n9AVisQW58DEHjyd6SF7v40EIPWdFGIpTEtdu2xq9vUuB8T3f4+kvKjiiab3Ytk4yOQfQcjnEB829\nfuLx0kVUboR5zRkgk6kgkZjDSN+LckVVHMdLMjkTw+giHC5U9HKd0NyF3NDCKDAj12dGLl95IdTP\ndbRTSSZr0bQMqppB09x64aUau1IyTo+nn0CgPSf8/SQSM3JbBYMhfzZ+fwfpdC2DCxTTDGDbRpHg\ntm3vmHv+kqODFNqHiRCCzDChraqwZHlhpXrG2bN59bd788VBBrny+uUsXFrPwqWFtv/xnddLnpEa\ncv8586uZs6CKA3sLiRnmNVaPOwOapDya5sYxg51LIZkE1Fxhh0PD9Y4eWbgahutE5KYZLbxUFWXk\n8pVuutCBEa5puYQlhcVeuYpXXu8Avb3zRnRWS6erCQYLucUzmUpsO4imJQmH9+HxpHAchUymKm+u\nPzqoJJPTCAZb0TRziIY9/gXDcO9zKE6iYpoVRKNj78n6fB1FudUDgS4cx0sqNa1s++He4eAm0vH5\nuggG9xc5pilK6d/JfU4/ECCdbsBxVCKR/cM86V1N3TCy+W0SN8+6VpSxLputpHirxM5ljcvmPo8M\nul4a9qeqForiDPGO10gkZuQWOZmcsC9fwERy9JFC+zB54/dNfLC9q+ic48C2d9pYudrd65o+q4JP\n/fEZPPmTLcTjWXw+nXMvbuTs8+ezf28vb7/RjKIonHXeXBYuref9bR2I3G/Z59dZtbogOFRV4RO3\nreGFZ3bQ251k2owwlw8pKCKZGF5vX8k+p7tHfOiU06TdPNqDmcUsNK0T2/YVmSHdYheJkr62rZNK\nNRQ5qA0iBPT1rSAcbgJGt1e73t9dw/ZgC6RSM7HtAB5PLDc21ykrEGjLOz+59+glm60gm514zoCx\nyGTqyGYr0fU4lhUaYaFRjKqm8HqjmGYI2y71GZiIlUDXk2WE/8im6VRqGh5PMm8RyWYjJJPTqKjY\nNWKIXSmFufp8/SPsd2eLLBGuRu8jkYigqhlsOzDEQc/FMPpKfCF03U32M9QM7zoBFouGTKY2l93O\nzH2OUmBPFlJoHyb79/aWPb97Rzd7PugiHHJfHitXz2Dl6hmkkibptMlzP3ufb3391255TsuV0Nve\naePWL3yIy65ZxgfbOtANjbPWzmHewuqie9c1hPjUH59xdCd2klEu3tlxRjb/eb29+P0dKIqJZQWJ\nx+fkBYtphnNpQAvatuN4i0zPbqhPK5qWJJmcRih0MCcsFTStWOi749AwzVBe+A+SzYZyzlC1Oa3J\nzo3Bh6qaZZyZRn/ZlkvSMnw/0114pMmOoybIoINTJlM1LsE7FCE8mGb5hDHD8fk6csU3bBzH9dJP\npytzZm2BZQVy2vrguNIEAq05M3EgXypzOOUEfTlteuiYo9HF6LobnuXu6SvD8o4Pti11QMtmgxjG\nbGDQI7y0n237clsWxWlQhShYhhTFJBzel4vlNkgkZmBZfoRQShaVQihkMmE0LYNt+4nHR7IuqWVL\ntkqOLVJoD0MIwY5tnbS3DLBy9QyqawM8/T/v8sH2TlRV4bQzZub3lwEqqsqHVMSiaf7171+lpi7I\nxZcv4qxz5wHgD3j4r+9tYse7HSV9+ntTbHz1AB//xCouumzxUZmfpDxu8Yy+fP7qQaercihKlmDw\nQN6s6GovCrHYYGU11zvazRWexbKCKEoWXe8suo+mWQQC3bksXYXzw1/mmpalsvI90uk6UqmGXC1n\nB9MM5UtAmmYV0aiRK0JhoesJVLXYe9myfLm9ykPDTexSsAA4jko2O7ZpuTgWuo1EYuYRix12twoO\nEgqZpNPVuee4C5TBePK+vuUkk1lU1cY0h3o6O0Qie/MhZ15vDFW1yuytuwVUdD2JYbhbE9lseETT\neAEFy4oUnclkKoq0djdrXBivdwBFEdi2gmUFc46IGwmFwsTj88hmI0WmftvWiEYb8yb3QW3b3bYo\nWD7C4ab8PvygI1l//1IymQheb3TYYkFnYGAxxQs6gabFAS1XiMTOhba5KWelA9rkMeFP/oEHHmDL\nli0oisLdd9/NqlWr8tcuuugipk2bhqa5msrf//3f09DQMGqf44VHf7CZt984gOPAS8/vonFxDVvf\nbstf/9UvPqCqJkAmY5FNW5xxzhya9vSyZ0gucRgssed6e//mlzs5/azZeAyNVNLkwAjaOYBjj172\nT3K0UIlGl1BXlyQeH8i9mMprhj5fb8k+oKYVm0yF8BR5iCuKhWHE0PVUmdjn4uPBnNRDk5qoahJN\na8ZxtPw+qOu96xao8Ptb8XoHcBwlZzotqMGOo6Kq04hGqw9Z2wVIJGahKDYeTzxXJaxuzFrgqpop\nEwvdkRMsh2daHawfDjZ+PyXFR9zn27n91zD2MGODxxMtiRF3zdnlQr50BgYWoWnuosXVcA99/KnU\nDITQMIwYjqOTTDbgOAFSKTfe3jT9VFbuys/D7+9BVS0GBhbiZkYbyIfOOY4fXY/n0tO6OI6KbbsK\nhKLY6Hrx1o6uJ9H1OLHYQlT1/bz3uevdXlk0J0UxiUT25LaHFLLZEJpm5X0CvN5uBgYWjlGhzskt\nWgezto210JGMlwkJ7Y0bN7J//34effRR9uzZw913382jjz5a1Oa73/0uwWDwkPpMNk17e3jnrYP5\n5CeJeJadO4btV9tuvexE3H0pvv5yEzd9bg2JuMmObR1Yps1brx4oqvTV05WktydBw/QIHkPDHzBI\nJko9zoNhL2vOHsmLVXL0UYBppFLDi20UU65ilON48Hj68fu7AZtstoJ0upBeUtPSudSeY49i8N7D\nTeFunefCF8vjSeH3tyOEXuRANrw2tdundsKe30LoxGKNlIt5HglNS5aJhTaZSCz0cNxF09D64U6u\n6Efhs7Es/4gLCyH0MqVC1VHGpYwracvoKKTT0/JpSAvjjGBZEUKhPWX2zmMj9vP5uoqc2HTdJhg8\ngGWFyGQiOU24+PM3jF4sK8zAQCOBgPt9yWZDJb4JgUDrkIppoiQKwuNJ54rKzB1xtuHwvqIqZq7A\nP23E9pLxMyGh/frrr7Nu3ToAGhsbiUajxONxQqGRv9gT6XOs6WyNl3h4izKK76DABujtSvLKi018\n8rY1LF05DccRHNwfpeVAIbdyw4wwtXXuPHVd5axz5/Drn+/ENN2iCbX1QeYsqObMD89h3sKj59wj\nOTJYVoR0uiYXAyywLINMpjKXZtTVwAf3s9PpaahqmkhkzwjJMoop1rBHvjaIm0O8uPjG8DZuHHAF\nYzmqjc34ha1pVkwgFnriZLOhnDd2KhfvPYORxmtZIbLZSrzefmBwT/dY/O7KLXpcM3S5gjCHimEk\nMIwEPl8n2WwkF0ude6IyqL3buTKuNqYZxLLqS8bj9Y5dMnS0cqFu9bjiSAf3eBxOEJIxmZDQ7u7u\nZvnygsdydXU1XV1dRQL4nnvuoaWlhTVr1nDnnXeOq085qqoC6PrRjwfs7koQH8gQDBlFQnnZygb6\n+9Ps29WDokBVdYDenmLTmmM61NWF88ef+uyZPP6fm2lrGaBhephrP3Eq06YX9gA33HIGa86aw/at\n7cxfWM2q1TNRxpuS6jhi6JxPJMY3r1VAFEig6/VEIvsZzNcN7ksyHE4QDoeBLoZWdhqZUiehoqtK\nECj2Lvd4MuUbo+FqWiqa1gDok/D3OgXYj+tUFcTrXUhd3ZGoWDUHGCoEDPz+eUBlvoV3TH+pU4E2\nIIWiVBEK1XB09Yf9QDvu36QC97NxgO0MdygbRNMqRvmbzcT9/pWr0ibw+RzAC2SGnHeKcpYbRoKa\nmk5g5ZDeHWXvWYyCz9eAzzfS2EqjLgYXoCf3O+PIcES8CcQwe9wdd9zBeeedR0VFBV/4whd4/vnn\nx+wzEn19Y2f+OVxamvv5wcMb6et2n+UxNKqq/cxZUMXHblyJ4dXZtrkVj6FjGBr//0Nvkkm7X2xF\ngdnzq4oqedXPCPFnXzmXZMJkztxqenriJZW+Kmv9rL3IdXzp7p5YaNFkUlcXLpnTicChzUvFzcqV\nwu+3S1766bQgFovh91sl1xxHLcls5TgCIdQis2c6XUU2G8FxvLlylR14vVFUNVNSSnIQyzKGFBZx\nsO12NG06XV3j+80dOTzA0FzoNqNlMBs/Krq+gKqqAVIpk3S6BsvSJnDvSO4fR2hc5dH1ASor9w1Z\nkHWSTIIQGsFgscB2w680kskQicS8UcZl4PHMw+vtRdMyJaGCpmniOD683uJiJsN1A9NM0N8/+AxB\nZeVuPMPcHgZf1e6+uY9Mppp0OlRmbIJgsDmfBXDos9LpCD6fId8Zh3DPkZiQ0K6vr6e7u+B41dnZ\nSV1dIdH+Nddck///+eefz86dO8fsM5m89uK+vMAGMLM2p6xo4OobCyvQU8+Ylf//xz+5ik2vNWNZ\nbrvz1zeW3FNRFIIhA1Wdehq05FARZLMhTNOXL95g2xqKYlFVtRUQRbGwjqMSi80jEGgvuourjTg4\njhtqZJphEonZRZ666fR00unpBALN6HpxBIKb27oOw+gvckRzTfbtwIlT1tXdr55OPH78CwHDGCix\noOh6smzomGlWoGmnkkiMPS+38EolYFNZ+X5R4RDTjJBK1eWc0hKAUrb299B4do9noGxO+0JWOYds\nNlCyv17oHy3JJeBuHdWQTE7HN5rfmmTcTGiDae3atXntefv27dTX1+fN3LFYjM9+9rNkc0Gcb731\nFosWLRq1z2STzZTuNWYyI5uIzjhnDn9651r+/K7zWXfFkgmZtvd80M2Lz++is/34f+lIRkZRTCoq\ndlJV9QG6nsY0DRKJaVhWEK83jq5n0XUzt4dokEzWE40uIputHrEWtqq6+7/x+PwRQ2tcD+6CDdhx\nNBIJN2d0+TrPcvE4WViWr8Q50LYNLCtYct7d9z9UNGKxBaRS1WQyYRKJ6SQSs3EcP9HoEvr6VpJO\nV5f0siwP8XhBGSkX2TCc4Wluh6LriTKJYDwjxsBLJsaENO3Vq1ezfPlyNmzYgKIo3HPPPTzxxBOE\nw2HWr1/P+eefz4033ojX62XZsmVceumlKIpS0ud4Ydmp09j2Titm1l2Jen16PpsZwP49vbz4/E4G\n+jPMmFPB1TeswPBOfGfhZ/+9lTdebsIyHX77y51ces1S1l64YOyOkqOEwDB6c5pI8UvT6+3Kl15M\np2tLtIxgsKUoiYquZ7HtRNnCH7qeJZkMYtsG4fAudD2O4yhFRToK7Uc3ZTuOj2h0UU6zEaTT1ViW\na1JLp+vweGJDymL60PVZSEegySGbrSGTGciFphUSvTiOL2fadrOeZTIVpFINE9pbt+0A8XjhHaLr\nA/h8bp3udLqGVGo6Hk8in9nONP1Eo4uLQgDT6epcwpmCRj7cpG5ZI5f6NM0wQrQVtS+XmU5yeChi\nvJvLk8Sx2gPZ+Mp+tv6hBVVVOP1Dszn9LHcFms1YPHjfS3R1FPad15wzm0/ctmZc9x2+39HTmeDB\n+18knSpo8g0zwtx5z0VTypR+ouxpK4pFJLJryJ5gkJ6e+TiOD8PoJRLZWxRKlUzW54pOuEQiH5SE\nxDgOucpYxXWOATKZMEJo+Hz9+XO2PRgWJvLPicfnFKU4PVR0PVFUFrO2tuaE+HsNZap9B90wOHNY\nohcY7lVeVxcgFtuXXygeamy9rsdy0QruO8a2dQYGFmBZIXy+7iHe8qXar2H0EgodyFcgs6xgvnzr\n0EppIxEIHMTn68lVVgsRi83Ll2Sdan+v8TIl9rRPRM46dy5nnVsad/jOppYigQ3QtHvk5Chj0dMd\nLxLYAIlYFttyUA1ZNedY4/N1DnPiSRAItBOPz8u9fApXBstkDhXa5WKfB6sxlQ/RipWYRDVNkEzW\n5Qs1ZDIVZDJjCWwHn68zl7zCnxPwhYdZVhDLGj3eXHJsse1ASaIXl+LEJvA24bD7zvH5uhgYWJjL\nSjY+fL6eouQ/mmbh8/UQj0fGXAhms9X09g43pY+vLClAMjmLZHJ6ruCILGJ0NJBCewxq6gJomoJt\nF960ukfFccSENOPGxXVMnxWh7WAhjnH2vEo8UmBPCuXiYwvnSt+wiuImsRjUYBOJ2RhGf1EM9tDY\n2NL+peeFcE2Yh5LAY2jyCre8Yyqf0lQydfH7OxkaMqXrWfz+jrIpVkfmSFvsSoW1olh4vT04jpGr\nJjb0mZos23kUkUJ7DBoX17Hi9Bls2dSSP9fRGuNf/vb33HDzaUyfVZqD2XEELz63kz0f9FBZ5efM\ntbOZv8jNuazpKtfffBq//vkH9PUmmTYjwlV/tOKYzUdSjGlGEKK7aA85m3VNU5blxzDiw4SsIBBw\nc4gbRn/O0WcZodABPJ74uBKoDMfVyMefvlZVMxhGIXmPW2+7f0haU8nUwQ2T8ngGAA3HKRWQqjpW\n3HQx6XQNhtFXZB6fSM75kdD1GOHwPnQ9ixCQzVbk061Kjj5SaI+DT33uDGbMivD80zvyOcUP7O3j\nqUff5U/vPLek/a9+/gG/emZH/njne53ccfcFRCpdp4y5C6r57B3nHJvBS0Ylm60iHp+Vc9oReDx1\nuZKUTq6YQ6GtEMVZyjyeNKFQE7HYImKxReh6nIqKnWVDa0ZDVV2zezweGbuxO5IyjmqCwt6oZKoQ\nCLTkF4FALv2xyqBJ2hVq9CIAACAASURBVBWK4/1euFhWiIGBhfnvtBvHfuSSfwQCHfnQMEUBrzeK\n19tzxIrBSEbnpBTaQghefXEv72/twGNonH3ePE5ZOXIMq6oqaLqaF9iD7N7Rzc/+eyvXfKK48Mmu\n94qrOfX3pXjr1f1cfMWSIzcJCa6WciBX7EElna7J5fs+NNLpBtLpegyjn4oKB01L4ji+UVM1DmIY\nA2haAtsOYlkhEomZuSpc2ZxgFbnQHpFPpFLObC7E+LUUx/GRzUbyVZxg0GJwUv6cpzRuDHUBd1FY\nSSZjoigil8P+0B0SLStEPD7xkFo3iU9fzmmtmkymkFNjaKGSwrhHDgWTHFlOyl/5ay/u4+lH380X\n9di3u4fb/9eHmTm7csQ+i5fV4fXp+Uxog7zy273Ma6zmtLMK8Y6Gt9RE6Q9OrFiDZGQCgVYCgUJB\nF01LYds+THPsspHDCYf34fW6DoaVlRqJxKyc52zB98DN4W0WCV1VFXi9/SSTrtPX4ALARaCqVj4e\nW9MSeL29GEY850lcuG8qdSiJhhyy2WDu5alimqFcrm3JVKP8QquagYGR30VHG6+3m1CoOf8993ji\nCKHn66ybZrDIedNxtNy+tuRYcFJGvO/Y1lFUhSsRy7L5zYOj9pkxu5KLLl9UUsQB4L++t4l///Yr\ntLe6L/izzp2LP1DwnJzbWMWZa+eUdpQcFqVaiija63VDtnZRUfEBPl8bI5mPdT2O11so76iqbu3g\nWGw+6XR1LtNYJalUefNfqQe5kvun5q65x7YdwjSDaFoq/z1yzZ8hHGe83sGCSGQX4XArhpFE11O5\nWNiT8qc85Ukmp+WT5LhlMiO4ecUnD8OIlixMh/6uXA/xOkzTRzYbIh6fnStZOhyHQOAgkcgHhEJ7\nGXSw83o7qajYRlXVO4TDuxg717lkKCelpl3OU9s7jmQpF1+2hLffaKajtTgETAjY9X43Tz2ylT/5\n0rmcduYsauqCbP1DK/UNYVadOQOPRzoIHWnKZRQbTA3pOsvsz5eHdE3oStkUjINxqENRFAshPMRi\nhYQVVVVbynp+a9oAqhoeo74weDx9VFTsKwkjc7WWkUpWCvz+NrzeKEIo2La3KJmLu8DolvuJUxTb\nDtLXtwyfrwfH8ZDNVlJXN7kLsHLav+MMfX+pJBIjl+UcJBhsLrKEQQbDaCAUOpBftOp6FE3bQX//\ncqQj2/g4KZfnZ18wj1CkkAJy+qwIH75wfCEVl35s6YjfrV3vd/Ovf/8ye3d2M3teFVdct5zLP758\nXAsCyaGTTDZgWa6gHNRSBk3TXm9/UT1nVziWT4CQyVRjWcXasuMMLxMlUJRyIWAQCPQRiewue30o\nwWDruOppD8Xr7SIYbMXjSWAY8ZLYcXcMh+6xLjme0Ein63Pm58kXXMlkcYpcy/KRSh3avrrX25nP\nyFYggd/fUWKt1PU0Hs9gsiGBrscwjB6G1keXFDgppcnipfX82Z1r2fRGM16vxoc/soDAOPecV66e\nyUfW9/HGy00lSVIA9nzQw4/+7U1u/fNzmLugNN+v5MjhOAH6+pbl4kX1XPEEJXet1LJRPic3gFLi\nCKYoWYq1XwXbDqBp5SuyeTxpAoEDJBKjLf5KzfPuYqOCkV7WbrGJoeNyC44M9VA/VO9iiWQ0HCdA\nf/8p+HxugSc3n/34LYU+X2cuq1q5e5fex81d8H/Ze+/wuOozf/s+bfqMumTJkmXZlrvBGEyJHSCU\nEFoSQg8hnfRfIAm53jdsCOxu2m7aJiT7bvJbsmlsQqiBkNBLKDbGGNxt2bKt3jW9nvb+cUYzGs1I\nluQmo7mvi8SnzjmaOef5luf5fKykTa+3FbvdknXVtF5CoaY8YRlFCeB09iHLCUxTSBvr1M8aMZdZ\nGbQBaup8XP6hFYffsQBXXLuScy9exP2/3cLeHf152yNhlTc3tFNZ7WagJ0JphbMonnLMEHMyW0dI\nJKqx2wMoipWxresKiUQZhYahRTGFLOdmv8pyMqM2lj1nCYoytm47i8MxTDJZWaC8xsDl6sY0jRyV\nNCtge4hGx893KDRUmUiUIopG2oSkmIRWZOrY7YM4HINpuVHLTW70c2GaCvF47RTPaiCKalpjvdB2\nH9FoA4qyO8d+1pobL8NuH8qR95XlOC5XD+HwwlHrIni9B3KOl+UhRFElFFo8xes9OZm1QftI8ZU6\n+OjnzuTf73yWoD9fY7q7M8SP/vkFQoEEldVuLrt6BaesKb5cjxemKRMILMHpHECWw8hyjJKSA2ia\nk2i0PpNhLooJSkpa8o43DCXHOlEUE7jdPRMOb1uZ5MN5QXvs3J5lvSmTSJQTj+e+LMcSi9WgKBFk\n2fqNqaqLWKxh1vQqihx9JCmKx9MxKt8jjmmKxGL1hzlyfGw2Py5XF7KcKCgQYxHB4ejHMGQkyarz\nthqu5YCAJOW/R8cqFlr+4fnD5lZjWp0Vz8WsnNM+WtjtMldcs5LyytzhG1+pg4HeCKGA9SMc7I/y\n3BN78+q8ixxrJOLxKhQliiyraU3wOG53FyND1W53J7KcKiCiouLztWZqtR2OwYIvi7HkD8Hr2O3+\nnDWiCPH4XOLxeRxuDtMwnAQCy4hE6gmH5xEILJ0VL6Yixw673Z+T7wGgKNFx9p4MBh7PIRQlgSBY\nvtuFbagMnM4BFCXrNmflmlhVN6lUCYaR+zyMtSodb4rLNKUJpr/eWRR72lNA1wye/Mtu2g4M4/ba\nOf/iRZx2Zj2nnjGXvTt62bm1F1ESmVPn4+H7tuYc6x+KkUpqOJzFF+7xxOnszjFPgJFscQ0Q0vKR\nuYwEcLs9BLRiGLaC4hGmac3RZS0w7TlCGIKgU1KyN+/zTdOSlpwspikRj+dnvRcpMh0KmdwUmmue\nLE5nd14jACAer0g3ELKN3UIlsyNomjU37XD0I4o6qZSPaDS39x+PWyJIox30LO3+cmB2TEEWg/YU\nePyBHbzy/IHMcnd7kNu+eT5Ol8KyU2pZvKKGN15rp78njLfEQTiY/WFV13qxO7J/bk3VefXFgwT9\ncRYvr2bpyqkreRU5PCNz2qMxTRHTlPH59h+292yzhTNBfLT3tWEIRKNzSaVK0lmyAvF4VcaGEKyE\nnEKfn0r50klzRYocfxKJSmy2QCbJUdNsR9QoVJR43rSRYYhEIo0IgobDka3x1nUZ05QyOSTZREwA\nE0mKI0kqomigKHFkOYamjVZ2E9Ke3jqCYPkEqGrZrBJ3KQbtKdDaMpizPDQQ5c2N7ay/YCGmafKH\nX77B9rd6AJBkAV+JHV03qZrj4f3XrkRI/7JN0+TXv3idlp1WEtuGFw9y6VXLOffiRcf3hmYF+U37\nVMqHIGjp2u0shaw0czO3TeLxMkxTxjSFtP2gNO5cYKFSLFW1F80VipxgREKhZmy2YURRI5ksP6Ip\nl0J6CZZnuEgkMg9oR1HiSJKDSKQKTXPicvWltRCsoC+KHWiaG6dzMPPMjSSihULNmfN6vQdy/Ot1\nXSMaLZv2tZ+MFIP2FChUb+31WXXCh/YPsWtbb2a9rplIssS1Hz2VwYEw1bXZ5KTd2/py9MlV1eDN\njR0Fg7Z/OMbmDe04nTbOWt9YzEKfIslkOYoSzgzRaZo9kylrzYFle9pWIJYxTXXchDPLBjOCzRYH\nwOkcIBRaUNCQIZksw+EYyAyfW8N4VRRTSYqceARSqYqjcqZYbA6yHE0ntFkypyM2saZpJxy2gm5V\nlZdUKpROWIsiCGqOLLCm2fKeO1FMjfp3Epstt+RSUSKIYqrgkP87lWLQLoCa0nn+yRb8gzHmzitl\n3QULEEWBs97dSG93KFOfvXhFNavSGeGhYDLHcxuseex779kAwKvPH+TDnzqdeQvKiUVTeYkaqVR+\nr6x17yD/e+/mTHb6lo0dfPZr64piLeNgtdwlRvdik8kKdF3G4fBjGFK65lRJbyvD6RxAEEi/bDzY\n7bFxA/aIkMpoJElN+x07cbs702VidmKxOnTdTTg8H6dzEEsv3DctQ5MiRWYyhuEgEFiG3T6MaYoT\nisS4XN243b0Ft0lSKmcKCsgpuTRNy7p0tP2tNdU1uxrBxbd/AX73y03s3tYHwOYNHQz0hvnQR1az\ndl0jc+b62P5WN6WlTqLRFH/41RuUljk575Jmqmo8DPQVFt8Y7I/y0jP7ufmzZ3Lq2rm89PR+erqy\nSVCLl+bXGr/6woGccrL2g35ee+EA73nf7KhHnCyiGMfrbU+7cynE4zU5tduaVkIkkm8iEo3OQ9dt\nuFy9SJI+rmKargtI0viZ/zZbkJKSXaOyYiNIUpJgcAmqWoaqzq7huyKzEXFSUrqKUvj9OEIiUZke\nGdNQVUvXfATTlNMN7cFMQzuZLJt17naz624nQXdHgH27B3LW7dzWx5WqTiqhUV7h4rKrVvDQH95m\nw0uHMvscah3ivPcu5MHfb2U8ImHrpa4oEjd95gxefHIfoWCSeU2lXHzl0rz94/F8C7xYNH/dbMfj\n6cgEXEnSEcUuUqmSnKSwwghpERWr5T6eglMq5cHpDOZvTCOKZlpBLYuiWE5ehY0UihSZnUykrKZp\njlFCQyaFppGi0UZU1YuixFBVF6nU7FOdLAbtMRgmmGPqqU3D4P7/2cLenf1gwuKV1bS15urqth8M\nUF7ppmF+KR2HAhRi/sLsD2xOnY8bPnn6hNeyaGkV+3ZlGxAut8KpZ5xYB6CZyIjwyAiSpGGzBQAR\nSUqQSnnRtLE9bTO9b352t6bJ6LoLw5CJRueiKDHs9lDOsN1Y8o1EpFnXAyhS5HDEYtXIcqhg1YYl\nJZyVDS6MNRd/tObjT0aKb5UxzG0oYeHSSlp2ZoOlr9TJ2290ZZa3vtGFw5n/p9u5tYePf+Es3tzY\nQWB4pAxCIB5LsXBJJe99f35veiIueF8zhm7QsmsAm13irHfPp75x9pQ2TBZdt2UUlsDqHdtsAez2\nUHoeuo9otJZ43Mo/cDp7sdsH07Wl+S8Pw5AxDAVZjuL1thGP1xCJNOJ09uXYao5lJPt8ZNgu33Sk\nSJHZig7sxuMJomkKgpDMe45Gz1UXxhjlTz97qy+KQTuNrhkM9kcor3Rz82fX8vzf9jE8FKOu3kdf\nd5jOttzes9dnzzMMUVMGoWCSVWvqkCWRJStrqKnxMTBQeK70cAiCwMVXLOXiK6YW7Gcb0WgdgtCO\noiTQdZlkshSnM+uGJQgmDscw8XgtshzG5eqasNcsSSlstpHeewJZjuP3ryCZrEQUE9jtwzgcfcjy\n6IQYiEZrEASrjnQ2DtsVKTIeHk87MISSrg7TdRHDMHOeQ1Ud31Pe4ejD6exHklKoqotIZN6Upp5k\nOZQxQEkmy09qnYRi0AZ2b+/jrw/uoK87TEWViwsuW8zlV2fNRJ59Ym/eMaeuncv2LT30dWcDss0u\n8crzrXS1WSbyC5ZU8vVvXXhc7mG2YbP50zZ/KTTNTTDYjCSl0HUHshxLZ2xnGamZttnCeQHbMEac\nhqzl0QpOYGWI2+3DCIKBLEfRdQXr0cm1/tR1J6lU0de6SJGxyHKuTKokGcTjFUhSMv0Mu9I13WMx\nUJQALld3pidus0XxeDoJBpdM8rPD+HwHMsqEdnuQUKjppA3csz5oG4bJU3/ZnQm+QwMxHrlvG5tf\na8fhUHB7bJx17nxOXTuX3dt6EYAlK6q58LIleL0OHvnjtsy5UkmdrjYrYck0oXXPIE/+ZTfrL1pw\nIm7tHYsgqHg87UiSlZQny9bQ+IgbkKr60DRXjhqZqnqx1JTseSIqowP2yPJorNrsIA5HcFRNqZJ3\nHre7C0EQ0wYIRYoUGWFsfsfIFNJEgVOWQ3g87TmSpSNIUr6s8Hg4HEM5UsKiaPkBFIP2SUoirjLY\nn1uGoGkGB/cNZ5a3vtlFaZmDefNLWX/hQlaeZs2NdrTl1uwWYnj4SIT4ixTCbvdnAvYIsjw6oUwg\nFGrC5epBklJomhNVdeF2d6CqTlIpb4486UTOXTAyR55ryTn2861rUHE6u0kmx69TLVJkNhKP12Cz\npYDUqICdX4Y5Gre7u2DABtD1kXwRnZKSfUhSHNOUSSQqMrkrWSb/LIpiDKdzKCOEZBiOSR97vJj1\nQdvpUqie46H9YOGMb7Dmqgf6Ygz0xQgFkyxZUYNikw4rciKIsGRZUUzjaKNpzrxe7lgpRcNwEoks\nQFECuN1dOSIqWa3jLIUkTEfW67qIouQH6UL7W8N96qxSaCpS5HBYgis1RCLtaJojHbAnDqajk0tH\nME3L+SsanQuYlJXtzIy0gY7b3Y2muXJ60fG4pbU+0tDWdRlVdePxHATMzBy3LEfw+Voz+zkcfgKB\nRRjG+HPtJ4JpB+3vfve7bN26FUEQuOOOOzjllFMy2zZu3MiPf/xjRFGkqamJ73znO7zxxhvceuut\nNDdbknaLFy/mzjvvPPI7OEIEQeDSq1bw+AM76O4YvxZ3hP7eCDu39bD6jHrWX7CAzRs6SCayQy+K\nTcRb4kCRRVatmcu69yygpyeIaZjYikpmR4Wx82NWqzi/BMTl6sTl6s0b+rbZQmnJ0uzctmFYy2Mz\nWq398wP2eEFe150FtZiLFClin5IxiaY5cwK3rksEgwvRdWuqy2YbzAvs1vM6nBO0dd1NINCM02lV\nBKmqB4+nY9Qcd4BwuCknsIPVaHA6B4hGG6dzs8eMaUWRTZs20dbWxv33309rayt33HEH999/f2b7\nt771LX73u98xZ84cvvzlL/Pyyy/jcDg488wz+dnPfnbULv5o0bysitu+eT4P/+FtNr7cdtj9taT1\nZVfN8fKVO8/n9798g1AgTuUcLxdetpimhRX85U/b2Lm1h6995mEScQ1REli8rJprP3Yasjy7ZPeO\nNnZ7MC8Qi+LYwGrgcAwVDKyjE9FGgu9EimeFKOQXrOsSkUg9xaHxIkWOnEikHkEwcpQOdd0HWGWb\nTmdvwee7kLOeYbgywdftbh8zx22kJVjzTza6YT9TmFbQ3rBhAxdddBEACxcuJBgMEolE8HgsC7WH\nH3448+/y8nL8fj+1tbVH6ZKPHNM0M45bI4iiwNU3r2Z+cwXtB/yYWKIqWzZ2kErlZhNHItkAUVnt\n4St3vidn+59+/SabN3Tkfe6bGzsor3RxyQeWHb2bmYUU1hrOXScIBoIwse2mtd/YNQ50XcvzwB6L\nNEbYSdcFAoElM24orUiRkxXDcBIMLsnzFJDl0GHLNqeOQCpVht0eyFSPWF4FMy+pdFpBe3BwkBUr\nsiVR5eXlDAwMZAL1yP/39/fz6quvcuutt9LS0sL+/fv53Oc+RzAY5Etf+hLr1q07CrcweV55/gCv\nv3yIRFxl/qIKrrl5dc68tCAInHHOPM44J1t6EI+pbN3cnVm2OyWWnTLxPHX7wfET1HZv7+WiK5Yg\nScXe9nRJJCrS7j5WCYiqOonHc7XbTVNOG4BkpzwMQwTMwzzsHiIRH17vobzSr7FD4qZpCbHouoNE\noroYsIsUOQaMzTy32SZWJxxtMlKIeLwqJ5lV1yXi8Qo0rYRw2MRut97fiUQFmuY7wqs/+hyVSVaz\nwFjh0NAQn/vc57jrrrsoKytj/vz5fOlLX+LSSy+lo6ODj370ozz99NPYbBMn7JSVuZDlI7ejbG0Z\n4MlHd2UEUfxDnZSWOfn4586e8LiPfe5sfvOfGzm4fwivz8EFlzaz8pSJpURLypz09xYWxu9sC3Lv\nTzfwlTsvwOU6uZOVqqry7SiPD16gBBgAZBRlLlVVhf6WK4EDQBxwIIrzgW6ggxEZU7ADyVH/rqek\npCz9GQNADNAAEUGIMFpBzRpW9yBJp3GYn/GM4MR9X8eOd+I9wWy8LwPruQwDDqARGC83pBQY6xQm\nYvXES3A4luBwTJT17QVcWO8CA0maQ1lZ6aht1jD6hKcYw/H8vqYVtKurqxkczIpX9Pf3U1WV7elE\nIhFuueUWbrvtNtavXw9ATU0Nl112GQDz5s2jsrKSvr4+GhoamAi/P39+YjpsePlgnoLZgZahSamV\nffTzZ5JMaMiKiCSJOcfs3dXPvl39VFS5OXNdI5Iscub6Rro7g0TD+dmPAC27B3j0T1sLmoScLFRV\neaet9HZ0kICRpJYk2cA7lpEGlonHsx+bLYAgmGkLQR+JRCVebxuCoKPrEjabO31fCpBbOlJauhNF\nieesi8dlIpET+XeYHCf++zr6vBPvCWbnfXk8h3IEkZLJAKHQYgrnh7jxeq2hbEEwUVUnoVAjpulI\n98rV9H8gy5bj3kgZps0WQBRVkskKTHP0lO30/97H4vuaqBEwraC9bt067rnnHm644QZ27txJdXV1\nZkgc4Pvf/z4f+9jHOPfcczPrHnvsMQYGBvjUpz7FwMAAQ0ND1NQcv3Ko6hpP3rqSsmxTyjBMnnps\nN3t39qPIEqefU8/Z5zZltmuawVOP7SYwHGfuvBLOv6SZl59t5cm/7EZTrd7X3p39fPwLZ3HamfU0\nLihj6+ZuujuCvLWpM++zw6HJiwMUOXKsxJXRKmkGTmcgPYdlrbHMQ7YAKwqcwSCVcuVoj2uaRCJR\nVECbCqZp4t+8F9UfpvrCNQhjkwPGQQ1GQBBQfEXXtHceBjZbbuWOzRaewCVPIBxeSCwWQRTVdPnY\n2OlGE6/3wKjA3o1pyihKFEEAp7OPcLgJTcuPCzOdaQXtNWvWsGLFCm644QYEQeCuu+7i4Ycfxuv1\nsn79eh599FHa2tp48MEHAbjiiiu4/PLLuf3223nuuedQVZW77777sEPjR5NT19aza1sv29/qQVMN\n5sz1csEoX+qXnt7Hc0+0ZJa7OizXrkVLq9i1rYcnHtrJQK9VarTtzW78Q3EO7h/KBGyA3dt6Obhv\nkKbmSsor3bznfc388sev5l2LIMKSldXH8G7fyei43Z3IchzDUIhGayc1lyzL8YLr880/4unEl9xH\nw+Npw+nMOrtpmo1gcObVcM5kjJTK5k//OwMvvIWZ0ig5rZk1v7wdd+P4jXdD1dh628/pf2ELCFBz\n0Rmc8qMvIh6FKbMiM5nRjl+F0XUP+jgeIzbbMHa7P5ODoii5o3GynMTp7CUcXnR0Lvc4Mu057dtv\nvz1neenS7FDvjh07Ch7zX//1X9P9uCNGFAVuumUt7QeGGR6OsfLUWmQl++Af2JdrtZlK6mzf0s3z\nT7awf/fg2NOxZ0df3m9K1828HnRJaf7EyKmn17Hi1JmTTX8y4fW24XBk1eokKUEgsIxC3ruj0fXC\nDcTC9dY6oqhitwfQNCea5snrCRRSRCsyMYd++yT9T72RWQ6+tY99//Fn6q5ch3/zXspOX0zVBWty\nKjv2//xhuh58MbPc+afn8TTXs+hLHzqel17kqGKmDXfi6LqDeLwmbfIzkHkWUykvup5tEFuGH0OA\nQCJRedgesiQlDqt0KIoTV4jMVGad2se8BeXMW5Cfxu9y57/UBweiBQM2WI2ApuZy3tyQHfqua/Dl\nBeP3vX85h1qHGey3hmWWrqrhxk+dcYR3AcmkxsvPthIJJViysoZlqyYvWnDyYqIouQl+ihJHUYKo\natmER8ZitchyDJstlHmYxxNIKS3diyiqiKKZFm4pZ2wLzcq9LFYAjGCaJvt/8gC9T29ClCRqP7Ce\nBZ+5kn0/+TPdj72GqeuItvzEoqFXttP14EuYKQ1BkWi65UqW3/XxzPZIS4GppT3t07tGXZ/0cHyR\nY4c1f53tJMlyjHB4QcbsxzDsxGLZ95miBPD5DmaqRWy2IMHgogldvlS1FMPoy6sAyd3HjdVA108q\nBcNZF7TH49yLF9J+wM9AnxUU5i8sp6LSxb5x9l95Wi2XXbUcj8dOZ0eQ0lInF1zWjDRGOKV5WTW3\n3Xk+b27soLTMyfJT5uTViE8VXTe496cbMqMDr7/cxuXXrGT9Be98YxLDEHNqpE1TmKQCmUQotBhJ\nimCzDSOKJg7HQMGgnZVFtIK63e4nlSpBkrJSt6paMiN1iY83kZZO9vz7/+LfvIdkT3YEJLD9ALH2\nPtp+83dMddQYpiiAka02SQ6GMFNWj8dUdTofeJHm265BKbF6Uq75+Y1Rd9PURql6n9rE/p8+SLxz\nAO+yRpb/yyfxLSnkKFXkWCMIGjZbrmS0zRZEFFUSicLTJHb7cCZggzXK5XAMEo3mB227fRCbLYBp\nimn50nBaWjg3eGuaHRAoL9+BIOhomptQaD6mac8750yjGLTTzG0o5dZ/Oo83Xm3D7lQ4/awGdm/v\n5Y3X2tE1c9R+JZx9biNnn9eEIAhced2qw57b4VBYd/7RC6hbN3flDOerqsGW1ztmQdC2hsYkqSvT\nC04mS9H17FCZzTactuxU0TQXiUQloqils0cldN1DPO5hRDFtdAnXeIiimTY48CDLsfSQ3mwY2ZgY\n0zTZ+tWf439jT/62pMrAC1tyAzbgXjgXARM9oVK6ZjF9T76es10NRdDC8UzQbv7y1YR3HWLgxbcR\nRJGq96xm4RevmvQ16rEku+76H2IHewBI9vnZ9c17OfuBf57q7RY5SuQ3lE2yJZhTPZeG292RNgwy\nkeXssLiuKwQCixFFNa0prqfXS8TjVXg8XRnFM5stjMfTmXEKnMkUg/YoHE6Fd1+UTUxYeVodl35w\nOVs2daKpOouXV/P+61YhiidWpjIRz59PHZ0Q904mkZiDprmw2cJomp1UKqs5bll2duRYdlrZo6Bp\nPWOyRUU0TcFmO3wWv6o60oYHxeHw0URbu/BvaRl3u628hCjdOesq169i5fc+A6aJIIpsuOZbDL2c\ntbctX7sMZ30Vpq6DKCI57az97R1E23oRBAHXvKlVnAy+si0TsEcI7TqEnkghOU6eIdF3CqYpk0r5\ncDiyAlSq6sMwxu/hJpPlOBz+TIC1lMqsqg2P5xAOR2GzJ6tHPkQsVk8otDDdSB8RZwrnSZROxe7z\nRFIM2uOQTGjs2dHHqjV1nH+JZXKSTGr0dAapqfOdUP3w08+Zx6svHMx4gIPl8T1b0DRfQaWiQpad\nI61uWU7icvUQnLyT4gAAIABJREFUCjWntxgFfbMFQSGR8GCaQjpD3UYsVksxYOdj6Dqy24EWKqCl\nIMC8T16KIEsMb9gJpknJ6kUs+j8fsqaH0n/81T/7Mnu/9wciB7pxN9Wx4IsfZPOn/43A5haUUg+N\nH3sf8z9xKe7G6Y1s+FY1oZR7UYezz4qjrhLRXjR1OVGEw03ougNJSqDr9vTzNT6KEhkTYHUEQcfK\ncTmc9bGJ09mLKKZIpUrTjW/SWg1jnQIlrB7/zPYOKAbtAux4q5vH/ryD4cEYTpfCu85vorzSxXNP\n7GV4KE71HC+XXb2clatPTAa43S5z82fX8tJT+4lGksxfWM75o8rXZiuGkf8gjkYUk+naTxd2+1C6\nDCSLptlRlLMJh09uD/TQnnb2//RBEn3DlKxoYuk/3XzUzp3o99Pzl1cJ7W2n728bCwdsABN2f+vX\nLL79BppuuQIjkaL2ynchKtYrR4smeP36uwnv7UD2Oln89RuZd+OFvH3rz+h9fIP1WT1D7Pnu7yk/\ncxne5Y103v88w5v34qqvYsFn34+lXjUxztpKmj59BQf/719R/WGc9VXZhkORE4RILDaxquRoxrr6\niaJlGqRpHgxDzmmoj37+Nc2GLEex2yPpbf1Eo3XE43Woqo9UyoeiZBNTbbYw5eVvYZpy2v6zfkbm\nrQhmIQ3SGcSJUAa653sv0XYgO3zjcMrYbBKhYPYlX9fg47ZvvuewQ+WzUd3oROF0duPxdI+73TCs\nBzqV8pJM+vD5unK2Ww95M8lkR2ZOPBptyKvZnskYKZWX3/d1wjsPZdbVX/8eLv7jN4/4++p+/FV2\nfvNekr3DedtEm4yRyi+hEWwypasX4V44FyOlkugdxrOonuHXdxLZM8pURxJZ8Nn30/6/z6IFcisE\nlnzjJrRwnNb/fCSTxFZ1wRouf+bfGRwsLBc8llhHP/4tLVRfsAbFO7Nr62fis3U0mO59eTwHcDpz\nf3OW0JGGaZqIojYqx8UaajdNEU1z4vMdymnEq6qDQGAlTmc3bnf3hGVhqZSXYHDJMbuvw51zPE6e\nt9FxwjBM/MO5QhyJuJYngTo0EGXvjj52bbPs4daua6Rhfm7Z0aH9Qzz9lz1ous66CxZQUjqxkH2R\nI0PT3Hk9bV23NIklSc8IqdjtYRQlnLev5c27E3t6ek1R4giCSTh88iT49T61KSdgAwxt3FXQH2A8\nRvYd2xs9+MvHCwZswArYAnn5RGZKw79pD/5N2WS14VcL6DjoBgf+89H89bKEZ2kje+7+n5ys88GX\ntzKwYRdCczYLvP/5LXQ//iqpwSCe5gbmf/IyXPWWvLKroRpXQzVDG3cS2NpKomuQZL8f77JGFn7x\nqqJYywwmFpuDosSQ5QSmaSWY2WzZER7DgFisklSqNK2OZv1uHY78oDwyzD6S6zIRshxDEFRMc2ZN\npRSD9hhEUaC23kcokMhZL8lCTha5okj88X/eJJa26dz5di8f/+JZmcC9/a1u/nTvmySTemb757++\nHo/38CUFG148yMaXDxGPqcxfVM7VH8l1IytiiTPYbKF0aUc1muZDVX3E49XY7UOIoo6qugmH5+N0\n9uFy5dbb5yuhFR5WV5QAufNcJjbbELKcIJUqnXEyiPbqMgSbgpnKDhnKbuekhoNN06TlB3+i+y+v\nYKRUqs5bzcrvfSYzpJ0cLJzwkz3BEV16QUpWNlFz8ens+uZ/536UqvPsVXeilHmpueRMEAVaf/EI\naFZCZv/Tm+n403P4ls1Dcjmov/FC+p96g65HXsZMjsp7eORlBl/dwarv3YLsdaGUeJCK890zCsNw\n4fcvx24fwjAU3O4eRrTFwXqWDUNBVUtzjrPZ8nu/qjr559U0hbQl6MyiGAkK8MEbTuHh+95m/55B\nRjooumYiSgKGbq2IjDEDCQYSvPFqGw3zy1BTOg/+/u1MwAbo6wmz4cWDhzUJ6TwU4ImHdpJIWD37\n4cEYdrvM1R9ZfRTv8OTG4ejD4+kcJVEYSXtZO4lG5xGLzUEU1bSikoAoJiec654IUTRwOruJx+di\n6Rm3ZlrpTmc/0Wg9icTMSQIsP3MZNRefQe8T1ryw6LRRf935hA/1oiEiu8cf7el+9BX2/eTPmR5t\n+++fRin1sOybHwXANb+W2MGx7krHFiOlIkoSVeevpv33T+dsSw4ESQ4EibR0opS4MwF7BHUoxNAr\nVq++/+nN1g+gkCPhS2/z4vovgSjinlfN/E9fQdOnLj92N1VkGogkk9aoia4PooxqV1m97/y5Z1nO\nzwa3BFWsUlGrJ22tN4z8hryVmDbzElCLQbsAVTUezj63iX1j1NBGAvZ4jIzevfTM/oIOX6o2jlDu\nKHZt680E7BG6O4Lj7D07Ga1qBiBJWqa0A8A0bRnZUlkOYbeHxw3Yo9/hhfYRBHC5+kgmS3A4hnOG\n1UTRwOEYnFFBWxAE1vzqdjr//DzRg724F9TSft+z7P3OH7BVl9L40Utovu3azP6B7a203vMIid5h\nou29OUPQAF0P/yMbtJvmwAuTvxbRZceIHVkZjZ4+fsk3biIVjND71w151wighifhBjjRFIFhgqET\nPdDD7n/5LUOv7qD09Gbqr7sAR1Xp+McVOe5Y6oaJ9HC5QDJZSiqVr3Kpafb0lJeFrovIchyncxem\nKaSVDq0yNNM0cbsHco43zZGSQANFCaNpzlHrThzFoD0OjQvKcHlsxCKF7TXH4vbaOONsy2Y0MJz/\nApFlkTPfVViFqbMtwI63uimvcFFRnZ8k4yugXz67yW/9jjeMNeLqUwjDEIhG60ilyigr24UgFK51\nF0WD0tIWJCl/uyDMPP1iUZaY9+GLAdh083cIpMVPEl2DtN7zMDWXnIlvWSN6IsXbX/wpkb3jy4Ia\niezvP9lVWNJ3PCSP84iDtqDIvHbNnQTe2JtzLXn7SSKmcfhG8WQwEil6n9hA7xMbaPn+H6n9wDpO\n/Y//U5z3niHouhu/fzk2mx/DsI87RRWLzUUU29PSqAqa5szRNzeMOMHgIjTNhyjGcTj8SFJanc+0\nEtEUxY/H04ksJ9OiLDXE43UFP+94MfP6/jOE0nIX5160cNJDqibQdtDKOG9qrsg77tS1dVTW5GcE\nvvFqG//1o1d49okW/vy7t3nr9S5OOaMOSbZOUF3r4T3va847bjYTj1ei69kXqKo6x+3tqqoHwyj8\nJVp+2rUYhoNkMr+lPppCAds6/+HLjk4k0THCIlokzuBLb2OkVF6/8V8mDNgAcrmPN2/5AW9/+Wf0\nvfT21D58PAumEQQBuXziv190XyfDL2+fMGCXrGmeUqLdVDBSKl0PvMihe584JucvMl1EUqmKCXNK\nNM1DILAMv38lw8MrgdzRNGukrB8Aw3ASDjeSTPpIpTxEo7XE47W43b2ZYXZJ0tNqiydWhKXY056A\niy5fQn93iC2bug67byyc4oW/t3Da2nrWnNXAM4/vZbA/W184krA2ltdfbsvJTN+7s4+Pff4s3n3h\nQoYHY5xyeh2KUmzhj0ZVSwkGF2O3+zFNkUSiOtPTttsH0glqMrFYNZrmJRabk37YsoIqpmkpMY0Q\niczDMETc7iSqmkSSEgWT1UbQNJlUqpxotP5Y3uoR415QS3Rf1nRDdNopOa2Zvf/2R4ZfK+zGN5rY\nvk5i+/JNOyaDOnSYMhgBznnoX3njpn8l0T008b5jjqtYvwpniZuqK9YRa+shuGU8l4AscpkXLRyD\nUdNUgiIjuezoiVRugtoYwns7xt1WZCYjZOa7DSM/3Nls4UyGuKqWjTEeMvMCtCTpyHKUVOrEaZQX\ne9qH4YZPnUFdfa761khttijl9uAi4RQH9g0SCiYIBXOzz1tbBgkGckvJDuwbpKcrlLPONCEYiNO0\nqILTz24oBuxx0HU3sVg98Xhdpo7a4ehNW3f6cToHKCnZjyCoxONzGR4+hXi8Ak2zo2l2YrHqMb1z\nkVhsHrCGQGAl0Wg9qupA02yoau70hGGIhMOLiEbnMdMfoaV3fITStUstow7AiCd5/bq76X483+f9\neFNyykK6HnxxagE7zdwPnc+imy+m+oLTSA5MLudD84dzAjaAqWqUnbmU9+37A/a6inGOBO/Shilf\nY5GZgyBomYTU0UiSjtfbitvdhiyPbWQK6Hpu4qauK+myshNHsad9GERR4LKrl/PCk/tJJFTOXj+f\n+YvKicdVnnx0FwdasnWrvlIHzcuqAAFZlkiNyh6XZYlQIM4/ntmPrpksXVXDQ394m+SYpLOKKhen\nn118QUyHsbWXspzE4RgkHq8FZKLRJqLRkafWxO3uQFGsF34yWYamOYEuSkpCiGIKQRBIJr1Eo3Mp\nKWlFkhIYhjIpP9+Zgm9pI8u/82lee9/XM+uMRIp4W98JvCpwL6xj1b99lu3f+NXUDzZh21fuAcBR\nV0HtB9Yj2m0Yycnln4ytJx94dgt9T79Jycom+sc0IGSfizmXnsX8TxazyU9mXK4u7PZ8pUPTJK2Y\nFsHhGCYcnp+WOjVxuboALZ1FbqDr9nQn4cR2pIpB+zC89UYnD/4uG1z/kWxl5Zo6autLuOLqlTx6\n/3Z6OkOUljs5/72LcHusYZNVa2p5/eW2zHmal1bym59vIpjugW96tS0nqAM4XTI3fPJ0HM5inejR\nY+x8trXs8bTjdGazRWU5W8pkG5Ug6nINpTXNrTltUdRxuboRRZVYbHTjaiQKzAx5zGhbLwf+v7+Q\nGg6jhqMFM66PJnOuejeDz25GC8cn3K/pCx9k8VevQ/G6SA4GCe9qG3df0WUHzcDAhAJqawCJ7iH6\nn93M0n+6ia6H/kHSHybROTDx/UpibnmYaRLr6GP5tz6BHk0Q3H4Ae3UZ9ddfQONNF2OryNe5nyyp\nQARRkSYstSty7JHlRN66sWWgoqjjcAySSpXhcnXgdvfn7C8ICWy2gbRj4Il7zotB+zBs2diR0xse\n6I2w8SWr3nregnJuue0cIqEUumaQSKgYhokoClz9kdXUN5YSGI5TWu7k9ZcPZQI2kBewAebOK6Np\n0fhDdEUmJpGoQJajiKL1wtY0J/F4JS5XFzabH1G0Ws2pVFlaNCXLRAmHo5PQBMFadrn6UFUfum7H\n4+lAlqMYho14fM5hk9qONXosyeaPfy8bEI/R+0Wu8GKvKqVszRJWfvfTPHvapw97jHfR3IyMaPt9\nzxRMMBNsMs23XUvzbdcgSBI9f9vIm5/4/rjnjB7soe0PzxJv68E0QCn15BiEOBuqiXekX8CigHdx\nQ05jwT6njPqrz8NRU845D3+blD+M7HFmRGUSfcO0/eZJTF2n4aaLJ2VeoseTvP3lnzL48nZEm8yc\ny89m5XduQZgoUaLIMcASRtJ1O5D9TVg5LQ5strHBfMSqM18eVxAsNUVV7SWRODG+EzDLg/bubb08\n9/cWgv44dfUlfOCGVZRX5hqrGwVa7IZhomkGf/7tFlp2DpBMqGi6gWlA48IybrplLeUVLs45r4mq\nKi/7W/r5y5+2553H6VaIR63kF6dL4ax3Nx6bG50lJJNVmKaMzRbEMKzyDJerD5erJxOUJUlDlnvT\nQ17TRxBAliM4nf3Y7cHMuUWxg1TKe0KlDzseeCG3B2sCspgnPjJpCoiSeJY1EtndhjYUJrqng+Db\n+9D8uS860W3HiGYTeVyNNdR9YH32tFLhAFZz0Rks/tr1meU57zuTkjOWENy8t/D16QbRlmyi2OiA\nDZAKR2m85XKGX9mBYJOZc/k5lK1dSs9jr6FF4qT8Ef5xwVdQyryUrl6UUYELbN1P+x+fpffxDaQG\nre/40L1/w1FXgb2ylIabLqL+mvMLXtLeH/yRnsdeyyy3/frv+FY00fiR9xa+hyJHFUFI4vG0oyix\nzJRWKuVBUSKYpkQyWUosNiddymm9gy3t8tL0vwv/NgXB0okoBu0TQDKh8cgftzE8aNVU+4fiGKbJ\np/7POTn7nbKmjta9gxm/alGE55/cy0vP7C/YW25r9fPMY3u4/hNrMuuGBqJoBV6Yl1+1HFUzCIeS\nnHJ6HfXziiIOR0oqVTbKfk/FZhsuoD9sPZSmqU9LJQ2sB1yWo8hybk2+JKnYbIGMetOJYKSHOBrF\n40QNTM29TLQp1Fyylp6/vjZmA8QO5SqjRVryM8zrrzkfI5EiuP0AjpoyFnzxKmRPdph43s3vpfP+\nF4iMCrjuhXUs/WauK5kgiqz/6/dp/99nOfjffyUydkj9MCP/eiBKzyMvkxq0kj5DW1uRfa4ch7JU\nMkhqMJjJtK9410p23fXrPBczLRIn0tJJpKWT4M6DuBfUUbYm32Evsi+/4iS0/cDEF1rkiJHlMHa7\nH5stOKpUS0UUe/D7lyGKKqYpZ/y7LZ/tAQRBJ5UqJZm0fLoTiWokKVaw1NMwTqzAyqwN2ru39WYC\n9ghd7cHM8PYIZ717PooisWNrDzvf6kHXTTBAn0DdzD+Ue97GheXUNvjo6chmitfW+zj7vKajdDdZ\nDMOkde8gJeVOqmtOjmSpY4HdPojb3ZXnrz2aQGABPt8BpHE63YWkDUfmwQQBHI4QhiGOOUackr7x\nsWDu1efR9rsnCb61H7CGm0W7DZha0F5469Us/tr1vHrlNzICLQC+VYsI7zmUu3MBt7vS1c3M+/BF\n457fVuLhzP+9k0P//QRJf5iKs5fTcOOFBXXSBUGg8aaLabzpYvb95AF6/7YRUQTv6mY67nsWU51Y\n5GYkYI8wrqUoENzaSvRgz4T7AGjBKL1PbCgYtF3z8nUDPM0zuzzwZMduH8bjaUMU89/NkqRitwfy\n9Bw0zUMkkv+8JpPlqKoDp7MbhyOYmXLTdYVYrObY3MAkmbVBu25eCXanTHJUjXRJqaOg1eaasxsw\nTJNtm8e3fRxNzdzcxBVJErnmI6t55vE9DA/FqKn1cuW1K4/sBgrQ0xni/t+8SWdbELtDZvUZc7nm\no6vfgd7BI5nfIUAgkaggkZiTs93p7J0wYJsmeDy9ab/cJKJoTqvXLQhGJrgbhoCuK7hcvSQSVScs\nw1yQRLzLm6wMcUFAsCkkeyZRViUKmQQuucyDZ1E9giBwyg+/wN7v3Uf0UDfuBXNZ9k83s/Nb9zLw\n3JbMoRVnLSfW2W9pk4sC1ReeTv117znsR7oaqln+z5+Y0v01f+Vamr9ybcYSMdrWx9ALb03pHBMh\n+1zokYkT6kawV5cVXL/46zcQ2d/F0Gs7rBGL966l8eOXHrVrLJKP3T5YMGCD9WyO6I5PFsNwEY0u\nIhq1EtQEwSSRqDzhVr2zNmhXz/Fy9vpGXn3hAJpmoigiK04df56iZJJSootXVHPZVcvz1jcuKOfT\nt75r2tc7GZ756x4629IlTAmNTa+1seyUGlaedmJl9442TmcPLlc2s1OWuzAM+6hhcQNRnDhgy7KK\nIGTnssYGbNOcnBPYSK/bOoeJoiRRlCQ2WyhtYnL8JWhbfvgnOu97ZsrHySXuzLy05o/Q8oM/MufS\ns/Atncfa334jZ981v7ydfT+6n1h7H57FDTR/5TpLPezBl3DUVVDz3rXHrbHoXVR/VIN2aOdBSlYt\nPOx+5eesoPGjlxTcZiv1cvb9dxPe14nktOGqnzn69O9cCs+TGIZIIlGJrk8taGeRSCRObO96NLM2\naAO4PDa0tN2mqhq8/sohzlzfWFDre9HSKuoafHSPGuIWRDDHTHnUzyuhtWWQrvYAi1dUT2hmPpaX\nn2tl84Z21JRB89JK3n/9KqRxknUKERjjA24altnIOy1oK0ruMK8VLMOZoG2aErruQpJys0Wt/2Q0\nzZ5TszmeUchUGLu/JKk4HIOoqhddt2EYx6/kJ/Bmy9QPUiT0SG4mbXR/F/GOfjyL5ubv7nWx/O7c\nHrJkV5j/iePfm1Q8R7dhZMRT+Dftzhl5GI1rQR31157Pwi98ACOl0f/8W5SuWYSztjJvX29xSPy4\nkUqVpBXOrGVdV4hG56CqvuP6/B1rZnXQ3rMjtw7PPxRn02ttXHTZkrx9BUGgpi43aI8N2AB7d/bz\n4lP7MAx44cl9DNwY5Yx1hxdL2bern789tAtVtYZ3+nvCOFwKl34wv9c+HjV1XtrT+ucAik2iefk7\nr4VvGPmZ2WPXhcMNaaH/GKKoZXrElljC1DK7DUPANM1x577Hw+HoxeXqTWellpNKWU5hYJBKlYwZ\n0j96KNOoK179i6+y/8f3E9mT1SJ3L5qLs2Fm/34GXnqb/hffRpAkzAm0zm2VJSilbqL7JzfFBYxb\n6x070M2+H/+Z1p8/jJ5MgWZgq/DR9Nn303zrNVO9hSJHiURiDqYpYreHMAzphE5RHUtmddBWlPxe\nrMM+/p8k6D/8PFdXe1ZSMZXUefGZfVTOcbFv1wC19T5WrK4tOGy4e0dfJmCPMDoAT4YrrllJPKZy\nqHUYl0vhzPWN78i671hsDrIcRVHiGTeeeDx3+MowXIRCi3E6u/F48l/UI+Ufk+lRq6qXVMqX4+F9\nOEyTTJC3ktaGsduHM0PuNlsY0xRJJo9+UPQubqDn8LtlWHLnR6n/wDpku8Ke7/2ByP4uPAtqWfz1\nG5HsM1foR0+p7LzzXiKjdcHHlLbJpV4abriARV+6Ci2epPWeh4h1DRLYvBctOIXEPCtpIbNoqhr6\nqOS31FCIg796nIYbL8BRfWLr9GczyWT1MXmmZhKzOmivXddI+0F/xrCjYX4pZ64fv1a6tt7HgZap\n6ST7h2L86ievkUrqCCKsPWce1318Td5+ZeX5lpyyJKCmdBTb5Lp4bo+Nj3/hLFRVR5LEgkl17wQM\nw0EgsAy7fRjDkFDVUsZTENE0d96ctWHYCIUW4XJZqmgjgbTQ3LauC4hiHLc7PO7c99h1hbLOsz39\n7LLd7j8mL5hY++QlShd99Tqav/QhwKqHrr5wDfGuQZx1FYi2mRuwAQZe35MbsCETsL0rmph71Xqa\nbrkSPaWy/au/YHjzHhSfm4YPX0T8UG9e0JY8jrwpghFK1iwiuHniaYfUYJDQ9oM4LiwG7dmBgSxH\ngeNrHiLdfffddx/XT5wisdgk9YSnQe1cHwuaK3C4FJatquGqD58yoYTowsWV9PeFCQzH0ScpC6ko\nIslEugdtwkB/hBWra/F4c7/ouQ0ltB8KMDxovUgkSaC/N8rWzV24PDZq6ycvUi9J4jFPAnK77cf0\nuzk8ArruSs9VTXSvJpIURxRVBMFSQYpGGzAMO6pamnEAUlU3opjv7DWigJabcJa/z0TL496BYBCP\nH/0h8kO/fdLK4p4IUWDezZew/O5P5PxWBEnEVupBmOpcwAnAV+Wl5TdPo8fyA63scbLmv76KaFPY\n8Y3/S9eDL6FH4qSGQvg37aHi3acQHjUVoJR7WfHdz+Btrkcp9xFv78XUjcy5Vv/sVgZf2mq5hI2D\n6LSx6vufK1gnPxVO/LN1bHgn3ZeiBCgpacXt7gP60oJbR28o3u0evyEwbU297373u1x//fXccMMN\nbNu2LWfba6+9xjXXXMP111/PL37xi0kdc6KYv6iC91+3iouuWIrTNXHRvM0uk0rqlqjKBDHb7bFR\n31jC6Wc3YBvTS04lddpah3jgd2/xm/98nZee3o9pmsiKxC23nsPNn12Lx2uz6sGBwf4oz/51b0Fx\nliIT43J1Ula2B7vdUkGKRucQCCzPebhSqXLC4YVEIk1oWn7S4GQC9PStnPX0f0eX0a5ZpgDJBXPp\nqW/CX1aFkb6Bxo+9j1N+8HnrKtK/rWAgzt8e3snD921l787+/BPPMJyVpTR9+gokT36SkZnSMt9L\neE+uGIseS+CaP4f6687PrFOHw2y79R48S+pxNVZjjNI61yJxOv/4HI65E081GfEUB3712PRvqMiM\nRxTjeL378PlaR+mZp3C5ehGE49MgmVaTcNOmTbS1tXH//ffT2trKHXfcwf3335/Z/u1vf5t7772X\nmpoaPvKRj3DJJZcwPDw84TEnA/6hGK17BnPWCaLVK9ZU6w3hcivc+MnTWbrKmmP906+3sHlDtkU/\nZ66XF57ax2Cf1WLf8VYP0WiKy65ajiAI1DWUEI3kfvmD/RGC/jgVVdMtWZh9iGIiPfRtBUVJ0nA6\n+5HlKMlkRUb5aDSRyDzs9gOYpvXdjFf2NZbxeuCTOc7t7iAanYcoptLKTBCPl+Fw+JHlJJrmIBar\nY6R9LYoJHI5BQCAer8I0Rzc0TSQpSdmahay8bSXx5Qv5xU/DaGp2O2b6xoZEuOVRRNFSHPN4bcSi\nKmrK+ntt+MdBFi6u5ObPnonbYyORUFEUaUrVDMeD5tuuoe6D63j9w/9KrDWbu1B5/mpE2WowO+oq\nYXRGvSjgWzaP0M5DOecyNZ093/49pac1531Ox5+eO6zyGsDBe5+g4pwVlJ81+QTSIkeGICRxuXoR\nRRVV9aTLs7IPo6IEsdlC6LqdRKKS6fdVTbzeQ9hs+bkQljxyFFU99mpp0wraGzZs4KKLLKWjhQsX\nEgwGiUQieDweOjo6KCkpobbWqnk+77zz2LBhA8PDw+Mec7IgKxKKIuX0eiVJzEicgqVIVlLmxDRN\nkkmNj3/+LERJoKczSGm5E5tN4s2NuZKPu7f1Zmq7yypcVNd66evOlitV1/ooLc/tTezfO8jr/ziI\nppmsPG0Op58971jc8kmLlTWe24sVRQO7PYyiRDGMfF9cq6b6TIaHh7HZhvF686U5x2MqCWoj+4qi\nics1iCiqKEoESbKu1+nsy+xjt4MsxwmFmpGkMCUl+zLSinb7IMHgEkRRw+nsTpe7mFz4+3WAyW2f\n7B4VsAEE61026mINw/qfoD93iNk0YP+eQX76nRcQBYGAP4FiEzlr/XyuOAbCQEeCe34t6x79Dvv+\n4wHi3UP4VjTRfFs2i3vxV64jdrCH0I6DSC4HtVeeQ+0V7+LQvX/LO1fKH8G9ML/EbTIBGyDVH2Dj\ndXez4PMfYOn/e9N0b6nIpDEoKWlFUayGtt0eyHHgczp7cbu7EIQRI5AQodBCpuOiI0mJvHLTEXTd\nhqZN3w0F8LNkAAAgAElEQVRuKkwraA8ODrJixYrMcnl5OQMDA3g8HgYGBigvL8/Z1tHRgd/vH/eY\nkwWvz86qNbVsejXbc7bbpZygnYhrvPJ8K33dYfp7w9TUerng0sVc97HTAPjpd17MO28iln2zSpLI\n5Vcv58lHdzPYH6Wy2sOlH1yW08Pp7gxy36/eIByytHX37OjFNOCMdxUD9wipVAm6bkOS8oesrOAd\nGMfMXsAwZGQ5ltd7Hr08mZ71ZOa/Aez2YF6S2mhstiCSFMLrbc/RQpZlldLSnQXV3CJhk0DgyO04\nhwezFROaZvDi0/uprvVOmLB5IrBXl7Hyu58puM23Yj7rn/wBAy+9jXNuFb5l1rU3ffpyhjfuzAnI\n7qY5NH/tehJdAwy8tBXDNNGGQgXPOx5GIsX+ex6i5/HXqHnvWpbd+dGiu9cxwmbzZwI2jBh6BDNB\n224fzARsa/8AshyeVoA1DAXDkDKNaxh5xl1EozXHzWf7qGSPm9OY1JvsMWVlLmR55iTFfP6r72b5\nqfvpbAvQ2FTGmxs7eHtz1hxAEODg/iH6eyxlqYP7h/nbI7t417kLkBUpLwENoLa+JEeE5bwLvbz7\n/EWEggl8JQ7EMUOSz/51byZgA6gpg5ZdA1z6gRUcT6YiHHNiWAy0AxEgNyfA6XTidBa6/ihVVS3p\nY3KxAmMZ4EQQdGDiLO3JJ6Qdfnt5uR/Ib4BIUuHnyOUW8HghMrV4Myk2/uMQl181M3rbU/kN1tyY\nK6ta9YlLiL7Vwr7//ht6IoWrvorT7/44tQ0V1D5wF6lQFESBpy/5fxjYsCtzXOmqBSz9/PsxNQ1H\ndRmdf91A633P5SY3aAbR/V0c2N9FxcJaVn4l2/MfeH03/l2HaLr2fJQC8/FTva+TiaN/X/lluIoi\npT8n/9kQBCgrU4DpXkcd0MmI5acgNAAL8PmOX6XOtIJ2dXU1g4PZud3+/n6qqqoKbuvr66O6uhpF\nUcY9ZiL8/olF+08EK0+rZeVp1vC/06PQ1RlkoDeCrIgsW1XD3h25L/OezhDb3uqioamM+vll7N6e\n3W6zSZyyto7/+O4LRMJJ5i0o471XLs30rIeG84djUql8cwRdNxgYCOetP1aM6D7PbBzAYrzeFhyO\nbPQyDBge9mGa+ddfVdVJoYA9QiTiJh6fg8+3F/uY9td05rUni2EM5JWNTYQoCnzyC+X87N+GJz20\nO1lUVec/f/QPBEHgjHc1MH9hBYdah+g8FGDV6XWUlB4f9anD/QYjLZ3s+bf7iB7swbNwLku/eXOe\nF/aiOz9O3ScuJ7ClheoL1iB7nHnnXPHDL9Ly738k2t6Hu2kOksvBnt8+hSCK+FbMp+mLV+Hf32P1\n2gvQ+dJWaj5yCaZpsvW2e+h+5GWMpMpb376PVT/4PFXvPmVK93Wycmzuy0FJiSfjf22aEI2WEI9b\nn+PxuHE6s1M/quokEMh6awuChtPZhyiqpFI+UqnR5XoGNlsAXXeg6yMluTXIshNFiaKqXjTNQ1WV\ncNTva6LGzbSC9rp167jnnnu44YYb2LlzJ9XV1Zlh7vr6eiKRCJ2dncyZM4cXXniBH/7wh/j9/nGP\nOZmZv7CCr975Hra+2UVljZuGxjJ+8i8v0DtqTrq03ElVrYdgII4gwMIllSTiKk6XwpqzGnjuiRYG\neq0f3b7dA6QSGh+44ZTxPpJ3ndfE9i3dDPRZAd3tsbF2fXFofDxGLPpGEEXLzD6RKCR/mSywzkJV\n7SQSVUhSFJst/yE9lkF7OqOrp5/t4r/vd/L4QwFeeiZJYHhiJ6zJMjwYpafTagTtfLuH+QvL2bW9\nF10zee5vLVx57UrWnH14FcBjiWmabP3az/FvstzJwjsPkRoKcvZD/5pXDumqr8JVP34HwrNoLmt+\ndTsAb992Dx1/yOq6+zfspPuhf7Dgix/EXl3K0IadpAYCOcePmIoMvPAWXQ+9hJkWUYod7OHALx7J\nC9pFpoJAKLQonQdiJaKlUtkk00ikMTPdZRgKsVgt2UQ0g9LS3Zn3g8MxSDSaJB6vRZbDeDxtKEoC\nwxBIJsuJROYDAprmO27z14WYVtBes2YNK1as4IYbbkAQBO666y4efvhhvF4vF198MXfffTdf+9rX\nALjssstoamqiqakp75h3CopN4oxzskHzgssW8/dHduEfilNa7uT8S5rp7w7z+1+9gX/IGs6pa/Dx\nkc+stYJvb27Pbt+egQk/r7TCxWe+so7XXjyAppqcdtZc5jXlCzqEggnsdhm7Y1Zr6OTNNZmmlThS\nGC+Qq0RnGJYqWiTSiGlK2GyBgsF5soH1WAb3sZ8Ti9fy7ovW8qEbrV7O6/84yAO/33pE583oDgDh\nUJLtb/XkLL/4VMsJD9rRgz34t+zLWed/s4VE7zDO2umrBA5v3JW3TvWH2fej+6m/5nzOffbHbPnc\nDxneuBtMk9LTmln45asBCO1uywTsERK9w9O+liIWpikTixVIHgRAzMxvj6WkZC+SlG2kjwgexeO1\nuFw9KIrVQxdFE4djKG3XOXm9jGPFtN/mt99+e87y0qVLM/9eu3ZtwXKusce8U1lzVgMrTq3lUOsQ\nq0+vJ55Q+eO9b2YCNkB3R4hXnz9AbX1+i802gZTqCGUVLi6/uvC8YigY5/5fb+FQ6zAOp8Kacxq4\n/EPHd757JhGPVyFJnYiinpY9LUVVx2spNxGPx1CUEKYpoqo+otF6QEQQVJxOq7RkOolohgGa5kIU\nU8jy0en1jveZui4Rjc4llcpVXDvr3CZsDoW//GkbkfCxqSsd6I9hmiaCIBAJJ9nxVjeNCypwOGV6\nu8MsWlqJohzbPBV7hQ97uY9kf7YBZqv0ofgmLpvUY0m6Hn0Ze0UJ1e89I69XrngLD/0b8RTtv38a\nQ9U45+Fv0/vUGxgpldrLz8mUntVe8S4O/OIRUqMS2zxL57H/Zw+hRRM46ivp+/vrEEvgW7OYJXfc\nnDm2yJFi4nD0I0lxdN2JqrpRlGiBZ9jKfRHF3GdDEKyKlJM6aM9G+npCvL2pC2+JnTPXNSJP8OKx\nO2SWrKjB43UQT6gkEvlWkcNDMS6+cimLl1XRstvqXdvsEmuPIAs8EVd57M872bvLOl8yqfOPp/ez\noLmCZauOjUHFTCeZrELTXJn5KWvearyIK6aHwcycfWQ5gtd7AFm2HmbDEIDDe3CPBFHj/2fvvOPj\nKM99/53Zvqveu9Vc5C73boMNxrRQQ00h4RJSTuEkuXCTnJyc3OQkhxOSnJObCoQUuoMBYzsGF3Dv\ntmRZvfeulVbby8z9Y6WVRruSCzYW9n4/Hz5YM+/MzmyZ532f8nsksFrT8XpjMJnqUKm8V2S17XJF\n4XSmDMm3hv5+Fi7JYO6CND58v5qu9kFsVhder0xzg9kvHPQxUasEBEHgzPEWtm0+x0C/E3Fom88r\nkZgSwd0Pz2VawZXTiNZER5D50Hrqfr8VyelGZdCR9chNqE3jdwSzlDZw+snnsFb5pVH16fGk3LqC\n3Cdux5jl113IfHA9gzWtSPbQYRTzyUoEUSR2wVR6DpbgMQ+iS4wBwDQlmZn//iUa/rgDV+8AUbNy\nsFY00f72Af/Bo7qKdR8pQwZmfv+Ll+cNuc6JiKjHYBjxarhckSElid1uv1H2+YyBlbb/bxUuV8wn\ncq3nI2y0L5Czp9t4669FAeGT4pNtPPHPK1CpL8wnOrUgibKzHYrOYGdPt5KUGsGX/mEZR/Y3MGB2\nMHNuCrnTgoU/zockyWx5uYhzRR3YbcoHis8n01jbd90abQCfz4TDcTHiNMpftMHQGTDY4HeZud0G\nVCrHhN2/RmqywWRqRxRbQxprv8tegyB4LrqbmCT5XYQuVyQ2Ww4XIh6hUotsuE3ZzW7v36vYsSXY\n/XuxZOfHI8sy+z6oYaDf/+CTfDLDGXHdHVb2bK+6okYbYMZ3HiVp/QL6jpUTv2oOsQumTTi+5tdb\nAgYbwNnaS8Pz79G99xTL3/kR+qQ4sr98G1Fzc6l/6e+Yj1fgbFYqx2liIql/YRvVv9iMu2cAbWIM\n0771ANlf9Lcszbh/HRn3rwOg6hdv0rnj6MjBY6SRQ7niw1w8guBBpxtQbFOrbXi9+lGqZuD1GrDb\n/a1UrdZMQBrSdFDjcCRNmvaeYaN9gRzdV69QKqut7OHU0eYLrlddeUMObpeXD7ZWBMRZPC6Jw3vr\niYkx4vNKrN6Qd8mZt4c/quPogcaQ+0QRMrInxyzx04ogBLuzPZ4oBgfzMBo7EUU3Xq9m6CEgIIo+\nRf0ooKixHovXq8flisVkGokPn69BiSz7k+MslgJk+eP/lNdtnEp/n51jBxoDMroXS0ycjk13z0SW\n/TkV42Hu/WSqQuKWzrxgdbKxCWTD2GrbaPzT++R9/S6aX92NLMO8Z7+KyqTn9BM/o33bYZBkNHGR\nZD68npohgz18zsr/fBXDlBQ6dxyl98BZRKOOjPvW4bNO3DVQE/3pT9T9JNFqe9Hp+pFlFQ5HUiDj\n21+nrfztCYKAxZKJwdCDSuXG4zEOhcH8Py5Z1jA4mM9Yj9tkIGy0LxCnM/ihPbpW+nwIgsCCpZl8\nsLVCsX2g38lrfzwFwP7dtdz76DxmzUsN7D99tJnjhxpxu3xMnZnIxjsLQnbvGs7mHYspQkvh0gzF\nOcNcPB5P5JDimP9vSRJxu2OQJD1Wa/DETavtJSqq/oJd4D6fLqTIyrCRlmWGOpqZhsbIOJ2JY0pU\nPh6iKHDPI/OZNjOJP/3m+CWdY3DAjdfnw+X0kJ4ZjaU/tOFOSb962bfjEV04jZ79oXsi9BwqoeGl\nHXj6/FUDza/sYtFfvsuC33+T9h0rsdW2knbHSmSg5Fu/URzr6RvkxMM/VKykK2teZfr3Pocq0oBv\nMNh4axNjyH5s0+W7uWscna6byMgmhfKZ2TwDWdYiSVo8nijFattfrhXN4OD5YtSTy2BD2GhfMHnT\nEmiqG0lqiY7Vs2j5xWXIRsfqyZgSQ0Nt6IxRS7+TQ3vrAga2sa6PLa8WB1qHNtWb0WhVbLh1etCx\nicnBs/LFK7O4/b7ZmCKuvB7utY7DkYogSGi1/gQ1pzMhZIORYdzuOBwOGzqdeUiIRUYUQ69eJUnA\nZssiMrI+aJ/TGYcsq/F4TOeJxV8+UtIu3aD6fDK//a9DaDQiqZnRZOfF0lCrzMYXBLjx1mB976vN\n9G8/iHfQRvv2o7i7zIH6dtGgxTzGVT1Y0UT98+8x+0ePk3b7isB22ecjalYOlpI65cnHuL4ll5ua\nX272G2xBQBMXSeT0LFw9A+iMWvK/+3mS1sy7Ivd5LeL/nY28xyqVm8jIemy2DHw+ExZLLkZj2xg9\n/2EkDIYuRNGNyxVzVcu5LoTrujXnxZA/IxFpSPEoPSuaTXfPJD3r/C7nxto+9u6sZNDiJjU9iozs\nGPp77UiSjCnC36RhNDqDhuVrcwA4uKeWmjENSkRRZGGIyUJmdiw9XVb6eu0IgsC0mUl89guFGE1X\nxmBfS232RjP+fQl4PFE4nYm4XAmjxBbGQ8DjicbpTMThSMLjMQ21CPUiSWokSUCWBbxeI3Z7xtAE\nQEajGQw8fNxuE4OD+UMtRI18HIN9MZ9XW0s/J480n3/gOEg+GY9HwtxjJ39GAoMWlyLBLS7ByC2f\nmfmxm49cru9g+/Yj1P1uK+YTFeR94x5mfPshjDmpCCoVprw07PUdyN7gBD1jbioDRTWUfu9FGv/8\nd1wdfcSvnkvU9CxsjR042nonbAEnOVyKfzuau/D0WnB0mBmsaCLzofUIk6xBy8fhSj4zdLq+ID0G\ntdqNTteHIPjweGLweKKHyraiGPktyURHV2Ew9KDR+CfZsqzC673w/JcrcV8TteYMr7QvEFEU2HTX\nxXXueenXRyktGulrXHyyhS//w3Ie/yf/zHzA7OC/f7xPEfubkjvi7jSFkDw1mkL3+1apRR59YjF9\nvXYkn0RCUjgeNhnwZ3Cr8Hhi6e+PQRTdSJKGUMliLlcikqRFqx0Yisslhxx3pSk53X7+QRdIX4+D\npauz2b+7BrfLh16vZvm6HDTayVHK1PCnv1P2by8hOf0P3Z79xazY+hMy7l1Lxr1rMZ+spPP9E0HH\nCVo1gihQ86stAcM8WNWCPiOJKY/exIp3fszJx5+l473DI8doVP46bbUKTYQBT//4ynuWkjo6dh4j\n7Y6Vl/mOr01crjg0mkFEURm7FkUJvb4bhyNpTEc8P1ptHxqNVTHeZGpGqzXjcKRMihKvsYSN9hWi\no22A0uIOxbaKkk6a6s1k5cQiSTI6vZp7PzePg3vqsFndTMmN5c7PjtRer1yXQ2lROw01fnd6XLyB\n1evzFOdsbe5n744q+s1O0jOjuO2+2eguoM47zNVAQJLGn0EDeDzRV/1BMVEC2cUSl2DklrsKmD0/\nldqqbqbPSp5U8ey2dw4GDDaA5Vw9za/tJufx2wGIWTiN2EXTMR8rD4zRxEcx9Z/vp+9EuXIl7ZMw\nHy9jyqM3IXl96JNj0cRF+nXNs5KZ/swjSA4n2vhoOnedpOH5bSPH+isIR/7UqNDFT573abLjcsUj\nSWp0ul70+rGuch8qlQuvN9hoi6IvKO9EFGV0ukFUKhdm8yxgckwwhwk/3a8AkiRz5KOGIM1nWYaB\nfgcnDlnYt6sGS7+TtMxo7np4LimpUUNjZM6eaqO1qZ/s/Die/OYqTh1pwmHzsHBFFpFRIw99r1fi\n9ZdO097sT0JrrO2jo93KzbdPI296okIYwuvxcfp4CyqVwPzFGZOuL3KYyUNmdmzQalsUh9p4XgSR\n0TpuutMvupSRHTMpKxhkX/BNSaNc4YIgsOB336TqZ2/gaOlCZdAhe300vfwBtvpgj4S9pRtnRy/1\nL2yn4YXtge2evkGiZ2UH6r3jlhTgHbDRe6QUlUmPPi2Bnn1FMHQ9UbNziFs+OZqyfFoYnvCqVJUK\nmWGv14DXG9rz6HTGYzB0KUq/hvG71824XBdfgnslCce0LzM9XVb++KtjCmnHYXR6NZvuLuCVP5yk\nt9uOxyPR12Onr9vGgmWZVJd38/Lvj3NgTx311b2cOdbCoQ9rycqNY93GqUEr6NLidg7uUSa8mHvt\nnDzaTENtH3MWpKFWi/T12Pj9Lw5xdH8j5860U13exez5aWg/hovy+otpf7q5mPuakheHw+7BbnMT\nEaVj+docTBFaOtvHd+eGwu3y0ddjZ86CtJAVDx+Xy/FZefqt9BwqCSSKRUzNYM5/PolKNxKG0kQa\nSdm4hOi5eVT/YjOWc/V+VbMQBt/R3EXTq7sZKK5Fco3kq/hsTgbKGsi4by2CKCJq1EQUTMHZ3guC\ngM/uxNk8Il8se7wk37xk3NW2paKJkmd+T92v36H3eDlxi2dMKBwzGfikflseTwSi6Br6twmbLRNJ\n0iGKDvT6LtRqB17vcI6IiMcTAfgQRZciWVSSBOz21JBu9dGEY9qfcj7YWkFjXXB2uMGg5u5H5lJ5\nrgvLgDJhoqNtkJ3vlvPhzip8XuXy3GH38t6b50hMimDmPKU4SkysAbVGVPTzBkCG6rJu9r1fzc13\nFvDR+zW0NY+UhDXWmtm3q4Zb7764GH2Y6wNRFLjrIWUTC6fTg9V6hKa6/oDOwIVQVtzBkY/qkGVo\na7EQl2Dkho1TJ01MO+9rd6GJiaBnXxHqaBO5T9yJJjJ0kmHrlv2B+uuJ8FpC16D3HTpH+Y/+ysx/\n+yKS18eZJ59joKgm5Fh3r4XWLfuY8cwjQftkn4/if/qfwLH9RdV4zIMsefl757226wFJ0jM4qKxO\n0Gj6iYxsQKXyV+LodGYGBqYBIj6fEas1F52uB5OpBZXKiywLOJ3x+HwXI8j0yRA22peZvhCiEQuX\nZ/LZLxTS12PnndfPBupuh4mJM3DycFOQwR7NmePNQUY7MzuWOYWpnDneGvKYfrO//tM6GFxPbhtV\nYy5J8lDbx8lXkxhmcrB3RxV1VZfW3OLYwUY6Wkfcla2N/Tz2jWWX69I+NlkPbyDr4Q3nHXc5xE56\nD5YA0LXr5LgGexhtXOiSQvPp6qBjzaeq8FodqMfpz329YzB0BQw2gFZrRa/vwekcUeVzuRKG6rnN\neDyGSVv6FTbal5nk1MhA4hiARiOycFkmoiiw+c9nqKvuVYw3RWjQalUhDetoxjPnD315EQVzUzh+\nsFFRHiYII5noudPiOXuqLbBPpRLIL0jE65V46+Uiaiq6UatVFC5J5+Y7Cy7yjsNcD4xNqrxQRBVY\nzMp4YWVpF51tFpI/Rj341WDKF26hfesh+s9Un3/wOLh6B+jeV4QmNhJBq0Z2jxJtUokBl3vskhlM\n+dzGkOcwpMahjjIqVvTaGBOiLnRlSRgQhGDvkCB4EQQXRmMHKpUHWRYQBAlRdKPTyYCI2x011EFs\n8ixowkb7MnPrPbMYtLhoqOlFb9CwdkM+02YmYe61U1/bGzTeZvVQVTZxK06NVgxyVw4jin6ltfmL\nM3j39bNUnOtEFAXmLEgLSKyuvCGXQYuL8rOdiCLMXZRO4ZIMdmwp48ShpsC5du+oIiU9irkLx2tz\nF+Z65VIfWetvnc7R/Q2KbTLyRSe1TQbUJj3Lt/yI4m/+mvb3DiN7Lr5Tm7O1h+OP/pi8b9xN4g2F\ndA2VkwlaDdlfvhV1hJH4rARi71yNSh86lmrISCL93rU0/vUD8PpQGXRkPLwBURN+nI+Hx2NAo7Eq\nJIB9Pg3R0bUBueFQssH+fcIErT8/ecKf8mXGFKHlS99YhsPu8atCpcXQ3T1Ie5tl/OXyEMNfGINR\nQ3yiiQGzk4hILXc+MAejUYskyeMm9IiiwN0Pz0Me8ruPdnULgr/GfGydeVuLUmtZ8snUVfWGjXaY\nIGYVptLRNnj+gaMwGNTcdPsM+nsdnDg8MjnMn5EYsiXtpwGVUYeru/+SDPYwsttD6+aPWLP3l7S8\nuRd7Uyfxq+aQcvMSABIT/b3PJ2L2T54gecMi+otrSFg3n7iFwSqJYUYjBkkE6/U9iv4A40UHdbq+\nsNG+HjAYla6qk4eaJhJHAkbi3Habh7gEme89uxFBgPc2n2PzX4qQZZmCucl85oG54xrvi4lLh2pO\nEpd4PqWvMNcjt3ymgMhIHTveLrvg9p0Oh5ei4y3c97n5xCeZaB9KRBvbXezThs82caOPC8E7aEeW\nJOKXz6Zrz2k6dh6n4cUdzHjmYRJvXnje4wVBIGnDQpI2nH9sGBR126MJtboei0rlIiKibqhl79Uv\nlQ0b7U8Il+viZubtLRb6++yUl3Syf1dtYPuhvfXExhlZt/Hjazevv2067S0WmurNqFQC02cns2Jd\n7sc+b5hrD0EQWLU+j/hEE3t3VlFffWFJad2dVro6raxen4dOf208bkxTM+k/HTqurY6LwNsXXBoX\nMz+f/lHJY7GLC9BEmzj+6I/oP+FvIuRo7KSk30r+ht9emQu/jnG54tHp+gLJaJIk4nQmIQg9gZru\n8Qy4IIDB0IdW24/XG4nDkYDHE/tJXr6Ca+NXNAnxeSV2vF1GW/MAWq2K2HhjUNb4aFRqQZE9HhNn\nJDJaT3O9OWhsS2PoFoIXS1y8kW88s4bK0i4MRjXZefGX5bxhri0++qCa4hOt+LwS02cn88BjC/jp\nd3af9zidTkXRiVZ2baskJs7Auo35rLox77zHTXZm/8fjdL5/HO9oGVKViCk3jSmP3ULZd14IOiZ2\n2UyMeek4mjuJyM+g4F8/j7O9F8vZWsW4geJaBqpbIW7yCdF8mvF6/U1D9PoeBEHG5YrF7Y7D7Y4e\naq3rwePRoVa70Ot7EEMsqFUqCZVqALXaysCA9qqVg4WN9hXivc3nOLh3RPgkJt7ArMJUzo1RmtLr\n1dx270wkGfZsr8Iy4CQqRs8Nt+Sj0aiIjgt2Ybe3DPDK8yeZuyiNOYVpQfvH0t/nQBQFomKCxRdE\nUaBgTvIl3GGY64Gzp1r5+9tlgQllW4sFQfBr3fvOU6/tcvno7vQbtv4+B9v+VsqJQ03EJZjYcPs0\n0jM/XYbJ0dpN/Ys78NmcTPn8zbS9ewhHY6d/p0/CVt1C/+lqDBmJOFqUyaXmExWs2vGsYpvP4UJl\nMihEWNSRRkxp8fQ7LywEEebC8XqjsFrH5lKoFfFqtboxpMEejUrlQ6/vw2YLG+1rirGlXf29DjJC\nPKTiEo0sH3JJz1uUTl11L3nT4jFF+BVxbtg4laY6M7WV3X73jSjQ2W6ls91K2dkO+BIhDbckydgG\nXfzt5SKqyroRBZgxN4WHvrQQtXrib2Vfj42SM+1kZseQO3VySfiFuXJY+p2cONyETq8mMzuGpJQI\nqsq7g/QD9u2auL54PLweidamAVqbBujptvLP31mH6jzfxauNLEnIkoyn38qxB/4da3ULAOpoE0k3\nLRox2kNYztWR+fAGqp59TbE9ZK6JKAa7Y0VhqLNX2GhfDfxtdM+PvxHQ1SFstK8QekPwWztzXjJt\nLQP09YxkLI42ihGROuYuUBpgvUHDE0+toK6ql/27axRdw1xOL8XHWwNG+/ihRqpKuxjod9DfZ2dw\nwIV31AO3+EQr6RnR3HjrtHGv+9jBBna8VYbN6katEVm6agp3Pxzu63utU1/TyyvPn6S/byTJKjJK\nR3JasKDIRCJAF0p7s4WK0s5A7/jJSPUvNtPy1j58diea6IiAwQbwDtiw13eMdO4aQp8US/yKWco6\narVIyh0rxp4eV5cZz6BSjMk7YMPW0g2xny4vxLWC2x2jaDgiSSBJKlSqkcYiXq8WhyPxql1j2Ghf\nIZavzaaj1RLolz19VhKLVkwhMSWSA7tqsFrdZOXGsekz5xczEQSBvOkJlBYF65mLagGH3cObfzlD\nyem285aVdXWOX0oiyzKH9vo7joF/ZXTySDMrbsghOfXTWaIT5vzIsszbr51VGGyAQYsLj8dHRlYU\nLU2WcY6+NDRaFbFxk7dSoXPXSap+/iay2//7dbb2BI1RRxtJu2cNbe8cRHZ50KcnIBr1HHvwh4rO\nYam1uh4AACAASURBVDHz88l78jOKY5te3U3Ta3sQVKLiJxs1K5vIvDR6+0JLoYa5srjdcQwO+tDp\n/LlE/pafVtTq0Z+/gCxfPQ9R2GhfIQqXZJKSFk1tRQ8ancii5VmIokBOfjw5+ZeW8LVsTTbnzrQH\npFJNkTqSUyP5+Q/3Yu69sDKUlAlUqGQZrINK4XuX00tn22DYaF/D7N9dS1tTaE1tp8PL4lXZrNCI\nvPvmOVyOS69PHs28RemkZU6+XsXD9B4qCRjsYUStBmlom6DTkLJpGckbFpLx2Ruw17XTX1RN8yvB\nCXrOzn5kWQ64yPuOlVH2/RfxDo78ZkWjjuiZOUx/5hFE1eTQZb9ecbkScbtjMRja0WoH0GiUCx21\n2oVO14fLdXVW22GjfQVJzYhibmH6eYUSLpSk1EgefnwhO94uQ6dXs/7Wqex8u+K8BlsQwGjUUDA3\nhdUbxs/eFUWBzCkxlPaPuOATUyIomJsy7jFhPn0c2F3DiSPNuJ1e8qYnBJLFQmGK0DJrXgoxcUa6\nO6x8+EHNxN4cYVRr6HHGzSlM5YEvFn6MO7jymHKD80QS1sxFGx+Nz+4kYloGLa/toex7L2BITyD3\na3fRf6oq5Lm0MRGKmHbHzuMKgw0Qu3A6yzb/e1j/f1IgExVVq2jvqdgrgyRdPcnYsNGe5Jh77RQd\nb0EQBaJjdWx/q5z+PgeCCGq1ioH+iQ22WiPy8OML8XokfF4JSZIZPZF3OjyUFXeQlRtHQpKJez83\nD41WRVuLhZg4AzdumoZGE575XytUl3ezY0s5nqE4bE+XjdiE0G5qg0nNzXfOIGbIjX3rvbPInhrP\n9rdK6RqnTafRqOHhxxeRkRXN26+VUF3eFQgRDeNyeSe9ccp4aD3dH56ha88pJJeH6MKpzPzR40Tk\n+GPwR+75Hv2n/UbaVtdO1bOvIWhDPE4FgcxHlM1IdInB8WpdYsykf0+uF9Rqa9DqenQNt9vt79t9\ntQgb7UlM0fEW3nqlGIfdE7RPluDcmTam5MXR3WlT7BNVIPn8ZWZ33j+bo/saqC73Z5/v31XLo19Z\nRHJqFMUnW9n2t3OYex3ojWpWrstl090zefSJxZ/ULYb5hKks7QwY7GG0WhWiKCBJyqXx7ffNZumq\n7MDfgiAwa14qM2Yl8/2nduByBrvK7TYPVWVdzJidzOe+spgDe2p59/USxZjI6Mnd97lz1wmqn3sT\ne3MXEdMyyXjwRnIe24QwNNuVJQlrTZviGFdXf2iBdkHGOCWZsh/+CWd7LzGF05jyhY10fnCCviOl\nABizU8n9yh1X+rbCnAe1ehCDoSvQi3s0Pp8alysBn0+HyxXP1WwgEjbak5iDe+tCGuxhZBkiIrUk\np0bQ1WENCLeo1SrW3zmNtTdP5eCeWkVDkvZWCx/urGbeonR2vFUacK077V4Of1TPklVTiE+8fPWH\n9TW97Hu/BsuAk/QpMdxx3yy0uvDX7krh80rs2FJKfU0feqOGFetymD1/JEM7LsSqOj0zmrU35bHt\nb6XYbR5UaoGpMxJxO320t1hIzYhClmVKTrfRWGcmNSOK6bMSOXsqODESQKNVU1PZw5GP6nE5PSSl\nRNDVaQUZUtMjL4ua35XC53RT9oM/Yavxt7t19wzQbtSR8+XbAmMEUcSUk4Krc0QVTtSqkdwh4v0S\nnHj4/wZCBW1bDuBo7WbZ335I2zsHcJsHyXzgRjRRk69v8/WEILiJiqpDpfI/b0eLYMmyP0HNbs+4\nSlen5JKenh6Ph2eeeYa2tjZUKhU/+clPyMzMVIzZsWMHf/zjHxFFkeXLl/PUU0+xZcsW/vu//5us\nrCwAVqxYwVe/+tWPfxfXKH09tgn3q1QC584Et0x0u3wUn2xDkmR6u4OzUMuKOzh1pDlInc1h99DS\n2H/ZjLbL5eXNP50OeAKa6s143F4efCysl3yl2PF2KftGyd62NQ+Qmh5FYqK/N/PSVdlUnOuioqQD\nSfIb0RtumUpqRjQLlmbyzut+l3Z1eQ8V57rQ6dWs2ZCHx+1j3+4a5CE9lcKlGajU4Btjp3Q6kfSs\nKF75wwkGR/VsX7o6i+z8BAoXp6OexOGW/qLqgMEeZqCkDne/FV3sSH/r6c88Qun3XsByrh5DRiL6\ntATMx8tDn3TM76zz/RPM/MFjZNy3bmjV3oosyWhjPn6/7jCXhl7fEzDYoJQz9fl02GyTw2DDJRrt\nbdu2ERUVxXPPPcfBgwd57rnn+OUvfxnY73A4+NnPfsbWrVsxmUx89rOf5Y47/O6fW2+9laeffvry\nXP01TFtzf6D0KhRanWrCxg1tzQO0NQ9gMKgD7vJhxsYYh4lLMDJj9uVTRys63hLkuh/dazzM5Wfs\n+2u1uDhzvIUZM/3JhCq1yGNfX0p5SQc2q5vCxRkBI3r6eAsnDzfhHaV05nJ6OfRRHSqVGDDYAOVn\nO4iKMWDuUeZUeH0yf/3diaAJYfnZTu77XOGkj9tGTs9ClxyLq3NEPliyuzj9+LMs/st3UZv8rv34\n5bNY/cHPsNa24bU7afzL+1irm/GYx0/qCyAINL+2m6ZXdmMpb0SyORF1GuJXz2HJy/96pW4tzATI\n8vimUKVyIYpuJGlyhHUuyWgfOXKEu+66C/Cvlr/zne8o9hsMBrZu3UpEhH/mGBMTQ3//5dHLvl4o\nOtmKzxc6/ValEsidGk/Fua7znsfh8KLViugjNej0GtQqgfbW4KxIUYT5i9ODmjq0twxw8kgzKpXA\nirU5xMQr3auSJPP+1gqqS7vQaEUWrchi8Up/H++4BCOiSkAadR9ju5+FuTx4PT7e31pBT1ewdyZ6\nlHxtT7eVt185S0tTP1HRemyDbnw+mZhYPefOtCkM9jB2qwedXrk6drt9RETqgsaOJ7xiGXBRVdbF\n9FmTWzJXGxtJ7lc/Q+VPX1XUWvceLKHud+8y7ZsPBLYJKhWevkFOfeVnuDr8kyVNXCSiXourrTfo\n3MNETM3g3HeeR3KMnF9yeejefZqz3/wNG/76DJ5BO31HSolZNB1dXLjc8vIgo9X2oVK5cLlikaQR\niWinMwGdrhetNvj3I0mqq6qANpZLMto9PT3ExcUBIIoigiDgdrvRakeatg8b7MrKSlpbW5k3bx5N\nTU0cP36cL3/5y3i9Xp5++mlmzpwZ8jWuB47ur+fkkWa8bh/TZiVxy10zAy03IyKCH4gGo4bktEjm\nFKaSlRtLfU2fIhkoIysanyTT3qIUwnC7JTweF6vX5xOfaOSV508GTQgkCTrHZATXVfXw8h9OYBnw\nuznPnmrjiadWKuKiH+6sYs/2ysDfLU0DxCeZyJ2aQP6MRGbPT+XsKX/Sjt6oZtna7Et4p8Kcj81/\nKeLU0eag7UmpEVgGnFgGnABsfeMclaX+yZ5t0M22v5UGxkZEBX/nwF+6KAjQ1jzyvcrJjyc5LZKe\nrvoLvsaqsm7OnmrDZnWRk5/AmpvyJuXKO++rd9F7sISu3acU250dwYa48eUPAgYbwNM3SPp96xg4\nW4O1qkUxVlCrSL9/HbLPpzDYo+nafZLqv3zAye++iLO1B11yLPn/dJ8iph7mUpCJjKxFp+sf6trV\nic2WNZRUBiAyMDANg6ELrdaMRmMPNHhyueKQ5cmz2Div0d68eTObN29WbCsuLlb8LY/TuqqhoYFv\nfetbPPfcc2g0GubNm0dcXBzr1q3jzJkzPP3007z33nsTvn5srBG1evLMci6F4XjiaEqL23lvc2nA\n6LY0DRAfb+L2++YAcMe9c6go6aSq3J9EFpdg5Cv/tJIZc0Zqpp02Hwf21OByeSmYk8I9D83jP777\nQchrkGWoq+rls59bgH3Qw/vvlStijgAqUVBc65ZXigMGG/zlQWeOtfDgFxcG7qu1USnK4XJ6qavs\nZemKHACe+u6NHDvYQGf7IAuWZpKVfWEt7Sz9Dna+V47D5mb+4kzmLfzkmtCH+rwmMx6Pj7rqYMWu\nmDgDXe1W/v52OScPNfPo/1pETUV3iDP4sVpc6A1qnEMCKiqVSP70eBKSIjm8f6T5TVyCkX94ei3R\nMQaa6800N5zfi2aK0FB5rpOONr+X59yZDpDhvkc/Xr32lfqsMm6crzDaglpF9s2Lgl5PE+LZF5US\nw01v/AlHRx/9ZY00bz+Kz+Fiyr1rSN+wkCPf+J9xX1cXbaLk2dcDCmyuTjMNv3uXwq/fiSZy8irI\nXShX77fVC4x8T1UqH1FRvUD2mHEx+JMQeoABBCESozEJo3HiyeUneV/nNdr3338/999/v2LbM888\nQ3d3NzNmzMDj8SDLsmKVDdDR0cHXv/51nn32WQoK/FKdeXl55OX5xT0KCwvp6+vD5/OhmkAByGz+\ndMv5JSZGhhRXOXKgPqhkZufWcs4WtTF9VjKr1+fypX9YxonDTditbhatyCI61qA4V8G8ZArmJVNV\n1sWxAw18/5vb6Qjh+h7G7fay7e0SZi1IIW9GPL997hCWfv8KTKUSyC9IUJzfOugMOkfxqRaWrplC\nTq5/bKiGD6JKUJwnvyCB/AK/xvqFCM24nF5+/ez+wMru4Id13PXQXJYMud2vJON9XpMZn09CHNOa\nSBRRyJJ2d1l58ddHJsyDAFi4PBO1WkStVrFiXQ6R0Xqe/dfdinh2X6+dX/7Hh6SkR03YIzsqRodK\nFDFGaklJjeTUUeXK89C+OtZuzL+IO1VyJT+r1C/eSnZ9J917TyOo1aTduYKom5YEvV7M+oWI244E\nXOmauEjiNi2jp8eK1+mjvaSB2JuXErvQr/ff3T1IyiM307zzBLY6ZdkYAiRsWEjjn99XbLY1ddF4\nsobo2TlX5F4/Ka7mb0uv7ydyjF31eNz09493Pfqh/wAmzlO4Evc10STgktzjK1euZOfOnaxevZoP\nP/yQpUuXBo357ne/yw9+8ANmzZoV2Pb888+TmprK7bffTlVVFXFxcRMa7GuZiEht0LZBi4vKc11U\nlXWBLLPmpnyWr534h9rWMsCrL5wMkh8di0Yj0lRvprayh8goHbfcXcCj/2sRR/Y14HZ7mTk3haWr\nsxXHzC5Mo6KkC7d75EHf1mzhz789zvf/cxMAa27KpaneTG+3PxaUmBzBihs+3sPl6IEGhSvW7fJx\n+mjLJ2K0P42oVCLzFqfx4c7qgHGNjTcGVQ7YrOOXD4I/YzY+MYLCJelERumRZZmKcx1YB8fUrcr+\nhLeJkgoFAb7y1EqSh2Rzt/3tXNAY23m+s1cTQaVi9o8eH3e/x2LD3Wch/e7V4JNo33YYUaMm48Eb\niV00g+6Pijj7v3+Lo7ETUach7e41zP3F12l4YTu9h88RPTePhHXzEQ1aPL0WJLeXhNVzyHhwPYOn\nqug+NpKJHjEji8jpmeNeS5jz43LFYTB0oFaPfOe83tDZ+qJoJyKiDVF0BTLHJ0sSGlyi0b711ls5\nfPgwDz30EFqtlp/+9KcA/OEPf2Dx4sXExMRw8uRJ/ud/RtxAX/ziF7njjjv49re/zeuvv47X6+XH\nP/7x5bmLTyGr1udRca6L+urgOJksQXlJJ2tuOv8q5NTR5gkNtkYjkpMfT1NDH06H3/gOWlzs31XL\nv3z/BnKnjd96c8HSTCRJ4q2/FuPxjCy16qt7OXemjdSsKCQZ4pOMmHttSBL0dFl597USHnhswXmv\nfTxC9WmWpIl7N1/vbLprJqnpUTTUmklIMpGWEc1Lvz4acHUDGE0aBgeChSOGkWXY+kYJH/69ig23\nT6eloZ9Tx5oViYQXiiz71deGjXaopDWtdnK35RyPiv98lYY/78RrHiRm4XTm/fzrZNy/joHSBlpe\n30PvgRK6D5wNtO2UXB5at+wDWaJl80cwJGJjyktn1fv/FeT2Xvzzr3LkX36LtaYVdYQRXXwU577z\nPNlfvo2oGVmf9O1eE8iymsHBbIzGTkTRg8djwmYLNRGSiYxsDCSkaTQORNHLwMCMT/aCJ+CSjPZw\nbfZYnnjiicC/x8a9h/nrX/96KS95zaHTqXnyX1ZSdKKF4pNt/t7Yo9DqLswDoQ1R8yqK/sQyAI9H\norHejMupdItazE5cTi9GU/CKfzQ5efEhs9gPfVSHZcBBRWmX4qEuy1B8qpU1N+WRmnFpUn9LVk3h\n+MHGQCa0KMKssP75hAiCQOGSTAqXjDyI7nl4HscPNeLx+ChclIlWr2LrmyUKQx6KQYuLPdsqsTs8\nl2Swh/GOmugVLsngow+qsVpGJpjTJnkmeSha3zlAzS82B9Q3+k9UUPHjl8n7x3s49aX/VCSljUZ2\ne+k5dC5gsAFsta00v7qb3K/cqRibvHwWK979D+pf2E75//0zjsYOeg+do3t/Mau2/TSkDGqY8+P1\nRmGxTJyJr1I50WiUGeRqtR1B8EyaZLSwNNVVRKUWWbg8i1nzU/nNfx0IuIRNEVqWjXFVj8eKG3I5\ne7qNzqEEH6NJi90W3KlrLEkppgkN9oDZwaGP6qgo6QqStwS/C3s83C4fvd32SzbaEZE6Pv/VJRzc\nXYvT4WXqrESWr/l0x/OuBguWZbJgmd+ID8fd8mck8NtnD2A2B+crjMZiGX9FPhqVWsTnlRQTRYCE\nJBNLVo+EM6JjDdz10DwO7anDOugkIzuWux6cc/E3dZWpHmWwh7GU1tH88q5xDTaAaNKhi4/G2aJM\nBBR1oQ2BIAh0fnAC2TUS0nA0dHDw9mdY/KdniCrIvvSbCBMSna4bgyG4jFaS1J/+kq8wlxe9QcOT\n31zF4Y/qcDq8FC7NID3zwmbTkVE6nvzmSg59WI/H7aNwcTqvvXQ6YMTHo7XZwou/OsrDjy/AYNBS\nW9lDdUU3GVnRZGbH8vufH6Kr4wKEIkKQmh7JjDnKVdTxQ41UnO1Ea1Cxcl0umefJIk/LiOazX7x0\nF3uYEfb+vYqS02047B6mFiRijNKd12inZkThcnrp6wmdCKo3qLnroblkZcdQXtLJlNw42lssVFd0\nozdqWH1jXtCkcP6idOYv+uSqAK4Esjc4kU9l1CN5JvZeSDYXHqsdQatGHiV32r71EFkPb0DUBhtv\nURUcPnA0dFD6nRdY/vaPLuHqw4yHKDoxmVpQqZSfrySJOJ0JwOQJ5YSN9iTBaNKy4bZLi5tERum5\n5TMFgb833VXAznfL6WofRKNTh+yB7PVKlJ/tYNd7lRhNWvZsr8TjkRBESE2PuiSDrdWpmFqQyIbb\npqMelVV++MM63n2zJCC8UVvRy9f+9ypi465eCUtZcQdVZZ1ExRhYdWPux9JD7+22cujDeuqre3E6\nvOgNamYXprL+1umX8Yovjp4uK309dlxOD+9vLQ+89z1dNoQJnj+iCFm5sWy6exY+n8RH79dQX92D\nx63MKdDp1Sxa7o+vJg31Ws/Oj2f5umvbIxI9J1cpcyoKTPvWg6gMWjp2HsM3OH7XPXttG9qkGNxd\nI6VHvYfO0fzmh0x59Oag8Wl3r6bn8DnFahvAUt6A1+pAHWEIOibMpaHTmYMMts+nZmBgKj7f5NKF\nDxvta5DZhWkUzE3hT785RvnZzgnHdnVY6e6wBhLNZImQq/Sx7s+xTMmN5cHHFpCYElyqcK6oXaGU\nZe61c/xAIxtHTTQ+SfbvqmHH22WBmGtlWRdfeWplQNjmYhi0OHnhv48G9aRubeonMkrPklWfbMa7\nLMu8/epZTh1twuX0YTSpg1TK5Ak+Rxl/w5nEZBNR0QamFSTx/tZydr1XqRjnsHn482+OcecDc4iN\n//TXD18oBd//Am6zFfOpCrTREWR9fiNpd64EIOXWZbS+8eGEx4822MOMlkwdTeYDN4IoUvwvv4JR\nFRyGtARUxtBCOGEuDa/XqGi/ObxtshlsCBvta5b+Pge1lUrBjVB65W1N/UExb59PxmBU47D7t6s1\nIrlT4xXdwvznU5OSGknh0nRWbxg/0z2Umy9UffcnxaljzYokqdqKHs4VtTF3wYjr1uuVqK/uJSkl\ngujY8Vc0R/Y1BBls8E9waip6Lslo11R0s++DGmxWN1k5sdx+36wJm2z4vBJnTrTg88lERuk4sq8+\nEHa12yZ2245FHrru99+t4P7P+4VPVKrgyYzb7aPkTDter8SX/3H5Rb3GpxlDWgLL3vg33H0WVEY9\nKv1ICMDedH5Z4bFoE2NIv3fN+PujTaj1Orxuf5hCNOrI+/rdCOLkcddeC3g8UTid8eh0fYiijNer\nw26fnMmvYaN9jeL1+PD5lEsqjUZkzoI0io63BDLCLQOuIAOalRPLprsLOH6gEbfHx6z5qSQmmWiq\nN49kHgtw0x3TueEC2iwuWp5JdXlXYMWnN6hZvPLqla74PMFLzdEZ1bVVPbz+0mnMPXb0BjUr1uVw\n6z2zgo4BxtWHB39C4cVis7p4+fkTgSzrpnozXp/EfY/ODxrb2W6h+GQbxSdbA96RqGhdULOOS6G9\ndYDTx1qYOS85pJ75MC2N/Xi9kiIccj2gHaMH3nOwhIHT1Rd3jsQY5v3865iyU8cdU/vbd/BaRuUV\n+CQMmUkX9TphLgQBqzUHhyMJtdqJyxUDTJ7ks9GEjfY1SnJaFHnTEhSr46kFSTz0pYU0N/TT1T7i\nAvd5JTKzYxBFgdh4IzffMYOk1EimFigfDnc/PI8Th5rweLwsWJzJihsvLH6pVokKF63T4eXgnjpu\nu9dvCIuOt1BZ2oXBpGHNBn8Ck8PuISpGf0W0qafNSgrIaQKkpEdRuGSk9d4rz5/A0u8KXOv+XbXM\nX5xOWojkwGWrpnD6aDPmXmXCVnpWNGtvzrvoa3vtxVOKsijwd9Qay74PavhgW0VQvoJlgjrsi6G1\n0S/aExWtJXd64rjjIqN1IVfi1zKO1m4qf/oq9oYOTPlpzPjO52h+bQ+S6+LEYky5acQUTjzpdXUo\nXeeSy8NASR1xS65OaOlax+czTUqX+GjCRvsa5tEnFrN7WyW9PXaSUyO56Q5/YlR0jF5htEURbr6z\ngII5E9fNLlyWycIxJUQXwq7tlUHb6mv9ojIH99ay7W+lAXf1mWMtqDQiNoubjOwY7vvcPJJTL2+X\no9vvm43BqKGxrg+fV2LGrGTMPXbamgfInBIbMNjDeL0S7/2tlLkL0liycorCMxGbYOQLX13C4Y/q\ncTo9GPQaMnNiWbg8E41GhdfjY9tbpTQ3mImI1LHu5nxypoYWtNm/uyZk5zaPWxnS8Hp8HP6oPmSC\nIfhFS9zuixej0WpFZPz11SOeGDdlRe0kpUbQ02VDkmQE/FVPpkgtq9dPzqYfVwpZljnz9V/Sd8Tf\naKXveDnOjj7Ul6ALbj5WxqE7/g+L/vx/iJoe2vMUPTdXIXeqS40j7TOrLu3iw1wThI32NYzRpOXO\nB4JrYddsyKOrw8qA2YGoEpi3MJ0Zs6+cy81mDV79mYdKiYpPtiniy6ObmNRX97JjSzmPfT1YJncs\nDrubt145S1NdHyaTlhU35ARahI5FFAXW3TyVl/7fUWoqeqgu72HbW6XIcmjlLoDqsm6qy7opLerg\ny/+4TGGoMqbE8NkvhG588c5rZzl6oDHwd0frIE/96zr0huASn9Ki9pDniE804XZ5KTndRkJyBPGJ\nppC68MMsXjmF6vJuujqsgU5FEyGqBG65cwbLb8jh1JFm3nmtRLHf7ZboGuoAl5IeyR33z6a708bs\n+SnEXMUKgMuNpbIZV7eZhOWzEMaRV7bVtWE+UaHY1neikln//hhdu0/hs01cSjcWe307DS9uZ+6z\nXw25f9aPH0eWZQbO1qJLiCXnyTvQJVya/kGYa4Ow0b4OKZibwr98P5Yzx1tISolkakHiRa2WXE5v\nSMEVj9vHWy8X0VDbh06vZtnqbJavy0Fv0ALKh5k49HrjdYgbJlSSVyi2vnmOouP+hhR9PXb+9nIx\nu7dXYorQsXT1lCBd9QN7awMd1PzX4f+/ddCFKAoh7w+g4lwnZWc7mDVv/DjkaOprlYIbvd02Th1t\nZuUNuUFjxzb9AFCrRWYXpvKLH31Ed4cVtUZk3qJ0MqbEUFsZLIEbEaVj090zueN+ke1vlXJgT13Q\nmLFExxhYtT4PrU7NgqWZ7Hi7HHcIQR7wTzpqK3vGjfFPNmRZpn3bYfqLaoiZl0/qHSuCvuuyJFH8\nT7+ifdsRfHYn0fPzKfz1U0TkpyvO4+ruR2XQo4404DGPfC/VkQbS7lqFJspE7e/eYaC4FtkzcWOW\n0Xit45eJ6RJiWPiHb1/EHYe51gkb7esUU4SOVTdeXMy1o83CO6+dpb15gPjECFatz2XBskwO7K7l\n5OEmentsioSu7W+VkpEdQ87UeDpalT2+9Ub/SnN2YSpN9eZx5TITEkfiS7IsYx10YTRqg5LnWpuU\nLUJ9Xonebju93XY62wdJSY9iSm5cYP9A3wQPSr2a5PRIOtsGcdiCm2wM96a+EAxjVtSCCLHxobPR\nFyzNoLGuL5DhbzBpePBLCzi6r4Huobp5r0fi9LFm7nloHgj+mvfRWC0uPny/mr4eG80NoUuJRqPW\niCxekRmoUzeatCxfk82+D2rGPcZmnbyNPsZS9v0/Uv/idvBJIApkH93E7P94QjGmdcsBvyb40Mxt\noKiGqp+/yYLfPAWApbSBkmd+j+VcHfqUeCJmTMF8vBx8EoJGRURuGsce+iGCIJJ6+woSVs3F0dpD\n9Lw8Gl/6O7ba4G5eDH3dRZ2W5JsWXeF3Icy1RNhoh7lgtr5RQk2Fv4zMZjOzfUspGo3Iji1leEKs\nLJxOL6VFHdx270wqz3Uq1LWmFfiTm9bdPBWTSUtVWTdGkwZBhOKT7VgtTjKzY9l4l19wpqWhn3de\nP0t7ywDRsQbW3pyvWD1HRetoaw593S6nl9KidoXRzp+RyNEDDUE1zODPnv9f/7yCQx/W8farZxX7\n1BqRBUsvvOPSsjXZdLYP4rD7jX/BnBQK5oQuJVm8cgod7YOcGMraT0qOICbWEGifOowsgc3uJibW\niL9PsJK9O6rO6xLPmx5P/vREXC4vHW2DvPHn06y6IZf0rBhuv28Wfd1WSs92Bk2m1BqR6bOSh634\nhAAAIABJREFU8Hp8HNnfQENNL/OXZDCnMO2C35NPCs+Alda3D/gNNoAk0/rOQaZ9+yG0sSN6Ataq\n5qAYgvl4Oa4+C7q4KMp++Ce/kcbvHvdYbMx59kkGK5rw2p20vvlhYGXdd9Qf6xZ1GgSViqSbFlNf\n+67i3DGLZ6AxGpAlidQ7V5B+9/glX2HCjCVstMOcl6qyLopOtFBfozQQA2YnRw82hjTYwySmRKDX\na/jCV5ew74MarFY38Ykm+s0O/t9P95OaEcVt985SxJ833jmTQYuTxOSIgCtz+5ZSGoZczV0dVt5/\ntxyn08O50x047G7sds+E8duxAiBzFqRx850zKDrWis3qxuvz4fP4iE+M4IaN+RzZV09Wdgwp6VEK\nL8HyNdnoLkI9bdGKLNIyo9i/q5bOjkEkn8ShvXWsvDE3yE3rsHsoPt6KfcjAN9aZ2ba5lPTMaIUn\nQRShqrRrXInRCyn5GjA70Rs1fPBeRWB8bUUP33h6DQajho62QYXB1ulUpKRHMX9JBjPnpvCrn+4P\nXFPxyTZyp8bz5LdWXZJAzZXC53DjG+N69lrt/rjzKKOdsGoOdb97F2m0zndzF4dufZpFLz6NrVrZ\nB9zdM0Dza3uwVrfgHXSEVB2SXB5a3thD9uO3EbNoOv0n/cmYprw05v70SaJmZV/GOw1zPaH6wQ9+\n8IOrfRETYbd/elxxoTCZdJ/qeygrbuflF07SWBvswjYaNcxZkEZdVfBqT6USmLMgjY13FiAIAlHR\neuYsSMM26GLfBzW0t1joNztoaeynt8fOvIUj8UONRoUpQhcwarIs8/e3yxQiMC6Xj9rKHvp67FgH\n3Yp9JpOGqBg9jiFDnj8jHku/k+1vlXLmWAtqjUhaZjS5UxNYsS6HgjnJlJ3twNLvYtDi4vTxFsqK\nOyg60crMucnk5MeRmBzBmpvyuHHTxUuTut0+3n+3nK4OKz1dNirLutDpNGTnxSnGlRa3c/xgk2Kb\n1+Pj0ScXc+Z4a+AeZRnMvY6gbl2i6BetGS8eP5rE5AhKz7QreqU77B70RjWCKLB/V61ivFan5p++\nu5a86Ykc2d8QdJ3mPgfxSRGkZX5ySVLn+22pIwz0HinF3jBSMpewcg45j9+mGGeckgKCwMC5eiTn\nyPk8/VZ8Lg+CKOBoHsnqF/VaHE1dfiN/nhmSpayRhc9/m5iF04lfPYc5//kkxozxS+gu5L4+rYTv\n6+LOOR7hlXaYCTl1tBmnPTgpKTJax4q1OdywaRotDf1UlnYiSZCcFknhknRy8uPJnZagWE3WV/ew\nY0sZ3jH9shuqe/H5JOqqeik60YJaLbJsbTap6X4DIAgC8YkmBsa4iUO5tgFsNg+b7p2F5JOJitFz\n9mQrp4/5V0vmXgdbXimmq8Mfr86cEkNjfV8gOxoITE5cTi8nDzfxzR/cSEJSxEW9bz6fxO5tlZw9\n1Ybd7lb0sZYlf0Lb2puVKnLZuXGYIrSKmHFsvJG6yt4gF/lo1BoRrU5FTn48TruH2hCTqNGIokB0\nrIHGuuCYt1otkpwaGaSeFxNnRKf3x+dtg6Frwbs7LqwE8JOk8Nf/TOVPXsVa34YpO4UZzzwSctzU\nf74fZ3svjX/aqdjutViZ/vQjlHznDwyeq0efEo8+LY7+CxRSkZxuqn/5Nxa99Mx1VRoX5soRNtph\nQtLdMci2t8qorugO2jdnQSqPf2MlHp/fmH/pH5ZRVdbNoMXJ/EXpAcnNQYuLk4ebMBg1LFqeSXlJ\nZ5DBBr9CWkVJB6+9dDowQTh7qo0nnlpOaoZf0OTmz8zgj/9zVLEyHA+1RiQnPy5Q373znTLFfrfL\nx94d/ofuESA+afyyJY9H4oOtFTz8+MUlC7324imKTrSOu7+91YJlwEFU9EhSWkyckTU35XFgTy1W\ni5vE5Ag23DadtjFJfGPxeiS8HonSog6mFiQQEaXDOlQ6F6pmO2daPJoQsqh6g5pla3LYsaVUYbBV\naoEbN+UHXN8LlmWyd2e1olRPFGHazMmn1KVLiGHuc1+7oLEpm5bRsvmjkbItUUBGoOnVXaTdsYKE\n575GRG4aLZs/CjLacStnk7i2kIY/bg9q0dn5/nGqn3uDad968LLcU5jrm7B7/ArzaXQJybLMn393\nnKrSLnxjjGx0rJ4HvriQrJy4wH0JgkBCkom0zOiAznhjXR8v/PIwZ0+1UXa2g+qKHvKmxlNeomxg\nIohwwy3TqDjXSWvjSNzW7fJRdKKF+EQjKWlRxCWYKDrZGjBGEzG1IIE1N40oTZWcbh83/uu/X0JO\nJoax291YzE5EwV8zPZrayh62vlHCoY/q6e6wkjc9gf4+O5v/WjThNbpdPgb6ncwdCgvU1/Sy+c9n\nqKno8Qvh3D6dux+eR3JaFDGxeg7vq5+w0ccw/X12ZBniEozc88hcHnhsEfU1vQHFtogoHbffMwsE\nqC5XTshWrc+lYE4K7752Fsdo17sMK9blEpfgv3ejSUtSaiT1NT14vTJGo4ab75hxUQl6l4PL/dsy\nZaegS4rFa3WgT4lHGxdF38ESLOfq6T1Ygs/qIOO+dcTMy8PZ3oujtcefbLZ+AYtffIaE1XOIXTiN\ntu1HlJ25ZHD3Wch+bNNVua/JQvi+Lu6c4xFeaYcJYnDARUtjcDeiOQvTuGHjVJLTgjt5jeXA7lr6\nekeSgBpr+5g1L4W5C9MoLfZ3/TJFarntnpksWZXNX353LOgcDruXXe9VMnt+Gh6vj6hoPe0tI6vO\n6Fg9sXEGGmqVbt7q8m62vFLMPY/MA2DlDTlBBmo0KpXATbdNo6qsG6vFRe8YAz9gdrJvVw2HP6rn\n1ntnsnq9v1Ru0OLi9ZdOYR66z/rqXs6eavXXW19AMlhFSSdbXiliyapstrxSHLi33m6/8tiiFf7k\nvLgEE4VLMjh5eJz0+FFIkn9C0N1pY+ubpRzYXYfOoGH9rdNQq/2Z7/FJJqbNSqKzfdA/iZJkps9O\nZtNdMwGCmlEIooBKrXTtzl2QxtwFaX6FNIFrxvWb9dB6sh5aj2fAyt7lyhV6566TONp7MaTGM+8X\n/0DBv1rwWOzUPb+NA3c8g9qoJ2ndfEVcfBgpRB/uMGEuhbDRDhOEwaghIlJHn2vEeEVG6fjs5+dj\nMI7fBKP4VCtnT7aiUon0dAc3mbBZ3Xz+ySXUVfXQb3Yyd0FqwJU+b3EGpUXt+MY823q6bRw72MCH\nO6sx9zrQaEQMEVrS0qNZtSGXaQVJbHurlP2j6oolCY7ur2fdxnziEkzMLkwjOlbPgDl0XDg7L5aN\nn5nJxs9AdLSRf/zim4EOZ6PxeHycPtocMNqnjzYFDPYwvd3jr+jH4nR4OfxRAyVn2hUxb/A34rBZ\nXRzaW0fxqTYkSWZKbhwyEhqNeqhGu2ecM/ux9DsDsfCOVgtf+/Zq4pP8q2WVSuTBxxYOlaLJis91\n9vwU9o1KRJs6I5HsvPiQrzGZssUvJ7Ikj5SKDW/zSXitDppe24MhPYGE1XMp/pdf0/n3kQln/4ny\nkBO2pBsXXOlLDnOdEDbaYYLQaFWsWJfDru2VuBxetDoVy9dmT2ywT7byxp9OB2KhWp0yZqo3qAO1\nvFk5sUzJE1CNatnpcfnQaNT4fEpjmZQayZF99QHj6PFI6HwyD35pARGROtqaB+hsC475ShKcOtLM\nTXfMoKWxH/sEgiA5U0cMklarIiragMMeOqlqdEw9Mlo/7jlDYTCokWSCWqEODriC+pWr1AInDjay\na3ulwi1+232zuGHjVHxeife3VtBY14fD5iYqRkdDrTkoo3wYS7+TM8f874fimozBcqq33z+bhOQI\nmuvNxMQZWLdx6jWxku784AQ9B4rRpyWQ/aXbUOmC730YbWwkiTcU0vb2gcC26Pn5nHrsJ1irWxE0\nKhLXFdJzUCn5GspgJ960kJn//tjluo0w1zlhox0mJOs2TmXGnGQqS7vIm55ARlZwh6vRnD3Vqkhe\ncrt8gc5hGq2KJSunkJ4VzSvPn6S2qgeNRkXhknRuGXLJHthTi3OMMUtOjWDj7dN5489nFNutFhft\nLQPoDRpe+vWxcTOrI6L9caGu9kE8IdpxDmPuUa6Wk1Ij6WwPbbQlSaahtpeS0+001ZuDjO1EuFw+\nvvyNpezcWkFzgzL8MPYctkEP72+tCIpjNw1lfKvUIrfeM1Ox7+DeOj7cWcWA2Rnyugym8Y3UaARB\nYPnaHJavvbAubp8Gan7zNpU/fTUQa+7eV8zS174/4WRk3n//4/9n77zDoyzWPnxvySabbHrvCQlJ\nIITeQxMEBASxoKKgR7Fz7A09tmNvHD1H8XwHGwoqiqI06VV6Cb2k9942bZPt3x8Lm2x2E0IoAs59\nXVwX77wz884km33emXme34Nbl2Dq0wtxjQqiPq2A6t0Wp0az3kjZ+v1IFe1/hbrFhNJ33pMi/7Xg\ngiGMtqBNgkI8CArpWIYtR9ukXbr6MvnW5oQlK5Yc5eDeZqGKTavTCAn3pEefEIcOZtdeH0/33sEE\nrc8kK705jMk/0I2oWF+W/3i03VCok0dKGDIimoSkQNzcFDQ0OF5tOylsdwUmTO1GXW0TeVlVKF2d\nkMqk1u3r8pJ6Pv9oJ1pt+2eUSle53Ra7yWTm1IkyRo2P5advDllX3M5KucOMXY5eNDw823ZQGTa6\nC/2HhFNaVMei+fuobi3VegHybF+pFP281cY5rGLbYco3H2x321rm7ET8c3dYr3dcP8eujmtMCPUn\nbWPWkVtW4coQX7rcPxknTxW1qXnoq+rwGdRNGHDBeSE+PYILwoDkSNxaZMjy9Xe1W6kVF9quXk0m\ni9e0VCohLNJ2Je8f6EZir2AkEgk33J5EbIIfKndnwqO9GHpNNMt/PEraCfs0li05cbiUojw1S749\n2KbBBovHdUsCgt2Z/dxwnntjLHPeGmv34tKewfbwcmHMpDieff1ahxrjKbsLqKvVced9/RiQHMHg\nEZF2IistkUrhzGIwItqb0RPi2qwL4KJ0IjLGBw+vVlv3EvD0dqx5/lfA0No5zGhCrz63uHLPnrZJ\nXuTurvT812ykylYvUgYjunI1ETPH4RYTTMrD/2LH+GfZdeNL7Jj8Apr89j+3AkF7iJCvi8xfJczB\n19+NLl19cXKSEt3VlxtuS8I/0NbLPDO13C6xR78h4UREedMlzpea6kbMJjMh4Z5MuKk7AUGW9h6e\nLvQfGsGw0V1ISAxk6aLDpJ+ssOp5t0f6qXIKc2vaVQlr1OgZOioamUxqnZdeZ2TX1mwO7y+itLiu\nY0kyJDBkZBSTbkrE2UWOp5eSk0dLbJTk9DojmWkVDEyOYPi1seRkVnFgV9te4S5KOTMfGkhS32Am\n3ZLYrl9BazJTK6whez36BDP2+oSr4mz6DOfyt1WXlk/NoWZnRY8e0SS+fm+bKTgd4ZuchLasGkND\nE3IPV1zDA9BX12PGTFOhrVOgtrSK6v2pSGRSMv/zC+bT3uNNRZXo6zQEXdd2utm/ynfG1YII+RJc\nsUR28bFJytGasdcnUFpcR15WNTK5lMRewQw+nfTD00vJzAcHttu/3EnGnh25NqFklrYuRMX6cOxQ\nsZ1KWnWVps0MYmcwmc2YWshRnolTTz3WvCKSySQYT/fj7ulMo0ZvIy5iaQjHDhZzzXVdcVM506t/\nKAa9keU/HbMx+nqdkZNHS4mJ9+foweJ2lTBVHi507+k4wUh7DBoeRVCoB8cPFePpo+T6qT2oVnfc\ns/1qo8eb96Hw8aDmUAYugd7E/P0mpIrmM36zycSptxZRvvUQUoWcsFtGEXXvRJs+ZC4Ken30d3K/\nXcvxl76kMbcU9YE0XCMC8egXR21Kms0RRN3JXEo3pdiNpamg7fBDgeBsCKMtuGR4+7oy+7kRZKdX\nonRzIiTs7DrVVi/p7Crc3Z3tzp8BQiM9mfngQI6mFPLNf/fZ3JNKJIRHe5HTQrLT3dPZJsQqITHQ\nJglIXla1XVy3q0pBj17BKN2cSB7dhYrSek4eLWX3Hzk2Mq8VZQ3s+SPXuo3tF6DCRSm3W6l7ndmq\nPot2dbekwHbvt0fLlyi5AwW0vxJmk5m4p29DKnf8c8j4ZCmZny61XteeyME1KsjhmXfRsu2YtM2/\nT01eKfF3jUNfVUdjdnFzRZkUnyGJlG88YJNfW5UQcQFmJPirIox2O+jrNRybMx91SjoKH3ei7ptE\n6NThf/awrmikUgkx8X5t3j+zjX3GsW3FkmNs35Rlve/r74qPn6tV4czZRU6fgRYlrqS+ofQdVGzV\nGQfo2j2A2+/py4ZVqVRVaAgKcWfYmBi2rsugqlJDUKg7o8fbnhMbTSbMrYypXCZl6h09rWFqnl5K\nFAo5WxzknT5TJz+3mm/+u4faVjHY8YkBDB4RBVhSdZaX2ibnkEjB20fJ4BHRjBrfFUHnMWq0HHry\nE6p2n0CudCb01lHEPXWbXb3qfadsrk2NOso2HuhwfLVEIsHZ293WaBtNuPh5EfvYzRQu/QOjpgmf\nIYl0e3Hmec1J8NdGGO12OP7SFxQu2QJAQyY05BTj3T/hrFl6BOeOyWRm2Q9HOHmsFIlEQmKfICbf\n0oOMVNsVb2W5hrHXx6GubKQwv5aAYDeiYpu35G/7W18Cgt0pKarF18+NMRPjUDjLmdLCix1g0s2J\nbY4lLNILlbvtalzlrqCsuJ7gsGantJysKoce2QV5aqoqNezfkWdnsGPifbnv8SHWs+Xrp/XA00fJ\nxt/TrLHkZhPU1ejomuBPQ72OdctPUl2pITDYneumdne42yBwzMm3vqX4t+0AaIH0j37GIyEKXW09\nclcXgicNRiKTofCxj5KoPpiO2Wy28wMInpJM9b5U62pb1TWMiBnjKHOwFV57MpfuL99F16duw2ww\nInPpuE+CQOCIThltvV7PnDlzKCoqQiaT8c477xAebqs7nJiYSN++zW+pCxYswGQynbXd5UTN4Syb\na115DUXLtxP7yI1/0oiuXrauTWfHlmzr9bZ1mfj7uznMXe3qpiBlTyGV5Q0UFdSQl63mntmDCA7z\nRCaXcu2kc0+f2ZJVS47bKZTl59Yw74NtTL6lB4NOn8P36B3MhpWpdlvfB/cUoK5qJDjUXu7Vy9vV\nxghIpRJGjo1lx6YsGwEYvd5Ifm41K38+Tmaaxcnp1LEyatRNzHhgwHnN769E3SnbcCyzTs/hZ+ah\nr7QI8vgMSWTgdy/R5ZGplKzdg0HdrORXcyCNnTe8iM+AbsTMnorCx4OiFTso+GkzcnclUn8P/Eb0\nJvaxm6naecwmBSiAxEmGz0CLmI1ULoM2tuYFgnOhUyFfK1euxMPDgx9++IGHHnqIuXPn2tVRqVQs\nXLjQ+k8mk3Wo3eWEc0ArQRG5DPeul+9LxpVMQSuvcoDcnGoGJEfg7NJsuOMSAygvraeyhUxqVYWG\nnS0M/vmSm13lsLxJY2D31hzrtbevKxNv6k5gsL1xzs2sJLqrL54tQq9cVU70HeL48xPaSrzG01uJ\nf6CK7Axbr+SMU+V2imqCtlGG2B/FnDHYAFW7jrNj8otU7TyGR48udnWr95wk89Ol7L3rLTTFFRx/\n6UvU+1PRVdTQVFCBSdOEsb6Rw0/Ps/Egl3u4EvPwVILGt+9cKRCcK51aae/atYupU6cCMHToUF58\n8cWL2u7PIubhqTRkFtGYX4ZEISdkcjIB1/b7s4d1VeLpbS8J6u3tyuAR0QSGeHDicAme3i4MHh7F\nL98dtqvbkZSdHcVN1Xa4RevQjkHDo+g9IIwPXt2IuoWYicJZTlSsL3c/Moi9O3Ixmcz0GxhGTILj\no5Ub70gCCRTmqvH0UjJibAxe3krkTrZ5reVOMqSyqyds60JQczSLvEXrMRsMhN40Et/kHtZ7sU/d\nSn1GIeqD6chcFMg93exSZ9Ydz+bYi5/j3j2qzWeo96WS+s53dm1rjmZRtGw7+irbmG/PXrEk/EOc\nXQsuPJ0y2hUVFfj4WM4RpVIpEokEnU6HQtF8XqPT6Xj66acpLCxk/Pjx3HPPPR1qdznhP6o3IzZ9\nROHSbai6huGXnHT2RoJOMWZiPAW5arLTK5FIIDbBn1HXWZywomN9iY5t1gdP6hPMkQNF1hWnwllG\nj97BF2wsw6+NoaSo1mGCkUgHQijOLnL6DQ5n89p0a3hZr36hePu44u3jSkS091mf6eGp5O6H7Fdl\n3XsGWfNySyTQq3+Iw1zYf1VqT+Sw7663aSqyrHKLV+2m16ePo8kopD6rCM+eMQxd+Q5Vu46j8PWk\nbMN+Tr250L4js5mG7CLa06XV5JYgdXbC1EJZzTnIBycvlV1dhaebXZlAcCE4q9FesmQJS5YssSk7\nfNh2pdPa0xbgueeeY8qUKUgkEmbMmEH//v3t6jhq1xpvb1fkf+ZZkL87Ic/een5d+J89leWVyIWc\nl78/vPLeBE4dK0UqkxDXLaBNIZCR17rjrHBi9x/ZmMwwaFgUyaPstzY7y/BrYunZJ5SdW7Mx6Ixk\nppWjrm4isos3d9zbH2cXew3vux4YRM8+IaSdKCc82otBw6IvSAasx+aMYvPaNIoLa4np6seQkdGd\nFki5Gj+HFb9utRpsAH11HSdfmE9D3ukYe4kEY24Jgz6eDUCXYd2RNWlJ+/J39NX1Nn2ZNO3napca\njMTeNY7M7zZg1GhRRQbS94XpBI3oRcW6fVTsOQmAa6gvvZ66+bx+3lfj7wrEvC4EEnNHLGcr5syZ\nw6RJkxg+fDh6vZ7Ro0fzxx9/tFn//fffJyYmhn379p1TO4Dy8nOTGrwcyF24lsJftmE2GIi+IZng\n+yZfVUpUYPmQXom/m7Mh5nXl4O/vzuYHPiLni5W2N2RSm7SaLqG+XLPjM2Sn5UaLV+0i5aG5mHXn\n5hvgPbAbySveofpgGrXHcwiZkoyTh2VFbWzUkrdoPfraBsJuvQbX8IDzmtfV9rsCMa9z7bMtOuWI\nlpyczJo1awDYvHkzgwbZSvJlZWXx9NNPYzabMRgMpKSk0LVr17O2uxoo3bCfE698RdWu41TvSyXl\n1QXkfvX7nz0sgeCqJPz20TgHNh8/SN3sfSNMOiPmFlveFduP2hlsucfZt7NDbrJoNHj3iSNyxjir\nwQaQKZ2Jvv964p6+7bwMtkBwNjp1pj1x4kR27tzJ9OnTUSgUvPvuuwDMnz+fAQMG0KdPH4KCgrjl\nlluQSqWMHj2anj17kpiY6LDd1UTp+v0YW26zGU1UbD9K1KxJf96gBIKrFM+kLvT7eg75363HZDAS\nMnUY2Z8to+KPI9Y6/iN6IndrTpaiDPG16ydgbD80+WWo956yu3cGQ01Dm/cEgktFp4z2mRjr1jzw\nwAPW/z/77LMdbnc5oz6UTu63azHpDARfP6RdoX8AhQOnFEeOKgKB4MLg0y8en37NsfnefeJIn/sj\nmvwyVHHhxD1zu0396FnXU7HtCBXbj4DJjEdSF+KfuwPXyECq9p2i7lQ+qe9/h77cNgyxbGMKXZ+Y\ndknmJBC0hVBEa4e6tHz23/Oe1dGldPUeen40m5Apw9ps0+XBKZRvPkjNYYs0pUdcGNEPTrkk4xUI\nBKDwdifxzfvavC9zdabP/54m95u1KIN9CL15JFIny1eh78BueHSLJPVtew9zoWYmuBwQRrsd8hdv\nsvFMNdQ3UvTb9naNtsLHg6HL3ib/x02YmnT0eWwqNbpz9vUTCASt0Faoyf7fCvQ1DQSM64//9Gs6\n1U/W/BVkzvsVbUkVrlFByNyUhEwear1fvHwH+upWjkUSCWG3jT6f4QsEFwRhtNtB4iBkRyI9u++e\nTOlM1N8mAKDwVMFV6DEpEFxKjBote25/ndqjFmnhgiWbUWgakcVHcurNhTRkFOAaGUT889Px6hPX\nZj86dT1Z836ziqRockrI+HiJRYP89N+2Kj7cLh5bFR+G1NmJvTPfwqTTE3TdQKLumejwGQLBxUQY\n7XYInzGO4mXb0ZyO+ZR7qgi9ZdSfOyiB4C9I/g8brAYbLEY8/du11GaXWvNTN2QVo6usZdia95HI\nbLUd1IcyKF65E31NA00llTb3GvPLMdRpcPK0+J749E8g5MYRFC7dillnQOHvRdD1Qzjy9DyrM1rl\nzmNIFE5E3jn2Yk5bILBDGO12UEUFMWDRy+R+swaTVk/wDcn4j+gFgFGrp+CnzRjqNITfca1DBzQA\nrbqOo8//H/WZhbhGBBH3/HSUgfaqWgKBoG2MLVa9Z6g5kYe2hY44QM2RTGpP5eGZGG0tK1y2naPP\n/rfZ+1shhxYhX6r4MLuQr14f/52wW0ZQezyH4BuSyfz0VxvvcbPOQPmGA8JoCy45wmifBff4cHq8\nfb9Nmb5Ow57b/4l6fyoAud+uoe/8Z/HqGWPX/o+73yN/xS4AKjmKJqeEwb+8ftWJrQgEF5PwO64l\nb9E6GjKLLAVSCYZGewUzJx93lKEWfffaU7kUrdhF4S+bbcO1zhhsmQRVfCTdX7vX7u9RIpHgN7wX\nfsMtL+lyV/v4b5lKaVcmEFxshNHuBNlfrLQabABNdgnZ81fQ59MnbOrpKmsp/eOoTVnVnhM0ZBai\nig27JGMVCC4WhoZGTr7+DXUn83AJ9aPrk9Nwj7s4WfBqjmZh0uqRyGVIXRREPTCZ3Pkr7Or5juiJ\nRCYlb/Emjr/8BcZaTdudGs0ovNzw7mc5Azfp9Bz7xxeUbzuMSavHd0h3ev/ncaROcpxDfJG5umDU\nWPTonUN8rX4rAsGlRBjtTqBrtSUHoFfX25VJXZyQu7mga3FP5urSIfUlgeBy5/BT8yj+bbv1uj6j\ngGGrP7Dkjr6AGJt07L/nHYx1lixqxvpG8r9bj8LTDUN9o03d6p3H2TTgAUw6A8YG+4QvrWnILMJs\nNCKRyUh97wfyvl1rvVe09A9qj+fQ7ZW7SX17kdVgI4GIO8Zajb1AcCnplIzpX52g6wYib7k1JpHg\nO7SHXT25m5Lo26+xaCGfrhc8eSguAWfP+iQQXM6Y9AaqTifIOEPtkSwqttmnTT1fipY/pM4AAAAg\nAElEQVRttxrsM+hKq/FKirarqy1To6+u75DBBnCNCrI6rdUcybC7X5+aT/rcnzC0XLGbofZYll1d\ngeBSIFbancBvWE+6v3kfhT9txqjV4X9NH7o8fIPDugPefxDnblGoU9LxSIwk9KaRl3i0AsGFRyKT\n4qRS0vJUWaZ0xiXwwr+Q1mcUOhgAxN41jrK9pzBUnWNI5en0mx49ool//g5rsXMbDqJmk32udrm7\n67k9UyC4QAij3Ukipo8hYvqYs9aTSCSETE4mZHLyJRiVQHBpkEilhN02mrQPF2Nq0gEQNHEwHon2\nq9/zQV+nofCXrXblqu5R+A9IcKil4BCpFJdgH7z7xxNx51hcgn1RxYTYhIbF/P0mKrYeQlumbm6m\nVBD90A1kzfvNGnKmDA8gepaI0Rb8OQijLRAIOkXsozfh1bcr5VsP4x4XTujpLFgXEnVKGk2FFTZl\nUoUTgxe/SsY3a9FX2PuXOCLizmvp+eEj7dbxSIjgmn3zOfjgh9Sl5ePs60nozSMJu3EEQeMGkrdo\nHcZGLeF3jMElQIRtCv4chNEWCASdxi85Cb/kpIvWv3tiFHJvFYbqlo6eZlIemotvt4gO9eEc7Evs\n47d0qK7cRcGAb160L3dzoYvIISC4DBBG+wLTkFtKxr+X0FRchUdiFD4fPHD2RgLBFUJ9Tgl5C1Zj\n0uoJvXkE3v0TLt6zMgs5cN8HrQw2mHQGqnYco/54Tof68eoTK3JcC64ahNG+gJiNRlIe/JCag+kA\nlG9KQVqvIf7dh/7kkQkE548mv4y9t/8TTXYxYFEa6zPvSQKu6XPefZv0BvK+30BjYQVB4wfi3S+O\nzE9/pe5ETpttdA7CLJFIwGyboKepqNK+nkBwhSKM9gWkfMshq8E+Q9GmFOJMpg4lGhEILmdyF6y2\nGmwAfWUt+T9sxG94T4yaJpw6oT9g1Oo5+fo3FkngWotqWe5Xq+j+z3vRVtScpbUDzPYZ9Uxanc21\ntlxN/k+bcfbzJPSmEda0nALBlYD4tF5AnDzdkCicMOuadZLlShfL238HMJtMFP++m4aMQoInJ6OK\nCblYQ6WppBL14Uz8hvVE7mYv0SgQtMZsMNmV1acXsG3U42gr1Hj2jCHpg4dxiwzqcJ8nXvuK3K9W\n25QZ6hrJ+34DgeMGULZuX/MNmQwnlQv6mgakSgUuvh5oCio4G77DelJ7KpeTry2g5kgmhnoNJq1F\nyrTgx00M/P4VdNV1ZP13GbqqWvyG9yRcpOEUXKYIo30B8e6fQMDoPpSu2QuAxElG9O3XdEhn3Gw2\nk/LgXIpX7gSTmaz/LSfxjVmEdTCrmNlkoujX7dRnFhI4tj9efbq2WTf9o5/I/nwluspaXKMC6f7a\nPQRNGNyh5wj+uoTeeg2FS7ehLasGQOLshCa3xCpkUrH1MCdfW0D/r+d0qL+q3SfI/36jw3vGukZi\nH70JfXUd5VsOIlUoCLlpBKE3DqN41W68+8UR1DWY7X//lJK1e8DBC4Xcw5WoWZPo+vRt7Jn2KlW7\njtvVqdxxjJyvf6dw6TZqj1hCuop++wNtmZrYR2/q0DwEgkuJ7LXXXnvtzx5Ee2g0urNXuowInjQY\nha8nqthQujxyA70fv8lmDtpyNcdemE/6f36mctsR3OMjUPh6ULHtMKnvfQ9Gy5ePqVFHfUYhmrxS\n6jMK8UiMblceMuXBuaT/60eqdh2naNl25O5uDg13Y1EFhx7/D/rTghR6dQMNuaVE3Dn2nJKYuLk5\nX3G/m44g5tU2LgFeePWNw2w0ouoaikdiNDWHbFXEzCYz0bMmnbWvuvQC9s180zaRRwvk7kqKl+/A\nycONvv97huj7JuHTPx65Sol3n664BPngHeKL19gB6CprULcah5OXCr9hSQSOG4iznyen3l5kkx+7\nJcZGLTUpLY61TGb0dRoiZ4w76zwuBuIzeGVxMebl5ubc5j2x0r7ASBVORN9/fZv3Dz/5CWXrDwBQ\nk5KOJr+M5FXv0pBdjFlvq7xUn5ZPfVo+AGUb9hNyyyjcY8Pw6h1rU69y70lKVu+xXhvqGsn7bh1R\n99gnNFAfzLAa7DM0FZRj1huQKJysZbqqWkx6Ay4ijaigBb6Du+M7uDsA6iMZlKzc1azJDSgjOual\nXfDjJrSl1Q7vOfm4o8kpQZNTQvW+U+jV9fT74rk2+0p86368+nal5nAWUqWCyp3HUe8/Rcmq3ZSu\n20eXh6biEuxDfa3jFwSzyf4cHByVCQR/PsI76hKir6mnukV2MLCIRxx64lNCbhqBc5hfm23LNx/i\n8OyP2XnDixx67N+YzWZ06nqayqppzC+zOUe3PMtxdiP/kb1Qtgp/ce8WifS0wTabTBx+ah6bk2ez\nefDD7J35Fvr6djIlCf6yePWMJWrWJJx83AFLTHXcM7d1qK20xQtiS9y6htq9VFbtO4VJ53iVDBbV\nwbBbriHxjVlE3TOB+tR8q801640ULd1G1L2TUPh7OWzvP6o3HkldmgvkMoInDunQPASCS41YaV9C\npC7OyD1U6FvFnRb+tAmvXjG4RQShPYtjjalJR8Ev29BW1KA+nIGpSY9nUhdLUhJj87meKt5xikS5\nSkm3V+8m85OlNBZW4N4tku5v3Gu9n7doPfnfrbdel63bR9r7P5D4+qzOTPmqpWLnMWqPZRE8eSjK\n4LZfti43THoDZZtScA7wxrsdv4eO0u2lmUTfP4mGnFK8+8XZHeGYTSZqj+fgHOhtkygn8m/jKV6+\nnfr0Zl1xuacbnj1jaMwvt0qjAjh5uCLpYOawurQCDHW2K2pDfSMhU4cRNHEQmZ8spfCXLegqLS8G\nHj2iib7/eiLuuLbZEW1YT8I7IFEsEPwZCKN9CZE5OxExfQyp7/8AphaOM2YoXrXT7lyuTQxGyjem\nWC8dOdi0l0ksZHIywdcPxaTVI3NR2NyrdRAX25BVbFf2V+bw0/Mo+GkLZp2ejP8sJfGNWYTeeH4S\nnob6RnIWrMZQqyH0llG4x134fOt1afkcfOQjao9mIXV2IvC6gfT971M2+tttYTYayV24jrqTubh3\njyJy5jhrGKNLoI/DY5T6jEIOPf4f1ClpOHmoCL1lJIlvzkIikeAS4MOgJa+T8+XvlKy2REwYahoo\n+mUbyshAGnNLAZDIZfiM6IVEKsVsNqPJKUHh54mTg4Qd2soaTrz0hd3Ots+gbii8VAAkvjGLiBlj\nKViyFbm7kqh7J1r68lSR+IZ4MRVc/gijfYnp+uQ06tLzKfplm025en+avaOMXIZXzy7oqurQ5JQ0\nlyvkoDO0+5z2thPBsqXY2mCDZau8NW7RwXZl2Uu2cOLLNZiNRoInDSHizrHtPu9qQX0oncJftlqP\nI3TlarLnrzgvo62v07DrppepPZIJQN73G+jz6RP4j+p9QcZ8hhOvf2NNemHS6iletoP80X2JuP3s\nq8ojz3xm4+ldcziTXv+abb3WVdWS9flK9Op6gsYPxH9Ub1Lf/x716eMgvbqO3G9WEzCmLwGj+wKg\nDPYl5uEbbHJYA+ir6/DqF4f6QBpmg5GixRuRuyio2n0C9cF0nP29iLxrHP7v3m/TLvebtdSnFdiU\nOQf50vOjv9uUucdH0O2lmWeds0BwOSKM9p9Aj7fvpzG/nOq9lnzETj7udud4AKE3DqfPp0+gq21g\n38y3Ue8/hdlgRKaQY2xttOUyMFgc2aRKBYHjB3RqbJEzxlJzKIOS33dj0urxHZZE3HPTbeqUbz1E\nyv1z0Z/OMVy5/RhSFwVhN1+6tKP1WUUU/rIVhY87EXeOc/gCcjGoPZGLqbGVWEeFuo3aHSN3wWqr\nwQbLi0Dut2svmNHWqetYO+NNyjfst7tXvuUQ5ZsOYmzUEjiuP5Ezx9vV0VbUULJqj01Zyeo9dHv5\nLhTe7hg1Wvbc/k9qDlvmUPDjJhLfvh/N6dXyGcx6I+qDGVajDWA2mjCZbMO1jDo9tcezrdeG+iZy\nF6zBWG/Jqa0tqSJz3m/E3zoSwptfKFv7dYAlWmPPra8S++Q0kWlPcFUgjPafgMLLnaG/vUnRqt2W\nre6thyhYvMmmju/IXvT+5HEAnNxdMWt1mE8bZWN9E1JXZ6RyOSadHt+hPQicMJDSNfvAbCZkSudT\ngUpkMnp99He6vXQXRp0eZbCvXZ2SVbusBhssilNl6/ZdMqNduvEAhx//BF25xVgW/baDwUv+eUkM\nd8iUZNI/XmLdvgXw6hXbTouz0/JneQZDQ2O7bUw6PUXLdyBzdSHouoHtKu6lf/gjRevtDTZA6emX\nM4DyLQcxm8xE3X2d7bP0BrudG5NOj0lveXHM+2G91WADGBuaKFyyBVXXMJuQMKmLAt/kRJt+nAO8\n8B/Zi5KVu6xlHonR1BxIs6lnbNLaXjc0Ubz5EEF3NRvt8DuuJX/JFpoKyltUNFJ7PIdTby0i8Nr+\nyJRth9IIBFcCwmj/SUhkMkKnWAyrS4gv5RtT0J42Qs6B3iQ8f4c1btpQ30hDtu25skmjpdfnj+HT\nLw5lqD8AUXfZftm2RcFPmylZsxd9dR2q7pHEPXkrzn6eNnUUvh5ttpe52iuoyVwv3Zdh7terrQYb\noHrvSfK+W9+h+OBzpfZkDukf/UxjYTnuCRF0e/VvJL33EFmf/UpTSRUePbrQ481ZNBaWk/ru9zRk\nF+MWE0LCP2a261fQktCbR5D//QZ0Z2Q7pRICRrWt592QW8qBWe9ZtrolEnyHJjJg4UttKts1tFrx\ntqTlkYxZZyDjk6WY9QYiZo5H5mzx8FYG++I7LImyFobfb1gSBo2WE298Q/X+NPt+dQYSXr4LXWUt\n1ftTcfJyI3z6tfgObjbauuo66tML6PXRo6hiQ2nILMK1Swixs29k59QXqTuRa63r7OeFtqTKei1X\nKQm9th8tgyRdIwLp9/mzZH++guLlO60vuQCa7GLUB9PxHdqjzZ+FQHAlIIz2ZYDv4ET6fT2Hgp82\ngURK+G3X4N0v3npfrlLiFhuCusWXozLMn8DRfZGrlO32bTYaKduYgtzTDZ+B3cj/YSNHn/+fdSux\ncucxipZvp+8nT3Z4Ozbq3olUbE6h9lS+dSyR90w812l3GkOd/SpUV9WxvMrngslg5NCj/7GeA6v3\np2JQ19Pvy+dtkmSYzWYO3PQylTuPAVC97xTqlDSGr/9Xh1b/HgmR9PrkcfK+XYtR04T/qD5EP9R2\nGsjMT36xjgmzmcodx8j633LinrrVYX33uHBbOdB2aMov4/g/vqBs00EGfvcSEokEY5MO3+Qk9Op6\nZK7OuHeLJPTG4eyZ9gqNeWWWhi2jF2RSAsf1Rxnow6AfXkFXVYvM1cXmZ5Hx6VKy569AW1qNKi6c\n7q/fS8ILM6z3e/3nMTI+/pnGogo8ukURcdc4Tr76tfVMO+Ku8fj0iqG83PZYybtvHF7znqQ+vYDa\no81b7C4hvnj0iO7Qz0AguJzplNHW6/XMmTOHoqIiZDIZ77zzDuHhzSFGx44d47333rNeZ2RkMG/e\nPHbs2MGKFSsIDAwEYMqUKUybNu08p3B14DMgAZ8BjtMcSiQSEl6YyYl/fk3dqTxcIwKJfezmsxps\nTX4ZB+7/gJqD6UgUcvxH9cFsNNrHdJfVcOL1BYwc9XGHxuoaEcjELR9xYO4vYDAQfufYS5r60Hd4\nElW7mz3mFf5ehN1i2Zo3NmppyCnGrUuodaXYWSq2HW42jqep2p+KSae3iTPW5JZQte+UTb36tAK2\nX/csg356rUMr7sDRfQlscdbbHo4SabRchbYm7pnbMJZWUrjxIIY6DWZ9sz+ExNkJswOlsPItBynf\nlILP4O7snvYq6tPb1cowf+KeuZ38nzY3G2wAownXLsG4x0fgP7wnkfc2v8QpfGx3bRqLK8ia95v1\nRas+LZ/0D3+0eRHySoqh/5fP27Qb8ttbNBVV4OTl3q5evkQqJe6p2zj5xrc0ZBXhEuJHzN9v7FRC\nE4HgcqNTRnvlypV4eHgwd+5ctm/fzty5c/n44+Yv/B49erBw4UIAamtreeSRR+jduzc7duzgrrvu\nYsaMGW11LWgDv2FJDF/7IY2FFbgEercpTtGSjI+XWLOOmXUGytbtQ5Vg7x0Oli9OfU09Tp6qDo1H\nGeBNfAeFNC40Z1aUlduP4uSuJOJvE3CLDiHj06VkzV+BrrQat9hQ4l+YQcj1nRfJcAnxQ+bqYqP4\n5Shm2MnDDScPV3SVtqv9upO5ZH62jMTX/tbpMTjCu18cpS0U8CQKOX7Dezqsqy1XU7x6N73+cSfx\nbz+ApqCctPcXU5+ej2tkINH3T6Z63ymyv1yFoWWqS6MJbUUNOV/+bjXYAI0F5WR/uQonlX3IlXe/\nePp8+sRZx1+195TdzogmvxSz0dhu+JlEIrEeBZ2NoImD8R/dF/XhTDy6RQiDLbhq6JTR3rVrF1On\nTgVg6NChvPjii23W/fLLL7n77ruRitSU541EKrVb0Ro1Wk7882tqjmbhHOBD7KM3WrfWG4vtV1+u\nEf40FpZjrLN1fjLrjZRtPkjo1POLN74USKRS4p+5HZ65HbBsTx9+ah7536+3xug2ZBSS9sEPBF03\nsF3N9vbwSIggePIQCpZsAZMZmdKZ8OnX2jl9KXw8CL15JNmfr7CLETao7bftzUYjRct20FhUSdit\nI3EJODep2JjZN6KtqKF880GkTnJCpg4jePJQu3qFS7dx4p8L0JZUcUqlJGLmOLq/dg8DFtgm9Ai4\npg/ayhryFqyxlrl3iyDkhmEWPfxWNBVW4D6mr+2WuFyKtqyass0pBFzTF7PRSPmWQ8jclLh3i6Dw\nl20ow/wIHDsA/xG9cA72RVvcnOdaFRfeoXjxc0HmosB3ULcL2qdA8GfTKaNdUVGBj4/li0YqlSKR\nSNDpdCgUtud3TU1NbN++nccff9xatmbNGjZu3IhCoeCll16y2VZ3hLe3K/JOfuleLvj7u1+0vrfd\n819yv2mOc23MKuSGA/+H3NWF4EHxlG880FxZJiXq+sH0f2Um669/Eb26WTlK4eNO7Pj+qM5hrOcy\nL32dhhPzfkNXVUfkzSMIuIBfpoXr9lPw4yY7g9mYU4LKqMctuFm+Mm/lTvJ+3YHczYVuf5+KZ5z9\n56/lvK797kVybhpG9bEcQsf1JzDZsSPTyP8+jrOTlFOfLbfmdJY6OxF9/RCb/kx6A+un/IOitRan\nrrwFvzPsi2cJHdvvnOYc8Nnj7d43m83s+mKlddvcUN9I3nfr8Y4KpDa9ELdQXxKfmobitEjJNf97\nkoPBPlTsS0UZ7EPSc7fhHe6LfkJ/sj77zaZvfWUNBd+tt1Hgw2CiYuthag6m0/ftWWQt2kj57hMg\nlSCRSqxpPQOGJTF+/fsMfPc+jr7/Iw0F5XgndWHwvx/BtxN/Jxfzb+vPRMzryuJSzktiNjvIGt+C\nJUuWsGTJEpuyw4cPs2zZMhISLGewI0aMYMOGDXZGe+XKlWRnZ/Poo48CcOTIEbRaLQMGDGDVqlUs\nX76c//3vf+0OsLWjyZWGv7/7RZ3DpsEPo2nlWd7z40eJmD4Gk07P0TnzKd96CH11HUatHqlchv/I\n3oTePprUtxbSkFGIwt+T6Puup+sTHfcvOJd5GZt07LrxJdQplm1WuaeKpPcfvGCr+vR//0zq24vs\nyj16RDN83YfWFVzBz1s5+tx/rakk3aKDGbL8LVwCfCj8dRsFP23BSSrBZ2x/ov5mn2zlbJjNZjI/\nWUrJ6j1IpBKCJicT08qhLO+HDRx54lObsoCx/Rm46KVzepbJYEQilbQZ6mU2GtnQ5360pa12W6QS\nOJ0gw3dYEoOX/LPdcLGcb9dy7Nn/2pTJvVS2W+mtcAn3pym/vO37IX70ePt+Asb2x1CnwclLdU4Z\n5s5wsf+2/izEvK4sLsa82nsJOOtKe9q0aXbOYnPmzKG8vJyEhAT0ej1ms9nOYANs3ryZ6dObhTl6\n9mw+dxs9ejQffvhhhyYgaBsnT9uzOolCbt1Clyqc6PWv2aS+/z3pc38CLF/2pWv34p4YReKb91G8\nejcR08fg3ScOgJLVuylduw+ZSkn0/dfjFhl0zmPSVqg5/vJX1B7PxiXYF1VsqNVgAxhq6sn/YeMF\nM9qB4waQOe9XmzSPck834l+cYbPlWvjrH1aDDdCQXUzut+vwGZDA0Wf/a/VKL/7jCFIXRYeUwloi\nkUiIfexmYh+7uc06TUWVdmX6FgawPqOQ7Pkr0Nc24DeyFxHTr7WtW6dhz22vUZ+Wj9zdjbDbriG+\nRXigdSwyGZ49u1C2vtloS5zkNk5olTuPUbYxhcCx/dscr//wJOQebhhaZMhShvpR39Bol5XOOkYH\nQkEtaSqq4NRbC/Ef3ReF99W58hIILhadyqfd2NjIli1bGDNmDBs3bkSr1TJunH3u2X/961/Mnj3b\natDffPNNXF1dCQkJYefOnRQWFjJ58uR2n3Wl51+96DlkJVC154Ql3lYiIXDCQJwDvKnefwr3uAik\nTnLyv99gE/MKlnzG+T9spDYlndLVe3Dy8aDmWDZHnpqH+mA66pQ0KrYcJHjqcMwGI3mL1lKfWYR7\nfDgSqbTdeR169N8UL9uBrrIWTU4JDdklNgkgAJpKqqjaf4qqPScp+u0PilfsxGQ04ZEQcc4/Amd/\nL+SuLmgKK5BIpXgP7Mbgn17DKynGpl7hL1vsdiV8hyZScyiT6r0tvL+NJqQKJ0KmXHgFLedAH4p+\n+wNjY7NYSMjUZPxH9UFf28Ceaa9QvukgdafyKNt4ALmrC979LTtaJr2BLcmzqU/Nx6QzYKjTULX3\nJAovd5DJKFyymaZyNarYUCQSCd4DEtDklWHSG/DtHYO+UWdVFQPADEGTBuPu4IjgDApvd8xGI/Vp\nBRgbmvBIjKLHW/djatJRn1FgWbVLpdYjAcDmxaAtdFW1hNyQjHMbmbc6gsjPfGUh5nVufbZFp860\nJ06cyM6dO5k+fToKhYJ3330XgPnz5zNgwAD69LGEbtTW1qJSNXsjT5s2jVdffRW5XI5EIuHNN9/s\nzOMFLYicMQ7PXrGUrt2LS5AP+Ys3cuSx/wCQ89Xv9P/ieYd64voWYUO6ylpyvlyFs68nRk2zMalP\nLyTtg8VUbD1EQ2YRAHmL1jHo+1fIWLeHrGU7cfJwI+r+61F1CQEsW8Tq0x7r1mdV19lsy4IlW1n5\nhgM29UrX7sWsN1rDt86FqFmTiLxnAmaD0epZX7H9KOpDGQReNxD32FBCbhhO5c5jVhlSZWQQYbde\nw76Zb9n11zqcrmrfSco2pqCKDSX0xuE2K/iG3BIaMgrxG97zrF79qpgQ4l++m/QPFmNoaMQzMZr4\n0/HJeYvW22S9MuuNFK/eQ5eHbgCgYMkWmgpbZYEzmTn+0uenGwASCJo0lH5fPIsy1I+Qqcl4JEbS\ndWoyJxduIHv+CmtTr75xBF03qN3xAnR98lYi7r6O+owiNDlFGJt09Jr3BKHTRlGflo+qWwRFy3dQ\nsnK33ba51F2JyUFcvWtUEG6R9pr2AoGgfTpltM/EZrfmgQcesLnetWuXzXV8fDyLFy/uzCMF7eCV\n1AWvpC6kfrgY9b7mfN31qflk/t8ykt5/iIbMQop+225jlFvSkFlEU3m1XXnVnhNWgw1QvfsEBx+e\nS/mWQ1Y1rYrtR0he9R5OHm5IJBKc/TwdGpezYdRoKV65o1NGGyxe5RKFlKr9pzj06L/RZJeA2UzG\nf36m28t3ETlzPHJXZ0rW7kXm6kzUvZPI/nyVJf9yCxT+XkTeOwHzaeGS7M9XUrblIObTuwWl6/bT\nb/4zABx/+UvyF2/CUNuAKj6cnu8/jM/g7m2O0Ww0UvD9epoKLWe+lbuOkf7hYhJenIlEZn+23DLq\nQucgPtvSqe3/S1buZPOQh5HIZDRkWF4Csv9vBV2fu52El+9CnZKOc5A3sY/e3GHPem25mmNz/o+6\n4zkglxEwqjf9v55j1RH3H9bTIqPbisiZ4/Ds0YWCnzZTczQLfWUtyshAYp+cdklV9ASCqwWhiHYV\noSu3/1LXVdUilcvo9dGjgIT87zc4bGvUNNnEI4PFUcvJ217OtOZIlo38ZX1aAXkL1xEz+0YAomZd\nz8nXF7RtZNpBIj2/SIGmkkoO3Pse2tLmFxBDTQM5X/1OxIxxBE8eahMeVXs8y64PiUKGMsiXI09/\nRsGSLXZiNCVr9lB9IBUzkPvtWuvWf31qPmkf/8Tgxa+1Ob6SNXttt+JNZkrW7CXhxZlEzBhL/uKN\n1qMMqYuC4KnDrFXDbh1F9her7J3LHKDJLrG5NjQ0kv/DRkZu+XennL4yP11qMdgABiNlGw6Qu3Cd\nVTpWIpPhpFLa7OAAaDKLSHz1HsJuHomxSUddah6q2LB2xVEEAkHbiODpq4iAMX2RtpTNlEjwGdS8\n6vMb2QuJwvY9TeoggYJLsC+Rf7uO/t++iP/wJJt7MjcXnHwcOA9Jmw1B2LSRdH3mduQe9gIc7SH3\nUhF26zXn1KY1ed9vtDHYZ9BV1dloUZ/BUR5obWElf0x4jsKlWx1mjjJr9TQWVKDen2p3Vt9YUGFX\n36ZtO8EacjclA79/heiHpxJ+51j6fPakTfIOlyBfen/6BE4+HRPAaY2hTmObx/1MeUMTxqb2z+Qc\n/Uw1LRXR4KwyuDIXBV69YoXBFgjOA7HSvooIHDeAbq/cbcn3rDfiP6YvXVqEHIVOHU5jfhlFy3Zg\n1hvwH9MXiUxG5n9+senHI6kLSe89BIAqNhRDfSMVWw9b0m/eOgqz0cTJV7+2ftGr4sOJmGFxRDTp\n9Oyd+RYVWw/bOCe1xDU6CJ/kJPQVNciUzsiUzkic5ITeMAzfNuKgO0pbBsGrd1ekTvYf99gnbqFi\n5zF0rYxSU36ZXd0zuHeLJGjCQBqLq0j/eImNt7STd/sGNXjCILwHJFDdQvZUIpdZRUmUwb7tKqip\nYoIxOnJ6cZIjc5ZjrG+yv3ca7wEJNmfxRq2eI09+SsW2w0gUcoInDaH76/c6XPVlFPYAABbdSURB\nVIl79oyx/E5PI3VR4H+NbVKT6AenULJ2L9rToj5SpYKg6+1FXwQCQec5a5z2n82VHtd3uccmavJK\n2XXjSzSeTmcoc3Um6YOHCbtlVLvt6remkPnrduQebkTfP9kaZpbz1e8ce2G+TV3XmBAiZ4xD6uaC\nzFlO2M0jkTp1TBdcX6ch7cPFaLJLcIsNIf6Z6e2eherrG9kybLbVcIDFWPX/eg6la/dRtHw7AMGT\nk4mcaXnRcBjnLcFOrMXJR4XfsF7EPHYzXkldAMhduJZTby2yONudbhdyyyj6tiPnqaus4dT7P1D4\n81arN7fc3ZWkDx4m9Mb2w+AMDY1sGfYoTUWtVvRSCU7e7kgVcpu5AyCTEjtzLLGv/A25W7OD3cl3\nFpH58c8t5iyh578eIeKOsXbPNen0HPvHF1RsP4rc1ZnQadfYxaBnfvYb2V/9jq5cjcLHna7P3k6k\ng74uFJf731ZnEfO6srjs4rQFVzeuEYH0/+ZFchesxtioJWjCIII7sDqKvmUkqpH2CS4aHSSucAn0\nwbNXDKfeWkh9RiG5X60m7tnp7cYHn+HgQ/+ibMPplJBrQZNTQv+v5rRZP6eFChiA3MMNz96xZHyy\nlJwFq63JMap2n0Tu7kro1GFE3zeJzM9+s/F8ljrJMelsQ5dcI4NxT4jAMzHKWhY0YTAn3/y2uZIZ\nipZswdSko/8Xzzkco8LXE2c/L5vwK0OdhsKl29o02sZGLQVLtyJ3VRJ+x2iy5i2zCRvDZEZ/Wvtc\n7q3CUN08F/9RvRn+1XN2Xyz1p/JsH2I2oz6U4dBoSxVO9PzgYYdjA4t3fdr7P1jH1FRUifpA2kU1\n2gLBXxFhtAV49oim54ePXJC+gicMIvfr3zHUNmube/XtysnXv6HmUAYANYczOfnGN/iP6u1wy/oM\njYXlVGw/YlNWsnovmwY9hG9yD6IfmEzhz1sBi5eya2QQ5VsO2ayQDbUN5Hy+0q5vk1ZH2Yb9hE4d\nhtxNyZDf3uT4i1+gL61CldSFyh3HbHJ2A9QcTKfmYDrGRi3dXroLAL26zmau1nGu2Enqu98TP+cO\nx5NzcLbs6MwdoD6zkAOz3qfupMVBzXtQd/ov/AcnXvqCutaGF8tLkmpoDzR5ZbjHhZPw6t0O+3WU\nfMMtqnNhWOVbDtu+RIB1vAKB4MIhjLbgguLVpyvd35hF/vcbMNQ34ju0B1F/m0B2K8NZn5pPfXo+\nHt3bznEsdXJCqpDbOnuZTGhyStDklFC0bId1tVq0bDsDF72MzIFjXVu0jMX27BbF0F/fxN/fnV2v\nfkPZ+v1ttsv56nfqTuYSMWMsgdcNwjUqGE1WkV29jHlLCZwwEK9esXb3wu8cS8GSLTSePjuXuigc\nJv0Ay7ZzSwNYvecE1XtPEjhhkEOjra+ua3c34gxxz9xGXVo+VbuPI5HJCLy2H9H3TTprO0e4d4uw\ni8XvaEYugUDQcYTRFlxwIm4fY5UANen0HHnu/2yTSwDK8ABczyKu4RzgReD4gRQu2eLwfsvt5ca8\nMnIXrCb8jjGoU9JspEEdIXV2QuZiL71bsT+V1A8WW2OyHT63oYmyDQeoTkljcFgAA759ga0jHrdb\nPZt1Bso2pTg02q5h/vRf8AI5X/+OUaMlcPwAq6xr1Z4T5C5ah0mrJ2jSEIehc9oyNd3/eQ/Fq3bR\nkFZgc0/ewTSUCh8PBi/5JzVHs5ApnXHvGtahdo4InjSEsNtGU7x8B8aGJjyTutD1qY5r2QsEgo4h\njLbgvDDpDaR//DO1x7NRhvjS9clbbaQp0+b+SMEPG23aOHmriH3s5g6F/vT6+FG8+nSleOUOqnae\naLeuUasjZHIyrhGBFC3bQdmGA9SnNq9ElaH+NBZXgMmMSasn6/OVqOLCibijWd875dUF7Rrsluir\n6ihatp1uL91F0gcPcfT5/wNDC8Mtl+HZo0ub7T17RNNr7mybsrpTeRx44EPruXzpun149rSVY5U4\nO+F/TW9kLgoGLvwHOyY8h66FB7v/CMe5tR0hkUjwatV/Z5BIJPT++FFiHrmRxqIK/IYldTolqkAg\naBsRpy04L44+93+kf7iY0tV7yPnydw7Met8mFrn2WLZdm+DJQ4m8azwA6oPppH24mKLlOzA7OOeV\nymVEz5rE4CVvEHjdQDhtCFxC/JC4NHugyz1cCZ5s0Qr36hVL91fuZujKdwi7bTRe/eMJmTocj55d\nbJXZDEYq/mg+MzfpDVQfsRdbaQ+n06vayBnjSF71Pm4xFjlXuUpJxPQxBFx7bik383/cZONIZ2rU\n2YSHSZXOxD873So/6hYVTI/3H8JnaCJO3irknm5Up6ST9936c3ruhcI9LoyAUb2FwRYILhJipS3o\nNCa9wSZ2FyxexJU7j+GXbBFlcQn2tWvnFhMKQPbnK0l99zsM9Y0glRB680j6tAqVasgqomxTCn4j\ne9N/wQtUbD1EY3EVoVOHUbpuH0W/bQcJhN4yioAWccONRRWW5CeH0lH4eOI1JZmmYvsMW0atjvR/\n/4zf8J6oYkLQa9qOc26NZ+9YAidavMeNjVqCpwxj5LZPqNxxFGWYP6rT8zwXJI6MXUvN9kYtTq1E\na0ImJ6M+kEbVzuOAxWHuREYhHt2j8OrT9ZzHIBAILl+E0RZ0GolUgsTJ1shI5HJkyuZt765P3ELt\n8RzUKWlIFHL8R/Um6p6JmM1mchetsxhsAJOZ4pU76fLgFDxPx0BnfvYb6R8vwVDTgNzTjZjZN9H1\n8ea0lyE3DCPkhmE44sRrCyjffBAAfXU9qR8uthj97UepPWpZTTv5elK2/gClq3aToXQm4u7rcPHx\nQN8iXMq9WyQKfy+qdh9H6qzAf0QvVPFhKDxVBE4czL4736D+9Jlywc9b6f3vxwi6bmCnf6aRd19H\n8YqdzdnIZFI7fwCTA5U29WnP/DMY6jSUrNkjjLZAcJUhjLag00hkMoInDSHzv79ZV4P+I3vj3bfZ\nUCjDAkhe+Q5lmw4i93TDZ0ACEokEs8lkkdVsgalRhyavDM+kLhg1WnK++t2aI9tQ00DOgt+JnjXR\nLgOXI1onATHWaqg5mEHyinfI/3EzhnoNmZ/9ZpUpNTZqLRmwzmzRK2S4hQeR8NIMAq8dQH1mITI3\nF5RBzTsHqR/+aDXYAAZ1PfmLN56z0TYbjWjyy3EJ8sE1zJ+Bi18lb8FqjFo9Jr3Bohd/2nCr4sII\nb5VjG3CY4lIZFnBO4xAIBJc/wmgLzouEl+/CrWsY6pRUXMMDiX7APj+6RCazE1KRSKV490+guHC7\ntcy9eySBYy1nwLrqWhqLbLeztUWVaMvVHTLaysgA6k41h0lJnZ3wGRCPTOlM1N+uoy69gFOtVdBa\nnqnrjDRkFnLkyc9Ieu9BgiYOtnuGWWfvsOZoFdwelbuOc/zlL6k9mYtreAAxs6cSOXM83V+7x/IM\nsxmvpBgqth/GycudLg9McTj/Lg/fQO3xbEtGNpmUgNF9Cb999DmNRSAQXP4Ioy04LyQSCRHTxxAx\nfUyH2xT/vpuCJVswafX4JPfA1KTDJdiP2CdutuajlnuqkMgkmFvojUiVzigjOrZ6jHvmdpqKKqk9\nmoWTtztht422SZ6iig3Fq28c6hZOXo7QllWT/cVKh0Y77PYxFPy0xXpWLnF2ImjC2fNTn8FsNnPq\n7UXW7XpNdjHpH/5I8PVDUXhbZAwlEgmRd48n8u7x7fbl3TeO4evnUvjLNlyCfAgY279T2bwEAsHl\njTDagktKxR9HOPzEJ9Ztb6lSQa9/P0Zoq7Pp2iOZmFvJiEpkUgx1jSi8zp7lyqtnDMPXfkDV/jRc\nIwNstrXhdIjSv/7Oqfe+Q5NTgklvtAkPa4mu0rGusKpLCH3nP0PuN2swNmoJHDfwnFa3Jq2ehlai\nLE0lVVTtPnFOxv8Mcjel1StfIBBcnQijLbikFK/YaTXYYDnHLl2zx85oe/aKQRnmb01kAqCKCbXz\nnG4PiUyG76Bubd5XxYXR/8vnATCbTKTN/ZGqbYeoPmybL9yrX9vOXD4Du+EzsO1ntIfU2Qm36GAb\n8RSXIB98Bndvp5VAIPgrI+K0BZcUqYt9di+ps70ymdxNSdenb8M1OhgkEty7RRL/wh1IpI4/smaz\nmeyvVpHy8FyOv/IV2la64WdDIpUS/+x0puz+jH5fPo/fyN549IgmYsY4erx5/zn11eFnSiTEv3An\nHkldQCbFNSqIrk/fZt0aFwgEgtaIlbbgkhJ5z0RK1+23hjS5hPq1uaUbcce1hN44nMbiSlwjAtsV\n7Dj11iIyP11qzeFdfSCV5OVv2+SP7iiBY/t3KAPZhcAvOYnhaz9Ak1+GS6DPOWmnCwSCvx7CaAsu\nKaroYIb8+ia536zBbDARfscYVF1C2qwvUzq3e/8Mpev2Wg02gHp/KsW/7yGkjSQclxMSmazT2bUE\nAsFfC2G0BZccZbAvCXPuvMC92ntKS6TCe1ogEFxdiDNtwVVB0MRBltSQp/Ee2O28lMkEAoHgckSs\ntAVXBfHP34Ey1I+qvSdxCfAh5u83duo8WyAQCC5nhNEWXBVIJBIiZ44ncqaIUxYIBFcvYntcIBAI\nBIIrBGG0BQKBQCC4QhBGWyAQCASCK4ROG+29e/cyZMgQNm/e7PD+8uXLufnmm5k2bRpLliwBQK/X\n8/TTTzN9+nRmzJhBfn6+w7YCgUAgEAjs6ZTRzsvL4+uvv6Zv374O72s0GubNm8eCBQtYuHAh33zz\nDWq1mpUrV+Lh4cEPP/zAQw89xNy5c89r8AKBQCAQ/JXolNH29/fn008/xd3dsUby4cOHSUpKwt3d\nHRcXF/r27UtKSgq7du1i7NixAAwdOpSUlJTOj1wgEAgEgr8YnTLaSqUSWTsxsBUVFfj4+FivfXx8\nKC8vtymXSqVIJBJ0Ol1nhiAQCAQCwV+Os8ZpL1myxHomfYZHH32U4cOHd/gh5haa0B0pb4m3tyvy\ndhJFXAn4+1+dWZvEvK4srsZ5XY1zAjGvK41LOa+zGu1p06Yxbdq0c+o0ICCAiooK63VZWRm9e/cm\nICCA8vJyEhIS0Ov1mM1mFAr7tIwtqa7WnNOzLzf8/d0pL6/7s4dxwRHzurK4Gud1Nc4JxLyuNC7G\nvNp7CbgoIV+9evXi6NGj1NbW0tDQQEpKCv379yc5OZk1a9YAsHnzZgYNGnQxHi8QCAQCwVVJp2RM\nt2zZwpdffklWVhbHjx9n4cKFfPXVV8yfP58BAwbQp08fnn76aWbNmoVEImH27Nm4u7szceJEdu7c\nyfTp01EoFLz77rsXej4CgUAgEFy1SMwdOVgWCAQCgUDwpyMU0QQCgUAguEIQRlsgEAgEgisEYbQF\nAoFAILhCEEZbIBAIBIIrBGG0BQKBQCC4QhBGWyAQCASCK4ROxWkLbNHr9cyZM4eioiJkMhnvvPMO\n4eHh1vvHjh3jvffes15nZGQwb948duzYwYoVKwgMDARgypQp56w+dzE527zg/9u715Cm/jAO4N+t\n2YUML9imIHYRoxokQYVD23RlYTd8IeFoNGNU2jSLrQulzBcWUkuodyFm0ctohV2oCBTKtpokUglq\nhLCsVlmZK6I5f/8Xo0OrzZ3tb54zeD6vPDv7wfOcH89+229nPoBSqQzq9nbx4kVMTExEHCckPnnd\nvn0bFy5cgFQqhUqlwsGDB2G323H27FlkZWUBCDS9qaqqEiKFICdPnkRvby8kEgmOHTuGFStWcOce\nPXqE5uZmzJgxA2q1GiaTKeIYsZgsRqfTiebmZkilUixatAgnTpyAy+VCbW0tcnJyAABLlixBfX29\nUOGHNVleWq0W6enpXG8Hm80GhUIh+vkKF5/H44HFYuGe53a7YTab4fP5RFlLoQwMDGDfvn2oqKiA\nXq8POidIfTHyv9ntdtbQ0MAYY+zBgwestrY27HNHR0fZjh07mN/vZ+fOnWOXL1+erjCjxievNWvW\nxDROSJHi+/79OysqKmJjY2NsYmKClZWVscHBQXb16lXW1NQkRMhhPX78mO3Zs4cxxtjLly/Z9u3b\ng86XlJSwN2/eML/fz3Q6HRscHIw4RgwixVhcXMzevn3LGGOspqaGdXZ2MqfTyWpqaqY91mhEyquo\nqIh5vd6oxgiNb3w+n4+Vl5czr9cryloK5du3b0yv17O6urqQr9VC1Bdtj0+BaFqOtra2wmAwQCoV\n/6WPtZWq2FuwRopvzpw5aG9vR2JiIiQSCZKTk/HlyxchQo3I4XBg/fr1AIDs7GyMjo7C6/UCCHyq\nSUpKQkZGBqRSKTQaDRwOx6RjxCJSjHa7Henp6QACXQQ/f/4sSJzRiuXai32++MZ37do1bNy4EXPn\nzp3uEGM2c+ZMtLS0QC6X/3VOqPoS/8oRB/i2HP3x4wcePnyIdevWcY/duXMHu3btwt69e+F2u6ct\nZj745PXz50+YzWaUl5ejra2N9zgh8YkvMTERANDf34/h4WHk5uYCAJ48eQKj0QiDwYC+vr7pDTyE\njx8/IiUlhTv+1QYXAD58+BC2RW64MWIRKcZf8/P+/Xt0dXVBo9EACHz1VFlZCZ1Oh66urukNmgc+\n195qtUKn08Fms4ExJvr54hvflStXUFZWxh2LrZZCkclkmD17dshzQtUXfacdpVCtSnt7e4OOWZj/\nDHv//n0UFhZyn7I1Gg3y8vKwevVq3Lp1C42NjTh//vy/CTyCWPM6fPgwtm3bBolEAr1ej1WrVv31\nnHDXYzr8n/kaGhqCxWLBmTNnkJCQgNzcXKSmpqKwsBA9PT04cuQIbty48c9ij0Us11rI+eErVIwj\nIyOorKyE1WpFSkoKFi5ciOrqapSUlMDtdmPnzp24d+9exE6CQvozr/3792Pt2rVISkqCyWTC3bt3\nI44Rm1Dx9fT0YPHixdybrXiopaky1fNFi3aUQrUqPXr0KK+Wox0dHdDpdNzxnzeg2Gy2fxd4BLHm\n9Xs+eXl5GBgYiKkF678Sa17v3r2DyWTCqVOnsGzZMgCBra7s7GwAwMqVK/Hp0yf4/X7upiEhhGqD\nO3/+/JDnPB4P5HI5EhISwo4Ri8nyAgCv14vdu3fjwIEDKCgoAAAoFAps2rQJAJCVlYW0tDR4PB5R\n3QQZKa/S0lLub7VazdWTmOeLT3ydnZ1QqVTcsRhrKVpC1Rdtj08Bvi1Hnz9/jqVLl3LHjY2N6O7u\nBhDYKvp116tYRMrr1atXMJvNYIxhfHwcT58+RU5OjuhbsPKJ7/jx42hoaIBSqeQea2lpwc2bNwEE\n7ihNTU0V/EUmPz+f+zT24sULyOVy7tNMZmYmvF4vXr9+jfHxcXR0dCA/P3/SMWIRKcampiYYDAao\n1Wrusfb2drS2tgIIbF2OjIxwv8wQi8nyGhsbg9Fo5L6qcblcXD2Jeb74xPfs2bOg1z4x1lK0hKov\n6vI1Bfx+P+rq6jA0NMS1HM3IyAhqVQoAKpUKDoeDG9ff3w+r1QqZTAaJRILGxkYsWLBAqDT+wiev\n06dPw+l0QiqVQqvVoqqqKuw4sYiUV3JyMkpLS4N2QioqKqBUKnHo0CHuTYpYfnpjs9nQ3d0NiUQC\nq9WKvr4+zJs3D8XFxXC5XNwOzoYNG2A0GkOO+f0FVSzC5VVQUBBUVwCwZcsWbN68GRaLBV+/foXP\n50N1dTX3XbeYTDZfly5dwvXr1zFr1iwsX74c9fX1kEgkop+vyXICgK1bt6KtrQ1paWkAAjtZYqyl\nP/36ue7w8DBkMhkUCgW0Wi0yMzMFqy9atAkhhJA4QdvjhBBCSJygRZsQQgiJE7RoE0IIIXGCFm1C\nCCEkTtCiTQghhMQJWrQJIYSQOEGLNiGEEBInaNEmhBBC4sR/Se9sx+a7q3gAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "2XImjkyN1MZn", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Convert to PyTorch tensors\n", + "X = torch.from_numpy(X).float()\n", + "y = torch.from_numpy(y).long()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "gGFqcqTDXhkl", + "colab_type": "code", + "outputId": "4b9f6fd1-3d85-4015-d53f-eb89daad04a7", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Shuffle data\n", + "shuffle_indicies = torch.LongTensor(random.sample(range(0, len(X)), len(X)))\n", + "X = X[shuffle_indicies]\n", + "y = y[shuffle_indicies]\n", + "\n", + "# Split datasets\n", + "test_start_idx = int(len(X) * args.train_size)\n", + "X_train = X[:test_start_idx] \n", + "y_train = y[:test_start_idx] \n", + "X_test = X[test_start_idx:] \n", + "y_test = y[test_start_idx:]\n", + "print(\"We have %i train samples and %i test samples.\" % (len(X_train), len(X_test)))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "We have 1125 train samples and 375 test samples.\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "IHofozO7RIiV", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Linear model" + ] + }, + { + "metadata": { + "id": "DlVmr5XkRMCf", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Before we get to our neural network, we're going to implement a linear model (logistic regression) in PyTorch first. We want to see why linear models won't suffice for our dataset." + ] + }, + { + "metadata": { + "id": "qja6kvBrRKDj", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import torch\n", + "import torch.nn as nn\n", + "import torch.nn.functional as F\n", + "import torch.optim as optim\n", + "from torch.utils.data import Dataset, DataLoader\n", + "from tqdm import tqdm_notebook" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "5AdXiZ8ORKGS", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Linear model\n", + "class LogisticClassifier(nn.Module):\n", + " def __init__(self, input_dim, hidden_dim, output_dim):\n", + " super(LogisticClassifier, self).__init__()\n", + " self.fc1 = nn.Linear(input_dim, hidden_dim)\n", + " self.fc2 = nn.Linear(hidden_dim, output_dim)\n", + "\n", + " def forward(self, x_in, apply_softmax=False):\n", + " a_1 = self.fc1(x_in)\n", + " y_pred = self.fc2(a_1)\n", + "\n", + " if apply_softmax:\n", + " y_pred = F.softmax(y_pred, dim=1)\n", + "\n", + " return y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "ApoN49qmRhl5", + "colab_type": "code", + "outputId": "0d06b9d4-3a94-4c45-81a1-d6d302734714", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Initialize model\n", + "model = LogisticClassifier(input_dim=args.dimensions, \n", + " hidden_dim=args.num_hidden_units, \n", + " output_dim=args.num_classes)\n", + "print (model.named_modules)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "1ksXe8ruRhoh", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Optimization\n", + "loss_fn = nn.CrossEntropyLoss()\n", + "optimizer = optim.Adam(model.parameters(), lr=args.learning_rate) # Adam optimizer (usually better than SGD)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "bt3kwn_3kso9", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Accuracy\n", + "def get_accuracy(y_pred, y_target):\n", + " n_correct = torch.eq(y_pred, y_target).sum().item()\n", + " accuracy = n_correct / len(y_pred) * 100\n", + " return accuracy" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "cpo8c46ERhrS", + "colab_type": "code", + "outputId": "06927f18-a3f3-4738-e94c-32b32fc3fd45", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 187 + } + }, + "cell_type": "code", + "source": [ + "# Training\n", + "for t in range(args.num_epochs):\n", + " # Forward pass\n", + " y_pred = model(X_train)\n", + " \n", + " # Accuracy\n", + " _, predictions = y_pred.max(dim=1)\n", + " accuracy = get_accuracy(y_pred=predictions.long(), y_target=y_train)\n", + "\n", + " # Loss\n", + " loss = loss_fn(y_pred, y_train)\n", + " \n", + " # Verbose\n", + " if t%20==0: \n", + " print (\"epoch: {0:02d} | loss: {1:.4f} | acc: {2:.1f}%\".format(\n", + " t, loss, accuracy))\n", + "\n", + " # Zero all gradients\n", + " optimizer.zero_grad()\n", + "\n", + " # Backward pass\n", + " loss.backward()\n", + "\n", + " # Update weights\n", + " optimizer.step()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "epoch: 00 | loss: 1.1694 | acc: 32.6%\n", + "epoch: 20 | loss: 14.5043 | acc: 55.1%\n", + "epoch: 40 | loss: 3.9626 | acc: 54.1%\n", + "epoch: 60 | loss: 1.3633 | acc: 54.0%\n", + "epoch: 80 | loss: 0.7533 | acc: 54.5%\n", + "epoch: 100 | loss: 0.7478 | acc: 55.6%\n", + "epoch: 120 | loss: 0.7330 | acc: 54.2%\n", + "epoch: 140 | loss: 0.7329 | acc: 54.0%\n", + "epoch: 160 | loss: 0.7327 | acc: 53.8%\n", + "epoch: 180 | loss: 0.7327 | acc: 53.8%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "ZthV18sPRhto", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Predictions\n", + "_, pred_train = model(X_train, apply_softmax=True).max(dim=1)\n", + "_, pred_test = model(X_test, apply_softmax=True).max(dim=1)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "ZjKHD3zXbb0I", + "colab_type": "code", + "outputId": "f6e04324-9582-4a5f-f7c9-fe5e44181126", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Train and test accuracies\n", + "train_acc = get_accuracy(y_pred=pred_train, y_target=y_train)\n", + "test_acc = get_accuracy(y_pred=pred_test, y_target=y_test)\n", + "print (\"train acc: {0:.1f}%, test acc: {1:.1f}%\".format(train_acc, test_acc))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "train acc: 53.8%, test acc: 53.1%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "7hsn8zbxRh09", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Visualization\n", + "def plot_multiclass_decision_boundary(model, X, y):\n", + " x_min, x_max = X[:, 0].min() - 0.1, X[:, 0].max() + 0.1\n", + " y_min, y_max = X[:, 1].min() - 0.1, X[:, 1].max() + 0.1\n", + " xx, yy = np.meshgrid(np.linspace(x_min, x_max, 101), np.linspace(y_min, y_max, 101))\n", + " cmap = plt.cm.Spectral\n", + " \n", + " X_test = torch.from_numpy(np.c_[xx.ravel(), yy.ravel()]).float()\n", + " y_pred = model(X_test, apply_softmax=True)\n", + " _, y_pred = y_pred.max(dim=1)\n", + " y_pred = y_pred.reshape(xx.shape)\n", + " plt.contourf(xx, yy, y_pred, cmap=plt.cm.Spectral, alpha=0.8)\n", + " plt.scatter(X[:, 0], X[:, 1], c=y, s=40, cmap=plt.cm.RdYlBu)\n", + " plt.xlim(xx.min(), xx.max())\n", + " plt.ylim(yy.min(), yy.max())" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "5u5fEhOcRh3V", + "colab_type": "code", + "outputId": "9ebec4e7-f6f1-487c-b451-9493ffd138d9", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Visualize the decision boundary\n", + "plt.figure(figsize=(12,5))\n", + "plt.subplot(1, 2, 1)\n", + "plt.title(\"Train\")\n", + "plot_multiclass_decision_boundary(model=model, X=X_train, y=y_train)\n", + "plt.subplot(1, 2, 2)\n", + "plt.title(\"Test\")\n", + "plot_multiclass_decision_boundary(model=model, X=X_test, y=y_test)\n", + "plt.show()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAswAAAE+CAYAAACZY0aVAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzsvXuYZFV97/1da+1bXft+mRswMyCX\nwQERjDKCiBAGIkefhARMYjDyxjd5fF5zohheSMzwHiOJRo8YE42HE9QTzologklAkShxFIU4oNxB\nxhlgmHt3T/d03av2Xmu9f6xd972rq/paXb0+z6NMVe29a3XVrt/+7d/l+yNSSgmNRqPRaDQajUYT\nCF3pBWg0Go1Go9FoNN2Mdpg1Go1Go9FoNJoWaIdZo9FoNBqNRqNpgXaYNRqNRqPRaDSaFmiHWaPR\naDQajUajaYF2mDUajUaj0Wg0mhYYK70AjWYx2LVrF37yk58AAA4ePIjR0VHYtg0A+Kd/+ifE4/G2\njrNz507cc889GB4eXrK1ajQajabKYtnvMl//+tfxG7/xG4u+Ts3ahmgdZk2vcfnll+NTn/oULrzw\nwpVeikaj0Wg6YKH223Vd7NixA3v27FnklWnWOrokQ9PzvPe978VnP/tZXH311fjZz36Gqakp3HTT\nTdi5cycuv/xyfPnLX65se+aZZ+LYsWP4yU9+guuvvx6f+cxncPXVV+Pyyy/XBlij0WiWmSNHjuAD\nH/gArrrqKlx11VV45JFHAACe5+HWW2/Fzp07ccUVV+BDH/oQstks3ve+9yGVSmHnzp04cuTICq9e\n00toh1mzJnjuuefwrW99CxdccAG++MUvYuPGjfjOd76Dr371q/jMZz6Do0ePNu3zwgsv4LzzzsOD\nDz6I3/zN38QXv/jFFVi5RqPRrF3++I//GNu3b8dDDz2Ev/u7v8PNN9+M2dlZ7N69GxMTE3jwwQfx\n3e9+F6eddhqefvpp3HHHHTBNE9/5znewfv36lV6+pofQDrNmTfC2t70NlKrT/U//9E/xsY99DACw\nadMmjIyM4NChQ037xGIxXHHFFQCAbdu26WiFRqPRLCPpdBpPPPEE3ve+9wEANm/ejPPPPx8//OEP\nMTg4iJdeegkPP/ww8vk8PvzhD+Piiy9e2QVrehrd9KdZE/T19VX+/eyzz1aiypRSTE5OQgjRtE8i\nkaj8m1IauI1Go9FoloZ0Og0pJa677rrKc7lcDpdeeimuvfZa3HbbbfjKV76Cj370o3jHO96BXbt2\nreBqNb2Odpg1a46PfvSjuPHGG/Ge97wHhBBccsklK70kjUaj0TQwPDwMSin+5V/+BY7jNL1+zTXX\n4JprrsHMzAxuvfVWfPnLX8a73vWuFVipZi2gSzI0a44TJ07g3HPPBSEE3/zmN5HP55HL5VZ6WRqN\nRqOpwbIsXHLJJfja174GQEWXb731Vhw/fhzf+MY38KUvfQkAMDAwgM2bN4MQAsMwwDnXNl2z6GiH\nWbPm+MM//EN88IMfxLXXXotcLofrr78eH/vYx/Daa6+t9NI0Go1GU8PHP/5xPProo9i5cyd+9Vd/\nFaeddhrGxsZwxRVX4Mknn8Qv//Iv4+qrr8aBAwdw4403Ynx8HNu3b8fb3vY2PPPMMyu9fE0PoXWY\nNRqNRqPRaDSaFugIs0aj0Wg0Go1G0wLtMGs0Go1Go9FoNC3QDrNGo9FoNBqNRtOCBTnMe/fuxRVX\nXIF77rmn6bVHH30U1113Ha6//nr87d/+beX5O+64A9dffz1uuOEGXZCv0Wg0Go1Go+l65q3DnMvl\n8PGPfxxvectbAl//8z//c/z93/89xsbG8Nu//du46qqrMD09jQMHDuDee+/F/v37cdttt+Hee++d\n9+I1Go1Go9FoNJqlZt4Os2VZuOuuu3DXXXc1vXbw4EH09fVh3bp1ANRY4sceewzT09OVUcNbt27F\n7OwsMpkM4vF46Puk8l+Dk20WLF9ODIPC87pnylu3rQfQa2qHblsPoNfUDgtZjzX87kVeTffzH4fu\nwVudcJu+lHTbuQPoNbWLXlP7dOO6emVNrWz2vEsyDMMInLwDAJOTkxgcHKw8HhwcxOTkJKampjAw\nMND0fCtufxz4USEz32UuCgRkRd+/kW5bD6DX1A7dth5Ar6kdum093c4DL5v4USGDQqyw7O/djd+V\nXlN76DW1Tzeuay2saUVHY7cjAb1vdwQPoACyJYvL4sllWFUwpsFW7L2D6Lb1AHpN7dBt6wH0mtqh\n29bTzezb7eABAICLC4cKK54h1Gg0msVgSRzm0dFRTE1NVR4fP34co6OjME2z7vmJiQmMjIy0PBYB\nw77dDu5HAXLLLC4cMpbdAJsGg+vxZX3PVnTbegC9pnbotvUAek3tsJD1WIu8ltXAuJPEvt3Anbtt\n/Nf3Z7TTrNFoeoIlkZXbuHEjMpkMDh06BM/z8P3vfx87duzAjh078NBDDwEAnn/+eYyOjrasXwaA\nMSdWcZofeNnEEye8FUn1aTQajaY9xp0kAII7745rm63RaHqCeUeYn3vuOXzyk5/E4cOHYRgGHnro\nIVx++eXYuHEjrrzyStx+++34yEc+AgC45pprsHnzZmzevBnbtm3DDTfcAEIIdu3a1dZ7jTkxANBR\nC41Go1kljDtJHC9kcefdcZx+WQG3X6RttkajWb0Q2U4h8QrygU99v+7xsUIKgPSd5uUpz+ilFPFS\nodc0N922HkCvqR0WVJKxBlUyGm328UIWEp7vNGNJbXa3nTuAXlO76DW1Tzeuq1fWtCQqGSvFuJME\ngYE7747j9sehU30ajUbTxaiyOgP7dke6QvVIo9Fo5sOqc5iBWgPsaKdZo9FoupxqL0oED7xsaKdZ\no9GsOlalwwzoqIVGo9GsJuqd5pXTatZoNJr5sKI6zAtlzInheCHrazXngS2ZFZswtdoouRJ//T9n\n8cTTJRSLAme/zsLv/04Sp2xY1aeERqPpYqo2e+1pNb/ymotvPpjFyVllb6/7lRhMs/uGPWg0mmBW\nvXdU7zQXgC3L1wy4WpBS4rGfFvHYE0VYFnDtlVF89esZPPgf+co2RycKOHyU439+ZlgbcY1Gs2TU\nqh6tFaf50cfz+JNPziDvm9x//0EB3/puDl/53AgMQ9tbjWY1sOodZmBtRy3a4c67UrjvW1m4nnr8\nwL/nUHKbxVFe2u/i2w/n8K6dsWVeoUajWWuspQEn//1LqYqzXGbfqx7+9suz+MPf61+ZRWk0mo5Y\ntTXMjYw5Md8AO1osv4aX9pXwbw9VnWUAmE1L5EM+mpf2F9saWa7RaDQLpVb1qFdtNucSxyaCpa1+\n/HhxmVej0WjmS884zGXW6oSpmVmOv/77WXz49ins+vQ0Hn9K/d0/frwY6hwHcd+3C/i9j0zhp8+s\njc9No9GsLOUG7l6VCqUUICFVF2HPazSa7qPnHGZg7Wk15/ICH941jf9zXxaPPl7CQ98v4La/mMH3\nHskjMo8M53MvufjU36ZQKOpIs0ajWXoaVY96yWYTQrBxHQt87dI328u8Go1GM1960mEGqgYYIHji\nhDfn9quZr/9bFi/+wq17Lp2R+OdvZXHeNmtexzxwyMO3H84uxvI0Go1mTmpl53pNKvS/3dKPvmR9\nOPms0w38X7/Vt0Ir0mg0ndITTX+t6dl7ggqHjgbfEBw+6mHLqSbGhgmOT9VHiykBGENdbXMjuZyO\nMGs0muUjSPWoF6RCz9hs4xv/YxT/9EAOJ2Y4Tt9s4toro1ohQ6NZRawBh7k3+cFjeXzvkTwKBYlM\nVgRuMzxI4dgUv/5f4rjrnjSKpeprl+1wQAA8/KPg1Gd/H8FVl0WWYOUajUYTTpPqUY9IhSYTDO9/\nT2Kll6HRaOZJzzvM+3ZbeACiZyIVAPCP30zhb748i0JNg7XBAK+hEbssdvHbv5bAKRsM/McjeRRd\nYPs5Fn792hggga2bM9j9aA4HDvKKQ92XILjxNxIYGe7500Oj0XQh3azVnC8IuC6QTPR+9lKj0VTp\naY+oVyIVz7xQwj3/nMGrr5VAGXB8StQ5y0CzswwALx/w8MwLRWw/x8alb47g0jc3R4zff0MC778h\ngUxW4F8fyqJUAna+PYJ1Yz19amg0mlVAN2k1p9Icf/WFWfzs2RKKJYlTNxp476/FcNmO6IqsR6PR\nLC897xWt9qEmB494+LO/msaxieCyi1YUS8BTL5Sw/Zy5O7HjMYrf+lWdLtRoNN3FuJPE8UIWd94d\nX1Gn+RN3nsQP/rMaqXj+JRe33nESF52fw5/+UT9GdUZOo+lp1kROaTUPNfmn+zPzcpYBpf+5ZZM2\n4hqNZnWz0lrNxyc9PP5085ARCWDPUyX85d/MLut6NBrN8rMmHOYyq3Goycxse0oVRoBf/MbtFna8\naXVE0jUajaYVK6nVPJsSyOXDX3/quSKmpoOn+Wk0mt5gTTnMwOobanJquxFiCVx7ZQTbzzZx1hkG\nrntnFH9x2wCIHiWl0Wh6hJXSat5ymonTTwu3xSUXKOpBTxpNT7PmHGagNlLhdL3T/J53xzA2MvfX\n5HFg21kW/senR/CVO0dx8x/0Ix4Lni6l0Wg0q5Vap/mBl81lcZoNRvC2ix3QEFNsMuCWPz+Bv/z8\nDNIZHWnWaHqRNVvgWiuQfzvyeGeXys79fJ+L2dTcNcz9SYKLL9RjVjUaTe8TpoBkFmPzOt4TTxXx\n48cLsC2Cd+2MNqkESSmx58kiRIgpzheBfa9y7Hs1j0NHOT7/iSGd3dNoeow16zADjVOl8sui1Syl\nxNf/LYsf7SmgWJQ483QTH/jtBBLx5mjwtx/O4gtfSTdJyDXCGPArV0Z1l7ZGo1kzBCkgXTSUg+11\nFji4865Z3PdtJakJAPd/N4cP/34f3vHWqgznK695eGGv29bxfvZsCY8+UcCOi/TgJ42ml1jzHlbQ\nKNal1Gr+4v9K455vZCD8crdnXnSx7xUPf3PHEBirRiT+/Qc5/NUXZpGfo1qEUeD3fiuO912fXJL1\najSa3uGOO+7A008/DUIIbrvtNmzfvh0AcPz4cdx8882V7Q4ePIiPfOQjcF0Xn/vc53DKKacAAC6+\n+GL8wR/8wYqsPYjaASd37rbxR+/P4o1Dsm37/eIvSviXB6vOMgCcmBH4h6+n8faLHVCqbLJpKtUh\n3ka1hRDKwd5xUad/jUaj6WbWvMMMLJ9Wc6Eg8L0f5CrOcpknnyvhuz/MY+fbqwL4Dz6cn9NZBgAu\nANvSqT+NRtOaPXv24MCBA7j33nuxf/9+3Hbbbbj33nsBAGNjY/iHf/gHAIDneXjve9+Lyy+/HA89\n9BCuueYa3HLLLSu59DkZd5I4Vkjhs3fHOtJq/vGeQmAGb+/LHg4e8XDqRhMAsGm9ifPPsfD406W6\n7ShFU5lGxAEuPE+Xx2k0vcaabPoLolar+YGXzSWRnZucFqGaygcOenWPZ2bbaxyxLOCs060Fr02j\n0fQ2jz32GK644goAwNatWzE7O4tMprlh7pvf/CauuuoqxGLzqwdeKcadJCjpTAEpEQ++BMZipGn0\n9c1/0Ic3nGvC8Kvntpxq4PIdNsyGsNMVl0S0TV6lENNAaGenZs2jI8wNBI1inW8jSSOjwwwb1jEc\nPFLvDBMCnL65+lUIIWGZ7R3zl8638YbX62iGRqNpzdTUFLZt21Z5PDg4iMnJScTj9X0b3/jGN3D3\n3XdXHu/Zswc33XQTPM/DLbfcgnPOOWfZ1twp62NJHM6klAISCrj9otaR5nddFcU3H8zh1YaAxS+9\nwcZAX31fyambTHzhL4fxwt4SMlmJN263YRgE33skh0f+swDOgQu223j3Tj0qe7VBbAs04oAaDFJK\nSNcFT+dWelmaLmNBDnOv1cOVaRzFOp9GkiBsi+CaK6K4+/+k4dbY5zedb+HtO1SDyMkUx//7iRk8\n86LXtH8sCuQL1RTg6BDFzR/sW/C6NBrN2kPKZt3gJ598Elu2bKk40eeddx4GBwdx2WWX4cknn8Qt\nt9yC+++/v+VxDUZVFGCF2BBP4kg2VVFAunZLFpfFg3s8zDjD/3fzIL7w1Vm8+IsSHJvgwvMc3PLB\nfphGsCzn+dvqL5tXvz2Bq9+eaLmmsGOtJHpNPpQAsUglskwIAbEs0ASAXKErPydAf3/tsphrmrfD\n3Mv1cEC1rvnOu+M4/bK5IxXt8rvXJzA+wrD70QIKRYGzz7DwvusTleaSL/2vNJ56rtS038Z1FIeO\n1pdzTJwQuPsf07j1/xlY8Lo0Gk1vMzo6iqmpqcrjiYkJjIyM1G2ze/duvOUtb6k83rp1K7Zu3QoA\neMMb3oDp6WlwzsFY+EXI43PLYC4VhsHgeRyjdrWZ+37kIbfMhiognXm6gc99fAjpjIBpEji2ssWu\ntzh6yqbBFu1Yi4VeUxUadcACyjAkYyBYvPNgMdHfX3vMZ02tiqnmXazT6/VwwNKNYr368ig++aeD\n+NzHh/H7v5OsGGgAeHFvs7MMAIWQt36xTakjzTJDCYht6Xo4TdewY8cOPPTQQwCA559/HqOjo03l\nGM8++yzOOuusyuO77roLDzygWqH37t2LwcHBls5yNxE04KSVDU/EaZ0t1qx19LmgqWfeEeblqodb\nTem9xcBxgh0swwj+DGyLdk0apFvWUcuKrMlxAMtvHpEScF0gV1i59cyBXtPcdNt65sMFF1yAbdu2\n4YYbbgAhBLt27cJ9992HRCKBK6+8EgAwOTmJoaGhyj7XXnstPvrRj+JrX/saPM/DJz7xiZVa/rxY\nLgUkzepFlEqgjgNC66+xknvaZdbUsWhNf0tVD7eS6b0y1UaSCO5HoWV6b6FcdL6Np56vjzJbFvD2\nHRb++dv5Or1QALjwfKsr0iC9ko5ZKMS2wGyzOuWLEMCywD0OVnL1Z9QG3bamhayn27QSantLANRF\nkwE02ePx8fFKed1qpVarWTvNmiY8AZHPK6eZUdX053HwTL5SKqnRAAtwmJerHq5bCBvFuthG93dv\niGP6JMcPHi1gakZg/TjDu345ihuvTyCZNHD/Q1kcOS4w0Edx6Ztt3PSbrZtNNMsLsczAkbjENICS\nLp/RaFaKIAUk7TRrAEDkixDFEohlAUJAlm017X7fRLN8zNth3rFjBz7/+c/jhhtuaFkPd80111Qe\n33XXXVi3bh3e+c53rrp6OGDpIxUv7S/h3n/N4tgkx3nnWrj4Ihvv2BGplGn87vUJ3PCuGF49yDE+\nQjHQv3o+O838IbalHG4AsliCdJsVVDQazdw0KiBpp1lTQUjIoCk2Go3PvB3mtVgPV2YpIhUv7S/h\nlj+frhts8tNniti03sT2s6uJ3YhDsf1ss6tS1poqsuRBBkSZ5+vk0lgE1LErx5O2BZHLQ+S1Yddo\n5sNSKSBpNJrehsig4uMu4gOf+v5KL6EiVdTI8UIWEp7vNC+sPOPjn53Bt76Xb3p+66kG/vcXRuue\n67YaT0CvqRYai4DaFgilkKIsgp/tfD2WASMRb3a+OYc3k1qUtervbW4WVMM8/O5FXk33s5I2O8xW\nB6HsN8fpl+Vx+0VYMqe5285nQK+pXbpxTUB3rqtX1tTKZmvNqwVQlp2baxTrsUkP//gvGfzHj/Lg\nPPj+5Njx4C/1lYMeDh/VKfgVgTHQeBSsLw6aiAJtKiWIbB7eyRS8dBbebAo8ne34rWksAiPe7CwD\nAGEMpAdUGzSalaRWdu72x4EfFZplUTVrCMZAE1GwvgRoIg7S7rhdzZpBj8ZeINVmQCU715jeu+Pz\nM/j29/LwfJ93ZJDirz8xhM2n1P8YrZB2eiGAh3+Ux+/8um7uW1YYhZGMgdTU2FPDhJfOovJltkJI\nyGKwpvZcEMusK8NoRAoB2QXqMRrNaqfWfj+AArAls2QKSJougwDEMCA5B0Ca7L00mRqt22VRU83K\noSPMi0BYpOLHe3L4t+/k6/yryWmBm//biaZjvGtnNPT4A336a1pulMRQfRSXMAoaCbizaaETTiwT\nNKrqkNslTGmjjCy5St9Zo9EsmKr9dtoacKJZ/dCIDaM/CaMvAaM/CdbgLAMAoRTQUWZNDTrC3CHc\nE5jYdwL5VAmmbWDk9AE4MQtjTgzH8hk89VWBZ3keQ1YWMweDo4BHjwtkshzxWPUHetnFUbz+7Cye\nfbFeeuz0zQZ2vj3cmdYsESET+kjN8zTqgNoWQCikUFqeslj9/lgiVu/8cg7MZlTaoBUhvrAUAqJQ\nhMjpi7lGs1hIKcGOu8icyOGJFzly1zHglzytoNGjEMsAjUYqdplQWmfX69CTWjU1aIe5A7gnsPeR\n15CdrjbnzRxJY8tF6xAfjsHbn8PJl04CAJpjyFWkBIJEEz75J4P4qy/M4snnS3BdiXNeZ+KD70vC\nNLV4+rIjOIDm6IIUAjTiKKNrVl8nlIHEY/B4GvA4iG0rZ7oWxkBjDkQ6V/McBY3YIMyXjRMcouSB\nCqtp8pTweKWuWhRK7ZWGzAUhoFFHXRi4gMjXO+PENEAMBslrtEk1mh5BSomX9xzGzKF05bkn7qTY\n//o+3HqbdppXNYSozB4lkCW3olRELKtlBq8OXfqmqUE7zB1wfO+JOmcZAEo5F8d+MY3N/RGceG22\nreP0JQj6k813roMDDH/xJ4PIZAU8T6K/Tzd2LRtl48oo4EdyqWXW17RxDkIZaCy4vIIQApaIQeQK\nIGbwd0eYAWIakFKAxWIgrDG6YYAaBkSx2FTHzGrSg9QywbO5uoh223+qYYBY/k/ftuq00IllgqfS\ngKyPkFemX/mvaTS9wPShdJ2zDACiJJB+OYvP/v0Q/uimrHaaVyOmASMerdhv6dgQhRJENhe6ixSi\nzhZLzkHm2YdSC406VR39ktcUlGiCqJLA2msRhDa63YB2mDsgnwrWvs2nSiiki3Dzc0f8KAV+/3cS\nLe9w4zGdBlo0KK2WQBgU1LIACWWEynXAhCglDKP6cyCWBS+dBbVtNS5VCAAEzGk97JgyBhKP+ts3\nQxiF0ZeAlDL0HFAqGGh5jhBKQR0bvEOHuVHXuel104CMOIBAXYScEKKMfl8C/GQ6cF+NZiWQUqKQ\nKoIYFPG+SEf7ZqeDHSie8QCPaa3mAGgsAmIYqnfD88Cz+ZXtqSBouolnkfoeFEIIqGNBltTgJ2k3\nR5llqQQhJMAYICREoQCz3Uh00LJsCzTigNYqGpkmCCPgmWYJWX+hYMk4qFm9FlHbgpfKqGh32Zk2\nDVAuIIpF3ZS4jGiHuQMMKzhqaNoMTtyC6RhwC62dZiGA+76dwxvPc7Bpvf74lwoaiwCWCYNSSI9D\ncg5qVcscqGOBZ/OQJVfVIhv13wU1GGQ0ApGqSk2xvva65wkhTQ0kta/V/jf0GG3cMxHK6i8WAReO\nuu0to6WzXIExICS5QRirvwnRaFaQ1EQWh5+fQHa6AEKB5Egcm84fgxNvfWNbxgjJBBkWw1gsjslS\nLlQBaS3C4tH6BmZD2QOeWn5JPhqLgFomAALJOXgur5xHQgJlN8s3/SJXgDCYCoZQP3vmeuDZQrPj\nP0/5TpaIg9rBDYPEsgBaCIwa04hd5ywDyubSiAORyanj+plGBj/TmMlBurpcbjnQocwOGNkyAMqa\nnY18qogXv/8qmNHex7n3ZQ933aMGT6TSHF/+Whr//Uuz+Pcf5NQdrqYzKFV38hGnUpPLIg7AmIos\nmIY/SKT63ZWNUPnfgYc1DaXJGYsChEDO87uZz2yg9vaQYH1JGANJsIEkjIE+9e94cJMoMVurb1QQ\nUjnfQccgpGKwNZqVhHsCB548iuy0SnFLAcwez+C1J4+1fYyRrQOwYs3nc3I8DkqJ1mquhZBAbWJi\nGsuuWUxjkUoUmTAKapkwEjEV9ZYyPOLtPy2yeaWRn8mBpzLK4V+kKDl17FBnGfCbDGuvOZQCFKo3\nprHvpbwPY+q4DZ8z8XtgNMuDDnF2ADEIRMCPirsC3FW1TobNwD0OOUeW5KX9Ln6+r4Q/+9QMXjus\nNv7G/cD3fljAHbcNwAhwzDXNUMdSHc9+7Rl1rEBnM3AAiMFUnVgL55CYBmAaICZTqbwWpRRhdLq9\nFEKN2HZouBazlOpiUX6P2vfzjTHP5Bp3mvu9/TQfYQwywMGWUvq6pRrNyjJ14CSKmebIWnoqi0K6\nCCcxtyNh2ga2XLQeR16cQm62CMOgSI7Hsen11emqWqvZJ0RNghCippou51KCHHffqRT5AkTJBYvU\nB0Ik56oUrwwXEDy4zHJBzBGVlpxDelyVbDh2JRreUkpUyNDjEqbjnsuFdpjbREqJV/YcAebIRHtF\njvhwBMVsCW4+3LHwLIm7/zFTcZbVewA//M8C/vU7Ofzar8QWa+m9CyHqrrzGiBPGOooUUNtuy9BT\nw4AgpGPntxPKzriqT7YguAClvkMvJSSXAFT0hDCqSidCIKZZjbaUn6MtDLKUylnOqrSm9DikY1ea\nVSrbuV6l21yjWUmEF2yMpVBBjHaJD0XxureeUskEBf3Gq06zgwcAYEsGFw4Za6tEg3MIj9fX5EI5\nc2IxSgIcu9KALD1P2TnLAiFKIUiUh4gQIDTK4ds4kVU1wtRSdlB6fsnGctRat3gPKSVEsQQwChaL\nhMvZNewjS8XQTGhYv4xm8dG3Jm0ycyiN3Ex7+reZqTzMiInxMwcxdGpf4KfMNlt47uXgu9sX9i68\nM7dnKZdfODaIbQUakU6cWhZ1wMz20ontGLd2CSrTqF03IQSUURBKKk40MShEsQSezrQclgJAXThq\ntzEZiBle16neg0CK6g0cn02D5/IQnqf+VyjMa8y3RrMUDG3qAwvoK4n2O4gOdO7IkjluiBsHnDxx\nwltzA05koVBXmqYcwOKC5ddYIgY4qn6XmgZYxAGLRkANBsIYmG2BxWOq/IAZgVkuVYtcddxFNg9v\nJgVvJqVKLsrNcYSo+udETJXblW8AfKUk6thz29cWiEKxaRKrlBLc9cAzOYhcwS8RbH09kUJClFzw\nTBay6CqVj4a/W8r5T5TVdI6OMLdJeqozRyE3XYBpMZyx4xTEByOY2D+DfLoIM2LCGrHB7SSK7DiA\n5h9+NKLLMYJQdcp2xdCE1QaXywbKjXxhkaOgi2OrKNNiRJcrUeQ2jhW0XhZ14BVLKqVnhRvccoQG\njIHalvrc5mw0pKC2VTcYReRW31KmAAAgAElEQVQKgB6UoulCrKiJdWcO4ehLJ8BLyo5aMRPrzxle\nskzQmKMyf/t2A3futvFf359ZU7JzolCC8IQ/sElNHW3SZy9HgNuN5lKqMmJzbWYwwIiC+o6x5Lwq\nG+c7jrIUkP2qXUeQCoVlgBeKYI5dOR6N2ErJQrZ3I0AsQzXzEQK4HDyT8/X1GaQUyuGtlZNr4/wU\nrgvhByhoxPanz1J1DZFQQYxiSTvMy4h2mNuEzqNOKHMiD6/EMbJlAMOn9aNU8GBYDMygOF7IgkQj\nAOqbSPqTBNf+sp7s1wSldc4ygIo+cFOdreuBpzKgUQfcf0wiDqhpzHkhlUKo5paw2uE5Xl9qiP85\niHxBaTgHRNil3/RiDCRVbeE86q41mtXA+OuG0L8hgenXUqAGwbrThyCX4VQfd5I4Vkjhzrvja85p\nBucQQeUNhIDFokqDnhDIsuTcHNFnYhoty8WaticExFIqR+X3lZ4b7Cw3EKZCwQJK+2gsAmTmDpSp\nPppo9W+woTKBLZRDwqTtKq/XRo4NWld6SAjxb0p0dHm50Q5zmwyf1o8Tr83CK9ZHhJPjMZTyLgqz\nrU9cQgnsaPUuesyJYfS8KF4Sh8BTOci8wNbNBn7zvyTwui3tSSKtJcJSWISQikYyUJYH8pvdXBfS\nMEDjUdAW9b517zPHduU1CM5VmUSNwZO+ukRL/eRWTXztOrWEQroevFQGRn8yMBJNrHoN5XaQQkDU\n1ieTDqJEGs0K4cQsrD97GADADAZvmXRpx50kjheya0ermVKwuK/BDJXF4plcRR6NxaP12u2WpSTn\nTqZVBNYwASnrNfDhR6lrosVtY7BKBLZtwuQ+A64tKqJtzKlzTBy7yeEnlgliGaFOvCyWIE0DqHGa\ny4EO1ZxYqkTulRxqwLWPGdpGLzPaYW6TSNLGxteP4ujPp1Rntv/7KKSKSIzE4Oa8pkaT+FA0VLsZ\nUI7MWRdswtHcLKQn8L7/O4uLhgmgy0SbaWUUpISX9oXdyyUVtgVEHRidGuE2CXKsVQ2w6Lj+TQoB\nns1WpgACKgJBHTvQUMrKSOz5R7rLTX6UURWhkRKEUhjJOCQX6k/wb0ak8GWaPN50sdNo1jK1zYC3\no7edZpaI1UVniWUBcaIiqZQGSstRwwCSsTpJS2Jb4Jls1RH1G+GYLwuqnvKbmxexbwRAR/rxUkqQ\nubr8GyXifAghIEa4wwwoFSNSLCmVJ4P5kWPfAW5LwtRvAtcsG7rprwEpJYo5F26x/kQ/9OwEDj07\nUZUx8s/VUs7DiQOziA06MCNVYxIfimDDuSPIpwrgbus71HXRPjDLwue+nFiTjSTtIIrFpoaHMoQx\nGMlEVY/Sr/VtpSKxVHRq4CXnaoBK0YPIFcBnM+CzGYhcAV4q29QBXVez5netNx2zDYeWEKIaZLx6\nqTxCSKXRhlAKahhglqmabmIRGP0JFXXpABpxVN1gIhaqM6rRrFZUM6DRu1rNhID1JYKHgZhGRYc5\ndHJpgzwlNaoa+GWk6wElF7xYAi8UwdNZeCdTgfYNKCtHdK7MIfLFpoZBKUTgtUV6HAhRYqkeUIQ6\n4Y2Nf4EQVJ3l8lOMgUarkohSyECbLl2u/eVlRkeYa0hNZnH4+UnkZvKgjCIxHMUp543hpZ8eRXoy\nfAY9ABQyLra8aT2KGRdW1ET2ZB77//MwipkSTIehf30Sp5w/FmpUypGKNZPe6wAacQCDKakzXzGi\nEUKVxJwouSCG0Xl6rwWBddIhJRRSiDa6nwV4vghSlhgKc3A9D97JlN+1TSE9r6lmTeQLIDXyROXI\nTDtRbsJYZbhLuxDGwOJR8JOp4A1oeXCAesgSsbo0rbRMCEbrGgs1mvmQmszi5OE0QJViRmygs7HY\ni0m9VnO+p7SaWSzaVPdbhhDiN+2FSJ6F2ElqMBW7JQQsEVOZNUJAhVBBAd8ZllwE6g9LLuZXvysE\nvFTWb8ijyhktlCClAGLRyk1BubSPttOcVyypGuOabYXbbKuDIEZwXw1hrBJtDpzOKiV4PmS8tmbJ\n0A6zD/cEDvzsGIoZdZJzIXDyaAb5VBHF7Nx3sqWsi72PvIb4cBRDm/pw5IUpXzcXcAscky/PwLAp\nNpwzGnqMWqOrR7EqWDJeJ1IvhYQQvj5xA4QQNeWuzbvuueqGpZTK8LkumN+hXH3eBTXMuto14Xmh\nTXiVOjXOVZSjUISEmgpFLFM1lXvlZpqanYVs6VzKYgke90BtGwCBdEsglgXmtDH9iUBNmeoQwihg\nMqA2c2IaYFFH1dVJoS44hVJTmpYQopQ48rq0QzN/Dj8/iWN7pyoiBlOvzGLDthFsOGtkxdYUNODk\nwiEDZnF1a+qHOcOAP4SjWKq7Ka57XYgQm6j+y2JOnX1XGvS2Co4US4DrAQFT8xbU7MY5RONQJygZ\nTTCq7G85atzGaGyRU2OuSUXz2Ws/IBBWelEuSTGNJt1rAOrmwjSXZvCKJhTtMPtMvXqy4izX0o6z\nXEYKID2RQyFVqjjLtcwey2LDOa2P0eg0v3MVRCqoYwO2CSbVnXmdfM4CILbVPAqUEpAw0XqgIiUX\nRJ3jKpXGJTWNuoiw5ByCqzRbrWSSV3RBHSUbJF3VkS1NQ5UYEAL4KT0aDXh/CXiZDAzG4NU4ijTq\n1EcmTBOEsZbd1Up/2lQRZ14V8xdeNdogXdVAU44KhUXIhetL781jciE1TUhKQSzV8EJY7RQw5kev\ngycVEsZADKYHoGjmRSnnYuLlmTrFL+EJHP/FCYyfPgQAcIsejr50AoXZIgybYejUPvSNLb0dbRpw\nAhcXDeVge6tkfDHzFRnK0dcWjqkUAtx3DKXnAQE1zNL1IIEmp1mW/OOyZntZnrAqiyWIQgHEUPXR\nhPprckvtX2N8u9S2rZmnnrQoFIFC586rKJZAHLvJKRY1EXYpZLOKiJR6YMkKoB1mH28RL96N9c9l\nRJs/xtU0ipXGIhWhdwoAlglisI4GXNCoU6mBk1yA5wuAGxytnQ9K0N4DLxRATRPlSKwseRCWqaSQ\n/AEhEn4Hc+OFQoimqEHj1DsaFtX1dThhVJsSQXzlj0aFC78eMKg+jzo2aCxS3cdgoAaDN5uuj1RI\nCT6bhnBsFfUNi8Y7FuB5QJuDW+ooSzG1UgQJkbQrj4bVaIKQQmL60CxKBY6B9Qk48fro5czhVEV3\nuZZSzsPJYxnEhxz84kcHkTtZ/b3OHsvg1Desw+Cm5JKvv1ar+QEABB7eOCS7P1tICVgiXue8SdOE\n5M22WEoJL5MHuOdnkQgE53XN0FIIEMNQikLlSLMfqOikJItncsrxNQ1lb9uqDSZgiWilflpNCswr\nO9xNSAmezkJGHVCDqcByqVT9fISAdN3m3g/O51XDrVkY2mH2qTTzNUAYIMOu7UrJrPnpEKWXTmrs\nVsUoVkKU5E2j02eZvhxPO7qY9VFWwhgIo/BmM4vWtCc9rxK1FQ1dy8yy6jS2KWMgsYi6gerwDl4U\niiCOVRflroxCraWsKR3WXc1oYFUJsZsbawhjoI4deAEqN+6FQShVY7DbqLuupbz9nLXPhECWPBUR\nL+/rXzB1OcbKcMcdd+Dpp58GIQS33XYbtm/fXnnt8ssvx/j4eGU88ac//WmMjY213GexyaeKeOXx\nIxVn99jPpzCyZQAbz62WslnR4Bs8QgEnauL4/uk6ZxlQo7InXp5ZFoe5zLiTxL7dwGd3y1Wh1UwD\nIp2EEkiuIp7E17GXQkBKCSNRnRdQV3ImBKihMneEAgCD8Di8k+kmmypdF2ioj1YNfQ02kwtI3n4Z\nBotHQWukNanBQKJReG6qTQWKZYRziHQ2VI+DZ3KV8gxAle7ReUSziWmoqPQCpzKuZdasw8xdjtRE\nFnbMQiRpI3siuIDeihjgJQkvIKIRVisbH46CmQwnj6Qr28QGHWzY1ll9XWOkAnBx4VCha2riiMEq\ndb11z/tKC6INhzmou5owBqM/iRaVFx3RKpoZVJ+n6uiseTWm8VQG0pcJgt/JLfJV46ZE7iOhDqqU\nEsQwwPr9aHVZ/L+VxFLI80Fd7U3UlVLMjerWJm0dW3ocPJ2B9JyqsS+5Kn2pWXb27NmDAwcO4N57\n78X+/ftx22234d57763b5q677kIsFuton8Xk0HMTdc4ud1WpRXIshuSIWlf/+gRigxFkp+ttdmIk\nhthgBEf2TgUeu5gtLfsQn3EniYlidnUMOAkbzkUo+GxK/YYZBXWc4Lpa+DfwAXKX1GCQttVUSiFy\n/gAm0y+54Eq6sp0hJKEQVLSi69dGQW170UoGlw0pldNcQ9jnHwSxTFX+ZxiV8eGi6FauT5r2WZMO\n87FfnMDEvhmUci4IVXrJbpBDDKCY8QAC2DEThBG4BQ+8FH6HFu23sWn7GCJJG7PHsshO52HHDAyd\n0t/RNKNaypGK8ijWbqmJkx5Xmr0NhlZK2ZazDCD0M+nks2p1ERRuiwYMUvm/xUPI5oYSQsBiEcA0\nQOeIzEoh6htoDKbE/1MZCI9Xon91hN0QtBPF7WASYGW7Nj4yyTmkFKBRR9VbSwBStH1eaBafxx57\nDFdccQUAYOvWrZidnUUmk0E8Hl7uNZ995ovgoskJBlRvyMkj6YrDTAjB5ovW4dCzE8icyINQgvhQ\nBKecPw4AMJ3gy5oVmXvS51KwPpbE4Uyq+xWQQiKPZRk26Xog1JrbWQuz3aYBasT8qLVf4iYEeDoH\nUALTsuAVi4sgldbCRq21gaf+taeczSwPtSpH30V50JcukWuLeTvM3Z7aCyNzIocjL0xCeOpXKQWU\nZFyrH5JUzX+nXbgOx38xjXypOULmJEysO3sEgxuSFWevf10c/esW58JSO1Xqj96f7Y6aOCkhSqUm\n2RtZKrX8AdYO5wh1AtteggztxAb8buowx1Gqcg3C6uvDpFB/12LBErFK82LYaSb8emjqNHebl7VO\nRaFY0Uiu7NciYitLrmpMbOUkkOAWykYnuhOnWnocxGBgdvNNHTVN8ExOpWLLz8Uifq0hlO5qUUeg\nl4KpqSls27at8nhwcBCTk5N1zu+uXbtw+PBhvPGNb8RHPvKRtvZZLEo5FyJE97bx3HPiNk5/yybV\nF0IIaI2TNnb6IE4eSaOQrv6GCQWGT+1f9DW3y2pQQBL5oopG1paUcQFZa1/aueEIkbVUZRrlBmcV\nBeazaVQGdXje4ugKS6nsutVo10VzeVyPQ53g0r/K66YBxKLqe+gAYinpVsn5wrIBq4x5OcyrIbUX\nxomDqYqzXEcbP9TMZA5mxER+tvmCHh9ScnJLSdnofvbuWNdEKkQ2D3ABZpsQc6lkmAZYNAJqGhXH\nSjQMzpiLxm1VzW8Lh9s0WnYv82xe6Yj64vGSC4hCYW7B+jYhllm5QQhDSqnk5ACQaPP3SQhR9dyF\nIrzZjBrQQkh18l4IolBUDrFtVaI6UkqlDBKkIV3WcEbzAJa2vx/Xq9Q6BkEYBXGsisPM4tG6Zknm\na0OjFKLzrFk0GochfOhDH8Ill1yCvr4+fPCDH8RDDz005z5BGP70yE4o5V3s/8/DEAHqQsykGNsy\nCCMoshnwXCRu48y3norDP59EfrYIw2IYPrUfI6etnMNsGAwb4kkcyaYqTvO1W7K4LL58NdWNmEGf\nZzYP2JYqzxASpOTCkLKS6QIlKhIdVr4BgEipapVrbUhAnwQ1GGgsUmefA9c0HwpF9f5lPWMhQIol\nmIS0JRVXy6KtaZFpa11tlNtRg4HaZvu1zbGI6lEqN2t5njpv2l3TMrOYa5qXw9ztqb2lgjCKkdMS\nyE7lwGscKjNiYGTLwLKsYcyJYaLYXZEKUSiCeR74HGkdFotW0nll6aDGKUdz0XlKdY4LvBDgs2kQ\nywAoax2RngftNMdV1DaISn82daT7Enfl9Yps+4L1knM1zQ8q4kxM1tRkU0Z4HkQ6p6b5tYngvKIZ\nKl1PNTTO8fdW/j5CQIIUOgwGYtuQOtK8qIyOjmJqqlrfOzExgZGRal/Fu9/97sq/L730Uuzdu3fO\nfYLw5tFUdOjFSeRTzd83ZQQbzx2FFTfhtZE2NgwGz+MwowZOu2Bd/bpWKO1cXhMAjNrVSPP9KEBu\nmV0RBSTTYHDDPo8AxSgWj1al3XyHOLQPA4CXSoPajpol7AlQxwrMZHGgMs2v5ZrmQymtGtApnbdd\nX/Q1LRJtr0sUYNhmyz4VCf8328bxaMQBq7XZhACmCW55YCW36z6r+Xx/rWbRzms09tTUFAYGqg5i\nOU1Xy65du/Ce97wHn/70pyGlbGuf5WBgXdzv3A3HsJo3YCbF8Gl9GNiQwGkXrkffeByRPhv9GxLY\n+qb1yzplan0sCQK2qkaxEju49q1TB7idCFfNxm2ni2TJU6nHRVZvEK4LGdCVLaVU0exiCTzjS/BJ\nf3RrzfZSShUpnofmJo06YIkYmGOr/yViYJFI+GdeUsog7Yx0LX8PlDGVwpV+A88c0XQA1b+FkNB6\nx7l+o5rO2bFjRyVq/Pzzz2N0dLQSsEin07jppptQ8kuRHn/8cZxxxhkt91lMSiF691bUXLZgxHKh\nRmkzpYD0sokfFTIoxFauEY0YBoivMV8LjTpgfXGw/qRK7ftOF/GnrYaNrQYAeAIim4NI5yDyhXCb\nssSKDbLkLoldXzX4cqitbLoaAd6eUxlm34OaLHuRRfkrlyq1B8wvvdeKwQ19WHdWAcf3TQdqeQJA\nYjgGwzFw8kgabtFDtM/B+BlD6BtRF4qRU/sxsoL1cADq0nsPoACywuk9YI7UR4sUXhMVreKAoReN\n9XGtxkATAsM2K0NFVgzXVaL+5XVKCZIvAqWSP2yPVm9dPQ/I5gDLAEBAXA/M88A6TSsRAvj62NWn\nWvyOOAdzXfU+JVd9X2FRiaD0qmWCxqJzpwClBHXd6s1T0OhbKcG46PxvXkK6MdXYKRdccAG2bduG\nG264AYQQ7Nq1C/fddx8SiQSuvPJKXHrppbj++uth2zbOOecc7Ny5E4SQpn2WAtMJ/nytSG9eiMMU\nkJY1W9igVSwjAqJQhMgXmiasBqHk5ZozaEGqRCJfVNnEGvsgPE8r5iwx1LHUzRAlFck/pWLll0Vy\nrpr+2iTMb1sr9yPzskbLldoD5pfem4v1Zw9j6JQkJl+ZwdSBFLxCNQppOgwjpw8gORLDhnNHwIsc\n0aQDLgQ8j6OQLWH2aBp23EbfWGxFuq7LKb5qes+ppPdWSqt5rtQHNQ3QkIlzTc8JGShXJ4UAz+RA\nTKbuaCUgBQf1J+QFISibs1RkyUlnQSwThm2BC1+XuZVahMeBBTanENuC0aZcHC+5EOls1ep5HHA9\nsFikMi2wFillYHpVmMac5Ri8QWaP5PJqcEzN2HFSdOF2kdzRQtKyrdJ7K8HNN99c9/iss86q/PvG\nG2/EjTfeOOc+S8Ho6YOYPZZFKVfTDGoQDJ/WW9HlRhoVkJbTaWaxSJ1WMWEUNOpAQraXKZISIl9U\nTplva0RZBrNxU9eFl8r601IpIDyI3BqO/C4HhlEvYcoYGGPguTy8XKFaRtcBsuRCNkjBBupm9yjz\nSnx2c2qvHYSQmHz5JNJTORg2RaTPRmI0hqFTk9j65k0V+SLDZLDjVqWz9+Czx/Hif7yCg09PYN+P\nD2LvD1+DW1jZDtHG9N4TJ7zlTe8ZaghHXV0spSCOrRoDUKM9HBQxDnCWw9L0oqhGVYtsAXw2o6TW\nMnl4J1PgYQ5WlxhkWXKBfAEim2troMuC38/zAktBmhACIpNt/pw8DzydaZKBE663sJGsDe8jSy68\n2TR4Lg+eL4CnM0BhlemkahZMJGFjyy9twMCmJKL9NpLjcWy+cP2yDhpZKcadJAgM3Hl3fFntd5BT\nXB57P2ffhZSA60Hk8ur3m83BS2fBA4aTVPA8iEwOIp2ByBa6xjb3KtS2AmuXiakmyXbqLANKdUqV\nePhSg5yrkps1oj4yrwhzN6f22uGVPYcxc7heRmVgg4XNF24I3WfmSArHfzFd10OWnsrh4DPHseVN\n4fstB7XpveWMVLB4VCkw+N2yzDSVjnBNc4gsqWa2diPxLfWXwwyxBGSuAFkrW1R+ye2eSOWywoNH\nqtZG9KWUIFyARhyAi+b0qFAjtqXjqFILf6gAdWz1WddGGYTan8Ra1Ej762qicex4D5Q/aDonPhhB\nfB621Ct5mHx5Bl5JIDEcRd+6+Ipk/hZCWQFpObWapQyWuZRSBmf+/OfK8mwVe8FFXdZI0yWEalF3\n8Nsgqllf3VwRSO6BZ/JKCYtRdU1eQ/c9RHbURbX8fOBT31/U42VPFvDS7leb5IsoIzjzstMQ6282\nUobBsO8nBzH16mzTa1bMxPadpy/qGueituu6kWOFFIDyKNalK88gtqUc5jZKLATnoAsccy25gDdb\nM9aUUjVSm9GKs0YNozJyWgoB4nlwU9kFve9ishId1zQWqTRkSM9Tg2b8yBIxjLqx4KLkgqcDos1B\nx43YIJaKYEjBVbNiyQXrS4Qqn4iSWxlR3opu60xfUEnG8Lvn3qjHWGybXUt54qphKXuSmcnjlT1H\nUMxUI1z96xPY+ksb5j0oarFpZa8bOV7IQoLj9MvyuP0iLJn9Ng0G4dh1ko6Ast/cl66sHaAk/fIL\nybkKQizBeOlu+90D3bkmoL11EduuG19ehheKzcO1QmCJWP0gLfhlNyebdZu78bOal0pGC5vdmx0V\nLchO5wO1PgWXyE7nAh1mRUg3f5dFMmoHnCxlpCJMazfwuQ5GLwchOQfPFWqcZaKaUmoikdQ04WWy\nEDMpEINBcgGzk0bDHiVIgk6WSqDxWJ2zDKjGPRmx2xoJLvJFICCqxGfTKuvgy0hJLgEiVdf8ahtJ\nq+kaijkXrz11DJkpdaGPDUawcfsYjr04VecsA2oq4NSBkxjZvPrqnxsHnLxzSyZcdq4cNDDKQYNS\noCRcGEqDnlSb/spjqT0PPO1BuhwwGQA1QlkW12i2bpUii0UIi6nAhn9dFq7XviwppYFlO9QwICxr\nzdQt17LmHObkaAzMpOBuc2p45nAaI5sHAp2+gY0JnHjtJGTDbvGh5ZOTa5eq0XVwO5bIae4gwDDf\nmwopJXi+AJkv1L0fjThNEnWEUVDHVjW2XXaX203QWCS0tg0AwBZuEmSxtGZq2jRLj5QSrzx+pOIs\nA0DqeBav/vQIvHywg5g5kV+VDjNQ7zQ/gAIQ5DST4KABT+faL0OTEjyVBRgFMQzVZ1GTXRKFAqDv\ncVc1PJ0DMUogJoMUsjO77MsHBr5EyVqqxKjQsyE4KSWmD6cwsX8abrFqVJ24hYGNwY0k6Ykcpl49\nGfha31gc684egen46WxG0Dcex6bto4u/+EVANQMaS6bVLEul9prKavfpsPqHEOLXRze8EPoj7tnT\neVEgtlWnpxpI4x3hvN+MqPeyu00nQrPayJzII3OiOYWcmw735qixum3BXFrNNGI3Bw2omqJJY1Gw\nvjhoItqe2gUXiz6wSdM9SM9T5TSdBjE4b2r6Bvx+lS5SMVpOejLCnEsVceCJI8jOKANz9OdTGHvd\nEMbPGAIAnPqGcUwfSkEERZmPpEMjE+vPGsbI5n6kJrKIJGxEQ8s3uoP6SEU+OFIxT6TrQeRyfh0x\na62H7EMI6WgMtr9T83MhzX8LUm9YAxArfGQ14OuqLkJkmDpW9bwAICI2eCbXtji+RlOLW3BDM1p2\nwkKpIcrMbIbhFRyDvVjUZgqbtJpDys1oo+RXh1FnGnUq0zelp1Qw1mQoUQMAEPkCSLRe9nO+g7R6\ngdV9Gx7CoaePV5xlAHALHEdfnEI+pZ4jhMCKBouyp45lsX/PIYiQ6KlpGxja1Nf1znKZaqQisuhT\npVR9qn8KtesEC1GZEFWOOLeMPAc4WdLjTdFtGaTyoGkg+DuSUkK4Lng2Ny+poTooAY1E6nSxqWGA\nxZqbT+rwNWBpxFGpQNsCTcRA49Hwbm/NmqBvPAE71hzbMR2GzReux+jpg7BiJphBER+K4NTzx1v0\noqwuxpyYr9XcIBsaMp+g8Ya4HHVuBxaPgkWV9jo1DbCIA5ZYGelXTXcgi/Wyn95spq0el16l5yLM\nbtFDdrq5qJ27AicOprBxmzKk/WMxHJsNdrBmDqYh+SFsffPGrmvqmw8tIxULgDhmx53o0pcq44yC\nUN+pMmngyOay+kUZ6tiAyUBrmhgq23peRw0va5Eg0XlARREWywhSywocOkMMpqJiARd66tgqslUu\nFZESRs0aqW2BZ3K6LnqNwgyK8dcN49Dzk5XprMygGDtjCFbExCnnjWHj60chXA47aoEv8bjllYCA\nQcW3/KxNvghiWXVlGWHZu6DfYxOUggRM9iOmARqPtq2qoOlBGmU/FwvTAHUcUIOq+upSqevlCXvO\nYSaEhEakap/ecO4oZo5mUEwHX4RPHsng2N4prDtz7mmEq4GlGMVKSLAhlgGjkyv7GAzEtlRjmH9h\nMxJ9wTcmhCjFC48Hyts0HlfTGlksQRis0vQnhQTx3OWLGAQlEgipd5b95+o3IWCxCDzXVZKBHtf1\nlmuMkS0DSIzGMHXgJCCBwU1JRPuqtotSAmq3LjnqKaQET6Uh/dKncjkaa5CJA1Cxs4CSGiMUKqVe\nk70jjAYPuSBEHXOpnCbNqoc6NsAYQAAq/WuxP/1PFEKCHJTCiEcrmUjCAGlUbwa7lZ5zmA2LIT4U\nxeyx+iY3ZjEMnVqtayOEoH9dHMfT06HHOvzcFAzTwLrXDS/ZepebxRzFKkMiOULIsBI7ZYCjDjw/\nWkjmakIDUbW3AdGPxu2Ujtmcy17TiGzej04ZkK4Hc5EdDFEsVrSwa1Harc3nC+uLt9WsSSiF0Z9U\njj73Byfk8r60lq+9XS7L4bpWuhdx4hY2buvOJuvlYN9uCw9A4MIh38gJWS8R5gcYqFG9rEsuIAtF\ngFKwZKz6mpRgEQ5ZKEEUi6rMjfOm320ZalvaYdY0wZJx0Jprc+3ZI00DICTQAaaO1XSuEUJALCtQ\nrrRb6Mka5k3njSE+XG2cLNIAACAASURBVK19tGMGNm4bgROvj1CObR2EFW19z3Do+Qkc33cCoofS\nfPMexUqpUj2olGEEe6fEnxQVBmGs6gC3cpaEhPQ8EGPuyJHwPO0st4sQkIVSaB1kJxDTBEvGYQwk\nlfNrWWoSlOtVJoaJkqua/hr3dZy6i/uc7+WfK4T5TnLEhtEXB4s4oJYJFrFhJGN6UqCm56hVzbj9\ncQTbbCnBUxnwfEH95gpFeOkMpOuBxSL1vzVCVG9BPArWlwAIIAqlcLtNSGcT4jQ9D/XtbhgVBzhw\n53C5um6m5yLMgIpEnHnpKcicyMHNe+hblwALkBmyoia2vnkjXnrktUDFDADgJYFXfnoUR186gVPe\nMI7kaGypl78sdDqKlSWiSuCe0spo1BZh5JbvLaVUZRumCRbSkCKlhJdRWYKwSHYZ4Xk6+rESGIY6\nLyqOLAMxDPBMFnw2rdJ0kIGOOUtEw41pG5CybF1jlIIxpcetay41PUZbQ00ao84+rUrWqGFARiIQ\n2RwkkcH9JFyXQWkaaCMwQSgNzPxKlwMB7obociWlnowwA+qCmhiOYXBTX6CzXCaStLHx9XOn+QqZ\nEg49O9GxlnA306jVHBZpplEH1K6WThCqhoSERgdJ62El0vUAj4NEgssxpJRqCpXrq2kUSxANDX1S\nSvCSCy+dU2M6dRp+2aFO8wCUuqgC58FNfrGIOp/CzhEhlMSdH6HuVO+7rSYnjWYVEqR61A5zXbbK\nDrXMqRH3dfsK0dV1pZoVog27LAUPzPzKYhGiYXKk5Lzrp8H2ZIS5XY7/YhoTL0+jmHFB6NwzG3In\nC8icyCMxHO1cT7hLaSdqQQMaSUhIim6uz0V4HngmC2KaoCGi+qLkqrq7GngqA8QilailLLnaiK80\nId/zXGm1Vs2bUkqQYgleNl8ZukBMAyzaPFFTCuGfDwHPa9YcUkpwr73vXkoJt+CBGhSGubpKeJpU\nj7ZkcOGQ0TJDKF23ZUSQMOpLO0ZUozUXkFIovf1iEWjzc9WsHUSxCGqboT0ojSpXjfB0BqJkgRgG\nIP1tOwyOLDdr1mGePZbBoecnlJYwapxlCqCFbZg6cBKvPXUMXokjkrAxfubQqi/TaDmKldGOatfC\nHGkAEJyraDAAEmsdYWxCysA6WM0KEhLVl60urgYLPT+k34nP/OlS0vUAQiAlQJ165ZXytjTB6p/n\nAiKv5efWElJIHHx2AiePpiFcjkifg/Ezh9A3FqwhPHssg6MvTiE7WwAzCJKjcZzyhvFV5Th3qnok\nsnk/+2Oq5sAAvWYjGa8rcSKgKkWunWVNEB4Hz+T80jgKIiU4l6oEgwAiVwTmGJgji6VVJRe6ZnOX\n04dSFWe5FtJiSoIZMXDi1VnkZ4tw8x5SE1m88vgRFDKr5wsPI2wUK2FsUSLpUgjwdLbyOCxtLrV8\n0apB5ItNpTLCa51WIwEX68q+JbcSkSC2BdafgDGQhNmfaC79oBQsHg2IbkhdnrPGOPjsBCb2TaOU\ndeGVBNKTObz606Mo5Zov1m7Bw4GfHUVmOg/JJbyiwPTBFF578tgKrHzhlIeatNPAzTM5eDOp0Clt\nQQoZxDR1s58mFFlywVMZdV5lciCQauiNacKIR0GjvTFAqMyacpillDh5JI1je0+gVAy+8wmrl4wN\nOCCs2XC4BQ+TL88s6jpXiqCpUnkzoxo+FoAQAl4mq+qWbQs0GkGYpIUolnRzyWrB14Ll2Tx4oaj+\nO5tuOTZVup5SNGl8XgiIbE5dnONRGAklgdVKci5QN5axliUfmt6glHdRzLoQQmD2aLrpdTfvYWJ/\ns12efGWmaZQ2AKQmsuDu6rzR6kj1yG+4bhuq1TE0bRKxlca/f74oNSOnDUnY1cOaKclwCx72/+Qw\nMlMqrR8ycyOU2EgEMwebDTMAeKXVaWjD+J1Lkzh9UwyWBE56BVhGDhaNV34IndZvU0pBEnFAyvr0\necNxhMd1dHm1IdFxo4bIFkDi1fHZknPwXB6QAI05QAdSc4HoC3zPUsgU8dpTx5GZykEIidiAAzfE\n/vKAjnsRUl4gPAHuCbBVVJZRSyeqR7JYUr+xBttLGA2YoMpb3gBrNBVYs90ulwE1NpKuVtaMw3zo\n2YmKswzM3eDXSG66gEjChhsQnYj2907a4bq3A++4kICS8l2hiZlCAZzPwJaqbk66JdCIag5p13EO\nqm0mhKgaOSkgPaEcLx1d7nmk68I76aqpY6jPKrQ7sVEKAclFpTGw8jwXqklJ03NIKfHqz44hM1m1\n49npAmhA5g8A4kPRpuf6xhM4vm+6yf5H+x2Yzuq+HDY2cIc5zaJQAiMUwh8sUVYnoI6t6lHLgREu\nul61QKNZTtZMSUZmulmbshMklxg/cwhmpN6oJkdjGNkysKBjdwuOBbzxTALa4Nj22TZezkRQpFml\n1VnylI7yYkTypACfzah0vI5krB0kIAtFVbNcc5PU6kZWSqku7v4gFJ7N1dVQqwt/vus7rTXh5NNF\nzBxJB5ZHZGcKdUGPMoJLMLP+UjawIYHBTcmmbRMjUYxsGajLMFpRA+vPHlmVqke2hbqum1rZudsf\nR7jsnKtqT/lsWmmWcwGRzVcGn/BcHt5sumcig5plIKB0U0rZU+fQ6r6l7oCF2sLogIPkaAxnvu1U\nTO6fgVfiiPY7GNkyANrl02naZTAJDCab/xZKCM4djoBLB6K/AMaZagYJoaOSDe3baMqUkxBSBv5g\nCSHghVI16kUIRL4AUVTej9T176sW7gm88vhhpCayEJ6EGTEwsmUA688arm5TCtZ0BYDRrYP+DZVE\ndNDB4MZkqA065bxxDGxIYvZoBsykGN7cD9NeXZfCS84D3noewXAfMJMCHntO4uGfqtdaqh7NgXQ9\npU6j0XRKvgABgFgmCCGVbF/FYSaoaPSvJmWMWlaXlVgAieEoCun5fUmJoQjWnzMCAHBiFjZtH1vM\npXUNkyeBiRmJ0YHgCw0jBMyIzHnWtOssSylVOl6jAcDisZajVgFUwmk0Ylcm/UkhIV01CjhwF8sE\nsdWQlYo4fg+Nuu8FDj1zHCePVKOhbt7DkecnMfXKDOJDUYyfNYzEaAxOwmqy44bNMLq1H6ZjwjAY\nvDamhSWGo0gMN5dsrAbOPwO47jICx1Y/hngEGBsEcgWJx55X27TUajYYEHHAasoxdFZGsxjwdBZg\nFMQwlKNcLrWzTLBYtW9FRByVrV5lN2drpiRj4/Yx9I3HQebR02ElLBjW6mwG6QTXU5EK11sc49lq\nKqLkHCKXX7V3mppFhtE5u6mlUDdYxDTUgAXf+BJKQG0LNNY83ITYJlg8BmZbSu7IsWEk46r7X9M1\npCeDNdZLOQ/TB1N4+bFD4C7H+rNH6mqNmcWw7sxhmE7vdOLPxZvOrjrLZSyT4I1nVZ87dwvwJ78e\nw5+9J4a3Gv14+ICFJ054cOMCRiIO2BaoZYJFHLBkXDfKahYPLpqyfbX2GgCowQLtddswChqLgiXj\noPFoW2O6F4M1EWF2ix5ee+oYcjN5NdaZAtxtP8J04tVZ9I/HMbChuSau1/j2Y8DUrMT5ZwBnnwpE\nnfkb0rBIs5QSolTSk/o0FebS+66M5+UCxHECtyX/P3vvHSbJVd77f05V5zChJ++EndnZ2byr3ZVW\naVerbIFENBhkLMCAkbGRgXuNuVjGSPfacH1tflyMMBdjWwYDsoVACEkEoRyWlXalzTlMzrGnc6iq\n8/ujJnf3TE/amZ2Zz/PsI011VfWZnupTb73nfb9fqxVhN2vrjYTpGmVauk9oNlVVFId9RZFlESGn\nqM2KhRI0vtXO2usq8RY56WkcBEPiq8rF4VleMoJpjFcBcA5tv24LfOBWgcsuAIUr66zs7LLw5R8G\n2XmfC9cEDXzFYkE6V74PK8wPwm5DSRPQKhYLhtUy/SxzGpMdxWpBC5rStfPJsgiYG9/sYLAzQ/ND\nlgR7Iks+YPblwNpyqG+DA6ck79wN79g9PtgwDDnrmm0hBIrdbjqyrTT6rcBQ7aSup5gnDNurGrGp\nrxWhKli85jK7YgwFAJl0nNNIIC0HvvrVr3L06FGEENx///1s27Zt5LXXX3+dr3/96yiKQk1NDV/5\nylc4ePAgn/3sZ6mrqwNg3bp1/PVf//Wcj8vtcxIPTd4cNNgR5uLrbdReWz6utnm50dYj2VyTOge3\n9pgPHXuvGA6WR1ldYuHhz+WhZlAUSWcxv8IKc0KGlebJVqAnQ3E6Uu4TQlVRnHaM4Py6AS/5u0Y0\nGCfQE556xylQLEu3ekUAH/od2LlO4HEJQlHJkfOSHz0DTrvB9VsFdqtZ5qZpmTMc03pPRUGxW1ey\nzCuYSIkRi5tLd2P0vo1YPCXzJZMJpMOWkmUe+7NQFBSXw5QtJE12w2ZB5HrNsqDLrI5uphw4cICm\npiYeffRRLl68yP3338+jjz468vqXv/xl/uM//oPS0lI+85nP8Oqrr+JwOLj66qv55je/Oa9jq9xa\nTCKipVXBGIu/PUhfk5/C6qWhTDQTfrUf1qySrK0Yvd4bOyS/3G+uTBfkpT8uY7AMK4mLFeYNmUhi\nJDWUiRKgmj6zuTdDEmQyk6u5YsYB82LNVEwkGdXSWmBPl1BfhM6zfZSs812W8kOTcdsus+N6WE7O\n4xTs2SboGTBwO8E5lK1QMCfk6RqXZGK6WtgrLG2MaByp6VgcNnRjKDBOpHEFTGgjurFCUTJej0JR\nQE8gdTXFil0IgbBaEB4Xmj+wLNRa9u/fz2233QZAbW0tg4ODhEIhPB5TQeHxxx8f+X+fz8fAwABl\nZWWXZGxWh5X1e6sY7AjR3xpgoD2AzLC6GuqLLuuAORKH//uo5IYrJMX50DcILx8xe1AA/EHIdWd/\nvpHGvxVWmCf0cATcrhGdfanp6KEZZoMNHUjtWZiWg+UMmVHAvJgzFRPxFDjTdlanIJj0phnqjRLq\njRINxKjZVT6nY1xoNqxO1V4G2FQjWJVm5TPFDWoGAbSh68gVg4kVJiCTmpltnqIWzYjEMGJxhNOB\nardlblpSVLRgyDRlsKfJSquqWR6UQWFjKdHb28vmzZtHfvb5fPT09IwEycP/7e7uZt++fXz2s5/l\n3LlzXLhwgU996lMMDg5y3333sXv37nkZnxCCvFVe8lZ5CXTncmF/W1pnPjVDA7aUkuZjnQy0BzF0\niTvPwarNhTg8c7AktsjQdHjxUPrX9p+QlBWYjYCTYUjJ6b4YYc3PDsvSMd9aYRGi6eiDQYRFNcOs\nWdQaG9E4is06rizDfOib/zl8RgHzYs5U9DUP0tc8SDKm4cyxU1rno3Sdj5bjPaaOZwZK6woI9UeI\nBuIYmpEx+znQHqTYH8O9hNz9MsUaFhXcGX7NM00G8aQgnpQkk7B7W/YBs5Ry5k+XK6wwjCFRVHWK\npTgDtCEnM3um5rCltWKULelqCPv6+vjUpz7FAw88QH5+PtXV1dx33328/e1vp6WlhY985CP85je/\nwWbL3GhnUZVZqy74VuVSsjZKx5necdutDgultT7iwQTSkLh9oyU8F95oobdxcGTfeChBLJRgy21r\nUNSFLamzXKIufoBXj0FCk7z3BvBOkmk+16Zz/8Nx1t4EkTVhbvIsfI+O9RJ+TtmyGMcEi3NcWY9p\numOfmNAMR8BuN9WODIlIJM2cc5rzzuXnNKOAebFmKnqb/DQf7sQYKsGIDsYJ90eou2E1G25y0dc0\niGEYxMJJwr0R9ISBalXIK/NSvmXU6enU8/VE/OmfVgxNEuoJL6mA+XxL+iaSUw0Sm0VQOUF2Op6Q\nPPEKNHSYn7PXacoY5WahjT9cl8oyqRtdYQ5QBIrTYU6OmoERi41MnhNLLVIYXqbTDaSmp7fSTiz9\n7DJAcXExvb2jAWh3dzdFRUUjP4dCIT75yU/yuc99jj179gBQUlLCnXfeCUBVVRWFhYV0dXVRWVmZ\n8X20OdK4XrWpEEM38HeE0JMaDq+D/AoPFw+2EeqLgjQtrSu2FqMojAuWh4n4Y3Sc76NkrW9OxjQT\nstWGnkticYaas0fn9bErge298NTLyogr4FPEkGsGR7WaFwCrRSV5iT+nqViMY4LFOa45G5NFRXE6\nR/rGJIwYocj4UAM4QJpyvbkY02SaO3PS9DdfmQqYXrair2lwJFgeJh7W6K33s3p7KS6vA0UVCCGI\nhRMEe8N4fC6c3vFLdha7BchggqCAt9B9STMG6ZjL93/+LUlZIWyrNaWJYgk4UQ+/eVOhNwDvvwmG\nxAfQdQhGBL93q8BlN4NlISASg1AEPFN4AYhkEjWeQL1En99iewpfbOOBRT4mVQGXc7SL3w6q3Wpe\nbDC5s5+uoya00WstFjeD7uFzGQYinsCqKFMq0i/Gz2i67N69m4ceeoi7776bkydPUlxcPJLcAPi7\nv/s7PvrRj7J3796RbU8++SQ9PT184hOfoKenh76+PkpKLo1xkxCCiq3FFKzOQSgCh8fO2ZebzGB5\niIg/RvORTqyuzDrMyejSsebNlht3CNzO1KbYo+cNDp+DwxcUYvE0BickuaogtmBB80LS8J9v0vzY\nIWI9Iby1haz79F7Krqtd6GEtLxSBxeseV24xfBULRUEOG1UtkN32jALmS5WpgOllKxIZJsZgb5iT\nz9UTC8WxOCz4KnLwVeQw2Bmi81w/qlXBV5FDYbXZXuwr9xLoDqetac4t8eDKd1zyjMFY5iNj8fDT\nsGYVrC6Fi23Q3GVuf/0ENHXA9VuhrADqKgWFeYLCCZ3YbieEo5KnfyuprdTZUGFJW9esxZLIS/TZ\nzddTuJSS7pfP0/1aPfYiN2s+fA0W19RasEs6KzCHjB2T4rSjTpS8sljQrVazzCKWQHGP13CWxpDO\ndyQ2vvtf0yGeMF3/hDBdJrOQNprNZ7SYFIJ37tzJ5s2bufvuuxFC8MADD/D444/j9XrZs2cPTzzx\nBE1NTfzkJz8B4B3veAd33XUXn//853n++edJJpM8+OCDUyY55gp/R5D2U71E/DEUVeDMdRDuj6bs\nFwsm0OKZs02ey9TRbzYUZVDKCEbgZCMU5kBbr3n5lzjMuo0LL7Fsg+aGHx3g8BefxIiZMUTwTBf+\no23c9Pi9uGoKFnh0Swtht5srg0OSoWMZdm/NeKwiEHbr5RUwL9ZMhd1tS6vlGfHHRmqStUSC9lO9\ndF8cQIuP3gSDPWF0zaBkrY/Cmnx0XdLXNEgsFAcEFodCflkO5ZuLUs5/ubN1DdxxjaCsEEJR8OVI\nWrpHY4mOPvjpS/CZ9wsctszZfrdT4HVJ2rtU1lekVoYamoZMXN7OftIwOPiZx2j52VHkUE184w8P\ncvV3fp+8zZemTn85kXHyHMr4GrE4UkqzPnnY6ndCoCzsVoTNNDAZVgSQy9Qa+/Of//y4nzds2DDy\n/ydOnEh7zHe+8515HVM6knGN5sOdJKJmIGzoMm2wPIxiVSGR+je1OS3klmZRK7bE8IdMXf2JrCmH\nBz8hcNqgpVvwq9clh8+Zr5U6crjwEnzjJTuf+3hoWQXNzT8+NBIsDxNp9XPhX/ex7SvvWqBRLTEE\npjOfdXQ1SDhs6IOh0WBDZNNrsHD9CDMKmBdrpqK4Np+IPzYuEFatSlpXv7H7gClx1tc0SHFtPkII\nStb6KFnrQ0qJ1WqZVUZ3rmTY5oPifLjnDkGed1hSDkqvFhiGwc9eGb9vvnfq8+3aKLAopKhuSCmJ\n66HLTvh74GgbfYeaKb5+DfYSL0fuf5KWxw6P2ydwpotX3vvPFFxbQ9X7dlD57m0ZzrZCVgiB6nGB\nxZLi0jfCmIBYxhPoGSzWhd2K6naPnsdqMV2hBoOmsPgKi5LeBv9IsDwVVoeF4po8Wk/2jFsVFIqg\neteqRTv3zif7T0jKC8E+JsERiUlWFY4GG6tLBXffCg3tEv+Qr1epI4euWJhvPOxZVkFztDuYdnss\nw/YVpo/idIwLlmHIZdLlxAibJXZS04ApVG30het/mnH8shgzFXllXmqvU+lt8JOMaTi8dqLBOMGu\n7IxLEtEkUo4vmZ7pZGsYktbj3QS6QhiagTPPQfnGQlz5s/BPnwf2bmckWB7L1lrBz14ZH1D0DsKq\nKRLsEx2mhhFC0B6FYvflMQEHznXxxicfIXChB5nQURxmiYmeoewnMRCl41en6H7lPMlgjDX3XJ31\ne0nDoO3pE/S92Yy90EPtx6/DugSlsLLG5UwRuR9LVhJCqjJkjpPeGlv1upGabpZlLLKSlBXAyLQC\nIMwAOTkUTFsdKqs2FVJUk49QFQZaA8QjSRweG8W1+eQUTUOQeAnxyhFIJCW7NppKR50Dks3VqXNz\nnldwwxWSp/aNbhuua/7Gwx7W3hTjwV2Xx5wNYGg6nc+fBQmlt61Pa8mcDs+aIkIXetNuX2GOyLBa\nKMaYwsl4AsNmzahoZCSTC6oZfrkl/KbEW+DCWzBas9Z+uifrgNnuts7a9nmY5qOd9Nb7R35OREPE\nQwk23lKDuohcAx0ZkvxOO6xfDdvXgm7AgVPw8mFJdRnkuKf/GSU0yfefUrn5Zm3RZy1OfPUZzn37\nFYwxdZFGLLunWj2cpPGHB7MOmA1N541PPkLbL0+OZDybHn2La777oWVZ4iGslrTSQFJKs0t62GQh\nnUi9oqA4bIghjU4hREb7VcVqBas5MRuR6Gjn9QqLgvyKHLouDKToMHt8TtburqSveRBpSAoqc7E6\nzNtYyVof5RuKFrS/ZDHx+kl4/aR5/bsc8LefTL9fumfT0WZAJw8SvSyC5u5XL3D0r59m8GQHALmb\nSrnib95J8d61Ux677lN78B9rI9YZGNmWd0U5G+7bO8lRK0yLTP0iEzbrwTBGIomwWMylf1MmA6nr\nyAwriZeKxRO5zROl6wrwFo1v+rC7rThyxkeKikVQVDM37lG6ZjDYEUrZHgsm6KkfmJP3mCsa2tNv\nT2pw3+8KbrlS4fZdCl+8R3DPHYLzLZJwdPpL2afqJcca4BsPe3jwIMTci9NZqueNBs79v1fHBcvT\nJdruzxioTaThhwdpe/rEuPKA4LluTv3DczN+/8sZoappVXGEEBjhCEYwbGaEFYHicqB4XKYpicOG\nJc+L6nKiWEYbTqdaIRKKgnAs7kBgOWKxqrjy7OPuUHaPjVWbirBYVUpqfZTWFYwEyytMTiQ22sg9\nlnhCcuRC+mNKHO4R2bkHD8JrsdR72myRUpIYiGAkZ/eQY2g6R7701EiwDDB4qpMjX3oqq3MX37CW\nPY98jJqPXsOquzaz/jM3ccOPP4E9f3muUMwHMp5IceOTUpqrfGn2NcIR06AqGsOIRBc8WIYlmGGe\niKIq1O2pordhgGggjtVhoWiNGRh3nO0jOhhHtSoUrs4lryyLIt0s0JM6WgaTlOQsArH54LcnYMsa\ng+11YiS73uuXeF3jnaJUVZCfA1fmCPxBg2zMHqIxycV2qG+X/Pr1yyNr0f7LkynNH9MlGUpw4FP/\nRc2Hr6Z4z+SyRP1vNqXdPngiw5PMEsdIJFENAyaYkUhdH6pvAyxqivTQbPoEFIuKYVEvmXrLCpMz\n0Bag+Ugnydjo38NT6KRud9WiWp27nFAUs1a5ohi8LvN7Ek9K3jgtqW/LfNzYOftpYrAmxB7H3DRR\nNv/sKBf++VUC53uwF7ipfMdWNn/pjimMiEbpfOEcrT8/hpHUsHjsBE51puwTON1J2y9PZuwrGU5s\nCCHI27qK8ndsof7h/XS+eI7g+W7WfXIPhTesSMvNBTKpoYej5iqgqg7pKicWRSCcLUs+YAZTwL24\ndrxwfbA3TCwQJxqIY7EqBHsi5JZ65qRBxOqw4PTaifhTs6jeRSZxJCV89+dw5QZJbbkkFDG3vXtv\n5knL45z6M0okJU/tkzz/1vjtE4Pmd8zhBDxbpGHQ+3pj1vu7a3xEOwIp5RpaMEbL40foevk8ux76\nPcpu35jxHBZ3+lply3KtYTYMSCSRY2ysR8xuhpLwitORop6Rzfd27M1x4nbhckIsvmByRSuYSCnp\nONM3LlgGiAzEiAUTuPMX1wP25YDXBX/yXkFtuXnd64bEMAR2q+DqjZDrhu//QhLO0BaQotW8JjRr\ng5P+I60c+eITJPrNZi8tEOPMQy8hbCqbv/g7Ux5/9p9e5tT/eTZjT8lY0j0IR9r9HHvgF/S/1YKw\nKBRdV0PZXZs59NmfEO81SzgHj7fTd7CJa//1DyjavRI0zwUjDdoTnfsuE5ZFwDyRZCxJ45vtxMNm\noKPFIBbsR0qoumL2UndCCErqfDQf7Rpnx+2ryFmUEkcSePOM+Q/gfTdNnrGzWNJv7w9I+gMQjcNb\nZyT7T6Z/v/nMWsyGM//3RQYOtWS1r7CrhBv7J/3SJ/rCXHx4/6QBc/WHrqLliaMjN45hSm9bn9U4\nliSxOHoiibBZQYJMJJBjnCEn0+mcjEw1zUIIVJsVabWYy4Ar9cwLRiyYSJtoMHSJvz24EjDPgHft\nYSRYBlAVwbBBpsMmuGIt3H275N+eznyOudZqbnzkYMqcB9Dxm9NTBsxaJEH9v7+eVbDsXVdMxTu3\nAhC82MOZb7yI/1QHkYZ+ksHR6yzc0Efni2dHguVh4r1h6r//Bu7aQo4/+Ev6D7WgWBSKrl/D1gfv\npOFHb9L9ynmQUHT9Gtb9yQ1Tu4+uMOtgWXE5RlxbZVIzpUQvAcsyYO6uHxgJlsfS0zCAltDwVeSQ\nV+YlPBCjt8mP1Ayc+Q6Ka/IzylwNC+ebLoFQUJWLI8dOb6N5vKfQScHqvMtC4iiWmJk6iNMOxy5K\nnnlj6n3nI2sxHZKhOIn+MK7yvJEJrv03p7M+XsazW74Pt4w2fsb7wuhCErjQS+sTRwGo+t3tbP/f\n7+b8P79G4FwXVo8DW56TwOlOjvzVk6z70724yjO4ECxhZCKZOdsrDWDmQfNkrwnHkNXlCguCxaZm\nlALtutDHQFsAm9NCYU0+voo0QsMrpFBVMvVcXlcpsFokySkqBudKq1kLpf+OjQ1ix9J7oIG2p08i\nFEHuhlLCTf1T9awLzgAAIABJREFUvoentoitD9yJYrOQGIyy/w9/QOBMmkLuIWJd6Wu0ox2DvPFH\nj9D3RuPItuD5HjpfOk9kzDg6nz3DwNFW3KvNlUd3dQHr/uSG5a14NA+oXvd4FQ2r2eStB7MTd5gN\nyzJg1tMI3ANIXdLfHGCgLUj+Ki8D7UHksNV20yDB7jC111aMu+nGgnGaj3URHrJrdfucVF1RgsNr\nx53nwL29dN5/n7lgUzXcvFNQmGtatOuGRJ2mYojTLnjvXrh9Fzz2gqShA27cbroAtvXAi4fGK3gt\nhMOUkdQ58pc/p/2Z08R7Q+SsL2HtH++h5vevQgtOIVU2AxwlXo586Umaf3qEpD+KUBQMXYeh6+rC\nv+zDkudEdVjJ27aKcH0/gTNdIxN78+NH2PNfH8d3RcWcj+1yRcYTSEt6J0kYVtTQR5QypoNQhpoO\ns2zaXGFusToseIvd+NtS9W8NTRILJogFE4T6owgB+eUrQXMmdm2EazYJSnxT76sqKW0DGZkLrWbf\njgqaHzuUsj13y6qUbSf/4VnOfetl9Ij5AK167QiLgtQymw+5Vvu4/aXPojpM3d8L/7pv0mAZyKjL\nLiwqvfsupmyPpAnaW584Nu7njmdOccN/fRx74cKvoC4JVAUxQcsZMLepiinpNZ9v/+CDDz44r+8w\nS57a1zjn54wG4qb1dSakuc/EZYNYMIHDY8OVa04OUkou7G8h1BM1/c0NSTycJOyPUjiP2WRFUTDm\n0HRhbQX80TsFVaUCr9s0MTF0ZiSxJ4RZG7d1DVy9SbCxWqGyWLCpRrBmlVn2MXHoHoud5gs6rx+2\nUbUhRnGugSU582c5KSWdz5+j+aeHiXQGyFlXbLq8GQaH/uIJGn5wAC0UB0MS7wnRu7+eot21BC/2\nEjzfPeP3TTuWpE73S+fNyd4wpdHGXVeGxIgk0QIxoi1+c1xj0CNJmh47jLMsh7w0N5PZos7xtTQX\nTDUmqelmlllR0jYICSEwknrWGqzjzq0byAl2rbP5jFTXhql3WmLMds7OKXbRdXFg0mVbaYCuSQqq\ncsdtn+u5cS5YiDHt3gYful2wqkhgzVBCN5aEBru3CnauFwigZYpp0GOxEdZ0Xj9s4ZhNY0+1Nq05\nO29bOf6T7YQujmof56wr5oqvvgtn8Wjzfbh1gLc+9xO0wOh30nRYlZNeH8lQnEhzP+2/PsX5775G\n7xuNJAcyO0UC2Is82AvdJAdHs9yemgIKr6+h/83mrH+3scS6gkhDUnrzuhkdn4nLcd6eC4TNippG\nC1cIYd4X9PErvzMZ02Rz9rLLMMcjSXob/VPvmIHwQGxkkg50hQj3pS4hhftiBLpC5JbOjerGfHPD\nFanayhaLoL1X0ueHypL05iaTYbEIciZcXRurBTduT20EhLlzmDISGq9/8hE6nj2NTBogoP57r1P9\noau4+PB+Bg63phyT9Mc4/fXnGTzVkeaMsyPaPjjrcxjRJG/9t59y5EtP4SjyUPcne1nz4asvi/Ke\n+cKIJSCeROR5U2qapWGk12meAikl0jBQPC5kUkfG537FYYWpsdgsOL02Iv7JP39tlmo2S5ndW8Q4\nl79hdF0SiYHNJrBbR7d5XQKvC4ryoKoYkprkwBQVarNRPVKsKtd//yO0/OwY/YdMw6aNf3wDuMxB\ndb92kaYfv8XA0ba0tc5M9fXWDZonOLJOhZHQuOJ/3UXvG01E2/w4y/PY8Kd7zZ6nH72JlqFcZCoC\n56bIbK+QNTKZRBpGSqJEGgYyOf/zwbILmLvO9xELzrxG0WJX0RIabSd70motD5PM0tZ1MZDJiCQa\nh289Lvnbe+cuMKsozvzaXDhMnfv2K7T/cky3oYTe/Q30H2nFmKRJpPO5s4vaKllqBtpgjNBgjMN/\n/jh9bzSy61sfWNZBM1JixBJmA8g4RY2EObE6bJN+PtIwzCZAaa4OKaqKahuKIhxg2K3ogbnXnl1h\nanJLPVMGzPaV2tCM5GWoVDl8XvLw01CUL9i6xmDbWlhXOT74sNsE12yCA6enng9no3okFIWq922n\n6n3bAbBaVJKaTtOP3+Lw/U+hDU6eEZ5rkoMxWp44xu4f/uHItuExrf7gTi7++/6RUjphUbB4HSQH\n0gTzE7CtaDnPHYap26w47OPn/Hjikty/l107Zzw8i6cQAUVr8qh/o52eej+JDEGx1Wkh/zJqSOnq\nS3+h9Qcl127KRnE5e0JTzIGmWL5lRCx/ugYnfW+lV7mYLFg2d1i8wXI6mh87RPsz2TcpLlWMaAw9\nGEKPxc1/wbApcp/UMKJx5GR/VynRBwLo/iBImdLdrtisKI6VoGwhWLWpCNckihhWp4WSuiyKc5cp\nfRkWUdt6zDLP3kHBswchlkg/u3umoX461uDk6XrrrAxOpJRc+Lf98xYsqy4bZbdvwFmZvpE6cC59\nLcr2r76L8ndsBXUoSNMM9MjUiTdrvpPq379q5gNe5igOO2quBzUvB8XjAkXBCEfRQxH0eNz8F4pg\nhC/Nw9WyC5htzpkn1RWLQqQ/Omn9s2pVKFtfgGqdWRf/QvDsQWjrGR9YhKOSTasFH3uHQl6aypKk\nJnn5iEHXQPaBZu+g5KXUPo8UZuMwpdiXyaKJhJ5XM1h0LTNkQsMIRTBCkXHKGkYkihYIYGRq/VeU\nERvujPXOM6iDXmH2CCGo2bUK1Zb6+dvcVtbtqcLjcy7AyC4PXjqc6sja1S+xKHD1BnDYzNc6MyRL\nOjJsz8TonO0YCZpn4uaqBWOE63un3nEMlhw7xTfWZbevx87uRz5G+ds2pX3d7kv/pBBp99Pz2oWR\nDDNgusGm6fOx5jlxVuRRuHsNO//hdynJwpp7hVQUpwPF7USxWlEsKqrDjprjBjHkBBiMYAQjl9T4\nZJlEF6MUr/Ux2BkmEZl+ptlIGjS8lbnONa/cQ/mmYpw5l1dWqi8A//hjyW27JAW5ApdNsm61GFHJ\nsAw9VSc1idUi6BmQnGiQCAEtnZJI1JQumiiPG4pIegdNlYz2XvjNAUlfILsxzVSrufzOzbT94hhc\nPhUxM8bqXdGknRLNwIjHEZZUxQwhBJZcr6m6IWX6lZQZ1EKvMDc4vXYqtxXTedYso1NUgbfITfVV\nZVgneTAO9IQJ90dx5znwFruXZdnSW2chEpNct0WS4xaU+qA4H+7abebIYgl49Sg88zqsr5KsLh39\njOJJU+FouqRIhc5A9cjitmMv9pLwZ58x1AJxHCUeVr1jC92vnEcLxFEclhRDKYDcTaZq1ZqPXEvb\nUyeIdo65IVkUKt57Rdr3aHvyBIm+dLXUEmdFHtFWP6rTStHuNVz5jffjLLl8VpgXK8JuTfnuKhYL\n0mHHiC5Mf8myC5gdHhuuPMeMAmYALZZef9fqUFm9Y/KJfDEzGIafvgQgufddIq2kXGcfPPGqweoS\nuOOa0aYS0+Rk/L5SSjwuQSgqeeIVOWKKMh1motVsL3RjcTvQBi+NkPlC4arIZc0fXjvpPoamI1Rl\nWQYMY5HxBLicpFykjGovpyvdkIaBEUtMW15xhZmhxTWEqoyzvy5cnYevMpdQbwSr03RQzYRhSM7t\nazLlQA1AQG6Jm9prK1CWoZnE6Sbz30feJtlYPf73d9jg1isFgyFJW+/4gNluFbz9Gjh6XuKfZnXF\nWKnQmWg1C1Wh/F1bOfO156f1vj37G3nb/s8T7w0S6woycLydI3/5c7PxewiLx8b6P7sJgJwNJez6\n1gc5++2XCZ7vwV7koeLd26i7d0/a8zszNfDbFK773j0YUQ17kQdvbRGGpqPHkiOSdhOZzBRshSEE\nCJHhO5tp+yXg8ozuZkF/SwB/e6rG52zxFLou22A5hQzf5RIffOwugcM2mnWG9GYQw9tKCwTvuxnK\nCiSbawQuh1lH98v9ckrpIphe1uL4//ol57+7z1wqW8JY8hz4rqyi/0grq+7YmPL5973VzOmvPYf/\neDsWj43Sm9ez7X/ehWJbItfndJGmG5Swp8oRDZPWkEgIsyRjJcs8rwS6w7Sf7iXqj6FYFHKKXVTt\nKBsJnBVFkFM8deNU55le+lvHzO0SBjvDtJ/qoWLr7B1cL1dqytJP6Ipiyn8WpCnnzc8R7N0uefK1\nmb1nqSOHzlhgWqpH0e4AB7/4c9qePDbpfunQQjGMhIarPB9XeT6+nVUYcY2mxw4T6wjgqSlgzcev\nHVceUXzjWopvzK5couiGWhS7JeXeolosuFcXYMt1khyM8uZ//yk9r1xAiyTI31bOxi/cRsHOKgDq\nf/AGjT96k2i7H2dFHms+ei3VH7xy2r/rskCCNPS0rolSz840bD5YdnfQSfWXx6BYFBBmGUY2lK0v\nnM2wFhVnmyQ76lJ1mG1WgS39Q/Ok+LyCO68bPV+JD8qL4O9/KAllkQjOJmsRONvFxe+9cWmDZRW4\nBN9di8eGvcSLEdOJ94fQ/DFaf36c1qdPUHHXFq757odGJpZkIMrBTz86qm/aBRcu/hY9oXPl//e7\n8z/YRYTqcY3ap2o6RiKBsKYu82VCCIHqckBo6k74FWZGMq7R+FY7iYj5vdU1g77mABJYs6t8WucK\n9aVfxg/1X1q1hcXGJP4eWCxmtjkdM5nrxzJWKnQq1SMtnOA3d3yLSOPUDn7pyN9anlKiVnfvHuru\n3ZNWhmy6HP2rp9PeW/RIgv0f+wGJ3jChhr5x+3Q+f5ZQUz+3PvtndD53hqNfenqkUTDaESBwugtb\nrpNVGeqplx0W1VS/UBSkrmPEEqb51Ji/nRFPXtKa5Yksu3WqbFdCDM1AGpK8iqm1lHOKXbjylk49\n6ctH4NWjknDMXKaWc+B6NjH4LvEJbp7mw3WpIwcQfONhD2/2aeOaStqfOTVjncyZMplcUOHuNVmf\nR9iUSaVItEgCW66LaJsfY6wyiy5pffI49T88MLLp4r+/Ps4MYJjO58+gZdHVvVRQvW5z8lVVhKqa\nVqpCwYhO7xrJuCy4wpzQ2zAwEiyPJdgdRk9O72k04wruDJa/o4EYrce7aTnWRShd7eoioLIYdqxj\nRE85E2ebM8/fDR2SljQywZouSWiz73kdVT1yTKp6dPqhF6cXLI+5n7irfWz8/G0Zd51tsKzHNXr2\n12d8vfe1egJnutIG1KELPdR//3Waf3okRVVDC8VpSuN2uCyxWrB4PagOO4rNiup0oDjtaMEwejQ2\nooahBxdW5nPZ3Q3yK3MQanYTqNQlqirwFqXvnFUsgtwyD6uvnHsHtoXmkWfh6/8lGQzNX73VdKSL\nhil15CCw8I2HPeMmYEfxpTWJ8a4rpvoPdqUNdL3ri7nhsU9Q+b4rstLkk8kJ7n8TMWDgUHq5PIC+\nNxpH/j+RQRc0MRAhGVjadd0jKGIkszwWYVHNTHMsbpqbMKThOckSn1wpx5hX9AwreHrSQJ8sNZqG\nnJL0D7C5GbZnoqdhgDMvN9N5ro+u8/2cfbWZtlM90zrHfOJxwp+9X/CFPxB86j0Kf/0xwc07M+//\ns5fh9RMGmjZG4cGACy1mycVT+yTdY9SODClRBNx1ncKXPirYMUuTuolSoelUj7pfOJf1+VS3jV3f\nuZt1f3Yjm7/0Nm597jMUXVczu0FOgtSNSW24pyIxECExkH5lO9N8vdwwkxsTZD0tFhSrBSMcNRUx\nYgtvJLXsAubcYg/lm4qmcYSg5spVeApGJYwcOXaqrypj69vWUnd9JXbXLNeuFinXboJcz/w1JxTl\npVXlmZJ0WYuq9+3AXjKDoHma75+/s4ItX347tzxzH1v/6m1s+NzN2ItN9Q7VaaVwzxpue+4zqFYL\n13znQ9z8zH141hRMftLZJvDH/A5F168BS+rXOndjKY6ZfD6XIWISy2yhKOihCJo/iBYKow0G0P0B\njEQiZSVFSjntjPQK0yOn1JP2O2hzW7E6plcxWFzro3RdARa7mRa12FWK1uRTsm6K798YDN2g81wf\nemL0IUrqku6LAzNuFJ9rPngrbFkjsFnND64oT/CuPYKqDGXaugHPvQmDY2IzRQG3C7wuuNgGX/m+\n5PGXDfoCEkWIkRXBskLB+28WGcs2smW8VrNlXNBsJPWsH0ytuQ6u+sffY/V7t7Pty3ey8bM3Y8ud\nX3lBi8tG/hUVMzpW2FRKblpHzvrStK/nbEi/fbmRrlYZgEXWrLvsapgBStcV0H6qB0OfOlLJKXbj\nynWw/sbVhPuj6JpBTpEboQiklAx2hQj1RXF4bPgqc5ZU9+vYzun5YHONwvtuMnjsxekfO9Fh6rZz\nh4n3z2C5RoJiUzESUy//5m4uY88jH8NeMCpvt+X+t7Hhc7cQ7QjgWpWL6hz/8FSwo5LbX/pvNPzo\nAGe/9TLRttlbZU9EjFk3Lb19A1XvvYLmnxweCcTtxV7WffrGJXVtTobUdAxNT9FWloaBMazTbBjI\n2OgSqR4Ig0VFdbvM77ZhmMYnieSKFvM8klPkxuqwpDij6gmzJC7b1UAwH4iqd5RRUucjMhjDmWvH\nlkGpIBPBngjxUGpgrCd0+lsDlE4j+J4PLCqsrUj9TFwOwa6NkuYMLsy37YKCnPHHlRUIbt8l+c9n\nTZm54xfhnbtTjy3MFVy/VfLCW7Mb+0SpULk6gOvrL9D99DkirRmcVoZQc2xc9bX3U/GebQsyj629\ndzedz01T6kkVrP69nRTvqcVZ6qXt6ePjbL5zN5ey4TM3zvFIL0+kLtNHo4vMUGxZBswAVpeFeHCK\njIEwl+cURZBfkYOnYLSGwDAk9QfaTMWNob9pT8MAtddWLBm1jMQlSKjcuFOQ65ZcbAOrFc42Q1Nn\ndseOnYCr952jMDmzL5eR0Kn707141xcTbRug7akTxLpD2Is82PJdWD12PGsKWX/f3nHB8jAWlw1v\nbeamT9VpZe0f7cZ/rJ3G/3xzRmOcjI5fn+IXO/83OWuLqHzfDnZ96wOU3r6Bnn31WN12qj98NTlr\np7OqcvljRGMIt3Mk02xaZscnV7zQdPTBuVfQWSEzsXCCZJraz2RMo7fRT3Fteje/WDhBb71/KIHh\nIq/cOxJIWR0WcrO0Z56I1WlBKJiydBNfm2bGe77IFC9OtlpXlJf+RXO7HDk+0znGvqfbaS4KTOXa\nmo6xqkeHzz7Lqkf2Z3Vc4VXVVGbQSL4UFF1bg2t1PpGmgaz2F1aVTX9xGxs+dzMAJ//u2XHBMoAl\nx4VjRa8ZABmLI63jG/ykri+6Fb7FMQMsAJ4CF/HgFNk+CaHeKBF/O4mYRtGa/JGlqu7zffjbxt9c\nQ71R2k72UL2zbL6GfUk5ekGyoXq8hNxcY1UFuzYJrtpo1krHEpK3zkh+8OvsKhWGJ+BQh8JMdUqE\nVaHi3VtH5H82/flt6DEN1Zm9osJUJALRSRtHZnXu/gj0R4i2+Ol+7SKxziAbPnsTVe/dPi/vdzkg\n4wk0TRuxtpaJJDKT41+WqNEsdBBXmBZaXIMMzzBahvpmf0eQpkMdJIc08XvqB/BV5VJz1eznXVeu\nA2+Rm0DX+JpTV54DX+XCBzeaDg3tkL9+/PZ4QnJokjLgQIbFt0BYcu1mWFcFyaSpx++b8Gv2ByT7\nT0BhLtx9m2DNKjOArm+DR1+QdGcXQ44wrHrkeu58Vvs7ynJY/6cLm4lVnVYq33MFZx96afz1KsCS\nk6r7L5M60TY/QghCDb10pqnR7jvYSNfzZym9bcP8Dv4yQCaTyL52cOeCqiK1JAT6UbXZNapLAeoc\nJqmXbcAsplG8amiSlqNd9NQPUFSTR0ldAcEMUkXhJSRh9MpRyHFL7rwO1HkMmmG0k91hE1y3Ferb\nJa9lKcdZ4nDTXV3L6uOHp1uSDEDBVavx7agcHYuiYHHNsmhvAmf/8SXCM5RMmg4yadD06Fus+9Mb\nUC4je/Z5QTcwwnPzfVSDrSAl2m8PT++4e+6dk/dfqrjznThz7UQHxzf0qFYlbYAqpaTzbN9IsDxM\nf/MgvgovhZVpRIWnSc1Vq2g60kmoN4I0JB6fk/KtxYumpOknL0ly3FCzClRFEAhLXjpkrtJl4tVj\nkroq8DhHfwd/UOJ2wEfvFCgZfre+QcmTr0kiMfiT9wrWVY7ut6UWnA74hx/J6bdhSIkjPnUTl3dd\nMdd//8N41xZP9x3mnC1/9TYcRV7af32SSMsAtgI3W+5/G4e+8ERao6xk2Az2Bs90p1dw0gwa/vNN\n7CVe8rdOT0JxqTE8vyafmZ5hzZSMLqBkP5ZJ5uxlGzBbHdMPJmLBBK0ne7C5rCkyacMkIknCA1Hc\n+fPbiHCpePq3cOUGWHUJZaYVIdi5LvuAGcBrz/7zztu2Cv+pThSLQuHV1ez4P++Z95vh4Knpec06\ny3NN29Ys6uwnEmrqI94bwlmWO+1jVxhFcdgRdhtSSIS9hsC/v8C5Z6anuHD1PfM0uCWCEIJVGwtp\nPto1UsesWBRK6gpwuFMfWrWEnhJcDxPojsxJwGx1WFh7bYWp0iEl6iJ78OwbhK89Itm6FnxeM7Mc\nmMJe4GQDfO8Xkr3bIc8L/QFBQ7vkXTdkDpYBBoKSEh/ceiXUphGDqikzA+fjF6f5SwhBqKwCx+Dk\n6emi62sWRbAM5rVa98d7qPvj8W6AeVvLCNenSnkW7DJXLAuvq8ZRlkOsI5CyT9uTx+l87gylt23g\n6m/fjbpEyjmngxpsRdt3CP8LPTT1Vc/qXNYCByXvqMPqcxDvCNP7iwskgtPLUk82Z8/4r/PVr36V\no0ePIoTg/vvvZ9u2bSOv/fa3v+XrX/86qqqyd+9ePv3pT095zKWmuNZHT6M/o9V1JqQuaT7ahTMn\nfQZSTxo0HGhn4y3Vi26inQllBel1PpOaRFVS9ZXnihLf9B4NC04ezSq7vPbPbqL7xr10vNKJO8fK\nLR8rx5sz/38na870HqBm0xyo2q3YC6YX2GU8V7B1Ts4zHSSmJ8yC4vUh3LmjOswWK6577sDdvI/w\n6flfKZgvFuO8nV+eg6fASU+DH2lI8itycOWm17VXLQqKVUkrOWexzW1HvZpGbWaxIIFjF6Z3zPF6\nOF5vzqlWq+CBj4kpbd/XViisrRia79OsMiqK2YMyE9p3Xc/6ohjVd19FpKmfC//8CslBc0VIAkmv\nm4r3T6KXt0jY8j9+h9D5HgZPDTXfqILyt29mzUeuAaDr+XOTGmrpkSRtTx7nVImF7X+Z3pp7Ioti\njpzATMc0V8GyozqHui9ch6N8VA0qb1cZZ//nK+iBuWnImlHAfODAAZqamnj00Ue5ePEi999/P48+\n+ujI63/7t3/Lv/3bv1FSUsI999zDHXfcQX9//6THXGosNhVlhmUGyahGMqqhWJW0ToCxUIKe+gFK\nl4D73z13CApyx39Oui45cEpyshE+eIsk1zP3NxaX05RPynGDyw6aLugLSJ47CKUFsKXGrOfbdwI6\nesETNIMYq8+Nu9JH4EzHuElKB56pupVTb2yBNwYBM4D9j1e6+MTve9lztZ3SYgtOx/zcJKt+bwdt\nvzhxSZwIVZcVPa7NygpbjXaDlhiZzC4pM1hGA1ArC3HdvAMlz4PeM0jkmYPISAznLTtQfF70tj6i\nrx43L5wpyP2LD2AvHH8tWHPsFN1ac9kGzIt53rY6rKzaOHVjqqIq5JZ66G0Yr6pgc6kU1sw8uxzs\nidDXMog0JN5CFwWrcxdNCcZ8cOV6KJjGApTVYqpCTfxMIjHJm0PiEV4XJDTI1ojtPfeUs+uW/z6i\nZrPmj27g/33xEM/U5xBWnQirhSe/Z+NtjUH+8INmENTbp/H8vhiF+So3Xe+Y91LBbPDWFXPzrz5N\nww8PEO0IULCrilVv34wQgki7n2Nffjql4S8dHU+cpkLLzol4pnPkvDKLMc02WAZY9d7144JlAPfa\nfMp+dwOt3zs+6/PDDAPm/fv3c9ttprNObW0tg4ODhEIhPB4PLS0t5ObmUlZmNmDceOON7N+/n/7+\n/ozHLATxcIJEeIrgRSFjQwpMbpudjC+c3/lcsb7KrJObiKoKrt0MvX7Jv/wcPvMBOaIJOlc4bXDL\nlRODV8G1myV262hme+92iSElJ1rW4rviFkrfvR13kYfBM51c+PZLnHvoBQD89lxOlW5JeZ9YDP7p\n34P8078HcTrg5t0OHvxUcs5vlhW7fWz7yz0c/corplHJ+F9rTie/eFeQ52/9v1z9D79D0dWVk+6b\nsSliTLA8F5PZdLBYFLRpGgW41/uo/fQ12ItHM+tiUx3oBs6q0chA7riC83/zGsYUK0ubHekbvFTP\n5au5vhTmbYCq7aUIAYNdYfSEhqIqSCk4/UIjHp+Tsk1FuHLsWZ+v+2I/rSe6MYaMPfqaBgn2Rqi5\naukZUg2zqoBJSzHSkW5OFMCGKrh1l6Cy2AyWzzRLHvkNxCck9XJc8PbrTDk7Xw4U55eMO2dOXTE3\nf3EPP76vydxgQGOzxnf+I8ivnguyeS28fhT6hxbfNq+FB+9TqK6Yv5WAbJvGVAEbPjzG4SVmJhma\nvrefWHd2yjuBvgSv/awTV3EhvvW1k96DZjJHzjcLPSZ7Rfo525mFW3O2zChg7u3tZfPmzSM/+3w+\nenp68Hg89PT04PP5xr3W0tLCwMBAxmMWAovdgsWmoCUmi4hNAf1EeJJ0foZgx1N4+dcwuxxkXLJT\nVcGujfDrNyTffEzygVsFqwokqjozK9qJZDqH0z5+u90mAMG2v30P9txR2b/cDaVs/cp7GDzVQf1L\njTxTffuU7xmNwS+fj2E1DP7yyhOzGn866jYL1E/UceqxRqJ9Zh1m7mo3VqdK75nU+rbZEGrwc/yB\n33DjAzsm3U8ISOd8LuOJBQmWZ0rJO+vGBcsAzvLUiTJnSxGlv7ue9kdOTXq+aHMAV5qMZbRpbv9O\nl5JLNW9bVCWz9tkcUburAmlILrzRSl/zaPnSQFuQeDjBlttqUbIwPTB0g+6LAyPB8jD9rQFKan3k\nFM1NaZPlEmt5b6+TXLfZXKHrGYDnD0FT5+jfpKJ4bp7QnQ7Bve8WqEO/ntMO124W2Kzwb0+Pvp/X\nKfnihyFfLpGIAAAgAElEQVRvitt9MKCnnZOa2qGpXTLW5ebkBfjGN/18/X2Nc/K7zAd60ySdmBMx\nDOL+AHF/AHSNkis2Tbq7ZRGWDC3kmPRg+t4GPZiYs3HNSYX5RIesuTxmviZfi0Ulb1UOvY2TC6aX\n1PpQrQqNhzrSBsZCMZcJ9TGBt68yh8LKvHld0rsUE/DpJklXP5Skl0IlzyvwuAU2m6nNabGk/r5S\nzvu9E2BcsDyMzevA84e383h7F12eDDZYaXj+NZ17u9pIYxY3a/KAq99eQefFIBabQnGNF2lIGqwq\n/u4oQgiCfTH0GWpKj6X/fIDuJ5rRNIOWkwMkojoOj5WqLXnYstCUbRtcg2WBelCmO8E5VmX/4O1e\nkzfl+bt/dhZXbR7OMVmL0Mkeep86vyhvVDNhvuZtTb80WSYtoePvTM3eRfxxOi/0ZdRwHr9vjFia\npiCpS/wdQVz56Wupp4PFoqJlUQY0V+xcB39wu8DlMCfeqhJYXSZ56DGDzn4z5CzIzXwNpyu9mGy7\nmuZWtL1Ocu87DRo7YXONKUU3Vb+LlJJ//tfutA/wJqnHH2l00PJUF251nkrd0iTEWk4N0FkfJBHR\ncObYqNyUR1FV+vknR5dYrAJtwnyu2m1I3cDQ0o870NZF/vq1KBkm4IXO5qbjUoyp4JbV5O4sBQGB\nI130Pts48lrvC014NhagjjErSvpjdD1TP2fjmtHtsLi4mN7e0a7Q7u5uioqK0r7W1dVFcXExVqs1\n4zGTMZ+Tb9X2EoRiLu2lyyIrFoWcEhden5u20z0kI6kXt9RBtSs4c+w43DY8hU4KVuehz+O4L9UE\nrGnw1D74/dsFbkfqZNXjlwRDkjvuEikuUsMsdBlgj6+CLu/0BhFKWvjE2ZtxCQObYlCsJvgddz+F\nltk1DoybUIrMuuqWoXJYa80aimrM//cM+Gn77VtIffRvrNjteEoKkYDTl0c8EGSwoSV9engYYeVi\nSwFdh46jjZFX62hMsuraHVgcjikmuYWZkGcy8Sb6orhr87PaVwslU87vu7mKvCvLEAoEjvXQ80w9\np7/4IiXvqMPmcxBtDtD96/rUcprLiEs5b18KkjFtXKJiLN31A0QG4/gqcybNEludFlSbOs4Kexib\n6/JULNi9bTRYHqYwV3DzTsl/PmcmeZwZVDM7+wyK80XKvB1LSKQ0M8jZoAjBFXWCbWvTB9npSCYl\nzS3Tm2PDhpUn2zdxvSuALuFk3I1VSNbbIpMauWTLxLlosLGFnuO9I/NuLKwR6NcovboCZ376Gvrc\ntTYGLjaNuIzacjwUb9+MYrHQffQUsb5UpRA9FkePJzIGzMuR1fftpOjWGsTQH9Z3XTnO6lxa/uUo\nAP2vtKBYVQpvXY3V5yTeGaLnVxcJn5m7npMZ/TV2797NQw89xN13383JkycpLi4eWaKrqKggFArR\n2tpKaWkpL774Il/72tcYGBjIeMxCoagKq3eUIaWk63w/7ad7xi3NFVbn4swxMwz5q7x0X0gvgZOI\naGgJnfJNxXiLUjOdlzMHT8PZJslf/AEU54/OQNG45NUjErsNyheH6k8KhiE5dCTLJopxCDr10czS\nGeB80sVn85vJU+f/QcWRn0fVTdfhb2hGi8Wxupzk1VZjsZt3uWQ0Rt/p85MHy4Cz0MdgQ/O4YBkg\nEQgycKGRoi1LRzC/59kGPBsLsXpHIwEtGEdxWMbpUWuhBL0vNY07tvwjWyh91zoUq5l1y7+uAtea\nPJq+fYj2/zy1KLM5M2GpzNvDODw2HDk2YoHUDHEskCAWSNDfMkjFluKM2War3UJeqZu+5vGlNq58\nB77KXPwdIaKDMdwFzjkrz5hvMpU95HrMdKlhQGsP5E7Yz5CSXI9IyQQnNck//tiUoNu4enpjmc4q\nazxukJz2yprglUg+bqHz83Ax7ZoDkFRbotyd00m1bWqt5+kQbOtMmXf1eIJgU1vGgDm/bg2e8jJC\n7V2oNiveijIGG1sJNLWSCKe/P9m8bizO1NUNaRho0RjC5TCffJYJuVeXUXRL9UiwDCBUhcIbq+j6\n+XkS3WZTZe/zjfQ+3ziyz1yvBs4oYN65cyebN2/m7rvvRgjBAw88wOOPP47X6+X222/nwQcf5M//\n/M8BuPPOO6mpqaGmpiblmMWCEILSdQW48h0MtAaQhiS31EPeqtEayIqtJRiawWBnKEU0H0xzk76W\nwSUXMAMEIvA335PccbWksth04ztwGk7Ug6qYtb+eRVaynUwa/ObZAD9/cvKSm2zp0Bw8Hy7gvd7u\nOclcTIXV7coY0Aaa2tAnaUVXrFZcxQUUX7GR1n0H0+4T8wdmtCS/WBk80EHDNw9S9DtrsPkcxDpD\ndD95AffGAgpurMLmc5jB8gtNBI+MOvZZcmwU3rx6JFgGEIrAt6eSrqfPE2teOlbZS27eVgSldT5a\njnWjZ8j8G5qk++IAhTX5GUsCVu8sQ7WpBLrDGJrE7XNQtr6QC/tbRx3/BOSVeVlzTfm8SWnOFT1+\nqEiTxOj1j37ff/0GFOXJkSSIYUhauiWrS1MDDKtFkO+VnKyXrK+afrNgNui65LnDKqpTRY9OLynR\nptn5cbCEPmM4/S1o1Fz8OFjKX/ia5nSV00ikn3f15GhmXEpJqLWDSE8fIHCXFeEpKyF/bTUAofYu\nek+fgwyr0EJVyamuHGcTDeBvaCHQ2EwiGMbisOMuLaZw64YlreYyTPkHNyLS9CRYvHZyd5TQ80zD\nJRmHkIv8rnnv3784b+eWUhLqjYAQeAqcGS+8sSUQ8XCCMy81kYyllmcUVOVSs2v+O6svdU3cVPz+\nbXDTzvEXs66bS3jp6povBYmk5Avf1Nj38wsY8bnJDnpEEkMKNARWIam0xtjrHGCnM4Pv7ARmk6mU\nhkGwvQsjniAejhBsbMm4b9H2TXjLShGKQsfBI0S6U0X1wcxkF21dhz1v9mYPc8lcZ3RL37ee4rfX\nYi9yoUeTBI52U/+NgxhRjfzry1n7P65Le1zTvxyh++kLsxrP1T9/aDZDvyyZzzk7HeGBGL1NfkK9\nYaKD6QOazbfXjKwWZkPLsS66zqcu5a7aVJiV/N1YLvV8XVcJn7hLkD+mTK6128wSByKjY3JYdW7c\nYTZ3X2yDaBzue5/AMkGqLZaQ/P0PJe29cM8dsGO9WaKXqaZ5Oui6pGtA8oNfQ3O3Sn17F+7efppO\nJzEwG7qnQiCRafYTSP48v5G19jQue1ky8bvfcfAI4Y7ulP3y6moo3FgHQM+x0wyOnZ+FIH9dDQXr\n1wLQ+eZRQu1dKedQbFbcJUV4yktxF4+XpI309NFx8AhywnU09n0Xmvlcidv63bfhKEldOpG6wakv\nvEDkQvrE2EzGNNmcvWwLZIK9YVqOdREZMJds3PkOKq8owVOQPkOciCZpPtJFsCecVjQfwFuUOc3a\n3xqgt2GARFTD7rZRvDaf3DQXwOXIj18wa5U3VkucdlNOqDB3YQJlKSWt3fDYi5KGcJji3YXI8z10\ntcz+uTAkR5sJEhLOJDw0Jx3YRTubHTMp/ciO+GCAriMnSQya2U7FmlnaTFhUAk1t9J08j2JRsLhc\noAgwUn//2ICfrsMnqdh7LUq6zp0lgPeKIlZ9YCPqUJOj6rSSf205lR9P0PRPbxFp8KOFElg844s6\njYROpGFuVidWmF/c+Q7c+aX0NAzQdKgz5XWLXcXqmJ4cYKg/vaV6qG9urNbnk/Mt8O2fSfZul+S6\nBd1+yW8OMBIsDxOKwi9+O37bhRbYUD1+25kmaBt65v7BM/DMAUldhWRtOVy9mZEAW0rTIjvbDHRz\nl+TpfZKjQwYsFgvYcmz86WddFD32Oj9+qpB9UR+DcvK/Xbpg2dxuvtaQcHA24aJITbDDEZrVCmF+\nXQ3xwSBaZPQ6sOfnkl9bDUAiGCbQ2j5hIJJAUxu51VVY7DaMDA9PFqeTkh2p0qdgloJMDJYBMxmy\nSALm2SJUgb3cgzYQR5vQiJvsjaYNmOM9kYzB8nywLANmw5A0H+4iGhitbwoPxGg60smmW2rSPjU3\nvtUxujw3EQUKKnIpWJ0+UzfQFqDxrQ6MoUA7FkwQHoiy9rqKjAH65YRuwI9fFBiGgdUCX/jQwgXL\nB09KHv4VdEQDgOTzn46y+VeH+MYjlfQbVqKGwomEi7nySYpIC/uiufMaMPeePDcSLAMYyeQkenAQ\nHxgc2g+0aBzFYsHAACP1QS8RDBNs7SB3dcW8jX8h8V1fMRIsj8W7qQCAeEcY/5sdFN40vjgzcKyb\n0Mn0mfkVFicFq/PobfATHhifUcwr82CxTe/7nqnsQizycoxhmrvgh8/AdAXev/uU5P03SdaUC6QB\n51slP5mwYNA9YP7bdxxePCy5boskzwtvnITBENz3fvA4J/+cuvol//sHctyU1B4252whYH1xlHfl\n9HO9M8BX+qqJMtUDj4FpnDBKhRLjt9E83ox5SaICktpIhHvz2sidYS+KIy+X8uuvYrChBT0ex+px\nkbdm9UhzXqS7J21gq8fiRPsG8K4qwZ6Xk3bVz+py0HnoGIlgBIvdhreiDG+FqYue7pxgZliXAoW3\nVlPyrrW4qvNIBuIMHuqk8VtvjTRZ973WirvOhzLme6xFklz8+9cv6TiXZcDsbwuMC5aHifrj+DtD\n5JeN12+NDMYI9mQOiJw5dsq3FNJ6vJtgr/kY7y10Ub65CEVV6G0cHAmWh9HiOj31A0siYB7GMEzh\nenuGDuz5QkpJR5/kmTfg9ZPQGTMn3s99PMjul17k6NNu3psz6lb3//pXcTQxDZurKQgZ85ed1WJx\nYgNpbLLHBsuKgiMvB2FRiXb3peyaSboo29cvazJku8SYZefGh94k2RfFu6UIFEH4TB+tP5h7He4V\n5hdFEdRdV0nzsS5CA1EUVZBb4qF8y/S7knOK3QR7Ut3ZckuXxqpgJsJR+P6vINtAu7nL/DeW//iV\n5N03QHmRQNclTZ0QS5rydooCDe3w05fGB8tj5+wbE37eesxssCy0anw4t5NHAmWEpErmEo3U+lYp\nYH8sd8wxgotJN08Ei/loXkdWv186rC4nhZvXpX8tQ0OsUFXsXvN3yl9bQ6zfT7R3tOTHluMh6g9g\nRM2HvQQQ6evHMAxyq8px+PIItaeunthz586U4/9n782jJEvP+sznrrHvmZF7ZlVl1l5d1dWLuqXW\n0kgIjCxhYSMxxh5bg8ccY0BHwjBiYIYjLxxzbMQgxgYGDGMbMWDaBkkIIRotra1Fr6XqruquNSsr\n94yMyNgj7n7nj8gtMiIyI7MyqzKr4jmnTnfeuHHjxnK/+/ve731/773CdyTC4P/yEEqoloOuhD10\nPT2CU7W4/dsXAFj84k0EAeLvHEKJetFmiix87jqVm3d3FfCBFMyO3XowcJukW5iahbvJRK6a07ny\n3G2MdbZzlayGXjEZe3Kwab4z3B/dAJsxnYLuJsH2y7ccCiUY7oOBrt2pXjUtl2e+6vL179b+ntdq\n4vIzP1PA87nnuPhMY2W7vMs9RXvu0G5uMwShZvG06Rk7DqKqIHu8VGkUzFu8AI5p70o+4n5C9Eh0\nf99hpJCKYzmIG6qlq1NFhv7Xh5FDKtXJPDN//AbuZk2MOhwIvCEPR54YuOPj9B5PYFQtsjMFLN1G\n8crEh8J030H77QeFizfg9XGXkyMumlHLjwbwqrUi8fKGlOKNAY5XNozZj/hKnPNc55uVKC9WQ4zb\nAdrJbV601ab73TL3rkLdn0zg64rXieGV7WqoJqZFWaL/yUcoTs+hF0oofi9mRSM/Xu/eg+1QnJoh\nMjxA5NAg1UyW8tza7MQTCZM4MbZn7+Vu0fU9h1bF8npCZ+snuqm/uEnqL27epbNqzgMpmGODYWav\npBu8l70htc4Zw7EdJl+bp5zRECQBdxOhbTTxaM7Plyhnq3hDKpVcY+GBN3CXQ7F3ib943qU3Dn1d\ntcHKdly+e83lP/15LZXWo8LHP+xyuH/7As22XXIleOOWy1IRvvUaFDYE/z/zM0WqH32GG/kjNPMS\nlnfRX7hP1vj+wDZFahuYlSrZa7cwSqVaWIbNJ1eV+cWdmV67LtlrN8F1SNwnuXDewRCjP/cE/kM1\ncePYDo5pIyoSjuXUuviNRYm9Za1AN/ZkP1d+8esd0dwBqE1UR8730n8yQbVg4It4UDwP5O1yRzgO\nXN5gXKC1NvbhYz9W4qmvf61pgANqQvvpYI60ozBeaS/K77QQ1bKwd9e4IAj0PHaWzOXraLkcAgLe\nRKwhIi2IIuHhtYnd/CuvNT2eVdVX9+997CyVhTRaNoca8BEc7G9w0jiICGrz9yCqYstOyveKB3IE\nkGSRwTNJpl9fWBW6akBZTaEAsC2H1790A+sOosCu7VLJanQfiVJMlesiyt6wSs/xxJ29kX3KVAp+\n5TMu7zrvEvLD+AxcuLb2u9cN+L+fcfm+J1zOHxPojjbmDNq2i7ShWjtfcvnNP3OZ2PlqGgDFLYpI\ntiIkmBxWqvTKBt8bWCK8y97MlmEw+8IFzGJ77hur3IHhTXF2nvjx0ftiAB740dOrYhlqfutIkPnG\nJOmv3ab3A0cJHKmPFAaPJTjz6fdy/d88jzZz/1jJdbgzFK+y7YLBDntHyWlfsvTKOinLg7EhXeO4\n2phqs5vIqkrP+dNb77gOxd886r1+uyAIBHq7CfR23zfe8ADFiymS7z3cYBtXvp7dV2IZHlDBDBAf\nDBPpCZCZzAMCiZEI0rpl2/EXppuKZUGkaXpGs+2SIlIt6sxdTdfEsgiqRyY6EKL3WALVd/8OxJoB\nf/VC68fLOvzZN+DPvuFy/hg8NOriU0FVYGYRvnsdzo25nBsT8HthNl2rzt5MLC9o7RXeKcKdXYXn\nvCX+YaQxn2y3yN+aai6WZQnatacSxaZFfq2wNQPbMJG9bbby2sf4jzRfNndMh8KrCxz6Z480fdzb\nH2Lknz/C1V/8+l6eXoe7QG6uSOpmFqNiovhkug/FiA+FKSyWqWQ1ggnftutHKnkNragTTgaQ1Qf2\n1rkHtD8e98jtNSJJiAYfCi1w2/TxjUqMtKPiFywe8pT4oVCjLdzdwDZNcjdvYxTLSIpMaGRgtdlJ\nZHSE8kIao7A2WRcVhcjh4XtyrneT7PMzpJ69Rdf3DK+2tS7fzDLzmcv3+MwaeaCvekmRmnaAcmxn\ntXhvI64LPccSLE3mMDUbURYIJwNYhk0pXW85FIj7WBzPrglpB4yqRTFVIdlmG98HgQvXav82Mj4L\nn/2Gi9SGTlzQyrhYjD2tEUjl2Mz8ySPeyczc5aS6zcjvNrGqzX1DRUHAlaS6ltkt2SiWW7lqLCN5\nVKS7Xa25R9jV5jUDjmkjSAJWQcfT03zpN3g8jn80eteLSTrsHoXFMrdemcNeDnhoRYPyUpX5a2kq\neR3cWoAj2h/iyOMDWzpf2JbD+EszFBbKuLaL4pXpPhKj/2TXps/rsDXzWp6xpzUeizrkvroIbN5N\n8T2BLJf0IDfNVvu5vMWT44fDi4Qlm+OeKu/yZ5k0PXRJJjH53tQNObbN3AsX0JbWxpXyfIruc6cJ\n9iWRVZX+J86TvTmBUSojqSrhoQF8XTHyE9NU0hkEBPzJBKGh5r0eyqkMxclpbN1ACfiJjh1CDR6M\n7pSTv32B9FcmiJzvwcxpZL56G9faZ+FlHnDB3AzXdbn5N9N1LbLXI4oCg2e6SY7FuP3yHOV8hdxs\nvYASZeg/laScrTaNRlcLOjeen+bo24fx+O/fKPNu4NK+WF6tsP74NeAQcotf9yPeIt/Vwg1Lde1y\nSQuiCC5nPOU96fon+5s3WFCDQSKHhshPTKIXy7jbdLdQoiHMXPN0g33ev2hbFF6db0i5cCyb+FsH\niDzSi5XXcW2naecoQRKR/J1h8SCTvpVbFcsrOJZLJbcWnXQdyE4XmYtk6D+xufCdujhPft0Yb2oW\nc1cWCcS8971rxl6xPsDx7wcXSX/0WWZa1JysRxVcfio6xVcqcV6phpl3VNzlcVzC4Z2+LD8SqY8g\ne0SXo3fQvGQ3yI9P1ollANswyd+aJNhXK26Tfd6G7q6p196gMDG9+ndpdh6jUKL34ZN1+5XmF0ld\nuFSzHAWqmSyVTJaBtz7aMt1jv1G5nqVyPXuvT2NTOneGDeRmiuTnWy/ti7LI/LUMWkGnkGq+n2OB\nVtA3XWnSigapG0sMne2501N+4GkUy5vzsLfEB4KLfKsaZcH2UPui2lW+At/RY3xHjzIk63w4PM9R\ndXebGcSOjFCeTdUtzwmyRGhkgNBQH8HBXiqLS8z9zSvtH9R1Uf1+/Ik4+Zu3Gx62qxpaNo8vfvBd\nAKb/8DKCVyL6eD9KpFYpL3llxIhUc3NNBqhM5vH2BRGVekvAykSe4uXdL+LscPfYjvtQqcVK4nqK\nTZqVuE7NX78jmLdPg1j+N89yO9M6wLERn+Ty/lCG94cyFGyJ58pRLAS+P5AhIO3Pib9Raq4VjFK5\npUNRzSO/MfWvOD1H4sRhBHltRbAwMbUqllewyhVyN2/T/dCJjYfosEM6gnkD5SZuFuuxdJuZS4tb\n6qvCQpmeYwmy060LiPRK/Q988VaW3EwR23bwR7z0nezqVGa3yWNRSH/0WeBQW/u/N7jE04EsV3Qf\n/yk3gL7tS0FgyvLyJ4Ue/vfExK5GmkVZpv+J8yzduIVZLCMqSk0o99YiEYIgoIaDiIrSMEhuhraU\nI7rckao5+/Nms20cl6nfvcjMf7lE1/cdYuSfnm/YxdMToHQjS2A0hrRshq8tlJj5zKWmXRE7HBy8\nQYVim2mqbVkptvo9dH4m26bVauBOCUs2Pxje/xNcSW2e7iZ5PC1/g5XFdNNVRNswqKQyBPr7VreZ\n1eZBG0u7t5H1vaTnh46RePsQcsxT82X+/A3yL92hI8AWdNTYBjyBNlMkthgsXSA5GqOyVCUzVWi6\nj+pb+/hnr6SZfWNx9bildJVyVuP4u0Zadp3qcGcogsst078DsbzGlOXlDSPAGc/udvqTfV6SD51s\n/bhHRVAk2IZgtjUdx7KQfd6GPGlPNII3dvCjy+txDLshgryC5JEJb8hBtUompRtLTffvcHDoPd5F\nMV1BK2ziY7ZMpHfrHM9gwo9ebmwe1Ikub4+G5iRtrAbeL0RGhynNLdS11EaA0GBvy+eokTCIQsOE\nTZAlPNFw3TbF58MsNt6DZG/z9L6DTvL9Ywz+gzOISi0dx5Pw4x+OcPVffYvqHtafHHwPqV0mMRIl\nEL/zH1moy48gCBx+ywB9p7oQNnzSnoBCcqxWcOg4LkuT+QYRXl6qkpnY3zk995raIAz3Ltwj3JOA\nZO7mBHZl+9GD3M0JwocGkdblSavhEF1njt1XjUtWyL0y13b72OBojP4f7ixfHnQ8foXBMz2brgJK\nskh8KIzjuC1T61YYfChJqGvNUUNSRJJjcaIDB7/L2t3mYz9WqjUneYDEMoDi9dL72FmC/T0ooQDe\nRJSuMyeIbbLi50/E8Hc3Ws8Gurvwhut/e+GRQUSlPvAjB3xER0d25fz3G/G3D66K5RWUqJfeH9zb\nRi6dCPMGRFFg7MlBZt5IU8lVEUSB8tL2hIkaUDj02Fol68DJbgIxL+mJmrOGN6jScyyx2rjE0i2M\nSvNIYbW0d13kDjrru/pVP/oMtzOHtn2MJ305vlyOY7Cz9tYDcpXTuxxdbodKZmcTKdeyyd2YAATk\ngJ9QXzfxE0fvC//lZkh+ZVsNXWJPDGBrNotfGsdskrva4WCglTavIbEdh9xckaWpAgi1VthHnhhA\nbrIioXhljr1zmPxCCb1oEOkL4Q3eH44ydxeXxx5gcyhvNELvY+daPu66Lo5lIUrS6njc++hZMm/e\noLqUBQT8iSiJk41tuYN9SQTpLIXbM9i6XnPJGB05MAV/20Vqcf2FH24dsd8NOoK5CYpP4dCjtfyg\n+WuZLQWz4pPxBlVEWSSY8NEzFm9Io4j2hoj2No9IKB4Z1a+gFRuXEH2hzsDcjBU7ok8+YuxYLAMk\nZYsfCKT4XLmX9gv/avRKGj8cSiHdg8CsY27PIaPZcx3TpDA1R6C/F280sluntq+wKxau5SCo7U2I\nPD0BBj58kr6/d5zSlQy3f/NVrE2KgDvsT/wR7+Zdwpzayh7U9ikslJm5lGLkfF/T3QVBqI3fe3s/\n7vCAUppdqHk0l0qIqkqwN0ni1FFEWW67aC+Q7CKQfDCsDu1y83QrJaQSOJGgfGVv8trvz7DSLmAZ\nFjdfmGb2zfSW+8YGQhx/5whH3zZE3/Gu1W6B7SKIAl2Hog1pG8GEj66R+yuvdLcYe1rnk4+YdySW\nAb5VifCCFmd7PThdukWNn4pNctKzt12jWqEGt9d0oRW2blCcnNmVY+1HtMkCxTau4Y2Ikkj4dDej\nP/tE22K7w/4h1O0nnNyeB21+i9SMDjtnZTUQd8Vv+e7huvCGHuDZUpxbxv7L6dXzBRZfewMtm8Mx\nrWV3iwmWrt6816e2b3HM5ml2giSixvbuO+5EmFsw8eocuZmtG1SIkkD34TsXtb3HEigemexMYc0l\n40RiS1P9DjvntuHhT4tJKu7KZdC+tdyi4+ULpSQfie5tVW4z9HwB29i9VB3L2Hm0+iAw8R9f5dA/\nO0/wVBeCLKIvlHEtB0/SD6KAIAotiwP9h6Mk3nuI+c9dv8tn3eFOEASB0ScHmbmUIj2Rw7G3ngwb\nJZPr35ni8KN9q538XNdl4cYSxXQFAYFIb6AW3LgP8/33it1YDVxpiyBv8bFf1vy8oEVJWQplRwIX\nKohUXAkXEQWb894iH4nM7YmH/k4o3J5pOp6XF1IkTuxtTu6BRAA53LwjrVnQyb2yd/fkjmBugqnV\nuvG1Q8+JBL5wezOaalEnN1tEL5sIokBsIES4ey0KkhiJkBipLY3n5orcenkOU7PwBFR6jsYJxu/P\nfKTtsqCVCeKy00I/wxV4thTnhWpknVjePhPm3f0+tFyewuQspZm5baVk+JMJggN9pC9fwzEal7La\n6lkYXYAAACAASURBVBx4gDEWylz7l99CTfoRVQlt2epRCio4mkXvB48x+D8/1PL5SnT/RaU6bI0k\niww/3Et8KMztC/NU87XGJZIiYreIUOVnS0wpKQ4v16BMvDJH5vaaQ0ZutohWNDr++W2yIpZXmpNs\nVyznbIlnCj3cNGsrakeUKh8KzTd07HNceKEa5k8KPVQ3kTUmEi9qUYZkjfcG90dBvdOiAZVj3N/j\n8k4RFQk12lwwV27lcI076eS7OR3B3ATLsFsOqOuRFJHuNlImLMPi1stz5OdLdRovPZGj70RXQ6ep\n7GyRiZdnV8+hktUoZSocfWqolpv3ALNiTfT+IyaBVJ4r2xyATVfgPywNca1la9X2kYW9uzA3khuf\nJHPlxra6+4kelUBPd82eThRIX7rSfD/5wUg5MDZMgu3lgtrUX47T9b2H8fY12oQ5lkP5yvZTOjrs\nH4IJP6fefZjsbAHbdIgPRZh7M83CjUzTTqzFdJliuszclQyFhcY0jcxknp5jcVRvp0trO3zyUQvr\nzy5sWyy7LvxeboDr68bqV3WFoiPxM/FJBAG+Ww3y1WqcBUul6ohtF29fN/y8l30imJ3m9xE10nFh\naYZj2GhzZZQmWij7nb1NL+zkMDfBG1LxtxFVivYFUX2bD5rVgs7lL98iP1dqCIi6tsvizSymXi+C\n0rdyDYLdrFos3twfF/i9Yr2P506tib5YSuyKWAYICVv7vO4GjmWRuzmx7VbYss9L/PgoiAILr7ze\nMiotKQ/2jd8um9z6jZex9cbPxzVtSpc7gvmgI4gC8cEI3YdjSLLI4ENJ4kPhpvs6psvNv5luKpah\n1ryqnQ6BHe6M58thrpuNtRo3TT9XDD+3DC+fKfRxzQiQd5RtOR3di0LtZji2jZ5r3qchPDJwl8/m\n4JD64g3MDSYJpZtZ0n99a09ftyOYmyAIAn0nEije+gC8N6ziDdfEdM/ROCOP9rc4Qi2tIz9f4vp3\nJjGrrYWOqVk1Mb0Oo9o8P7XV9geBBa3MerF88Zn2RG/KUvjDfC+/vjTEf1ga5Mvl+K6d07gZ4LK2\nO+J7M8qpdEOjkXYwcgWWrtygOD1HabaxxSqA5FEJDXcGZlEVm+YxSz6F2DuG78EZddhrYgPhpmUL\nggSW3nr1SFJE/NFOetxWrHrkNwvjt8HXtBjNviAHgUVb4dvVKKUdpNSJuJzxbF2fdDeoLmbqm5ms\nwyp1JmWtWPr6FDN/+DrWOrcM30CQwX98dk9ft5OS0YLYQJhA3MfirSy4AuGeQJ15fTOMqklmMkd+\noUI1r2G3k0sjgGeDp6AnoKzm261HbbcL4X3K2NM6j0VZrrLeWqhmLIn/mB1iwW6e73Sn6Mh8pRLj\ntHdvq+sVn69px6d2KM+nWheOCgI9507hjTaPtD1IuJZTWwNudoO2OrmE9yPRvhA9Y/Haip5VG6sD\nMS+262JWW3/nkb4g3qBKtahjVExCXf5tOyPd76xfDfR89rm2AxwrOC4UrOb3OwWb854SV/TtdFqs\nXdsR0eQJb563+Ro7N+4Frlsbs1sViZpNakpWkLx7c9+6X4g9MYgcWNNOklch+f1HyL00S/G1vXFi\n6QjmTVB9CgOnksiyhLXFTXP60gLz15a2XYcW6vY3CPHkWJzyUhVTW3tNT0ilZ6yx60+H1jxbircp\nll2iokHOUWntlNFcTM1bez+oeWMRfIk41cXte0s6pkV5oXlKgeL3ERrowW7DQeB+RO3y0ft3j+Md\nCGHmNKozRfzD9X7U1akCuW9N36Mz7LCXOI6LL+whPhJGQCCQ8BEbCHH1G7c3fZ5RMbnyjduUl6q4\ntosnoNB7LEH3kQe4K8c6NqbObVcsQ22k9UgONLntDskaIcmmX9Z4VW+c7AdFk4ho47gQFU16FYNH\n1QJVJA4rVYLS3tee2IZJ+tJVqks1TeCNR0mcOobiW0v1rKQzZN+80fT5nmiYYH+nsLQVUkAhMNZY\nPyZ6JCKP9nUE834mP19i/urStp4jSgLRvhBD53pwHJfMRA5Tswj3BAh3Bxh9cojFW1nMqoUnqNBz\nNL5ldym9YjJ7eZFytoooi4STAQZOd98XFkguFmzTGSPTIkKxkSG5ylPePJ8tdaHR6jnNP8OweHcs\n2XrOn2Hx0hW0TA4XF08oQDXdXk67rTWuVgD4e7qWfxsPnmCWIypH/8+34z+0JpAd28Eq6Ui+WnfA\nykSO6f/8Om4bBcAdDhZaUWf8xVkquVqqkygJmJrJ/NVM09W99ZTS9Uvoetlk+lKKQML3wBdl13D5\nzL8o4fmz1mLZdeGr5RgX9BBVV6Jf1nl/OEOPWPvsBQFOqWW+Xq0PSMjYHFUr6I7AewNLXDUCdUWB\nPiw+GEgRlmyer0YpOxKGKxKWbcbk7ae17ZSFC69TWReoKM3MY1V1Bp56bPV+nL81ha03Rpgln4fk\nw6fvi/v2XuGYNrZuIzepi3T1vVsR7AjmXSA70zxpvylCragwEPcRHwhjGjbXvjW5OkjPXcvQNRxh\n+HwvwUTrHOmNOE6tUKWSXRsUKlkN27Rbdq86CCxoZVysHVkTxaStxayEg+vAH5e2+oxcFBzMdYUl\nEg6Pe7fx3d8BstdD9MgwJa8HBJHIcD9zL34Xs7z9PDdRllEjIRLHH1yPz94PHqsTy1BrViIGPVSn\nC0z9v6+Rf3UeHJDlznL7/cb05cVVsQzg2C7ZNnz3W2GbDpnbefxnO4K5Hb5UTvDnpW6c5UDEjOVl\n2vLyL2ITqxHgHw6nMFyRS3qAoisjABYSf1Xp5rt6mB8Nz/HR+BS/l+vjoh7CRaSKzGeK/Yg4OMtj\n9XUzwLjh4+PxScLS3qdXafkClcXGAJq2lKWcWiTYkwTALDfPXfaEQ3jCHYeMzXANh+JrKTzvPlS3\n3chUSf3V+J697o4Es2ma/PzP/zyzs7NIksS//bf/lqGhobp9vvjFL/L7v//7iKLIW9/6Vj7+8Y/z\np3/6p3z6059meLhWRPO2t72Nn/iJn7jzd3GPqWwRkQDwRTy4rotWMFb/LU0V8AQUtMLaLNO1XRZv\n5RAkgeFzm/dhdWyHUqaK4pMpZyp1YnmF3GyRgTNJ5BaNGfYzG8VyzRXjUNN9LRcqjkRQtFcN6d8T\nzPJ6NUDaWYvMi9g4iKxEjG1Epp12uuYJ68SyS1w0eG8gy/cE7o5zSebKDbI3J8Cu3UxKU7P4uuKY\nVQ1a2BK1wrEstEyW8Wefo/+xs/iXB/AHCbW79TKxbzCMpycA91FguTNmr+G6LpWl5mLlTo/bYZlN\nPgvXhZe10KpYXmHO8vBcJcZ7Alku6QGSksE/js4xaaj8X0sjdf7KC7aHz5aSfCw2yVU9gFvnXyCs\niuXVY9tevlKO80Phve8yaJarLcdkq1SF5UwL2efBKBQb9pG9nUlXO9z+fy4gSCLhh3uQ/AqVWznm\n/vubmJndv7ZX2JFg/sIXvkA4HOZTn/oU3/rWt/jUpz7Fr//6r68+Xq1W+dVf/VU+//nPEwgE+PCH\nP8wHPvABAN73vvfxiU98YnfO/h5h6hbZ6QKyRyI2EMY2N5+1RvtD9B1PcPWb9blxru3WieX1pG5k\n8YU9+CJe5q9m0Io6skciPhim/3g36Yks89eW0IoGgiSgeJsLYlOzsTTrwAnmFbH8sR8r8i4j19JC\nznXhc8VuXtFDFGyZpGzwDn+Wd/rz9ComPx6d5iuVOIuWSlC0mLB8FJw7/SwETFfk0bsUXTZKFfLj\nt1fFMoBtGOjFIslzp0i/fqWl+f2m2A6zL14k0NeDrMqEhgfwRiNbP+8AEnvnEImnhpD8MpXbeazS\n5pNcNbk7rcf3Cw/6mL2R3e6gKoi1cf5BZn2AI5DKkW5RnG0hkLebS49LepBvV6NkHRURh4BgExKt\nps1IJkwf3ymHN21Usp6MreC47HmHv0B3AsnraUiFExWFQN9acCI8PIiWydWN3bLPS+Rw/US2Q3Mc\nzWb8115ECirIARU9Vd7z7MIdCebvfOc7fPCDHwRqEYdf+IVfqHvc5/Px+c9/nmCwVsUajUbJ5XJ3\neKr7g9TNJeauZDC12o/cH820bLsqSAJjTw4Q6Q0xdzWNY23v21wcz2GbFnp5+YIqQilTxdZt5m9m\nsZc7Abm2i1FuLpi8IRU10Jj7bJs2lmGj+pV9lyvV4Le8SdHIs+U4X6okWIkYT1k+/rjg4a9KCQZV\ng3d6s/zdUIobhg+f4PBbuXYLUJoX+a1QdBVe1sK8+y5EmEtzC02dGsximWomuzOxvILrUl62nCvO\nLtD90ElCA5uvbBw0ku8fY/AfnUHy1Ia78NkkpRtLaLNFvE1Ejuu4VG/dnSr6u8WDPGZvRBAEQt0B\n9PLO3p8nICOIItqyD6ykiHQfidV1bX3Q2M5qoIxLj2xQMhvrRSYtz2p02EGk6IoU7VZuGQ5xxWSr\nsXqF1/Ugv7R4hGOeCj8SWsAj7o26EhWZ6OEhMtfG14IcgkB4ZADFv2ZHGOxLgvAQhdvTWJqOGvAT\nGR3ppGNsE7tkrjah2mt2JJjT6TTxeM3PVhRFBEHAMAxUdU2YrQy8V69eZWZmhnPnzjE5OcmLL77I\nP/kn/wTLsvjEJz7BqVOnNj9BSaxVANxjZFlCKxnMvpHGWteyspLTEVu4oA+e7iYxGMWxHZamW9yA\nN6m50koGjrVhaceFhfE1sVx3KKF+JUyUBXrG4qjq2tfsOC4Tr8ySnS1i6hb+iJfeYwmSh++8wlve\nhY5xs+V1YvnrX+Pyn4WQN/mVvm6E2DhYOohkHA8ZzcMbWgABd9nU3kVoawrazgDs8pVynFnbyw+F\n00Tk9nLjdpIPq/qaO3EIkoRr717RoWOY5G9NEh3uu+eTqF3LGxag+3sPrYrlFYJjceb++5uEHkoS\nGIshrLMFK76WIv/8dN05HPQ85rs5Zh8Ehh/uwbEc8gulWpOobdS+Brv8HHqkn6XpAkbVIjYQ2rIg\n+36m3dXAFQQBnvZnmS94KK/zUQ4IVt3fW3FUrXDSU8WLjdYgZRrHcB0J3ZFIVz3ojsg/jc22/Vrb\nJXb0CJ5YtOZ/70Kgp5tAb3fDfsHeboJNtnfYn2z563zmmWd45pln6rZdvHix7u9WuVsTExP87M/+\nLJ/61KdQFIVz584Rj8d5+umnuXDhAp/4xCf48z//801f37LvfSLhiq1canypTiyv0CzCHE4G6D4S\nIztfYOKVOfQWMyBBWB6nm3yEoig0TaO0WlSBCpJA34kuqjkNURSJD4WJ9AbrLPEmLy6QGl+LilZy\nGrcvzOEJyATiO1+Gbsd6rx1cd53f8lcWsazNozaas7mwMzfktrmrd8Y7FYQCGUflWxWVOVPhZ+KT\nW3aPkmURa+MEqA0C/b2oNyYwCvVFSb6uOGo4DDMLrZ8sCoii1HYU2iiUMDTjnnb/2+nn1AwpoKB2\nNW8yIXpk3vzfvkb33x6l532jiIpI+UaO8U+/iLvOQ303z+ducK/H7Hsd5Ghr4i5LHHtqGL1iYFYt\nDM1k9o00pWwVadlhSCvoVIuNKXOO5aKoMj1H2m+CtBvBhN1mN85pupRlfYDj4p+G2ppcvjVUJqHO\n8O1yhKoj0i8bfKXUaBPWiIuCy3FPhRFF59+kDy+L5fVjukuvpNMvG8xYKgt2Y07wm0aAIgqxNgId\nO50sh3u7CPd27ei57bAfJ/H3+zltKZg/9KEP8aEPfahu28///M+zuLjIiRMnME0T13XrIhUA8/Pz\n/ORP/iT/7t/9O06ePAnA6Ogoo6OjAJw/f56lpSVs20aS9t9g0pStBJEqEu0P4Y966TocQxBg+vXF\nlmIZWjdBkmSRYLef3ExjUUArVL9C//HNL9BCqrES3DYd0pOFOxLM94pBWWfa2m7XrZpo9mCjN70E\nNvuiG8X2TdPPy9UwT/j3JqdZEEV6zp8h/cZ19FweRBFfPEb32ZOIkkh5dgE93+K1HRfHaT8KLUgi\ngrj/Br2dYldM9MUKcqgxSq/Nl4i/a4iBHzmJsmwHpnYFGNEfYeLTL9/tU9017vWYfS+DHNuduEuq\nhKRKeCMeQskAetlEkkUUr8zNF2aaCmZvSN3yNdY3rNitYMJushvn1Nxvuf3v/ohU4Ui45vLzUjW0\nZS5yEJOTnhIzpo95U+Gy7l9X7Ld+TBaIixY/Hpvhi8UEny83CuaKK5M2JEJsvpS/25Nlo1QmNz6J\nrenIfh/R0eFaY6ptsh8n8Q/COe3ozvjUU0/xpS99CYCvfe1rPPHEEw37/OIv/iKf/OQnOX369Oq2\n3/3d3+ULX/gCANeuXSMejx8csQx0HYoieza5URgOiZEoydE4oiigFQ3K26zGlj0SscEQh9/Sz+HH\n+lsW8zXDqJiUmzhlrKchxWOL7XebFb/lQKq9/ML3B9MMyTupihXQkRGbDPASDq3XZ5uJaYFFe2+X\nZD2RMANvfZSR730Hh97zdvoeP4fsURFlmb4nHsbfm9yW0JXCQUS1MYps6wapC5fvn4p/F9JfuY2t\n108ailcyLP71LXr/zrFVsQy1VZrE24cIn7u/nEMe1DF7OwiCgDeoonhrwq3vRKKhC6usivijrZsV\nFRbLXPvmJBe/eIPLXx5n+lIKx3Hun+upDpfP/MzOm5Nsl4Bk85IeY9bxknY8G5wx6pmwvJQdkTOe\nEp4m3U/6JJ0h5e75MgNo2TzT33yRwsQU5fkU+fHbzDz/Skt7uQ77jx3lML/vfe/j+eef5+///b+P\nqqr8yq/8CgC/8zu/w+OPP040GuXll1/mN37jN1af85GPfIQPfOAD/NzP/Rx//Md/jGVZ/PIv//Lu\nvIu7hOpTGHwoydRrC83bXgvU5TMLYu1fqyhyM3xhD6NPDAJgWw5qUMXU2rugHMslM5kjEGtdtOWP\n+jAqjVHrUItl67vF+qKRTz5itO233CWb/FziNt+sRJkyPFw2ghTd9tMJahZzjVHjVtHn2vZ6wSDh\ncFi9O4Nes1QJyePB1jTcbdjLRQb6CCQTzL5woaGauzQ7j6jKJM8e/FxVgNQXbmDldeLvGKzZD03k\nmf2TN4g82tfgxQwgqhKhh7opXEzdg7PdGx7UMftO8Ee8HH/HMFeem8Co1iZcluEw8fI8tunQdai+\n7sOomEy8PIdRqUUtLQ3mCxkWx7OIskgg5qX/dBJ/+P5qeZxr4YaxHc57i/SVdeYaOqfWJhphTAot\nnDWaISz/G1Z13ubL8/VqbNXGzi9YvCeQQb7LWUMLFy7hmPURbatcYenGOD3nTrd4Vof9xI4E84qP\n50Z+/Md/fPX/N+bMrfAHf/AHO3nJfUPXSJRoX5BLfz2OpdXPXIMJH/7oWrTKG/QQ7ApQTJXbPr5e\nMZh5YxGtZFBKVzCr2yvqauXYsUL/6W70kkG1sCySBIgPhkmMtJM/tjvYloMgCojL/j530pwEQBVc\n3hPIQgAWLIXPFbq4bgbQXHE5h3mrkbH+cRuRkGChN3yULmc8RV7XwxjrohtnPSVOqe1/x7uNUSih\n57aXDmLpGp5IuGVUujA5Q2igD1/i/mj3u/TNKZa+ObX6t6c3wPCPnasr9luPmbu70ae95kEes++E\n/EJpVSyvYFsOqfEciZFoXXFs6mZ2VSzX7W862KZDrlpCL5ucfPfh1bHPsR3SEzmMikUg4SXaF7rn\nBbf3AlmAD0VS/JdsL3lnfVCg9lkU2N4K3phawS/WAggfDi9wwlPmsh5AFlye9OYZVrfunbCb2KbZ\nssmUnr2/HHnuZzqd/naArMocfqyfmUspKjkdhJpYHj7f6C4w8nAPE6/OU0q315HNKFvMvZneescW\nRJKbz/T9YQ8n332IxfEspmYT7PIT6Q1sa5AupiukJ3JYuoU37KH3WGLLAhKtqDP1eopSuoJjO0iK\nRKQnwPByF8KxpzX+/VCa9L/enlhej+4IXNSCXDMDlNqOMjcvAHRcGFPK3DD9gIAHm8d9Bf5BeJ6L\nepFXtRCWK3JYqfDuQPaeGrkIklgzF3XaX/Y1crVVBrHV9+a4FCZn7hvBvJHk+0bxdDfP2S9P5Eg/\nO3F3T6jDvqRVm2y9ZGBbTp2/vbWFH//K8TITObqPxNBKBuMvTNfuIctE+4OMPjG46z7Ru8n6AMdu\nGt+e9VU4Virzkt4qeNNsrF7ZVvuviMMxtcL/FJpf3UMQ4Jy3xDnvzjs53ilGsdyymYutG8y99F1c\n18UXjxEdHanVnlgWorr/bF8fZDqCeYdEeoKEkwFKS1UkScAX8Tb9YXtDHo6/c5hKTiM1niUzsXez\nya5DUaIDW3s4ipJIz9HEjl4jO1tk4pW5VVu7/HyZYqrMye853HKQ18oG1749hVFei75Yuk1msoDj\nuATPbS7K8rbEkq0wqOgoQvNB56bh5b/m+1mwt7PcWbOZc5sI5hIyPxWaJm0rLNoqJ9XyalTiYW+J\nh+/h4LsRNRjAF49RTTe2Y22Fni9iaTrBZBdLhebvxTbujrflvUCONP+d2FWT8V97EaeJG06HB4+V\nfOZm26UN1feBmJf0ra2PaSx7+M++uVgnlgFysyUWbi7Ru8Pxea+509XAZrjumqmK7m5WhyEg4tZ1\nCDyhlBlTq0QlEx82cdnk8F2OHreDGgogKjKO2bhibOsG5bla+ldlfpH85DQ4LrZuoIYCREdHCA30\nNT2uWa5gFEt4YhFkz/2V6rMf6QjmO0AQBEKJrZ0lBEEgEPNx+FEfWkGnvLS7y72yKtF/uovkss2R\nbdosTuRwHZfEcATVt3sWYambSw0e0JWczvzVDLJXopSp2TIlDkUJLKenpK4v1Ynl9RQWynj15aj4\nhhm46Qp8Jt/La1qQKjJJUefdgSWeDjQWBH6+1L1NsQybma86iPxRsZefi9/e885Qu0HXmeNMf/MF\n3DYdCgRJRJBEus8cozCbwqo0roCoofu3EUP1dvMUlsKlNFqLxzo8eCRHYyxNFdZS2JaxTJsrz00Q\n6g7Qf6obURToGomSnyuRm2s9mRYkgUhP7bqqtCjQ3m6h+N2k3eYkm7Foybyuh1AFm8t6iNumF1lw\n8QoOM1br1Iu4aPCDwUUuGwFsV2RMLfO0P3cgxmdJUQgPDZAbv73lvlZpbSzWcwUWX7+CEvDXdWF1\nHYeFV1+nPL9Yi0R7VMKD/SROHe1EpPeQjmC+y2ynAHArBBEGH0rSfSS+mhOXmyty+8L8au7zwrUM\n/ae6SY627xm6GXqpeSvv+RuZukLIxckchx/pJz4YbprXt4JtOtiGzfuPmFjPXaiLVvxJPskL2try\nXMrx8D+KSQZknaBo8Ww5wYLlwSfajBuN1kHtsGmltenjDSPAGc+9y09ul+yNibbFMtQ8nCVFQRBF\n+h47y9zLF7EqazdqTyRMdOzQHpzp/iD1hRtEHu0lfGataYCxWGH+s1fv4Vl12G9IisTokwPMXklT\nzWkYVQvbdLA0G0uzKS9pmJrJ4ccGEESB0ScHSd/OUV6qoldNyhmtzoEoMRwhuBxkEVv4w4ot8ur3\nC598xCT90WfZrlh2XfgfxSTPVyNU3I3eyZsTFCzeF0zzpL/Ak3tk37nXJE4fQ/Z7KS+kcR0HSVVW\nI8ub4RgmxcnZOsGcfvMmxem5tX10g9zNCdRggPDIwJ6cf4eOYL7rqD6ZyjY7soqyiOs4DWI72h+i\nZ2xt6c51XSZencfS1pZ9LMNh5vIi0YEQqvfOI82qT8GoNFlW2uAa4pouM5cXiA2EUHytf2aiX+Rv\njWSZ+/RNXroaRF1OuTBcgW9rjblsJhJfLkWZd3wbIsq7b9vkIlBx9r+FllnVqCwstv8EQSB+Ymz1\nT080zMDbHiN/axJLN1ACfmKjI4ibtVg84DiGzfV/+S2SHxjDNxzBKuqk/vIm+sz+SbXpsD/whjwc\neXyA/HyJ689PNTyemy2hlw08ARVBFOg+HKN7uXNqOauxNFXAtmwiyUBdylykJ9AQZRZlAcVX84B2\nbAdvUMEf8xGI+Q58N8FXtSBfrcTXpVS0J5ZlbH42PkGvcrBTxARBwBMJU01nMTVtOReFtm5dGxtP\nlRczTfcrpxY7gnkPuX/viPuUriNRSpkK1vpOYqpIdCBMsMtPNa+RmythaRbekIfkWIxob5BKXmP2\nzTSVrIYoiYS6/Qw/3FN37KWpQp1YXsE2HTKTefqO3XnXocRwhNJSta2LXC9Z3PzONL0nEhQWyuhN\n0jIk0+G//oEDjNAva3wkPMuwqvPf8slly7dGblrNivp2fxmqW9R52Nt+45h7hVkqN82Na4nrkrl0\nlf4nH1ndpPh9dJ0+vgdnt39xDJv5/9GJKHdoj2pBbzru2aZDtaDjCTQK2kDMS6Q70LRJSP+pbmzL\nITtTxNQsvCEVb1Bl4VpmNThSq3ip2dJF+oIcfqx/dTVxPY7tUCnoeAMqsro3k/xaoxLYaXDish6s\nyz9ul0FZp0c+2GIZQM8XmH/1Nezq9nOsPbEN9petfL3vR7vvfURHMN9lor0hDj3eT/pWDrNqoQZU\nesZiq8t0EGHwdBLHdhBlcTUfKdQV4Pg7AliGjaLKuMtXhm05zF1JU8lpVIutL8RW7bS3S/eRGPn5\nzfP01pObKy0vVQ4wdy1DJavXouWKgFk0WW9LOWt5+VwpyU/Hp7hmtM6fbb1g6S7/u/MlzYho8P5Q\nejXivZe4jlPLRbNtgv09iMuNIcqpNPmbtzFKZURVJdTfQ3TsUEOOmjcWQfZ5sart58ZX0kto+QLB\nxN2zE+zQ4SAT6vYjSALuButOxSsRiG/fx14QBIbP9TJwOomlW8gemTe/eqtp2p5jOWSnCqhemaGz\n9YGSuatp0rdytS6FqkAwHmDobBJvk+6WG8nPl1gcz2JUTdSAQnI0Tri7cexd6er3mZ8p4Pnsc1xp\no9DPduGFaoRJ00NYtLGc7YtlHxbfc49diHaL/MT0jsSyv6ebyMhg3TZvPILWxI7O2xnP95SOYL4H\nRHtDRHtbu1kIooAkNo8SyKqEJIsYusnMG2kWx7NtdenbTn7rpsdx3aaR4s0opMqMnO9l9C1rpTIP\nMAAAIABJREFUF/2Vl6cw843HmTQ9GK6wiUOay1G1zCtNrYfaHVU3z52LiQa/kJggJO29U0J1Kcvi\na1cwCrVI9tK1cbpOjqGEgqQuXMLWl3PGqxqZfAFLM7C0KnqhiCjLBHuThA8PIfu3J5hxHMxSGToD\nbIcObRGI+YgPhMhM1ufQJoajKJ7GW2kxXaGUqRCK+wl0+VoWY0myiCSr6GUDrUkr7o3HXE92psDs\nG4urIts2XPLzJfILJaJ9QQ492oesNr/N5+dL3HppFmu5iLuS0ylnqow+ObgugAPzWk2YrYjldrr6\nWS78VnaQy0aQlbE2JhpIONhtBTRcBiWNH4kscPQuNYXaa2x9Z+4dnnCowS8/efoYerFMdTFTu51J\nIsG+HqJHRnbhTDu0oiOYDyjjL82Sm2k/XUDcxXa2pr69Ziq25dQ8S5cDHgtaGUFqrogVwUXC5Yiq\nkdEbuz6dUkr8SDjFtbSfotssp29r0SzjYNH68zCcmjvHo74Cb/HtXUqG67qkX7+6Kpah1vkpffk6\nvmR8TSyvI3+rvsp6KV8kf3u6oVvfVsg+D4Fk99Y7dujQYZVDj/Xji3oppasIAkR6gyRG6pfLXcdl\n/KUZcrPFmpAVIJwMMPrkYIMV3Xpkj4zqVzYtknYsh+lLtUKxxEiE7EyxeSG5W8utnpQXOPJ485zW\nxVvZVbG8gqnZLI5nVwXzglZm7GmdTz5iUP3oM1tGlhcshRerESZMD5eN+qBQ1lHpkzSqrkjOUVGw\n6ZN0+hSDiiNwwwhQRQIEwqLF+4Pp+0YsAyiB5o5agizhNknZWaGymCZxcqxumyjL9D/xCNXFDHqx\nhC8RqysK7LA3dATzAaSwWCY/tz0hV8lVqRT0TduyLo5nyUzmMTQLb1ClZyxOpDdYt48gCPjCHoqL\n7TVigVoen+qv5Ryv+Hie/GGJa7/lkivWC9zjngqSAH83tEDGkRlfbhwiYXNGKfOuQJb/Vkhu4de5\nOTWx3DrKXEbhoqFw0Qjx+aLB/9F1C6+4+6kZ2lIOPd9Y8W1Vq+i59r/f7YplQZKIHB5GVDqXf4cO\n20EQhJpH8tHW+8xdTZOdXnf9ujX7zJnLiwyf62n5PEkWiQ2EWLje2k9dKxvMX60VfC3eym5pGVpK\nV3Bdt2l029SaizSjSR3MemwXrht+fKLNsKyvpkv8dSnOX5YTyw4YLZ6LwC913eKKHqBH1hlQDFwX\nfm1pmOo6OVJwFP57sYcTngpecRetpe4h0bFDVBaX6gIkoqrQ/dBJqpkspdkFHKMxSOK0aIgjCAL+\nZBf+5J3XJnVoj84d8wBSXqpubk/XpPK2kKpw82+mOfHOYZQNbhnFTIWZy4uU1olgo2xSyWkcfWqI\nQKw+P6/naJxqQW8rL1rxK/Sd6EIQhFWx/LEfK/IuI8dvifM8K8eZtrz4BZtTnvJqh6aYbPOz8Uku\naEHStspptcSXKwl+IzfEbuQot5e+IZB2PPxerp+fjM/swmu2j+RVVyp+7hjZ70MJ+BBVD7IiE+jv\nxd91f3bw69DhXpK+nWP+WnPBW17aOsgw+FAS2SORmy2iFWvdBFfm9oJQb0tqGw6atflk2dJt0rey\ndB2KNTSW8gSUpp7PzYoXV3i1GuTPy93MWV5kHEaVKv8wMoeCw19tIZYBfIKDX3R4ZN3K3YylMm42\n5oCnHZV/nxnmrKfMewMZ/NLBFs6yx4OvO14nmB3DxCgUSZ49iRLwk7ncWITsiWzdjKzD3aEjmA8g\noa7mxScrhLv9FFKNg7NeNHjjKxMoPplgwsfA6SSZ2zmmL6VwrMZjWXpteS7w6Npg5rouRsXEE5Br\ny3ktAq+iJJAcjdFzNIHilVeLRj72Y0Weeu5r/OvfH+Lr1SRlRySAxRmlyIhisGCpqx31RAEe9dWK\nC1+ohPkbLcJeuGFsRbPBfDfwxqN4IuGGKLPs89Hz8Gmmv/linTfyTvFEwvQ9fu6Oj9OhQ4fWlJYq\nTF1caFlT0k67a0EQ6DveRd/xWtSwnNMoLVbQKwapG9mG/bfy9Xdsl9sXFliaLjL2tqG6lJBQMkBu\nrlR3vp6gQs9YzbN/JcABLoFUjpdTR3im2EPWqQlqC5GrZoA/KvRy0lOmtIVYBpeznsaVM9sVW7pn\nzNg+Zio+3jQDfCw2eaCjzZau13knr1C4PUP48DDRw0NomSXK82sWoUooSPzE6N08zQ6b0BHMB5Bg\nwk+sP8TSVL3QEiQB1SdTzrUu/jI1C1OzqGQ1Cqkylmk3Fcur+2+IIs++scjcleYekOtxbBfVp6yK\nZdd1+DtvzRH8/17ll/9ymC9UulkRvxYSLxgxXjAEVGzOeUt8JDKLtG4MvWr42Xux3L6R/m4gCAJd\nDx2vK/qTA366To4hezzEjh5m8eIbmx5DVGQESdo0LaOysIheLOEJBVvu06FDhztj7koG22wt6MLJ\n7XfODES9BKJecnPFpoK5XYqLFaZfm2fkkX5sy+Hm30yTmy/h2i6CWGv1HUoG6DuWwBvyNKwGvvLx\na3y7Gl8Vy+u5Yfg4obZyTXLx4hCRLB7xFHlfsPHeMaxojMhVJqzWXXMnTB9fLsd4f2jre89+pbKQ\nxmlSl2IbBpX5FJFDQ/Q+/jCl2QX0XB7J6yEyMoQo7/9eAA8KHcF8QDn8WD/esIdSuoIg1HLb9KKJ\nXmrfwUIrbF6RDVDOVMhM5kkMR3Bsh6Wp9vMEFm4uUXQMpKBI19ISv/VFB5cTy49uFKa1vw0kXtIi\n9Eo6f3vd4LgT/856thbDHmz0JpfESXXvOv354jGG3vUk5blUg61ceKif/K1JjELzm5EgSSQfOYMn\nGGTp2ngtetHEn9N1HPK3pkiePbln76NDhweZ2Stp8ptYbXYdjtJ3Yue5ppHeIIG4747aZi9NFxg+\n38fMpRTZdQXjrgNGxSKU8DeI5aee+xqvLLti2G7z8dNG4LBUISCYlDf44x9Xyvyz2Ayq4NQFQNYj\nCPD3win+qNDLrNW6Y2vKPtiNW5RgYDmvZsMYLYAgiuRu3kYJBgj29xAa6L03J9lhUzqC+YAiiAL9\nJ7pwXZeZN1Lk5/dG1FmGw62XZtHyGoZmo5fbd8jQSyb6pSyeiEg6t73o7XUzAKwJ5tNqYccpGRIO\nZ9QSGhI5WyZryxhNXDKOKxXmHZWU7WElEXxQ0vjR8MK2X3M7CIJAsL+xGEgQRbrPniJ9+Sp6E89N\n17bR0lm80SgIQs1artz8hmpr27Cc69ChQ9uYusXizdbR32hfkEOP9N3RawiCwOHH+pi8uEA5U8Vx\nHdxWJSQtusfZpsv8tUyDNd0K+YUSXYdqNpNjT+s8FoXcVxeBALYLIg4KNuaGsTMoWPznwsAGsexy\nRC7zjyJz+NpIoziqVvmlntt8pxjkL0oJ0k6jcA6J23Nn2m/44lF8XfGaFdw6BFFi8fUruHbtC/V1\nxel59Cyy52BPEO5HOoL5AFMt6Ey8MndHUYd2mbu+tLMuQi7oue3nnVUdkc/ketFcERGHK+aan+d2\nEHB5rz/DB8Pp1W2/uTTIa0ZjIcWAqvPPQzNMGh6+qwc5rlQ47r17tkaWpqPn8qiRMIqvdsPwxaMM\nPPU4E89+o2kFdf72FIXJmS07/cm+vcnD7tDhQSc/X8Zs4SwheySGz+1OtNAb8nDs7cOYuoXrutx4\nfrqhtTYiBBJeyovNJ8jzVzJInu0t8Zdskd/ODXHDXEmZWB/8cMm3sPeMyTYJuX2RKwvwVn8BwxV5\nptiDta64OyEafI9/5ykp+4WeRx8i/foVyvOp1d4IK0J5hWp6icwb1+g5f+ZenGKHTegI5gPM1MWF\nTcWyqIh0jUTwhb1MX5rHNu7AGm2zp7aIaNwJM5bKbWszkddexNpFQHPrbxDvCWSYtDzk1uXjjcgV\n3uuvVbcPq/pq4eHdwHVdMpevUpyexzYMREUh2Jek+9wpBEFAFEU84SDVdGP1vWs5uGw+IVGCAaKj\nHUP7Dh32Am9QQRCbF+CNPNKHP+Jt2hp7I47jIgi0bHCywkqTlMEzSW5fmEcv1SbSkioycKqb+FCY\n1/7yZtPiQ9tyULzNb/uRnlqNg4tF9obOp7+tYc+eZKoSWyeWoX7cbX2uC9bOIqTvCuQQBZeXtAhF\nW6JX1vm+QIaubYjv/Yqsqvi7E5Rm5jfdr1kXvw73no5gPqCYmkVpi8hy96EoQ2d7SE/k7kwsb4Eo\nCjgtHDsABMHFbZH/thE/FghsaU8EAv1SFcMVWXIUnE2s5nJ2/bGOe6r8dGyKr1dilByZpKzzXv/S\nPbMtyk9MkxufXP3bMU0KkzNIfi+JY7UK6ejoCEax1LSZSSuUSBBvOEJosBfZu3Wb3A4dOmyfYMJP\nqCtAIVWfFhfq8hPt27rQtpSpMPtmmkpOQ1IkIr0BBh/qQdzCVSOcDHDqPYfJTOaxLYfEcBh12TJ0\n8Ew3k99tnkqm+BV8EQ+5uVrTE0mVSAxHSIxEuHlzjsL1IjMVm4suwCF2Gg0JiTvvlPoOf553+O9P\n0ahlc1vvdB+0Ar8f6QjmA0yra0r1yyTH4qv2QEZ1e62st4vrunhDasu2rq4rNM1920i3qPOPI7P8\nera9aOhj3iLvC2WYNlT+W7GX62ZzJw1VaBTCA4rBj0b2Nje5XSqL6abbq4tLsCyYAz3d9D/5KLlb\nkxSnZtq6h7mWTTmVojg1gxoKEhkdJjI8uPUTO3TosC0Ov6WfqYsLlDIVcCHQ5WPooZ4to8WmbjH+\n0ixGuTZGW7pN6oaB67iMnN8671mSRZJHGj3VfVEvik/GrDZGZX0hlSOPDZBLlajmNEI9AfKSyY03\nZ8lfLdC4YLV99SbiMCzfP136dhNR3lp2+eIdn/z9yG50gOhwD1C8MoFEY8qCpEoce8cIvUcTq4N1\nOBlAaFaivEuzWNeBgVPdRPtbR1NCgkVMNBBWR+N6xadi8/3BDEOKTriN4o4uUeedyzltg6rBT8en\nCNB8YtAt7+2E4Y5xWqjf5Wpq13VxbQdPJETy3Ck8kXBbh7XKVRy99t6NYonMpWtoufszatOhw71E\n8cgcecsAD/2tMR76gTFG3zK4ZRc+qHVXXRHL68nPlXDsna14ZSbz3Pj2VFOx7A2p9BxLABCM++g+\nEiMvmTiOiZUtNRHL28FlZVx3EPlaJc5Xyh3ht5HIoSGkFit+giQR6E3Sdfr4XT6rDu3QiTAfYIbO\n9tQV/ak+md4TXXiD9bljwYSfxFCE9MTaUpAoCyTH4hgVs+bnfIcZG9Wiwdhbhxh/cabBHxog5yo4\n69pZxwSTk2qZtKPiF23e4i2sdn865ynxtWq86evIOBxVK7wvmCa4LoVCFVzOeCu8oNW/95horArr\n/Yo3HqWSaowyeyJhFr57mWp6Cce28UbCJE6MER0dYfHimzjW9nL6HMuiODmLNxrZrVPv0KHDOraK\nKG/EMporVMt0sC0HUdpeTMt1XRZuLDX1gw4n/Yw82o/HXxPyqVtZUlM5HNshfhTcrE3rKEqrmpGV\nG4fQ8LiBxDcqMd7pz6EIe5cSeNBQAn6SD58me2MCo1BEVBT8iRi+7gRqKIAn3Onst195IAWzYNtE\nb1zB9ngojIzWvBEPIL6whxNPj1BYKGFqNrGBEJLSPO1h5JFeQt1+CqkyoiQQH4oQ6vKzNJ1nabJR\n4LaiVYdBWakN7InhCEuzBahLX3Mbcoyzrkre1REFyNgKF/QQvbJOv2LwofACHsHmuWpsuWCv9v30\nSRoficwy0qIg70fD87gIXDH8VB2JIVXjB/xpItLOc+nuBrGxQxjFEqW5FDgOCAL+ZBe2oVOaWUsb\nqaTSWJUqg+98knLP4paFI81w7P39WXTo8CAR6vKRutG43RdWkdX6sdx1XUzNQlKkuo5967FNZ7UI\ncCPesGdVLE9fTjF9ObWqd+dfAAUHWqTNxUWTpSZNS7ZaplywPcyaassx+0ElkOwikOzCsWwESdz2\nRKvDveGBE8zxN17jyF999v9n782D4zrPO93nLL3vDTR2gCAA7jvFRSItidJElq3YiuOYmShR4rKT\nyTjJRHaim5Sux7cmVddTcSbmLU9VPDWjex17Is84E9qxR5YTWbFNypZEbaS4ryCJfetuoPf1dJ/7\nRwMNNLobGzcA/J4qu9Snzzn9dgP88Ov3e9/fi31kiLwkEW1by9Vf/U3ijSuztlOSJFwN838jlSQJ\nd5NjcrJfvrhwmh2mOcdsz8bqNBKfKF38jDYD9Z1eNC1PIBrF2mKhQU4x2K9hz+UI6pW3Ji9kpq3i\n+jULfVkzz3t7cSo5PuEM8LQjwKmUg56sBaes8aAlRFJXyOgSxgoZC5Os81n3EMm8TEqXqTXmyS1x\nW/NuIskyDQ9sJzUeIjkewuRyYnI56P3ZG2XnZmJxwn0D5BfQdV8JS23lzL1AILj7uJsceFudJbty\nqkmhYX1NiYgK9IYY6x4nGUmjmlTcTQ7adpTXSMuqjGpUKmaYp9w18nmdQG+obFcxi4KEjj5DBCvk\n2WmKctgxypHxNfjzi2setkvaoqzlVgp6Pk90cAQtmcJa68XsdS/pPmKK38rivhLMSjpF1w//Aet4\nYftb1nVcvTdY94O/5/Tnnl+xmeaFEB6N0Xd6pDgJcOTqOI0ba2hYV4OzzlY+pUqmrJ7N6jHTdbCF\nvtOjRP0J8loeq8dC0+ZaAn1h+i6MkEsWLhqUsjQpGdaaU/wsWVMlqtLPezRn4ljCw684Jn8+Euyx\nRHnAHOV/R338VXAtwbwBn5xhvyXCxxyVm+Usch4LeSRpZZXom73u4sKbjSfIZyrXXueSKRTT/PWR\nJUgSjuYGHC23NkBBIBDcPiRJYu3eJlwNdqKBBIoqU7vWjcUxLUyjwQT9Z0aLIjibLAxKUVSZlq11\nJfeTZQl3s5PRq6XDMcwOI3WdhXpiLaWRjlfOQm82xpCBpC7ToqZ4yhbAqRZe91HbBN+NLs5Teqs5\nhv0W3DKWI9lkkpH3zxaHSY3LMo6WBup2bCl+gUkEJ4gPjYIEjuZGzB5RBrcaWJJgzmazvPDCCwwN\nDaEoCn/5l39Ja2tryTlbtmxh9+7dxcff+ta3yOfz8153J6k/+XZRLM/E2XcT+2A/sZa2uxbL3UTX\ndQYv+EvGZucyOYYvB/E0OWjcWEN0LF5qDaeDzWtGS+fQ8zo2r4XmrT4MJgOd+1vIZXPkczoGs0o6\nnqH77QHyM+rx0rqBm5qBQc3MQj2TAcL58l/J4wkPP07UFDMf/ryJf47X4FUyHLAuvJxkJSGbjKhW\nC1qivNM81Du44C082WDA2d6CtdaL1Vfti4tAILhXSJJUsHVrqyyqxnvDFTPG4ZFYmWCGgqWcokiE\nRmLksnmsLhONm2qL5XqqWcVkq+RqpPOAOcqBKnZuh6wTXE7bOD9jZ9ApZYnrCrkK/gEuOcNvOYbn\neOcrk+DF7tLJq/k80b4hksEQtnofkiwVbELzhZ9ZpG8Q74ZOPJ3t9yZgwW1jSYL5lVdewel0cuTI\nEd544w2OHDnC1772tZJz7HY7L730Usmxl19+ed7r7iRSrvLWkKTnqz63GkiE0+UToSiI5mB/hGwq\nW+6jrBcW8q1PFmzNZgs0xaCgTCY5g33hErE8kwwKFkkjOa+vcoE6pTzzcTZtL9kmBMghcyblXHGC\nWc/liQ6PIgH2pnokufwPTbinn4nrPRXFMgCatuAeTVujj9pN65Ycr2B1sFKTHAKqlpXlKgwmgcJa\n3bTZR9NmX8XnZVnC2GQidTVTUpaxzpBgv6W6i44qwR96Bngn6aQva8ap5DhkneDFiSYuZcvLAnO6\nTP5OTLW6x1RzGtLiCcI3egs71fr0e9a1HOEbvbjWtCzIUk6wfFnSnvWJEyd44oknADhw4ACnTp26\no9fdLkZ3P0jKWV5rFG1uI9rafldjuZsoqkS16gRZkdDSlbfMsikNSZJuuSHBIeewSfN/IVlrSPC4\nrdzRIlNl6Elmhbm7x4bH6Hv9LcZOnWP01Dn6jr/F2LnLhHsHis14qVCE4MVraPFb9zCVDSq+rRtv\n+T6Clc9UkuM73/kOn/vc5zhy5EjZOVNJjqn/KYqyoOsEdxa7t/LEU5vHvKT7jaTC7P49Ay/8mYn9\n9hE2GGM8YQ3yh+4BKrmPzkSeHF/9r11jfNQexCLn6TRWXqscsrYq3THkCkmOEvTy96wl08RH/Hco\nIsHdYkmCORAI4PUWmodkudDhmcmUZgYzmQzPP/88v/Ebv8E3v/nNBV93J9Fsdm4++TQp17Q3ZLyu\ngetPfRLm+0ewgjHbTThqbWXHjTYDvnY3ZkflEaZmx8IaPPR6I7Kx+krbqKb5JVuw4nMNSoptxghP\nWgP8sbu/YjPfGkN5drxwfOUY4+u5PGPnrpCNJYrHsrEEkZt9+M9cpO/4CWKjfiJ9g4u2i6uG0eEQ\nGQ0BsHKTHALwdXhwN5dmcM1OE42bKmeQ52I0FafrUIqvtgZ49Ec/4DP2Cf7E28+vOcewLHHS6SHr\nBPVKaSO4hM5uc5R5hhWuSCy+JTROyxIGW+UvPoKVw7x/TY8ePcrRo0dLjp05c6bksV7hG9Wf//mf\n8/TTTyNJEs8++yx79uwpO6fSdWUBKvJtbcYLPvgwoR0P4Dv1DnmDEf/ufeiqofSDyOVoOfYqru4r\nAIQ7NzDw+EdAWT4dreoiu2s79jZx4/0hov44er7QwNe2tR6TxUjzRh/R0UTJqG2jRaVpU+28rzMQ\nm0Cxwq9+xsjr/5AiMFH6s3LJWZ5whOgyJRnQLJxJ2dGQkdHZaIrzB94hLMrM34PyLy6fcI0zqFm4\nkrEAEhI6m01xnnZPoM7T2KdWsV+624SHhsnE4lWf1+IJghevoi/R/aIStjrPgt7/cvmMZrLcYlpu\n8SyWaskKo3H6y/JUkmNwcJAnn3ySz3zmMwu6TnBnkSSJzv3NhIaixMaTGMwqvrWeqtZydxu7kuff\nuAb5p3gNg5oZq5RjpznKh23j9zq0O0Lt5vXkMlniI370BSY3LF4vZs/SnDQEy4d5BfPhw4c5fPhw\nybEXXngBv9/Pxo0byWaz6LpetoA+88wzxf9+8MEHuXr1KnV1dfNeNxvtDtiCaQYTA/sfmfkiJc9v\n+F/fovHU28XHnmuXMI8Nc/lff+a2x7IUVFVBW6SwUs0q6z/URiqaLjSCeMxIklS4jyzRdbCF0Wvj\npKIZVJOCr8OD1WWe83VGUhFA5wufjXLw9Td52ODgdZuLa1kbeSRccpZHrCHWqinIwb9xD3I5beVm\n1kKTmma7KYakw3xrjpE8n/f08n7SyXDOSIuaYpc5hpyDuS5VVRmtSp3f3WYhv8bZaHVBPReyyYhq\nNKCl0uSzGpKqYGvw4e7qmPf9L6fPaIrlFtNyi2c+VluSY7EsNplwN7gdMfnWePCtubXJeSU/Fun2\nfRFsV7P8oXW2L/zi770cv5iWxyTTsm8H2VQK/8VrRHoHS8q0LTVuZKOR1EQYSQJLjYf67Ztu+3tb\nGZ/Vved2xrSk/dqDBw/y6quv8vDDD3Ps2DH2799f8vyNGzf4+te/zle/+lVyuRynTp3iIx/5CEaj\ncc7rlgPW0WFqL54uO15z4QzW0WES9SvblqtamYVqVGneUt5xXY0SsXz8GBe+78As53nSMcGTVJ+s\nt9GUYKMpUfX5asgS7FthDX4zcTTWE3LcILNEUVyN5of3YXLYkVWVbDxBMjiByePC5Kg+plywulmN\nSY6FspRkwp1mucQ0tWZ/rCOLntHpDbRzi7OwbyvL8YvpXDFJqpG67Vswu93EhsfQczlMbife9Z3I\nqoKey4NEsbH7dr63lfZZ3Stud0xLEsxPPfUUb731Fs888wxGo5GvfOUrALz44ovs3buXXbt20dDQ\nwKc+9SlkWebxxx9n+/btbNmypeJ1ywlXzzUMqfKaWUM6havn2ooXzLeDqYX3238awfSD45w5akOU\nys6NpMjUbdvI2LnLVUWzajGjJSvXa1dD13LFOmWDzYrBZr3lWAWrj9Wc5BDMz+wEx5nvi/HLtwtn\nWzPOtuay49Iix5oLlj9LkjlT9kKz+f3f//3if//Zn/3Zgq9bToTb15E1m8tEc9ZsJtwu7LlmiuXk\nc0e5HGy/1yGtGOwNPkxeD7GRMTKRwijsbLQwMMbkclKzdQPjl7tJBatn6GeTCkWEv7JgXlZikkPK\n5Wj5+U9w9t8kZzDg3/YAwa0779rrrxZGU3FKxLJIcAgES0L8s5lFor6RwJadNJ58u+R4YMtOkV2e\n5AufjWEbCwuxPA9aJkPwwhWS44UxtNYaD5bGOrKxBEa7jdZHHyQZGEeSJCy1XrLxBLl0abe5arWg\nmI2kxyt7f0qrsQ1dcNtZcUkOXWfzt1/Ed3G69tp34Qw3PvxxBh954u7Hs8LpOpTi0WyYwM/8QLlj\nkkAgmB8hmCtw5VO/Q7K2HveNqwBEujbQ88iH73FUgpXG2MlzJPzTdnqRRJJI/1DxsflmHw17dqBa\nCn6qwcvdJbZzAFoiiZ6vXoMVvHiNxFiA+t3bUU3CuUCwOqi5dJaaS2dLjinZDE3vvMHQgUPo6iJH\nwwsEAsEtIgTzJHImjZJOk7U7QJbpe/yj9D3+UWCyw3kZNG3ca6a29lbb5KY7QTIYIhGY21YpNREm\nePka7s52AheukvRX9qqeM4us6yT94wTOX6bhge23ErJAsGxw9PcgV3DksAZGMYfGSdbW34OoVib6\nlJfQAhxOBAJBde57wSxpWdb94O/xXr2ImkoQr2+i97GPML55x70ObVkxmoqjoxW29jIhTv7J1Xsd\n0rImG4st6A9UcjxMcvz0nJP9jC4nqtlMajxU9ZzUeAhd1295KqNAsBxIeisP5Ui7PGQcrqrXqfEY\naixGylOzqodRLYSZa/Zft/gJfPk1ekUZnUCwZO57wdz1w3+g6b03i49dfTfZ8P3/yamGFtJe0UwF\npR3W94NYTgYniPYPkc/lMHvcuNpbitZAC8Va74MF7Exo8Xks9iZfN5fPIZtNoOvk0+WrKZ7hAAAg\nAElEQVTTMXVdLwh0IZgFq4Cx3ftpevcNXH03isd0wL9tFzlT+UhoJZVk/T/+DzzXLqGmksSaWul9\n7KP3bZOgEMt3B13XiY8GSAbGkVUFV3srqnlhE3IFK4/7WjBLuRyeq5fKjpsiYZre+Tk3P/qr9yCq\n5ckXPhvj4PFjnDy6uhtGwn0DBM5fLU5wig2OkAyO07Bnx6Kyt+lI9JbLeBSLGSSJxPDYvOeave5F\ni3qBYLmiKwrnf/vfsva1l3EM9pEzGBnfuIW+Qx+peP66H3yH+jPvFx87B3pZ97+/Q7SljYx7CaOM\nVwFdh1L8dWuAk1+4CrTf63BWHbquM3b6AtEZfSnR/kF8O7ZiqxPJttXI/S2Y8znUWa4EUyhVjgtW\nL7quE77RVzbuND48RnxkDHvjwusm/ecu33I8tgYfkZv9Czq3kg+oQLCSyTpdXP3Ub897npxJ4+6+\nUnbcHAnT9O4b9Hz46TsR3spA1C3fFvK5HOGb/WRicVSjEWdHG+lQpEQsA2jJNBPXbgjBvEq5rwVz\n3mAk2tRCzbXSLLMuSUx0bbhHUQnuFVoqTSZWeahIaiK0KME82x5uKeRSC79HJhrDVld7y68pEKw0\nZE1DyZaXKQHI2exdjmZ5oCOa1G8XeU1j6O1TJT0k0eERzO7KtfSZcIRcJotiFE4uq437fg+391/9\nMoma6QaTvKwwsvtBglvuz9q32YykwoDOHnee0M/89zqcO4piMFS1ZlMq1E3OhaQotxSL0eXAsoiB\nJEa7GIUtuD/RrDaizW1lx3OqSnDj1nsQ0b1l5ghs7a0P7nU4K4ZMPM7Y6QsMvPEuw++dJjY8CsDE\n9d6yhmstniQVjlS8j2xQxZS/Vcp9nWEGiKzt4tS/e4Gmt3+Omkww0bWBifVbRPMUBbHcdSjFX+zO\nkHzu6KpvGpFVBVtDHeFZZRBGpx1Xe8ui7uVobiR8o3dJcagWC74tGzB73YSu3Zx3XLal1otVbAEK\n7mN6nvg4pvAEtkCh3l8zGBje9zDhzvtrp3DmJFbTD45zZpX3nNwutHSakXdPk4lO7zAm/EEkPU8m\nEqt4jZ7XUS0mtGTpTqDFV4t8iwkTwfLkvhfMUMhQTHkuCwqMpCLTHdbP3T8d1t4NXUiKQsIfJK/l\nMLuceDd2LmoB1DIZJACDClltvtNLMNd6aH7wgWIDX/PD+xh6832yM9w0VKsFSZGRAJPHTc3mdcJO\nTnBfE1nbxannvkjze28iJ+IEN20j2rr2Xod1VynsBsK3/zRC8rmjYhLrIghf7ysRywC6liPUM4DB\nZq14jZ7N4tu1ldD1XjLhCLJBxeKrxbdt490IWXAPEIJZUJWPdWhoxz+4L8RyIhBk/OpNMuEosqpg\n9dXg27ZpUVtreU1Dz+uMvHt6Ts/kapjczoIbxwy3C4PZzJp/9SFSE2FS4yFMbieWGs+i7y0QrHZy\nJjNDhz6Mdh8OmbrfdgNvN9kqu3jZRArvpnVE+4fLJq7msxqp8RAtB/eSy2SRFFlkllc5QjAL7nu0\ndJqxDy4USx/y2SyRvkF0oH7nlnmvj/QPMX6lGy2VAXTIL64zXTIYcLQ2UrO+E8VoIK9poBdq4aYw\ne1yYPdUHNggE9yP2vh6a3n0DQyJKoq6Rocc+grbIfoOVTJnf8n20G3g7MVgr/84YrGYsHjcGu41M\nJFr2fHw0QO3m9aLB7z5BCOblgq4j5TR0Rb3n9dNTdXD3ywjscM9AxTrh6MAw+WwW55qWqg4UgQtX\nCF1fWq3yFHo2Sz6dYez8ZVL+ILmshqzImL1unO2tZCIxDBYz9uYGUXohEEzivXyeDUf/DlNssvnq\nwhk8169w5vc+X3G4yWplSiwXBkq13+twViSujjXER/xkotP1ypKq4l7bSmxkjEyi8iRWLZEUE1bv\nI4RgvktIWhbfuVPkFYXgll3oM7ZuGk+8TuP7b2EOBUm5axje9yGG9z98T+KcOdXv4PFj90XTSL5a\nnXE+T3x4jKR/nLqdm7E3NZQ8nZyI3LJYniI2NFrimZrP50mMBkiMBorHQjd6qd+9DaN99f9MBIL5\naH7jp9NieRJn301afvETen/pY/coKsFKRDUZady/i4lrN8nG4shGA87WZvJalrEzFyBXucxHz+XI\nxOKYHMKl6H5ACOaFous0vP8mNZfOI2tZIms66Hv0SXS18BEaQ+M0nHwbgNHdD5L2TE+X8l48Q+c/\n/SM2f8GmJtrQTPfTv064cwO+0+/R9aPvFX1EjbEY1rFhshYbge277+pbvB/FMhRcJuZytMhrGuGe\ngRLBrOs6IydP374gFjBgIB2KELx0jca9wvJQILAEK9tcWgLlkzGlXI6G997APjhA1m5n8KFDZJ0r\nv8RJ+C3fPgxWC3U7Nhcf67rO4BvvolcRywDIspiweh8hBPMCaf/xy7S9/mPkycL/misXsA/0ceF3\nPkfDe2/R8eMfYIwVapzaXn+NwKZtXPvV30RXFLpe+R7W4PQi7hgZpOuV73Lyj/9P6k+/V2a6r2Yy\n1J1+964K5pkd1vebHZGtvhZHa1PZ1KaZZJOlW3Kx4TFyibnt3gAUkwl7awNGm41sIkF8OEA2Vtmm\naCGkJsJiC1AgALIOJ4wHyo5n7M6Sx5KWZdu3/gveGQOq6s68z6Xf+AzRto47HuedosRv+fgHwP2z\nZt8V8jrZKqUYU1hqPRiruGgIVh9CMC8AJZWi4dQ7RbE8Re3FM+z8+l/hGOxDmfGcmk7RcPo93Nev\nkqirLxHLU9iH+vFcu4SaSpQ9B2BIVj5+J7jf7YgkSaJu5xZsjXWMX75esblDNZfWRKaC4wu6dz6n\n4WxuwuRyoKoy2qY841euM371+pJKxCVZCGWBAGBk937sg30oM0bZJ721DB58rOS85reOl4hlAGvQ\nT9uxH3Ph039wN0K97dyvu4F3FVlCtZjJpStPkbT4vNRt21zxOcHqRAjmBWAZHcIcLhdIEuDu76l6\nnTkaxhQNz3nveH0z7pvd5ccbmhcb5pKY8ltejXZEuq4TGxkjGZxAMRpxr21FViv/ykuShL2hDpPL\nydCJk2RnjMiWVAXXmtLBJbJhYV3RupYjGRzH5HJMX2syLrmf0lLjFdllgQAYfvBRdFmm/vT7GGJR\n4nUNDP2rj5L2lA7xsQ8NVLzePjJ422Kxjg5Rf+od0HXGdu4l3tR62+49GzGc5O4gSRKutmbGItES\n5yPVaqFhz/aqo7EFqxchmBdA0ldP2mrDlIjPf/IsqkmbWFMrE+s2EW9oxtl/A8fg9HS5SHMbvY99\nZInRLp6PdWiYfnB8WWWWI32DxIbHyOc0zC4nnvUdKAsUqVAQy0PvnSU6MFI8Fu0fpH73tjkXOoPF\nTOO+nUx0TzV/GHG2NmFvrC85z9neSqRvkFwqXeVO06QmQkxc16npXANIJY188yJLkNeRlII3dO3W\n+2tymUAwFyP7HmZk33SDtKoqMMuHWbNYKl6btZQLTWNogrX/8jKOgT5yRiPBDVsLQ63mqFNteus4\na197ubgr2PTOz+l9/CkGHv3wEt7RwvjCZ2PYxsKcFGL5juLtWgOKQmxohFxGw+S041m3FoO18u+U\nYHUjBPMCyFlthLo2Un/25G25X7Sxhe6PHwZZJuNyc/rfPk/TW8cxTwRJeWsZPHCIvNF0W15rJTJ+\n9QbjV64XG+FSgQlSoQjNDz2w4AaL0M2+ErEMkI0lGL9ynab9c9eGG+026ndunfMcg9lE/a6tDL93\nGn2eQQmxwVFig6NE+4fwbdtEOhypeJ5sNmLz1ZIMTgA6Zo8b78ZOtEQa1WoWtXICwRIY2ncQ39mT\nmGLTpVY6ENi6o+Q8SdPY8tJ/xTUw3QDs7LuJIRnn+sd/veK9lXSK1p+/VlJCZ0ilaP3FTxjZcwDN\ntnLcE/R8nuDl66TGJwCw1Hjwbuhctk1teS1HXtNQTMaKu27ZWIKJm73kUmlUixl3x5olCV1naxPO\n1qbbEbJghSME8wK5fPjTuK9fxRQvr29dDIN7D9I92Qw4Rc5kpv8uZpSnGE3FWW5+y3o+T7R/uMw1\nIhWcIDowjLNt/lKVdCjC+OXyMpep525X05zVV4NqNpeUb8xFJhIjcOlq1ax0PqvhbGumftfWkhiN\nNpFFEgiWinOwn/zkeqsDmsnM4EOP0vfYR0vOazj5VolYhsIOoe/8aW4++SsVkxg1F89imSgv1zNF\nI9SdPcnwvg/hO/0uSjiEf9tu0t7Kfu4L5U6u2aMnzxEbHi0+To2HyCaSNDyw/ba/1q2g5/P4z10m\nPuonn9UwOmx4utqxNzWQz+XIxuLktRyjH5xHm9G0lxgL0rhvp7DlFCwZIZgXiG40cvMjn6Dzn/4R\nQ7IgkPIUFtQp6ZWTZTI2B6ZomErfyZPuGm58/HCJWIaC5ZHvzHsY4nHGtu8m67rzo4/vVNOIruvE\nR/2kxsOoVjOutuZihkLXdWKDI2SiMYwOe8VBHFo6Q7ZKw2Nm0l1C13VC3T3ER8bIaxpGlwPv+s7i\nQjjRfbNq1jeX1dBSafLZLEabreLoaz2fJxWKoJpN82YkDNaFC2aAbCKJbDKSr9RIksszfvU6zQ/t\nEXXKAsFtwDoySMePvosxUVhTJMCQTmEOhzCGQ6w5/irW0RGyNiu6XvnfnDESwhiLkvKWC+aU20Ne\nVpDzpeuNLkmQz7Hrb76Cc6hQbrfm2KsMHHiM3g9/fEnvZeZUv0czId79o/Pksxqq1XLL60UqFCY2\nVm7TFx/1k45EMTkdFa66s+Q1jUjfIHkth6OlsbgWBy5cJdI7XZeeDkXwn71MciJMfGQMLZ4slNDM\natLPxuKErveWWMcJBItBCOZFMLLvIJHWNTSePIGk5Qiu34wxEcPTfRldVvBv3cn4pu24blzD2dtN\n/ZmTxcaSRI2Pm08+XTKBSs5msA0NsOF7L2EfHQag85XvEm9o4sJv/1tStXV35n3cKbGczzNy8izx\n4WlXkGjvIA17d6AYDQy/d5qkfzobE+4doHHfzpLaZNVoRLVY0OLlotlgL2xvjl/uZuLazeLxTDRO\nJhyj5eF9yKpaMq2pjHyevp+9iZ7LodqsuNpbca9tJR2OopiMJIMhQt03yETjSIqCpdZL3a4tqEZj\n6XvVdcI3+8guwFpuJqrBiKXWQ/hmf8Xn0+Eo+VwOedaXKoFAsHgaTr5dFMszcV+/wrZv/g2OGY1/\nmmpAp7zvJOGrJ10liRFp7yLc3oXnxpXS461rqbl8viiWoeB81Przf2F845ZF29lNieUvfDbKQ4FR\nXvnQyyQD4+S1LCaXE8/6TuwNvkXdcyapUARy+bLjupYjPRG+64I5PhbAf+5SQfxSGNrkWbcWd8ca\n4mPlPSC5TIbwzCFS+fL3ApCt8HdFIFgoSxLM2WyWF154gaGhIRRF4S//8i9pbZ3uCj5//jx/9Vd/\nVXzc3d3N17/+dd58801++MMfUl9faKB6+umnOXz48C2+hbtLorGF6x8rjXl0z4GSx+HO9YQ71zPw\n6JPUnjuFnM3i37GH/KTocndfou1nr2IfHkTJpFG0bPFaGR3HyCCbv/0ip5774pzNJrfCFz4bm1cs\n67qOns8jyfKCMhihnv4SsQyQDkcIXu5GNZlKxDIUyiyGTpyk5eH9xftLioyzpbHMds3sdeNsaSyU\nbAyNMptMNEa4px9P11pk49zNgVNG9Fo8QfDiVULXewplElPvcbIcRM/lSIz68Z+9ROOe0nrHiWs3\nK5Z9yKpKXqsyORCw1tVSs3kd6UiUVDBU8XqRXRYIbg9SrvK/RTWZwBwp/fenalkyFivGGTtcmsHI\n0P6Hy3YFp19A4tKvf5p1L/8vXL2FvovImg5u/NLH2fn//efy181m8J37YNGCWSfHFz4b49FMiB/9\n8svEZ5ROFDKsFzG7H0Q1L633xVrjRVJV9Flrl6yqWGq9Va66M+i6zvjl7qJYBshnskxcu4mt3jdv\nz8hcKCbj/CcJBFVYkmB+5ZVXcDqdHDlyhDfeeIMjR47wta99rfj81q1beemllwCIRCL84R/+ITt3\n7uTNN9/kd37nd3j22WdvT/TLHF1R8O/cW3LMEA6x8ehLmENz+/g6hgfwnfsA/44H7mSIFdF1neDF\na8SGRtCyWcxOB+6OtrLR0LNJjZcLQCgs6Jq58kKVDkUI3+zD3bGmeMy7oRPFbCI+PEZey2FyO/Cs\n70CSZXLpTNUaYG3yuKO5kdR4eEHT89D16ftVOT8ZnCCvaUVLuqnSkko4WhvJZ3Oko1HI6eS0LLlM\nBsVoxNFUR82mLiRJon7nVgbeeLfM49Pqq1m2TTYCwUpjfNN2mt7+Bcos4axZrajh8rKovMFA92Of\nxNl3k7zRyNj2vYxvmrsBOOPxcuHTf4CSTkFeJ2exIGfS6GplkV1VfC+AbDRDIlD+tyOXShPuHaBm\nQ+eS7mt02LA31RPtK7Xaszc3YLjLzcaZSJR0qLwxOp/JEhsaxeRykBib351oNrLRUGYPKhAshiUJ\n5hMnTvCJT3wCgAMHDvDFL36x6rnf+MY3+PSnP418n4oANR6j/Sc/wj7YR95oREeaVyxDYVvQGJ64\nQ1FVF5K6rjP41nsl2c/UeIjRSAzFbMbidVe9tloZgaQoc5YYxEcDuDvWkI7GiA+NIhtUnG0tFRc3\n2WjAYLeSCZc3X5qchQlfrvZW9FyO0PU+tNTiSiYqkc9q5LUckqKQGAuQDkXIVJkApetQv3vrjMc6\nWiqNYlAxmo1oWmGr0GCz4tu+mVB3D+lIFNmgYq2rxbdt4y3HKxDM5n7dFZxYt4nBg4/R+M4vMKQL\na0G0qZVwazst7/yi7Py0u2ZeO7ia86dpPnEc83iAjNPFyJ6DjOw9UFJulzeaCK3tov7sqZJrM1Y7\nw7N2JBeDlsqiVyidAG4p8wpQt2MzRoeNZGAckLD4vLjXtt3SPZeCpKoVa5ABZFXBs6GTbDxRUl5h\ndDnJVHAfUsxGZIMBg8WCa23rXc+WC1YXSxLMgUAAr7fwiydPbtdnMhmMs+o8U6kUb7zxBp///OeL\nx1599VV++tOfYjQa+dKXvlSyaK82pFyOrX/3X3H3TG/dV17qysmYzQS27lzS6zp7uqn/4F0kLUu4\nYz2ju/aDLJc0jexx5wn9zM/scaqRnoGKpQK6phHtHyQbixMfDYCuY/a6cXeuKZYQ2FsaiA2Pli3c\ntvpaVLOpqv+wruUIXrpG6GZ/cUsw3NNP3Y4tWGpKawclScK1tpXA+asl24cWXw2O1sbiY3dnO7Ub\nOhjvGShkqnM5csn03PXN1cjnGTt9ES2VqjgFcCZGR+nnKUkSBou54rn2xjpsDT5ymQyyqoq6ZcEd\n437eFbzxy7/GyAMPUnPxLBmHi7Hd+1HSKVy9N3GMTDePaQYjw/s/NOe9XN1X2PC9lzBOevJbxwPY\nh/rJGVT8O/eVnHvtV55ByWRwX7+Kms0Qr2ug79EPL7o3ZWoS6x53HvXYFUwuR/lunixja1x6DTMU\n1ipPZzuezvZbus9i0XWd+IgfPZPGUl+H0WbFUuMh6Q+WnKfaLDjbmpFVldZHHiTU008uk8FS48Va\nV8PYB+eJDY0WdwrNHhcNe3agVll/BYLFMq9gPnr0KEePHi05dubMmZLHepWt7J/85CccOnSomF1+\n9NFHefDBB9m7dy8/+tGP+PKXv8x/+2//be4AFXm6tvQeolbZXpuLupMnSsQygAwVG0tmHsspCiMH\nHydXV1/1B1QpHlMwQO3JE7Qcf62YTWl8/wTeG1d5/elPFcXyX7f4CXz+NQbDHcwefJfwVx+qkRoP\nEemd3rKLj4wRHRgqlEpkspgcNtxtLcT9QTLRGKrFhL2pnrot6wCIDQyRHC+ffGiwmgnd6CvWFsOk\nZ/LlbtY8ur/s/JqONsx2G5G+IfKahsnjxNvVXlFwettb8LYXMtXZRJLBd06Tmph7+mIlEhU6yGdj\nqfVS09k2Z0mFqpY/ZzDcWxP8SjHda5ZbTMstnsVyv+8KJhqaScyYnqpZbZz/9B/Q9vqPsY0OkbXa\nGd21j8C2uT3aG99/qyiWp1AzGepPvVsmmDW7g/Of+Xc4xseQx8eJtHehV5k0Wo0psfztP42QfO4o\nl4PteDd2Mnbm4nSNryLjbm/D4r3z7kq3m0wsztgH54trsmzqxr12DXXbNzN29mLBkz6fx+R24t3Y\nVSyLkw0q3nVrS+7V8MB2Em1BUsEJVKsFXZKIDY1ib25Ycm23QDCTef/1Hj58uGwL7oUXXsDv97Nx\n40ay2Sy6rpdllwGOHTvGM888U3y8ffu0n+Pjjz/OV7/61XkD1KpsP91NVFVBW8J2l2mscp2rjlT8\n/ykkICdJjG7fzej+Rwh3biibWFUtHsvoUKHppOc6sqaV3bf29HvUbN6G+9k6/lNLiJN/chVop1K+\nOz/H551Nlpc3ZCLTGVstkSRljtF84AEkSUIxGZFVlVyu8IWq8aE9DL3zAakZNXjmGg+y0VgilqdI\nToToff1dsqkkqsmEo7UJZ1sz4Z5+EmPBYpbbtXYNeV0ir5XGrqpysQQCQDKaaD64l+jAMFoiSSaZ\nItY/VPX9LgRJkbHW1mB0OfB0tRcazat0aM+OZzkgYpqf5RbPUhC7guWkvTVc+9XfXNQ1hkTlHSrj\nHP78ybpGNO/iHY9GUhG6DqX4i90Zks8dpXdyEqu1toa2Rx4i3NtPPqtha6xbsWOaAxeuliQw8uks\n45e7SQSC2Bvrqd22EXI5jE7Hgpqhrb4aFKOB0dMXimV7E9duYm9pwux1YqnxoorGP8ESWVJJxsGD\nB3n11Vd5+OGHOXbsGPv3l2cBoVAXt3HjdE3ml7/8ZT7ykY+wZ88e3n33XdatW7e0qFcI8fqmitnk\nvKoi5XIoeukfYUXXwWAuiOW5yOcxRkJoZit5g4GN3/s2rt4bVU9XNI1DL/2/KN83cHytFdW1AYun\n8gJr9rjKtsKgUDucz2QrXFFKLpUi0jtA7Zby9yArCs0PPUBseIxMOIrRYcXe3Mj41Sqx53WSwYK4\n1uJJUqEI0cGREsGdGAsQ7R9CsZiQFRV7U/2cU5kkWS4OP0lHY8QrlJAsBsVgoHH/riVfLxDcbu73\nXcGl7AYulFR9I1y5UHY8Wd805+suNaaPd+SwjYXpnr0bqBrxbVxag990THdvByGfyxEfDaCajJi9\nbiRJIq9ppEKVG8VTgQlSgQlca1to3DV30+Vshi5eK+lxyWUyhG/0EL4BitmEe00Lvi0L1x7LdXdp\nOca12mNakmB+6qmneOutt3jmmWcwGo185StfAeDFF19k79697NpVEBCRSAS7fXo06OHDh/kP/+E/\noE5aZ335y1++DW9h+TK2cy8NJ0/g7b5cclzVqgtP39n3GF+3iVhLG6kaX9kfnrpT79D65s+wjAyh\n2R1Emlpw9N2scrdpFF2HaIbRsxkM9nO0PvJgcXtrJt51HWQiUeKj/mJvoMFuo37PdobefJ98dn7R\nnApFGHzrfbRkGoPVjLO9FXtjIcMiSRKOpnpoqi+e71rTQvhm3/yCPJ8nFSxvhJzZAJIY9RO6dhMd\nUE0G7M2NuNorZ8RMDjuu9lZCN3ohv7TJWcbJRkOBYLlwP+8KLnU3cKH0PPIErsvnsc/YPcxYrFiH\nB9n+//zfxJrbuPHhp9Ec0+vCQmIyRCN4uq8Qa2wm0TD9hV+fXIRv9w7H3dw1CfcNMnHtZsFbX5Iw\ne93U79w6afE29xerSP8wzvY2TI6FjRjX0mmSVdyaoOAmErx6A9Vuw9E8t+sTLN/dpeUY1/0Q05IE\n81SX9Wx+//d/v+TxiRMnSh5v2LCBv//7v1/KS65MZJnzn/4D2l/7Ic0nXi/xW66GIZNhy99/A12W\nibSu5frHPkW0tR0A+0AP617+h+KkQTU0viDHjdlkYwnCPQN4utrLnpMUmYa9O0n6g6RCEYxOB7b6\nWiRJwtZQR7R/sPyGs5gparPxOKlQGEnZga2upuL5isGwcCu1BVjFZSYn72VjkBwPo+t61W7v2s3r\nsfpqiI/4kWQJg9NOMjBBYmSMfLa6nzIUsu6+XWJqlGD5I3YFbw/m8WDBPm4GhmQCY7IPAOdgH97L\n54g1t5GxORje9yGSnXN/Zmv/+fs0vH8CUyyCZjQxvmELr//Kr4OhULqnvfUBs5uzVwrZRJLgxavT\nyRBdJxWcYPDE+zQf2IPF6y7z7p+JruVI+scXLJglSUKSJfS5vp/oOolR/4IEs0AwEzHp7w6TN5oY\n2XuAtl/8ZMHXSLqOlMvh7ulm/T/+D079uxfQFYWG908UxfJMcoqCUqEGeM645sgUS5KEta4Wa11t\nyfG6HZtQLSaS/iDpSLSqvVH5axUcNqoJ5sjAUFVv5QrBLcxfeQpdJzYwPKc9ktVXg9U3HZurtZno\nwDCjp85VDsGgYquvo2ZTJwaTaCYRLH/EruDtoe31H2MJl2YwZ+dIzZEw5khh7ai5dI5rz3yGwLrK\nX6x9H7xL68//BXmy70HNpKk7d4rtNguPHn2MRzMhTi5wEquu60xcvUl8zI+kyFi8Hjzr1i7JfSc6\nPEpi2A/oWOtqsDc3LmmgUqRvqOLOoZZI0v/zt7H4ajA4bGSj5X/XAJAlTK7yXbxsIknoeg/ZRBLV\nbMa1tg2T045iNGL2ekiMzt2kXa0kSSCYCyGY7wJpt5eUy4N5lq9ypfrm2TiG+qk9dwr/zr0omSoD\nO0wWSCVQqjSblSFLWKqI17mQZJmajV2wsYvBEycr1jpXY/aAjoU+NxPVYka1WUtqmBeCls6QCAQJ\n3+xHS6ZQLWbca9vm9OS0NviY7M0sw9HcSN32TYuKQSC4l4hdwduDtUojdzVM8ShNv/hpVcFcc/lc\nUSzPZEvsOgePs2CxnNdy9P/8BNnYtDdxKjBBOhylcd/ORYnd4KVrTHT3FBMT0YFh0qEItVuX4BGv\nV/+blM9kiU8OgDLYrEiyXGb7afXVYqkp9f7PxOMMv3OabGxaZCfGAjTs3YHZ7UVONkkAAB1cSURB\nVMK3bSNjuVzBYaOKMJ6ZIBEIFsryq9BeheRMZsZ27CnTXpGWNSSd1QeBTKFOZpXDayo3eYQ71hW8\nlheIs6UJi9dDdGCI0dPn8Z+9VLHuKzURZuzMRYbfP8P41RvkZ2SxZ2ef58Ngsxb8Nkf9jF+9QXJG\nZ7S9sR65QlOMarPg6VqLrake19o2mh/as+jXBQpd0yfPER8eIx2KEB8eY+Tk2cKCWu0aVcVor7wN\nONfwFoFAsHrJ2hyLvsYcrF5yIFVJdNoiUc4sUCwD+M9dLBHLUyRG/VX97yuhpdOE+wbLhGakf6hk\nUMhCcbQ0VeyVmU02nkA2qLg712ByuzC5nbg62mjYs73s3FB3b4lYBtCSKULXewEwWC00H9hDy4f2\nUb97G+ZaTzEzJakKrvYWHHM0hgsE1RAZ5rvEjac+SdrhoubKeeRshmjzGno+/HGso8O0vvFTLIEx\nLMEx1ExptjXlcuPfURivPbL3IN7uy9Se+wB58pt7rL6Jnic+RtrtxRwO4e6+VPR6BpANMjafkUzC\nWBh/2liPrd6H/8xFIjPGoIb7h6jdvK5YuhAbGmXs7MXidlp8aJRI7wD1D2zD4vXg7mgjeOnqgprl\nVJsF55oW+l8/MW1Dd7kbg9NO6yMPYnTYcHWsYeJ6D0yWeShGI971XThnDCMByGcWlo0uIstIilyW\nxc6lM4R7BsoGo0yRjsbQ0uUZfaPLiV3UvgkE9yWju/bi6O8pGbU9305h1jH9BVvK5ej453/Ec+0S\ncjZL1mJFR0KalU7RpYV7Kuu6TsJffdctHY5ga1jYUJOEf5x8hR2/fFYjPurH3bGm/P6RKJlYApuv\nBtlQKimMDhueDR0EL3cX1/ZqpCbC1O3cUtFhaSbZRGXhPlvQmz0uzB4X9uYGkoEgmUgMS13tguuh\nBYLZCMF8t5AkBh/5JQYf+aWSw9H2Ti62FzLHvtPv0fmj72GOFLK9aZud3sefQrNOZhpkmYu/+XvU\nXTmP7cY1snYHQw8+Qt5YqKM9+3vPsf7o39F48kRxAdezebIxjbqdO4penanxEJGB4dL4cjkCF66g\nJVPUbFpH6EZvWe2Zlkwx+Ob7uDvWULul0Cy3kOyFbDAwfvV6iWczQDYSo//426x5/AA1G7uw1dcS\nGxotWr8ZbNbiuXouz8jJM4Upg4vAvba16qCS3Bxjs8M9/RVr7yRFWlItn0AgWPkMP/goUl6n/oN3\nMMSiJGvrCbeswRYcQ43HcA72YUhOC7ecwcjo3ulR2Ou+/z9peu/NknsmrTbknIYpnUaSwVxTQ83m\nxTZXVk9cpEJhooPD2Jsa5l27jA47KHJFcauYSyfm5bJZRk+dIxEYh1we1WLC1d6KZ11HyXmeznZs\njXUM/PzduRMeEguyI1Sq9I0oVYaTSJKE1VeL1bf43UmBYCZCMC8j/Dv3MtG5gcaTJyCfZ3T3fjLu\nWXW2ksT41p2MbdxWfgNJwjY2UpbtSEc0In2DRcGc8AcrD9fI64S6e0CCTLXtN10ndLMPs9dF3a6t\nDPz8HbREcs73lQlFyFRxwcjGYiT8Qay+GsweN2ZP5XKH4NXrxEfmn7Y3E1uDj5pN6xg9fQEqlJyo\n1uoT9qrVVefT8zudCASC1cvQgUMMHThU8TnbQB9tr7+G1T9C1u5gdNd+gvsPgpZDTcSpvXi27BpL\nIo7t/3iErtF+/N01WH3VeysqIUkSZk91t4nEaIDEaIDY0CgNe3bMKZrNLkdhLPVYeX9KbHC4YAk6\nSeD8lZKEiZYsWLaZ3K6yGmGj1Urjvp2MX75GaiJScVCVxevBOCNJUg1XeytJf7BkjZZVFVdby7zX\nCgS3ghDMywzN4aT/0JMLO1nXUTJpcgYjTApSqcokqtyMbGm1b+JTJEYCqEYjmWrNePk8I++dwexx\nUbt1A7qWI3Dx6jxOF9UzINGB4YpNGLquM365m/iYn0x0EfVzskzdjs142pvJ5XTcHW2kghNoMyYV\nqhYz7o7qzhlGm5VKfduGBSzoAoHg/iTe0sal3/q9kmNTf2SNkXD1iYCaTteHm4iHF163nM9qRCYn\nlXrWrUVLJEmHq08cjA+PEekdqOpLP4XF664omJOBcXLpDIrJiK7rlXtAcnliQ6MV13OL103zgb3k\nMhmiQ2OErt8sjvc2eVw07FhYI7XF66Z+9zZCN/vQ4klUixnnmpYFl50IBEtFCOYVSt3JEzSf+DmW\n4BgZh5OxHXt598BBwnX1OIPlmViTc7pZxdnaRKSnv+rimstmcLa1lHUszyY1ESZw7hK2hrp5beEU\no7HqOXmtst9x4MIVwjf65rxvJcweF87WpslMio7Z7aJx305Cky4ZBosJV8eaks9kNq7ONSTGgqTD\nken3YDLi7iyv4RMIBIL5SPrqidU1Yh8rLYfTVBXjQ2sgM/8AqimigyMEL14tJgFUi5maTevQ83m0\nVLpiSR0U1mxXeysTN/oI9w2hpdMY7TZca9vIxpMkA0HSVSze8lmNvKZNDhyhqgOFPkdyBAp/C9zt\nLThbG4kPj6EYjVh8XgwGZcFDJmZbgQoEdwMhmFcgzmuXCgNMUoVv58ZEHOu//JAJWWfHkf2kP9NN\nfHQ6m6qYjEQHR0iM+rHW+/CsW0v9A9sZef8smUi5aDY5HXg3dCIrCuPdN9HnGOChJdNE+obmjdm7\noQv/mfKRskBFn818Lkd8eHElGFM4msqb8kwuJ/U7tyz4HqrRSONDuwl195CNJ1CMBlztrRVjFQgE\ngvnQFYXBA4fo+OfvY5gcflKYSCrDl3/MsawLz7q189YZ53M5gpevleyYackUwSvXaTv0ELKiEBsc\nJlOpB0NVCPcM4D9/qdiwrcWTk2V6cwtdk9tZLGOTJif2xQZn2exJYKtfWKZXVhQcLY3znygQLBOE\nYF6B1L//dlEsTyHrOk9ET/NYsI2TO/ZjvNmHlir4D+eSKXLpDFkKGYZcJoNqNiMpMpKilNSTqRYz\n7q52JEnCtbaV6MgomYkIc1GpHm024Ru9Za8FYKmrwdPZXnZ+PquRm6NBRDEasTXVARKxoRHymSyK\n2YSjuQFn++2pZVONRmo3r78t9xIIBILhhx4lUd+E88TPaLt8EUMmDfEME+f8gB89ny943c9BbGi0\nWMowEy2eIDY8hrOlEWudj8ysTLFiNOBqa8F//nK5OJ5HLKsWE571nSVivnbzerRkmtR4oTRDNqg4\n21qwN9Sh6zqxoVESYwGQJOyNdWVCemp4iGiiFqwUhGBegSipyk12ub4gZ45uQjVDzaZ1hHsHKo6y\njvQNomulwlU2qDham3F3tGGYzCJMdPfMK5YXhCSVlXeoFgvejZ04WipPkFJMRgx2K5kKZSPurrW4\nO9pQJ2uxves7yETjGJ121KntQoFAIFiGhDvWYbh8uiCWZxEfHsO7oXNOESnNMblPnuxlqdm8Dl3P\nEx/xk8tkMNrteLrWYHI5FjwoCsBaX4vJ48K1pgV1ljuFajHTfHAP8VE/WjyBraGu2OMRvHCF0Ixy\nuujAEN71HXjXd5KJxQleukZqIowkS1hqvNRu3YCqiqmpguWNEMwrkHhTC7XnPyg77morbRjJVshC\nAGViGQoZXdViKoploGK5xmJRzKaKtctaJo3Z4yr7w6DrOuNXb5AYCxQW9lmjsG0NddRs6iq5TjWb\niuJZIBAIljumeOX+EC2TKax3cwhme4OPCaejbH02uhzYGuuAQtbWt3UjtZvXk89qyEZDcc002m1l\ngz8qIakKtZvXF6zmqp0jSdgb6kqOZeKJ8jK9vE64ZwDHmhZGT50jHZpOxEQTQ+SzGq0Hds8bk0Bw\nLxGT/lYgg489yURnqbm7fbOPjb9SWopg9iyu3jabKPUllgxVvk9VsYibvhBqt2+icd8unNU6snP5\nipmOwLnLTFy5TnoiXBDauo5sNGJvbqR220Ya9mwXW3gCgWBFE2qoPGnOaLchzbO+SrKMb/smTJM2\noVBwmfBt21S2NkqyjGIylhx3d7WjWks9laUKk1Ztdb45xXI1EiNjFRu5c6k0E1dvlIjl4jX+IJkF\niHiB4F4iMswrkLzRxNnP/jG2E8dwjg1h3WHluT/qJPyfjwPTdWK2hjpsDb5S/2JZruzBTHnm2dnS\nRGLYX7b4md1OUhV8jadvBDZfDQabFaPDRvh6D/lZjYNGhw2zx1VyLJfNEhseLX+/mQzWuhqcYpyp\nQCBY4Yykwki79/LRxGkCP5t2xlCMxoqT9Cph8bppeXhfcShTpd26ua6t37EJ//lr5LJZVIuZ2m0b\niPWPkByfQJIkLDUeajYtdnhKAYO9sjWepChVY9RzObKJFCZzdW98geBeIwTzCmVES6Pv3UfXoRT/\nV4ufk39yFWgvOUeSJBr27GDiei/piTCSomCucRM4e6niPRVzaf2v1VeDb9smwj19ZOIJVLMJR1MD\njtYmht45VTa5b4qZ3dQGmxX32sLY66mGP9lkwLOuoyyTok02J1ai2jhUgUAgWAmMpuLoaHQdSvEX\nuzPEexTObl5POhwt9JC0NCLJMrlsFsVgmPd+kiRh8VYe9DQXyfEJRk9fKrps5FJp/Kcv0rR/Nz7L\nxkXfbzbWulrMNR5Ss3yaLT4vzjUtRPqG0GclYVSbBUuNe77eQ4HgniIE8wpFR+MLn43yaCY0KZYr\nI8ky3nVrp6/L5wlf7yVbYZLfVAmHlskUt85kVcHe2lTwNZblYoag6aE9hG/0Eh0aKenYVsymMmsk\n78ZOrA2zxl5XmLJnsFlRbZbyDnCJ4pRCgUAgWIno5Og6lOKvW/wEnnuN/lAHnklDjPGrNxg9dQ4t\nkUQ2GbE31lUssbgdhK73lljSAWQiMSau9+LbuqHKVQtnKlETvHCF5EQYSQJzjQfflg2TE/maCd3s\nLc6yklQVd8caZEUhv0AfZoHgXiAE8wpmjxsCz73G7MzyXEiyjLO9heCl7pLSDFuDD1t9HXo+z8i7\np0tKLhJjQfLpDN4NncVjqslIzaZ11GxaR8IfJOkPgCTjXNNSUQyb3a55Ra+sKLjWtBC83F1ic2Rr\nqMNaV7vg9ygQCATLkY91aGjHP6A32F48Fh0aYfzq9eKal09niPQMoJhM1MxYc28X2Vjl3bpKSZSl\nopqM1O/eVvG52q0bMNd6SYwGkGQJR0tjWXmeQLAcEYL5PsTT2Y7BaiU2NIKey2NyO/FMei9H+ocq\n1idHBobwdK1FUsobUqy+GpyNvgVPaZoztq61qDYr8aFR9Fwes9eFu2ONaPQTCASrkvjwWEUf5ORY\nAO6AYFbNpopTXO+mJae9wYddjLIWrDCEYF6BDMSmasOWXvBlb6zD3lhXdrxap7KWSKGl0xWzx7cb\nR2M9jsb6O/46AoFAcDcYSUUorNfla7aeq5xoyFdpzr5VHK1NJCdCJU3eitmEa20VRyOBQAAIwbzi\nGEkVuqK//acRTD84zuUZW3u3A6O9so2QwWoRXscCgUCwSAoJDp0vfDbKwePHOHO01EXC7HURHxkr\nu87kXpwt6EJxtDSiKBITNwfIpdOoNhuejjZMrjvzegLBakEI5hXESCpc7LBOPnf0totlAEdrI5H+\nwdIOZ0nCMdn0JxAIBIKFMZVZnkpwzBbLAO6ONaQmIgXRPDmkyex1U7NxabZuC8HZ2oS1seGO3V8g\nWI0IwbzC+IvdWZKfP1rSNHI7kSSJxn07mbh6g1Q4gqyo2BvrcLY135HXEwgEgtXI7N3ASmIZCo3Y\nDXu2k/QHSU2EMdis2JsbRN+GQLDMEIJZUIZiMFC75dbthQQCgeB+pGQ38PNHuRxon/N8SZKw1tUK\nNyCBYBkjBPMKYTQlxoYKBALBcmckFSnxWx4MdwDCX1ggWOmIotQVwEgqUhxUYhsLMRjquNchCQQC\ngaAiOn/xgIb21gd3rHROIBDcfZYsmN99910eeughjh07VvH5l19+mV/7tV/j8OHDHD16FIBsNsvz\nzz/PM888w7PPPkt/f/9SX/6+YappZKrDeq6pfgKBQCAQCASC28+SBHNfXx/f/OY32b17d8XnE4kE\nX//61/nWt77FSy+9xH//7/+dUCjEK6+8gtPp5Dvf+Q6f+9znOHLkyC0Fv9qZLZarNY0IBAKB4N5T\nWLMBXZRgCASrjSUJZp/Px9/8zd/gcDgqPn/mzBm2bduGw+HAbDaze/duTp06xYkTJ3jiiScAOHDg\nAKdOnVp65KucmXZEQiwLBIJbRewK3llmJjjmcsUQCAQrkyU1/Vksc097CwQCeL3e4mOv14vf7y85\nLssykiSRyWQwGquP5FQVGZaBvY6qKnfttQZi40DBjij5+aN0hzpQZ/2kVHX5lZ+LmOZnucUDIqaF\nsNziWSwL3RX87ne/i8Fg4FOf+hRPPPEEx44dw+l0cuTIEd544w2OHDnC1772tbsc/fJH7AYKBKuf\neQXz0aNHi9mGKf74j/+Yhx9+eMEvouuVRzhXOz4TrcrY0LuJqipoM8aI3klGU3G6DqWLw0kKTSOl\nn4Gqymjavf9cZiJimp/lFg+ImBbCcotnKUztCv77f//vKz4/c1cQKNkV/MQnPgEUdgW/+MUv3rWY\nVxY6334+hun7QiwLBKuVeQXz4cOHOXz48KJuWldXRyAQKD4eGxtj586d1NXV4ff72bhxI9lsFl3X\n58wuCwQCgeDWuZu7ggKBQLAauSM+zDt27OBLX/oSkUgERVE4deoUX/ziF4nFYrz66qs8/PDDHDt2\njP3799+JlxcIBIL7lnu9K3ivy+juZvlcGVLl8p3lWNIjYloYyzEmWJ5xrfaYliSYjx8/zje+8Q1u\n3LjBhQsXeOmll/jbv/1bXnzxRfbu3cuuXbt4/vnn+d3f/V0kSeKP/uiPcDgcPPXUU7z11ls888wz\nGI1GvvKVr8z7Wi/++WNLCXFV4Pzb36b+XgchEAhWFPd6V/C/PP/okuJeFfzWs+z+rXsdhEAguBNI\n+kJSBgKBQCBY8bzwwgs8+eSTPPZYaSIilUrx8Y9/nO9973soisInP/lJvvvd73L8+HHefvtt/uN/\n/I+89tprvPbaa3z1q1+9R9ELBALBvUMIZoFAIFjlzNwV9Hq9+Hy+sl3BV199lW984xtIksSzzz7L\n008/TS6X40tf+hI9PT3FXcHGxsZ7/XYEAoHgriMEs0AgEAgEAoFAMAfLr0JbIBAIBAKBQCBYRgjB\nLBAIBAKBQCAQzIEQzAKBQCAQCAQCwf/f3rmGNPXGcfy7eanIUIdtCmYXMSwhEbIUzVutsIv4wsKR\npCGVpmahlZQyX1hZmVDQixKz6KVkoRUWgUItLUWRTPBCCKblrTJXhHM+/xfTg9au7pxtf/x9Xnl2\nzvPscx5+5+uz7VyMIMh9mP+PaDQaFBQUYGhoCE5OTrhy5QrWrFnDre/s7MTVq1e55b6+Pty+fRsq\nlQp1dXWQyXQ3gEtISLD4lk6L8QGAoKCgBY+6vX//PmZmZky2E9Lp+fPnuHfvHsRiMcLDw3HmzBnU\n1NTg5s2b8PPzA6B7YlhmZqZVLpcvX0ZHRwdEIhEuXLiALVu2cOvevn2L8vJyODk5ISoqCllZWSbb\n8IGx/pubm1FeXg6xWIz169fj0qVLaGlpQW5uLgICAgAAGzduRFFRkc2c4uLi4O3tDScn3X1ry8rK\nIJPJBB0nQ30PDw8jPz+f225gYAB5eXnQaDS8187f9PT04OTJk0hLS0NKSsqCdfaqJUI/jpbT5noB\nSzuvAcpsPpzskdnGnOyZ24AdspsRjDHGampqWHFxMWOMsdevX7Pc3FyD205MTLDDhw8zrVbLbt26\nxR4+fGgXn23bti2qnVBOv3//ZrGxsWxycpLNzMywpKQk1tvbyx49esRKS0t583j37h07fvw4Y4yx\nvr4+dujQoQXr4+Pj2dDQENNqtUyhULDe3l6TbYR2ksvl7MuXL4wxxnJyclhjYyNrbm5mOTk5vHpY\n4hQbG8vUarVFbYT0mUOj0bDk5GSmVqt5r52/+fXrF0tJSWGFhYV6j2N71BJhGEfLaUu8lmpeM0aZ\nzZeTrTPbkv5tmduM2Se76ZSMWZqamiCXywHoPg21tbUZ3LayshKpqakQi4UbPkt8+GjHR98rVqxA\nbW0t3NzcIBKJ4OHhgR8/fvD2/vM9du3aBQDw9/fHxMQE1Go1AN0nXHd3d/j4+EAsFiM6OhpNTU1G\n2wjtBAA1NTXw9vYGoHvs8Pfv33l778U68dWGb5/Hjx9jz549WLlyJS/vawxXV1dUVFRAKpX+s85e\ntUQYxtFyejFefLTjo29b5fWcC2W29U58tRHCyZa5Ddgnu2nCPMvY2BgkEgkAQCwWQyQSYWpq6p/t\n/vz5gzdv3mDnzp3ca/X19Th69ChOnDiBgYEBm/lMTU0hLy8PycnJqKqqsmg/hHJyc3MDAHR3d2Nw\ncBDBwcEAgPfv3yM9PR2pqano6uqy2sPT05NblkgkGB0dBQCMjo5yjvPXGWvDB6b6nxuXkZERqFQq\nREfrnobW19eHjIwMKBQKqFQq3nzMcQIApVIJhUKBsrIyMMYEHSdz+66urkZSUhK3zGft/I2zszOW\nL1+ud529aokwjKPltCVeSzWv51wos613Amyb2eY6AbbNbcA+2b0kz2Gurq5GdXX1gtc6OjoWLDMD\nt6d+9eoVYmJiuG8toqOjERYWhtDQUDx79gwlJSW4c+eOTXzOnTuHhIQE7kEDW7du/WcbQ/shlBMA\n9Pf3Iz8/Hzdu3ICLiwuCg4MhkUgQExOD9vZ2nD9/HnV1dYvy0sdi9nGx42JN/+Pj48jIyIBSqYSn\npyfWrVuH7OxsxMfHY2BgAEeOHMHLly9NPnqYL6dTp05hx44dcHd3R1ZWFl68eGHWfgjlAwDt7e3Y\nsGED989K6NrhA6FraaniaDltrRfltWkXvttY2z9ltmkn4P+Z24DlY7UkJ8wHDx7854KPgoICjI6O\nIjAwEBqNBowxvQdBQ0MDFAoFt/z3CfmLeWzsYn3me4SFhaGnpwdSqdSs/RDK6evXr8jKysK1a9ew\nadMmALqfPvz9/QEAISEh+PbtG7RaLXfhgqVIpVKMjY1xyyMjI1i9erXedcPDw5BKpXBxcTHYhg+M\nOQGAWq3GsWPHcPr0aURGRgIAZDIZ9u7dCwDw8/ODl5cXhoeHebvox5RTYmIi93dUVBRXP0KNkzl9\nNzY2Ijw8nFvmu3as8bVVLRE6HC2nrfVaqnkNUGbz5WTrzDbHCXCs3NbnzFdN0SkZs0RERKC+vh6A\nLmy3b9+ud7vOzk4EBgZyyyUlJWhtbQWg+wli7upZoX0+ffqEvLw8MMYwPT2NtrY2BAQEmL0fQjgB\nwMWLF1FcXIygoCDutYqKCjx9+hSA7qpWiURi1YETERHBfbL++PEjpFIp98nW19cXarUanz9/xvT0\nNBoaGhAREWG0DR+Y6r+0tBSpqamIioriXqutrUVlZSUA3U9I4+Pj3FX8QjtNTk4iPT2d+4m2paWF\nqx+hxsmcvj98+LDg+OK7dizBXrVEGMbRctpcr6Wc13MulNnWOdkjs005zeFIuQ0IV1P0aOxZtFot\nCgsL0d/fD1dXV5SWlsLHxwd3795FaGgoQkJCAADh4eFoamri2nV3d0OpVMLZ2RkikQglJSVYu3at\nTXyuX7+O5uZmiMVixMXFITMz02A7PjDl5OHhgcTExAXf5qSlpSEoKAhnz57l/lnwcdubsrIytLa2\nQiQSQalUoqurC6tWrYJcLkdLSwv3DdLu3buRnp6ut838A5wPDDlFRkYuqCEA2L9/P/bt24f8/Hz8\n/PkTGo0G2dnZ3HlyQjvJ5XI8ePAAT548wbJly7B582YUFRVBJBIJOk7GfADgwIEDqKqqgpeXFwDd\nN2B818585m5DNjg4CGdnZ8hkMsTFxcHX19eutUTox9Fy2hKvpZzXAGW2tU72ymxTToDtcxuwT3bT\nhJkgCIIgCIIgjECnZBAEQRAEQRCEEWjCTBAEQRAEQRBGoAkzQRAEQRAEQRiBJswEQRAEQRAEYQSa\nMBMEQRAEQRCEEWjCTBAEQRAEQRBGoAkzQRAEQRAEQRiBJswEQRAEQRAEYYT/AJOrIMPUD1p/AAAA\nAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "llXUlx5bRKJB", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import itertools\n", + "from sklearn.metrics import classification_report, confusion_matrix" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "NC9Hqrl7RxVr", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Plot confusion matrix\n", + "def plot_confusion_matrix(cm, classes):\n", + " cmap=plt.cm.Blues\n", + " plt.imshow(cm, interpolation='nearest', cmap=cmap)\n", + " plt.title(\"Confusion Matrix\")\n", + " plt.colorbar()\n", + " tick_marks = np.arange(len(classes))\n", + " plt.xticks(tick_marks, classes, rotation=45)\n", + " plt.yticks(tick_marks, classes)\n", + " plt.grid(False)\n", + "\n", + " fmt = 'd'\n", + " thresh = cm.max() / 2.\n", + " for i, j in itertools.product(range(cm.shape[0]), range(cm.shape[1])):\n", + " plt.text(j, i, format(cm[i, j], 'd'), horizontalalignment=\"center\", \n", + " color=\"white\" if cm[i, j] > thresh else \"black\")\n", + "\n", + " plt.ylabel('True label')\n", + " plt.xlabel('Predicted label')\n", + " plt.tight_layout()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "tlwsKnBhRxYH", + "colab_type": "code", + "outputId": "26622315-45e5-44dc-8a2c-0896289eae18", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 537 + } + }, + "cell_type": "code", + "source": [ + "# Confusion matrix\n", + "cm = confusion_matrix(y_test, pred_test)\n", + "plot_confusion_matrix(cm=cm, classes=[0, 1, 2])\n", + "print (classification_report(y_test, pred_test))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + " precision recall f1-score support\n", + "\n", + " 0 0.50 0.50 0.50 125\n", + " 1 0.55 0.55 0.55 117\n", + " 2 0.54 0.55 0.54 133\n", + "\n", + "avg / total 0.53 0.53 0.53 375\n", + "\n" + ], + "name": "stdout" + }, + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAakAAAGACAYAAAAXj52lAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzt3Xt8zvX/x/HntZM5DZuNNqESyUyS\nNJqz1kSRZK3Wl6/kkFJfOcshUShKCeVQTWpMSTGWSl/1nYnIoeTr8JM5zMzmtPN2/f5Q17fFNuLa\n9fn4PO7drttt1+e6Pu/Pa6323Ov9eX8+l81ut9sFAIABubm6AAAAikNIAQAMi5ACABgWIQUAMCxC\nCgBgWIQUAMCwCCk4jd1u16JFi9SlSxeFh4erY8eOmjBhgs6cOXNF4z7//PNq06aNNmzYcNn7bt++\nXX379r2i4//ZyJEjFRwcrIyMjCLbN2/erAYNGuiTTz4pdYzVq1fr7NmzF33ttdde00cffXRVagXM\niJCC07z66qtavXq1FixYoLVr12rlypXKy8tT//79dSWX561atUoxMTEKCwu77H1DQkK0YMGCv33s\ni6levbrWrl1bZNuqVat03XXXXdL+s2bNKjakhg4dqkceeeSKawTMipCCU2RkZCgmJkavvPKKatSo\nIUmqUKGCxo0bpyeeeEJ2u105OTkaN26cwsPDFRERoVdeeUUFBQWSpPbt2+vjjz/WQw89pLvvvluv\nvPKKJCk6OlqFhYXq27evvv32W7Vv316bN292HPeP5/n5+RozZozCw8PVqVMnDR48WGfPnlVSUpI6\ndeokSX/r+BfTunVrffHFF47nBQUF2rBhg26//XbHtv379+uRRx5RRESEOnXq5Hj/qFGjdODAAUVH\nR2vz5s0aOXKkXn75ZXXt2lXx8fEaOXKk3n77bW3fvl1t27bVuXPnJElz587VM888c8U/J8DoCCk4\nxU8//aSaNWvqpptuKrK9XLlyat++vdzc3PT+++/r2LFjWrVqlT799FNt3ry5yC/7H374QbGxsVq+\nfLkWL16sY8eOKSYmRpIUExOjNm3aFHv87777TsnJyVqzZo0SEhJUr149bd26tch7/s7xL6ZJkyY6\nfPiwUlJSJEmJiYkKCQmRl5eX4z3Tpk1Tu3btFB8frylTpmjMmDHKy8vTyy+/7Ph+7rjjDsf+cXFx\nioiIcOwfEhKijh07at68eUpJSdGSJUs0duzY4n8AwDWCkIJTZGRkyM/Pr8T3rF+/Xg8//LA8PDzk\n7e2trl276vvvv3e83rVrV7m7u6tGjRry8/PT0aNHL/n4vr6+2rdvn7788ktlZWXp2WefvWB68God\n32azKTw8XKtWrZJ0fqqvc+fORd7z9ttvO86FNWvWTDk5OUpNTb3oeKGhoSpXrtwF25977jmtWbNG\no0aN0qBBgxQQEHDJ/z4AsyKk4BTVqlVzdBbFOXnypKpUqeJ4XqVKFaWlpTmeV6pUyfG1u7u7Yyru\nUoSEhGjs2LGKiYlRq1atNHToUJ0+fdppx+/SpYu++OIL5ebmKikpSa1bty7y+oYNG/Too48qPDxc\nnTt3lt1uV2Fh4UXH+nNNf1axYkVFRERoy5Yt6tq1a/HfPHANIaTgFLfddpvS0tK0a9euItvz8vI0\nc+ZMZWVlqXr16kVWxWVkZKh69eqXdRw3N7civ+xPnTrl+Pree+9VTEyMvvnmG2VlZV2wYOJqHP8P\njRo10rlz57R06VI1b968yFRfXl6enn32WQ0cONCxgMRms132MVJSUvT555/rvvvu01tvvfW36gTM\nhpCCU/j4+OiJJ57QiBEjdPDgQUlSVlaWxo0bp59//lnly5dX27ZtFRcXp4KCAmVmZuqzzz4r8TzT\nxfj7+2v37t2Szi/lzsnJkSQtX75cs2fPliRVrVpVN9544wX7Xo3j/9l9992nOXPmXDDVl5WVpczM\nTAUHB0s6fy7M09NTmZmZkiQPD48LuryLmTx5sp544gmNHj1a8fHx+uWXX/52rYBZEFJwmqeffloP\nP/ywBg4cqPDwcD344IPy8/NzdAHR0dGqWbOm7rvvPvXo0UNt27YtsljgUgwaNEjvvfeeunTpon37\n9qlevXqSpA4dOmjXrl265557FBERob1796pPnz5F9r0ax/+z++67T/n5+WrZsmWR7X8Edrdu3dSt\nWzfVrl1bHTt21IABA5SZmal7771XkZGRWr16dbFjr1+/XsnJyYqMjFSlSpX03HPPaezYsZc1BQqY\nkY3PkwIAGBWdFADAsAgpAIBhEVIAAMMipAAAhkVIAQAMy8PVBfyh6mOLXV0CLkNY6wauLgGX4bX7\nG7m6BFyG+jUrlMlxyjcdfMVjZG117oXlhgkpAEAZsxl/Ms34FQIALItOCgCs6m/cQ7KsEVIAYFUm\nmO4jpADAqkzQSRk/RgEAlkUnBQBWxXQfAMCwTDDdR0gBgFXRSQEADItOCgBgVcuWLdPKlSsdz3fu\n3KmPPvpIEyZMkCQ1aNBAEydOLHEMQgoArMrJ0309e/ZUz549JUmbNm1SfHy8Jk+erNGjRyskJERD\nhw7Vt99+qzZt2hQ7hvEnJAEAzmGzXfnjEs2ePVv9+vXT4cOHFRISIklq166dEhMTS9yPTgoArKqM\nFk5s375d1113ndzd3eXj4+PY7ufnp9TU1BL3JaQAwKrKaOFEXFycunfvfsF2u91e6r5M9wEAnCop\nKUlNmzaVr6+vMjIyHNtTUlIUEBBQ4r6EFABYlc3tyh+lSElJUcWKFeXl5SVPT0/deOON2rx5syQp\nISFBYWFhJe7PdB8AWFUZnJNKTU2Vr6+v4/no0aM1btw4FRYWqkmTJmrZsmWJ+xNSAGBVbs4/JxUc\nHKz58+c7nterV09Lliy55P0JKQCwKhPcFsn4FQIALItOCgCsinv3AQAMywTTfYQUAFgVnRQAwLBM\n0EkZv0IAgGXRSQGAVTHdBwAwLBNM9xFSAGBVJuikjB+jAADLopMCAKtiug8AYFgmmO4jpADAquik\nAACGZYKQMn6FAADLopMCAKvinBQAwLBMMN1HSAGAVdFJAQAMywSdlPErBABYFp0UAFgV030AAKOy\nEVIAAKMipAAAxmX8jCKkrqaaVctrTv+WuqlmZZ3JytOw93/Qf349rmHdGqtny7pys9m0/eBJPbsg\nSaez8lxdLiTdcX0VjY+or75LftLxs7m6q25V9Wlxvdxs0v60TL2+/oCy8gpdXabl5eXl6bXJL2jR\nvDf17ZY9qhkYpGmTxujrtasd78nOypSvX3V9kvC9CyvF1cbqvqtoTv+WWrf9iEKeW6GRMZvV754G\nur95bXVrUVvtx8Wr+fCVstulZ7rc6upSIamcu5v+0aKWTmfnS5JqVPbSwLvraEL8HvX7eIdSz+bq\nztpVXVwlJGlQ74dVoWKlItuGvzBZa77b6ni07RSh7r0ec1GF5mSz2a744WyE1FUS5FtBt93gq3kJ\nuyVJG35JUZ83N2jPkVMaNC9RZ7PzZbdLm/6bqoZB/OIzgkfuCNQ3/01TVl6BJKltPT/950C6jp7O\nkSTNTzykb/eddGWJ+N2g50bqmWFji319z+5d+iHxOz3yj35lWJX5mSGkmO67SoJrV9PB1LOa0Kup\nwpvW0vGMLI1avFnbD6YXeV/HJoH6z+7jLqoSf6hTrbxuC/LR0E9/UedbAyRJN/hVUOrZXL3Yub4C\nKpXT9iOntSDxkHIKmO5ztaZ3tCjx9bdee1lPPPWsPDz4lXY5zLBwgk7qKqlS0Uu3Xl9V/9l9XM2H\nrVTs9wcUM6SN3N3+9x/B0PuDFVClvKPbgusMCqujd77/TQV2u2NbRS933VbLR699vV9DPtmlmj7l\n1LPpdS6sEpfi4IF9+unHTerSvZerSzEdM3RSTg2pKVOmqFevXoqMjNT27dudeSiXO52Zq+OnsrX6\nx2RJ0gfr96pqJS/Vq+kjSRr38G3q2vx6dX/lK2XmFLiyVMu7t6G/DqVn6+eUs0W2Z+YVaOP/ZehU\ndr5y8gsV/3OqmtbycVGVuFSrP1uuThH3y9PT09WlwAmc1htv2rRJBw8eVGxsrPbt26fRo0crNjbW\nWYdzuUMnzqmyt6dsNumPP87tdrsK7HaNfDBEd9X3V5fJX+rs7yfp4Tot6lRVPf+KurPObZIkH28P\nzeh+q06cy1Xauf+tuiy021VoL24UGMX6dfF66l+jXF2GORl/ts95IZWYmKiOHTtKkm666SadOnVK\nZ8+eVaVKlUrZ05x2HcrQ0YxMPd62nt7/Zq8euLO2Ms7lqkoFT0XefYNaj1lNQBnExDX/LfJ8/iMh\nGv35blWr4Kkx99ys5T8dVXpmnjrdUl3bDp92UZW4VL/+vFM33XyLq8swJTOck3JaSJ04cUKNGjVy\nPPf19VVqauo1G1KS9I83Nujt/qF6rmsjpZ7O1j9mbVDv9jerSgUvrZt4r+N9h06cU49pX7uwUlzM\nr8fP6aMthzX1/oYqKLRr17Ezitt21NVlWd6J1BQ91v1///9E97hX7u4een/ZKpXz9lZWVqb8A2q4\nsELzsnRI/ZXdfu3Pm/x65JQ6jF9TZNtzC5P03MIkF1WES/HER/87Xxr/S6rif0l1YTX4q+r+NbTm\nu63Fvv7r0XNlWM21xQwh5bSFEwEBATpx4oTj+fHjx+Xv7++swwEArkFOC6lWrVpp7dq1kqRdu3Yp\nICDgmp7qAwCzMcMSdKdN991+++1q1KiRIiMjZbPZNH78eGcdCgDwdxh/ts+556Sef/55Zw4PALgC\nlj4nBQDAleJGVwBgUWXRSa1cuVLz58+Xh4eHnnnmGTVo0EDDhw9XQUGB/P39NX36dHl5eRW7P50U\nAFiUsxdOpKena/bs2VqyZInmzp2rr776SrNmzVJUVJSWLFmiOnXqKC4ursQxCCkAsCrbVXiUIDEx\nUaGhoapUqZICAgI0adIkJSUlqUOHDpKkdu3aKTExscQxmO4DAIty9nRfcnKysrOzNWDAAJ0+fVpP\nP/20srKyHNN7fn5+Sk0t+eJ5QgoA4DQZGRl66623dOTIET3++ONF7j50KXciIqQAwKKc3Un5+fmp\nadOm8vDwUO3atVWxYkW5u7srOztb3t7eSklJUUBAQIljcE4KACzK2Qsn7r77bm3cuFGFhYVKT09X\nZmamWrZs6bgbUUJCgsLCwkocg04KACzK2Z1UjRo1FB4erocffliSNHbsWDVu3FgjRoxQbGysAgMD\n1a1btxLHIKQAwKrK4IYTkZGRioyMLLJt0aJFl7w/030AAMOikwIAizLDvfsIKQCwKEIKAGBYhBQA\nwLiMn1EsnAAAGBedFABYFNN9AADDIqQAAIZFSAEADMsMIcXCCQCAYdFJAYBVGb+RIqQAwKrMMN1H\nSAGARRFSAADDMkFGsXACAGBcdFIAYFFM9wEADMsEGUVIAYBVmaGT4pwUAMCw6KQAwKJM0EgRUgBg\nVW5uxk8pQgoALIpOCgBgWCycAADgCtBJAYBFmaCRIqQAwKrMMN1HSAGARRFSAADDMkFGsXACAGBc\ndFIAYFFM9wEADMsEGUVIAYBV0UkBAAzLBBnFwgkAgHHRSQGARTHdBwAwLBNkFCEFAFZFJ3UZDi98\n1NUl4DL4Ry1ydQm4DCPdOf1sJp/0bVYmxzFBRrFwAgBgXIbppAAAZcvZ031JSUkaMmSIbr75ZklS\n/fr19cQTT2j48OEqKCiQv7+/pk+fLi8vr2LHIKQAwKLKYrrvzjvv1KxZsxzPR40apaioKEVERGjG\njBmKi4tTVFRUsfsz3QcAFmWz2a74cbmSkpLUoUMHSVK7du2UmJhY4vvppAAATrN3714NGDBAp06d\n0uDBg5WVleWY3vPz81NqamqJ+xNSAGBRzp7uq1u3rgYPHqyIiAgdOnRIjz/+uAoKChyv2+32Usdg\nug8ALMrZ0301atRQ586dZbPZVLt2bVWvXl2nTp1Sdna2JCklJUUBAQEljkFIAYBFOTukVq5cqQUL\nFkiSUlNTlZaWpgcffFBr166VJCUkJCgsLKzEMZjuAwCLcvZ0X/v27fX888/rq6++Ul5eniZMmKCG\nDRtqxIgRio2NVWBgoLp161biGIQUAMApKlWqpLlz516wfdGiS79jDSEFABbFvfsAAIZlgowipADA\nquikAACGZYKMYgk6AMC46KQAwKLcTNBKEVIAYFEmyChCCgCsioUTAADDcjN+RrFwAgBgXHRSAGBR\nTPcBAAzLBBlFSAGAVdlk/JQipADAolg4AQDAFaCTAgCLYuEEAMCwTJBRhBQAWBX37gMAGJYJMoqF\nEwAA4yq2k4qLiytxx4ceeuiqFwMAKDumXjixZcuWEnckpADA3EyQUcWH1Msvv+z4urCwUGlpafL3\n9y+TogAAzmeGhROlnpNKTExUx44dFR0dLUmaMmWK1q9f7+y6AAAoPaRmzpyppUuXOrqoAQMG6O23\n33Z6YQAA57JdhYezlboEvUKFCqpevbrjua+vrzw9PZ1aFADA+Uy9cOIP3t7e2rRpkyTp1KlTWrVq\nlcqVK+f0wgAAznVN3GB2/PjxWrBggXbs2KFOnTppw4YNevHFF8uiNgCAE9lstit+OFupndR1112n\nefPmOb0QAAD+qtRO6ocfflCPHj102223qWnTpurVq1ep11ABAIzPZrvyh7OV2km9+OKLGj16tG6/\n/XbZ7XZt2bJFEydO1MqVK51fHQDAaa6JhRN+fn4KDQ11PG/VqpUCAwOdWhQAwPnMsHCi2JA6dOiQ\nJKlx48ZauHChWrZsKTc3NyUmJurWW28tswIBAM5h6k7qH//4h2w2m+x2uyRp8eLFjtdsNpueeeYZ\n51cHALC0YkPq66+/LnanH3/80SnFAADKjvH7qEs4J3X27Fl99tlnSk9PlyTl5eVp+fLl+u6775xe\nnJnFvL9Ir894VXa7XUFBtTTjjbd0c/36ri4Lv7uuWnm9M7i16l3no9NZefrX/ER9/0uK4/UpjzdX\n97vqquGgZS6sEn/V7HofjbnnZvWP3aH2N/sp4tYAnc7Od7z+4ebDSjqY4cIKzcUMN5gtNaSeffZZ\nBQYG6rvvvlN4eLi+//57TZgwoQxKM69fd+/WmFHDtfGHbQoMCtL8d+ZqUP+++vKbDa4uDb97Z3Br\nJWxNVtdJu9S6UU0NiLjVEVKN6/iqa/M6Lq4Qf+XlbtNjd9TSmT+FUvzPxxW79agLqzI3E2RU6ddJ\n5eTk6MUXX1RQUJBGjBihDz74QPHx8WVRm2nt3v2z6tW7WYFBQZKkNm3b6+ddO11cFf4Q5FdRTW+s\nrjnxP0uS/r3rmKJnfCPp/P+0bzwZqokfcy2g0fS6PVDf7k1TVl6Bq0u5ZpjhjhOlhlReXp4yMzNV\nWFio9PR0Va1a1bHyDxd35513af/+fdq1a6fsdrs+W7Fc7Tp0cnVZ+F1IXV8dPH5Gkx5trm1v9NDa\niRFqcoOvJOmJTrdo18F0bdqT6uIq8We1q3mrSZCPPt+ZUmR7SKCPpnRpoDd7NFLvO2vJwwxrqnFZ\nSp3ue+CBB7R06VL17NlTnTt3lq+vr2rXrl0WtZnWdYGBmvDiZLVs3lSVK1dWhYoVtebL9a4uC7+r\nUsFLjWpX08tx2zTqg03q07G+Pnq+gzq9sEpP3ddIbUd/Lp8KXq4uE38yoFUdzU/8TQX2/23bn5ap\nrLwCrf45Vd4ebhrZ6SZ1D6mpZduY/rtUZpjuKzWkHnnkEcfXoaGhSktLu+TrpPbs2aNBgwapd+/e\neuyxx/5+lSbz07atmv7KFO3cvU/X166tj5cs1sM9HtAPW3eY4rqEa93pzFwdP5WlL374TZK0aN0e\nTYm+U6/1DdXLcVuVcS6XkDKQexpU16GMLO1OOVdk+w+/nXJ8fTa3QJ/vPK4HmxBSl6OsFk5kZ2er\nS5cuGjRokEJDQzV8+HAVFBTI399f06dPl5dX8f+/FRtSb7zxRrE7ffnllxoyZEiJRWVmZmrSpElF\n7lZhFeu//kotQlvq+t87zh49e+mJPo/rxIkTjg+PhOv8duKsKpX3lM0m/X4ZoArtdnW6LUgt6vvr\nlcfvlJubTb6VyunAu5FqMHCpcvMLXVu0hTWvU1X1qlfQHY9UlST5eHto2v236MMtR/T9/pPKyjv/\ns3F3s6mg0F7SUPiLsvqbec6cOapSpYokadasWYqKilJERIRmzJihuLg4RUVFFbtvseek3N3dS3yU\nxsvLS++++64CAgL+xrdkbjfXb6CkxP8oLS1NkrQ2frVq1KxZ5MMj4To7D6br6MlM9enQQJLUPbSu\nMs7lKiA6Rjf0+1g39PtYYSM/V3LaOd3Q72MCysUmJ+xVnyXb1fej84+0c7kavnK3gq+rrEfvOL84\nydPdpntuqa4th06VMhr+rCwWTuzbt0979+5V27ZtJUlJSUnq0KGDJKldu3ZKTEwscf9iO6nBgwdf\nxrd6kYE9POThUeps4jWpc5eu2rp1izq0bimbzabKPj6KWbKUqT4DefS1b/TOU2Ea2j1Eqaey9Nhr\nX/NXuMks2nhIA+6uo7ceaqRCu/Rj8il9tiOl9B1RpqZOnaoXXnhBK1askCRlZWU5pvf8/PyUmlry\nIiVrpkgZGPPCBI15YYKry0AxdidnqPWoz4t9/bfUs1zIa1ADlv7vco6p6/a5sBLzK3V59xVasWKF\nbrvtNl1//fUXff2P2+6VhJACAIty9uzO+vXrdejQIa1fv17Hjh2Tl5eXKlSooOzsbHl7eyslJaXU\nU0KXFFLp6elKTk5W48aNVVhYKDc3Z+cvAMDZnH1Z2euvv+74+s0331RQUJC2bt2qtWvX6oEHHlBC\nQoLCwsJKrrG0g3zxxRfq1auXRo0aJUmaNGmSli0rfRpk586dio6O1qeffqoPPvhA0dHRysjgnloA\nYGVPP/20VqxYoaioKGVkZKhbt24lvr/UTmrRokX67LPP9OSTT0qSRowYoejoaPXs2bPE/YKDgxUT\nE3MZpQMAylJZ3qDj6aefdny9aNGiS96v1JCqXLmyypcv73ju7e0tT0/PyywPAGA0ZlhxXGpIVatW\nTZ9++qlycnK0a9curV69Wr6+vmVRGwDAicxwq8NSz0lNnDhRO3bs0Llz5zR27Fjl5OTopZdeKova\nAABOZLNd+cPZSu2kfHx8NG7cOOdXAgDAX5QaUm3atLnovOX69eudUQ8AoIxcE5/Mu2TJEsfXeXl5\nSkxMVE5OjlOLAgA4nxmueC01pIJ+/3TZP9StW1d9+/ZV7969nVUTAKAMmKCRKj2k/nqH2mPHjum3\n335zWkEAgLJxTUz3vf32246vbTabKlWqpIkTJzq1KAAApEsIqZEjR6pRo0ZlUQsAoAyZoJEq/bzZ\n1KlTy6IOAEAZc7Nd+cPZSu2kAgMDFR0drSZNmhS5HVJpHx8PADC2a+KcVK1atVSrVq2yqAUAUIZM\nkFHFh9TKlSt1//33X/HHyAMA8HcVe04qLi6uLOsAAJSxa+KcFADg2mST8ef7ig2prVu3qm3bthds\nt9vtstls3LsPAEzODB/VUWxI3XrrrZoxY0ZZ1gIAKEOmDikvL68L7tsHAEBZKjakQkJCyrIOAEAZ\nM/XHxw8bNqws6wAAlDFTT/cBAK5tJmikCCkAsCoz3BbJDB/MCACwKDopALAozkkBAAzLBLN9hBQA\nWJWbCW6LxDkpAIBh0UkBgEUx3QcAMCwWTgAADMsM10kRUgBgUSbIKBZOAACMi04KACyK6T4AgGGZ\nIKMIKQCwKjOc7yGkAMCizPChh2YIUgCARdFJAYBFGb+PIqQAwLJY3QcAMCxnR1RWVpZGjhyptLQ0\n5eTkaNCgQbrllls0fPhwFRQUyN/fX9OnT5eXl1exYxBSAGBRzm6kvvnmGwUHB6tfv346fPiw/vnP\nf+r2229XVFSUIiIiNGPGDMXFxSkqKqrYMVg4AQBwis6dO6tfv36SpKNHj6pGjRpKSkpShw4dJEnt\n2rVTYmJiiWPQSQGARZXVEvTIyEgdO3ZMc+fOVZ8+fRzTe35+fkpNTS1xX0IKACyqrKbSPv74Y/3y\nyy8aNmyY7Ha7Y/ufvy4O030AYFE2m+2KHyXZuXOnjh49Kklq2LChCgoKVLFiRWVnZ0uSUlJSFBAQ\nUOIYhBQAWJTtKjxKsnnzZi1cuFCSdOLECWVmZqply5Zau3atJCkhIUFhYWEljsF0HwDAKSIjIzVm\nzBhFRUUpOztb48aNU3BwsEaMGKHY2FgFBgaqW7duJY5hs1/KpGAZaDL+K1eXgMuQ9EIHV5eAy1Ct\n+WBXl4DLkLX1rTI5TtxPR694jIeaXHcVKikenRQAWJQZzvcQUgBgUdwFHQCAK0AnBQAWZfw+ipAC\nAMsywWwfIQUAVuVmgl6KkAIAizJDJ8XCCQCAYdFJAYBF2ZjuAwAYlRmm+wgpALAoFk4AAAzLDJ0U\nCycAAIZFJwUAFmWGToqQAgCLYnUfAMCw3IyfUYQUAFiVGTopFk4AAAyLTgoALIqFEwAAwzLDdB8h\nBQAWxcIJAIBhmaGTYuEEAMCw6KQAwKJYOAEAMCwTZBQhBQBW5WaCVoqQAgCLMn5EsXACAGBgdFIA\nYFUmaKUIKQCwKDNcJ0VIAYBFmWDdBOekAADGRScFABZlgkaKkAIAyzJBShFSAGBRLJwAABgWCycA\nALgCdFIAYFEmaKQIKQCwLBOkFCEFABbFwgkAgGGVxcKJadOmacuWLcrPz1f//v3VuHFjDR8+XAUF\nBfL399f06dPl5eVV7P6EFADAKTZu3Kj//ve/io2NVXp6urp3767Q0FBFRUUpIiJCM2bMUFxcnKKi\nooodg9V9AGBRtqvwKEnz5s31xhtvSJJ8fHyUlZWlpKQkdejQQZLUrl07JSYmljgGIQUAVuXklHJ3\nd1eFChUkSXFxcWrdurWysrIc03t+fn5KTU0tcQym+66CwKreWvlMqJJPZjm27Tx8WmM//VkD292g\n8EY15GazafexM5r0+W6dyc53YbX4q0+Wx2ni+LFFtu359VcdP3lalStXdlFV+EP3jrdp/KAuRbY1\nuKGm/FsN1UtDHlDb5vXl5uam9T/s0b+mLlV+fqGLKjWfslo4sW7dOsXFxWnhwoW65557HNvtdnup\n+xJSV8nx0znq9tbGItvuDa5OrnWiAAANw0lEQVShu270Va+5m5RbUKjpPRurb1hdvf7lXhdViYt5\nsMdDerDHQ47nccuWKm5ZLAFlEJ+u26ZP121zPO/RqakeCm+mAZFtFOBbWbc/NFmeHu5a++4Q/bN7\nK72zbIMLqzWXslg4sWHDBs2dO1fz589X5cqVVaFCBWVnZ8vb21spKSkKCAgocX9Cyon2p57T5C9+\nVc7vf9lt/r903XWTr4urQkmys7M1cfxYffZ5vKtLwUWU8/LQ+Ke66oHBb6uGX2V98uWPKiy0Kyc3\nX4nb9qt+3ZJ/4aFsnTlzRtOmTdN7772nqlWrSpJatmyptWvX6oEHHlBCQoLCwsJKHIOQukoqlfPQ\nzMgQ3VC9go5kZGv6mj3ak3L2T6+7q1OjAH3x01EXVonSvLdwgUJDW+nGm25ydSm4iN7dWipx234d\nSD6hA8knHNtrVvfRPa1u1bDpy11Ynfk4u5FavXq10tPT9eyzzzq2vfLKKxo7dqxiY2MVGBiobt26\nlTgGIXUVnMvJV/yOY3r/P7/p6KlsRYfW1huPNFH32RtVUGjXyz0aqd0t/lqzM0Wfbzvm6nJRjMLC\nQr3x+mta/unnri4FF2Gz2TQkur16DJlbZPuXC55Vs1tr642Yr/V10m4XVWdSTk6pXr16qVevXhds\nX7Ro0SWP4dTVfdOmTVOvXr3Uo0cPJSQkOPNQLnUqK18vr96jIxnZstulD/7zm3wreamO3/lVLaOW\n71Lrqf9WVm6BpvRo5OJqUZyNiYmqVLGSbm3Ez8iI7gq5QWczc/TL/qJ/6HXq+7rqdBytW26sqZee\necBF1ZmT7Sr842xOC6k/X8Q1f/58TZkyxVmHcrnK3h4KqupdZJu7Tbq9TlXd5F9RkpSbX6jlWw4r\nlHNShhW/+guFR3R2dRkoRkTrYK39fpfjeZe2jXV9zWqSpDPnshWzcqM6tmzoqvJMyWa78oezOS2k\nLnYRV0FBgbMO51LBQT56t/ftqlbBU5LUo1mgjp7KkV8lLz1/783ydD//k2zToLr++6fzVDCWHdt/\n0i238EvOqBrXD9LuAymO513ahGhM/86y/f6b8t6wYO3872FXlQcncdo5qYtdxOXu7u6sw7lU4r6T\niv0hWe/3vUOFdruOn8nR0NjtOpyRrWH33qy4QS1kk03HTmdr4spfXF0uinE4OVk1atZ0dRkoRlBA\nVaWcOO14Pmrmp3p91MPa9slYubnZ9Mu+oxr80scurNB8jH97Wclmv5Srqa7AunXrNG/ePC1cuLDE\n606ajP/KmWXgKkt6oYOrS8BlqNZ8sKtLwGXI2vpWmRznl6PnrniMhtdVvAqVFM+pq/v+ehEXAMA4\nLP1RHRe7iAsAgMvhtJC62EVcU6dOVWBgoLMOCQC4DGWxOu9KOS2kiruICwBgDCbIKO44AQCWZYKU\nIqQAwKLMsHCCDz0EABgWnRQAWJSlF04AAIzNBBlFSAGAZZkgpQgpALAoFk4AAHAF6KQAwKJYOAEA\nMCwTZBQhBQCWZYKUIqQAwKJYOAEAwBWgkwIAi2LhBADAsEyQUYQUAFgVnRQAwMCMn1IsnAAAGBad\nFABYFNN9AADDMkFGEVIAYFV0UgAAw+KOEwAAXAE6KQCwKuM3UoQUAFiVCTKKkAIAqzLDwgnOSQEA\nDItOCgAsygyr+wgpALAq42cUIQUAVmWCjCKkAMCqWDgBALC0PXv2qGPHjlq8eLEk6ejRo4qOjlZU\nVJSGDBmi3NzcEvcnpADAomxX4Z+SZGZmatKkSQoNDXVsmzVrlqKiorRkyRLVqVNHcXFxJY5BSAGA\nRdlsV/4oiZeXl959910FBAQ4tiUlJalDhw6SpHbt2ikxMbHEMTgnBQBwCg8PD3l4FI2ZrKwseXl5\nSZL8/PyUmppa8hhOqw4AYGiuXjhht9tLfQ/TfQCAMlOhQgVlZ2dLklJSUopMBV4MIQUAFuXshRMX\n07JlS61du1aSlJCQoLCwsBLfz3QfAFiUs6f7du7cqalTp+rw4cPy8PDQ2rVr9eqrr2rkyJGKjY1V\nYGCgunXrVuIYhBQAWJSzT0kFBwcrJibmgu2LFi265DEIKQCwKu44AQDA30cnBQAWxUd1AAAMy9XX\nSV0KQgoALMoEGUVIAYBlmSClWDgBADAsOikAsCgWTgAADMsMCyds9ku5DS0AAC7AOSkAgGERUgAA\nwyKkAACGRUgBAAyLkAIAGBYhBQAwLEIKAGBYhNRVdurUKZ05c8bVZeASFRQUuLoEXIbjx4/r0KFD\nri4DZYg7TlxF3377rd59910FBATI19dXY8eOdXVJKMGmTZt04MABderUSb6+vq4uB6VYv3695syZ\no/Lly6t69ep69dVXXV0SygCd1FWSnJys9957Ty+88IImT56sAwcOaNKkSUpPT3d1aShGTEyMNm7c\nqHXr1unkyZOuLgclOHbsmGJiYjRt2jS999572r9/vxYvXuzqslAGCKmrpHz58nJ3d5enp6fKly+v\nuXPn6syZM5o1a5arS0MxypUrp5o1a2rfvn1KSEggqAzM09NTOTk5cnM7/yurX79+ys/Pd3FVKAvu\nEyZMmODqIq4F3t7eSklJUXp6umrUqKHKlSurXbt2WrRokX799VeFhYW5ukT8RXBwsCIiIpSbm6uf\nf/5ZJ06cUFBQkMqXLy+73S6bGe6+aRGenp6qVauWGjVqJEnau3evNm7cqPDwcElSfn6+I8BwbeGn\nepW4ubnp3nvv1U8//aRNmzbp+PHj8vDw0MyZM5WZmclffQZUs2ZNSVKHDh3UtGlT/d///Z82btyo\nDz/8UB988IGLq8OfeXp6KjQ01PHc29tb7u7ukqQVK1Zo4cKF4l7Z1yYWTlxFtWvXVu/evfXBBx8o\nPT1dzZo1U3Jyso4cOaKCggJ5ePCv20jc3NwcHVN4eLh8fX01e/ZsnTx5Uq+99pqry0MJ/Pz8VK9e\nPW3btk0rVqzQ2LFj6XyvUXxUhxMcOnRIX331lb7//nt5eXlpyJAhql+/vqvLQjH+CKpvvvlG06dP\n11tvvaUbb7zR1WWhBIcPH9Z9992nG2+8Ua+++io/r2sYIeVEZ86ckd1ul4+Pj6tLQSkKCgr073//\nWzfccIPq1q3r6nJQisLCQs2ePVv333+/6tSp4+py4ESEFPA7FkuYS35+PlPoFkBIAQAMi9V9AADD\nIqQAAIZFSAEADIuQgsskJycrODhY0dHRio6OVmRkpIYOHarTp0//7TGXLVumkSNHSpKee+45paSk\nFPveH3/88bLuqJ2fn68GDRpcsP3NN9/UzJkzS9y3ffv2Onjw4CUfa+TIkVq2bNklvx+4VhFScClf\nX1/FxMQoJiZGH3/8sQICAjRnzpyrMvbMmTNVo0aNYl//5JNP+NgHwOBYvwlDad68uWJjYyWd7z4i\nIiJ06NAhzZo1S6tXr9bixYtlt9vl6+url156SdWqVdOHH36ojz76SDVr1lRAQIBjrPbt22vRokW6\n/vrr9dJLL2nnzp2SpD59+sjDw0Nr1qzR9u3bNWrUKNWpU0cTJ05UVlaWMjMz9a9//UstW7bU/v37\nNWzYMJUvX14tWrQotf4lS5bos88+k6enp8qVK6eZM2c6rpNbtmyZduzYobS0NL3wwgtq0aKFjhw5\nctHjAjiPkIJhFBQU6Msvv1SzZs0c2+rWrathw4bp6NGjmjt3ruLi4uTl5aX3339f8+bN01NPPaVZ\ns2ZpzZo1qlatmgYOHKgqVaoUGXflypU6ceKEli5dqtOnT+v555/XnDlz1LBhQw0cOFChoaF68skn\n9c9//lN33XWXUlNT1atXLyUkJGj27Nnq0aOHoqKilJCQUOr3kJOTowULFqhSpUoaN26cVq5cqcce\ne0ySVLVqVb3//vtKTEzU1KlT9cknn2jChAkXPS6A8wgpuNTJkycVHR0t6fxdBO644w717t3b8XrT\npk0lSVu3blVqaqr69u0rScrNzVWtWrV08OBBBQUFqVq1apKkFi1aaPfu3UWOsX37dkcX5OPjo3fe\neeeCOpKSknTu3DnNnj1bkuTh4aG0tDTt2bNHTz75pCTprrvuKvX7qVq1qp588km5ubnp8OHD8vf3\nd7zWqlUrx/e0d+/eEo8L4DxCCi71xzmp4nh6ekqSvLy8FBISonnz5hV5fceOHUXuElFYWHjBGDab\n7aLb/8zLy0tvvvnmBZ/Qa7fbHR8BUdpHzR87dkxTp07VqlWr5Ofnp6lTp15Qx1/HLO64AM5j4QRM\noXHjxtq+fbtSU1MlSfHx8Vq3bp1q166t5ORknT59Wna7XYmJiRfs27RpU23YsEGSdPbsWfXs2VO5\nubmy2WzKy8uTJDVr1kzx8fGSznd3kydPliTddNNN2rZtmyRddOw/S0tLU7Vq1eTn56eMjAx99913\nys3Ndby+ceNGSedXFd58880lHhfAeXRSMIUaNWpozJgx6t+/v8qXLy9vb29NnTpVVapU0YABA/To\no48qKChIQUFBys7OLrJvRESEfvzxR0VGRqqgoEB9+vSRl5eXWrVqpfHjx2v06NEaM2aMxo0bp1Wr\nVik3N1cDBw6UJD311FMaMWKE1qxZo6ZNm5Z4r7iGDRuqTp06euihh1S7dm0988wzmjBhgtq0aSNJ\nysjIUP/+/XXkyBGNHz9ekoo9LoDzuHcfAMCwmO4DABgWIQUAMCxCCgBgWIQUAMCwCCkAgGERUgAA\nwyKkAACGRUgBAAzr/wE9cEncTDDlIgAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "br_O_NUCjkwm", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Non-linear model" + ] + }, + { + "metadata": { + "id": "YexKO17makzj", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Now let's see how the MLP performs on the data. Note that the only difference is the addition of the non-linear activation fuction (we use ReLU which is just $max(0, z))$. " + ] + }, + { + "metadata": { + "id": "-U0_3Xco0Q4g", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Multilayer Perceptron \n", + "class MLP(nn.Module):\n", + " def __init__(self, input_dim, hidden_dim, output_dim):\n", + " super(MLP, self).__init__()\n", + " self.fc1 = nn.Linear(input_dim, hidden_dim)\n", + " self.fc2 = nn.Linear(hidden_dim, output_dim)\n", + "\n", + " def forward(self, x_in, apply_softmax=False):\n", + " a_1 = F.relu(self.fc1(x_in)) # activaton function added!\n", + " y_pred = self.fc2(a_1)\n", + "\n", + " if apply_softmax:\n", + " y_pred = F.softmax(y_pred, dim=1)\n", + "\n", + " return y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "V-8S6w1njkDC", + "colab_type": "code", + "outputId": "5ed4037a-7116-4f86-c989-906a8605bad2", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Initialize model\n", + "model = MLP(input_dim=args.dimensions, \n", + " hidden_dim=args.num_hidden_units, \n", + " output_dim=args.num_classes)\n", + "print (model.named_modules)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "YtZvQVVpvl5p", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Optimization\n", + "loss_fn = nn.CrossEntropyLoss()\n", + "optimizer = optim.Adam(model.parameters(), lr=args.learning_rate)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "colab_type": "code", + "id": "nmeU45XF0O-U", + "outputId": "90bf9112-a477-437a-d65a-b59349498b20", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 187 + } + }, + "cell_type": "code", + "source": [ + "# Training\n", + "for t in range(args.num_epochs):\n", + " # Forward pass\n", + " y_pred = model(X_train)\n", + " \n", + " # Accuracy\n", + " _, predictions = y_pred.max(dim=1)\n", + " accuracy = get_accuracy(y_pred=predictions.long(), y_target=y_train)\n", + "\n", + " # Loss\n", + " loss = loss_fn(y_pred, y_train)\n", + " \n", + " # Verbose\n", + " if t%20==0: \n", + " print (\"epoch: {0:02d} | loss: {1:.4f} | acc: {2:.1f}%\".format(\n", + " t, loss, accuracy))\n", + "\n", + " # Zero all gradients\n", + " optimizer.zero_grad()\n", + "\n", + " # Backward pass\n", + " loss.backward()\n", + "\n", + " # Update weights\n", + " optimizer.step()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "epoch: 00 | loss: 1.1470 | acc: 23.7%\n", + "epoch: 20 | loss: 0.5179 | acc: 71.6%\n", + "epoch: 40 | loss: 0.2400 | acc: 87.8%\n", + "epoch: 60 | loss: 0.1402 | acc: 93.3%\n", + "epoch: 80 | loss: 0.0560 | acc: 98.9%\n", + "epoch: 100 | loss: 0.0344 | acc: 99.2%\n", + "epoch: 120 | loss: 0.0283 | acc: 99.6%\n", + "epoch: 140 | loss: 0.0241 | acc: 99.7%\n", + "epoch: 160 | loss: 0.0215 | acc: 99.8%\n", + "epoch: 180 | loss: 0.0197 | acc: 99.8%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "Y4tI2iZ1vl8e", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Predictions\n", + "_, pred_train = model(X_train, apply_softmax=True).max(dim=1)\n", + "_, pred_test = model(X_test, apply_softmax=True).max(dim=1)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "CgM4qu8I62BP", + "colab_type": "code", + "outputId": "b38195c6-4b00-44b8-9ed0-3e07657ab1e7", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Train and test accuracies\n", + "train_acc = get_accuracy(y_pred=pred_train, y_target=y_train)\n", + "test_acc = get_accuracy(y_pred=pred_test, y_target=y_test)\n", + "print (\"train acc: {0:.1f}%, test acc: {1:.1f}%\".format(train_acc, test_acc))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "train acc: 99.8%, test acc: 99.7%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "Xj7cwzZ4NoVI", + "colab_type": "code", + "outputId": "cdee010c-f955-4632-feda-c4038e0b9baa", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Visualize the decision boundary\n", + "plt.figure(figsize=(12,5))\n", + "plt.subplot(1, 2, 1)\n", + "plt.title(\"Train\")\n", + "plot_multiclass_decision_boundary(model=model, X=X_train, y=y_train)\n", + "plt.subplot(1, 2, 2)\n", + "plt.title(\"Test\")\n", + "plot_multiclass_decision_boundary(model=model, X=X_test, y=y_test)\n", + "plt.show()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAswAAAE+CAYAAACZY0aVAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzsnWuMJFd59//nnLr1be4ze7+vr+us\nwbETYLHx65jYWKBEEYpNFGQUpEgREkTBBGEFmVeApUSQKIoiElkJieADjiOIlERgogAKLxgM2Fls\nA16zXu9tdu4zfe+6nHPeD6e6pnu6qqd7pme6d+b8JPBOdVX3mZ6qp556Lv+HSCklNBqNRqPRaDQa\nTSy03wvQaDQajUaj0WgGGe0wazQajUaj0Wg0bdAOs0aj0Wg0Go1G0wbtMGs0Go1Go9FoNG3QDrNG\no9FoNBqNRtMG7TBrNBqNRqPRaDRtMPq9AI2mFzzxxBP44Q9/CAC4fPkypqamYNs2AOBf//Vfkc1m\nO3qfBx98EF/+8pcxMTGxZWvVaDQazSq9st91/uVf/gW/+7u/2/N1anY3ROswa3Ya9913H/7iL/4C\nd955Z7+XotFoNJou2Kz99n0fZ86cwfPPP9/jlWl2O7okQ7Pjef/734+/+qu/wrve9S688MILWFhY\nwAc/+EE8+OCDuO+++/DFL34x2vemm27CzMwMfvjDH+Lhhx/G5z//ebzrXe/Cfffdpw2wRqPRbDPT\n09P4wz/8QzzwwAN44IEH8N3vfhcAEAQBPvGJT+DBBx/E/fffjw9/+MMol8v4wAc+gEKhgAcffBDT\n09N9Xr1mJ6EdZs2u4OWXX8Z//ud/4o477sAXvvAFHDx4EN/4xjfwz//8z/j85z+Pa9eutRzzs5/9\nDLfffju+/vWv4/d+7/fwhS98oQ8r12g0mt3Ln/7pn+L06dN49tln8Xd/93d47LHHkM/n8Z3vfAdz\nc3P4+te/jv/6r//C0aNHcfbsWTz55JMwTRPf+MY3sH///n4vX7OD0A6zZlfwjne8A5Sq0/3P/uzP\n8MlPfhIAcOjQIUxOTuLKlSstx2QyGdx///0AgFOnTulohUaj0WwjxWIRP/7xj/GBD3wAAHDs2DG8\n6U1vwv/8z/9gbGwMr776Kv77v/8b1WoVf/Inf4K3ve1t/V2wZkejm/40u4Lh4eHo3y+99FIUVaaU\nYn5+HkKIlmNyuVz0b0pp7D4ajUaj2RqKxSKklHjve98bbatUKrjnnnvwnve8B48//jj+6Z/+CR/7\n2MfwG7/xG3jiiSf6uFrNTkc7zJpdx8c+9jE8+uijeN/73gdCCO6+++5+L0mj0Wg0a5iYmAClFP/2\nb/8Gx3FaXn/ooYfw0EMPYXl5GZ/4xCfwxS9+Eb/1W7/Vh5VqdgO6JEOz61hcXMRtt90GQgi+9rWv\noVqtolKp9HtZGo1Go2nAsizcfffd+MpXvgJARZc/8YlPYHZ2Fs888wz+/u//HgAwOjqKY8eOgRAC\nwzDAOdc2XdNztMOs2XV85CMfwYc+9CG85z3vQaVSwcMPP4xPfvKTuHTpUr+XptFoNJoGPv3pT+P7\n3/8+HnzwQfzO7/wOjh49ij179uD+++/Hiy++iN/8zd/Eu971Lly8eBGPPvoo9u7di9OnT+Md73gH\nfvrTn/Z7+ZodhNZh1mg0Go1Go9Fo2qAjzBqNRqPRaDQaTRu0w6zRaDQajUaj0bRBO8wajUaj0Wg0\nGk0bNuUwnzt3Dvfffz++/OUvt7z2/e9/H+9973vx8MMP42//9m+j7U8++SQefvhhPPLII7ogX6PR\naDQajUYz8GxYh7lSqeDTn/403vrWt8a+/pnPfAb/8A//gD179uD3f//38cADD2BpaQkXL17E008/\njfPnz+Pxxx/H008/veHFazQajUaj0Wg0W82GHWbLsvDUU0/hqaeeannt8uXLGB4exr59+wCoscTP\nPfcclpaWolHDJ06cQD6fR6lUQjabTfycP/yLb290iT3DYBQBH5wpb9u9ntlaGSfureLdxwPcOU7g\nlFsF5A2DIggG5zsCBm9Ng7YeQK+pEzazHmvit3u8msGnnzZ70Gw10L81zdQK+OM/qMTa7EG7xgC9\npm4YxHXtlDW1s9kbLskwDCN28g4AzM/PY2xsLPp5bGwM8/PzWFhYwOjoaMv2gYeQfq+gmUFbDwAC\nvab1GLT1AHpNnTBo69G0YQBt4yCuaRDPab2mzhnEde2GNfV1NHYnEtAGowNhcAyD9XsJTWznetTX\nT0AIAQGBmfDZSdv7yaCtadDWA+g1dcKgrUej0Wg028uWOMxTU1NYWFiIfp6dncXU1BRM02zaPjc3\nh8nJybbvNQjpNcNgCALe72VEbPd61HONhJQSEoAf89mmwWK395NBW9OgrQfQa+qEzazH6vFaNBqN\nRtMftkRW7uDBgyiVSrhy5QqCIMC3v/1tnDlzBmfOnMGzzz4LAHjllVcwNTXVtn5Zo9FoNBqNRqPp\nNxuOML/88sv48z//c1y9ehWGYeDZZ5/Ffffdh4MHD+Kd73wnPvWpT+GjH/0oAOChhx7CsWPHcOzY\nMZw6dQqPPPIICCF44oknevaLaDQajUajUY3aCo4+V15qNDuGDV9Jt912G770pS8lvn7XXXfFSsY9\n9thjG/1IjUaj0Wg0bZitlSER4OS9Ndw5bsSqGmk0mu7Rk/40Go1Go9kBNDrLn7oL2lnWaHqIztVo\nNBqNRrMDkOD44z+oJurlazSajaMjzBqNRqPRaDQaTRt0hHmXIrjAlZfmUJgrQ3CB9GgKB09NwsnZ\n/V6aRqPR7DiqhRrmXl8G9zjSIylMnRwDpf2fMaDRaDpDO8y7ACkl8jNlFGZLIIxg4sgwrr26iKVL\nhWgfr1KEV/Zw8/85po24RqPR9JCVa0W8/sOrEFwN61q6XMTixTxu+Q1tbzWa6wXtMO8CLv90FnPn\nl4FwsOLCG3mImIEwlRUXixdXMHlstOU1jUaj0WyMS2dnI2e5TrXg4spLszh8+94+rUqj0XSDrmHe\n4ZSXq5i/sBI5ywDAPQ7J48eSl5arHY0s12g0Gs36SCHhVfzY1/IzpW1ejUaj2Sg6wrxD8N0AM68u\nolpwYVgME0dGMLQng/xMKdE5jmPxQh61FRcHbpvC0FRmC1es0Wg0uwACEALoOIRGc32jHeYdAA8E\nXvveZVSWa9G2/EwJR+7YB8q6TyKUl2u49OIMbr3/2IaO12g0Go2CEAI7Y6FW9FpeG9mf68OKNBrN\nRtDe0A5g7peLTc4yAHBfYO78MrITqQ29Z63kYeFivhfL02g0ml3NsV/bD2Y2325TIw4O3DrZpxVp\nNJpu0RHmHUCtFF8f55Y9pIZsmCkGv8pbdyBoqm1eCw9aGwM1Go1G0x2ZkRRue+AE5l9fhl8LkB52\nMH50RCtkaDTXEdphvk5ZvlrA0pUiBBcI/BhnGIDpMDCDYerEOKZ/NgfZ4P+OHFCpwJWrxdhjmcUw\nfmio5+vWaDSa3YhpG9h/i44oazTXK9phvg659uoCLr0029zMFxstVtGLfTeNw8maWJ4uQgQS2YkU\n9pwYgwQw8+oClq8WUSt6kEK9AbMY9t08Ditlbsevo9FoNNcNPBCQQsKwWL+XotFothHtMF8HlBbK\nmDm3hErBBSGAXwtalS9iSiuq+RqKCxXkJtIYPTCE0QPNEWMCYP8tk9h/yyQCn2P+wgokFxg7PAwn\nY23dL6TRaDTXGYEX4OKLMygtVCC4hJ21sPfGMYwdHO730jQazTagHeYBp1Z0cf75afjVoOtjpQBK\nocO8HobJsO/G8Y0sUaPRaHY8F35yDfnpVd3kynINr/9wGvMXVnD0V/fDTuuMnEazk9EqGQPO3Pnl\nDTnLdVLDdg9Xo9FoNLsPt+KhOFuOfa04V8HFF69t84o0Gs12ox3mASfwOnSWY5qtc5NpDO/N9nZB\nGo1Gs8sIPNEy2rqR0nwFXjVerUij0ewMdEnGgONkbQDxShZNSGD88BBqJQ9SAJkxBwdOTYIQLVuk\n0Wg0myE9ZMMZtlHLu7GvCyG7mqiq0WiuP7TDPODsuXEc82+sdFSWkZ1I49hdB7ZhVRqNRrN7IJRg\ndF8W1xIcZkIJXnvuMrLjKRy8bQqGpW+tGs1OQ1/VA055uYrAi9dZboRZTJdfaDQazQYozJawMlMC\nZRQTx0ZaVIKklCjMVRKPl1yiVvBQK3hwSz5uvPuwzu5pNDsM7TBvM1JKzP1yCSvXShBcIDOawv5b\nJ2IjEgsXV3Dl5fmOUn0TR4a1brJGo9F0yaWzM5h/fTka7LTwxgoOv2kvxg6uynDWCi7KS9WO3q84\nX0F+poSRfbmtWK5Go+kT2mHeZq6+PI+Zc4vRz+WlGiorNdz0jiNNEYnFS3lcenGmbaNJnf2nJrD/\nZj1BSqPRtOfJJ5/E2bNnQQjB448/jtOnTwMAZmdn8dhjj0X7Xb58GR/96Efh+z7++q//GocPHwYA\nvO1tb8Mf/dEf9WXtW0F5uar05xumoAYux8yrixg9kItsMmEEhKJpv3ZUix5G9m3BgjUaTd/QDvM2\nwgOBpSv5lu2lxSoWLxUwcWRVAH/xUr4jZxkAKNViJxqNpj3PP/88Ll68iKeffhrnz5/H448/jqef\nfhoAsGfPHnzpS18CAARBgPe///2477778Oyzz+Khhx7Cxz/+8X4ufctYmS7FZvAqKzXUih5SQ0qW\n08nayI6nUZxPLsuoQxnB0OT62vcajeb6Qnta24hfC+BV4pv33GJzM0ngrl+3DACEAulRZ9Nr02g0\nO5vnnnsO999/PwDgxIkTyOfzKJVKLft97WtfwwMPPIBMJrPdS9x2DCv+FshMCsNuHn19+E17kZ1I\nRRKezpCFkf25FknP0YNDyIymtmK5mi2GmAagA1CaBHSEeRuxUgbsjAm33KrXmRpZdXqllCC0s4aR\noakshiZ3/o1No9FsjoWFBZw6dSr6eWxsDPPz88hmm5uFn3nmGfzjP/5j9PPzzz+PD37wgwiCAB//\n+Mdx6623btuat5qJY6OYv7CCWtFr2j60JwPTbr49poZs3HTPEZSXa+A+R24yA0oJli7nsXKtBCkl\ncpNpTB4b3c5fQdMDiG2BphxQg0FKCen74MX1swma3cWmHGZdD9cdlFGMHxnB9M/ngYYs4NBUBqMH\nVIOI7wY4/9yV2AYTagCiIUBtOgYOv3nPVi9bo9HsQKRsLUV48cUXcfz48ciJvv322zE2NoZ7770X\nL774Ij7+8Y/j3//939u+r8Eo0EeFCMNg6+/UsO+JXz+Iyy/NobxUATUohqcyOHrHvsT3GZlqfsCY\nOjaGqWNjPVvTZiGEgIDAXOcz13u9H/RlTZQAmVQUWSaEgFgWaA5ApTaQ3xOg/36d0ss1bdhh1vVw\nG2P/LROw0gZWrhYhuERmzMG+myei5pKrr8yjtNjqLFsZA165uZzDrwW49osFHL1j/7asXaPRXL9M\nTU1hYWEh+nlubg6Tk83Nwt/5znfw1re+Nfr5xIkTOHHiBADgzW9+M5aWlsA5B2PJN6GAd9gZtwUY\nBkMQdFbOVic1bOPGtx9C4HFQRkCZcpy6fZ9ermkzSCkhAfhtPtM0WNvX+0G/1kTTDlhMGYZkDATt\nv8d+of9+nbGRNVltXttwsY6uh9s4E0dGcPJth3Dj3Ydx4NRUZKABoLIcL10kgvgGwPJSbUvWqNkk\nlIDYlq6H0wwMZ86cwbPPPgsAeOWVVzA1NdVSjvHSSy/h5ptvjn5+6qmn8B//8R8AgHPnzmFsbKyt\ns3w9Y1isyRZrdjtaR1vTzIYjzNtVD9fv9F60jm1KNSTdjCiL/w6YQbd8berrJ+um+nZ6OqZjHAew\nwuYRKQHfByq1/q1nHfSa1mfQ1rMR7rjjDpw6dQqPPPIICCF44okn8NWvfhW5XA7vfOc7AQDz8/MY\nHx+PjnnPe96Dj33sY/jKV76CIAjw2c9+tl/L16zDbK0MVevHoduTOkd4HqjjtPQNSR5ol1nTRM+u\nqq2qh+tneq/OdqbUcnvSKC42NxsQCozszzWJ60f7T6a3fG3qTyvbpvp2SjpmsxDbArPNVU1tQgDL\nAg84mOfr76gDBm1Nm1lPu/ReP2jsLQHQFE0G0GKP9+7dG5XXaQaX2VoZEgH++A9KuHPcgFPWykkd\nEwiIalU5zYyq+1zAwUtV0A6b7zW7gw07zNtVD7fb2HfzBPwax8p0AX6Nw84YGD86iv03q2mAC28s\nw6sEMCyKkf1D2H+LHlgySBDLjB2JS0wD8FrVUTQajWYzzNQKAKR2ljeBqLoQrgdiWYAQkHVbTbVv\nolllww7zmTNn8Dd/8zd45JFH2tbDPfTQQ9HPTz31FPbt24d3v/vdO74ebiOUl6uYPb8EvxwgM57G\nyN4sRg8OgRmqrm7/LRPYc8MYvJIPw6Ewna0Zha1Se6tIcAACOtXXH4htKYcbgHQ9SD9ey1uj0ewu\nZmoFnLy3hncf97WzvFmEhKy56++n2bVs2PvR9XC9pbxcxS+fuwK/uuoMFecrcHIWsuOrU6OYQZGb\n2LoyDJXa4zh5b6MuqcC7j/t4u5MFyomHagBIL4CMiTJv1MmlmRSoY0fvJ20LolKFqGrDrtHsVlbt\ntHaWNZrtYlPhQl0P1zvmfrnc5CwDAPc43njhGm5754ltWcOqEa7i3ceb1/J2J5twlKYR6boQBgW1\nLRBKIYUSwReVGli3jWOW0eQsA0ojlDq2dpg1ml2KdpY1mv6g8+vbgFfxsXy1ANMxMXowF1vj6lbi\n61trBQ+1sgcns7XtQ43O8qfuApyydpDBGGjKVo0gQigntYPIvihXIao1ENOEDAJgA42rNJMCte34\nemjGQAwGOUCNcRqNZutZG9TQWb8ewhho2gahTAU6XBcQ/Rcd0AwO2mHeYi78ZBqLF/PRZD/jpww3\n3X0YqaHmiECSbBwALF8pYN9NE1u2xnqH9cl7a6GzrKMVYBTGUAakocaeGiaCYhkIOiivEBLS9dbf\nLwZimS2R5UakEJADoB6j0Wi2j1hnWbNxCEAMA5JzAKTF3kuTAdVaR0ESze5AO8xbyPK1AhbfyDdt\nC2ocr33/Mk4/eEPT9omjIyjMxocKDGvrGiPrRviP/6CKO8eJdpZDlMRQ8/dOGAVNWRDFNQ4zIXXt\nvRaIZYIYhopUdOJoI1lpo470/MTP02g0O4/GMgydAdw8NGWroARjKgAhRKu9pxSwTECXv2lCtMPc\nJTwQmPvlIqoFD6ZtYPLkaFQuIaXE/IUV5K+VIIREtRA/hc8rBwh8DsNcvUDHDg5h9rXFlsl9qSEb\n40dGtu4XAtY0+GkAJE7oIw3badoBtS2A1Es2qpDuamkNy2WanV/OgXxp/TRfgi8shYCouRAVPd1R\no+kVUkosXsqjtFgBMxgmjo0glbP7vawWTt7r4d3HBfQEus1BLAM0nYrsMqG0ya43oSe1ahrQDnMX\n8EDg3Hcvoby0Or56ebqI43ftQ3Yig6uvzGPm1cWO3kuKVq/o5FsP4eL/XkNpvgIpgPSogwO/MqXF\n0/uB4ABaZfukEKApRxldc/V1QhlINoOAF4GAg9i2cqYbYQw040AUGwbTMBrWSYeycYJDeAGosFom\nT4mAq/fIpiFqXscR67YQApp21I2BC4hqszNOTEPVS/MGbVKNZocgpcTrz1/F8pVitG3xUh5H7tiH\n0f25Pq5Ms2nCBmlQAun5kVIRsay2GbwmdOmbpgHtMHfB7LnFJmcZUA19M68t4dhICouX8glHNsMs\nGltmYToGTr7lEAKfQwoJ097aP089zVfXWN7Vab66cWUUCCO51DKba9o4B6EMNBMffSKEgOUyEJUa\niBlfRkOYAWIakFKAZTIgbG10wwA1DAjXbaljZtaqg04tE7xcaYpod/yrGgaIFZ5bttWkhU4sE7xQ\nBGRzhDyafhW+ptHsBJauFJucZQAIXI7Zc4sY2Zft3LHaYrQWfpeYBoxsOrLf0rEhah5EuZJ4iBSi\nyRZLzkE22IfSCE07qzr6XtASlGiBqJLAxnsRYgJsmu1HX3ldUC3E1zJVCx5qRbdFFi6JA7dOtjXE\nRoKz1UvipIl2ZLc1paslEAYFtSxAQhmheh0wIWDDWVBj9XIgloWgWFZKFaFKBkDAnPZqJZQxkGw6\n3L8VwiiM4RyklInngFLBQNtzhFAK6tjgXTrMa3WdW143DciUAwg0RcgJIcroD+fAV4qxx2o0/UBK\niVrBBTEossOpro4tL8U7UNWCC+6LLe0f6ZRBG05CMynVl0EIEATg5Wp/eyoIWh7iWaq5B0XJcVqQ\nnhr8JO3WKLP0PAghAcYAISFqNZibeGAitgWackAb5URNE4QR8FI14SACNpQFNVfvRdS2EBRKKtpd\nd6ZNA5QLCLcz5SZNb9AOcxckGU/TZnCyFkzHgF9b32mev7CCoT0ZONn+1MmtdZZ3ojQRzaQAy4RB\nKWTAITkHtVbLHKhjgZerkJ6vapGN5kuBGgwynYIolKJtbLizCDwhpKWBpPG1xv8mvkcHpXOEsuab\nRcyNo2n/GF3nWBgDEvwEwljzQ4hG00cKc2VcfWUO5aUaCAWGJrM49KY9cLKdyXAmBScMi4Ea/a1f\nHUS9ZZZNq0xcHUPZA95gJ7cLmkmBWiYAAsk5eKWqnEdCQGI07+sP/aJSgzCYCobQMHvmB+DlWqvj\n3612fgjLZUHt+Em8xLIAWouNGtOU3eQsA8rm0pQDUaqo9w0zjQxhprFUgfR1udx2oCvau2Dy+Gis\n/Fu14OLn334jGmG9HtW8i+mfLQAAfDfA9C/mcensDBYv5SG36UldNZD4O0OaiFL1JJ9yoppclnIA\nxlRkwTTCQSINA0BCI1T/d+zbmgbYcA40kwYIia0774SN/E07O0KCDQ/BGB0CGx2CMTqs/p1Nx+5N\nzPbqGxFCJvYVEUIig63R9BMeCFx88VrUKC0FkJ8t4dKLMx2/x+SJUViZ1vN5aG92IHpH6o1+g+As\ngxCQmGufmEbs9q2EZlJRFJkwCmqZMHKZVcWiJJsbbhblKoJ8AbxUAS+UlMPfo3svdexEZxkImwwb\n7zmUAhSqN2Zt30v9GMbU+675nknYA6PZHnSEuQuIQSBiLiruC3Bf1ToZNgMPOOQ6WZLySg3l5Spe\nf34abqleJ7WM5SsFnHjLwZaGL0081LFUx3NYe0YdK9bZjB0AYjBVJ9bGOSSmAZgGiMlUKq9NKUUS\n3e4vhVAjth2arMUspbpZ1D+j8fNCY8xLlbUHrf/ZYZqPMAYZ42BLKUPdUo2mvyxcXIFbao2sFRfK\nqBVdOB0oXZi2geN37cf0zxdQybswDIqhvVkc+pWprVjy9U2CmgQhRE013c6lxDnuoVMpqjUIzwdL\nNQdCJOeqFK8OFxB8CyTj1olKS84hA65KNhw7ioa3lRIVMvF9CdNxz+1CO8wdIqXEheenVd9FGwKX\nIzuRglv24FeTHQvGKK79YqHBWVasXCth/sIypk6M9WLZbdgBKXVC1FN5gxEnjHUVKaC23ZGhp4YB\nQciWNgHVnXFVn2xBcAFKQ4deSkguAajoCWFUlU4kQEyzRR+63UOYcoQFRFmlNWXAIR07alaJ9vOD\nqNtco+knIoi3YVKoIEanZMfTuPHth6NM0KA0+g0cnEMEvLkmF8qZE70oCXDsqAFZBoGyc5YFQpRC\nkKgPESFAYpQjtHGirGqEqaXsoAzCko3tyOC2+QwpJYTrAYyCZVLJcnZrjpGem5gJTeqX0fQe7TB3\nyPKVIirLnenflhaqSI85GD88DL/GsXg53+KfDu/NJKpqlJdqwInNrjie+lS/67bRj1LVjCYlJOLL\nKbq54bF052nOToxbp8RFqht/JoSAsoYIMyEAkaru2nVhjA63/wBKmh1mk4GYyXWdhBAlvyRWH/J4\nvgiZdlbTrUFY56fRDADjh4Yxc24J3GsOTKRHHKRHuy9f0I7y+shaDTKdjh6+lQPoblp+jeUygG2t\n1oiueVBnjKmsl+tC+KonZW1kVdUirzruolxVjvPawVKNUppCrjbOERI1OgvX27BzrRSWrKb1SSkh\nAg5ZcyFdTzVOrnM/kUJCBgGE60K6PiQNo9KNyk1y4xNlNd2jHeYOKS5051lWlmowLYYbzhxGdiyF\nufPLqBZdmCkTI/uy2H/rJFamSwBao3XU3JoUy0ytAEDij/+gNBg1cV2i6pTtyNAk1QbXywbqjXxJ\nkaO4G2S7KFMvbqhRFLmD94pbL0s7CFxPpfSs5POkHqEBY6C2pb63dRsN1cNI42AUUakBelCKZgCx\n0ib23TSOa68uRk6zlTGx/9YJ7fxuEaLmQQQiHNikpo626LPXI8CdOpyUqozYersZDDDSoKFjrJzm\nMCIdOo7Si8l+rXGWW1QoLAO85oKFk/8A1XzHS1WVrugAYhmqmY8QwOfgpUqor88gpYB0/WY5uQ7O\nT+H7EMVytB41fZaqe4gERBBAuJ52mLcR7TB3CN1AnVBpsYrA45g8PoqJoyPwagEMi0XNgcP7si1S\ndcxmmDja+8l+s7Vy2EDiXpfOsmrss5vLL0J94JY6Wz8AL5RA0w54+DNJOaCmse6NVAqhmluSaofX\neX2rIeH3IKo1peEcE2GXYdOLMTqkags3UHet0VwP7L1xHCMHcli6VAA1CPadHIfcUaf6AGovcw4R\nV95ACFgmrTToCYGsS86tE30mptFVzw4hBMRSKkf1z5WBH+8sryFJhYLFlPbRTAoorR8oU300q1F3\n2CpC3U45JEnaLnq9MXJs0KbSQ0JI+FCio8vbzQBdhYPNxNERLF7KI3Cb039DezPwqj5q+fYnLqEE\ndrr5KfrAqUlIIbE8XQT3OJychT03jCMzsrXO7HXnLAOhykV8w0ldIxmoywOFzW6+D2kYoNl0Uxqr\n7eess199DYJz1e3cYPBkqC7RVj+5XRNfp04toZB+gKBQgjEyFBuJJlazhnInSCEgGuuT16YyNZoB\nxMlY2H/LBACAGQzBDtClrWcDB0VODgBAKVg21GCGymLxUiWSR2PZdLN2u2UpybmVoorAGiYgZbMG\nPsIodUO0uGMMFkVgOyZJ7jPm3qIi2sa6OsfEsVscfmKZIJaR6MRL14M0DaDBaa4HOlRzohdF7pUc\nasy9jxnaRm8z2mHukNSQjYNxYgYgAAAgAElEQVS/MhU26vlRz0Gt4CI3mYFfCVoaTbLj6bbC94QQ\nHDq9Bwdum4IIBJiZrIqw62lnFKREUAyF3eslFbYFpB0Y3RrhDolzrAklUQS6G6QQ4OVyNAUQUBEI\n6tixhlJGI7E3HumuN/lRRlWERkoQSmEMZSG5UL9C+DAiRSjTFPCWm51Go+ktgzaopA7LZZqis8Sy\ngCxRkVRKY6XlqGEAQ5kmSUtiW+Cl8qojGjbCsVAWVG0Km5t72DcCoCv9eCklyHrN8Wsl4kIIISBG\nssMMKBUj4npK5clgYeQ4dIA7kjANm8A124Z2mNcgpYRXDUAZaRpNfeWlOSxcXFmNMIfnqVcJsHgx\nj6E9aVQLXjTtLzuewoHbJlEt1GClTLA20/soJaADMFFqkBGuC5Ky4x1VxmAM5SBqNVVzG9b6tlOR\n2Cq6NfBKcL8G6QaQa+rZhRfAGMo0vWdTzVpS13oH0WpCiOpslwzSWC1VIWtE/5t+H1ulH4NiBQg6\nV8qgKSccBy5VNEmnETWaWFZL5wZEexmI6n5jh4GY4UN+qHkfe/gaeUpqMMiU0xQdln4AMB8cUFFW\nz4cMArChXIt9U7vI1trpDhBVF9Qym5xcKQSklC33FhlwkAQlltU3FOp/caVxnTRCEqw6y/VNjIGm\nbfC8H65PJpQecu0vbzPaYW6gMF/G1VfmUVmugjKK3EQah2/fg1d/cg3F+eQZ9ABQK/k4/mv74ZZ8\nWGkT5ZUqzv/gKtySB9NhGNk/hMNv2qMjyBuAphzAYErqLJRdWwuhSmJOeD6IYXSf3mtDrLFKcEql\nEB10PwvwqgtSlxhKitgGAYKVgpqsRShkELQ4m6JaA2nouK5HZjqJchPG2t7oko5h2TT4SiF+B1of\nHKB+ZLlMU5pWWiYEo02NhRrNRijMl7FytQhQpZiRGe1uLLamM1gm3VL3W0ep61BVtxxDkp2kBlOx\nW0LAchnldBMCKoQKCoTOsOQiVn9YcrGxB28hEBTKYUMeVc5ozYOUAsiko4eCemkf7aQ5z/VUUKBh\nX+G32uo4iBHfV0MYi6LNsdNZpQSvJozX1mwZ2mEO4YHAxRdmIl1kLgRWrpVQLbhwy+s/yXplH+e+\newnZiTTGDw1j+mcLoW4u4Nc45l9fhmFTHLhVC+J3AxvKNonUSyEhRKhPvAZCiJpy1+FT93qRWCml\nMny+DxZ2KK9u90ENs6l2TQRBYhNeVKfGOUTVVfJCUFOhiGWqpvKg3kzTcLCQbZ1L6XoIeABq2wAI\npO+BWBaY08H0JwIlrdQlhFHAZIDfUNtnGmBpR9XVSaFuODWvJU1LQukmUdWlHZqNc/WVecycW4hE\nDBYu5HHg1CQO3DzZ34X1jMFp9EtyhoFwCIfrNT0UN70uRIJNVP9lGafJvisNelsFR1wP8AMgZmre\nprJUnEOsHeoEJaMJRpX9rZdudDAaW1TUmGsSaT4HnQcEkkov6iUpphEbYQchoKa5NYNXNIkMxhU5\nACy8sdIyRARAR85yHSmA4lwFtYIXOcuN5GfKOHDrppa5IeraywDfEu1l6tiAbYJJ9WTeJJ+zCYht\ntY4CpQQkSbQeiKTk4mhyXKWE8HylnNHgNErOIbhKszVKJgWuD+oo2SDpq45saRqqVpoQIJx+R9Mx\nny+BoFSCwRiCBkeRpp3myISpUoXtuqupY4PYpoo481UxfxGsRhukrxpo6lGhpAi58EPpvQ1MLqSm\nCUkpiKUaXghrnALGwuh1fE0+YQzEYHoAimZDeBUfc68vNyl+iUBg9rVF7D05DgDw3QDXXl1ELe/C\nsBnGjwxjeE+2TyvuDGWnOZSz3KfmbBYqMtSjr20cUykEeOgYyiAAYmqYpR/E6uVLL3xf1mov6xNW\npetB1GoghqqPJjRck+91fo8J7VLHtmaDetKi5gK17p1X4Xogjt3iFIuGCLsUslVFREo9sKQPaIc5\nJOjhzdt3499LbFLcfSPUneWt0l6mmVRYMkCU6LxlghgMvIvuZRoOxyCEQHIBXq0Bfny0diMoQfsA\nvFYDNU3UI7HSCyAsU0khUdVAJxF2MK+9UQjREjVYO/WOJkV1Qx1OGKtNiSCh8sdahQvTALHM2Po8\n6thK8L5+jMFADYYgX2yOVEgJni9COLaK+iZF4x1L1SJ3oIHaQl2KqZ0iSIKkXX00rEYThxQSS1fy\n8Goco/tzcLLN0cvlq4WWYSWA6idZmSkhO+7gtf93GZWV1es1P1PCkTfvw9ihoS1f/0ao2+mT99bw\nqbsAp9wH554SsFy2yXmTpgnJW22xlBJBqQrwIMwiEQjOm4dqCAFiGEpRqB5pDgMV3ZRk8VJFOb6m\noextR7XBBCyXjuqn1aTAqrLDg4SU4MUyZNpRtd1SPUxE348QkL6vAjONcL6hGm7N5tAOc4hbij/5\nCANk0r1dKZm1bk5QetnuGrt6xGLLBpUQoiRv1jp9lhnK8XSii9kcZSWMgTCKIF/qWdOeDIIoaivW\ndC0zy2rS2KaMgWRS6gGqyyd4UXNBHKspyh2NQm2krimd1F3NaGxVCbHN1u+aMVDHjr0BEcba1lMT\nStUY7A7qrhup779u7TMhkF6gIuL1Y8Mbpi7H6A9PPvkkzp49C0IIHn/8cZw+fTp67b777sPevXuj\n8cSf+9znsGfPnrbH9JpqwcWFH01Hzu7MLxYweXwUB29bLWWz0vEPeIQCTtrE7PmlJmcZUKOy515f\nHkiHuW6nT97rhs5yfxr9aEykk1ACyVXEk4Q69vUmOSOXXt2vseRMCFBDZe4IBQAGEXAEK8UWmyp9\nv2Wqn2roW2MzuYDknZdhsGwatEFakxoMJJ1G4Bc6VKDYRjiHKJYT9Th4qRKVZwCqdI9uIJpNTENF\npfsQuNsp7FqHmfschbky7IyF1JCN8mJ8Ab2VMsA9iSAmopFUK5udSIOZDCvTxWifzJiDA6e2v77u\n5L3KyGyFESYGaxlPCoQpe4NBdOAw1yPLTdsYgzEyhDaVF13RLpoZV5+n6uisDTWm8UIJMpQJqnd7\ni+qqcVMi98ljUaWUIIYBNhJGq+vi/+0klhK2x3W1t9BUSrE+ahIi6ei9ZcDBiyXIwFk19p6v0pea\nbef555/HxYsX8fTTT+P8+fN4/PHH8fTTTzft89RTTyGTyXR1TC+58vJck7PLfVVqMbQng6FJta6R\n/TlkxlIoLzXb7NxkBpmxFKbPLcS+t1v2BnaIT10Zo2dGbyMkDeciFDxfCNUwKKjjxNfVInyAj5G7\npAaDtK2WUgpRCQcwmWHJBVfSlZ0MIUmEINKKbl4bBbXtnpUMbhtSKqe5gaTvPw5imar8zzCi8eHC\n9aP7k6ZzdqXDPPPaIuZ+uQyv4oNQpZfsxznEANxSABDAzpggjMCvBeBe8hNaesTGodN7kBqykZ8p\no7xUhZ0xMH54pKtpRtcDMuBKs3eNoZVSduQsA0j8Trr5rtrdBIXfpgGDRP/XO4RsbSghBCyTAkwD\ndJ3IrBSiuYHGYEr8v1CCCHgU/Wsi6YGgkyhuF5MAo/06+Mok55BSgKYdVW8tAUjR8Xmh6T3PPfcc\n7r//fgDAiRMnkM/nUSqVkM0mp/83csxGEVy0OMGA6g1ZmS5GDjMhBMfu2ocrL82htFgFoQTZ8RQO\nv2kvAMB04m9rVmr9SZ+7moTIowz7M6QfgFBrfWctyXabBqiRCaPWYYmbEODFCkAJTMtC4Lo9kEpr\nY6N2258/vPfUs5n1oVb16LuoD/rSJXIdsWGHedBTe0mUFiuY/tk8RKCuSimgJOPaXUhSNf8dvXMf\nZl9bQtVrjZA5ORP7bpnE2IGhyNkb2ZfFyL7BbjTZFFJCeF6L7I30vLYXYONwjkQnsOMlyMRObCDs\npk5yHKUq1yCsuT5MCvV79QqWy0TNi0mnmQjroanT2m1e1zoVNVelFht+V9EmYis9XzUmtnMSSHwL\n5VonuhunWgYcxGBgdmtNNzVN8FJFpWLr2zKpsNYQEAEHXB2B3goWFhZw6tSp6OexsTHMz883Ob9P\nPPEErl69il/91V/FRz/60Y6O6RVexYdI0L1de+45WRsn33pI9YUQAtrgpO05OYaV6SJqxdVrmFBg\n4shIz9e8kxBVV0UjG0vKuIBstC+dPHAkyFqqMo16g7OKAvN8EdGgjiDoja6wlMquW2vtumgtj9vh\nUCe+9C963TSATFr9HbqAWEq6VXK+uWzAdcaGHObrIbWXxOLlQuQsN9HBhVqar8BMmajmW2/o2XEl\nJ7fbEOUqwAWYbUKsp5JhGmDpFGh9iEXAIYKgqzTp2n1VzW8bh9s02nYv83JV6YiG4vGSC4haDVhP\nsL5DiGVGDwhJSCmVnBwAkm4tnSGEqHrumosgXwJNqSbLaPJeAqLmKofYtqKojpRSKYPEaUjXNZzR\nOoCl47+PH0S1jnEQRkEcK3KYWTbd1CzJQm1oeAk6z5qeIdc8SH74wx/G3XffjeHhYXzoQx/Cs88+\nu+4xcRjh9Mhu8Ko+zv/gKkSMuhAzKfYcH4MRF9mM2ZbK2rjp7Udw9RfzqOZdGBbDxJERTB7tn8Mc\nu/YQEma6CFEKQGYX6fbNEPs55SpgW6o8Q0gQz4chZZTpAiUqEp1UvgGASKlqlRttSEyfBDUYaCbV\nZJ979rvXXPX5dT1jIUBcDyYhHUnFNbJdf49u6WhdHZTbUYOB2mbntc2ZlOpRqjdrBYE6bzpd0zbT\nyzVtyGEe9NTeVkEYxeTRHMoLFfAGh8pMGZg8PtrHlfUXUXPBggB8nbQOy6SjdF5dOmjtlKP16D6l\nus4NXgjwfBHEMgDK2kekN0AnzXGR2gZR6c+WjvRQ4q6+XlHuXLBecg4EStpJer6q2U5w4EUQQBQr\nMEZyHb+/4DzSDJV+oBoa15syWP/9CAGJU+gwGIhtQ+pIc0+ZmprCwsJqfe/c3BwmJ1f7Kn77t387\n+vc999yDc+fOrXtMHMEGmoqu/Hwe1ULr35sygoO3TcHKmgg6SBsbBkMQcJhpA0fv2Ne8rj6lnetr\nSkKZGzXNTQLwt2GdpsGSPydGMYpl06vSbqFDnNiHASAoFEFtB6AAAgHqWLGZLI4wq7TemjaCV1QN\n6JRu2K73fE09ouN1iRoM22zbpyIRXrMdvB9NOWCNNpsQwDTBrQDM8wfuu9rI3y9eUVyxoUHtCwsL\nGB1ddRDrabpGnnjiCbzvfe/D5z73OUgpOzpmOxjdlw07d5MxrNYdmEkxcXQYowdyOHrnfgzvzSI1\nbGPkQA4nfm3/wE2ZatT0vHO8/6XqxI6vfevWAe4kwtWwc8fpIukFKvXYY/UG4fuQMV3ZUkoVzXY9\n8FIowSdVWrRxfymlihRvQHOTph2wXAbMsdX/chmwVCr5O/eUMkgnI13rfwfKmErhyrCBZ51oOoDV\n34WQxHrH9a5RTfecOXMmihq/8sormJqaigIWxWIRH/zgB+GFpUg/+tGPcMMNN7Q9ppd4CXr3Vtrc\n0cGIZu1l3heFDGIYIKHGfCM07YANZ8FGhlRqP3S6SDhtVbRzRAIBUa5AFCsQ1VqyTdlixQbp+Vti\n168bQjnUdjZdBrzjGuYk+x7XZLkT6clvuVWpPWBj6b12jB0Yxr6ba5j95VKslicA5CYyMBwDK9NF\n+G6A9LCDvTeMY3hS3Sgmj4xgss/1cO1SfNPlQqTp+X/vIsi66W1p72yb+miTwmsh0iqOGXqxtj6u\n3RhoQmDYZjRUpG/4vhL1r69TSpCqC3heOGyPrj66BgFQrgCWAYCA+AFYEIB1m1YiBAj1sVc3tbmO\nOAfzffU5nq/+XklRibj0qmWCZtLrpwClBPX91YenuNG3UoJx0f3vvIUMYqqxW+644w6cOnUKjzzy\nCAgheOKJJ/DVr34VuVwO73znO3HPPffg4Ycfhm3buPXWW/Hggw+CENJyzFZgOvHfr5XauTfiVTm5\nKt59PMDbnW3Otq7RKpYpAVFzIaq1lgmrcSh5udYMWpwqkai6KpvYYB9EEGjFnC2GOpZ6GKIkkvxT\nKlZhWSTnqumvQ5L8tt3yPLIha7RdqT1gY+m99dh/ywTGDw9h/sIyFi4WENRWo5CmwzB5chRDkxkc\nuG0S3OVIDzngQiAIOGplD/lrRdhZG8N7Mn3pum6X4lurvWyXbfjoc4oPqrmAJkyca9kmZKxcnRQC\nvFQBMZl6opWAFBw0nJAXh6Bs3VKRLadYBrFMGLYFLkJd5nZqEQEHNtmcQmwLRodycdzzIYrlVasX\ncMAPwDKpaFpgI1LK2PSqMI11yzH4Gpk9UqmqwTENY8eJ68MfILmjzaRl26X3+sFjjz3W9PPNN98c\n/fvRRx/Fo48+uu4xW8HUyTHkZ8rwKg3NoAbBxNGdGV1edZb7N6iEZVJNWsWEUdC0AwnZWaZISoiq\nq5yy0NaIugzm2l19H0GhHE5LpYAIICq7OPK7HRhGs4QpY2CMgVeqCCq11TK6LpCeD7lGCjZWN3uH\nsqHE5yCn9jpBCIn511dQXKjAsClSwzZyUxmMHxnCibcciuSLDJPBzlpRZ+/ll2bx829dwOWzc/jl\n9y7j3P9cgl8bvA7RrdRebsFQQzia6mIpBXFs1RiABu3huIhxjLOclKYXrhpVLco18HxJSa2VqghW\nCuBJDtaAGGTp+UC1BlGudDTQZdOfFwSxpSAtCAFRKrd+T0EAXiy1yMAJP9jcSNY1nyM9H0G+CF6p\ngldr4MUSULvOdFI1myaVs3H81w9g9NAQ0iM2hvZmcezO/QM5aKRXrGov94c4p7g+9n7dvgspAT+A\nqFTV9VuuICiWwWOGk0QEAUSpAlEsQZRrA2ObdyrUtmJrl4mpJsl26ywDSnVKlXiEUoOcq5KbXaI+\nsqEI8yCn9jrhwvNXsXy1WUZl9ICFY3ceSDxmebqA2deWmnrIigsVXP7pLI7/WvJxOxmWTSsFhrBb\nlpmm0hFuaA6Rnmpm6zQS31Z/OckQS0BWapCNskX1l/zBiVRuKzx+pGpjRF9KCcIFaMoBuGhNjwo1\nYls6jiq1CIcKUMdW33VjlEGo40mmTY10uK4W1o4d3wHlD5ruyY6lkN2ALQ28APOvLyPwBHITaQzv\ny2q95Q6QMl7mUkoZn/kLt9Xl2SJ7wUVT1kgzICRqUXdxbRDVrK8erggkD8BLVaWExai6J++i554N\nF4gNampvPcorNeRnSi3b8zMllFdqyIzER2Xz10qxJ0YpRmh/N0Bsa9VZBsIx2WaToSWEgNimUlLY\nJKpBrsEoU6pGajMaOWuiUo1GTkshQII2Q0t2AbxYVt+DUR+pGqhBM2FkiRhK35nVf7ZM8OKaaLNE\n63SumqsegiwVwZCCq2ZFz4e0LaVyEWOUhedff1O2NANFfeKqYamHqtJyFReen4ZbUhGu2deWMLI/\nhxO/fmDHDYrqOUHQ8nAqpYSsupBA08O2DMsvJOcqCDFo46U1LUifAzHujOwiw8mymaZBWoRZwBBV\nmYRdOGJ753ZUJFBeqsZqfQouUV6qJDrMSY9ruzWSkaS1G7uti9HLcUjOwSu1VSNNiWpKaTD21DQR\nlMoQywUwXgDcioqKOlOb+uzrnTgJOul5oNkMKGtt3JMpu6OHDFF1gZioEs8X1YNUKCMluQSIVF3z\n2lnWbBC34uPS/86gtKAalDJjKRw8vQczP1+InOU6K9NFLFxcweSxnVn/HFEPGhj1oIEXKwmXhNKg\nJ6tNf/Wx1EEAXgyUw2UyAGqEsnS3Nlsnly+ibW7JsMBTu9ued4N0XQiLqcBGeF8WftC5LCmlsWU7\n1DAgLGvX1C03susc5qGpDJhJwf3Wp6Plq0VMHhuNdfpGD+aweGkFcs1h2fHBkpPbNroIMGz0oUJK\nCV6tQVZrTZ9HU06LRB1hVEkfFaaBwEPwvRdgvO3NYP4V8NzBDX3+ToRmUom1bQAAtnmTIF1v19S0\nabYeKSUu/Gg6cpYBoDBbxhs/mUZQjXcQS4vVne0wk/igAS9WOi9DkxK8UAYYBTEM1WfRkF0StRqw\nDc+4rDoHBB7877+Alf+Ol5oduW8Sxpk7wKpz2mnuAl6sgBgeiMkghezOLofygbEvUbKbKjEidqzD\nLKXE8nQRQS3A6MEhmLb6VZ2shdGDQ1i4sNJyTHGugoU34iMTw3uy2HfLJObPL8OvBSCMYGgyg0On\nB+fibdb03Fqk50HaVldpz24m+gFhSQchrb0hiRex2h587wWsfGse+PY3MfJ/JmGcAWCsppV2q8El\nttUyxryFtU+EG/4wAmpbKsWrnWfNJigtVlFabJW+qizVEmXnqDG4Qt6rdlpAaS933/xOU3Zr0ICq\nKZrEMqOos6x56zd3cQHJ+3ON1p3l4HsvYOXb87i4eDR+x2+9gRG8EDnNSexW294OGQRdlWFEcDWJ\nl67RWJZCQAyQitF2siMd5krBxcUfT6O8rB6Pr/1iAXtuHMfeG8YBAEfevBdLVwoQcVHm6WJiZGL/\nzROYPDaCwlwZqZyNdGL5xvbTqOm5HTJF0g8gKpWwjpi110MOUc5vd05z7HsmNP9JIaLCmYuLR2EY\nFPjW6xjBC031eOzO23Zleo9YySOrgVBXtQfOLXWs1fMCgEjZ4KVKx+L4Gk0jfs1PzGjZOQvemigz\nsxkm+jgGux09015O0LWnayW/uow607QTTd+UgVLB2KpQYpOz/K15XM0fh3qIaOXi4tHIaV7byBy9\n35236Qh0jxHVGki6WfZzo4O0dgI70mG+cnY2cpYBwK9xXPv5Aob3ZJAackAIgZU2Ucu31mAWZso4\n//wVHLvzAGhM9NS0DYwfGt7S9XdLq7O8PY68qk8NDXenTrAQEFLNr4+6rts50TFOlgy40mpu+PvI\nUOVhbQ1c3dA2MuJ6uzS9F/8dSynVzbHmbkhqqAlKQFOpJh1tahhAJg2eLyYfx6hqLpEAgkDVQVum\n0notV3ZVJ7ammeG9OdgZA265+dw0HYZjd+7HzLklrFwrgrscqWEbUyfH2vSi9I9G7eVNDypJaLha\na0frUedOHGaWTYM69uoG0wBhDLzQ2iS/WdY6yyrA0f6Yi4tHcfEZ4Mj4G7Gvj7ieKsPDbrPrW4d0\nfQR+MdTPJhCuvy2yqIPKjnOYfTdAOUa5gvsCi5cLOHhKGdKRPRnMxDjMALB8uQjJr+DEWw5eN019\nStMz2FYBfOKYXXeiy1CqjDMKQkP31qSxI5vr6hd1qGMDJgNtaGKI9g0CsKU3AClVOQYy0Wstab5d\nmt6LE50HVBShV2oi1LJih84Qg6moWMyNnjq2imzVS22khNGwRmpb4KWKLu3YpTCDYu+NE7jyynw0\nnZUZFHtuGIeVMnH49j04+CtTED6HnbbAB7h7X9lpf9NT/UTVBbGsprKMpMBD3PXYAqXqAXXtsaYB\nmk1DlDqfBtcp/McvR85yNyTtf/EZ4Mi3vomJP/tN7TT3krWyn73CNEAdB9Sgqr7a8wZennDHOcyE\nkET9wcbNB26bwvK1Etxi/E14ZbqEmXML2HfT+tMIdyuExBtiGTM6OTrGYCC2pRrDwhubkRuOfzAh\nBMRgkAEHyzXL27TsSlVVyMJnvrmuAa5HKm7HC4n77MRIhXQ9CINFTX9SSJDA3z7pvbgoMSHNznK4\nrXkXApZJIfB9JRkYcD30YJcxeXwUuakMFi6uABIYOzSE9PBqFJlSAmq3LznaUUgJXihChqVP9WFC\nrDFCXN+14QGC2LZKCgrRlL0jjMYPuSBEvedWOU095uLiUeAzodMc6Ibv7YA6NsAYQAAqw+BIOP1P\n1BKCHJTCyKajsj3CABk+/A2y07zjHGbDYsiOp1u0lpnFMH5kta6NEIKRfVnMFpcS3+vqywswTAP7\nbpzYsvVez8iESI4QMqnEThngtIMgjBYSx15Hdo6o2tuY6EcTAcfi577VVbTi7DOZxNdux4s70mkW\n5WoYnTIg/QBmjx0M4bqRFnYjSru19Xxhw9mOZAcJpTBGhpSjz8PBCZVqKK0Vam/Xh6/0QPdbM3g4\nWQsHT+2ca3HTCNksERYGGBqbtCQXkDUXoBRsKLP6mpRgKQ5Z8yBcV5W5cd5y3dahtnVdOMzAqtOs\nlDWgneYthA1lQRvuzY1njzQNVcYR4wBTx2o51wghIJYVK1c6KAxuK/EmOHT7HmQn0lFI2c4YOHhq\nEk62OUK558QYrHT7Z4Yrr8xh9peLEAOc5ts2KFUNF1EZRnyUj4STopIgjK06wO2cJaFqa4mxfuRI\nLC3ijau9m7h49pkMFj7zTcB3wYpXeva+A0HYPd8L4XlimmBDWRijQ8r5tSw1CcoPoolhwvNV09/a\nYx2npQO77WeF5wphoZOcsmEMZ8FSDqhlgqVsGEMZPSlQszuRErxQAq/W1DVXcxEUS5B+AJZJNV9r\nhIAaBlg2DTacAwggal6y3Sakuwlxfebi4lGsfGsewfdeACteaVt6p9kYNLS7SUQOcOzByXJ1g8yO\nizADKhJx0z2HUVqswK8GGN6XA4uRGbLSJk685SBe/e6lWMUMAOCewIWfXMO1Vxdx+M17MTSVHJXc\nybBcWgncUxqNRm0TRm77XlJKVbZhmmBO/AUlpURQUlmCpEh2tK/ngp99cf1fokua0ntFnd5rwTDU\neRE5sgzEMMBLZdXgx9TQgzjHnOXSyca0AwghSiJvbZSCMVDH3pKaS41m4FkbdQ4hbR4iqWFAplIQ\n5QokkfH9JPz6K4NqVNbYnU3eW0wHgQlCqQpcrjl1kqYQigFXUtqREWZA3VBzExmMHRqOdZbrpIZs\nHPyV9S+iWsnDlZfm2kZO+0GzpufWQNMOqL1aOkGoGhKSGB0k7YeVSD8AAg6Sii/HkFKqKVS+unik\n60GsUW+QUoJ7PoJiBXLuIrCUXFqzGS4uHsXCZ76pIxUxUKd1AEpTVIHz+Ca/TEqdT0nniBBK4i6M\nUMsux/B21OSk0ewi1rtt1R1qWVEj7puOFWKg60rb0RhpRuBp+91LOrDLUvDYRLR0XaW40biN84Gf\nBrsjI8ydMvvaEuZeXwUZzjgAACAASURBVIJb8lXT2Do+Z2WlhtJiFbmJdPd6wltAzzQ914HGNJKQ\nhBTdet+LCALwUhnENEFjxm4CgPB8VXfXAC+UgEwqilpKz1814lv8EKMjFQkk/J3XS6u1a96UUoK4\nHoJyNRrLSkwDLN06UVMKEZ4PMds1uw4pJXjQ2d9eSgm/FoAaFIa580t4pO+3jQgSRpW0YzqlGq25\ngJRC6e27LtDh9zqIaPu9NQjXBbXNxB6UtSpXa+HFEoRngRgGIMN9uwyObDe71mHOz5Rw5ZU5pSWM\nBmeZom2wduHiCi797wwCjyOVs7H3pvG+lGls26ASRruqXUtypAFAcA6+orR4SaZ9hLEFKWPrYLcL\nbXRjSGiuk+1urgZLPD9k2InPQp1P6QdAOOmROs3KK/V9aY41b+cCoqrl53YTUkhcfmkOK9eKED5H\natjB3pvGMbwn3ibmZ0q49vMFlPM1MINgaCqLw2/eu6MdZ1GuhtkfUzUHxug1G0PZphInAqpS5Nex\ns1ynURlpJzZz94WAg5cqYWkcBZESnEtVgkEAUXGBdfS/petdV3KhuzZ3uXSlEDnLjZAkTToAZsrA\n4ht5VPMu/GqAwlwZF340jVqpP3/wk/fWtnxQCWGsJ5F0KQR4sdzwvm2eSge0G1un95oRVbelVEYE\n7dNqJOZmHR3r+VFEgtgW2EgOxugQzJFca+kHpWDZdEx0Q2qVjF3G5ZfmMPfLJXhlH4EnUJyv4I2f\nXINXab1Z+7UAF1+4htJSFZJLBK7A0uUCLr04s6VrXC2d69+5yUsVBMuFxCltcQoZxDR73uxXH1rS\nD0fp7DMZBN9/UTVz73L73Quk54MXSuq8KlVAIEFNA8w0YWTToOnBGyC0GXaVwyylxMp0ETPnFuG5\n8U8+SfWSmVEHhLUaDr8WYP715Z6uc5CQfqAaPjaBEAJBqazqlm0LNJ1CksKGcL2Bbi65uHhUGV3t\nNEdasLxcBa+56r/5YtuxqdIPIGImRUkh1EQ/QoBsGkZOSWC1k5yL1Y1lrG3Jh2Zn4FV9uGUfQgjk\nr7VOkPSrAebOt9rl+QvLLaO0AaAwVwb3t8aZnS4XmrKBW1U61xFhw3XH0N6qYzRO+Dv7TKbroSW9\nYEcrIPWTlK00/sPzRakZOetLwl5H7JqSDL8W4PwPr6K0oNL6CTM3EslMprB8OX60b+DtrIgWdeww\ndafGUCtt3dXO6W7rtymlILksIGVz+nzN+4iAD2x0eS1nn8no9B4ASHTdqCHKNZBsKopoSc7BK1VA\nAjTjYN0ZuetxHclfabqjVnJx6X9nUVqoQAiJzKgDP8H+8piOe5FQXiACAR4IsB6XZbSWzvU/4iZd\nT11ja2wvYTRmgipv+wDcDWud5X6iFZC2ANZqt+tlQGsbSa9Xdk2E+cpLc5GzDKzf4LeWylINqVxr\n8xsApEf6bwR7BU07SsXAMkFNEyzlgBhmqO/pqv8VS5HObqcQQmIVFUTAIXxfvW+hNNDR5bU0RSp2\nc6S5S6TvI1gpIChVVJp4pQgZZnzayV81vYcQ6ma+djsXqklJs+OQUuKNF2ZQmC1DcAlIoLxUS2wU\nyo6nW7YN783FBkvSIw5MZ2viRyfv9fHu48FAOMuA0ltGRWk1Cz9Q2aFiCaLmNtl01Q/Q2wBGfRz2\nIKAVkDTdsmsc5tJSqzZlN0gusfemcZipZqM6NJXB5PHRTb33wEDQlFKJNpsGiGNB+p7S6vQCpaPc\ni0ieFOD5kkrHX4fqBnWjq9N7XSIBWXNVzXLjTbrNKSClVNJD4SAUXq401VArWaLqwHdaa5KpFl0s\nTxdjyyPKy7WmoEcdwSWY2XwrGz2Qw9ihoZZ9c5NpTB4fbXKarbSB/bdM9l31aENsdMm+qj3l+aLS\nLOcColyNBp/wShVBvrhjIoNJ6L6UHhJTuiml3FHn0K4pydisLUyPOhiayuCmdxzB/PllBB5HesTB\n5PFR0AGfTtMxlMY3fhACZtuQlhWd/MRMrkvqqmRjk75NPc3XT/Qo1h5RL5eUMvaCJYSA17zVqBch\nENUahKu8Hzng9e+aZHggcOFHV1GYK0MEEmbKwOTxUey/eWJ1Hy9e0xUApk6MhQ9UEukxB2MHhxJt\n0OHb92L0wBDy10pgJsXEsRGY9vV1KyS2FeqgM5VtcV0VOd4k0g+UOs0uQisg9YhqDQIAsUwQQqJs\nX+QwE0Qa/deTMkYj15eV2AS5iTRqxY39kXLjKey/dRIA4GQsHDq9p5dLGxy4gOQ81mkGwrKKDhqq\nOnWWpZSqyW+DNNbEqTRf/+rimo3umhcNSxvgDmDZTNtRqwCiiBpN2dGkPykkpK9GAcceYpkgthqy\nEonj61H3A8WVn85iZboU/exXA0y/Mo+FC8vIjqex9+YJ5KYycHJWix03bIapEyMwHROGwRB0MC0s\nN5FGbqK1ZON6gFgmWCYd6Z0TRiENph4YEprZmzAYkHLACFm9HnZ5VkY7zb2BF8sAoyCGoRzlMICh\nztnVvhWRclS2+jp7ONs1DvPB03vgVQMU5kuQXfboWTkLhrVzNTobETVXidf3QkquTaRZcq5q5jbo\nMK91lvvRbb2WutHFt56NtqmoszLAyO3r29oGHkbX7aaWQj1gEdNoOkcJVQ9ySmmjufSK2CZYJrM6\nTMU0QE0DQb64652EQaI4H6+x7lUCLFUKqCzXcNO9R7D/lklc/uks/Jq60TKLYd9NEzCdndOJvx7E\nNluGA9UnbEa9AKahghuEAjxQQ56kBEwDRjajhpQAAEwQ0wDPX1/9I1tBk1azttkbhwtI3nxfp+lU\nUyCOGgzIpKK5DF3DKKjjqIfF+oCUbRirvSscZt8NcOl/Z1BZrqqxzhTgfucRpsU38hjZm8Xogdaa\nuH5QlynadD1DDKLqQnIBYpughrmpMcOJzrKUEJ636XGrq93W/e24bqTFcW+IWsjSNcDRUYs41tP7\njsbzcgHiOLH7EtMEsVVtvfDU1Cg10n2Nc8EYqGNfN4osuwG5ji2rlTy88ZNpnHzrIeQmU5h/Iw8I\nibHDw3Cyu0tGkCRIPEURZ7sega7vZ4JYJvhKESzttNh0ahiQKX091GlUQJKla2ANp6aOOncPsS3l\nIK+BGgaEaXQfZY4ZskNNA0GxvOVO865wmN/48TXkZ0rr79iG4nxlIBxmJVMUbM3QEkpUKiUIVDol\n5YBlmkcS92IkOCEE1LbVRLbrsNGvGxqjFuaZO8CkTvXFUdf7XlsOVI8eiNr65wphFEZOpdmpCB2A\nJB3nGAmk3cCTTz6Js2fPghCCxx9/HKdPn45e+8EPfoC//Mu/BKUUx44dw2c/+1n86Ec/wkc+8hHc\ncMMNAIAbb7wRn/zkJ3u+rsxYCm6pfTlB/loZ539wFSfecqCptnm3IYMAiMnG1FVjqGO3KBJRwwAZ\nH0m23QlleLuVs89kcORb38TIb0xGdbfsztu0BN1GSMhcdKOy1QhNOS33CcIYaMqGKG7tNOAdf9f4\n/+y9aYxj53ku+HzfWbkvVcXau6q7epNaW7clu+VWJDnXThDHg8kfYzyAkQySycBAjKz24MLwxBrA\nE2QmgG04wJ1c4CbADe4fxYGSyTWQ2Pda7iySbMtaWlJLrVZ3de0byeJOnvX75schWWTxkEWySBar\nux5ASx2Sh4fkOe95vnd5nlJORzZeOPiJB4CKRy8o0k+yTH0eRyGDOiUObhiw8yVHOUNVqkNYvSDM\ngGM6QRXp0Fnm44Ib3/PhcfImxKcfcN3mZuC8oR2Il7ftz3xx0wBXXdRcav4mlIJ6VcfaFy7ZDVkE\nCQXAiqVj10fXLX72s59heXkZL774Iu7evYuvfe1rePHFF6uP//Ef/zH++q//GhMTE/jd3/1d/Ou/\n/itUVcXHP/5xfPe73+3rsc0+GoNRtFxVMGqR3sghuZzG6Px9okzUBVhJBxHFun5/ZlrV66SZ2U/L\nuH2fJy66QbXFrsLr/nH9RLe5C/CyfCGV6ukmt+zuYm+z87uFyVWv0DVhHtZMxX6YJcvVArtT5JNF\nbH2YxPj56JHKD519Xsf/+RSBUnDXhO4GVC0PUFV7QimIqoJbzPn/mhORENIz0typFvZxx82XApj+\nUVksH/XyRScEutwOZNkQVRk2KxNjw8UV0LDASlo1k9bsfCSUArYBbgsNZWhCiNPn6ffCSmf70d00\ndHjttdfw6U9/GgCwsLCATCaDfD4Pv99xnnvppZeq/x+NRpFKpTA5OZgeTkmVcOHZU8hs5rG7lkVq\nI9t01iSfLB0LwlxJcAAWnhwRgcPnbRxwDjubB1MU57yu9HBWHmYcpIOEcXXw7wQNWE+fgVVrdlOj\nhgSxvhXoJIY3h10oAj5vVWefWzbsfJfZYGYDcKmwDGDR1xVhHuZMxX74Rzyuk9UNIGh508wnSsgn\nSihlNZx+arqnx3jkkER3wiFLTWXmatENgWa2Df4AGkzUStBVIH7yMgTrJGsBOK0Z4LycGW4OVtTA\nNB3Eo0JQ5Oa6kVSAlcs7i0I3jXFBcNqDmihs3E9IJBK4dOlS9e9oNIp4PF4lyZX/7uzs4JVXXsHv\n/d7v4fbt27hz5w6+9KUvIZPJ4Mtf/jKuXdsvA9MbEEIQngogPBVAdieEO6+tuzrzCU0GsDnnWHln\nC6mNHJjN4QurmLo0CtXfu+RCu6itBvY6wVEB13XXWxbXdXCx9UwAUDNLUjxRyWgXtWoatThR1jgA\nlg07kwMRBeecPUSvMSvpoPu4ibPo638M74owD3OmIrmSQXIlA1Oz4AkqmDgXxcT5KFbfjTs6nk0w\ncW4E+d0iSlkdzGJNs5+pjRxiaQ2++8jdr6X6fRONabuibsE5wDkET/vfB+e8+9XlfYBKX3MFcy/X\nZy1Ogm6bYBxUEA4oxTHAcjJotKkk4n2io94h3HoIk8kkvvSlL+Eb3/gGIpEI5ufn8eUvfxm/8iu/\ngtXVVfz6r/86fvjDH0KWmw/aiQI9tPB9dCqE8bMlbN5K1G2XVBETC1HoOQOccfiiey08d366isRS\npvpcPW9Ayxt45NNnQA8xvNwpKkPZf/CbBTw5IsKvewfb/GjZQFEDVLllbzKxbQglHQIhjtRcn8Er\nOusEEJu0ODbbfpTYf0zrmTNY/7u9v6fDiwiTNyF98gpEbQfEP6CqzAB+s07R9jF1euz7E5qFIqAo\nDj9hHMQwnZyzy357+T11dRkPa6YisZzGyltbjm0qgFJGR2G3iHO/MIeLz3uRXM6AMQatYKKQKMI2\nGASJIjwZwPQje05P7/9oEcW0+2qFWRz5eOH+IsyWBSguJQ7TAsql67rtnDuOapXsDyEQZBlo46ZU\n6UvFA9I32g4aNEBrHQNPCDRACahHdYKjxcA0rRo8D1RxqZTpbMdKu+FctpmjqPEAIBaLIZHYI6A7\nOzsYG9urdOTzefz2b/82fv/3fx/PPPMMAGB8fByf/exnAQCnTp3C6Ogotre3MTs72/R9rB5pXE89\nPApmM6Q387BNC2pARWTGj7uvryOfLAHcsbSeeTQGSlFHlisopjVsfpTE+NloT46pHXAOnH3eAAd3\nMssiYA5A8qoWhFIIhNQtBesqgZYNM18ciBRXBQIvz39x1Lc5lCGK1HX7UaKdY1pOzAM/WkKYl9WQ\nUss1O+hP/JZEYeDn1EHo2TGJAqjHU50b40DVCKXOoMelXa8Xx9RKc6cn695+ZSqAzrIVyeVMlSxX\noBcsJBbTmHtiAt6ACioQEEKgFQzkEgX4o154AvXlMlERATQxQaBAYNQH8QhWd7VfQ09Xl6YJ6IIz\neU2IE9VME4JpAuAOEa5k8TgHYQySz+es+gjZew1jzVUJKp/BNCHoBoRDHj8/IFNRwbBlLJodz3rm\nDPDjReDH9RrOg8haDHWmQqCA17OXKVMAQZGASoWi1aS1bUMwrL1zTdMd0l3ZF2MgugGJUuCA02QY\nv6NOce3aNfz5n/85vvCFL+DmzZuIxWLV5AYA/Omf/il+4zd+A88++2x12z/8wz8gHo/jt37rtxCP\nx5FMJjE+PhjjJkIIZh6NYWQuCEIJVL+CD/952SHLZRTTGlbe3oLkba7DbJbuH2veduGmlEEIga0b\n4LoJkdkDJcvHAZmVdeTWNmHrOmSfD+GzcwjERtp6baVqOLdfg/+TJ0PeHYESiAFfXbtFhfYQSsEr\nRlVHZLfdFWEeVKYC6CxbYTQJjLlEATf/+yK0vA5RFRGdCSI6E0RmK4+t27sQJIroTBCj82EAQHQ6\ngOxOwbWnOTTuhzeituUm1WvUcoOery4rDj0VXcTK927ZgG6Clst7VBKdk9mFP3DGYBeKIJLkPM9l\noWNpZlX+6DAQWmQqKuhXxoJzjlI8iWIiBUGREJqbddWZ7PR4lhPz9Rtqsxa5zbqHehWAhz1TQT0K\nhP1lZVGELUlOm4VmgPrq+zU5q+3NrPm+LRvQDcf1jxDHZbINaaPDfEfDpBB85coVXLp0CV/4whdA\nCME3vvENvPTSSwgEAnjmmWfw93//91heXsbf/u3fAgA+97nP4Vd/9Vfxla98BT/60Y9gmiZeeOGF\nA5McvUJ6M4eN9xMopjVQgcATUlHYLTU8T8sZsPTm2Sb/MXX0OwyaVl7KrpiQRADDdd0fJTLLa4i/\ne6saL8xcAXomC/mZJyF42j9/anX4HQJ9MuS9H6TJsCqAqntr09dSAqJIx4swD2umQvHJrlqexbRW\n7Um2DAMb7yewczcFS98LGLl4AbbFMH42itHTEdg2R3I5Ay2vAyAQVYrIZBDTl8Ya9n/cQSSxqm3I\nOQenRr2UF2NgRQ004G/ZL1pV1LDsckCuB7MscON4eshXwDnHzlvvIbe+VSVbuZV1jF95FEqotzrd\ntRrOAKq25MKTjzwwAyZNg2d5gcI0HZxzpz+5YvW7jygTRQKRHQOTiiIAf0Ctsb/yla/U/X3x4sXq\n/7/33nuur/mLv/iLvh6TG0zdwspbWzBKDhFmNnclyxVQSQCMxt9U9ogITfhdXnF/gzPmPrAtCRAj\nQaeNznKuFW4+eBn4/citbTRI61klDam7Kxh95GKTVx2M2iHvuvj9IErTEUAI+kGlvWoQUeV6l8km\npjz1OLqqcVeEeVgzFbGFCIpprY4ICxJ1dfWrfQ7gSJwllzOILURACMH42SjGz0bBOYckiYfKKPdK\nhq0voBSC31sNrgQARMesZL/+LREO/gxElhzJLhcljeMoXaSlM9BSWXhGIxAUGYl3byG/vlX3HCNX\nwPqrP4cajSAwM4nA9ERPj+HG93yYG1na21DRA71fS32EQPB7AVFscOmroubmxnVjbwh1/65OrLGP\nJRL30lWyfBAkVUTsdBhrN+N1VUFCCeafmhre2NtHMM0AEeurfIwxUHHvlk8lEcTvgZW2HnhbbFtz\njx92D5ScqnrOFfzjenXI+0EizdSj1pFloOwy6fWAFZwWO25ZAA5QlLGPbv6p6x7mYcxUhCcDWHha\nQOJeGqZmQQ0oKOV05LbbE8A0SiY4r+8V7jbYMsax9u4Ostt5MIvBE1Yx/dAovBHPwS92wZ6mJ0cv\np/qpKjfJREgA9hlG2OzAM4Y2yQg6JJoeG7lbPZfH1s/fgZkvODeTSma9idYjMy0Ut+MoJXbBLAuh\nufYDIecc+Y1taKkMBEVG+PRs3Y0NcLHc/ma51Get1emB3hcE2utpELmvRVsSQgItm+O4W2MLAR+4\nZTttGUPWknICgDWrABCHIJtlMi2pAqYeHsXY6QiIQJFay0IvmlD9MmILEQTHfAM86kqctnHU7Q5c\nN2CDg8iyU1mxGKjceE1VbeKPYTLDDZwxFHecdlFvbLRtMwvJ54VZaFRukv29OX8a4nd1yBsPjp5z\nM25QM9fDdQNMlpoqGjHTPNJz9b5z+guMeBEY2es52vgg3jZhVnwSaLOMVodYubGFxGK6+rdRykPP\nG3joF09D6HAQrUKWf/8381WZIrNXAblJCYSUbbKJIgHgYJrhOLGJ4sHKBC7gnPekd3kQSH7wEVJ3\nluqzLm2KonPbRnZ5vW3CzBnD1hvvoLC51+OWW93AxMdat3i4lfoAp9x3nJU1iCS6SgNxzp0p6YrJ\ngtvvQamzACxrdFZMdtxAJQmQnMDMiqW9yesTDAUiM0Fs30k16DD7ox6cvTaL5EoGnHGMzIYgqc5t\nbPxsFNMXx45kvgRwc2I92lYQrpvgerndghBQpUk8uU8S8MV4EombH8LI5gEActCP0UsX4B07eHAv\nvDAHPZOtq1QpoSAiZ+f7cqy1ykj74/d9227XrIqxb7OdK4AZJogoOqV/RyYD3LbBm1QSB4X7jjDv\nx8T5EeTiReTie6tHxSeBCARadu/LpyLB2OneuEfZFkNmM9+wXcsZiC+mMHG+vclboJEsqwW1p79a\nsxII4xxCyF/NsFNVdXqZTRMEYtNMctP3Mczyew03SskUUneXD1WitLRS2204meW1OrIMAGa+gN0P\nFzH58Sdavrah1AcgrBvHWkSfCIKrKg4hBHahuGelSolj2V7pmQd3bLVdlAFavl/Z1RInhHmoIEoC\nvGEF+d0SUObMil/G1MNjECUB4wuDk4lrB5XM8h5ZHjLZ0XLCgsh032YOdkQDVNX3N63y0HT3vamc\nsTqyDABGNo/Eex9i9rmrB2aavWMjmLp6BZmlNdi6AcnvRXhhHqIi903q7n6M363AdQNclup+C865\nU+Vze+4Rk2M33PeEmQoU5545hcS9FEpZHZIqYuyMQ4w3P0yilNEhSBSjcyGEJwM9eU/btGE1MUkx\nW0xzN8PZ5/U9stxjVEogld5jwMmSUkrryAYhjhyXIAgHurBV980YmGkDlnVsSn75rZ22s8nNwC2G\n7TffRXBuGt7R1osjPdWoHQsAejbX1ns1L/U5QbcWxyEAM8OE4CJPyG17b8ElCg3SQ4eZE6CiACYK\nx6YCcr8jtZ7FyttbMLW938M/6sG5a6c6rs4NEmefN/C5M9aRZ5abgZkmiECr1w1nHEzXj6wlKbe+\nifTdZRj5AgRFRnBqHJGL59q+jgs7ceQ3tp1ZBFGoI8sVGLk88pvbCEy7y3JWKlCEECihIHyT48gs\nraC4k4SRL2Bk4RSUkfYTXJ1if/yuDHlX5OhqcRzidytw04JdKFXbQB1d5eEkxs1w3xNmAKCUILYv\nI5FLFKBldZSyOkSJIhcvIjTh78mAiKSK8AQUFNONJDEwhBJHdq7gEGZR3HPu8zc/znZaMjjnx67U\nzTlHKZlq+/nUozqr430Em1kW8utbKMaTiF1+BP7x5soqRHS/BNuRqXPDsbduZQwwTPAaG+uq2U05\n6V9RdKlFO9dt7c1x/3bi9QCafmRyRSdwwDnH5q1kHVkGgGJKg5Yz4IsMWeb2OIAQCAF/tYeZcw7C\neU2PP3WcVwc4+KelM4i/cwusrNBhWSXsfrQETihGLp498PWpO0tI3rrTVnLD7WOZpRISN287CQtC\n4BmJwDs5hsTb78MuxwAjm4OeymDiY4/BMzq4isaN7/nwON6q23a/6DlXB7T3O/cdEzwQhHk/TM3E\n0s83oBecjJWlAVpuF5wDpx4/vNQdIQTj56JYubFdZ8cdnQkOrcQRN8wqWSBepWXGrtl2ZjnT1o6w\nuLHXP3dMkLq9CCOdbfv5B2XNmWEie2+1JWEOnppCfn2reuOowBsbbfs49mO/9TZQn7UY+qCr6bAN\nE0SWAA7nXKpxhmyl09kKzXqaCSEQZAlcEsEKxWO1yLvfoOUM10QDsznSG7kTwtwFqFetG/gjFbMp\nVHRtZYBzhzQPCNnl9YaYBwCF7fiBhJlZNjJLq22RZcnvRWDKuacb+QJSH92DlsnCKpbqKkq5YgnF\nnUSVLFdg6wYyy2sQfV4k378NLZ0BIQSekShGHj6P7Oo6SvEkwAF1JILI2fmeJN1ufK9+2LCq52zd\nJ3J0hyTL1KtWXVu5aTUoevULDyRh3llMVclyLeL3UrAMC9GZIMKTARRSGhLLaXCLwRNRETsdaSpz\nVRHOd1wCgZFTIahBBYkl5/X+UQ9G5sLHQuKI8O7UQQilYCXtYAWDIQCzLNiGCdGjVj9rYTve8/cx\nS3vasZZuwGYcZr6A3MYWAILA9ATGHr2I9OIyjFzBUXBQJBi5POLv3kJ4YQ6StztllVpUshbHhTTX\nLuAaH2Rwdc5pA63Oa0IIiKqc9DMfIURZaCoFun0nidR6FrJHxOjpCKIzvdU9v19B2qhW7beM7zeY\n7d4Gwkz3lsVSMoX85jYIoZCCPljF5prcFUg+L0YevgBCKSzDwNbrN2DkGts2KmgmTWmVNGy/8Q60\n3b0hfjNfRDGegFVD1Io7CcfsxOuBpekQfV5EFuYaFI+6QWXIe/TrvwQhtwZE5g69z+MKIeCrV9GQ\nnCFvO9eeuMNh8EASZttF4B4AuM2xu5JFaj2HyFQAqY0ceMVqezmD3E4BC1dn6m66Wk7HyjvbKJTt\nWn1RD049Pg41oMAXVuF7oreavH2DJJZddqgzmNpFTyih1Bm8UhWwgrOCpx7ZUeKw7AZXn6MAZwzx\nd2+hsBWHbeiQA36EzpxC6NRM273ZnUCQZcTfvYXc+mY5o0LqaoSZxWVAdIYopVAAdqEIM1eAWb74\nc+ubmPzEFXgioUMfy43v+e6LTAXXDXDR3UkSqChq2FWljE5AqLBn9X6CgUNSRQRiPqTXG3v4mcWh\n5QxoOQP53RIIASLTJ6S5GYgsOa6WbVVkyEDL5Go4iPzaZsN2Jdg4R7R76w527y7tuc9SeuCxCh4V\ns88/XR1Oz9xbbUmWW4IQaC6tepZLVrOwsY1a2lbcimPy6hWITWTSOkGtMpJ0DRCOsRpS1xBoWfK2\nHkSSAIHunSN9wvBOUPQRsrfxC68Ftzl2V7N7ZLmM9EYeu6t7JXvOOe69sYHsVgG2yWCbDNntAu69\nsdFUzqoT7Gl69jmKiQJEvw+CIoOKIgRZ7JowEEJABQGC3wsx5Ifg8UBQFQh+L4TgYNpROOcobMeR\n+OAOcmub1d+CAlyLiwAAIABJREFUc46ddz5AdnnNEaTnziR18r3b0HbTkFr0bXcLs1BE5t6KM4nO\n0fi9cgCmBabpMHbTDVkOZpjYeOV1ZFbWe3I8y8l5JL75Q6dPPbcGnt+EUNppGBAcZjDNcFonmqiu\nEELA7e6GADljJ2T5iDF/ZeJAkyRmccSX3AdmT+C4ggoBJ6a3pUVMADEcdJSRekDuDkJofhbe8fq2\nM9nvQ/TCmbptZrGE9NJqPRFi7MBbol3SsPP2TWy/9R7WX3kdudWNA4+JyhJET33Lj+T1Qgl1Lwag\nZ7JIfXSv69fvx3JyHumX4zBffROwjGMVt3sB0sTMqiKD2288cBlmvWgisZQ++IlNUEhpGDnlZPuy\n23kUki6rzKSG7HYeoYnuL7RGTc/+9e5VMsu1IJTCNi2AMVBR6Lhv1C1IU1kCV5W+Zpo5Y9j6+Tso\nbO9Ug2pmaRWB2Wlkl1ehu/QoM8vC7u1FaG0qU3QCuweflTOG+I2bSLx7C4KqILwwh9DcTNftPbWZ\nCqrKVX54nDScmWYAugkSDjScm5yxrpROOOfgjIH6veCmDd4Dl68TdA5RFuEJyCimW3//lna8ZiQG\nCarKrvGheo5TWu1j5uUBQMCZDyCCCBu8rzMohFJMfvwy8uub0NJZCLKMkXPz4GVfgGI8idzaJvR0\ntmvZu/2OrAeCcUQunYW+m4alaRBVFSPn52GZNrIrG13Lohr5LjPbTVAd7OZvHp9h7h6Bm6Zj+75f\nRYmxgVi8P3CEefujJLRc9z2KoiLAMiys34y7ai1XYLZp6+oGV+3lPqJZBoKAw84VQCM9LHt2qf7Q\nLlJ3llDYql91a7tpaOlsSxJVcYcaWnBHWs0qFJF45wNouymMX370cKT55aW60uax0wDljqEO9e71\nofPyNm6a4E1IQ/XljDnVh/KgKhUECHK5+qQCTJFgu0hVnaD/CE34DyTMiv8AC90HGM1iOjMMsFwR\nVBJhCwIgixBked9rCYgs931omxCCwMwUAjNTAABBpLAshuzqBuLv3hq4bj+zLBQ2tjD1iSvVbaJI\nIVgMwZlJZ9CwBlQSm/Zc10KQep+xX0+fAV5erJMQPRYx+7Bgjm4zVZX6mK8bjrxgn/HAEWa9cIgg\nQICxM2Es/nQD2Z3mDeaSR0TkkAMp/dRe3g9u2wAa21S4zUAUJwPZs1HFQ2ocH4Rmusb9ft9BI7+2\nBf/UBPwT3QfJ5eQ8xPJNCkCDhvNxCMCspIHbFkj5pl87LMhKuhNYm7l3cg475VQcaMDXUGWpVERw\nDAx37jdMPTyGzHYBxZT79LvkETF+bjjMSyoJDsDGkyMi0P/ZowPBbeZeFaxc62WpxmYW9O1aSvca\nnHNk7q30jyxTCu9oFEYuD8tF5cjIu/94o49ehKXrdSZT7cy8UFFE4NRU98fbAhU1pPtVtxkoV78V\nCSAU3HLUMCrzUaQik2hYA9NyfuAIs+zp/iNTkaK4W2pJlgWJYvLCCASpv5nUXoKVNBBJrJvmZTYD\nlSUQVXHtx+acO6+T5bY1g7k9gMG/Iwr0R4FSYvdQhHk/ajWcjxNp5oYFbjTeYFmxBGboEHw+d2JA\nqVPxsOzm57AonBDmIwAhBKefmsKt68t10pwAIPsknPvkLDzBo88wD7oa2C6YpoOIQh3xdXr+OSBJ\nZaUZAE3UKniT7f0GsyyYhc7k7YggQIkEoSUO1tCnooipq1cQf/cWMvdWGh4XXAbKAEcpo0Gjv8ms\nA5FECKII0etB+PQsfG1Ycx8G96tuM/WoddVDiAKIKMDO5I7M8OSBI8yxs1Fktgowip1nmpnJcO+N\nxsneCsLTfkw/HBuKQN4RGIedyYN7FGfSlBBQac/5r1r6YByEOp7uTDcdf3fLAuPMIdv7DSEYc9QK\nKAWzbEe3uM9lE/9kDIXN7b6+x7CgF3JF++GWtTjOQRcWA9PL5GHf+UkIgRgKOMGXc/cqyn1WmThO\n8AQUzD4Ww9aHThsdFQgCYz7MPzkJSWl+7mfjBRR2S/CFVQRivr5JeVaGsoeNLANOpcXKFkBVR6WI\niI7DH/V5HUFGxkA1Haykg0hS3YJyUP2gbqCiCEGR22p1qIDbNkRVgW8ihmIi6egrU+p67SohZ/A8\nOD+D/OZ2w4xJYNpd1Sq/ud20l1pUVViaBggU3pEIYk9cgqgO9ly4H3WbiSI1XLtUFJ05qCOSrn3g\nCLPql+ENq10RZgCwNPeVt6QKmLvcOpAPNTivin/TgNd9YMS2YedKIKLgyMfV9BA1kOXyIAlnHHah\nNDAHNUGRQR4Am2PRoyA4P9vyOZwxgJCuCMNx021uBa4bgNfTcI4Ce9rL3GUhxxkD0wwIzVo6TtBT\nWLoFItA6++vRuTCisyHkE0VIHsdBtRkY47j9yrIjB8oAECA07sPC1RnQNtxJu8HZ550s1zCR5Sos\nCyxvQfB7QYV9mVNKQT2qk8CwLaCGMBNKIXg9sAxr4IoxhBD4JseR7lBZQkumMfeLz8DSdVi6Dj2T\nQ+LdD+rUNIggIHz2NABACfgxfvkRpO8uwcgVISgS/NMTCJ1x1zcWlebn3fhTjwGMQ1BkyH6fEzds\nuypptx/dSLZ2iv26zceONBOAkCbXbLPtA8AxZXfdY3c1i/RG79UQ/KPe40uW2wQRKKjfB8coau+C\nd7v4K9uoKID4PGCU7vUi2WVnnh5rJiZu3kb63vJAmv+PEkQUoIRD0NMZiONjDd9/aTeN1O1F6Jkc\niCjAFxvF6KXzHfcl3i+6zeCOG1QruSzXPmdCnJaMkyxzX5HdKWDjgwRKaQ1UpAjGvDh1ebJKnCkl\nCMZ8B+wF2LqVwO5aTWznQGargI3345h59PAOrscWTdqNCCGOVrPLYoIIAqiqHOhm2ktYmobNt99H\nYaNzqTRm2eCMQfJ6IHk98ETCAGPIrW3CKumQfB6E9rVHeMdG4G2zXUIdi7rqsxOBQvJ5IUgSbNPE\n9ts3UUrsgtkW1FAIkQtnnGMBkFlaQ3ZlHZZWguTxIjg/jeDsdMeftV3UqiGJ13BsFJAAODGb2a7n\n5lG1CwEPIGFu1X9cCyo64ujMxXHKDZMXurcyHjZwwwaXG1fBhNKuhv+cUqCnvhdJEGFncofKYIif\nvIy5l3+I5eQ89FwemeW1+5IsE4GCKgpg27BNC9yyUdjcQWFzB77JcUw8+Vj1u7VNE9tvvQer0geo\nwxmiYQyxxx/u+L0bHKbEPdI57MFX8Hv37FMtG8wwQKTGMl8zEEIgeFVggJbBDxpM3cLSGxswik4J\n3rYYkitZcABnnuqMTOST7u5v+d2DXeHua7QKiaT6L5fHBldZYZaF5es/gd2lxbESCjTMKYTPzCF8\nZq4nGd3kex+63qu4zbD1+g0ww4BRKNUtros7CZjFImafvYrCdgLxm7eqSSJbM6DncqCS1NM5lP04\nVnMpolAe0qbleSfDkTms7cPXzSPpXa7gwZmQKqPd64ZZDJxxhGcO1lIOxrzwhoewJNcluK6DabpT\n0gd6YsLS2IvkXBzdwvbEAEnB6Nd/CXMjSyhs7gxchojKzTOWajTSs/fhNoMoy46pyb5sZ2Fz21ko\nlJG5t7pHlmuftx3v2smwYnZivfIm7J/s/SPk1oZWOF8I+Mr64o6GOFWcXs5OM2ZNy4In6AkS91JV\nslyL3E4BttnZ+dq0gtsFWSplNay9u4PVd7aRTw7pgqmJ69l+tOpH5pblmrHjnPck7reL5O17XZNl\n0etB9PyZpo8flixzm6HUYqBQS6Zg5AqulSgzX0RmaRW5tc2Giiq3bORWm89E9QoVsxPrlSE2O5FE\niAE/BFUBlSUIHhXUo8DKFWCXNNi6DjtfhN2tW2OP8MBlmCOzQSRdXPzcwG0OQSAIjHmRizcGTSo6\nQyinjov9dQdghRKYpkMI+pv2Yh0ah+wNtT0xCNjB6Nd/CWf+73/C7q0eHVcbkPw++CbGkL6z5PrY\n1NNXsP32TRQ6Fc9vAj3d3NVM300D5X5mu8nNkZkWmGW1rWiyH1Xd5hoMrW4zJdXMci2IKICVNEdB\nQJacTEbFyKFZvyFjvZNUPEED7CYVPNtksC3WkdpQcNyHzFZjBTE0fnA7Ry3i91JYey9eVefYWUxh\n4vwIph8e62g/fQMhEALearWE23b5vHbPvLGi5lQHlRpdcs6dmFDUAEFweprLsaFClEWfB0yRwYr9\nn0EpxdvXwScCxdhjl2DksqCSjODcNMQWyYvDwlk8dN+WZRsWWNO4PJjZnmHPNLuZp1FRBJdEsMLw\nVIgeOMIcivkx/fAY1t5td5VFcPpjU1h8fb1a8lODCibORxGa8Pe8b3lP0/PoWwuoIvePLAM9kYCr\nkObZp8fw1n9eabCW7jXkcBD+yXGET8862UtCkFlZB9MNEEqhREKYunoFVBAw+bHHUDpzCttvvAur\n2L+LvjYR5BmJInN3ufG4yza5h8Fycr5+w5AGYEKpa782IcRxsMwXAUpBZNGpStgMCPga2jUq0okn\nOeb+ITjhx9ZHuw3hTvZJkNTOYmtsIQqzZCOxnIal2xAVAZHpIMbPty/rxWyGrdvJOik7bnPs3E1h\nbD4M2XtwRrffEHyeuuoWEZwhbGZaTedC7JIGURIdcgw4pdaK259lw85kwRUFRFXqFtWVGRTLNHty\nSxKefARh3QBeXqrGE97BjAAVRYw9/nBZzWLy8AfU1nsKUMJBlHaSnb+YEHjHRsAME9puo8OwFOhs\nMXcYDLMCkluvMgBHtWuI8MARZgCYOD+CjffjYG1kmYMxH7whFReem0NhtwTbYgiO+Rx5Nc6R2c4j\nnyxB9cuIzgYPVf7Z0rIA+NDIFPXbm11QZMC2q+och8Hm26nuyTIlbfU+y0E/pj5xBWIN8Rx56Bwi\n5844VqoetWGB4YmEcepTn0R2eR2pu4uwS70n9LXnnG98FP6ZSeTX9kp9giwjcna+55PZw5q14JYN\n5qKtzBnbk4ZiDLwmI2dnC4AoQPB5nWubMbCS7mTW+uxO+SAjOOaDpIoNzqi24bTEEaH9c5YQgvnL\nkxg/F0Uxo8ETUiCrnRHcXLwIPd+Y9bMNG7trWUx0QL77BdfqCaWgitw0llKP2mBkQkUB3KM6GTzu\nZDtFn6dx34IAoijgh9TQtz0xCKUdiNeuIIw3wf/7Pbz5rzry2/GDEwoCRezxSwhMT/RdYcIN4dNz\nXRHm4OwkvGNRCKqM/Fa9NJ0U8CNaVu0YJIZRAYnb3J2NDtlM0gNJmAFA8orQcweUQ4hTnqOUIDIT\nhH/EW32IMY7Fn607ihvl3zR+L4WFqzNdZZ23tQKGiSwDveldPghUVcouPiYIoWCWuedG1QE2ft7F\n6r8CxhE6Mwc54INVKqGwGYel6RAUGYLsaJRKPi8iC/N1ZLn6GUQBsr95poAKAsJnTsHIZpFd2ej+\nOJugsL2Dpf/2L5D8PgSmJzF++RH4xkdRSqRARQHBUzOQ+5TJGNasBStpID5PNdPMy85mLRUvLNsZ\nRD3BwKAVDJh6Yw+zqVlILKURW3B389MKBhKL6XICw4vwdKBKpCRVREj1d3U8kkcEoXu+HnWPuWa8\nh0hBpQWRbJbBc3UDdHseahLMNW0dnaKWNK+9+BLSi+ttvc47EkFwZjAZZTd4RiMQPaqrO6ArCEH0\n/AIi5x1CnPrwboOOsyBJEA4xx3MYDJsCEtd0cKl+wK/SajRMeGAJs3/ECz3XvC8UAMCBfKKEYnoD\nhmZh7EwEtNx3u/NREun1+ptrPlHC+s045q90d2EP0g67HXDDBJfbVxXoBoRSCB4FnDv9dZRxMF3v\nvG9pJAIg3uVBAIGpCajREAAgeuFs2VqW4snvXAAAvPEHt7vbdxm2YbYcHDkMmGmBmZbjRpVIwtY1\nRM6dQWB6cDeYYctacN2AZVnVwVJumOAdmCGcYDCwdKsp57Sa9DenN3NYfnMTZlkTP76YQvRUCKef\nPPz57g2pCIz5kN2u74X2hlVEZ4PVvyvVwM+dMQduh80tu4HocsbBWlTY3HTGne3M6eeXJaDcz9+w\nb9t29k2JozwjVpRnLNj5UseyixXSvHWjvXgoqArCC/MAgI99+3zb75P45g8b28i6BBUE+KcnXGdW\niCA0Dk5yDksrgRACI19AwSU7re2mUNxJwDd+NL3xw6SAxE0Tdq4AoiplczQ2EKOzTvHAEmbSwSgP\nszhWb2wjvpjC2Okwxs+NINdEqqhwH0kYcd0Ao6TOpKRfqLoKUgKqKuCW3bZ8jO2JIXZtDiv/0B2p\nVaMRKJG9myEhBPPjqxj9+i/hq2tOMPuzbx8uAKfu3IPZxz7mKjiQXd1EeGG+Y93lw2LYshaw2VAN\njJygEb6IB56QglKmvtwvSLSOoFbAOcfWh8kqWa5gdyWD6EwAo7PhQx/T6SensPz2FvKJIjjj8Ec9\nmH40Vo1RR906ZxeKjiGRJJaH/hiYpgEtVHCYpoNKYkMGjxACGmjuhshtG3axBHAOIeAHlfdaXIgs\nAwHaVVWGcw6zdLAKiuT3YuKpJ6AE/PjYt89X43E7eOG7n8fc736vZ6R55KFzEBUF+a0dWKUSBFlG\n9OJZxN/9AJZLnGHlSqmRzzdVcMqurENQFKjhxnN9EKjVaq6FeO3KwHWbuWkNfVLjgSXMktp5X6KW\nM7B2Mw7ZK1UzzfthFE0UUiX4Io29YMcRrKQ709V97meuRUVQvxO9Ra6G2n6uPyojnzJAKBCOeXDh\n6SB8ofpBOc93P4+vvinjznXnZvjV58cOFYCNbGdyOIKqNNi2tguzUIStGxA9g69UHHuHqRpQVXHM\nTiiFYNuO1OKAHCsfFBBCMPXQKFZubFf7mKlIMX5uBKqvsf3JMuwGcl1BdqfYE8IsqSLOXp2BbTGH\nKNYodWxrBZx93sDnzhxhNZBx2Nm808ssUHDdPLg9wrRqMngUlHPYugnB3zoZwuxyxlltrjxDJLFj\nokMIQfixSZT2Ke/sR2xawvn5BEa/fgVfXRvDnesqSBu0hcPCF6+r+C/f/Twe//vrDdbR3YAQgvDC\nHMIL9W6A2WDQlTCrEeeepEYjTeN5YXMHxZ0kvOMjmLj8WPPhtz6i0lZXwdxIeS7luasDP5ZDgxBQ\nj+IMtNoM6LEKSdcs6E/+5E9w48YNEELwta99DY899lj1sVdffRXf+ta3IAgCnn32WfzO7/zOga8Z\nNGILUcSX0k2trpuB2xwrN7bhCborDtgmw72fbeChX5zvSBJpaEEp3ITtK/3N/co8kw4HrTb+8WZb\nz5v/g09i+1PPYPV6HP6AgGd+O4ZQqDFIvfCmhDvXVUyUifid66gG4G5I835R/YPQLVkGnH7Fwypi\nHAbH2mGqDKLIdWY7VKAgogArm2+ZyRt2DGPcjkwH4R/xIH4vDc44IjNBeEPuRFQQKahEHTK7D6Lc\nW7JRa9HthqNuneOmBXTAB2ozeFQUyq6treO3IEuALDU1/yAVtY0OYXtiOPM/PQrTlDD3hSdRXN7F\nnf/4LzAzDvHkAMyADzN//mvwPD2Lr5bjMYGIcbU98rulZfHFbwXx+7/5KVzDj3tCmt0QvbgAI1+A\nWaMR7JuMITTvJAtKO8mW7nTctlHY2EHS8xFGL13oyzF2guXkPMKD7DHqFQTqVEFquYMlAZl8zyze\nuyLMP/vZz7C8vIwXX3wRd+/exde+9jW8+OKL1ce/+c1v4i//8i8xPj6OL37xi/jlX/5l7O7utnzN\noCHKAmgHE9i1MEsWzJIFKlFXJ0AtbyC+mMLEfeD+J/i9jWoDnMMu6YBlgfo8fZGeIwCoz4OyD7ez\nkTl9TUQQqj13THPMPIrrTj+6FPXBNxtF9tYmWM0wkQ3gB6f+Hd5/5RHgFR2AUwL7yx8UEDwbgDqh\nQPSIjsNjGRM1WesJNYQtLYMvfivYVdYiMDOJ/ObOQGyWCRWcHuwBt2TU4kgUNAQKqqpl1RNWVgzg\njksipeA2A9fbW4jQWs3aMhwlAgXMGlIjiwMwzHFbUiVMPXRwuZ0KFKEJPxL36iW6ZK+A0dPdZ5dz\n8SKSqxlwxhEY9WJkLnQkagwDgyR2lM0khLiSZs4YuGFUngTH07i9fQavXca/+83PVu8vZ/7XX8D/\n++/fxA8WgygIHtiCiP/wpzK8U0DwnJO8MEomtu/sQlIdycBWv9GEGsSWlsV3/ioA9JE0KwE/Zn/h\nE8isrMHWNKiRMHwTTguPWSwhfvNDR/LvAJRcZOdO0D6oR230GRBFUI/SEyUuoEvC/Nprr+HTn/40\nAGBhYQGZTAb5fB5+vx+rq6sIhUKYnHQGMJ577jm89tpr2N3dbfqao4BeMGAUDjiJKVoOQbeyzTb1\n45uFqoBIonsZjhAIHgWsyJwyXyjQ+5sLpRBcWgocxzayl/lTFXDOMfbceVz43U9j4n98Ar4xPzK3\ntnDnP1zH7T9/GQCQVkJ4f+KRxvdhQPZ2DtnbOVCBIDwdwOknp1w/j0Oau8ta+MbHMHbpHOLv3e7Z\narcZmGFg5V9ew/jjl+AZdVcZGAQqpDmivAfh6pX+vpkoQPT76ioTjgsaB61pJ2KqBDvTRntMs/P5\nkGY7R4n7IW4DwKknJkAIkNkuwDYsUIGCc4IPXl6CP+rB5MNj8AbbVx/YubuLtfd2wCznukwuZ5BL\nFHH6yal+fYSjR1lDvhO4Pp9zQBQheFTn2uMc3LQcrfPGHYB6HXk7ToDQSLhun8FzMXzq3z+Dv/ny\nXnuclbeQvZ2DvqGjEMkjt1OAVb63eiO7OP3kFDwtfuv9pPm5T6YPPcDtBioKiJyZa9ieXd1oOYxZ\nCz2Tw+q//ATe2CiiFxaOfsFWdgU8LtXBpoovPUzodUWYE4kELl26VP07Go0iHo/D7/cjHo8jGo3W\nPba6uopUKtX0NUcBUREhyhSW0YoROwL6RqFF3atOb2cP/tH7oYeZNL1oCSFOf2dJh5XJQfJ5wQTq\nbO/Bhd70ffdlTQmlIAAe++avQQntyf6FLk7g0f/r15B5fxOL15fwg/nPHPiezObYXcmCUIrTH3Of\nuD9M1mLk3GmACtj98G615UIO+EElAdruAYotHcIqlJC8vYiZIyTMgwT1KA1tPG6uhlSSHO3ZA+SK\nuG0Dbm00x7gdY1BxWxRoS4mzXmDhqRlwxnHnp2tIruxdO6n1HPSCgUc+vQDaRgaV2Qw7d1NVslzB\n7loW4wtRBMfqr23nYxEQEEgdtI118tyeQBIA2bGDh20DhlFvatKj6hMRBEhBf93vTQTBmfHZn9UL\n+A4kL7msDUIacwp63oCeryeexZSG9fd2cPHZ+Zb7nPFHsFGoxGzguW+fx42v3jnws1UgHtCa0wq0\nE7cXxqCns9DTWcC2MP74w307roNw8+8CuETehPj0ZYhkB8TfngLNwM/zOrh/1wIAoUfH1ZNJrm70\nett9Tb+CrygKCE8FkVhqXQYZX4hCkCiW3tx0/T0IdcqEdg3xjs4GMTob7og4Vp7abiAeyInJmRNs\nmwQ5SimoJABUACgBdQvCnPf95gmgjixXIAdU+P+Xz+CljW1s+8fb3ldqLYOFp6bcPw+cALyWT+2R\nZvJj3Hwp0Na+RxZOIXxqCtnVDVBRRHBmApxzJN6/45TkCKCls+A9IGZGJgtiW2C2jd27y7BKOmSf\nB5Gz9XrS/Qy8IHtdNX0lGB1kEQRZhGAe8HzDcAhz7X5NC4Jp9iz4HjX6FbetJm5zvYZl2EhvNSo0\nFNM6tu4km2o41z9Xg5ZrzABymyO9mYM3Ul/lcj4+BweH2eY1KolC28/tBYgsQfDsaZBDFMBFAVYm\nX20Jk1osJpr1Kzfb7hbfuSSBe5y+aSJLVUWPVuCc4z/+p52OCnDZRBFayYB4wLxQTPFhWyvgO38V\nwPefl/Bnf9aeVKgoUlj7+uXTiyvIrW3A1g1IPi9CZ+bgn3BvJ/JOjmP37kqDSoagyI66STP1jPVt\nRC6crauOHXRcvcaNv/Fh7kfOADfPbR6YaR7EeU6UsgQiAG5YdcIARNMhCCJIbRWQMZil1goy+9Fq\n+qcrwhyLxZBI7Hm/7+zsYGxszPWx7e1txGIxSJLU9DWt0M/ge+qJcRDqlPbcsshUpAiOexGI+rD+\nQRxmsfHk5jYgKBSeoALVJ8M/6sHIXBh2h8fNOXDnuopvoIQXniq0HCgZZAAmhZKjvelCHpnNYJs2\nhGCLPuYjLivFozPYDnR2DMzieOef7kCQKKhIofplZ2rfv3cpVTLNAIH49GVYf9NB8CUUgVPOQIhz\nmhBEHzpXfZ6WSmP91TfqBkWoosA/PgoOwBMNQ8/mkLm32rK9g1ABxWwe22++WzfFnduMY+rqZYiq\n2vfAu5yYR1grgBp6W0EX6O78pjaD0GY0s20Gtm//RJZAlH2B2MyBqgoEkcI2HZWMTnF0o5eNGGTc\nHgRMzapLVNRiZzGFYkZHdDbYkCWuheQRIchCnRV2BbLX/YS6c13G92EDZ/J4pkuDlH6CKHJjJU4Q\nnF7Oahxwj4nMtFwHrjlzFEPaXZhWKpCd6PibJsfKameqBsxkSG/kMDoXBmOO8y6lBMFY40DjuOor\nG4Sh6/tSZmkViZsfVuOuVdJg5PIQlCfgiTT20CvBAKLn5pG6u1w1LpGDfsSeuAQqiti58T60ZKMe\nta3psHWjKWEeFJaT8wi/+tZQKGZQvwdUUaq/K5dlMFGontNcN2Gj6MyfCBTMYhBMo6dVwa5SS9eu\nXcMPfvADAMDNmzcRi8WqJbqZmRnk83msra3Bsiz8+Mc/xrVr11q+5qhABYq5y5N49JcXMPNoDFSs\nv4hG50PwBB3iGplqnkE0ihaKaQ0jc2GMzke6akkYV30gEHDnugcvvA78m9aZDFm/wA0TVirbQDA4\nYw6BIJ0rWgwKjHG8+XZ3075azkBhV0Nup4j4Yhp3XluFURqMpJgaCePU808jdOYUfFPjCJ+dx6nn\nn0bsiUsYf+ISPGMjyK9vHdgL7RmNInNvpUHyyMjmkHIR4O8XbnzPB+vVtwBTh1Da6ct7cM1wbuq1\n2xhryIjRgydIAAAgAElEQVQ65219RpF6VQgBHwRFcf7xe52BU86d1o2S3hVZHjbcL3G7AtUvQ22i\nVqRlDSTupXHn1VXs3N1tug9JERGeaCTU3oiK6GwI6c08Nm8lkI07caQ2Tn9/UcK/aXlovuFyI2s6\n7Fu7nTWSCM45SLmtrm47Y7AyebAukled3At1ncE0O6967NxNYXcji/d/tIi7r67ho39bxQc/XkK+\nD54IOZe4a+sGcsvNHQsj585g9tmrGHn4PGJPXMLss1eh7Waw9foNaCn3Crcc8LnKgnLGHNnQIdcr\n7jkksY4sA865RRW5bq6E6wbsbN7hLLneKxp1tXy5cuUKLl26hC984QsghOAb3/gGXnrpJQQCAXzm\nM5/BCy+8gD/6oz8CAHz2s5/F6dOncfr06YbXDAsIIZg4PwJvREVqLQvOOEITfoRrSPLMo+NgFkNm\nK98gmg84WcnkagaBscbWgHZRWQHfue7B96Hhyae0I5cuAgBwDjudBfeoQGWwQzf2tDcHYKHdKUyT\n4Yf/LYv/7x96M3msZQ1sf7SLmRoDAwD4/qKI52Yc7cpeCeQDgOTzYuyRi66PZZfXYbcYJKGSBG9s\nBLHHH8LaK6+7PkdLZwdifV5B1dTk//jlvgySOE5RRRDVya5xZoOVdFBRrGbcOC8v8mrLoOWg6xaI\nWekAK+1jhvsublOCiXNRrL6zA7vJADazOHbupjB6OtJUO3/uyiQEWUB2pwBmcfiiKiYvjOLOa2t7\njn8ECE8GcOYT0zVxWsX3AQAmnhwZklgNNCwcq6iVNtMMcEqrg1Kcc3DLdpW/JJQ6ihqGCd5Ga0U3\nsBnH3/3UhOyVYBQ7S0wU0xpWb2zXVYCLKWfbxefnGo73znUVhT8MdRWzmeEed+0avV/OOfJrmyjG\nkwAIfJNj8E+OI3LWea/8xjYSH9yu7ymvAREEBOdnGxY+6XuryC6twMgVIKoKfBMxjD568eiHAwcA\n6lXdZQ0pdTwbtPY9Gw4Dwgd51+wC/9v/8+O+7ZtzjnzCcU3yjzQXcBdFAVZ5paIXDNy6vgxTa1zh\njZwK4fRTh5+s3tYKWHi+gBee4q5BeNA9cQeB+jwNihacc4DzI5M2M0yO//27Fn7yXxerhgiHhSgL\nYKzyuQi8YRXSrILH/meCF64YKB2gz3yY9gfOGHIb22C6Ab1QRG5ptelzx554GIHJCRBKsfn62yju\nJFyfp0bCGHv0PJTw4c0e2sHcyBIivzIN4eqVloS51+c39SiOCYkggDPukOt8AeBOK4YYdM+YWvki\nuKYf6njk0V87zKEfS/QzZruhkNKQWE4jnyiglHG/cV76zOlqtbAdrL6zje2PGjPTUw+P1snfbWlZ\nnH1eq1pkD0W8FgWIAV+dagAzLdjZPT1aSRRg2syxjifE6bHlHELQ75Jh5rDSWYAxR0a0ugBt0tPc\nATjnKJoW/vJmDj/+vgS/JmDl7S3kE73JDl94fg6Bkfok1pbmDIn+lz/MQjlAHnR/zN58/W0UNhur\nZOFzpzFabquLv/MBMrXxmRBEzp/GyIWzzvv//AbyG9sN+6CyBN/4GPzTE/DF6iVpi/EkNl9/u2G2\npfZ9+4XHP1+A+NzVI+1hFsJB1yFuzsvnZpPFRzfH1CpmP7BOf7lEAavvbKOYckqtvoiK2cfH4R9x\nzxAbJRMrb28jFy+4iuYDQGCsuTLG7loWiXspGCULik9G7GwEofHhKG0eFqxQgkAouCQAIODgTk/z\nEax8OedY2rLxd/9MYRIZF5+fx0f/tuI62NMprNo+R5sjFy9CSGt4Twjji9eDXZuaHAQ9k8X22zdh\nlC1oqSQ1fS4RBWSX15G8+RGoSCF6vWVd4sZ1sZZKY/utm5h59mpftLSHAUQU66zdCS2ru3AGO19y\nLNhZo2Z1JeN2guGHL6LCF5lA/F4Ky29uNTwuKgIktfk144Zm5fx8sn77hBrEnevAd64rZavsIcg0\nWzasbH5Pk9x2qi0NlcBKy1HtpvKQXv02s1ppYYWS4/4qic61pe5VZzo1s7INAzrP42dxDcs5EYAE\nb0jFhWfnUExrSG/kEV9KdWwuVgfGkU8WkYsXofhlRKYDh5IHjZw7DT2Tg1XcOw+USAiRhXkAgJEr\nILu2Uf8izpFdXkdo/hRERW5ob6xA9HgwftlF+hROK4hbPCruJIA+E+aBQqDOvarhXGVw9C72bbZZ\nU7LcDxyds8ERgjGOlbf2yDLgZCmW395qWqZeemMT6Y2cU/rb/xTqZJdH5twzdan1LJbe2ER2pwgt\nZyCzlce91zeQT7Y2QPh50hq6/rim0DRYqSysdMaVnA0CnHNsFYr4w/+Ux4crzjbFK+HCc3OYuDCC\n6GwAwfHeCtfbJoO1YQIg+OK3gvB89/N4/PO9dUlK3LxdJcsAwEyz+WKEA3oqA2aasEo6tGQKlApN\nZaSMXAG5tc2eHu8wgShNho7EMilgzNXumhtWfevGCYYeI3Nh+CKNZDU86Ycod7YgbNa+QVy2T6hB\nEIj4zl/5hydm2wysUATLFRzThjYLyXauAKbpYJYNZtmwSxrs3L54xhi4boAVirDSWdhFDbZW7h1N\nZ1u62lV3YVlg2QJs1jgbQAiBL+LB9KUxXHhuDqTLtbwSlJBYzuDDf13B+s04Fn+6jlv/vAyzZGJC\nDQIg+M5fBfDK859qO2ar4RCmP/kkwgvzCMxMInpxAdNPf8xxRARQ3Im7Eltb01EqD/cp4aDrviWv\niq0338HKP/8EGz95sy4uN1u880GRxbImc79AFBlCKAApEoIYDkLw1ycuuW64zqPY2cHOej2QhDm9\nnkUp23ihltI60luNP0AxoyEXb35BeYIKph8Zxdq7O3j/5Xt4/+V7WH1nuzokkVjKgO3LSlu6jfhi\n43Qs4PQy37muDlcAbhfc/abS17fkHMy0UDJSuJXONPB1SREx80gMZz4+g/PPnEJossekWberAfiL\n3wp2FIAPgqXp0FIuGs21wYNSqNEwPLER15sVs6yWvbjNpI3uDxx8Ltr5IuxiCcw0wUyzTBKGY+j2\nBO2DUoJzT88iOhOE7JOgBmWMn4vi1OX2NGRrEYy5x4jQhHtV0BkGdEjzC6/jeMXsWnDuXA/pLOx0\ntkZVowlsBlYsgeULzkyL7VRuKs52nHMwwwQzDMdpkzEww2gk4U3g8Ss48+Q0hA4XPABACEVyOQNu\n78XKQrKEtZtxAGggzR/79vm29it5PRi9dB7jVx5F9PxCnZKF1GQglggClIBzTkXOnm4wlJKDfpTS\nWeTXtmBksijuJLB94yYyK84woRp1T8YpofbkTA+DG9/zwXrlzf6RZoFC8Hmq/fNEoKCq4gxel8E0\nZ4HGTBPctmHrBqxcYeAzJg9kSwazm6+2uUu7halZTkWgCUppHbeuL8PYN3SgF02cvTrj2u8MtHYD\nnFCDZd1I//CU+toEs2wILiV+Wzec0oogQGjRVtAJOGOwCyVnOtbXnpJBrwm9EnAm9fthxeoYwRzg\nNssYqCxBVFSUkOz0DcBMuyf9iMMGqioAbaIfa9t71usW65l16gmOFmpAwZlPTB96PxMXRmCULKTW\ns7B0G5IqIjobxFgL++3aoe0XUMILwzK0PWBw04SdMcEk0ckKVrKjZdOXTofEIzNBhKb8iC+mkVxN\no7jbXpw38u5teIWadpu9+2xZn/nb7ekzN4M3NgLPaBSlxG7DdjngkGkqCpi6egW5tU3o2Twkrwqz\nqCGzuFy/M5sht7qO0KlphOZnUEqmUNjc631WQkGMXDzb9bF2ghvf8+FxvAnxk5choLdD21RVXGed\nHKfWvd+KaQYwoOG+ZnggCXNkJoiNW4kG7WU1INcpYzCbYeWdLRSSGohA6laq+2G4aDRntvIopEpQ\nAzKK6cYbsuprrdJaCcDf+Ss/zj6vHZsAzIolR/dTrJnANkyw3N7EOQkGXCeyDwLnHNy2y311cFQP\nOgzAvSTMalDGxPmR6t91+syfvAx8r7vgaxZLSN2+ByOfL7dTtC5zFrfi3fWMc47U7bsAZxjpcy/c\ncnIeYb3Qf8tVSiEEfdXMD+e8SporvclEFECFveuPKBLsTKMJxgkeTBBCMHd5AlMPjaCUNeAJKZCU\ng+PVftL8uTN5fMofGsARDx/4fukzXv0XACcL//Okhe8vSrhzXW7pOk8pxfjZKIyi2TZhbtZeuT/+\n79dnPoziESEE408+huTNj6Cl0yAgUEciGL1Un70mlCJ4am9ht/XGO677s0p69fkTTz6G4nYCWioN\n2eeBf2ZqoEP1DmnuhyZzMzfhHr9ND/BAEmZBpJh5JIa1d7erRFf2SZi+NFa1U7Uthnf/6U7Vt74b\ncJujmNIwdiaM3E6hLqOsBmWMXxhp8WoHblkLSe9tS0HPYTPYmSy4ogCUglum0xNaAQfsbB7cowCy\nBCoIjZPZLllBbjvDLIdt8j/MbwoAokzhG/FADaiYOBfpeKDoIFiGgY2fvgWz07aAQwje5Da2EL2w\n0PcA3M9MRQWCz1NXJq2cR7amg+sGiKo2LNaoJALhoNMTdx9JyZ3gcJBUqePre788KDmTxTV1yGP2\ngFFPllUQCJjyBatqVM1g6u23j6kBBVpOb6gOB1oY2fQCoixj/PKlg59YA8nrLhhQu50QAt/EGHwT\nYwNx+hsUuGmAq3Lj/X4Ih64fSMIMANGZIELjPiRXMgAIRuZCEGosghd/uuZKrAiFa3uG23ZBoijl\ndGx+mHDIMgVkRUR4OoCJ8yOQPe0F4v2k+X84DgGYo7XZA+dOGbyogcsiiFzO9hE4fXGGASrLILLs\ntCTYDHZJ68lELG1hC9sOwtMBzF9pLR94GH3mzL1Vd7IsCu0LsVPaEfGzNQO2YUJUlbZf0y2qmYpr\nV/qSaW5lpMNNC4Lf/fenogD4vQMfJDlB75HezGHnbgpG0YTkETE2H0F0NohsvIBiSoN/xNNUEakZ\nihkNWk5HMOaDKLe+ddZqNf9XaOBD6gp4FNhPlp1e4vbgCbQXn2SviNnHxlFIaYgv7sIoWhBkitCE\nHzOPNo83hbH+VQNs00T67jKMXAGCJCIwN111BwwtzKGwnYCR3atyUUlC6PSpvh3PsIAbFpimO8Yk\n5ew/syzYB/XPHwEeWMIMAIIkILYQbdjObIZcwl3BgnNg/PwIdlfSMDUbVHRsOC3DbtCO9EU9iC+m\n9og0A4yShdxOEbGFSEfHWkua77cAzA2rPgNdBrMcQt1r1C6MukEo1vp7d5zAVHz1+TH82dd/Cfjm\nDzsizVbJ/TNTQsAFoa0p9AayTFr3DgqKDEEZnJFz+uU4Isp7EK5e6fm+OePuk/Xlz88Zq9OorQWR\nREfaaIBSRSfoLbLxAu69sQm7nPBwXDtL2LqdQDGjlweTgfBUAGeemj6wRcu2GBZfX0d2uwBuc0iq\niLEzEUw9NNrydXulfgHAYFxCjw8EABTERSqsFWJno0hv5uv6kPcjOhvE7GPjkFQRwZgPsYUIimkN\nik9qmqRyBu0tfPG62hd5UGbb2PzpW9B294y0Cls7GHv8EvyTMYiyjKlPXEbq7hKMfAGCLCM4Ow3P\naASZpTUUE0kQEHhjIwjMuidrCjtJ5FbWYOsGJJ8X4bPzkP1DnlgrgxVKYLoOKkmOVn4LY66jxAOp\nktEKnHPc/ckamOVOLiglmHlkDBd/8bTjVy8A6Y18HVmmIjDzWAyCTF2z0aWsjjuvrkHv0NFoz5ZV\nHVpb1uOAyHQA5BBnfmozj9RmrmmP3Ljqw4Qackjz2hg83/085kaW2t6/6HXvU5f9fsQeexhqJAQi\ndr7WlcLNJ6qH3L+oI3DTRSaOc2cwMuJMxrf6vINWeTlBb5G4l66S5QqYxVFM69UWWs6A1FoOm7cP\nHpJdvbGFzEa+OsNiahY2b8WRcVFUOkF/IYgU556ZxdRDo1AD+xb4BIidieDMx6chqWLdawKj3gMr\nuhNqCP2SB80srtSRZQCwDROZeyvVv0WPirFHLmL66sf+f/beNEau+zz3fP5nq1P7XtX7wm7um0RR\nliI6FpNcxxhPnAkGkQEDNpA4QIBBAE9sx7GR5AL6kMBBHCUafwmQOzAysD8El0CS62hyM765MhPL\nli2LoiiRFNlsNnvv2vfl7Gc+nK7qWk7t1Sv794nsruV0Lf/znPf/vs+DkSsXYQv6EP/wI8Q/uI/i\nZhSFzQhi799D8l7zXEwhEkf01gcobEZRTqaRW90w2vpKB69K2xJFg1YWD6xYBo4FcxOZjTyykdZf\nFIqhEFlIYvNuDLlYEarYfOLVFEDIiWhnbSDkJcQWm5OkOhHm7ZhweKui+ZgdjG2+zh9p77gL4+dD\nsDj6e/1Sq1k8/sk67v/PJ8i1sRusiObKAjzuWerq8b0npsG56sUtYWg4p8fhnBzF+Mc/hpGrl3s7\naF0HZ7PBPTdt+mu1LJjb1x1CtJIAtSwYw6GablSUCQGhaWMYlWWM35mIZl1RocsHr3fumO5p5z7U\nSKHFTmIt+WSz6NA1w1//mL2HYWmMnQviwq/O4fL/Oo+R036ET/rwzK+dwtSzIwM9dqM96Pn/fTiD\nwFLB/DwhFYotL94Nj/zmIJ78+hZkob5QllteM/z5a1CKJWQeNzhvDEjmzfiuezIfZI4FcwNFEzeL\nWhRRxcbdOJJr7RfLXLTYsUeuscIcf5LGo7dW8eDfl7H6fqTtgEOvW1lHnbeEAt5YYqoDJJ0YOeXH\n+f90AnMvjZsFCHVFOSti7U60bbWyrmrxf3VXtaAYBmMvPAvX7CSsAR/so2GEr1yEe3uqmhACzuVo\nm/hnhpDKgOHbuawcnSqzVixDSeeglkrmlkU0DU2Sode0ruiqCu0wVWSOMYXv4UK4KyvFVkFMR+fr\ncmhheRYTF0KYvBTuOZymFXX+zC8Px1Of5szb3WiLpeVnsBRPGJHlDaiShFKsfmdELpuvW4ow/B3o\nXfVk7gGKt4B2O8F4XUak+5Csats+564/wyHDYu/yRe+wWOoAQnNe+CdbDzRw1p1to80HCazcjiAb\nLaKQKCP2OI3Fn6xD26fUvMOCYBe2xTKLxZtWENAIdzkQSdEUSimhk2NbW8pZEbkOW7P9hJowVh6h\ni2cx/tJVjD5/GY6R+kEVxsKBsL2dIFRBhKYoYKzNotnicYP3tvaYPayQlpZFBLSFqxPTx3HYR4OR\n0wHwru768d0jndeKVoWPViEmxxx+dtIbews1aYV7bgpMoxMGAZwTrSvinNsFM689wtBNaYGs1dxl\no32BpHdWkjO7H2TSBRTPgdoOOyE0DYpjjXTAAQf6Oz7vrj76IcQ/7YHdN/iHzBmwgRCC2Y+NY/Rc\noKln1mJnEZo3Bg41TUdqNdskwoupMpLL5mmAx5hbE3UrlodJN+NhFdH8xhJr+DMPSObxMtQ+BiIz\nj5fhmpkAXdMnzbmcCFw4tafBJSvJGaNXbZcXXU2Su+7PphgGlHX3XUKO2V0sNhYTF8JtQx5phoJv\n0gVN05GLtb+AnbgYgjOwI5pplkJo3gfPeHcpa4s3WbyxxBzPm2xTaZ1bvLl3Q8b9EObtoAiDN5ZY\nFEOenuZQGmF5HiNXL8ExFgbrtIP3exC4cAbeuZmW97H5vbAFm61n7cEA+IaWPdf0RJNVJmO3wtOi\nBW9QakXzfkAszTZ0lYTA3eSpdskwg6II5l+cwMb9BEqZMghFUEz1ttBxdhYzV3cmWcfPBmH38kgs\nG84avIND+JS/GlyiiAqkFgOA5cLxdLUZg1gT1eKf9iDyKNU2lKYdVpcFnnB3lSbK1LqhP0rJ/i6k\ndEVFZnEZAAFjt8E5GoTvzMk9NcCvkHkzDg/e2zV7OQA9u98TCwdKBzRRbL0Vf8yBRyi0nyFRNQ2Z\nrTxSazmAGFHYJ14YB2Oya8PyDE59YgrZaAFiXoJ71Ane0Z3YC/N2xMT6IJOj4m7UKwelwNE7wykk\n8B5329kTXdehKYqRS7C9Ho88dwnJjxZRTqUBENj8HvjPNle7HaMhEPoScisbUEXRcMmYm27p7zwM\nMm/GEbi2aw/fnhZT+8TCAbtoR3csmE1grSxmnhsFAEQWkh0FM2tlwDs4UAwFh9+K8LwPVMNWimfE\nCc+IeUWCtTDgbCyEfPPVmrVxEtiEVpWLw5AK2C2Nf+O7SQWvf8cBgPQtlgGAd3AYOe3H1v1E7/d1\ncpi4FNoXVwWtMUWrj/tqsozc2hbsYyPgPXufRraSnMHKDRhBJrsmmnsTvRRNA3YrKBsPTZahFY57\nmg8jNjdv6JxWb7+GnXY33Zg52bgbw/Szo6Y3J4QY63cfM2Vjdhc2CrlqkAlOFHDV3/rUe5jX7XZV\n9MMplveGwmbU8GguFEBxHBwjIfjPnQTFMAhePNPVY9hDAdhD7a0Ojwq6psJs+IgQ0lteQY8cC+YW\nKJJi9BS3ccyo4B13Yupy/9O5hCIIzHiwcS9WZ0Pn8FsRmG7dV7p4k8erEPBrJ1o1BRyNakalMlH7\nBXn9Ow4QMAMvuvGlNNIdBjjNsNhYzF+b7Bhv3kjVn/mvgUSP/sy1cA4bxAabon5QRQn51Y19EcwV\nqul/Q49cBaBq0GUFhOttIIQQAprjQFwUUOjspHDMwcIZtMEVsiMX7X5gK9uhNWMQaoNM3gDQupFL\nxVW/cChFs9k6Xcugu4H9ous6ctEiSjkRzh4Da8bsLizeVPAqdLy6C/7MACBmc4h/cB+qZOwma7KC\nzONlEJqC/8z8UJ/ryNDiQpgQAkIo6IMMJrXhWDC3YPm9LWQ2OvtsUjRBcHbwYamRU36wFgbpjRxU\nVYPNzWP0jL9l9bJ2AX79pvljzl/fqWYcxgUYMBbhV38OLN40qskVhlGhKKbLWL8bgyr3HlIhlmRs\n3U9g9vn2iX+17FSaDNHc7wIsZnPVxXUYKCahMUcJtVAEHLbqFLWuqoCub4eXGGXIVi0pFMMAHLtr\nFYtjdgdCCOZenMDG3RgSyxloXbRcSQUZj95ew+xzo9UkP13XEV1MIZ8ogYDAPWJHYMbTV79/12s2\n5EMnmitiubLr14p+xXJlN6Bx57aRbLSA5EoWQkGCIinQAWiyBlUy1nhCE3jHnJh9fqzr99CwB0U1\n1OTyP93EnRvDq47nVjZM1/NiNHYsmFvQar3WVdXUh39YHAtmE2TBSOPrhvAZP6yu7ha2cl5EZjMP\nsSiDUATecSdcNbn2/mk3/NNGpS+zlceTd7cgCwosdg7hkz44fPX9SO0EY301w1iAB6HbxXuYgy3v\nJhW8cZ/p2f2iE6qiIbKQRHI125dYrlBM975dX/kbahfgbkWzkMkit7qJwsZWTy0ZtpAfjvFRJO4t\nQJOa2366Sg48zGg61FzRiAvfjl4HUE0/pHgetKNNr98+9HcfMzg0Q2HqmRH4Jl1YuR1BOSsaP2ep\nlt/77GYBa2wMs9szKMu3tpBc2fEnz2zmIeQlTF4K93VMndawxZvA6zct+P0vFvpas3sR2cNcqytF\njWHs+tUilWWsfRBFIVGGDsDpt2LiUhgWW/2Oka7rSK5msfp+FJrSek3XVR2ptRxsHh4jp5oH6lox\nwrsREXL4/F+58L2vXMdlDE80aybWcQCgSYdjXd61+ZM2tBLM2i6fy44FswmKpHYlpGiWQrBNy8TO\n4yl48u6WkQxVU+hILGcweiaAsTP1fUfpzTyW392sHkMpLaCQLOHktUmjN68LaoWZsQAP0ovZ3TZh\npy25XtmNfjdN1bD441XkE4P3pg7Su2wswFljAe6iapFZWkXywaKpL2crKAsHeziI0MWzAEWQuPvA\n/HbMU+Lp3RgXvu2eoYkiKCtnGpet6zpID6/5MQcPh9+Gc788i/RmDqqswTfpxtZHCUQXk6ZJrPlE\nEflEEVsPkqYtHcnVLMKnfOD44fu+jvAuRIUiXv+OA/PXxTbtdmZ0385xs5CDXhjOhaDheDH8vmRd\n17H0zmZduEx6Iw9ZVHH6E1MghCC9kUN0MQ2hIEKTta52EgAgnyj1JJgB472piObf/+Iv4Rp+OBTR\nrDWuS9tw7u5cWPYT5cc78ydwmvf/7wa6poKYWMjpbbIrhsGxYDaBd3KweXiUOoSYeEYdHeM2yzkR\nC2+tQi43v5G6qiP+OI3grAesZeetSDzJNAl2uawg/jiN6Su9fSh3FuDu+7aa0TF/XcCrz7dejAuW\nUt1QxzAgoEHQuSrTC5sfJYYilgGAsQwmNGurFu0WYE0xetp6EcuA4eXsOz0HUATRWx+2rErTe2D4\nfqDRdSj5IhiXo7lyoevH7RhHAEIR+CZ2+vQnLoYgizKSK83zC5qs4/FP16GI5kJGEVUUEqW6xxsm\nldaNxzcZvH6zt8/e/PX2ThyNThXDYDfWaQBIrGRMkxgLiRJysSJolsLy7UhTDHo39GuhWRHNr3/H\nCQxBNGuqCjFjPkPjmh7v+3H3gpXkDPDmctXpSC9sAfzeVJq1smgkt9as15osQxfFXX3eY8FsAiEE\no2f8WH0/ClnYERkVM3yKouAM2jB+ofWHQxYUlDICVu5smYrl2ttltwoIzOxUqqWyeQ9Oq593YtCF\nzGjvMGyRXn3e/CLiVlIdimvFsBEKIiILKYhFCYQQ5NtEWfdKMVlGNlIYKMCgsgC/scTi5ZeexfSb\nzYOAxVgCSrn37VMpk0PqwSKsAR8Km80RqwBAWzg4pw7IwlzxZN7DSkUFQoipBR2hqOMe5iOKd9yF\n5GquaYCI0IBcbl3ZpVkKNs/u2XUB/a3ZlXW6nRPHYXKqiC22ts4UizJK6XJfYhnoLrCmFZUi1BtL\nLK7+xnVMv9n/IGA5noTSIl1UKZSA/jp/9oxapyP22hVgj9rudUmGUiyDtllBbVeaCc2Asll3Na31\nWDC3wDvugt1nRfxJGtAJXGF7nXm9GVJZRnI1g2y0hHJWqA4atIUAlgZPT4udrfbb1cJ1m0I4ZHaG\nVax4FebCbfGmfej9a4MiFEQ8+sk6RBO7vmGgqTqij1IDJ35Vo7xbVD1Yq9VIfOrDF7gYibVuHSEE\n4VovXFAAACAASURBVMvnwHv2/wKn1pN5LysVVdqFm3QZfHLM4cIz6kR43mfs6G33vdq9PFRdh1xu\nLcTcow7wDg7lvAipJMMZsFVP2vtJoxPHG0vNt6kMT084vFAO8EWgrustC0SEMgb3OgXOmMHyNHxT\nnroCVf8QdPJoroQmtapoyyYzJRXoXQ7hGCaZN+MI7rEnM8Vxdd87QhFQVgt0Se55N7ZbjgVzGzgr\ni/FzITAM3XFxWb8bRWQh1avtK5xBW5MQD837UEyVIQs7z2lxcgjP99ZzNUx2tgnNBTFFgJDl4Ihl\nAEZluUuxzPAMFKH3L5lQ2N0tIADgvW5Y/T6U48me76vJCopRc49p1maFczwMtc/QlmFSu73HXrsC\nWt+DQRJCQNl4EJqGrmnQFRWkIS1LU1RQA3heH3Nw0TQdVpcFvmkXCAjsfiu84048/I+VtveTSjIe\n/McKiqkydFWHxc5i5JQfwRPePTry1nRap3ejdWK3YFjatOhk81jA8gxsLgsyG/nm+3E0WJ6GrhsZ\nCVanBd5xF1RFhd1nrWt/3C1USUbi7kOUU4Ym4H0e+M+dAmvdKcGWEkmkP1o0vb/F44Jj7ICXl/cT\nQkCZhAwRQkAszLFgPshkIwVEHqZ6ug9FE3hGnZi8HIam6UguZyALClxhO1xBO+ZenET8SRpyWYHF\nwSJ80tcxXUosydi8F0cxXQbFUHCF7Bg/Hxxa5HG7hbabi4q9Rix2J5atbgsCM26s34tB7/F7xgxp\n8TWs5gL41p/8Kla+vND0+/CzFxC/+wBCMgMdOixOO8qJ7tL+VMFc1NvCge3Pxv4LZqBme4+8B+YT\nu+DJXAshoF2OujhZXdehqWq1L05XVKilMva/dnjMsBHyIpbe2azOqVA0gSzIiDxMmu7u1VJomIEQ\nizLW78Zg91u7HsreTQ6DIDbs+tLIbOSgyiqsLh4TF0LVXVRCjF3d+FKD1zwFOAJ2qIqG8Ck/cvFS\nXZ8zxVAYOx8ExzNIrGSgSCo0VQNrpeF0DDLHU0+Yt7f1Z47e/hClmkJFYSMCpSxi/NrV6vk4+2QN\nqth8jqKtFoSeOT+08/aRRNdb7/z1b3zVkWPBPATSGz0EXxBjqNDus8I37oIsqVh4a7W6SG8tJBGY\ncmPq2RE4/N17/GqaMahSSu+0TJTSAlRZbZleddTpNJAJbCds6hrW7sS6um3dVD0BfJODD/7UbqW2\nCjVheAs8J6ZQ4C0AoeCeGsPWO+9DLvYeqkExDDi3E/7TT6/HJ2W11IllYLs6QdPQFAVasQy9Ull+\nWlxEniLW78Xrhro1VUe6C9/9VqiyhuRKFrZL+y+YDwNbD5PYvBev/r+ck1DKCjj98nS1Ajx5KQxN\n1ZCNFKFUepU1ILqQRGYzj+lnR3Dq45N4/M4GspvGe6cpGlZv189rFBJlFJJlnP7EFNghOps0+jNX\nRLOQzaEUby6gCak0irE4HGFj50xuEeFscTlhcR18h4z9RpeVJmcjXVWh7eLgX1/FE1mW8dWvfhWf\n+9zn8PnPfx5ra2tNt/mXf/kX/OZv/iY++9nP4q//+q8BAP/wD/+Al19+GV/4whfwhS98AX/zN38z\n2NEfEEodKhKAUcXkXRygA0JOQnI5i8WfrmPpZ+t1FQ1d1RF/ksHaB9GOj6mpGnKxIsp5EanVTJ1Y\nrpDZzEORD1bldzfQNB2yoFR7xgAjDIaztV8gdQ0o57obpqwVy5yVweSlMEZO+vo63kbCvNEDvniT\nx9fWg7B++xVM+5erv08+WMTG27eQXVpF9vEyNn78LixuV18ewZqiQEimsfSDm8htmA8DHnna9JxS\nDANQR0skH6/ZO+i6jlJq+INB+nGve1fouo7UenORSchLiD9OQ5VVJNeyKGVFzF4dx/y1SdBM/fdV\nLEjYuBeDpuldZSYIeQmRR93tyPXCCG8UTD7/Vy5Yv/0KLr9SNIRwC6s4pbDzuWOs5j3KDH980dUN\naqEETRChq5qxOyjLUAvlvmZ9uqWvCvMbb7wBl8uF1157DW+99RZee+01vP7669Xfl8tl/OVf/iW+\n//3vw26347Of/Sw+85nPAAA+/elP4+tf//pwjn6fkEUF6fUcGAtt9EZ1EKSeMSdGT/vx8Ef1vXG6\nqkPImbcNxBbTsLossLp5RB4mIeRFMBYavgkXxk4HkVhOI7KQgpCXQGgCljc/wcuCCkVQwJj0+xwF\ndF3Hxr04Uus5KIICi4ND6IQXwRNeWF0WzL84jsijFMSiDMZCoZgSdqoVA6BpOnwTw60CtAo1ebQS\nQnZpZSdwA4AqSRDzeYQun0Piwwctze/bomrYfOcO7KNhMBwD59T4vkZkV8i8GUfgF0TQyjpU58RQ\nHpNwLIiFAyHECGrpsKgSmhyQRpXh8LSv2Y0M4qFu/njGOn9MZ3RNbzkvkokUEF/OVJ2lGAsNhqOr\nQ5m1FFMCkiuZtkEltUgl0fBVH3KrQ6M96Avl/4H/966lqRWOYlnYR3fmMlxTExCSmbq1m7HycM9O\nDvX49gr5J++BeQkAw+1ZkIlaKBnD8oS0vEgZJn1VmN9++2188pOfBAC89NJLeO+99+p+b7Va8f3v\nfx8OhwOEEHg8HmQyGbOHOnTEHqdw/9+eYPX9KJZ+tomP3nzS0iyd0AQnr01g/hcmkIsXoSm9nYLj\nSxk8eWe9mi5VSJSxeieKtQ8iWPswDmF7oE1XdUhF8wWId3Lg7M29z6qsQixKh74qEllIIvIwCako\nQ1N1lLMiVm5H8MF/f4QHP1qGLKqYuBhC+KQPwVlvx4ubblFEFan15oGTYdBYtXAF1qCZ9IfL+SLK\nyXR/YrmCrqO4GUF2eR2bP30P+QNQcd7InEDiT38A5cfvgc6vD/x4FM+BdtpBWzhQHAvayoMwjOlr\nChgXYfoB68cflKd5zW6EEAJnsP8+X4udAe/cWVNplkL4pL8utfWY1hCKgDc5JwFAKSPU2bAqolo9\nzzU9Dk067iDWkt0q4sP/7zGWb22aCvBBMKxUCV7/jhPv/C+fxNn/baR+F4sQuKbHwdp27AgdoyGE\nrlyELRwE53bBMTaC8NXLh7IdYyU5g8ybcSg/fm/HHnSv0PU9EctAnxXmRCIBn8/YiqYoCoQQSJIE\njtv5EjgchtXWw4cPsbGxgcuXL2N1dRXvvPMOfud3fgeKouDrX/86zp071/4Aaaql3dZewjA0hIKE\nzfsJKDWRlaWMCIo2P76J80H4JzzQVA2p9azpbdBm5kooSM1XzzoQXUpDNYnN3E76rUIxBOF5Hzhu\n523WNB3LtzaR3sxDFhXY3EZEaGh28AlvZh96PbMRc2shqaRAKhWMdEVCoO+CE0T0UQpCTsTkxXBX\n/dJA96/RhMOH9UIar77H4f94bg74r82T+4SmoavDmwbWJBnZJ6vwTI3u+8DJRvYE8MMleMh7YF/m\nQBwD9OHzfNMaQrEMUBaMLwxD1/2eKAoYTavrXWYPeR/zXq7Zh4GpZ8LQFA3ZaMEIieph9tURsGHm\nyhhS6zlIZQXecWfHgexjdiCEIDTvQ/n2Vl1AF81R3VmxbuMM2OAOO0AxVFdVZk3VIRVlJIpZqIqG\nuReGs3tVoTbU5Hv/9+fB5f4fLH4EQAfs4SDsI8Gm+zhGgnCY/PwwspE5Aby5VLUHPYp0FMw3btzA\njRs36n52586duv+3qlIuLy/jD/7gD/Daa6+BZVlcvnwZPp8P169fx+3bt/H1r38d//zP/9z2+RV1\nb64c2lFxgIgtperEcgWzCrMrZEfwhBfpSA7Lt7YgFlp4SpLtddrkJaQoYjrw2aqlgNAEo2cCKGcE\nUBQF36QL7hFHnXvF6p0oYks7vVyljICV21uw2BnYff1PEe+XS0anirHRd7w7VXSpJCP+JINSVsSZ\nl6c7bvP28hpFhBwAHa9ekcAulXHH5YCUqx9KsgZ84FwuYKNNvztFQFF011VoKVeAJEj7mv7HMBQU\nRcNKYgYevWiE7fX72SIEDEVM3VJVHdCyeRALB8pqMS6sZAVaob4nkmVoyH0+/37IqP1es/e7yNHV\nRSlD49S1KYglCXJZgSTI2LyfQCFdBr3tMCTkRJRNqpuaooPlGIRPdD+/sB/FhE7s5zGFZr3g7Szi\ny4aThdXNI/LI3P6yEUITuAJ22L0W3Pu3J6ZimXdysLotKGcECCbn3ly0CFVSYbF1/oZ2+zqtF9IA\ndPz+F/Ow/LebKFkvYGwXdSPDHDz/nkqhI3jt4BQZhnkcHQXzK6+8gldeeaXuZ9/4xjcQj8dx5swZ\nyLIMXdfrKhUAEIlE8Hu/93v4i7/4C5w9exYAMDc3h7m5OQDAs88+i1QqBVVVQdMH44XtSIdzAMNR\n8Iw5YfPwCMx6QQiw/mG8pVgGGlwXaqAZCo6gzdRnshWcjcXY6UDb2+RizZPgqqwhsZobSDDvF1a3\npaMNVCsomrRsp+mFYqqM5FoWgelhmOEDEcHYjfjeV3Iof+kGHiRnEH72AhL3H0HMZAGKgtXnRfDS\nWVA0heJmFGK2hVOLpkPTuq9CE5pqjoc+zOg6dFUz/Zt0VQOxsKDt1h0rOYoCwXZv3CFlv9fs/Sxy\n9HrhTnM0aI4G77bAGbJDLMqgGQosz+DxzzZMBTPv5Do+R21gxUG03DwIx2TzWTHtM1oUkmtZaHL7\ntZhiCdxhB0pZEeWCgGy0tasJa2Uw98IENh/EsXmvWYirsoZyQQTNtdce3b5OlQLH738xj2s3K3HZ\nzd8DqVBEZmkVqiCCsVnhmZsygql6pFJUOEhUj0k3SlT7/fkC+it2tLuE6uvMeO3aNfzrv/4rAOCH\nP/whXnjhhabb/PEf/zFeffVVnD9/vvqz//Jf/gveeOMNAMDCwgJ8Pt/hEcsAAjMeMJY2JwpJg3/a\ng9CcDxRFIOQlFHucxmYsNLwTTsx+bAyzV8daDvOZIZVkFE2cMmpptXXV7eDEQWPsbBBWT3+JSJqq\nm18E9VEcE4v9xZY3EhGymL8uVMVyxVrO4nZh/Beew/R/+kXM/MrHMfr8ZTAWDhTDYPSFZ2AbCfUk\ndGmXAxTXXEVWRQmx2/cOfW97LbooNv09mqxAF0VQPF/3uhnG9xwIc7QcN5/WNbsXCCHgHRxY3njv\nR8/4m1JYGY6Crc16k4sXsfCjVdz5l0Xc+7clrN+NQdO0I/V92hW6eHlYC4P0eh5iXmo5s1OhlBag\nSCrcYScopnlB553c0OLNK2L5e1/J1YjlZoR0Fus/ege55TUUIzFkl1aw8ZNbLe3lDjW6vrd9zHtE\nX2eFT3/60/jJT36Cz33uc+A4Dn/+538OAPjbv/1bPP/88/B4PHj33Xfx7W9/u3qf3/qt38JnPvMZ\nfO1rX8Pf//3fQ1EU/Nmf/dlw/oo9grOymLgYwtoHUfNeK4K6fmZCmXj3dsDqslR7q1RFA+fgIAvd\nfaE0RUdyNQO7d6TlbWweK6RSc9XaGRjO4rHX8A4OZ6/PIL6URjEjIBct9uaC0WKhJrR53zPFkObh\nTQI4fIO9flGhCB0K5q8L+NZEHIkv1fswVzBrlaAtFqiCAL2HwQf3+CjsIT82f3a7aZq7sBkBxTEI\nXTr8vaoAoAkSdE2vc8nQSgLAsiAm23WEEBBu99Ki9oOndc0eBJubx+lfnMKDm8uQtgfRFEnD8rsR\nqLKGwEz93IdUkrH87hakknHxrAhAJJdEfCkNiqFg9/IYOx+CzXV4Io/3Cu+EC1sPEy1do2gLgSL0\nsK5vn4btXh6BaQ9ij3faEGmWQnjeKGoNitluYCuit+9Ck+sLK0qxhNTiEsKXz7e41+FjJTkD/OkP\nEPiTXx2q09FBoC/BTNM0vvnNbzb9/Hd/93er/27smavw3e9+t5+nPDAEpj3wjDpw938sNX2BHX4r\nbJ4dD0XeYYEjYEe+h8x7sSRh434cQkFCIVGqmxjuhk4tBmPngxALEsq5bZFEAN+EC/4htRN0g6po\nRu77kKydKNqYUgeMBK/1ezEUEmWosga9H09GHWBYCrLavEC7RxzIbObrLoI8Y064wv1PyDeK5Vtf\nXgAw0/X9pVwBYqaH8BwAiijA4na1rErnVjfgHB+F1b//cb/DQJdk6FLNyYoiYBzWlsONuzEkup88\nzWv2IGSjhapYrqAqGmJLGfinPXWfn9jjdFUs191e1qDKGjLlAsSijLO/PFtd+zRVQ2I5A6mkwO7n\n4Rl17vvA7X5AUQTTl0fx+OcbppZzqqijl1kUZ8AGZrvdYvJyGM6QDblIEYQm8E+5YfcOXiCq7Aa+\nekWq2w00Q5XlliFTYrqFIcAhpk4054+OaD5a+457BMMxmL06ho27MZQyolFh9Fsx9Wyzu8D0M2Es\nvxepi+9sh1RUsPVRd8MPZrhD7YWbzWXB2V82KrKyoMIRsME9Yu9pkc4nSkgsZ6CICniXBSOn/B0H\nI4S8iLUPYygkStBUDTRLwx22Y+rZ0SZT+n5RFQ2pzTwK8bLpcGYvaLoOR8BajcGlGALfpBvTz44g\ns5lHeiMPTdPh8FkRnvf1fZKriOXf/2IeL0uZbbHcG4SmAIr0ZNguZYxdBqrV+6bpyK1u7LtgzrwZ\nR+AlETRiQ/X2pKyWppSoCpV2jWOOaTUfIRYkqIpW52/fTUBUOSsiuZxB8IQXQkHC0s/WjXPINp4x\nB+ZemBi6T/RhwDvmhDNoRXptMLtOZ9CGycs7u6yEEHjHXPCOuQY9RADd7wbWIuWLLaOcVVHC1s/f\nh67rsPq88MxNG7MnigKKYw/tBVRVNP/nT+33oQyNY8HcJ+6wA66QHYVUGTRNYHXzph9s3mnB6U9M\noZQREFtKI7m8e1eTgRkPPOOdPRxrK7K9kt7MY/nWVtXWLhspIh8r4uwvzbZc5IWihIUfr0Gq6fNV\nRBXJ1Rw0Te9o7yOVZUhlGTY3D6pFQlshWcLyu1sQCuZber2iihomr4UglRQIBQmukAN2r7F74B13\nwTs++OLbOChyq0XvWyc4hx1WnxflRHMcayvEbB6KIMIRCiCVMx+eUaXh9GUPwq5t7xHzz5GuaVDz\n3e8IHXO0qfQzm/288ULf7uWReNL5MaXtCurmR/E6sQwAmc0Coo9TGOlzfT6M1IaJdBr8a8QZtMER\nsIGzGe8HZ+MGbo9rR7+7gZzTDoploMlm1XMJxS2j37cUiSO7ug5oOlRRAue0wzM3Dee4ua2mXCxB\nyhdg8brBWI5bfXabY8E8AIQQOP2dnSUIIbB7rZh9zgohJ6KYaj+Y1ysMR2PsfAChbZsjVVYRX85A\n13T4p9xdewR3Q+xxqskDupQREXmYBMPTKCQNWyb/jAf27faU2KNUnViuJRctQhYU0xOTpmpYvrWF\nTCQPTdbB2RmMzPsRmm+2c9q4Fx+aWK6w+n4UZ67P7MoVflQoonmqun8CF05j/Uc/g96lQwGhKRCa\nQvDCKeQ2Y1BKzTsgnPNgBDFURLPnl4NgrmE4ornF5LQmK3tmgn/MwSc050VqLbfTwraNIqt4cHMZ\nzqAdY+eCoCiCwLQH2a0CMlut3RsITeDebt8qtRjQ7nVQ/LAhFCRkt/IgDEEuWkIpXTZa9BiqreMR\na2Uwfj6IbLQIaDocARtCc949q8AOshtIsyxck+PILDX76Tei1Dj0iJkc4h8+AGu31aWw6pqG6Hsf\nohiJG5VoCwfXxBj8504eyIo0XR7uDuF+cSyY95heBgA7QShg4mIIwRM7AwyZrTxWbkeqvc/RhSTG\nzgURmuveM7QdYgtRGllM1g1CxlczmL0yBt+Ey7Svr4Iqa1Akc8G8eieK1NpOb65UVLD6YRRWNw/G\nQiOykISQl8CwFArJ4duAFVMCctEC3CO7k7w0f10wFt4BxTIApBeXuxbLgOHhTLMsCEVh9OolbL17\nB0pp50RtcbvgmZ8Z+LiGxUpyBnhzedsUHwPHr2qCCMKxdU4huqpCKw/3YvaYww3N0ph7cRybDxIo\nZwRIZcVYswQViqCimBIgCzJmr46DUARzL04gsZJBMVWGWJZRTAp1DkT+KTcc20UWqkUrWqtdtMOO\nrutY/zCGxHKmLrCkG2iOwtiZAALTnqHZd/bD/HURVz1A4ks/QC9zJgDgP38KjI1HMZqArmmgObZa\nWW6HJsnIr27WCebER4+RX9/auY0oIfN4GZzDDtf0eE/HtdsoPzaCTI6CaD4WzHsMZ2VQ6jFxlmIo\n6JrWJLY9Y06E53e27nRdx/J7kbqhCUXSsHEvDs+4Exw/eKWZs7KQSibbSg2uIbqsY+NeFN5xJ1hr\n648ZZ2eRWsuBsZQQnPVUTxaqYgzDNKEBkYUEhILcUrwPE6WH5Kn9Qi4LKEXj3d+BEPjOzFf/a/G4\nMP7SVWSfrEIRJbB2G7xz06AOmLVavWgefAFWcwXovMVI9NN1aGXxuLp8TBO804ITz48jGyng0U/W\nmn6f2SxALEqw2DkQiiA460VwOzm1mBaQWstBVVS4Q/a6ljl32N5UZaYYAtZqeEBrqgbewcLmtcLu\ntR76NMHMRh7RR923jVUgFHDm+jSsTr7zjQ8whBBY3C6UE2nIwnbKaJcJk43BU8V40vR2xVj8QAnm\nYa/Z+83BOiM+BQROeFBIluqEGMNR8Iy74AjYUM4KyGwVoAgKeKcFoXkvPCMOlLICNj9KoJQWQNEU\nnEEbpp4J1z12ai1nPmEsa0iuZjF6qn2oSTf4p9wopMpdfcnFgoLHb69j5IwfuWix2auYGFZMWw+M\nL3/8SRqzV8dg91qx9n6k5XMUUuWeIlT7hbOz8HbRE94POoZnWSYXiqa9ca2fXEfy7kOMvbgTQ8Xa\nrAicPz20Y9othr0Aa8LxcN8x3VHOiaZrkiprKOdEWOzNgtbu5eEO2k1DHMbOBaEqGtIbeciCAt7J\ngXdwiC4kq8URY+LFsKVzjzowe3XM1F1IUzWUciJ4O1d1hzhoZCKtW1XaYfPw4B3735+rQ4XxAejP\nQUfM5hB57wOo5d7XHIvXXf+DVr7eB9DcZyU5g5UbwGW8B+alZ4c+wL2XHAvmPcYz4sTM82NIPMlA\nLivg7BzC897qNh3gxsT5EDRVA8VQ1X4kZ8CO079ohyKpYDkG+vY3Q1U0bD1IoJQRUM63/iL25E3c\nhuAJL7KR9n16tWS2CttblePYWkiilBahaxpYnkYxVX+8Qk7Cxr04Tn18Cvk2riJ70aPF8gzGzgaH\nvj1aOzTy6hUJiS/9ALo2ZfSiqSocY2FQ2+4NxVgC2ccrkApFUBwH51gYnvnmnmre6wZj5aH00E5Q\nSqQgZHNw+Pdve7NfjlrV4pjDgTNoM/VnZ3ka9j4GzQghmLo8gvHzISiiAsbC4KM3n5i27WmKhvRa\nDhzPYPJSfaFk62ECiScZI6WQI3D47Ji8FALv7Cwys5EC4ktpSGUZnJ1FaM4HV3A4swu6ZuQCFNMi\nWJ6G1sfuDcUQBE/070I0LCp+y69ekWD5p5tt/ZZbkV1e70ss28JBuKfr5zZ4nxuCiR0df4DX8zs3\n7LiM24daNB8L5n3AM+KEp01fLKEIaMq8SsBwNGiGgiTK2LifQHwp3VVKXy/9rW0fR9d7TrXLxYqY\nfnYEcx/b+dKvvh9pEswAUMoIUBUNWptkLEfAisxGf9WKbmB5Bud+ZbblhHy/bBZzTXZEDx65Ef/g\nZ5ByhpVSamEJgbPzYJ0OxG7fhSput52UBSSzOSiCBEUoQ8zlQTEMHCMhuGYnwdh6E8zQNMiFInCA\nF9h2HKWqxTGHA7vXCt+4E8nVes9z/5QHrKV5rcgnSigkS3D6bLAHWnt+0wwFmuEgFiUIJlHcjY9Z\nS3ojh8378arIViUd2UgB2WgBnlEHZp4bBcOZr2PZSAFPfr5ZteAsZUQUk2XMvThRU8DpD03Tsfj2\nGnKRHceZXtdTq5vD1DOjcAYGO5ZB6SWcpB1qn1aVFpezyS8/dP4UxHwR5XjSqCrTFByjYXhOTPf1\nHHvFnRt2TL95eENNjgXzIWXp55vIbHTvV0kNMc5WFntrJ1AVzfAsrSl41CYi1kJRBIQicPitSJsk\nErpCdkw/M4J8Ygmq2N9FQKf0RVXVsPzeJrzjrqENmJjZEen6NBIf7ohlwEh+Stx7BGvItyOWa8g+\nqZ+yTmXzyK6sN6X1dYKxWmAPBfv7Yw4QR6FqcczhYebqGKweHoVEGYQYQUb+6frtcl3TsfTzjZ2A\nI2KsW3MvTrT1nGcsDDgb23ZIWlM0rN81BsX8026kN/Lma5lu9FavMlGceN68pzX+JN3kVy8LKuJL\n6b4FczkvIrWWQzFVRi5ab89YaTtRZQ2yoIBQAO+ywOrioUoK8olSNUWVsdAYPRvYV7HcuBvYKZyk\nE6zd/G8hDA29hWsPAJTiCfjPztf9jGIYjL1wBeV4EmK+AKvfWzcUeJA5zKEmx4L5EJKLF5Hd6s3c\nvZQpo5QT28ayxpfSSK5mIQkKeAeH8LwP7hFH3W0IIbC6LMjHu3elsHt5cLb6gUP/tAfx5WyTRZ0z\nZANFEUxcCEMuKka/NGCcdMJ2hOe8WLkT7XnKupZOTiWarCG7VUR2q4jN+wmc/+SJgcJVWtkRCakM\nxGxzQp9SLkPMdP/+9iqWCU3DPTsFij0aX//DXrU45vBACDE8kk+2vs3WwwTS6zXfX92wz9y4F8fU\n5XDL+9EMBe+4s+1gnFCUEHm4M/PRyTK0kCjV+RzXIreImpZM5mBq0TQd+UQRDEvD5tnJH4gsJLH1\nINF2bdY1Hec/eQK5WAG80wKbm4eu63j4HytVsQwYLYTrH8TgDjlAs3vfk91POEknPPMzKMVTdQUS\nimMRvHgW5WQahc0oNKm5SKK1CMQhhMAWCsAWGnw2aa9ptAod1PVorzgaZ8ynjGKq3F70mUze5mIl\nPP7pOs58Ygpsg1tGPlnCxr04CjUiWCrKKGUEnLw22RQjGj7pQzkndtUXzdpYjJ4JNC3YVpcFU5fD\niCwkUc6KoDkK7pADU88YBu0WG4vT16eR3shDLEpwhe2IPkrj0Y/XOz7nMJFKMpZ+to6T16b6ba84\n+AAAIABJREFUun9dOMm//xC3/mt3/YE0z1UmfgaGsVnB2q2gOAsYloF9bAS2wNGIvK5wmKsWxxwd\nEisZRBbMBW8x1bnIMHExBMZCI7OZh5A30gShAyAAIfUX+6qkQVDaXywroorEkzQCM96mYCmLnTX1\nfDYbXqyQWs9h86M4hJxkJNwGbJi5MgKKphB5mOxYyKBZGgxHwzexUw0t50QUks3HIZUUfHRzBZ5R\nB0ZO+Vq2lgybfsNJOsFYLLAGfXWCWZNkSLk8QpfOgrXbkLz3sOl+FvfuDJ7vN4dxFuVYMB9CnAHz\n4ZMKrqANuVjz4izmJdz/n8tgrQwcfivGz4eQXMlg/W6s7uq+giIa23P253YEs67rkEoyLHbG2M5r\n0WpM0QShOS/CJ/2mvWubH8URWzLitSmWwBW0w+7jIeTFqkAnhMA3YSTqJVeySK3uXkpiOwp9Bgk0\nJvnd+0cngJ0TCu/zwOJ2NVWZGasV4WfOY/1H79R5I/eLxe3C6POXB36cg85hrVocczQopEpYuxNt\nOVPSTdw1IQSjpwMYPW1UDYsZAYV4CWJJQmwx3XT7jrtlqo6V21Gk1vOYf2mybqfMGbIjs1WoO16L\ng0XYJBgKMFrx1j6IVj3+oQOFeAmrt6Nwhe1N7R1meMYcTT/TVb3leUTIiYjkRORiRZz+xaldrzY3\n7gbe+dri0B5bEcU67+QKuZUNuGan4JmdhJBMoRjZsQhlnQ74zswN7RgOGodNNB8L5kOIw2+Dd8xZ\nF+oBGClSnJVBMdN6+EsWFMiCglJaQC5WhCKrpmK5evuGKvLm/XjVBq4dmqqDs7JVsazrerWKkI0W\nEKl5DE3Wkd7II72RB0UTuMccmL06XmeflE8crrjiilj+3ldysPzTTdy5YUejrTEhBIGLpxH/4EG1\n6sDYbQicnQdjscB7chbxO/fbPg/FMiA03bYtoxSNQ8wXYHE2n6yOGodtAT7m6LD1oH2F1RXq3X3C\n7uFh9/DIbOVNBXO35OMlrH8QwfSVMaiKhsc/XUcmUoCu6iCUMZDnDNkxesrf0l0jsZzZEcu1j50s\nwRVq3WtMMRRYKwPvmBOjZ5rbB2xeHnYvj2KL5EPASEWMPkph7NzuzV00Fjhu3bCDGaAVr5FSNAHN\nZC5FlSSUIjG4ZyYx8vwzKGxGIWayoHkL3NOToJiDaRM4LA7Tmn0smAfAiDfuTJgffsTw7NUx8C4L\nCokSCDF628S8DLHQvYOFkOsc/FFMlpBczcI/5YamakitdV/ljT5OgdAEvJPD2gexllGwtWiqjvRa\nHlZHom5xHGZCYitaVe1dwd4GT3qZqrb6vJh8+UUUt2JNtnKuyTFkn6xCypk7ghCaRujKBVgcDqQW\nlozqhYm7iK5pyD5ZQ+jS2Z7+jsNK4wJ8zDFmNK7fg6zTmw8SyLax2gzMekzFYre4Rxyw+6wDxWan\n1nOYenYUG3djSNcMjOua0f7g9NvaWtHpmnlhRdd02Pw8aI5q8sd3BKw4+dIkKJpqWWEnhGD8Yghr\n70ebIshrEXYxqKpRLN8ZQvpqI6zDvt1X0/A6EoBQFDKPV8A67HCMheEcHxn68x9k6lyPDrBoPhbM\nfVIRRfPX24vAxZs8IkIOI7xrqM9PKIKxMwHouo6N+zFkI7tTgVUkDU9+vgkhK0ASVIjF7h0yxIKM\nlfcj4CwMJJPKRDsa7ZOcYRuS/bZkbE+zq4oxnS2XZGgmwtgZtEEsSHUXHVa3BdNXRrt+qoiQ7Xmq\nmhACx1jzMBChKAQvnUPi3kOIJp6buqpCSKTBezwAIYa1XNH8hKoKT1fkc0U0B67t95EccxCpCKTK\n+j3IOi2LCuKPW1d/PaMOzPSwhphBCMHs1VGs3omimCxD0zXorTogWqTHqbKOyEKypcd9NlpAYMbc\nFUjT9G1h11y8YDgKy+9sNYllu5fH7PPjXbVRuIJ2XPzVOcSepLH5Udw0TdbMum8YmO0G7gZWnwfW\ngM+wgquBUDTiHz6ArhpvqDXgQ/i5S2AshzvZsR8M16ODaxV6LJh7pNFqxh5rL+L+/YsevP4d566I\n5nJOxPKtrYGqDt2y9SjVX4qQhp7FMmBY0S3f2jSGXghBPtb/BcHIKT8mLux88R79eA1Zk9Qpu4fH\nqWtTKKTLyG7l4QjY4A5118YwjKlqRRAhZrLg3C6wViMG1urzYPza81j+wX+YTlBnV9aQW93omPTH\nWHsPVjjmmKNIrUCqrN/Fr7jx+b9yISJkMcL3Zs+VjRQht3CWYCw0pi4Pp1rIOy049fEpyKICXdex\n+JP15l07CrD7eRTj5hfIkQdJ0JbetvhlUcHi2+somgzmAYAiaqidzajA2VlYbO1dPGqhaAqBGQ80\nVcPaB9E6Yc7ZWATnhz+oPCyP5W4JP3cRiQ8foBiJVbMRKkK5QjmRQvL+AsLPXtjVYzmo1LkeHTDR\n/FQLZkPk9JqAp9cHT3T4gl17pYirX7ne92LcjrU70bZimWIpBKbdsLp4rN+NQJUGyM1sd9cWFY1B\nKGWFrlo4ukFtGMIJn/ShlBXq+vFsHh7hk8awi8NrhcPbvcBsEst/2ptY1nUdyXsPkV+PQJUkUCwL\nx2gIwcvnQAgBRVGwuBwoJ5qn73VFg25ysqqFddjhmTvYhva7hq4f2O29Y3qnvzW7FmOhahRI0/5l\nfO/br+DV9zgs3kRP6zTvYFt6u09fGYXNzZtGYzeiaToI6ZxkWqm0TlwIYeV2BOJ2qwLNURg/F4Rv\n0oUP/vtj0+FDVdFaBoi4wzvFgVysiPSm0bYhl+WWYrkdnUJYWhGaM5L9kus5KIIC3mnByGk/+Dbu\nHf3Qz27goDAcB1vQj8JGpO3tzFL8niaqrkf/+VMHav1+agXzTs9Sr4lxeo2X7kzHWxtXSzfwvW+/\nMlTRLAtKR/eG4IwHk5fCSCxnBhPLHaAoYtri0A80awxZdOOzzLs4aKpmbN+1eXq5XN/X7QrZcfLa\nJOJLaciiCt7B9W1bZO6xPNPTY2SX15FZWq3+X5Nl5FY3QNt4+E8ZE9KeuWlI+YJpmEkrWLcDvMsN\n58QIGL5zTO5Ro85q7oBVKo7pndoL01870fuulYGOqx69SSCtJGcw/aUb+Naf/Cq+dj2IxZsAAdNV\nX7PDb4MzYEeuYRfMGbDBM9p5h6qQLGHzowRKGQE0S8M9YsfExXDd0LMZrpAd535lFsnVLFRFg3/K\nBW7bMnTiQhCr70dN78faWFjdFmS2jNATmqPhn3LDP+1GciWLjQdxSD3MwrSC7bGSXUvwhBfBE7tj\nfbkbHsu9IKQznW+0v0ngBwb13bugXzw4cyhPpWBubPDvSEMF9VaPPU6Vxbi2gtHtYtzpsMzgbAxC\n876qPZBUHnzxa4eu6+CdXPuKQhdVaNbG4sTVMSy8tdL+htv4Jl0YOxNEKStg9f0ICgnzCwhCN086\n29w8pp8drK/QbKq6H0rxhOnPy/EUsC2Y7eEgxl58Dpknq8ivbXRV0dcVFcVYDPm1DXBOB9xzU3BP\nPV3+xHWi+TjU5NDSKHKUm7fNb9jFOpN5M24qkFaSM1j58gK+9dfYFs08okKxq3V69mNjWLsTRSFZ\nAnTAHrBi8mK4Y7VYFhUs/XwTUtFYoxVRRWxRgq7pXa1PNEMhZCIsrR4erJUxdbWwOjmcuDqOTKyA\nckaAM2wHb+cQeZTE+gexjs/ZLTYPP7THGha75bHcC1SjXZIJVt/R8sk/KhxZwVwRM63oZRqWYSgo\nLbw1u6W5gsFX+6cAAgK6JwHN8gzsfmtT/CjN0Tj1i9PgHTvbV66QHVsPk80OEENqpdA1YPxcEMm1\nLDKb5hV7hqdBdNKy14/QBGOn/bB5eTAW84W+Fs7OIjhrLCo2N4+T16Zw518WoMnNf1DtazEIxmcK\nqH3RhjJV3WL6vDJNres6oOmwuJ0IXT4HKZeHmGlOCGykdgBQyheQvLsAi8t5aCJUh0WjP/OxaD6Y\nmH2/aqnfxTH/vnW3Vrf/rt7aFs078yc76zQA01kU1sLgxMfGje8qOrdVVIgvpatiuZbsVgHaJQ2U\nycV+J5KrWay+HzHdpeOdHMKn/AAAh88Kh89oPdM1HYnlLiqfPRB7nAbLs9VWt/2mVeLqXuOemUR+\nI2JqBUpoGragH4Hzp/fhyA4euigBinRg2jKOpGCuNvJ/tUW7ha7t6jRsK2orGMWvGM4GAPBuGnj9\nO46uqxkVJi+F64b+OCuDkTOBJoHo8Nvgn3TXLYgUQxCa90EqyYaf84DCuZyXMP8Lk1h6Z6PJHxoA\nlHJ9Dx/L03CEbJBLChiWhm/KXQ0p8Yw5W06dE8rY6hw5E6ibmqYZCp6RZm9q1sogeMJ88rsXqoNC\ntZ+pIX2OeJ8HpVhzldnidiH6/j2UEyloqgre7YL/zDw8c9OI3/kImtLbtrSmKMivbj51ghlotJrD\ncajJAaO2Re6qWXFt+7vW7y5Or9z68kJ1/gTEEK2VdbrdAHe3QrmCIpmLe0XWoCq9C2Zd1xFdTJmK\nZVfIhunnxqqDeLEnaWQ38lBVDbyDMxXug6CpOmJLKQRPePoS/sNkWLuBw4C12xB65jzSi8uQcnlQ\nLAub3wtr0A/OaYfFdTST/XrlIPozHznBXNvIb/nHm6a3Sf1bDLceOEExEnifp+dFblBufXkBl1/Z\nqQy//NKzwBf1nt00rC4LzlyfRi5agCyo8I47W1r4TF8ZgTNoQy5WBEUT+CbdcAZsSK1nkVrtXK2s\n0MqrmNnuPfZPuZHZyrcNQwEAWVChiioIIRBLMjKbefBODjY3j6nLYdAMhdjjdH0KlZPF7NUxOHzm\nvsgV+7dcrAhVVmH3WjFy2l/t6+uX2knq2s9U5s34UKaqvfMzkPIFFLZigGa4gthCAaiSiMLGTh9i\nKZaAUipj4hMvohiOdxwcMUNTBxmYOtwcxAX4mGZbr1bsdYHDsLi6Wf3/NQD44i8N1fXIGbAiZhIm\nZ3VxYLj6tVzXdciCApql6xL7alFlrToE2AjvslTF8vq9GNbvxaqFkkKi3DaJkLUxkE2s3johFmSU\nczvprfvBXngs94o9FIA9FICmqCA0teca5LBw0NbsQy2YK1sstXRysChEYkh9tAUp/wgAYPG6Ebp0\nFhb3cC3fOlH3pb1hVDP6WYwJIXCPdL4iJYTAM+bcTvbTqgsn77S0jdluxObiUEzXbyVxdhbhOR+U\nbZ9j35Qb+UQJUkECY6Ehl81FWi664wdazooopgWceXkKLM9i4kII4+eDSK3nUUyVwfE0/NMeqLIG\nTTWvvNAMhRMfGzf+RlmD1WmBqg7WStM4SV3/mRrOwksoCiPPXYKQyqCcysDidsHidmLlzbeabisV\nisiurkPrYureDGvgYGyP7hcHbQF+Gtlpcdhhr2y9eqVRXF3DD2tcjwYXzZ4xJ3yTrrqdMcZCY+SU\nv05EJVYyiC2mUM6JYCwMPGNOTF1u7pGmGAoMR5tWmCs7cpqmI7GSadpVNA0moQDvmBOTl8J48O8r\nPVehaY4G14O13DAwa8cctseyrmnIb0SglAXYAj7wvv52MY96it8wqAs12Wd/5kMrmOv9kHe+xPZY\na6cCTVGQuPsQSmmnt1NMZxH/8AHGrz2/r1d5d27YcQ0/HHoFo0I2WsDq+5FqKEdkIYXRM36MnPTD\nFbI3p1RRaLLWtHl5zF+bwOr7UeTjJWiKBpvXirFzASRWs9i4H6sazlM0gc1jRJ7GHnfXGycWJEQX\n01XPZEII/JMu+Cac2Lgbx0c/XIZUkmGxs/BNuTHeIiaVYWmApQd6P/djkpr3eaoLr1wsQZPMT05q\nWQBt6fEkRAic4yNwTgw26HgUOBbN+0OrNRtodq04qAzb9YgQgtnnx+AecSCfKIFmKARmPbDWJO7l\nkyWs3YlWRbBcNoJSaIaq85cHDMciz7gL0YX6cAzeySE0Z/S6KIICsWhehXaF7SDEsJ+zuiwYPRuo\n7tCFTnix/mFvQ4GeUfuuBY6YsbMbmK/5qT5UsSyXy4i8+0E1TCpFUXBOjCB0+Xz1nFNKplHcjAIE\ncI6Pgvc+fW1ww8bY8bm9r6K5r0+yLMv4xje+gc3NTdA0jW9+85uYnJysu8358+dx5cqOHcjf/d3f\nQdO0jvfrhtotlpelDBJf+kH1d+0qFLnVzTqxXEFIZyBmc/ve21kRzbW+zaTmLerXVUPXdWzci9cl\n2KmSiq0HSXjHnBg940c+Vqy3htMBu4+HIqrQNR12nxXjF4JgLSzmXpiAKqvQVB0sz0AsSlj62QYU\ncafqqak6iikB5WzrqFMzzIYCY4/TiNScAMSijK0HCVhsbMtkqkEY1Fd5GFAWDozNavp5zaxsdH0x\nQLEsXDMTsAV8sAX9wz7MQ8tBqlo8DZhdgNZyGMRyhVauR7X0slYTQgxbtynz809qJWtaMc5GCk2C\nGTAs5WiaIBMpQJU12NyG8K206zE8A4vd3NXIN+FEYMbcoSE070MuXkSuJlWW4Wgosmo6A8PyDKYG\ndCLqhcbdwFqGuXORvL9Yn7yqacivbqKczMAeDoJQxLAJ1Yz3LLe6Ad/pOXjnhncMTyt1oSb74HrU\nl2B+44034HK58Nprr+Gtt97Ca6+9htdff73uNg6HA9/97nfrfvb973+/4/06Yd68P9PVffXGDPfq\nL1psR+0DtRWMV9+rH95bvKn0Vc0oZUXTEBBVUpFcy0EWTKKidWMhv/Apw9asUaDRLA16u8iZXM3W\nieVaNFUHxVCmJvpmmDlaZLbyzTfUgfRmfuiCeRi+yu3QVQ35rSgIAMdYGIRqbi3JLq8h/XjZVCwD\nABSl6xlN+2gQgbMn+z7eo85BqFrsBftZ5DgIVl7DptH1qJZe7Oi6oVVbWWMgUwVCCMbOBTHWYgeO\noggCMx6s343VCV1nwAr/VOv1lKIITr40ieRqFqW0AJanEZzz4fFP15CPNa9VmqYNPdDKjL3eDRQy\n5qEiSrGE7NKKMcxfozV0RUV2aQXu6YmuLOWOaU+dVWh+b0VzX+/e22+/jd/4jd8AALz00kv4oz/6\no129X4VBm/edE6PIPF5usnOxuF0HasukdjGupWKoTxEGIUv3fzvNkJZJVBRNWopdWVCG0qbC8jQU\nsXMYid3HIzTf3GPbqr96WGEpFXZ7krqwFUP0wweQC0bvdmrhMazBACwuB5wTo6BoGkImh+T9Rz07\nYJhBsQyCF84M/DhHnf2uWuwF+1XkaNwN3C8rr92g1vWoll49nDvh8FlNB7Pt3v59jifOhcBwNNKb\neaO1zsNj9Iy/7eAfYIjxwLQHqAkOdfrtpoKZtTCg6N1tc9yPizHKpMhRh0lhTimLKEbixy1xQ6LR\nKnSvXI/6EsyJRAI+nyFsKMqY8JQkCRy3Ux2UJAlf/epXsbGxgU996lP47d/+7a7u14rGSep++pEY\nCwffmXmkHixWRTPrsMN/7uSBm1KtLMYVpv3LDR7OOwtoJw9n3mExTaLi7CyCMx6osrlg5p3dpcP5\nptyILaahSOaPY3VaYJu2YvNe3OTYOFicHKxOC0ZO+0ynv21eHgWTaNZ+Thi1r1szuzdJrasaYh8+\nrIplAJALJcgFI+EvvbiMwIXTKEUTQxHLAMA5nccVjS45qFGsw2I/ihwHycprN2m8CKj3cM5hwjFY\nCEXwhBe5eAmZjZ2dNt5lwehZ8wpytwRmPEPZoQvOeZFcz0FsaPHwjruGfl5tXr/3/mLMGvRByveY\nEEwRsPb9cwo5iuzHLErHs+mNGzdw40Z9P9CdO3fq/m/W6vCHf/iH+PVf/3UQQvD5z38eV69ebbpN\nyxaJ2gOkKawXDU/e730lh/L/eQOLmRPoVwf4T0zCMzmC3NomCEXDNTnW5LigaxqSC09QiqcAALag\nF/5TJ0y3z/eKjewJbHxtEd/6lrEY1+b8vf4dB2JiEWP21kOCJ54fw9K7m8jHi9A1Q4ROXQjDYuUw\nfiaIfLRUF7XNWRmMnQ2A6WKK1+G2YvJiCGv3olCE+ioyy9MYPROAM2CHkBWR2sxVhwldITtOXZvs\nGEk9eTGMclZCPr4j+N0jdkxdCINqYa9Uofb41wvG+9kqDv2qR4Plv93EvX909v35akV2cwtSodjy\n90qxhOT9Beh9ul+YYQ95wXR4fQB0dZu9Zl+OiQDaLSOKlW343Df+/7Cx10WOg2jltVdUPJwrA9zr\nhfRAA9yEEMy9MI7MZh6FVBkszyA4621pLbfXsBYGcx8bw+aDJMpZETRLwTvmxMjp4c5M1Hp176Dv\n+cVY4NwpqJKMYiQOvcvihtXnA+8d/rzN085ei+aOsuCVV17BK6+8Uvezb3zjG4jH4zhz5gxkWYau\n600L6Oc+97nqv1988UUsLCwgFAp1vF8j68V0XSO/0Zs0mFUYCA3nlNGHp+lo6q+NvPchCutb1f+X\n4kkIuSJGrlwc7HmHwK0vL+DaZ4v1vWFdLMwMz+DUx6cg5EVjEMTLgxACRVEBimD+/2/vTYPkqq+7\n/+9d+va+LzM9+6KRRvuCFiRZCEjwQmIeKkEpq0IZJ1Qc2xg7CXZCYbnwCznGARzb//DCuPBSuCqp\nRzbO3+CUQtkWthESAoQEWkej2bfe9/Vuz4ue6emevt3TM9Mz0yP9PlVU0bfvcrp15/S553fO9xxs\ngedGEOlYTgrO2WWFzqzJvV8FDevssDQb4b0ZRCyQAmTkHbvepoUkSeja1wyH14xEMAWNSQ2L2wjM\n2FABiqaw/lArgqNRpGMZaM0aWJuNkCBXlFdjWSZ/7iIt5Xm1Xpd4fylQjbodHysfUFeCVnNgORWE\ndAYSL4BiGegbnbCs65p36lktpljWmlWzSc6tpsoyiu5JFcuAX+SDTG1mTC6M1U5yFK0GLtMDaCXq\n4QHw8i+NOEgVqx4tOdPcboWzvXYjk6tJhlSLyWGA6SOGJZ+nnE1j8RDyD2C/P1X03nLfX6X3E42W\nvdvBp9PwXbmB6PB40e+x1m4BzXFIhyKgKEBrt6Jh28aa35f1cJ/PZTVsGo90AacGYKHOQ3VgF9i0\nF5RhtvSllsmORd1mBw8exMmTJ3Ho0CGcOnUK+/btK3p/YGAAL7zwAp577jmIoojz58/j4x//ODiO\nq3icEisp6wUAmVgcianS0oHElBeZWBxq49KdwlK5/IqxKKBYiBxduTILlmPRvHlpT2aMioG714lK\nVVomlwEm18K/w5lO8oVSLGWlpKW8MhjdDQgbB5BdZFBcjuZDe6E2GkCzLPhEEqlACGqruS7u07VI\nvY1iXQyrneSYCZZn/9ZW7uGnnh4AL/5fPQ7Ks6pHMytcMyxFjm6pFCYT6gWlBEch5csxl+/fu9L9\nRLEcXNs2Q2OxID7phSyKUFtMsK3vBs0ykEUJoJBfma7lfVlP9/kMq2nTsL8D+O0QrFxuhXDmPlpM\nsqOSd1tUwHz//ffjrbfewtGjR8FxHJ555hkAwIsvvog9e/Zg586daGxsxEMPPQSapnHvvfdi27Zt\n2Lx5s+JxlVjprup0IKS4zCILItKBUF0GIqVydLXVcF6rTCSiK66lXA6KoeHa2gvvh9fKBs2sVgMh\nVapmUglZEPN1yiq9Diq98hREwvzcyvrMK5nkmAmW15JU3HJx8YQe7adO4GffO4LCMrqHv2Ncsobz\nrUo5LeV6HGwDAKa2Zpjamku2U6s8DpxQeyi5mjW2VeTc/3l8Ra+XicUx9sdzJUEzxbJomc7mrTbl\nnuTa7UPQTgvqA6iJhnP1NtVXxkK5e3p1YVkafFZAfMqLbDQ3Cpufbh5Rm02wb9mA4LV+pAOhqs9p\n29gDW0/nkmwimYpSth9JgD24C2A50Eb34ksyHA/W2LLFIYoijh07hqGhoXyywu12FyU5nn32WZw9\nezaf5Pj85z9f9rhKeP72kzUJlmVJQujmMDKhCCiGhqGpEQZ35QeYerh35sKyNJrNA0XbtHkNZ82S\nNJwXb1N9+WsA8GYSkGShrJbyajyA1eP9BNSnXattU7t9KKeacfjOfKJjURnmCj6bBMwKeM5/iFhB\nDTOQk6RrqIMaZqDyjTkTNJdqOOcc83I543pywPUiZSVkswhcvo5UMDeGVme3Qut2gY/GodJpoW9q\nQMofBEVR0Dps4BNJTJ57v0hJg9VpwWg4ZILK2p/2zeuXJIi/2k5OiXqxafuRBNgDO0FxagiaxWWa\n6yVgXklq4bNlWcbUOxeKy+NoGvbedbCu6yh7XL3cO4Uo2dRuH4Lj2Efx1bFSDefl9NOzNtWPvwbq\nY1iUEvV4PwH1aVc92DTzdwWKgmhsIQHzSiDLMkI3BpGazvTpnTaYuzvqRnpuvhszf9MU8NUx57I6\n43pxwEXd+b8/hYv/d/W68yfOvIekL1D2fY3VjMbd28Fqc/J4k+9ezI1TnQOjUZdoh+ehKGgdVjTs\n2gZWvfAWs3pwcnOpJ5vyf0sq9aLKM0jAvDjiU15MnbtQsl2l16Ht7gNll7vr6d6ZoZJNd/z7+qLX\nv+dycnTLHTTXi78G6nM1cIZ6vJ+A+rSrXmzKZ5oP7gJtba9pwExEWqeRBAGSIIJRc6AoCrb1Xfn3\n6uVGqJa5Gs5AThu01oL69UA5Xc6Db5zC5V8asZINR4WkAmEk/cGK+6RDEQSu3YCluwP+y31IlQmu\nKw4TkGWkfEH4L11D4x3blmIyQYHhQAfwzdfh+NqtO9SkHsmElPXS+UQSfCoFznBr+K+5weHhf18P\n/C2qauC+FaiX1UDCrUNhL4rqIMDUcKjJbR8wy6IE7wdXkfT5IfEC1CYDLOs6562VW2u8Nz2RakZQ\n/1YImmeaQwp1OXdbpHwn9WrO7ODjccWJT3NJBSNIBS9ASJQZgw2AM5vAajRIB8Nl90kHw5BluW5W\nQW4lxsNdRVOlSNC8/LBlhjwwGjVYTfmBSmImCz6dBavTrsm/hbkazrdy0Fyi1f1L42qbRLhFyAfN\n1HmwB2rXwH3bB8y+S9cQGx3Pv06HIvB9cAVqk+GWUxy4lZxxOV3l8O98S+6kTgVCiI1pCWLLAAAg\nAElEQVROQBJFaKwWmDtaFjy0RtfgBFgGmGc5SEgkK76P6euKkghaowZkGVImW7KbPCMgvAaDhLVA\nsYIGVmwU6+2KqcWN6PAYMqHi2n1DU4Pi9EqR5+G7eAUpfxBilofaYoK1p2tNJj5mVI9uBT9dDqXB\nNmtxKKksy0h4/Ej5g6BZBuaO1ooPdISVI++z5dqpHq3BW7R2yJKkWGMqZrKIDI/BsWm9wlFrGyVn\nXEi9O+b5dZWXljWPjIzBf6kvr5ISH59CKhBE4+7tC8pYZaKxeYPl+WC0GoCikJz0zruvxmZZ1UmU\ntwMzDtiqzml9EpYPiqbh3rMdwWs3kQ5HQTM0dA1OWMsowvg+uIZ4Qf1/JhyF78OrUJuNUOnW3kji\nUqnQCApl6erdT89FqXSuvK7y2kCWZXgvXEZsdCK/LTY6Duf2LdC7ajvlkLA4xsNdwO8Gauazb++A\nWZYhlRltWcsRxfVGoTN+NzwbZH33R4a61gYt6aSusa6yLMuIDIyUSAomJr1ITHlhcDdUfS7fh9eW\nbI++0Yno4GhV+yrpgBIIaxlWo4Frx+Z595MEASmFfgExnUF0ZBz23nXLYd6yc/GEHu2/O4Gfff8I\n3g1TmAmYXxtg0f+GXLd+ei7lSufqVVdZCUkUERkcRTaeAMtxMHW1IROOFgXLACCkMgjdGCAB8y3K\nbR0w0wwDtdmIlK/U2WodtlWwaOWYccYH752VNSrMZtSbM1bupO6o6TWEdAbZuPJQkXQovKCAWcyU\nUbVYAGWVMRTIxuLQuxxLviaBsNaQJRmyqJz4kMS1nfgYDnSg/UvFfvrwgZ3TDdxYEQm6xTJ3NXBu\n6Vw9yMZVgyQImDh7vqiHJDY5BY1F+TcyG4lCzPJgONVKmUiYB1mhjHEx3NYBMwDY1nfDk0zNNl1R\ngLGlCfo1WPu2UIYDHRgu0IafyWbkBPWL911Nx7xSndSMSgVWzUFIlQaqjFqzoHNRDLOkVQrObITW\naUeiinIMAOAMqz9Q53ZgONABSyax5sdn30ownApqsykvA5qHpqBvcCoftIYo9dOv49ljH61r1SOl\n1cBals4tB9lEAuEbQ8jGE2DUHIwtblha3QjdHC5puBYSKaTLlOjRKpZM+asjZkrpHAcyYLA0n33b\n/6tq7Va0HNoHW283zN3tcO/dCdeOzWuyw3qpDAc6kPrSCTzb4sPP/imW/2/d3WnIEOBJK2dfl5O5\nzSHLKTtEswz0jaV/TJzJAHPHwpQRjM2Vp6FVgtVq4dy8Aea25rxGcyW0Dht0ZAlwxbh4Qg/h9HmA\nz4BJVfdAQ1hebL3rwBY2adM0zB2t0N2CK4XDgY6c6lGLD//wt7FV883lUFoNrPdsspDJYOrcBURH\nxpEOhpGY9MLz/iVERsaRjcYVj5ElGay2tMFP63SAZpjlNpmwAIYDHfAffz3ns2Njiz4PGVxSBfWm\nw7wS9rTbh/L/PzORqtIY11oJ4Rc6fhki5nZSL4TFfE9ilkeofxBJXwCSIEJjNsHW270g3Vchm0W4\nbxDh0XGAV14qLofGYUXznXfkG/j4dBoTp98Fnyie/kcxNCgAaqsF9k09YLmFDy0B6u/eBurPpkqj\n6OcbakIGl6wckiAgNjIBIZuFvsEBjdWyKnbMZTnv5zv+fX1+2AlAgcJsoFYp67xcg0uWshq4mn/3\ngSs3EOofLNmudVih0usQHR4veY9WsXDt3ILwzWFkI1HQKhZapwPOrb3LHjDXm48E1oZNhUNNysmD\nksElhAVTmBEYLtBwfm1gti6r/w1NTSWPZppD1t2dzm+bqX1b7k7qpD+AYN8gspEYaJaBzmmHc+vG\nBS2tSYIAWZIxde5CRc3kcqgtppwaR4HahUqjQfuffATpUATpYBhqiwlau3XB5ybUnuFAB3D8dTiO\nkaEm9QDNsrCv76i7H+3lpFAqdDl9czWUrAauIfULPpVW3p5Mw7axB7HRSchS8X0l8QLSwTBaDu6B\nmOVBMTTJLNc5S5UHJQEzoSpmHPPhAzvz22aGoEylo2gxLC2IK9RV1ntntVdLa99qj5DJwPv+ZQjT\nTlPieURHxiEDaKiiSz86OoHg9X4I6SwAGZAWtmhDqVQwtrphX98NhlPllFvkXAZjBo3VDI21vhox\nCbNBMxlqsjqkQmFEh8chZXlwBj3svZ0AfXv9rM2oHhX65sQ/macbuFcmaFbSVV5LqHTKpW8qnQZa\nqwUqgx7ZaKzk/YTHD8em9aTBbw1RHDQvTJ/59vIsdYwsTwdaNFW39dMXT+iBE7NLbAePJPLKGmPx\n0KIc8/y6yh1ljqwdkaGxfLBcSGxsEhLPw9TeUlaBwn/5OsI3h5d0fZnnIWWy8F66hrQvAJEXQDM0\nNDYLTB2tyEbjUGk1MDQ31u29cTtDhpqsDgmPD94LlyFOd8AnAKQCQTTtv0NxuMmtzFzf3G4fws++\nf2RFNJxnguW1rKts7mpHYsqHbGy2XpliWVg6WxGf8iKbVJ7EKiRTZMLqGmSxQfPt5VVWEVmUEJv0\ngKIAg7uhaNk9PDiK2Og4+GQKKp0WprZmmDtaV9Ha6rh4Qo/teAM/W6Qc3XLrKleLVK7OWJKQmPQi\n5QvCtWMTDE2NRW+nQtElB8szxCc8RaO0JUlC0uNH0uPPbwsPDKNh19YF1VMTVoalZC0IiyM8MJwP\nlmdIhyII3RyGfUP3KllVH8zI0ZXTcKYpFi710v1I4crgWtJVngur5uDetxOhG4Pg4wnQnAqm1mZI\nAg/vxctAGXlCWRSRjSegNhKVorXGjPrM9gX4bBIwV4ksy4iNjCPu8QGSDLXVDFtP52xzVjKF6FhO\nxNzU0lQ0XSo+6UXgSl++cStkGoRjywboHHZExybhv3wdmK6PymR5+GJx0CoVjM2NqHcKxfVn5Oiq\nCZpXQle5WrQOGyID5QNfSRAQGRorCphlWcbUexdqZ0QVvbeZcBSBqzfg3rOjdtcl1AyloJmwfPBx\n5awfHy8dNy9LEiLDY8hEY7nBE51tUN3iI4wrazgvXY5uKh0pWhmsdyWM+VDptHBt35R/Lcsyxt88\nB7mSljdNkwmra5xc4q86n00C5ioJXutH6MZsF23S60c2EkXjnh2IjowjcPUGpCwPAAjfGIK+wQHX\n9s0ATcF/pQ9CgcpBNhqH/1IfWg/fifj4VD5YziNKiI1PrYmAGZh2zF8+gW987wi+Acyr4bxSusrV\nom9wwNjaVDK1qRA+VfzjHJ/0QkwqN4oUwqjVMLQ2gtPrwSeTSEz6wceVZYqqIR2KkCXAOoaMz145\nWA0HIVUaNLOaYsUYWZQwce59pHyB/LbY+BQadm2F1lYfShrLxVwNZ5zINXDPBM0zGWKgstb+TIKj\nkNVeGVx2JBl8mVKMGbQOK7hCOUPCmiQfNB++s+J+JGCuApEXEBsrDaYSUz6M/vFtZCOxogyhLIqI\nT3iQDATBGQ1FwfIM2WgMSW8AEs8rXlMus71eGQ93oflLJ/DssY8i8U+zP0LfOK8qymbUYyc1RVFw\n7dgMvduF4LWbis0drKa4KSQdKJ0OqYQkCjA1N0FtNuYkbjZKCF6/iWDfTWARgo4UTQJlAgEADC1N\nSEeiRU22Kp0W5s62ov3CgyNFwTKQqz0N9Q9Cu3cnbjfem1Y9SvyTGTOlGu+GkW/gnlvjXNxnMvu7\npPeGV3VlcNmhKbBaTUnZzwxapw2urZsU3yPcmpCAuQoysbji9DcAyIajZY+TMjzSmVDZ94HcUAwl\nCTLOtPZqooYDHRj+x74iDednj320SE1jJTupZVlGfMqLVCAEhuNg6Wwt2wxEURQMjS6ozSZMnHkP\nfMGIbIplYG4vVj+gVdV1RcuCiFQgCLXZOHusmltUsAwAWruNZJfXALUaxUooj6WzFRRFITY+CSmb\nBWc0wL6+q6gcDgAykdIHYACKD8aLJROL51aoZMDQ3AiNZeXk3BbDxa/2o9k8kH998F4n8Lf35P30\njJ5zoRb+4WwY/i+9nj9mrdYrVwtFUTC3NcMbjRU9lLE6LRp3bys7GpuwhhEq+20SMFeB2qAHVOyC\nh1BUgjMZoXPZwZkMyIQiRU5dbTbB2tNZs2utNHM1nAt1QqvVVY6OjCM+6YUkCtCYTbCu7wJTZZAK\n5ILliXc+QGxsKr8tNjqOhl1bKzo6lVYD994dCPXPNH9wMLU2weBuKNrP1NGK6Mg4xLTyg1Qh6VAY\noZsy7N3tAKiiRr55oSlAkkExOW1ox5YN1R9LWBUKR7ESlhdzR0vRFE6l4QmMSvlnjlaVDvvhUykE\nr91EJhwFxTLQuRywre+q+JAaHhxB8Gp/Tg4SQGR4DLb1nbCuq28fXuSnTwAHcapEzxkA/ryLL1gN\n7MDthG1dO8AwiE9MQcwKUJsMsPZ0ljyUEdY+4d/5YMF5MBX+bMmkvypgWRqjZ88jMVGbJh7OZIBj\nS29+bKskCAgPjEBIpcDqdBUzoTP21Js4/3w2bT+SAHtgJ/zH5693C/YNIHj9ZlGZi8ZuRfP+O6pu\nsAgNDCNw6XrJdl2DA037alNbmvQFMPnOBchVTsziTAY4t27E1HsfKAbatIaD3ulAKhACIENjtcDW\n2w0hmQGr0yxLrdxavJdWmsXa024fQsOPXl0Gi+qb1fTZSv9WmUgUE2fOQ8wWZ49svetgW9+Vfy1L\nEsbePIfMnFVDc1cbnFt6Fa8nCQJGTr1VIktJqzm03X0ArJqru/sZUP6eZEkCS11FYDK33bWvGZsf\n3wPpnQ9WRCpuod+TJIiQBAGMmlN8oOHjSYQGhyGmM2C1Gli62hcc6Nbjvx1Qn3bdCjbN57NJhrlK\nGnZuxZD/D/nGvsVibG2Ca/umosCPZtkix30rMqsT2lFxP1mSEBudLFGNSAdCiI1NwtTWPO+1MuEo\ngtf6y75Xq6Y5ndMOVqMpKt+oRDYah/9qX9mstMQLMLU1o2HnliIbOf3q13kTFs5woAMN8+9GWGbS\nkShQ8PdOsQxM7a0lq3jRkfGSYBkAEpMe2HvXKSYx4lM+RQ13KZNFYmIKpvYWhEcmwSfTMLgboKrj\nBjHPex8iPunJv/a/O4mR/x5D4x3bVtGqUmRJgu/Da0h4fJB4AZxRD+u6DhiaGiGJIvh4ApIgwvP+\nJQgFTXtJbwDuvTuILCehLPP5bBIwVwnNMLBv7EHgSl953V7kMgtSmfpFVquBc2tvSZZUlnKqGGI2\nC4O7sezUobWALMtIeHxIByNgdRqY25rzn1eWZcTHp5CNxcEZDYqDOIRMFnyqtEkSALLT6hKyLCPc\nP4TElBeSIIAzG2Fb3513hKH+wbJZX5EXIKQzkHgenF6vOPpaliSkw1GwGvW8GQmVrvqAGcjJD5a9\nR0QJwb6baN6/m9QpEwg1IBONIXC52GfLgggpk4GQTiN0Ywh8LA6aU6FwuEchQioDMZNVDJhVGk3u\nMIV1WkmWMfqHt/O10qEbgzB3tsHeu64WHw1iNguJF8DqtEv2F+lwBHGvr2R7wuNDJhqD2mRUOGp5\nkQQB0ZFxSIIIY4s774v9l/sQHR7L75cJR+H74BpSoQgSU14IiRRA0yXqU3w8gfDN4SLpOAJhIZCA\neQGY21ugsZgRHRsHRBkapx0yzyPpCwA0BYO7AfoGJ1KBUC4jOuEBPz05iNVrS7IUkigiE4nBe/Ey\n+Fgu6Apc7oPKqId7z9p7EpYlCVPvfYDE5GzpSmx4HI17toPhVJh85wJSvll1icjwGNx7dxTVJrMc\nB1arVVQWURlyjZBzJf6ysQSykThaDu0FzbJF05pKkCSM/O40ZFEEq9fB3NEKS2crMpEYGDWHVCCM\ncP8AsrEEKIaB1mGDa+dmsNwcqSpZRmRwBHwV0nKFsCoOWocVkcFRxfczkRgkUQTNMAs6L4FAKCU2\nOqGY4Ej6g0iffT/vnwHk+gUUUBn1YLXKSQyN3QKNzYp0oLi5W2015ybHFTQWSryA0M0h6F0OaJYg\nZydmeXgvXkHKH4Qk8Lmel/XdMDQ65z+4DOlwFBBLl65lQUQmFFnxgDnh9cP34dVc8IvckBprTycs\nXe1IeEt7QMRsFpHCIVJzpVqn4RV+VwiEallUwMzzPJ588klMTEyAYRh861vfQmvr7GS6S5cu4dvf\n/nb+dX9/P1544QWcPn0ar776KhoacknvBx54AEeOHFniR1hZ1GYjnObiera5ZQI6hw06hw3Wnk7E\nJzyQJQmGpkbQbC4ISvoCCN0YRDoSzYmiS8XpCT6WwOQ7F9F29/5VzTTKsgxZkkDRdFV2hIdGi4Jl\nIFc/GLjWD1atLgqWgVyZxcSZ99ByaF/+/BRDw9TiLpFd09gsMLW4c9n4CQ/mko3FERkahXVd53S2\nqMLnmhaiFxJJBK70IXxzKFcmMfMZp8tBZFFE0uOD74OrcO/eXnSO0I1BxbIPmmXzzT9K6FwO2Df1\nIBONIR0oVUehWZZklwmEGiGXCZwkni8tjZJk0Cq2KMCmGAbm9tayvRMURaFh5xb4L11DKhgGZEBj\nNcPa24XJM++XHjA98XUpAbPvgytIFJRO5DKsV6Cx3Al2kcNYdHYbKJaFPMd30SwL7XSvzUohyzKC\n1/rzwTIASFkeoRuD0Dc4q+4ZUYJRlzZ6EgjVsqiA+bXXXoPJZMLzzz+PN998E88//zy++93v5t/f\nsmULXn75ZQBANBrFF77wBezYsQOnT5/Gpz/9aTz88MO1sb7OoWgaxhZ30TY+nYb3wqWyMnX5/WJx\nxCc8qzK8RJZlBK7cQHxiCgLPQ2MywtLVVjIaei5K8nhAzqELGmVHlQlHERkcgaWrPb/NtqEbjEaN\nxKQXkiBCbTHCur4LFE1DzGTL1gAL09uNzW6kg5GqpudBlmfPV2b/VCAESRDyqwMzpSVKGFvdkHgR\nmVgMEGWIAg8xmwXDcTA2uWDfuC73I7tjC8bePFei8alz2snkKAKhRugbnIgMjZX8bdMqFURRwY/Q\nNGybepAJRUAxDIzNjdA3VM7cqnRauPfuhCQIkGUZjEqVe2guk7Gml6ClLvECkv5SDXgxnUFkeGzR\nI8E5ox6GpgbERsaLthuaG1e87jobjSnWkktZHvEJD9RmI5LehSvQ0JyqRB6UQFgIiwqYz5w5gwcf\nfBAAcODAATz11FNl933ppZfwyCOPgL5NgwAhm0Xo2k1kIlFQ0wHXfMFy/tj0wpb7a4Esyxh/652i\n7Gc6GIYnGgej0VScjFWujIBimIolBgmPH5audmRicSQmPKBVLExtLYrOjeZUUBl0uWExc1Cbctqn\n5o5WyKKI8M2RmnyHEi9AEkRQDIOk149MOIpsmQlQsgw07NpS8FqGkM6AUbHgNFy+Y1el18G5bRPC\n/UPIRGOgVSx0LgecW5W78QmEpXC7rgrqXA5YutoQGR7LZyY5sxFqiwmx4fGS/TmdDrZ55ODiEx5E\nhkbBJ1NgNWoY25pgbmspKrejWRZauxWJOathNKeCsW3xQZskipAVSicALCnzCgCu7ZvAGfVI+YMA\nKGidNljmDIFZCSiWVaxBBgCaZWDd0A0+kSwqr+DMJmQjpUE2o+FAq1RQabUwd7aueLaccGuxqIDZ\n7/fDZsvdePT0cn02mwU3p84znU7jzTffxJe//OX8tpMnT+K3v/0tOI7DsWPHipz2rYYsSZg6d6Fs\n5rUiDA1Do2tR100FQ4iNTkKWJGjtVhhbm6pe5o8OjSmWCsiCgNjoOPh4AgmPH5BlaGwWWLrb8+c2\ntDQiPukpcdz6BgdYjbqs/rAsiAhcvYHw4Gh+STAyNArX9s3Q2q1F+1IUBXNnK/yX+oqWD7VOO4yt\ns9l8S3cHHBu6EBway2WqRRFiKlO5vrkckgTvhSsQ0ul5hx1wxuK6c4qioCpT/2hwu6BvdELM5hqK\nSN0yYbm4nVcFHZs3wNjahMSUD4xGDVOLG6IgIBOKIBud9QcUw8DY3lTxXElfEN6Ll/NlG0IyhXQk\nCopmYJqzmujcujE/uEgWJagMeljWdSxJHpJRc1CbjaW/KTQNvXvxNcxAzldZuztg7e5Y0nkWiizL\nSEz5IGcz0Da4wOl10NqtJdMZWb0WprZm0CyL1rvuRHhoFGI2C63dBp3LDu/7lxCf8ORXEzRWMxp3\nby9bf04gLJR5A+YTJ07gxIkTRdsuXrxY9LqclPNvfvMb3H333fns8uHDh3HnnXdiz549+PWvf43j\nx4/jBz/4QcXrMwyNeijpZNmFZ8jDQ+OLC5YB2Ls7oDWXn/anZE82kURkeAKBG4PAdJ1ubHQC6WAI\nTburkwZK+soP1UgHw4gWZGUSU17ExiZypRJZHmqjHpa2FiR8AWRjcbBaNQxNDXBt7gEAxMcmkApG\nSs6r0mkQHhjJ1xYDOQ3N4LV+tB/eV7K/vasNGoMe0ZEJSIIAtdUE27oOxYDT1tEC2/RgAz6Zwvjb\nF5AOldowH0mFDvK5aB022LvbKpZUKP27qVSrK4K/mHt7uak3m+rNnoVyu68Kqk3GosY1luPg3rsT\noRuDyE6rZJhammBoqiwEGB0ZL20iFCXExyZLAmZWzaHpzl0QU0lk4mlo7ZYll1tRFAVbbze8F6/M\n1vgyNCwdbdDarJUPrkOy8QS871/K+2Ra3Q9LZztc2zbB+8GVnCa9JEFtMcFW0DRPq1jY5sgCNt6x\nDcm2ANKBEFidFjJFIT7hgaG5cdG13QRCIfMGzEeOHClZgnvyySfh8/nQ29sLnuchy3JJdhkATp06\nhaNHj+Zfb9s2G7Tde++9eO655+Y1UCyz/LSSLFaQOx2tXm5sBr27AeaOVuictrLXnGtPJhqD/9J1\npIKhkgZCAIiOTULf5IbWbpk3iylV+L55Bb3RwgyNkEwhrYmj+cAdoCgKjJoDzbIQxZxN7v27MfH2\n+0gX1OBp7FbQHFcULM+QCoUx/Ptz4NMpsGo1jK1NMLU1IzI0iqQ3kM9ymzvbIckUpDnf19zvieLU\naD64B7GxSQjJFLKpNOKjExW/j/mgGBo6hx2c2Qjruo5co3mZRqNbQdh9Jag3m+rNnsVAVgVLUem0\nC5YYE3llyVAhU77MTm00gNHWrg5Y57Cj7a79iAyPQuIF6N2uNTum2X+5ryiBIWV4BK/1I+kPwOBu\ngGNrLyCK4EzGqlZJdU47GE4Fz4XL+bK90I1BGFqaoLGZoLXbwJLGP8IiWVRJxsGDB3Hy5EkcOnQI\np06dwr59pVlAIFcX19s7W5N5/PhxfPzjH8fu3btx7tw59PT0LM7qNQJnLJMhLlOfBeRqtHTOynVW\nubrYNGhWBYqh4b14FZlQhUy2JGPy7HsAw0Bnt8K6oRtaq7KD1VjNJUthQK72rpqhLWI6jejwGByb\nS0c40wyD5v13ID7pRTYSA2fUwdDsRrBvoKzdqUAuuBYSKaTDUcTGp4oC7qTXj9joBBitGjTDwtDU\nAFNr+WVViqbzqiaZWBwJhRKShcCoVHDv27no4wmEWnO7rwou52qAxmRAylvqHzVmY8Xr1twmloOz\nd3ENfvlTrOCqiSSKSHj8YNUcNDYLKIqCJAhIh5V/t9L+ENL+EMydLXDv3KK4Tzkmrtwo6nERs1lE\nBoYQGQAYjRqW9hY4N1cfe9Tr6lI92nWr27SogPn+++/HW2+9haNHj4LjODzzzDMAgBdffBF79uzB\nzp25ACIajcJgmA0ajxw5gqeffhrstHTW8ePHa/AR6hdjixux0YnpJooCygTLQK6hROu0QWMxQ6XX\nlTxVR0cnERkcRiYaB6tWQW0yVQ6WCxFFJL1+8MkkWu+6U1GI39bThWw0hoTHl5d1Uxn0aNi9DROn\n34XEzx80p8NRjL/1LoRUBiqdBqaOVhjcuXpsiqJgbGoACpY+ze0tiAyOzB+QS1KJ3imAogaQpMeH\n8I1ByABYtQqGZjfMHcoZMbXRAHNHK8IDw4qZ+WrgphsNCYR64XZeFVzu1QBzVzviU/6iYUW0ikU6\nEsXAb09DbTbBvnEdWPVsCUA1NgnpDFL+IDiTYUU0j1dy1SQyMo7QjcGctj5FQWOzoGHHlmmJt8pP\nVtHRSZg62qAul3yag5DJ5OT9yiCmMwj0DYA16KtSoKrX1aV6tOt2sGlRAfNMl/VcPvvZzxa9PnPm\nTNHrDRs24L/+678Wc8k1CUVRcO/dgcC1m4gMjVYMlGeQRRHe85dyjsVqhn3zhnw2OB2OwH/p6mzD\nSSoDITV/be1c+HgSkaExWNd1lNrM0GjcswMpXwDpcBScyQh9gwMURUHf6EJstLSzfC6FQS2fSCAd\njoBitkPvsivuz6hU1df2VSEVl53+MePjQCoYgSzLZbu9HZvWQ+e0IzHlA0VTUJkMSPlDSE55K050\nBHJZd+dOMjWKUP+QVcHawCfTEOckDSReQDaSK03LRmJIenxQW0xgOA6m9hYYXZVXDP1X+hAdHYeU\n4UExDHQuOxp2bb0lmoD5ZCo3HXcmGSLLSAdCGD/zLpoP7IbWZinR7i9EFkSkfMGqA2aKokDRFORK\ni4ayjKTHtyqSrYS1DZn0t8zQLAtTWxMiA8Pz71yILCMdDMN38Qpa79oHiqYRG1GeWgWKqk5zuIBK\nmWKKoqBzOaBzOYq2u7ZvBKtVI+ULIBONlZU3Kr1WTmGjXMAcHZsoq62sYNzCPqssIz42WVEeSee0\nQ+ectc3c2ozY2CQ85z9UNkHFQt/ggn1jN1Rq0kxCqH/IqmBtCPUPKY+1L0DMZPOKQEmvH9SurdA4\nlX1fbGwS4f6h/GtZFJGY9CJw9QacWxYmMSnLMkJ9g0h4faAYGlqbFdaezkUF3rFJD5KTPgAydC47\nDM3uRQ1Uio5MKK4cCskURv9wFlqnHSqjPj/ptgSagtpcuorHJ1MI3xyalvbTwNzZBrXJAIbjoLFZ\nkfRUTiSVK0kiECpBAuYVQKXTgtGoqw8KC8hGY4hNemBqdkMSlTOeNMtAEsTqA0magrZM8FoJiqZh\n710H9K7D+Jn3FGudyzF3QEe17xXCajVg9bqiGuZqEDJZJP0BRAZHIaTSYLUaWMAb7K4AABxASURB\nVDrbKmpy6hqdudVCha/U2OyGa9vGBdlAIKwmZFWwNpQN7MogZrII3hxGU5mAOVEmsEsplJ5VQhJE\njP7hDPj4rDZx2h9CJhKDe++OBQW7gas3EOofyv+exMYmkQlH4VhgAA8AkMsnVaQsj8T0ACiVXgeK\npktkP3VOB7T2Yu3/bCKBybcvFJXFJL1+NO7ZDo3FDOfWXnhFMfcdlvlN1JX59yAQKlF/Fdq3IDTL\nKi7/cGYj6CoylPL0E7qmjGyQ1mGDfgHLS6aWJmhtVsTGJuC5cAm+D64q1n2lQxF4L17B5LsXEewb\ngFSgZDE3+zwfKr0up7fp8SHYN4BUQWe0wd2QHxteCKvXwrquE/qmBpg729C8f/eCrwsg1zX93odI\nTHqRCUeRmPRi6r0PKv4oMSwLzqC8DFhpeAuBQLh1YdSqBR/DJyoE2eVyHAtMgPo+vFIULM+Q9PjK\n6t8rIWQyiIyMlwSa0dGJokEh1WJsaVLslZkLn0iCVrGwdLdDbTFDbTHB3NWGRgU51HD/cFGwDABC\nKo3wzdwqrkqnRfOB3Wj5yF407NoKjcOaL5WmWAbmjhYYKzSGEwjlIBnmFcK+aT2Y6eEdsihCbTHD\ntqEb2Xgc4ZvDyMaTEJLJkjIHRqPOB8OmtmYkfYGi6VGcUQ/bhm6wWg2mMhmkfHOyrxQFVqcFrWJz\n40/dDdA3OOG7eAXRgjGokdEJODb15EsX4hMeeD+4kl9OS0x4EB0eQ8MdW6G1WWHpakPgal9VzXKs\nXgtTewtGf39mVobuWj9UJgNa77oTnFEPc1c7QjeHgOnPz3AcbOvXwdRarG0qZavLRuehaVAMXZLF\nFjNZRIbGSgajzJCJxRWlojizCQZS+0Yg3JYYmt05GbQFLOkXagDLkoTAlT4kfUFIkgiGVQ7ANWVU\njJSQZRnJuX6/gEwkCn1jdUNNkr6gYsmJxAtIeHywdLWXnj8aQzaehN5pB60qDik4ox7WDV0IXOvP\n+/ZypEMRuHZsVlRYKoRPKgfucwN6jdUMjdUMQ3MjUv4AstE4tC5H1fXQBMJcSMC8QpSboqS1WfOC\n87HxSfgv9UGcDtQYjoO1pwvsdDc7RVFovGMb0m1+JPwhMBwHc8fsSNamO++A58IlxEcnZy8gy5B5\nHq47tua1OtPBMKJjBfsAgCjCf/k6hFQa9o09CA8Ml9SeCak0xk+/C0tXOxybc81y1WQvaJUKwb6b\nRZrNAMBH4xh94yza7z0Ae+866BsciE948tJvqoKJWLIoYeq9i7kpgwvA0tladlCJWGFsdmRoVLH2\njmKoRdXyEQiEtY+lsxVAri9CyGTBGfTgzEYIiRSEbAbZcAxSwQRS0DRM7bOjsL0XrxY1TgtIgVap\nIMtSTt6SonIDkDYttLmyfACfDkcQG5+EoalxXt/FGQ0AQysGt4ymeGKeyPPwnP8QSX8QECWwWjXM\nHa2w9nQV7Wft7oDe7cLYH85VTnhQQDV6hEyZVVmmzHASiqKgczqgcy58dZJAKIQEzHWEsdkNrcOG\n6MgEIMswtrih0hVPgZuRZdO6SjMGFEUp1tiJWR7RkfF8wJz0BZQVOyQ514BC5aYGKiLLCA+OQGMz\nw7VzC8b+8DaEZKri58qGo8iWUcHg43EkfQHonHZorBZorMrlDoG+m0hMLUwRRN/ohH1jDzwXLgMK\nJSesrvyEvXJ11VJmflk9AoFw62LpbCvbRJwORxDuH0Y2ngDDqWBsdcPa0QJBkCBmeSQ8pYoQEs/D\nuqELjEoFzmicV4d/LhRFQWMtrzaR9PiR9PgRn/Cgcff2ikGzxmzMjaVW0JqOj0/mJEGn8V+6XpQw\nEVI5yTa1xVxSI8zpdHDv3YHgtRtIh6KKg6q0NmtVY8PNHa1I+QJFPppmWZjbWiocRSAsHRIw1xms\nWl0y8rMcsixDFkVQDJN3gmIZKTSxIFta7kl8huSUHyzHIVuuGU+SMPXORWisZji2bIAsiPBf6Zun\nqbF8BiQ2NqnYhCHLMoLX+pHw+pCNLaB+jqbh2r4J1o5miKIMS1cb0oEQhIJJhaxWA0tXeeUMTq+D\nUuWhqgqHTiAQbk80FrNi3S2Q01ouqzUvQ7HcoRISLyA6PanU2tMJIZlCpmBgx1wSk15Eh8fK6tLP\noLVZFAPmlD8IMZMFo+Ygy7JyD4goIT7hUfTnWpsFzQf2QMxmEZvwInxzMD/eW201o3F7dY3UWpsF\nDbu2Ijw4AiGRAqvVwNTeUnXZCYGwWEjAvEaJjk4gMjgCPpECq+ZgaG6EdX0X1CZDTiB+DoVi+KbW\nJkSHRss6V5HPwtTWUtKxPJd0KAL/h1ehb3TNqwDCcFzZfYqWMAvwX76OyMBIxfMqobGaYWptmn6I\nkKGxmOHeuwPhaZUMlVYNc1d7xQEB5u52JL0BZCLR2c+g5mDpXtiPGoFAIAAAZ9BBZdCXNKyBpioq\n9igRG59C4EpfPgnAajWwb+yBLEkQ0hnFkjog57PNHa0IDYwgMjIBIZMBZ9DD3NkGPpFCyh9ApowS\niMQLkARheuAIytZxy/N0LDIcB0tHC0ytbiQmvWA4DlqnDSoVU/WQiblSoATCSkAC5jVIwhuA78Nr\nkKcDzSzPI3j9JmiWhbWnE5loLP/kDuQCvdj4FJIeH3QNTlh7OtFwxzZMvfsBstHSoFltMsK2oRs0\nwyDYPwi5wgAPIZXJlZDMg23DOvguXlZ8T0lnUxJFJCYXPpQFAIxNpU15arMJDTs2V30OluPg3r8L\n4f4h8IkkGE4Fc0eroq0EAoEwHxRNw9yZa5aWhdmSBIqi4b/cB4PbBWtP57x1xpIoInDtRtGKmZBK\nI3D9Jtru3g+aYRAfn0RWqQeDZRAZGoPv0tV8w7aQSE2X6VUOdNUWU76MjZqe2BefloWbvQCgb6gu\n00szDIwt7vl3JBDqBBIwr0EiI+P5YLmQ+JQHlu52tBzci8jgCIR0Tn9YTKUhZrLgkcswiNksWI0G\nFEODYpiiejJWq4FlXQcoioK5sxWxKQ+yoWjJtQpRqkcrsXlguORaAKB12UsaIYFcNkOs0CDCcBz0\nTS4AFOITU5CyPBiNGsbmRpg6alPLxnIcHJvW1+RcBAKBYOlsBWc0IDI8guRUTjFJFkVkI1EEI1HI\nkpTTuq9AfMJTlBCZQUgkEZ/0wtTihs7lRHZOppjhVDC3tcB36VppcDxPsMxq1bCu7y4K5h2b1kNI\nZZAO5kozaBULU1sLDI0uyLKM+IQHSa8foCgY3K6SQHpmeAhpoiasFUjAvAYpN7JZyua2sxo17Bt7\nEBkeUxxlHR0ZL8pwADlnZ2xthqWrLd9oGOofmjdYrgqKKinvYLVa2Hq7YWxRniDFqDmoDDpkFcpG\nLOs6Yelqy8s12dZ3IRtLgDMZwM4sFxIIBEIdonNYkfL5kVBINCQmvbBt6K4YRFIVJvfR083V9k09\nkGUJiSkfxGwWnMEA67p2qM3GqgdFAYCuwQG11QxzewvYOeoUrFaD5oO7kfD4ICSS0De68j0egcvX\nES4op4uNTcC2vgu29d3IxhMIXL2BdCgCiqagtdvg2LIBLEumphLqGxIwr0HUZiPiCh3RnLm4JpdX\nyEIAKAmWgVwQzmrVRaocSuUaC6XchEMhm4HGai75YZBlGcG+ASS9/pxjnzMKW9/ogn3juqLjWI26\nSOuUQCAQ6plyq2dCNpvzdxUCZkOjEyGTscQ/c2Yj9G4XgFzW1rmlF45N6yHxAmhOlfeZnFIdtQIU\ny8CxaX1Oaq7cPhQFQ6OraFs2kSwt05NkRIbGYGxvgef8h8iEZxMxseQEJF5A64Fd89pEIKwmJGBe\ng9jXdyHpCxZ1KXNGA2zri/UvNdaF1dvyyWJdYkpV5vagaWVZuvyBgGPrRqg0GqSjMYSu9ZfuI0q5\ngNigL9rs//AaIkOjxZfjuJzsnC2X6SBLeAQCYS3DlWk45gx6UGUkOGegaBrObRvhv3QdmXBOY15t\nNcOxeUOJb6RoerZJbxrLug5kolEIBf6eYpmSRIre5awYLJcjOeVVbOQW0xmE+gaKguX8Mb4AsvEE\naE15qU8CYbUhAfMahGYZNO2/A5GRcWSjcbAaNSydbSVTlvSNLugbncX6xRWC3bkO09TShOSkr8T5\naSwmpBV0jWdPBOiddqj0OnBGPSI3h0rKSDijvmSalcjziE96MBcpm4XOZYeJjDMlEAi3AOb2FiQm\nfUj5Z+XbGI6rWlpOa7Og5dDe/FAmpdW6Ssc2bN8I36UbEHkerFYDx9YNiI9OIRUMgaIoaO1W2Dcu\ndHhKDtWcJMgMhfKnc5FFEXwyDTUJmAl1DAmY1ygUTcMyj54mRVFo3L0doZvDyIQioBgGGrsF/g+u\nKu7PaIozETqnHc6tGxEZGkE2kQSrUcPY1AhjaxMm3j5fMrlvhsJuapVeB0tnbuz1TMMfrVbB2tNV\nkkkRppsTlSg3DpVAIBDWGhRNo2nfToQHR5CJxHI9JC1uUDQNkefBqJRHZhedg6KgtSkPeqpEKhiC\n58LVvMqGmM7Ad+EKmvbtglPbu+DzzUXnckBjtyI9R6dZ67TB1N6C6MhESdM6q9dCa7fM13tIIKwq\nJGC+xaFoumgQiixJiNwcBq+g1TxTwiFks/mlM5plYGhtyuka03Q+Q9C0fzciA8OITUwVS9hp1CXS\nSLbebuga54y9Vpiyp9LrwOq1pR3gFPJTCgkEAuFWgGJoWNd1AACCfQPwnP8QQjIFWs3B4HbBuXXj\nspSfhW8OF0nSAUA2Gkfo5jCcWzYs+fwziZrA5etIhSKgKEBjt8K5ecP0RL5mhAeH87OsKJaFpasd\nNMNAqlKHmUBYDUjAfJtB0TRMHS0IXO0vKs3QNzqhb3BBliRMnbtQVHKR9AYgZbKwbejOb2PVHOwb\ne2Df2IOkL4CUzw9QNEztLYrBsMZinjfopRkG5vYWBK71F8kc6Rtd0LkcS/nYBAKBUJfEJqYQ7LuZ\n93lSJovo0BgYtRr2Ap9bK/i48mqdUhJlsbBqDg27tiq+59iyARqHDUmPHxRNwdjiLinPIxDqERIw\n34ZYuzug0ukQn5iCLEpQW0ywTmsvR0cnFOuTo2MTsK7rBMWUNqTonHaY3M6qpzRVtG1dJ1i9DokJ\nD2RRgsZmhqWrnTT6EQiEW5LEpFdRBznl9QPLEDCzGrXiFNeVlOQ0NDphIKOsCWsMEjDfphjcLhjc\nrpLt2TJyQ0IyDSGTUcwe1xqjuwFGd8OyX4dAIBBWG1lUTjRIlZSIloCxtQmpULioyZvRqGHurNwT\nQyDc7pCAmVAEZ1CWEVLptETrmEAgEGqMxmZGYqpUV19tWZgsaLUYW9xgGAqhwTGImQxYvR7Wrjao\nzctzPQLhVoEEzIQijK1uREfHizucKQrG6aY/AoFAINQOS1c70qFoLmieHtKksVlg712crFs1mFqb\noHM3Ltv5CYRbERIwE4qgKAruvTsQ6htAOhIFzbAwuF0wtTWvtmkEAoFwy0HRNBp3b0PKF0A6FIFK\nr4OhuZH0bRAIdQYJmAklMCoVHJuXLi9EIBAIhPmhKAo6l4OoAREIdQxZYycQCAQCgUAgECpAAmYC\ngUAgEAgEAqECiw6Yz507h/379+PUqVOK7//qV7/CX/7lX+LIkSM4ceIEAIDneTzxxBM4evQoHn74\nYYyOji728gQCgUAgEAgEwoqwqIB5ZGQEP/7xj7Fr1y7F95PJJF544QX85Cc/wcsvv4yf/vSnCIfD\neO2112AymfCf//mf+NznPofnn39+ScYTCAQCgUAgEAjLzaICZqfTif/4j/+A0WhUfP/ixYvYunUr\njEYjNBoNdu3ahfPnz+PMmTO47777AAAHDhzA+fPnF285gUAgEKqGrAoSCATC4lmUSoZWW3nam9/v\nh81my7+22Wzw+XxF22maBkVRyGaz4LjyIzkZhkY9qOuwbH2Ve9ebPQCxqRrqzR6A2FQN9WbPQql2\nVfDnP/85VCoVHnroIdx33304deoUTCYTnn/+ebz55pt4/vnn8d3vfneFrScQCITVZ96A+cSJE/ls\nwwyPP/44Dh06VPVF5Gkx9mq3FyKWGRu6krAsDUFYfTtmqDd7AGJTNdSbPQCxqRrqzZ7FMLMq+LWv\nfU3x/cJVQQBFq4IPPvgggNyq4FNPPbViNhMIBEI9MW/AfOTIERw5cmRBJ3W5XPD7/fnXXq8XO3bs\ngMvlgs/nQ29vL3iehyzLFbPLBAKBQFg6K7kqSCAQCLciyzK4ZPv27Th27Bii0SgYhsH58+fx1FNP\nIR6P4+TJkzh06BBOnTqFffv2LcflCQQC4bZltVcFV7uMrh7LZ4hN1UFsqp56tOtWt2lRAfMbb7yB\nl156CQMDA7h8+TJefvll/OhHP8KLL76IPXv2YOfOnXjiiSfw6KOPgqIoPPbYYzAajbj//vvx1ltv\n4ejRo+A4Ds8888y819r7//9/izGRQCAQbktWe1Xwjle+tyi7CQQCoZ6h5GpSBgQCgUBY8zz55JP4\n2Mc+hnvuuadoezqdxic/+Un84he/AMMw+Iu/+Av8/Oc/xxtvvIGzZ8/im9/8Jl5//XW8/vrreO65\n51bJegKBQFg9SMBMIBAItziFq4I2mw1Op7NkVfDkyZN46aWXQFEUHn74YTzwwAMQRRHHjh3D0NBQ\nflXQ7Xav9schEAiEFYcEzAQCgUAgEAgEQgXqr0KbQCAQCAQCgUCoI0jATCAQCAQCgUAgVIAEzAQC\ngUAgEAgEQgWWRYd5LcLzPJ588klMTEyAYRh861vfQmtra/79S5cu4dvf/nb+dX9/P1544QWcPn0a\nr776KhoaGgAADzzwwIIlnRZjDwBs3ry5aNTtT37yE0iSNO9xy2nT//zP/+BHP/oRaJrG/v378Y//\n+I945ZVX8L3vfQ9tbW0AchPDPv/5zy/Jln/913/FxYsXQVEUnnrqKWzbti3/3ltvvYXvfOc7YBgG\nd911Fx577LF5j6kFlc5/9uxZfOc73wFN0+js7MQ3v/lNvPPOO/jyl7+Mnp4eAMD69evx9a9/fcVs\nuvfee9HY2AiGYQAAzz33HBoaGpb1eyp3bo/Hg6985Sv5/UZHR/HEE0+A5/ma3ztz6evrwxe+8AV8\n5jOfwcMPP1z03mrdSwRl6s1PV2sXcHv7a4D47FrYtBo+u5JNq+m3gVXw3TJBlmVZfuWVV+RvfOMb\nsizL8h//+Ef5y1/+ctl9I5GI/Nd//deyKIry97//ffnll19eFXv27t27qOOWy6ZkMinfc889ciwW\nkyVJkh966CH5xo0b8i9+8Qv5mWeeqZkdb7/9tvzZz35WlmVZ7u/vl//qr/6q6P1PfOIT8sTEhCyK\nonz06FH5xo0b8x6z3Dbdd9998uTkpCzLsvz444/Lb7zxhnz27Fn58ccfr6kdC7HpnnvukePx+IKO\nWU57ZuB5Xv7Upz4lx+Pxmt87c0kkEvLDDz8sHzt2TPHveDXuJUJ56s1PL8Su29VfyzLx2bWyaaV9\n9kLOv5J+W5ZXx3eTkoxpzpw5g/vuuw9A7mno/PnzZfd96aWX8Mgjj4Cml+/rW4g9tTiuFufWarX4\n1a9+BYPBAIqiYLFYEA6Ha3b9Qjv+9E//FADQ3d2NSCSCeDwOIPeEazab4Xa7QdM0Dh8+jDNnzlQ8\nZrltAoBXXnkFjY2NAHJjh0OhUM2uvVibanVMre355S9/iY997GPQ6/U1uW4lOI7DD3/4Q7hcrpL3\nVuteIpSn3vz0YuyqxXG1OPdK+esZW4jPXrpNtTpmOWxaSb8NrI7vJgHzNH6/HzabDQBA0zQoikI2\nmy3ZL51O480338Sf/Mmf5LedPHkSf/M3f4O///u/x+jo6IrZk81m8cQTT+BTn/oUfvzjHy/ocyyX\nTQaDAQBw/fp1jI+PY/v27QCAc+fO4dFHH8UjjzyCK1euLNkOq9Waf22z2eDz+QAAPp8vb2Phe5WO\nqQXznX/me/F6vTh9+jQOHz4MILdk/LnPfQ5Hjx7F6dOna2ZPNTYBwNNPP42jR4/iueeegyzLy/o9\nVXvuEydO4KGHHsq/ruW9MxeWZaHRaBTfW617iVCeevPTC7HrdvXXM7YQn710m4CV9dnV2gSsrN8G\nVsd335Y1zCdOnMCJEyeKtl28eLHotVxGnvo3v/kN7r777nzW4vDhw7jzzjuxZ88e/PrXv8bx48fx\ngx/8YEXs+ed//mc88MAD+UEDu3fvLtmn3OdYLpsAYGhoCF/5ylfw/PPPQ6VSYfv27bDZbLj77rvx\n/vvv41/+5V/w6quvLsouJRbzGRf7vSzl/IFAAJ/73Ofw9NNPw2q1oqOjA1/84hfxiU98AqOjo/j0\npz+N119/fd7Rw7Wy6Utf+hIOHToEs9mMxx57DP/7v/9b1edYLnsA4P3330dXV1f+x2q5751asNz3\n0u1KvfnppdpF/PX8ttT6mKWen/js+W0C1qbfBhb+Xd2WAfORI0dKGj6efPJJ+Hw+9Pb2gud5yLKs\n+Edw6tQpHD16NP96bkH+YsbGLtaeQjvuvPNO9PX1weVyVfU5lsumqakpPPbYY/i3f/s3bNy4EUBu\n6aO7uxsAsHPnTgSDQYiimG9cWCgulwt+vz//2uv1wul0Kr7n8XjgcrmgUqnKHlMLKtkEAPF4HH/3\nd3+Hf/iHf8BHPvIRAEBDQwPuv/9+AEBbWxscDgc8Hk/Nmn7ms+nBBx/M//9dd92Vv3+W63uq5txv\nvPEG9u/fn39d63tnKfau1L1EyFFvfnqpdt2u/hogPrtWNq20z67GJqC+/LaSzbW6p0hJxjQHDx7E\nyZMnAeSc7b59+xT3u3TpEnp7e/Ovjx8/jnfffRdAbglipnt2ue0ZGBjAE088AVmWIQgCzp8/j56e\nnqo/x3LYBABf+9rX8I1vfAObN2/Ob/vhD3+I1157DUCuq9Vmsy3pD+fgwYP5J+vLly/D5XLln2xb\nWloQj8cxNjYGQRBw6tQpHDx4sOIxtWC+8z/zzDN45JFHcNddd+W3/epXv8JLL70EILeEFAgE8l38\ny21TLBbDo48+ml+ifeedd/L3z3J9T9Wc+8MPPyz6+6r1vbMQVuteIpSn3vx0tXbdzv56xhbis5dm\n02r47PlsmqGe/DawfPcUGY09jSiKOHbsGIaGhsBxHJ555hm43W68+OKL2LNnD3bu3AkA2L9/P86c\nOZM/7vr163j66afBsiwoisLx48fR3t6+IvY8++yzOHv2LGiaxr333ovPf/7zZY+rBfPZZLFY8OCD\nDxZlcz7zmc9g8+bN+OpXv5r/saiF7M1zzz2Hd999FxRF4emnn8aVK1dgNBpx33334Z133slnkD76\n0Y/i0UcfVTym8A+8FpSz6SMf+UjRPQQAf/7nf44/+7M/w1e+8hVEo1HwPI8vfvGL+Tq55bbpvvvu\nw09/+lP893//N9RqNTZt2oSvf/3roChqWb+nSvYAwCc/+Un8+Mc/hsPhAJDLgNX63ilkRoZsfHwc\nLMuioaEB9957L1paWlb1XiIoU29+eiF23c7+GiA+e6k2rZbPns8mYOX9NrA6vpsEzAQCgUAgEAgE\nQgVISQaBQCAQCAQCgVABEjATCAQCgUAgEAgVIAEzgUAgEAgEAoFQARIwEwgEAoFAIBAIFSABM4FA\nIBAIBAKBUAESMBMIBAKBQCAQCBUgATOBQCAQCAQCgVABEjATCAQCgUAgEAgV+H+MzVLbB6ST7gAA\nAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "IsxhNLTr_Jg7", + "colab_type": "code", + "outputId": "5e44b5b5-c6fd-4c2d-bfdd-1914734e33c5", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 537 + } + }, + "cell_type": "code", + "source": [ + "# Confusion matrix\n", + "cm = confusion_matrix(y_test, pred_test)\n", + "plot_confusion_matrix(cm=cm, classes=[0, 1, 2])\n", + "print (classification_report(y_test, pred_test))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + " precision recall f1-score support\n", + "\n", + " 0 0.99 1.00 1.00 125\n", + " 1 1.00 0.99 1.00 117\n", + " 2 1.00 1.00 1.00 133\n", + "\n", + "avg / total 1.00 1.00 1.00 375\n", + "\n" + ], + "name": "stdout" + }, + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAa8AAAGACAYAAAAake3iAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzt3Xl4VOXd//HPZCMbSxISKFhQQEGW\nICCPhkUWoTFElIogRqJQVEAoaFFARBYRBDeUVYosEqQCEZWyJVDBor8AIjtqEfChrCHBJEA2SJjf\nH9Z5SMkCSWYmN+f94prryjln5j7fOBd8/N7nnjM2u91uFwAABvFwdwEAANwowgsAYBzCCwBgHMIL\nAGAcwgsAYBzCCwBgHMILTmO327Vo0SI9+OCDioyMVJcuXTRhwgRduHChTOO++OKL6tChg7Zu3XrD\nr923b58GDBhQpvNfbfTo0WratKnS09ML7N+5c6caNmyoVatWlTjGunXrdPHixUKPvfPOO/rb3/5W\nLrUCNxPCC07z9ttva926dVqwYIESEhK0evVqXb58WQMHDlRZPl64du1axcXFqX379jf82vDwcC1Y\nsKDU5y5M9erVlZCQUGDf2rVr9bvf/e66Xj9jxowiw2vEiBF6/PHHy1wjcLMhvOAU6enpiouL09Sp\nU1WjRg1Jkr+/v8aNG6enn35adrtdubm5GjdunCIjIxUVFaWpU6cqPz9fktS5c2d98sknevTRR9Wu\nXTtNnTpVkhQbG6srV65owIAB+uqrr9S5c2ft3LnTcd7ftvPy8vTKK68oMjJSXbt21dChQ3Xx4kVt\n375dXbt2laRSnb8w9913n9asWePYzs/P19atW9WyZUvHvqNHj+rxxx9XVFSUunbt6nj+yy+/rJ9/\n/lmxsbHauXOnRo8erTfeeEPdu3fX+vXrNXr0aM2ZM0f79u1Tx44dlZmZKUn64IMPNGzYsDK/T4Cp\nCC84xd69e1WzZk3Vr1+/wP5KlSqpc+fO8vDw0EcffaQzZ85o7dq1+uyzz7Rz584CIfDtt99q+fLl\n+vTTT7V06VKdOXNGcXFxkqS4uDh16NChyPN//fXXOnHihDZs2KDExEQ1aNBAu3fvLvCc0py/MM2b\nN9fJkyeVnJwsSUpKSlJ4eLh8fHwcz3nzzTfVqVMnrV+/XlOmTNErr7yiy5cv64033nD8Pnfffbfj\n9fHx8YqKinK8Pjw8XF26dNG8efOUnJysZcuWaezYsUW/AcBNjvCCU6SnpyskJKTY52zZskW9e/eW\nl5eXfH191b17d33zzTeO4927d5enp6dq1KihkJAQnT59+rrPHxwcrCNHjmjjxo3Kzs7W888/f800\nY3md32azKTIyUmvXrpX065Rht27dCjxnzpw5jmttrVq1Um5urlJSUgodLyIiQpUqVbpm/wsvvKAN\nGzbo5Zdf1nPPPaewsLDr/u8B3GwILzhFUFCQoxMpyi+//KKqVas6tqtWrapz5845tgMDAx0/e3p6\nOqb0rkd4eLjGjh2ruLg4tW3bViNGjND58+eddv4HH3xQa9as0aVLl7R9+3bdd999BY5v3bpVTzzx\nhCIjI9WtWzfZ7XZduXKl0LGurulqAQEBioqK0nfffafu3bsX/csDFkB4wSnuuusunTt3TgcPHiyw\n//Lly5o+fbqys7NVvXr1Aqv00tPTVb169Rs6j4eHR4EQyMjIcPz8wAMPKC4uTps3b1Z2dvY1CzXK\n4/y/adKkiTIzM7VixQq1bt26wJTh5cuX9fzzz2vw4MGOhSs2m+2Gz5GcnKy///3vio6O1qxZs0pV\nJ3CzILzgFFWqVNHTTz+tUaNG6dixY5Kk7OxsjRs3Tt9//738/PzUsWNHxcfHKz8/X1lZWfriiy+K\nvY5VmNDQUP3444+Sfl1ynpubK0n69NNPNXv2bElStWrVVK9evWteWx7nv1p0dLTmzp17zZRhdna2\nsrKy1LRpU0m/Xmvz9vZWVlaWJMnLy+uarrAwkydP1tNPP60xY8Zo/fr1+uGHH0pdK2A6wgtO8+c/\n/1m9e/fW4MGDFRkZqUceeUQhISGOriE2NlY1a9ZUdHS0evbsqY4dOxZYpHA9nnvuOS1evFgPPvig\njhw5ogYNGkiS7r//fh08eFB/+MMfFBUVpcOHD6t///4FXlse579adHS08vLy1KZNmwL7fwvyHj16\nqEePHqpTp466dOmiQYMGKSsrSw888ID69OmjdevWFTn2li1bdOLECfXp00eBgYF64YUXNHbs2Bua\nSgVuJja+zwsAYBo6LwCAcQgvAIBxCC8AgHEILwCAcQgvAIBxvNxdwG/8Ok5ydwm4AWmbXnV3CcBN\ny9dF/zL7tRha5jGyd7vnA/MVJrwAAC5mM3fyzdzKAQCWRecFAFZVintsVhSEFwBYlcHThoQXAFiV\nwZ2XubELALAsOi8AsCqmDQEAxjF42pDwAgCrovMCABjH4M7L3NgFAFgWnRcAWBXThgAA4xg8bUh4\nAYBV0XkBAIxjcOdlbuwCACyLzgsArIppQwCAcQgvAIBxPMy95kV4AYBVGdx5mVs5AMCy6LwAwKoM\nXipPeAGAVRk8bUh4AYBV0XkBAIxjcOdlbuUAAMui8wIAqzJ42pDOCwCsyuZR9kcJDh06pC5dumjp\n0qWSpNOnT6tfv37q27ev+vXrp5SUFEnS6tWr1bNnT/Xq1UsrV64scVzCCwCsymYr+6MYWVlZmjRp\nkiIiIhz73nvvPfXu3VtLly5V165dtWjRImVlZWn27NlavHix4uLi9NFHHyk9Pb3YsQkvAIBT+Pj4\naP78+QoLC3PsGz9+vCIjIyVJQUFBSk9P1969e9WsWTNVrlxZvr6+atmypXbt2lXs2IQXAFiVk6cN\nvby85OvrW2Cfv7+/PD09lZ+fr2XLlql79+5KTU1VcHCw4znBwcGO6cSiEF4AYFVOnjYsSn5+vkaO\nHKl77723wJTib+x2e4ljEF4AYFUuWLBRmJdffll169bV0KFDJUlhYWFKTU11HD979myBqcbCEF4A\nYFVuCK/Vq1fL29tbw4YNc+xr3ry59u/fr/PnzyszM1O7du3S3XffXew4fM4LAOAUBw4c0LRp03Ty\n5El5eXkpISFB586dU6VKlRQbGytJql+/viZMmKARI0ZowIABstlsGjJkiCpXrlzs2Db79UwuuoBf\nx0nuLgE3IG3Tq+4uAbhp+bqorfB7aG6Zx8hePbgcKrlxdF4AYFUG39uQ8AIAqzL49lCEFwBYlcGd\nl7mVAwAsi84LAKyKaUMAgGlshBcAwDSEFwDAPOZmFws2ysLL00NTB3dR9pZXVTv0/z4NPjq2vfYs\nGax9cc8pbtwjqhJQSZL019EP6einz2vPksGOx92NarmrfPzHls1fKqJ1SzVrfIeiH+iqEydOuLsk\nFIP3CxLhVSYrJ/fWxezLBfb9scOd6tmpsdoNXKDmT86RXdJf+rRxHB83/0vd9eRcx2Pnj6dcXDWu\nlpmZqSef6KM58z7U/u8PqVt0dw0bMsjdZaEIvF/ly2azlfnhLoRXGUxdslWvL/6qwL4fj6Xq2alf\n6GL2Jdnt0rYDx9X4tlA3VYiSbNn8pW69rZ5atGwpSXqq/5+0aWOiLly44ObKUBjer/JFeFnU9u9P\nXrPvh/9N0e5DZxzbf7ingXZc9bzH7m+qrz8YoF2LB+mlJ9q6pE4U7aefDqlevfqO7cDAQIWEhOjI\n4cNurApF4f0qXyaHFws2nGhk33YKCwrQnFU7JElb9xyTh4dNcRv2qlZIZa155wmdTLmgZYn73Fyp\ndWVnZV3zTa++fn7KzMx0U0UoDu9X+WK1YRGmTJmivXv3ymazacyYMQoPD3fm6SqU157prPvvrqfu\nL32srJxfr4vFbdjrOH4i5bwW/n2XukXcTni5kb9/gHJycgrsy87KUmBgoJsqQnF4v/Abp00b7tix\nQ8eOHdPy5cs1efJkTZ482VmnqnBe6XefIpreosjnl+hcRrZjf+PbQuXj7enY9vL00OW8fHeUiP9o\n2KiRjhz5vymnjIwMpaWlqcHtt7uxKhSF96uc2crh4SZOC6+kpCR16dJF0q9fNpaRkaGLFy8663QV\nRos7auqJP4Sr55jluph9qcCx2SOiNeSR/5EkVQv0VUxkuDZsY67enTp07KTj/z6mb77+WpI08/3p\niop+UAEBAW6uDIXh/SpfXPMqRGpqqpo0aeLYDg4OVkpKyk3T3ocFBSjx/Scd2wnvPam8/Cv6Zt+/\nVTXQV/+c+yfHsX+fydBDI5dpwBtfaNZfotX/wRbKv2LXssR9Wv6PA+4oH//h5+enJR9/oheGDVFm\nVqbq12+gvy5Y7O6yUATer/LFNa/rUEG+sLncnE3L1F1PFv4tpEPeXlvo/qMn09RtxFJnloVSuK9D\nR+3YtbfkJ6JC4P0qPyaHl9OmDcPCwpSamurYPnv2rEJD+bwTAKDsnBZebdu2VUJCgiTp4MGDCgsL\nu2mmDAHgZsA1r0K0bNlSTZo0UZ8+fWSz2TR+/HhnnQoAUBrmzho695rXiy++6MzhAQBlwDUvAABc\niNtDAYBFmdx5EV4AYFGEFwDAPOZmF+EFAFZlcufFgg0AgHHovADAokzuvAgvALAowgsAYBzCCwBg\nHnOziwUbAADz0HkBgEUxbQgAMA7hBQAwDuEFADCPudnFgg0AgHnovADAokyeNqTzAgCLstlsZX6U\n5NChQ+rSpYuWLl0qSTp9+rRiY2MVExOj4cOH69KlS5Kk1atXq2fPnurVq5dWrlxZ4riEFwBYlLPD\nKysrS5MmTVJERIRj34wZMxQTE6Nly5apbt26io+PV1ZWlmbPnq3FixcrLi5OH330kdLT04sdm/AC\nAItydnj5+Pho/vz5CgsLc+zbvn277r//fklSp06dlJSUpL1796pZs2aqXLmyfH191bJlS+3atavY\nsbnmBQBwCi8vL3l5FYyZ7Oxs+fj4SJJCQkKUkpKi1NRUBQcHO54THByslJSU4scu/3IBAEZw83oN\nu91+Q/uvxrQhAFiUKxZs/Dd/f3/l5ORIkpKTkxUWFqawsDClpqY6nnP27NkCU42FIbwAwKLcEV5t\n2rRRQkKCJCkxMVHt27dX8+bNtX//fp0/f16ZmZnatWuX7r777mLHYdoQACzK2R/zOnDggKZNm6aT\nJ0/Ky8tLCQkJevvttzV69GgtX75ctWrVUo8ePeTt7a0RI0ZowIABstlsGjJkiCpXrlx87fbrmVx0\nAb+Ok9xdAm5A2qZX3V0CcNPydVFb0eDF9WUe4/DbUeVQyY2j8wIAizL5DhuEFwBYlMHZRXgBgFWZ\n3Hmx2hAAYBw6LwCwKIMbL8ILAKzKw8Pc9CK8AMCi6LwAAMZhwQYAAC5E5wUAFmVw40V4AYBVmTxt\nSHgBgEURXgAA4xicXSzYAACYh84LACyKaUMAgHEMzi7CCwCsis4LAGAcg7OLBRsAAPPQeQGARTFt\nCAAwjsHZRXgBgFXReZWDXzaOdXcJuAFBvRe4uwTcgLQVA9xdAiogg7OLBRsAAPNUmM4LAOBaTBsC\nAIxjcHYRXgBgVSZ3XlzzAgAYh84LACzK4MaL8AIAqzJ52pDwAgCLIrwAAMYxOLtYsAEAMA+dFwBY\nFNOGAADjGJxdhBcAWBWdFwDAOAZnFws2AADmofMCAIvyMLj1IrwAwKIMzi7CCwCsytkLNjIzMzVq\n1ChlZGTo8uXLGjJkiEJDQzVhwgRJUsOGDTVx4sRSjU14AYBFeTi58/rss8902223acSIEUpOTtZT\nTz2l0NBQjRkzRuHh4RoxYoS++uordejQ4YbHZsEGAMApgoKClJ6eLkk6f/68qlWrppMnTyo8PFyS\n1KlTJyUlJZVqbMILACzKZrOV+VGc6OhonTp1Sl27dlXfvn01cuRIValSxXE8JCREKSkppaqdaUMA\nsChnL9j44osvVKtWLS1YsEA//vijhgwZosqVKzuO2+32Uo9NeAGARdnk3PTatWuX2rVrJ0lq1KiR\ncnNzlZeX5zienJyssLCwUo3NtCEAWJSHreyP4tStW1d79+6VJJ08eVIBAQGqX7++du7cKUlKTExU\n+/btS1U7nRcAwCkee+wxjRkzRn379lVeXp4mTJig0NBQjRs3TleuXFHz5s3Vpk2bUo1NeAGARTn7\nc14BAQF6//33r9m/bNmyMo9NeAGARXGHDQCAcbi3IQDAOAZnF6sNAQDmKbLzio+PL/aFjz76aLkX\nAwBwnZvym5S/++67Yl9IeAGA2QzOrqLD64033nD8fOXKFZ07d06hoaEuKQoA4HwmL9go8ZpXUlKS\nunTpotjYWEnSlClTtGXLFmfXBQBAkUoMr+nTp2vFihWOrmvQoEGaM2eO0wsDADiXrRwe7lLiUnl/\nf39Vr17dsR0cHCxvb2+nFgUAcL6bcsHGb3x9fbVjxw5JUkZGhtauXatKlSo5vTAAgHM5+5uUnanE\nacPx48drwYIF2r9/v7p27aqtW7fqtddec0VtAAAncvaXUTpTiZ3X7373O82bN88VtQAAcF1K7Ly+\n/fZb9ezZU3fddZdatGihxx57rMTPgAEAKj6brewPdymx83rttdc0ZswYtWzZUna7Xd99950mTpyo\n1atXu6I+AICT3NQLNkJCQhQREeHYbtu2rWrVquXUogAAzmfygo0iw+v48eOSpGbNmmnhwoVq06aN\nPDw8lJSUpMaNG7usQACAc9yUnddTTz0lm80mu90uSVq6dKnjmM1m07Bhw5xfHQAAhSgyvL788ssi\nX7Rr1y6nFAMAcB1z+67rWG148eJFffzxx5o1a5ZmzZql6dOn03Vdh8uXL2v0yBHy9/HQiRMn3F0O\nJHl52jS13/8oe9UA1Q7xd+wPreqrNeMf0IHZva55zTORjfTD3N76YW5vzRzUVl6eJv91vzls2fyl\nIlq3VLPGdyj6ga78/SoDD5utzA+31V7SE55//nn961//0qpVq5SZmanNmzdrwoQJLijNbL169lBA\nQKC7y8BVVo7uqovZlwvsCwr0UeKkaB08lnbN89s0qqFh3Zuq/ajVajpkpSr7eiuiUQ1XlYtCZGZm\n6skn+mjOvA+1//tD6hbdXcOGDHJ3WcYyeal8ieGVm5ur1157TbVr19aoUaO0ZMkSrV+/3hW1Ge3l\nMWP16viJ7i4DV5m6co9eX767wD67Xeo9dZPWfHvsmufHdr5dCzb+qNTzOcq/Yle/97Zo68EzrioX\nhdiy+Uvdels9tWjZUpL0VP8/adPGRF24cMHNlZnJ5DtslBhely9fVlZWlq5cuaK0tDRVq1bNsRIR\nRbvn3oiSnwSX2n7o7DX70jMv6adTGYU+v9mtwQrw9dam16O1d2ZPTXyilTxMXlt8E/jpp0OqV6++\nYzswMFAhISE6cviwG6uCO5T4Oa+HH35YK1asUK9evdStWzcFBwerTp06rqgNcKtqAZXUplEN9Xg9\nUZW8PbR+Yjf9nHxBizcdcndplpWdlSVfX98C+3z9/JSZmemmisxm8Er5ksPr8ccfd/wcERGhc+fO\nXffnvA4dOqTnnntO/fr1U9++fUtfJeAGGVmXtOLro7qYc1kXc6Slm39Sl+a1CS838vcPUE5OToF9\n2VlZCgzk+nJpmPxNykWG1/vvv1/kizZu3Kjhw4cXO3BWVpYmTZpU4O4cgEmOp1xUVX8fx3b+Fbvy\nr9jdWBEaNmqk+JXLHdsZGRlKS0tTg9tvd2NV5jI4u4q+5uXp6VnsoyQ+Pj6aP3++wsLCyrVgwFXi\nvzmq/l0bqoq/t3x9PPV4h/r6ct8pd5dlaR06dtLxfx/TN19/LUma+f50RUU/qICAADdXZiaTF2wU\n2XkNHTq0bAN7ecnLq8RZyZtScnKyIu/v6Nh+oGsneXl6aW3CJtWuXdt9hVlYWFVfJU6KdmwnvBat\nvPwremvVXr30SHP5V/JSjWp+2jOjp079kqVuE9Yr/pufdefvg/Tde48o+1K+1uw4prjNP7nxt4Cf\nn5+WfPyJXhg2RJlZmapfv4H+umCxu8uCG1gzXZysRo0a2nPgB3eXgauczcjRXcM+LfTYx1uKXqk2\n6ZNdmvQJd5SpSO7r0FE7du11dxk3hRKXm1dghBcAWJTJN+a9ruBNS0vT/v37JUlXrlxxakEAANfw\nsJX94S4ldl5r1qzRjBkz5OPjozVr1mjSpElq3LixevW69j5wVztw4ICmTZumkydPysvLSwkJCZo5\nc6aqVatWbsUDAKypxPBatGiRvvjiCz377LOSpFGjRik2NrbE8GratKni4uLKp0oAQLkz+YYxJYZX\n5cqV5efn59j29fWVt7e3U4sCADifyde8SgyvoKAgffbZZ8rNzdXBgwe1bt06BQcHu6I2AIATmdx5\nlbhgY+LEidq/f78yMzM1duxY5ebm6vXXX3dFbQAAJzL5K1FK7LyqVKmicePGuaIWAACuS4nh1aFD\nh0LnRbds2eKMegAALnJT3pj3N8uWLXP8fPnyZSUlJSk3N9epRQEAnO+mvsPGf9+L79Zbb9WAAQPU\nr18/Z9UEAHABgxuvksMrKSmpwPaZM2f073//22kFAQBcwxXThqtXr9aHH34oLy8vDRs2TA0bNtTI\nkSOVn5+v0NBQvfXWW/Lx8Sl5oP9SYnjNmTPH8bPNZlNgYKAmTpx4wycCAFhLWlqaZs+erU8//VRZ\nWVmaOXOmEhISFBMTo6ioKL377ruKj49XTEzMDY9dYniNHj1aTZo0KVXhAICKy9mNV1JSkiIiIhQY\nGKjAwEBNmjRJnTt3djRAnTp10sKFC0sVXiVer5s2bdqNVwwAqPCcfWPeEydOKCcnR4MGDVJMTIyS\nkpKUnZ3tmCYMCQlRSkpKqWovsfOqVauWYmNj1bx58wK3hRo+fHipTggAqBhccc0rPT1ds2bN0qlT\np/Tkk0/Kbrc7jl39840qMbxuueUW3XLLLaU+AQCgYnJ2doWEhKhFixby8vJSnTp1FBAQIE9PT+Xk\n5MjX11fJyckKCwsr1dhFhtfq1av10EMPaejQoaUuHABgXe3atdPo0aP1zDPPKCMjQ1lZWWrXrp0S\nEhL08MMPKzExUe3bty/V2EWGV3x8vB566KFSFw0AqNicfWPeGjVqKDIyUr1795YkjR07Vs2aNdOo\nUaO0fPly1apVSz169CjV2CVOGwIAbk42Of+aV58+fdSnT58C+xYtWlTmcYsMr927d6tjx47X7Lfb\n7bLZbNzbEAAMZ/JXohQZXo0bN9a7777ryloAAC50U4aXj4/PNfc1BACgIigyvMLDw11ZBwDAxQr7\nuitTFBleL730kivrAAC42E05bQgAuLkZ3HgRXgBgVSZ/k7LJX6QJALAoOi8AsCiueQEAjGPwrCHh\nBQBW5eGC20M5C9e8AADGofMCAIti2hAAYBwWbAAAjGPy57wILwCwKIOziwUbAADz0HkBgEUxbQgA\nMI7B2UV4AYBVmXzdiPACAIsy+csoTQ5eAIBF0XkBgEWZ23cRXgBgWaw2BAAYx9zoIrwAwLIMbrxY\nsAEAMA+dFwBYlMlL5QkvALAok6feCC8AsCg6LwCAccyNLrO7RgCARVWYzsvk9tWK0lYMcHcJuAFB\nrYe6uwTcgOzds1xyHpP/3a0w4QUAcC2Tp94ILwCwKJM7L5ODFwBgUXReAGBR5vZdhBcAWJbBs4aE\nFwBYlYfBvRfXvADAomy2sj+uR05Ojrp06aJVq1bp9OnTio2NVUxMjIYPH65Lly6VqnbCCwDgVHPn\nzlXVqlUlSTNmzFBMTIyWLVumunXrKj4+vlRjEl4AYFG2cvhTkiNHjujw4cPq2LGjJGn79u26//77\nJUmdOnVSUlJSqWonvADAolwxbTht2jSNHj3asZ2dnS0fHx9JUkhIiFJSUkpVOws2AMCinL1g4/PP\nP9ddd92l3//+94Uet9vtpR6b8AIAi3L2UvktW7bo+PHj2rJli86cOSMfHx/5+/srJydHvr6+Sk5O\nVlhYWKnGJrwAAE7x3nvvOX6eOXOmateurd27dyshIUEPP/ywEhMT1b59+1KNzTUvALAoVy2Vv9qf\n//xnff7554qJiVF6erp69OhRutrtZZl0LEc5ee6uALh58ZUoZnHVV6Js/CG1zGN0vbN6OVRy45g2\nBACL8jD3BhuEFwBY1fV8Tqui4poXAMA4dF4AYFHcVR4AYByTpw0JLwCwKBZsAACMY3LnxYINAIBx\n6LwAwKJYsAEAMI7B2UV4AYBVeRjcehFeAGBR5kYXCzYAAAai8wIAqzK49SK8AMCiTP6cF+EFABZl\n8HoNrnkBAMxD5wUAFmVw40V4AYBlGZxehBcAWBQLNgAAxmHBBgAALkTnBQAWZXDjRXgBgGUZnF6E\nFwBYFAs2AADGYcEGAAAuROcFABZlcONFeAGAZRmcXkwbOsmWzV8qonVLNWt8h6If6KoTJ064uyQU\ngfeqYvLy8tDUv/xR2btnqXZYNcf+sYO6ac+qsdr3+TjFTe2vqoF+kqQqgb5aMrW/49i456LdVbox\nbOXwx10ILyfIzMzUk0/00Zx5H2r/94fULbq7hg0Z5O6yUAjeq4pr5fSBupiVW2Bf7wda6f57G+ne\nx6ep+R8nydPTQyMH/EGSNHl4D51JydBdj7yu9n3fUp+o1ops19gdpRvDZiv7w10ILyfYsvlL3Xpb\nPbVo2VKS9FT/P2nTxkRduHDBzZXhv/FeVVxT52/Q6x+sK7Dvh6NnNGzKcuXkXpbdbtc/d/6k22+t\nIUn6/B979M7ijZKkjIvZ2vPjcd1Rt4bL64ZrEF5O8NNPh1SvXn3HdmBgoEJCQnTk8GE3VoXC8F5V\nXNv3/XzNvv2HTmr/oZOSfp0mfKRrC639ar8k6R/bflTyuV//p6NBnTC1alJXm5J+cF3BBrKVw8Nd\nWLDhBNlZWfL19S2wz9fPT5mZmW6qCEXhvTLT4in91L1juFYk7NTHa7Y79nt42LTvs3GqGVpFr7z3\nhX44esaNVRqABRuFe/PNN/XYY4+pZ8+eSkxMdOapKhR//wDl5OQU2JedlaXAwEA3VYSi8F6Zqd+Y\nxarVcaSysi9p0etPOfZfuWJX04cnqlH0eD0W1UpPP9rOjVVWfCzYKMS2bdv0008/afny5frwww81\nZcoUZ52qwmnYqJGOHPm/aaf4x7nzAAAMO0lEQVSMjAylpaWpwe23u7EqFIb3yiwdWt+hO+vVlCTl\nXsrTwlX/T13a3ClJejy6tWPlYWraRa1M2KU//OcYCseCjUK0bt1a77//viSpSpUqys7OVn5+vrNO\nV6F06NhJx/99TN98/bUkaeb70xUV/aACAgLcXBn+G++VWdq0qKdpI3rKx/vXKx7d7muqAz+dkiQ9\n+dC9GvpEJ0m/LrPvEnGn9v/nGG4+Trvm5enpKX9/f0lSfHy87rvvPnl6ejrrdBWKn5+flnz8iV4Y\nNkSZWZmqX7+B/rpgsbvLQiF4ryqmsODKSvxwuGM7Yf5w5eXnq9vAmapZvaq+XfGybDabTpxJ0+CJ\nyyRJAycs1ftj+mjPqrHy8vRU0t6jemfRRnf9CkYw+JKXbHa73e7ME2zatEnz5s3TwoULVbly5SKf\nl5PnzCoAawtqPdTdJeAGZO+e5ZLz/HC67AuT7vyde2YpnLracOvWrfrggw/04YcfFhtcAADX4ytR\nCnHhwgW9+eabWrx4sapVq1byCwAAN50333xT3333nfLy8jRw4EA1a9ZMI0eOVH5+vkJDQ/XWW2/J\nx8fnhsd1WnitW7dOaWlpev755x37pk2bplq1ajnrlACAG+Ds1YJXrzpPS0vTH//4R0VERCgmJkZR\nUVF69913FR8fr5iYmBse2+nXvK4X17wA5+Gal1lcdc3r0JmsMo9xR03/Io/l5+crNzdX/v7+ys/P\nV5s2bRQQEKANGzbIx8dHu3fv1sKFCzVz5swbPi+3hwIAq3Ly/aEKW3WenZ3tmCYMCQlRSkpKqUon\nvADAolx1h41NmzYpPj5e48aNK7C/LBN/hBcAwGl+W3U+f/58Va5cWf7+/o5bsiUnJyssLKxU4xJe\nAGBRzr491G+rzufNm+dYdd6mTRslJCRIkhITE9W+fftS1c5d5QHAopz9Ka/CVp1PnTpVY8eO1fLl\ny1WrVi316NGjVGOz2hCwAFYbmsVVqw2PpGSXeYz6oX7lUMmNo/MCAIsy+Q4bXPMCABiHzgsALMqd\n38dVVoQXAFiUwdlFeAGAZRmcXoQXAFgUCzYAAHAhOi8AsCgWbAAAjGNwdhFeAGBVdF4AAAOZm14s\n2AAAGIfOCwAsimlDAIBxDM4uwgsArIrOCwBgHO6wAQCAC9F5AYBVmdt4EV4AYFUGZxfhBQBWZfKC\nDa55AQCMQ+cFABZl8mpDwgsArMrc7CK8AMCqDM4uwgsArIoFGwAAuBCdFwBYFAs2AADGYdoQAAAX\novMCAIui8wIAwIXovADAoliwAQAwjsnThoQXAFiUwdlFeAGAZRmcXizYAAAYh84LACyKBRsAAOOw\nYAMAYByDs4vwAgDLckF6TZkyRXv37pXNZtOYMWMUHh5eLuMSXgAAp9ixY4eOHTum5cuX68iRIxoz\nZoyWL19eLmOz2hAALMpWDn+Kk5SUpC5dukiS6tevr4yMDF28eLFcaie8AMCibLayP4qTmpqqoKAg\nx3ZwcLBSUlLKpfYKM23oW2EqAW4+2btnubsEVECu/nfXbreX21h0XgAApwgLC1Nqaqpj++zZswoN\nDS2XsQkvAIBTtG3bVgkJCZKkgwcPKiwsTIGBgeUyNpN1AACnaNmypZo0aaI+ffrIZrNp/Pjx5Ta2\nzV6ek5AAALgA04YAAOMQXgAA4xBeAADjEF7lLCMjQxcuXHB3GbhO+fn57i4BN+Ds2bM6fvy4u8tA\nBcBqw3L01Vdfaf78+QoLC1NwcLDGjh3r7pJQjB07dujnn39W165dFRwc7O5yUIItW7Zo7ty58vPz\nU/Xq1fX222+7uyS4EZ1XOTlx4oQWL16sV199VZMnT9bPP/+sSZMmKS0tzd2loQhxcXHatm2bNm3a\npF9++cXd5aAYZ86cUVxcnN58800tXrxYR48e1dKlS91dFtyI8Confn5+8vT0lLe3t/z8/PTBBx/o\nwoULmjFjhrtLQxEqVaqkmjVr6siRI0pMTCTAKjBvb2/l5ubKw+PXf7KeeeYZ5eXlubkquJPnhAkT\nJri7iJuBr6+vkpOTlZaWpho1aqhy5crq1KmTFi1apH/9619q3769u0vEf2natKmioqJ06dIlff/9\n90pNTVXt2rXl5+cnu90um8lfM3uT8fb21i233KImTZpIkg4fPqxt27YpMjJSkpSXl+cINlgD73Y5\n8fDw0AMPPKC9e/dqx44dOnv2rLy8vDR9+nRlZWXxf4kVUM2aNSVJ999/v1q0aKH//d//1bZt2/Tx\nxx9ryZIlbq4OV/P29lZERIRj29fXV56enpKkzz//XAsXLizXm76i4mPBRjmqU6eO+vXrpyVLligt\nLU2tWrXSiRMndOrUKeXn58vLi//cFYmHh4ejw4qMjFRwcLBmz56tX375Re+88467y0MxQkJC1KBB\nA+3Zs0eff/65xo4dS6dsMdweygmOHz+uf/zjH/rmm2/k4+Oj4cOH64477nB3WSjCbwG2efNmvfXW\nW5o1a5bq1avn7rJQjJMnTyo6Olr16tXT22+/zftlQYSXE124cEF2u11VqlRxdykoQX5+vv75z3/q\ntttu06233uruclCCK1euaPbs2XrooYdUt25dd5cDNyC8gP9gkYZZ8vLymIq3MMILAGAcVhsCAIxD\neAEAjEN4AQCMQ3jBbU6cOKGmTZsqNjZWsbGx6tOnj0aMGKHz58+XesyVK1dq9OjRkqQXXnhBycnJ\nRT53165dN3SH8ry8PDVs2PCa/TNnztT06dOLfW3nzp117Nix6z7X6NGjtXLlyut+PmA1hBfcKjg4\nWHFxcYqLi9Mnn3yisLAwzZ07t1zGnj59umrUqFHk8VWrVvH1GoChWGeKCqV169Zavny5pF+7laio\nKB0/flwzZszQunXrtHTpUtntdgUHB+v1119XUFCQPv74Y/3tb39TzZo1FRYW5hirc+fOWrRokX7/\n+9/r9ddf14EDByRJ/fv3l5eXlzZs2KB9+/bp5ZdfVt26dTVx4kRlZ2crKytLf/nLX9SmTRsdPXpU\nL730kvz8/HTPPfeUWP+yZcv0xRdfyNvbW5UqVdL06dMdn/NbuXKl9u/fr3PnzunVV1/VPffco1On\nThV6XgDFI7xQYeTn52vjxo1q1aqVY9+tt96ql156SadPn9YHH3yg+Ph4+fj46KOPPtK8efM0ZMgQ\nzZgxQxs2bFBQUJAGDx6sqlWrFhh39erVSk1N1YoVK3T+/Hm9+OKLmjt3ru68804NHjxYERERevbZ\nZ/WnP/1J9957r1JSUvTYY48pMTFRs2fPVs+ePRUTE6PExMQSf4fc3FwtWLBAgYGBGjdunFavXq2+\nfftKkqpVq6aPPvpISUlJmjZtmlatWqUJEyYUel4AxSO84Fa//PKLYmNjJf1614S7775b/fr1cxxv\n0aKFJGn37t1KSUnRgAEDJEmXLl3SLbfcomPHjql27doKCgqSJN1zzz368ccfC5xj3759jq6pSpUq\n+utf/3pNHdu3b1dmZqZmz54tSfLy8tK5c+d06NAhPfvss5Kke++9t8Tfp1q1anr22Wfl4eGhkydP\nKjQ01HGsbdu2jt/p8OHDxZ4XQPEIL7jVb9e8iuLt7S1J8vHxUXh4uObNm1fg+P79+wvcFePKlSvX\njGGz2QrdfzUfHx/NnDnzmm9Uttvtjq/ayM/PL3aMM2fOaNq0aVq7dq1CQkI0bdq0a+r47zGLOi+A\n4rFgA0Zo1qyZ9u3bp5SUFEnS+vXrtWnTJtWpU0cnTpzQ+fPnZbfblZSUdM1rW7Rooa1bt0qSLl68\nqF69eunSpUuy2Wy6fPmyJKlVq1Zav369pF+7wcmTJ0uS6tevrz179khSoWNf7dy5cwoKClJISIjS\n09P19ddf69KlS47j27Ztk/TrKsfbb7+92PMCKB6dF4xQo0YNvfLKKxo4cKD8/Pzk6+uradOmqWrV\nqho0aJCeeOIJ1a5dW7Vr11ZOTk6B10ZFRWnXrl3q06eP8vPz1b9/f/n4+Kht27YaP368xowZo1de\neUXjxo3T2rVrdenSJQ0ePFiSNGTIEI0aNUobNmxQixYtir2X3p133qm6devq0UcfVZ06dTRs2DBN\nmDBBHTp0kCSlp6dr4MCBOnXqlMaPHy9JRZ4XQPG4tyEAwDhMGwIAjEN4AQCMQ3gBAIxDeAEAjEN4\nAQCMQ3gBAIxDeAEAjEN4AQCM8/8B3IoY9/KCn6MAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "P-TgqRKOOSUw", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Visualizing weights" + ] + }, + { + "metadata": { + "id": "H7F2Ye5hOSYr", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "So far, we've seen metrics like loss and accuracy and even visualized decision boundaries. But what about our weights? It's a little tricky to visualize them because there are so many and they are constantly all updated. But this is crucial because our weights can casue many downstream issues such as all the weights being nearly zero or weights quickly growing in magnitude. Both of these issues indicate that our model needs some finetuning/normalization but we need to be able to see our weights to discern this. Since the weights can have large dimensions, we can also visualize the mean and std of the different parameters.\n", + "\n", + "To visualize everything, we will use [Tensorboard](https://www.tensorflow.org/guide/summaries_and_tensorboard) with PyTorch. Tensorboard allows us to visualize on a localhost but it's a little bit tricky with our Google colab notebook so we're going to use a localtunnel to expose this notebook's webserver. If you're doing this on your local machine, you can just run `tensorboard --logdir='./logs' --port=6006` in the terminal and open TensorBoard at: `http://localhost:6006`. \n", + "\n", + "" + ] + }, + { + "metadata": { + "id": "j7GfEoEWhExI", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Here are a list of things that are good to measure and visualize:\n", + "1. loss and accuracy\n", + "2. weight means and stds\n", + "3. activation means and stds\n", + "4. gradient means and stds" + ] + }, + { + "metadata": { + "id": "jilLRr8W05qC", + "colab_type": "code", + "outputId": "e5d9238b-7644-41d4-e229-620afdcbc935", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 190 + } + }, + "cell_type": "code", + "source": [ + "# Install TensorboardX\n", + "!pip3 install tensorboardX" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Collecting tensorboardX\n", + "\u001b[?25l Downloading https://files.pythonhosted.org/packages/b1/d2/e08fe62f3554fbba081e80f6b23128df53b2f74ed4dcde73ec4a84dc53fb/tensorboardX-1.4-py2.py3-none-any.whl (67kB)\n", + "\r\u001b[K 15% |████▉ | 10kB 18.5MB/s eta 0:00:01\r\u001b[K 30% |█████████▊ | 20kB 1.8MB/s eta 0:00:01\r\u001b[K 45% |██████████████▋ | 30kB 2.6MB/s eta 0:00:01\r\u001b[K 60% |███████████████████▌ | 40kB 1.7MB/s eta 0:00:01\r\u001b[K 76% |████████████████████████▍ | 51kB 2.1MB/s eta 0:00:01\r\u001b[K 91% |█████████████████████████████▎ | 61kB 2.5MB/s eta 0:00:01\r\u001b[K 100% |████████████████████████████████| 71kB 2.7MB/s \n", + "\u001b[?25hRequirement already satisfied: numpy in /usr/local/lib/python3.6/dist-packages (from tensorboardX) (1.14.6)\n", + "Requirement already satisfied: protobuf>=3.2.0 in /usr/local/lib/python3.6/dist-packages (from tensorboardX) (3.6.1)\n", + "Requirement already satisfied: six in /usr/local/lib/python3.6/dist-packages (from tensorboardX) (1.11.0)\n", + "Requirement already satisfied: setuptools in /usr/local/lib/python3.6/dist-packages (from protobuf>=3.2.0->tensorboardX) (40.6.2)\n", + "Installing collected packages: tensorboardX\n", + "Successfully installed tensorboardX-1.4\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "t6rsfwPuRRMC", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Run tensorboard on port 6006\n", + "LOG_DIR = './log'\n", + "run_num = 0\n", + "get_ipython().system_raw(\n", + " 'tensorboard --logdir {} --host 0.0.0.0 --port 6006 &'\n", + " .format(LOG_DIR)\n", + ")" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "FwlrVIikRhzt", + "colab_type": "code", + "outputId": "9f81084b-170a-4aff-d289-35bf660f3e4b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 68 + } + }, + "cell_type": "code", + "source": [ + "# Install localtunnel\n", + "!npm install -g localtunnel" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\u001b[K\u001b[?25h/tools/node/bin/lt -> /tools/node/lib/node_modules/localtunnel/bin/client\n", + "+ localtunnel@1.9.1\n", + "added 54 packages from 32 contributors in 3.207s\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "pG64Zj7gRjz2", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Tunnel port 6006 for tensorboard\n", + "get_ipython().system_raw('lt --port 6006 >> tensorboard.txt 2>&1 &')" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "efEPZIuSQJKP", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Now let's train our model and see some visualizations on our tensorboard." + ] + }, + { + "metadata": { + "id": "Q4L_Um9MP3EW", + "colab_type": "code", + "outputId": "84617b02-a1d5-4d4a-c4d0-a125455965c3", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 428 + } + }, + "cell_type": "code", + "source": [ + "# Few things needed to get tensorboard working\n", + "from tensorboardX import SummaryWriter\n", + "import torchvision.utils as vutils\n", + "!pip install Pillow==4.0.0\n", + "!pip install PIL\n", + "!pip install image\n", + "from PIL import Image\n", + "def register_extension(id, extension): Image.EXTENSION[extension.lower()] = id.upper()\n", + "Image.register_extension = register_extension\n", + "def register_extensions(id, extensions): \n", + " for extension in extensions: register_extension(id, extension)\n", + "Image.register_extensions = register_extensions" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Collecting Pillow==4.0.0\n", + "\u001b[?25l Downloading https://files.pythonhosted.org/packages/37/e8/b3fbf87b0188d22246678f8cd61e23e31caa1769ebc06f1664e2e5fe8a17/Pillow-4.0.0-cp36-cp36m-manylinux1_x86_64.whl (5.6MB)\n", + "\u001b[K 100% |████████████████████████████████| 5.6MB 5.9MB/s \n", + "\u001b[?25hRequirement already satisfied: olefile in /usr/local/lib/python3.6/dist-packages (from Pillow==4.0.0) (0.46)\n", + "\u001b[31mtorchvision 0.2.1 has requirement pillow>=4.1.1, but you'll have pillow 4.0.0 which is incompatible.\u001b[0m\n", + "Installing collected packages: Pillow\n", + " Found existing installation: Pillow 5.3.0\n", + " Uninstalling Pillow-5.3.0:\n", + " Successfully uninstalled Pillow-5.3.0\n", + "Successfully installed Pillow-4.0.0\n", + "Collecting PIL\n", + "\u001b[31m Could not find a version that satisfies the requirement PIL (from versions: )\u001b[0m\n", + "\u001b[31mNo matching distribution found for PIL\u001b[0m\n", + "Collecting image\n", + " Downloading https://files.pythonhosted.org/packages/0c/ec/51969468a8b87f631cc0e60a6bf1e5f6eec8ef3fd2ee45dc760d5a93b82a/image-1.5.27-py2.py3-none-any.whl\n", + "Collecting django (from image)\n", + "\u001b[?25l Downloading https://files.pythonhosted.org/packages/fd/9a/0c028ea0fe4f5803dda1a7afabeed958d0c8b79b0fe762ffbf728db3b90d/Django-2.1.4-py3-none-any.whl (7.3MB)\n", + "\u001b[K 100% |████████████████████████████████| 7.3MB 4.4MB/s \n", + "\u001b[?25hRequirement already satisfied: pillow in /usr/local/lib/python3.6/dist-packages (from image) (4.0.0)\n", + "Requirement already satisfied: pytz in /usr/local/lib/python3.6/dist-packages (from django->image) (2018.7)\n", + "Requirement already satisfied: olefile in /usr/local/lib/python3.6/dist-packages (from pillow->image) (0.46)\n", + "Installing collected packages: django, image\n", + "Successfully installed django-2.1.4 image-1.5.27\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "HUsGMQliVf6j", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Initialize the Tensorboard writer\n", + "run_num += 1\n", + "writer = SummaryWriter(log_dir=LOG_DIR+\"/run_{}\".format(run_num))" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "VGLYVpplWTqK", + "colab_type": "code", + "outputId": "69a02442-17b5-4131-c9c2-1aa65ad312e4", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Initialize model\n", + "model = MLP(input_dim=args.dimensions, \n", + " hidden_dim=args.num_hidden_units, \n", + " output_dim=args.num_classes)\n", + "print (model.named_modules)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "G8hWwoCUWTwG", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Optimization\n", + "loss_fn = nn.CrossEntropyLoss()\n", + "optimizer = optim.Adam(model.parameters(), lr=args.learning_rate)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "DshX8a8qaa1q", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + " def write_weights(writer, model, epoch_num):\n", + " for name, param in model.named_parameters():\n", + " \n", + " # Weights\n", + " writer.add_scalar(name+\"/mean\", param.data.numpy().mean(), epoch_num)\n", + " writer.add_scalar(name+\"/std\", param.data.numpy().std(), epoch_num)\n", + " \n", + " # Gradients\n", + " writer.add_scalar(name+\"/grad_mean\", torch.mean(param.grad), epoch_num)\n", + " writer.add_scalar(name+\"/grad_std\", torch.std(param.grad), epoch_num)\n", + " \n", + " # Weights histogram (dim over 1024 cause an error)\n", + " if len(param.size()) > 1 and param.size()[-1] <= 1024: \n", + " writer.add_histogram(name, param.clone().cpu().data.numpy(), epoch_num)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "A336qkQxWTuP", + "colab_type": "code", + "outputId": "8fd6624d-bdd6-47e0-a5ba-fa7bd3584167", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 187 + } + }, + "cell_type": "code", + "source": [ + "# Training\n", + "for t in range(args.num_epochs):\n", + " # Forward pass\n", + " y_pred = model(X_train)\n", + " \n", + " # Accuracy\n", + " _, predictions = y_pred.max(dim=1)\n", + " accuracy = get_accuracy(y_pred=predictions.long(), y_target=y_train)\n", + "\n", + " # Loss\n", + " loss = loss_fn(y_pred, y_train)\n", + " \n", + " # Verbose\n", + " if t%20==0: \n", + " print (\"epoch: {0:02d} | loss: {1:.4f} | accuracy: {2:.1f}%\".format(\n", + " t, loss, accuracy))\n", + "\n", + " # Zero all gradients\n", + " optimizer.zero_grad()\n", + "\n", + " # Backward pass\n", + " loss.backward()\n", + "\n", + " # Update weights\n", + " optimizer.step()\n", + " \n", + " # Write to tensorboard\n", + " writer.add_scalar('metrics/train_loss', loss, t)\n", + " writer.add_scalar('metrics/train_acc', accuracy, t)\n", + " writer.add_scalar('metrics/lr', optimizer.param_groups[0]['lr'], t)\n", + " write_weights(writer=writer, model=model, epoch_num=t)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "epoch: 00 | loss: 1.1047 | accuracy: 34.0%\n", + "epoch: 20 | loss: 0.7275 | accuracy: 56.0%\n", + "epoch: 40 | loss: 0.3969 | accuracy: 79.3%\n", + "epoch: 60 | loss: 0.2519 | accuracy: 82.0%\n", + "epoch: 80 | loss: 0.1990 | accuracy: 86.0%\n", + "epoch: 100 | loss: 0.1586 | accuracy: 90.7%\n", + "epoch: 120 | loss: 0.1289 | accuracy: 92.9%\n", + "epoch: 140 | loss: 0.1018 | accuracy: 95.2%\n", + "epoch: 160 | loss: 0.0806 | accuracy: 96.4%\n", + "epoch: 180 | loss: 0.0467 | accuracy: 98.7%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "j-IEhlPYVf38", + "colab_type": "code", + "outputId": "39b42566-7d01-4f1e-9f5c-31334cf4183a", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 68 + } + }, + "cell_type": "code", + "source": [ + "print (\"Go to this link below to see the Tensorboard:\")\n", + "!cat tensorboard.txt\n", + "print (\"Click on SCALARS to see metrics and DISTRIBUTIONS to see weights.\")" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Go to this link below to see the Tensorboard:\n", + "your url is: https://tame-puma-78.localtunnel.me\n", + "Click on SCALARS to see metrics and DISTRIBUTIONS to see weights.\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "R3OK8p-Ng3BC", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Activation functions" + ] + }, + { + "metadata": { + "id": "ghf5uLuhg3D0", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "In our MLP, we used the ReLU activation function ($max(0,z)) which is by far the most widely use option. But there are several other options for activation functions as well, each with their own unique properties. " + ] + }, + { + "metadata": { + "id": "ivnfSKEhg3Md", + "colab_type": "code", + "outputId": "45b7cb4b-a87c-4bf5-dd81-4c3b1ef381ee", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 226 + } + }, + "cell_type": "code", + "source": [ + "# Fig size\n", + "plt.figure(figsize=(12,3))\n", + "\n", + "# Data\n", + "x = torch.arange(-5., 5., 0.1)\n", + "\n", + "# Sigmoid activation (constrain a value between 0 and 1.)\n", + "plt.subplot(1, 3, 1)\n", + "plt.title(\"Sigmoid activation\")\n", + "y = torch.sigmoid(x)\n", + "plt.plot(x.numpy(), y.numpy())\n", + "\n", + "# Tanh activation (constrain a value between -1 and 1.)\n", + "plt.subplot(1, 3, 2)\n", + "y = torch.tanh(x)\n", + "plt.title(\"Tanh activation\")\n", + "plt.plot(x.numpy(), y.numpy())\n", + "\n", + "# Relu (clip the negative values to 0)\n", + "plt.subplot(1, 3, 3)\n", + "y = F.relu(x)\n", + "plt.title(\"ReLU activation\")\n", + "plt.plot(x.numpy(), y.numpy())\n", + "\n", + "# Show plots\n", + "plt.show()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAsEAAADRCAYAAAAt+G/GAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3XlYlXX+//HnWVhklVUUXFFQQVyz\nzBUFQc3JVrGyJpuWqaaatl9jM2MzpU1N2+Q0U+O3ZbLNakhTS9RccsHdVHBBUBBQ4LBz4MDhnHP/\n/mA8I7mACuc+cN6P6+qKwznc94tb7nPe9+f+LBpFURSEEEIIIYRwIVq1AwghhBBCCOFoUgQLIYQQ\nQgiXI0WwEEIIIYRwOVIECyGEEEIIlyNFsBBCCCGEcDlSBAshhBBCCJcjRfBVyMjI4J577iE5OZmk\npCRmz57Nnj17AFi3bh2/+93v2j3DJ598wltvvXXB5xITE9m5c2eb7Oe7777DaDQC8Oyzz7Jhw4Yr\n3taXX35p/zo5OZnS0tKrzifE1ViwYAHJyckkJycTExNDfHy8/fHZv/vLtX37dpKTk9s4aZP6+npW\nrFgBwOnTp/nFL35xxdvKycmxv2+tWbOG3//+922SUYj2Eh0dTWJiov0cTUxMZP78+dTV1bX4s3Pn\nzrWfO+fauXMniYmJ531/8eLFPP/8822Su7S0lB9++AGAgwcPct99913xtg4cOMDRo0eBS9cBogWK\nuCI2m00ZO3assnHjRvv30tLSlNGjRyt1dXXqBTtHQkKCsmPHjjbZVlJSknLmzJmr3k5JSYmSmJjY\nBomEaB/x8fHK7t27r3o727ZtU5KSktog0fl2796tzJs3r0229c477yjvvfdem2xLCEeIiopq9nnU\n0NCgPPzww8obb7zR4s/eddddyvLly8/7/o4dO5SEhITzvv/2228r8+fPv7rA/7Vq1ao229Yf/vCH\nC/4e4vJIS/AVqqiowGAwMHToUPv3pk6dyooVK+jSpQupqan88pe/BKCgoIBZs2YxefJk/vjHP/Lg\ngw+SmpoKNF3Rfvnll8ycOZOJEyeSnp7Ok08+SXx8PL/61a+wWCxA01XqTTfdRHJyMrfddhuHDh0C\nml+lZmRkMGPGDJKSkli0aNFFs584cYI5c+Ywbdo0EhMTWbVqlf25H3/80b6NBx98kMrKSn73u99x\n8uRJ5s6dy549e+xX0o8//jgffPCB/WePHDnCuHHjsNls/PDDD8ycOZOkpCRuvvlmjhw5AkBKSgqn\nT58mOTkZs9lMdHQ0RUVFAHz88cdMnz6d5ORkfv3rX1NeXg7Ac889x9tvv829995LfHw89957LyaT\n6ar+/YS4HDk5OaSkpDBt2jSmTp3Kd999B4DFYiE6OpoVK1Ywa9Ysxo0bx9KlS5v97N///neSk5NJ\nSEhg9+7dF9z+F198YW/Rmjt3LmfOnAHAZrPx0ksvMXnyZJKSkvjoo48oLi7miSeeYN++fcydO5e8\nvDyGDBlCZWUlcXFxVFZW2rf75z//mTfffBOr1cqCBQtISkpi8uTJPPfcc1gsFtatW8f777/Phx9+\nyKuvvspXX31lb52qqKjgscceIykpienTp/P++++3+ncWwpHc3d0ZP368/XPGbDbz0ksv2f/e3333\n3XbZ7zvvvENSUhIJCQk8+OCDVFdXA013ap599lkmT57MtGnTWLFiBZmZmfz5z38mLS2N3/72t/aW\n5+zsbEaPHm3/rAd4+OGH+fzzzzGZTDzxxBP23+OVV14B4PPPP2fFihX89a9/5cMPP2xWB5w+fZr7\n7ruPpKQkbrjhBpYvXw401SHjxo3j448/ZubMmYwfP97+PubKpAi+QgEBAQwZMoS7776br776ivz8\nfADCwsLOe+2rr77K2LFj2bBhAxMmTGD79u3Nnq+oqGDlypVMnz6dxx57jN/85jekpaWRlZXF7t27\nqa2t5fHHH+f3v/89a9as4Ve/+hVPP/00Nput2XZeeOEF7r77btLS0hg+fDgFBQUXzP7qq68SHx/P\n999/z6JFi3j++edpbGykrq6OZ555hjfffJO0tDR69erF3/72N15++WUAli5dyqhRo+zbSUpKatYt\nYt26dSQnJ2Oz2Xjuued48cUXSUtLa3byLlq0iO7du7NmzRrc3d3tP/vTTz/x/vvvs3TpUtasWUOP\nHj14/fXX7c+vWbOGN998k3Xr1lFeXs66deta9e8kRFt4+eWXSUxM5Pvvv+dPf/oTzz//PFar1f78\niRMnWL58OYsXL+b111+3n5uFhYXExsayZs0abr/99gt+GBcXF7No0SL+/e9/s27dOrp3784///lP\nAJYvX87Ro0dZu3YtX3/9NR988AGlpaU8/vjjjBgxolnx2bVrV0aNGsWmTZsAUBSF9evXM23aNNLS\n0jhw4ACrV6/mu+++Y//+/aSlpZGYmGi/sHz22Web5XrttdcICgoiLS2NTz/9lI8//piffvqpxd9Z\nCEerqqpi1apVDB8+HIAlS5aQnZ3NypUrWbVqFWlpaWzcuLFN95mRkcGnn37Kf/7zH9auXYvZbOaT\nTz4B4IMPPqCxsZENGzbw4Ycf8uKLLxIcHMxdd91FUlISb775pn07/fv3Jzg42N4lyWQysWPHDpKS\nkvj888+pra1lzZo1fPPNN6SmprJnzx7mzJlDXFwczzzzDPfee2+zXH/4wx8YPXo0aWlpvPfee7z0\n0kv2WqCiogKtVsvKlSuZP3++dKFAiuArptFo+PDDD0lMTOTjjz8mISGBGTNmsHbt2vNeu2fPHm64\n4QYAEhISCA0NbfZ8QkICAFFRUfTs2ZO+ffvi7u5O7969KS4u5uDBg4SFhTFy5EigqfisqKigsLDQ\nvo2GhgYOHTrE9OnTgaa+tl26dLlg9n/84x/21p6RI0fS0NCAwWBg3759hIWFERUVBcAzzzxzyX7N\nkyZN4vDhw/aWp7NFsF6vZ/v27QwbNgyAUaNG2S8SLmbTpk0kJSURFBQEwG233ca2bdvsz0+cOJGu\nXbui1+uJioqyt5QJ4Qj/+te/7Hd2Ro0aRV1dXbO+7DfeeCMAMTExmEwm+znh7+/PpEmTABg0aJD9\nrse5unXrxp49e+jWrZt9+2c/tDZv3mw/p3x9fVmzZg2DBw++aM5zL0wPHTqEt7c3AwcOZPr06Xz5\n5Zfo9Xo8PT2JjY1t8ZzcvHkzd9xxB9B00Z+QkMDWrVtb/J2FcIS5c+eSnJzMlClTmDJlCtdddx33\n338/ABs3buSOO+7A3d0dLy8vbrzxxgt+Nl+N2NhYNm3ahI+PD1qtluHDh9vPqbN3VKGpYWzz5s32\n8/tCzj1vt2zZQlxcHIGBgcybN49//OMfaDQa/P39GTBgwEUbtwAaGxvZvn27/bwNDw/n2muvZceO\nHUDTXZybb74ZaDpvT58+ffUHooPTqx2gI/P19eWxxx7jscceo7S0lNTUVJ588snzOt1XV1fj7+9v\nf/zzk8Hb2xsArVZr/xpAp9Nhs9koLy/Hz8/vvH2XlZXZH5/9APLx8QGaivSf/8xZW7Zs4Z///CcV\nFRVoNBoURcFms1FRUdHsZ85tqb0QLy8vrr/+ejZt2sTIkSOprq62F+pLly7lm2++wWw2Yzab0Wg0\nl9xWeXl5s4sDPz+/Zr+fr69vs+NybiucEO1t8+bNvPfee/ZzBppaWs86+/ep1Ta1K5z9+zx7PsLF\n/24tFgtvvfUWGzduxGazUVtbS//+/YGmlptz//a9vLwumTMxMZHXXnsNs9lsbwWGpgE5L730EkeO\nHEGj0WAwGIiMjLzktn7+vuPn52fvonSp31kIR1i6dClhYWGUl5eTnJzM9OnT0eubSpqamhpefvll\n3njjDaCpe0RcXNwlt6fVai94N8NqtaLT6c77vslk4uWXX7YPPq+qqrJf8P78vD33c/1CkpKSePTR\nR5k/fz7r16+3N2bl5ubyl7/8hRMnTqDVaikqKrIXsRdSWVmJoijN9n3ueavT6ezvIRf7fV2NFMFX\nqKioiIKCAnv3gODgYB544AHWrFnD8ePHm73W29u72ahVg8FwWfsKCgpq1sqiKApVVVX2VlPAXmQb\njUZ8fX2x2WxUVVWdt63GxkaeeOIJ3nrrLSZOnNjszSEgIICKigr7a00mE1VVVRfs4nFWUlIS69at\no6KigqSkJDQaDfv27WPJkiV89dVXREREsG3bNv7whz9c8ncMDg5u9jtWVlYSHBzcwpERov2ZzWYe\nf/xx3nnnHcaPH099fX2zsQBXa9WqVWzZsoXPPvuMgIAAPvvsM3ur1c/PSYPBcNE7PACBgYEMGjSI\nnTt3sn79ev72t78B8Prrr+Pp6cnKlStxd3fniSeeaDHX2fedsxftck4KZxQYGMjcuXP561//au9G\nFBoayrx584iPj2/1doKDgykuLsZisdiLaWgqRKOjo897/b///W9yc3NJTU3F29ubN998k+LiYuD8\n87aoqKhZQ9jPDRw4EJ1Ox9GjR9m6dav9Duyf//xnYmJieOedd9DpdKSkpFzydwgICECr1VJVVWXf\nX2VlZbNaQTQn3SGu0JkzZ3jkkUfIyMiwf+/gwYOcPn2aIUOGNHttXFwc33//PdB0m6akpOSy9hUX\nF0dpaSn79+8HYPXq1YSFhREREWF/jaenJwMHDrT3lV29ejUNDQ3nbctkMlFXV0dsbCzQdCK7ublR\nV1fHyJEjMRgMHDx4EGjqNvHOO+8AoNfr7Z3+zxUfH8/+/fubtTqVl5cTFBREjx49MJlMfPPNN9TV\n1aEoCnq9nrq6umaDAKCpa8XZYhqaBgpNnDjxso6TEO3BaDRiNpuJjY1FURQ+/vhj3NzcqK2tbZPt\nl5WVER4eTkBAAOXl5axZs8Z+0Tx58mRWrVqF2WzGaDSSkpJCTk4Oer0eo9HYrDX6rKSkJL744gu0\nWi0DBgwAms7J6Oho3N3dOXz4MAcOHLDvw83N7aLn9tnpDMvKyli3bp2ck8Ip3Xvvvezfv59du3YB\nMGXKFL766iusViuKovCPf/yDH3/88ZLb6Nu3L6NGjWLx4sX282rr1q3s3r37gq2vZWVl9OvXD29v\nbwoLC9m8eXOz83b58uUoioLBYGDWrFlUVFSg1+upqam54P6TkpJYvHgxgwYNIiAgwL6PQYMGodPp\n2LZtG3l5efZ9XGhber2ecePGsWzZMgBOnTrFnj17uP7661t7KF2OFMFXaPjw4bz44ou88MILJCUl\nkZiYyMsvv8ybb75JeHh4s9c+88wzrF27luTkZNLT0xk2bFiL3QPO5eXlxVtvvcWLL75IcnIyn332\nGW+88cZ523jhhRdYsmQJSUlJHDx48IK3O/38/PjVr37FrFmzmDVrFr169SIhIYGHHnoIRVFYvHgx\nzzzzDElJSRw7dozf/va3QFMf45SUlPNGk/r4+Nj7Fp3tAzx+/HhCQ0NJSEhg3rx53HPPPfauI9HR\n0fj7+zN27Nhm/ZHi4uJ44IEHuPPOO0lOTqampsa+byHUFBgYyL333suNN97IzTffTN++fZk8eTL3\n33//BS80L9fMmTMxGAwkJibyzDPP8OSTT5Kfn8+rr77KzJkzufbaa5k6dSq33HILd9xxB0OHDmXU\nqFEUFhYyfvz487Y3depUNmzY0GyO4nnz5vHJJ58wffp0li1bxrPPPssXX3zB2rVrmTx5Mp9++ul5\n59uTTz6JwWAgOTmZu+++m0ceecR+8SyEM/Hx8eGBBx7glVdeQVEU7rjjDnr06MGMGTNITk4mJyfH\n3lUP4K9//at9juHk5GQ+/PBDAN544w1KSkrssxS9//77/Otf/7pgf96UlBR2795NUlISr7zyCs89\n9xzp6el89NFH/PKXvyQoKIj4+Hjmzp3L//t//48ePXowduxYduzYwS233HLe9pKSkli/fn2z8/bX\nv/41r7zyCjfccAO7du3i0UcfZfHixezdu5eEhARee+01+8D1s/70pz+xc+dOkpOTeeSRR3jppZfo\n3r17Wx3qTkejXKgpQbQ5RVHsRestt9zCr3/9a/uAOCGEEEII4VjSEuwAr7zyCn/605+ApvlGT5w4\nIS0qQgghhBAqkpZgBygpKeHZZ5+lsLAQrVbLQw89xE033aR2LCGEEEIIlyVFsBBCCCGEcDnSHUII\nIYQQQrgcKYKFEEIIIYTLcfhiGQbDhefIaw8BAV5UVNS1/EIHcbY84HyZXDFPSIhvyy9SkZyzkudi\nXDGPnK//44r//pdD8rRM7XO2U68Yp9efv9ShmpwtDzhfJsnj2pzteEueS5M87W/nzp08/vjj9oVP\noqKiWlyB01Gc7XhLnktztjygfqZOXQQLIYQQHd3o0aN5++231Y4hRKfTqj7BWVlZJCQk8Mknn5z3\n3Pbt27n11luZPXu2fYldIYQQQgghnFmLLcF1dXW8+OKLjBkz5oLPv/TSS7z//vt069aNu+66i6Sk\nJPr379/mQYUQrZOVlcXDDz/ML3/5S+66665mz23fvp033ngDnU7HhAkTeOSRR1RKKYRorezsbB56\n6CGqqqp49NFHGTt27EVfGxDg5dBbzM7WR1ryXJqz5QF1M7VYBLu7u7NkyRKWLFly3nP5+fn4+/vb\n16WeOHEi6enpUgQLoRK5aBWic+nTpw+PPvoo06ZNIz8/n7vvvpu1a9fi7u5+wdc7cuBTSIivQwfi\ntUTyXJqz5QHHZLqqgXF6vR69/sIvMxgMBAYG2h8HBgaSn59/ye3JVapz5QHny9QR8iiKgtHUSEV1\nPZXGBqpqzFTVNlBTa6a6zoyxrhGjqZHuwd7cf2MsGo3GIVnlolU4K5uiUFdvoba+kbp6C6YGC/Vm\nKw1mKw0WK+ZGG40WK40WGxargsVqw2pVsCoKVqsNm03BpijYFLDZFBRFQVGatqsoTeekm7uehgYL\nCk3fAzj7xc8e/vfr5mtFebrruSNxAMH+Xdr/gLRSt27dmD59OgC9evUiODiY4uJievbsqXIyIdRj\nUxS+3JBNZLg/1wwMveLtOHxgnFylOk8ecL5MzpJHURSqas002CDrZBmGqnrKqkyUVTdQXl1PpdGM\nxWprcTvdg7y4cUxvtNqLF8FtWfS39UUryIWr5Lm0s3kURcFQaeJUUQ2nDUbOlNVSUm6itMpERXU9\nVbVmbDbnXqDUw12Hxk3vVMf422+/xWAwcN9992EwGCgrK6Nbt25qxxJCVVsOnGbt7nym2BT1iuDQ\n0FBKS0vtj4uLiwkNvfIwQqjB1GDhVHENp4qN5BuMFBpqOVNWS73Zet5rNYCfjzs9Q73x9/agq487\nft7u+Hq54+vlhk+Xpv+8PPV4e7rh6a5zWCtwe5ELV8lzIRarjQqThfQDhWQXVHHyTDW19ZbzXueu\n19LVx4N+3f3w9XLD27Pp/PDy0OPprsPdXYeHmw53vRY3vQ43nQY3vQ6dToNOq0Gn06LXatBqNWg1\nZ/8PGq0GDaDVatCgQaOB4GAfystqQQNN151N597PT8GzjzVozr7ETqvRXPIYO7pAnjx5Mk8//TQ/\n/PADjY2NvPDCCxftCiGEKzCaGvnP5hN4uOuYfl3vq9rWVRXBERERGI1GCgoKCAsLY+PGjbz22mtX\nFUiI9qQoCoaqeo7lVXC8sIqcwiqKyuo4t31Kp9UQFuhFWJAXfcO74uOhI6RrF4L8PQn09UCv65gL\nLcpFq7haNpvC4dxydhwu5kB2abOiN7RrFwb1DiAixIewIC+6BXgR5O+Jt6feYReCXp5u1Lo731yo\nV8PHx4d3331X7RhCOI3UH09gNDVye3x/Anw9rmpbLRbBGRkZvPLKKxQWFqLX60lLS2Py5MlERESQ\nmJjICy+8wFNPPQXA9OnT6du371UFEqKtmRosZJ4s59CJMg7nllNW3WB/zsNdR3SvrvQJ86NXmA89\nQ3zoFuhlL3SdqeXtaslFq7hSpgYLm34q5Ie9BZT/9/wJ8PVgwvAI+oX5MKBnV/y8pHVSCNG+couq\n2by/kB7B3iSMirjq7bVYBMfGxrJ06dKLPn/NNdewbNmyqw4iRFuqq7ewL8vAnmMlHM4tx2Jtauv1\n9tQzMjqEgb0CGBDhT0SIzyX763Y0ctEq2lKjxcYPewtYtT2XugYLHm46JgztzrghPegX7ke3UL9O\nc5EohHBuNkXhk7VZKMCdiVFtcldWVowTnYZNUTiSW8GPB06z/3ipfeBaRIgPwwcEE9c/iL5hfp2q\n6P05uWgVbeV4QSUfrD5CcYUJb089N03ox+QR4Xh7uqkdTQjhgrYdPMOJ09WMHhTKoN4BbbJNKYJF\nh2dqsLDl4Bk27C2gpNIEQFigF2NiujF6UDe6BXqpnFCIjsNmU0j98QTf78gDYMrICG4c1xefLlL8\nCiHUUVvfyFebcvBw03F7fNtN6ylFsOiwquvMrNudz4Z9BZgarLjptYwb0p2Jw3rQr4dfh5+VQQhH\nq61v5N0VmWSeLCe0axfuu2EQAyK6qh1LCOHivvnvYLjbJkUS6OfZZtuVIlh0OHX1jXy/8xTr9xTQ\n0GjFz8uNaRN6M2l4uLRWCXGFqmrNvPbFfgoNtcRFBvHAzBi8POUjQgihrlPFNWzcX0hYoBeJ17Tt\nIjHyDic6DKvNxqb9p1mx9SRGUyP+Pu7cMrEfE4b2wN2tc02LJIQjVRobePWz/RSV1zFlRARzEgZ0\n6r7zQoiOwT4YTmm7wXDnkiJYdAg5p6tYmnaMU8VGPN113DKxHwmjeuIhxa8QV8XUYOGtLw9QVF5H\n8uhe3BYfKV2JhBBOIT2jiOzCKkZGhxDTN7DlH7hMUgQLp2ZutPLNlhOs3ZWPAoyNDePW+P74e8uc\npEJcLavNxrsrMjlVYmTSsB5SAAshnEZdfSNfbczG3U1LyuQB7bIPKYKF0zpVXMN732ZypqyO0IAu\n3DttING92mZaFCEErNh6kkMnyhjSL4g7p0ZJASyEcBrLt5ykuq6Rmyf0I8i/7QbDnUuKYOF0FEVh\nw75Clm04jsWqkDAyglsmRUrXByHa0OHcclZvzyPY35MHfxGDTtsxlwMXQnQ++SVGfthXQLeALiSN\n7tVu+5EiWDiVerOFJasOsyOzGF8vN+6bMZi4yCC1YwnRqRhNjSxZeRitVsNDN8bKLBBCCKehKAqf\nrj2GosAdiVG46dvvAl3e+YTTqKhpYNEne8kuqCIy3I+HZw0hwNdD7VhCdDpfb8qmqtbMLRP70a+H\nn9pxhBDCbkdmMVkFVQwfEMyQfu3bCCZFsHAK+SVG3vzyJyqNZsbFdefupOg2nwpFCAFZ+ZX8eOAM\nESE+7XqbUQghLpepwcKXG7Nx02uZM6V9BsOdS4pgobqs/Er+9vVBTA0W7r1hMONiuskAHSHagdVm\n4+O0Y2iAe5LlQlMI4VxWbD1JVa2ZWeP7Ety1S7vvT94BhaoyTpbx+rKfMDdauX/mYG6OHyAFsBDt\nZNuhIk6X1jIurjuR4f5qxxFCCLuCEiPr9xQQ0tWTadc65i6VtAQL1RzMKePvqYcA+M0tcTIAToh2\nZG60smLrSdz1WmaN76d2HCGEsFMUhU/XZWFTFO5IiMJN75jZoKQlWKjiSG45f089hFYDj98qBbAQ\n7e2HvQVU1DSQeE1PGXAqhHAqO48Ucyy/kmH9gxnaP9hh+5UiWDhcdmEVb//nEKDwm1vi2mUpRCHE\n/5gbrazZdYouHnqH3WYUQojWMDVYWLYhG71OS0pC+w+GO5cUwcKhzpTV8revDtBosfHrWbFSAAvh\nAFsPnaGmrpEpI8Px8nRTO44QQth9u+0kVUYz06/rRagDBsOdS4pg4TBVxgbeWHaA2noLv5w2kOED\nQtSOJESnZ7XZWLPzFG56LQkje6odRwgh7E4VVbN+TwHB/p5Mv663w/cvRbBwCHOjlcWphyirruem\n8X0ZF9dd7UhCuIQ9Rw2UVtUzLq47ft7uascRV6C+vp6EhARSU1PVjiJEm1EUhfe+OYTVpjAnYQDu\nbo4ZDHcuKYJFu1MUhY++P8qJ09VcHxvGDdf3UTuSEC7jh70FaICka6QVuKP65z//ib+/TGknOpfd\nR0s4mF1KXGQQwxw4GO5crZoibdGiRRw4cACNRsP8+fOJi4uzP/fpp5/y7bffotVqiY2N5fnnn2+3\nsKJjStuVz47DxUSG+3FPcrTMAyyEg+SXGMkurCK2XyChAV5qxxFXICcnh+zsbCZNmqR2FCHaTL35\nf4Ph5iSotz5Ai0Xwrl27yMvLY9myZeTk5DB//nyWLVsGgNFo5P3332ft2rXo9XrmzZvHTz/9xLBh\nw9o9uOgYjuZV8PWmHPx93HnkpiEOm/tPCAGb9hcCED88XOUk4kq98sor/OEPf2D58uWten1AgBd6\nB77PhoT4OmxfrSF5Ls1Z8ny0KpOKmgZmJ0QRG9VNtRwtFsHp6ekkJCQAEBkZSVVVFUajER8fH9zc\n3HBzc6Ourg4vLy9MJpPcshF2VcYG3v02E40Gfn1jLF19ZG5SIRzF1GBhe2YRAb4eMg93B7V8+XKG\nDRtGz56t78pSUVHXjomaCwnxxWCocdj+WiJ5Ls1Z8pwpq2X55hyC/Dy5dcqAds90qcK/xSK4tLSU\nmJgY++PAwEAMBgM+Pj54eHjwyCOPkJCQgIeHBzNmzKBv376X3J5cpTpXHmifTDabwtv/OUR1rZn7\nfhHL2BGtfxN3tmPkbHmEaI3dR0toMFuZNroXOq0M/+iINm3aRH5+Pps2baKoqAh3d3fCwsK4/vrr\n1Y4mxBVRFIXP1mVhtSmkTBmAp7seNcvyy142WVEU+9dGo5H33nuPNWvW4OPjwz333MPRo0cZOHDg\nRX9erlKdJw+0X6bV6bn8dNzA0Mggrh8U0up9ONsxckQeKbJFe0jPKALg+iFhKicRV+qtt96yf714\n8WLCw8OlABYd2t5jBjJzK4jtG8iIKHUGw52rxeaB0NBQSktL7Y9LSkoICWma3zUnJ4eePXsSGBiI\nu7s7o0aNIiMjo/3Sig4ht6ia5VtO0tXHnXkzBslAOCEcrLTKxLH8SqJ7diXY37GTzwshxIU0mK18\nseE4ep2GOxOjnKI2aLEIHjt2LGlpaQBkZmYSGhqKj48PAOHh4eTk5FBfXw9ARkYGffr0ab+0wumZ\nG60sWXkYq03hvhmD8fWSeUkrdgTWAAAgAElEQVSFcLQdmcUAjImVVuDO4je/+Q0333yz2jGEuGKr\n0nMpr24gaXQvugU6x2w1LXaHGDFiBDExMaSkpKDRaFiwYAGpqan4+vqSmJjIfffdx913341Op2P4\n8OGMGjXKEbmFk0r98QRnyupIGBkhSyILoQJFUUjPLEKv0zIqWlZlFEKor6i8jjU7TxHo58ENY/qo\nHceuVX2Cn3766WaPz+3zm5KSQkpKStumEh3S8YJK1u3Op1ugF7dOilQ7jsu61LzekydPJiwsDJ2u\naXDqa6+9Rrdu6k1PI9pefomRM2V1jIoOwcvTTe04QggX12ww3OQBeLg7z1Splz0wTogLMTda+eC7\nowDMmz5QleUPxaXn9T5ryZIleHt7q5RQtLc9xwwAXDNILm6EEOrbl1VKxslyBvcJYKST3Z2SeXNE\nm1i5PZfi8jqmjIpgQERXteO4rIvN6y1cx95jJbjrtQzpJ92RhBDqami08sUPWei0zjMY7lzSEiyu\nWoHByJqdpwjy8+CWCdINQk2Xmtf7rAULFlBYWMjIkSN56qmnWnxTkrm9O06eU0XVnCmrY8yQ7vQM\nD1A9jxqcLY8Qrmx1eh5l1Q1Mu7YX3YOc7w6kFMHiqtgUhY/XHMNqU7hzarRT9fURzef1BnjssccY\nP348/v7+PPLII6SlpZGcnHzJbcjc3h0nz7oduQDE9glwSO6Odnzaah9CiJYVV9SxZmceAb4ezBzb\nR+04FyTdIcRV2XrwDNmFVYyKDmFYf/UnvnZ1l5rXG2DWrFkEBQWh1+uZMGECWVlZasQU7WTvMQN6\nnYahkXIuCiHUoygKn68/jsWqMHtyfzzdnbPNVYpgccWMpka+3pSDh5uOlCkD1I4juPS83jU1Ndx3\n332YzWYAdu/ezYAB8u/WWZRWmcgvMTKodyBens75gSOEcA0/ZZdyMKeMQb0DuGZgqNpxLkreKcUV\n+2bLCYymRm6bFEmgn6facQQtz+s9YcIEZs+ejYeHB4MHD26xK4ToOA7mlAEwrH+QykmEEK7M3Gjl\n8/XHnXYw3LmkCBZXJL/EyKb9hXQP8iLxmp5qxxHnuNS83vfccw/33HOPoyMJBziQ3VQEx0lXCCGE\nir7bkUdpVT3Jo3vRI9j5BsOdS7pDiMvW1NcnC0WBOVMGoNfJn5EQamowWzmSV0FEiDdB/nJXRgih\njpJKE9/tOEVXH3enHQx3LqlexGXbl1XK0VOVxEUGEdtPbr0KobbDeeVYrDaGyuBUIYSKvlh/HIvV\nxu2T+9PFw/k7G0gRLC6LxWrjq43Z6LQaZk/ur3YcIQT/6wohs0IIIdRyILuUn7JLie7ZlWs7yIqV\nUgSLy7JxXyEllSbih4c75cTXQrgaRVHIOFmGt6eefj381I4jhHBBjRYrn63PQqvRcOdU5x4Mdy4p\ngkWr1dU38u22k3Tx0HWIvj5CuIIzZXWUVzcQ0zcQrbZjfPAIITqX73eewlBZT8KoCCJCfFr+ASch\nRbBotdXpedTWW5gxpg++Xu5qxxFCAJknywGI6ROochIhhCsqrTSxOj0Pf293bhzXV+04l0WKYNEq\n5dX1rN9bQICvBwkjI9SOI4T4r4yzRXBfKYKFEI73+Q/HabTYuD2+YwyGO5cUwaJVvt12kkaLjVnj\n+uLuplM7jhACaLTYOHaqgh7B3rJgjRDC4Q7mlLH/eClREf5cF9MxBsOdS4pg0aIzZbVsOXiG7kFe\nXD8kTO04Qoj/Ol5Qidlik64QQgiHa7TYzhkMF91hBsOdS4pg0aJvtpxEUeCWiZHotPInI4SzyJSu\nEEIIlaTtOkVJhYnJI8LpGdpxBsOdSyoacUmnimvYc7SEvt39GD5A5iAVwpkcyatAp9UQ3bOr2lGE\nEC6krKqeVdtz8fNyY9b4jjUY7lwdqwezcLhvfjwBwM0T+nXIWx1CdFa19Y3kFdUwIMIfD3fpp99Z\nmUwmnnvuOcrKymhoaODhhx8mPj5e7VjCxX2x4Thmi425SdF4ebqpHeeKSREsLiqnsIoDOWVE9ezK\n4D4BascRQpzjaF4lCjBI+gN3ahs3biQ2Npb777+fwsJC5s2bJ0WwUFXmyXL2HjPQP9yfMbEde5xQ\nq4rgRYsWceDAATQaDfPnzycuLs7+3JkzZ3jyySdpbGxk8ODB/PnPf263sMKxlm89CUgrsBDO6Ghe\nBQCDessFamc2ffp0+9dnzpyhW7eONwJfdB4Wq41P12Wh0cBdU6PQdvDaoMU+wbt27SIvL49ly5ax\ncOFCFi5c2Oz5v/zlL8ybN4+vv/4anU7H6dOn2y2scJzjBZVknixncJ8AoqS/oRBO53BeOe5uWlkq\n2UWkpKTw9NNPM3/+fLWjCBe2bnc+ReV1xA8Pp1c3X7XjXLUWW4LT09NJSEgAIDIykqqqKoxGIz4+\nPthsNvbu3csbb7wBwIIFC9o3rXCY5VuaWoFnjeunchIhxM9VGhs4U1ZHbL9A9DoZ3+wKvvjiC44c\nOcIzzzzDt99+e9G7cwEBXuj1jusjHhLiXIWQ5Lm0q8lTWmli5fZc/H3cuf+mOHzaaOVYNY9Ri0Vw\naWkpMTEx9seBgYEYDAZ8fHwoLy/H29ubl19+mczMTEaNGsVTTz11ye3JCepceeD8TJknyjiSV8Hw\nqBDGDHf86nDOdoycLY8Q0hXCdWRkZBAUFET37t0ZNGgQVquV8vJygoKCLvj6ioo6h2ULCfHFYKhx\n2P5aInku7WrzvLsig3qzlTlTBmCqbcBU26B6ptbu42Iue2CcoijNvi4uLubuu+8mPDycBx54gE2b\nNjFp0qSL/rycoM6TBy6c6d+rMgGYdm0vh+d1tmOk9gkqxIUcPVUJwMBeUgR3dnv27KGwsJDnn3+e\n0tJS6urqCAiQf3fhWEdyy9l1pIR+PfwYG9dd7ThtpsX7aKGhoZSWltofl5SUEBISAkBAQAA9evSg\nV69e6HQ6xowZw/Hjx9svrWh3xwsqOZJXQUyfAPqH+6sdRwhxAcdOVdDFQ0evbh1zgnrReikpKZSX\nl3PHHXfwwAMP8Mc//hGtLFokHMhitfHJuiw0dI7BcOdqsSV47NixLF68mJSUFDIzMwkNDcXHp+mN\nV6/X07NnT3Jzc+nTpw+ZmZnMmDGj3UOL9vPtf2eE+MW4jjv5tRCdWUVNA8UVJuIig2QFRxfg6enJ\n66+/rnYM4cLW7yngTFkdk4aH0yescw3EbbEIHjFiBDExMaSkpKDRaFiwYAGpqan4+vqSmJjI/Pnz\nee6551AUhaioKCZPnuyI3KId5JyuIjO3gkG9AxgQITNCCOGMjp1q6g8sXSGEEO2toqaBFdtO4tPF\njZsndL6B8q3qE/z00083ezxw4ED717179+bzzz9v21RCFSu35QLwi7F9VM0hhLi4s/2Bo3vJhaoQ\non19uTGbBrOVlOT++HTpuCvDXYzcSxMA5BXVcDCnjKgIf6KlhUkIp3UsvxJPd+kPLIRoX0fzKth5\nuJi+3X0ZP7SH2nHahRTBAoBV23MBuEFagYVwWmVVJorL64jq2VX6Awsh2o3FauPT9WcHw0V3qsFw\n55J3UUGBwcjeLAN9u/sR0ydQ7ThCiIvIPFEGQLSs4iiEaEcb9hZQaKhl/NAe9O3euQbDnUuKYMHq\n9DwAZl7f56KrEAkh1JeR01QER0l/YCFEO6k0NrB860m8PfXcMrHzDYY7lxTBLq7QYGTXkWJ6hvow\ntP+FVyASQjiHjBOleLjp6N1NFlgRQrSPrzZmU2+2cvPESHzbaGlkZyVFsIv7+ofjKArMGNNbWoGF\ncGLVtWbyi430D/dDr5O3biFE28vKryQ9s5je3XyZ2EkHw51L3kldWGmViY178+ke5MWo6FC144g2\nsmjRImbPnk1KSgoHDx5s9tz27du59dZbmT17Nu+8845KCcWVyMpvmhotSmZvEUK0A6vNxidrjwH/\nXRlO2/kbxqQIdmFrdp7CalOYfl1vl/hjdwW7du0iLy+PZcuWsXDhQhYuXNjs+ZdeeonFixfz+eef\ns23bNrKzs1VKKi7Xsf8WwTIoTgjRHjbsK6TAUMv4uO5EhvurHcchpAh2UVXGBn48cIbQQC+uHdxN\n7TiijaSnp5OQkABAZGQkVVVVGI1GAPLz8/H396d79+5otVomTpxIenq6mnHFZcjKr8Rdr+3UI7WF\nEOqoqjWzfMsJvDz03DIpUu04DtOqFeNE55O2Kx+L1cat8f2lf2EnUlpaSkxMjP1xYGAgBoMBHx8f\nDAYDgYGBzZ7Lz89vcZsBAV7o9bp2yXshISHONejLGfIY68wUGIzE9gumR3fnaqFxhuNzLmfLI0RH\n8PXGbEwNVu6aGoVfJx8Mdy4pgl2Q0dTIxv2FdPVxJ2F0Lyor6tSOJNqJoihXvY0KB/59hIT4YjDU\nOGx/LXGWPPuPG1AUiI0Mcoo8ZznL8TnLEXmkyBadTXZBFdsyiugV6sOkYeFqx3EoaQJ0Qev35NPQ\naCV5dC/cHNjCJ9pfaGgopaWl9sclJSWEhIRc8Lni4mJCQ2VAZEdwdlBcTD+ZxlAI0XZsNuWcwXDR\nLjc+SIpgF2NqsLB+TwE+XdyY6GJXfK5g7NixpKWlAZCZmUloaCg+Pj4AREREYDQaKSgowGKxsHHj\nRsaOHatmXNFKx05VotNqiO4tM0MIIdrOxv2FnCoxMnZIGP0jnKurlSNIdwgXs2FfAXUNFm6a0A8P\nd2kF7mxGjBhBTEwMKSkpaDQaFixYQGpqKr6+viQmJvLCCy/w1FNPATB9+nT69u2rcmLRElODhbzi\nGiLD/fF01+M8nQ+EEB1ZdZ2Zb348QRcPPbdN6q92HFVIEexCGhqtrN2dTxcPPVNGRKgdR7STp59+\nutnjgQMH2r++5pprWLZsmaMjiauQXViFosjUaEKItvX1phzqGizckTAAP2/XGQx3LukO4UJ+/Ok0\nNXWNTBkZgZenXP8I0REcOyXzAwsh2lZOYRVbD54hIsSH+BGu2zVSimAX0Wix8f3OPDzcdCSOklZg\nITqKY/kVaDUal5m8XgjRvmw2hU/WZQFNK8PptK5bCrrub+5ith48TaXRTPzwcHxdaA5AITqyBrOV\n3DM19A7zpYuH3L0RQly9zQdOk1dUw5iYMKJc/A6TFMEuwGK18d2OPNz0WpKu7aV2HCFEK2UXVmG1\nKQzs5dofVEKItlFTZyZ1cw5dPHTcHu86K8NdjDQtuIDtGUWUVTeQMCoCfxft/C5ER3T0VAUA0b1k\najRX9uqrr7J3714sFgsPPvggU6dOVTuS6KD+s/kEtfUWUqYMwN/HQ+04qpMiuJOzWG2sTs9Fr9Mw\n7dreascRQlyGY6cq0Wo0DHDB+TtFkx07dnD8+HGWLVtGRUUFN910kxTB4opknapgy4HThId4M9mF\nB8Odq1VF8KJFizhw4AAajYb58+cTFxd33mtef/11fvrpJ5YuXdrmIcWV25FZjKGynvgR4QT4ylWf\nEB1Fg9nKyTPV0h/YxV1zzTX2z1w/Pz9MJhNWqxWdTuZ5F61nUxTeTT2IAtyVGIVeJ71hoRV9gnft\n2kVeXh7Lli1j4cKFLFy48LzXZGdns3v37nYJKK6c1WZj1fZcdFoNM66TVmAhOhLpDywAdDodXl5e\nAHz99ddMmDBBCmBx2bYcOM3x/EquG9xNuledo8XmhfT0dBISEgCIjIykqqoKo9FoX4oV4C9/+Qu/\n/e1v+fvf/95+ScVl25FZTEmliUnDwwn081Q7jhDiMkh/YHGu9evX8/XXX/PBBx9c8nUBAV7o9Y4r\nkkNCfB22r9aQPOerqTOT+uNJunjoeOjWoQT5d1E7UjNqHqMWi+DS0lJiYmLsjwMDAzEYDPYiODU1\nldGjRxMe3rr+JXKCOiaP1Wrjux2n0Os0zJ0xmJAAL9UztZbkEQKO5lVIf2ABwJYtW3j33Xf5v//7\nP3x9L/1+VFFR56BUTe+NBoPzLOQteS7s47Rj1NSZmTczBpvZ4hSZznLEMbrUZ/hldzRTFMX+dWVl\nJampqXz44YcUFxe36uflBHVMni0HT3OmrJb44eFoLNaL7teVj1FrqH2CCtdkarBw8kwNfXtIf2BX\nV1NTw6uvvspHH31E167SNUZcntyiajbvL6RHsDczx/ejorxW7UhOpcV319DQUEpLS+2PS0pKCAkJ\nAZpGrZaXl3PnnXdiNps5deoUixYtYv78+e2XWLTIYrWxclvTjBAzxkhfYCE6mmP5ldgUhUG9pSuE\nq/vuu++oqKjgiSeesH/vlVdeoUePHiqmEh2BTVH4ZG0WCnBnwgAZDHcBLRbBY8eOZfHixaSkpJCZ\nmUloaKi9K0RycjLJyckAFBQU8Lvf/U4KYCew7dAZSqvqmTIiQvoCC9EBHclt6g88qHegykmE2mbP\nns3s2bPVjiE6oG0Hz3DidDWjB4UyqI+8l1xIi0XwiBEjiImJISUlBY1Gw4IFC0hNTcXX15fExERH\nZBSXodFi5dttubjptUyXVmAhOqQjeRW46bX0D/dTO4oQogOqrW/kq005eLjpuD2+v9pxnFarOps9\n/fTTzR4PHDjwvNdERETIHMFOYNNPp6moaSB5dC+ZF1iIDqi61kyBwcig3gG4OXAQsRCi8/jmxxMY\nTY3cNilS7ghfgnQQ6UQazFZWp+fh4a5j2nW91I4jhLgCZ6dGk/7AQogrcaq4ho37C+ke5EXiNT3V\njuPUpAjuRNbtyae61szUUT3x9XJXO44Q4gpkniwHYLD04RNCXCb7YDgF7pCV4VokR6eTMJoa+X5n\nHj5d3Ei+VlqBheiIFEUh42Q53p56+oTJ1HlCiMuTnlFEdmEVo6JDiJEL6RZJEdxJfJeeh6nByg3X\n95F5RYXooM6U1VFR00BM30C0Wo3acYQQHUhdfSNfbszG3U1LypQBasfpEKQI7gRKq0ys31tAkJ8H\n8cNl7kghOqqzXSGkBUcIcbm+2XKSmrpGZl7fRwbDtZIUwZ1A6o8nsFht3DwhUkaTC9GBZZwtgvtK\nESyEaL1TxTVs2FdAt4AuTL1GukS2lhTBHVxuUTU7Movp3c2Xa2O6qR1HCHGFGi02jp2qoEewt7Ti\nCCFaTVEUPl33v8Fwbnop7VpLjlQHpigKy37IBuD2+Ei0GulDKERHlVVQidlik64QQojLkp5ZxPGC\nKoYPCGZIvyC143QoUgR3YHuPGTiWX0lcZJAsiShEB3cguxSAof3lQ0wI0Tp19Ra+3JiDm17LHBkM\nd9mkCO6gGi1WvtyYjU6rYfZkWRJRiI5MURQOZJfi6a4jqmdXteMIITqIFVtPUl1rZsaY3gR37aJ2\nnA5HiuAOau3ufEqr6pkyMoLuQd5qxxFCXIWi8joMlfXE9g2Uye2FEK1SYDDyw94CQrt2YZqsD3BF\n5N22Ayqvrmfl9lx8vdz4xdg+ascRQlylA9llAAztH6xyEiFER6D8d2U4m6JwR+IAmRnqCkkR3AF9\nsSEbc6ONWydF4uXppnYcIcRVOpBdigZkUIsQolV2Hi4mK7+SYf2DiYuUi+crJUuLdTCZJ8vZc7SE\nyB5+jB3SXe04wok0Njby3HPPcfr0aXQ6HS+//DI9e/Zs9pqYmBhGjBhhf/zRRx+h00kLgpqMpkaO\nF1TRt4cfft7uascRQjg5U4OFZRuz0eu0pCTIYLirIUVwB2JutLJ07TE0GrhrarRMiSaaWbVqFX5+\nfrz++uts3bqV119/nbfeeqvZa3x8fFi6dKlKCcWF7D9uwKYojIgKUTuKEKID+HbbSaqMZn4xtg+h\nMhjuqkh3iA5kVXouJRUmEkf1pHeYr9pxhJNJT08nMTERgOuvv559+/apnEi0xt5jBgBGRksRLIS4\ntMLSWtbvKSDY35Pp1/VWO06HJy3BHUSBwcj3O04R6OfBrPF91Y4jnFBpaSmBgU3zRWu1WjQaDWaz\nGXf3/91iN5vNPPXUUxQWFpKUlMS9997b4nYDArzQO3DQRUiIc13gtWeeWlMjh3PL6dvDj9io1q34\n6ErH50o4Wx4h2oqiKHy2LgurTeGOhCjc3aQr29WSIrgDsNpsfLD6CFabwl1To/F0l382V/fVV1/x\n1VdfNfvegQMHmj1WFOW8n3v22Wf5xS9+gUaj4a677mLUqFEMGTLkkvuqqKi7+sCtFBLii8FQ47D9\ntaS986RnFmGxKgyNDGrVflzt+FwuR+SRIluoZffREo7kVRAXGcSwATIYri1INdUBrN2VT25RDWNi\nujFMplASwG233cZtt93W7HvPPfccBoOBgQMH0tjYiKIozVqBAebMmWP/+rrrriMrK6vFIli0nz1H\nSwAYFR2qchIhhDOrN1tYtqFpMNwdMhiuzUifYCdXaDDyzZaT+Hm7MychSu04womNHTuWNWvWALBx\n40auvfbaZs+fOHGCp556CkVRsFgs7Nu3jwED5M1ULbX1jRw6UUZ4sDc9gmXBGyHExa3cnktFTQPT\nru1FaICX2nE6DSmCnZjFamPJysNYrDbuSYrGp4vMCSwubvr06dhsNubMmcOnn37KU089BcC//vUv\n9u/fT79+/QgLC+PWW29lzpw5TJw4kbi4OJVTu67dR0uwWBWui2ldX2DhurKyskhISOCTTz5RO4pQ\nwZmyWtbuyifIz5PpY2QwXFtqVXeIRYsWceDAATQaDfPnz2/2wbljxw7eeOMNtFotffv2ZeHChWi1\nUlu3heVbTnKqxMj4uO4Ml+mTRAvOzg38cw888ID962eeecaRkcQl7MgoQgOMiQlTO4pwYnV1dbz4\n4ouMGTNG7ShCBYqi8Ol/B8PNSRiAhwyGa1MtVqu7du0iLy+PZcuWsXDhQhYuXNjs+T/+8Y+8/fbb\nfPHFF9TW1rJly5Z2C+tKMnPL+X5HHsH+nqRMkVvWQnQmpZUmsgqqiO7VlUA/T7XjCCfm7u7OkiVL\nCA2VfuOuaO8xA4dzK4jtF8hwGQzX5lpsCU5PTychIQGAyMhIqqqqMBqN+Pj4AJCammr/OjAwkIqK\ninaM6xqqas3838rDaLUaHroxli4eMn5RiM4kPbMIkFZg0TK9Xo9e3/rPAJnSsPPkqW+w8OWmHPQ6\nLY/ePpzQEB9V87QXNTO1eGaVlpYSExNjfxwYGIjBYLAXvmf/X1JSwrZt23j88ccvuT05QS+dx2pT\n+Nt/tlNVa2bezBiuHRqueiZHkzyiM7PZFH48cAZ3Ny2jBkrrnmhbMqVh58nzn805lFaamDGmN+4o\nV/27OdvxAfWnNbzsJsYLzT1aVlbGQw89xIIFCwgICLjkz8sJeuk8/9mcw4HjpQzrH8z1g0Md8sfR\n0Y6RI6l9gorOJ+NkGWXV9UwY2kPu8gghLqiovI41O5sWyLphTB+143RaLfYJDg0NpbS01P64pKSE\nkJD/DdIyGo3cf//9PPHEE4wbN659UrqIvccMrE7PI7RrF351wyC0Go3akYQQbWzjvkIA4oe3/10e\nIUTHc+7KcCmTB+DhLoPh2kuLRfDYsWNJS0sDIDMzk9DQUHsXCIC//OUv3HPPPUyYMKH9UrqAvKIa\nlqzKxMNNxyM3D8HLU6ZDE6KzKa0ycTCnjL7d/egdJncARMsyMjKYO3cu33zzDR9//DFz586lsrJS\n7ViiHe3LKiXjZDkxfQIYGS0zQ7WnFu/FjRgxgpiYGFJSUtBoNCxYsIDU1FR8fX0ZN24cy5cvJy8v\nj6+//hqAG264gdmzZ7d78M6k0tjA4tSDmBttPHrzEHqGXn3ndyGE89mwrxAFaQUWrRcbG8vSpUvV\njiEcpKHRyhc/HEen1XBHYhQauSPcrlrVIe3pp59u9njgwIH2rzMyMto2kYsxNVh468sDlFc3cMvE\nfoyQ+YCF6JTq6hvZtL8Qf293rh0sA+KEEOdbnZ5HWXU9067rRfcgWUmyvcmqFipqtNh455tDnCox\nMmlYD6ZfJyvBCNFZbdxfSL3ZytRreuLmwBlyhBAdQ3FFHWt25hHg68HM6/uoHcclSBGsEovVxrsr\nMjicW8Gw/sHcOVVuewjRWTVarKzbU0AXDx0Th0lXCCFEc4qi8Pn641isCrMn98fTXWaOcQQpglVg\ntdl4f/UR9h8vZVDvAH49KwadLDUtRKe1cV8h1bVm4odH4OUpH25CiOZ+yi7lYE4Zg3oHcI3MH+4w\n8m7sYBarjX+tPMyeoyX0D/fnN7cMkVujQnRidfUWVm7PpYuHnuRre6kdRwjhZMyNVj5f3zQY7k4Z\nDOdQ0vzoQPVmC//4JoM9R0uI6tmV394+VG55CNHJfb8zj9p6C9Ov64VPF5n6UAjR3Hc78iitqidx\nVE96BMtgOEeSCsxBjKZG/vrFTxzJbZr779Gb42QCbCE6udJKE+t259PVx52EUT3VjiOEcDIllSa+\n23EKfx93Zo7to3YclyNFsAMUldfxt68OUFxh4trB3bhvxiD0OmmEF6IzUxSFT9ZlYbbYmDsxEg83\nuegVQjT3+bosLFYbsyf3l2XUVSBHvJ1lnCjjvW8zqa23cEt8f6aN7inLIQvhAvYeM9gHulwfG6Z2\nHCGEk/kpu5QDOWVE9+zKtYO6qR3HJUkR3E5sNoWV23P5dutJdDoN86YP4qYpURgMNWpHE0K0sypj\nA5+sPYZep+XupGgZ6CKEaKbRYuXz9VloNRqZIlVFUgS3g/Lqev618jBZ+ZUE+Xny8E2x9O3up3Ys\nIYQD2BSFJasOU13XSMrk/nQL9FI7khDCyXy/4xSGynqmXtOTiBAfteO4LCmC25CiKGw9eIYvNhzH\n1GBlZFQI90wbKCPChXAhq7bncji3gqGRQSReI4PhhBDNlVaaWL0jD39vd24c11ftOC5NiuA2cqas\nlk/XZXE4twJPdx2/nDaQ8XHd5RaHEC5kx+Eilm85SaCfB/NmDJLzXwhxns9/OE6jxcbt02QwnNrk\n6F+luvpGVqXnsW53PlabQlxkEHcnRRPo56l2NCGEAx3JLeeD1Ufo4qHjiduG4uvlrnYkIYSTOZhT\nxv7jpURF+HPdYBkMp8oySzgAAAxrSURBVDYpgq+QudHKhn2FfLcjD6OpkSA/D1KmRDEiKlhaf4Rw\nMRknyliceghFgYdvGiJ9/IQQ52m02Pjsv4Ph7poqA2adgRTBl8nUYGHTT4Ws3ZVPVa2ZLh46bpnY\nj8RRPXGXeUCFcDnpGUV8+P0RQMNvbokjpk+g2pGEEE5oza5TlFSYSBgVQUSoXCg7AymCW6movI4N\n+wrYevAM9WYrnu46ZozpTdJoWQpVCFdksdr4z+Yc0nbl08VDxyM3DWGwFMBCiAsorTKxensufl5u\nzJLBcE5DiuBLMDVY2HOshG2HisjKrwSgq487M8b0Jn54OF6eUvwK4YpOFdfw/uoj5JcYCQv04je3\nDKF7kLfasYQQTmrZD9lNq0cmRUvt4ESkCP4Zo6mRQyfK2HvMwKETZTRabAAM6h3AxGE9GBEVIkse\nC+GiqmrNrNh6ks0/FaIoMGFod2ZPHiAjvIUQF5Vxsoy9WQb6h/szRlaPdCou/85tsdrILarhSG45\nmSfLyS6sxqYoAHQP8uK6wd24NiaM0K5dVE4qhFBLYWktP+xt6g5lsdroHuTFnCkDiO0XpHY0IYQT\ns1htfLbuOBoN3DU1Cq0MhnMqLlUEK4pCpdFMblE1J89Uk1NYTc7pKsyNTa29GqBfDz/i+gczIiqE\n8GC5vSmEqyqtNLH9SAkbd58i53Q1AMH+nky/rjfj4rrLHSEhRIvW7s6nqLyOySPC6dXNV+044mc6\nZRGsKArVtWZKaswcyTFwurSO06VG8kuMVNc1NntteLA3Ub26MqhXAAN7B8ggN9Gh7dq1i8cff5xF\nixYRH///27vD2CYLPI7j36dd13Xruq3SITvIHQyIyU4YO3cvIMydDiWGmKAO6kUvoglvyBIMJuh4\nMWMICbwgQUWNEQkvjLd0EsHEE2NO7/AccogHQjSBJcfmIbDiutGt69b2uReDwtjWwYA9D+vvEyDr\n84SnP2h+ff5tn6fPn0as379/P3v27MHhcLBq1Srq6+stSGk/g4kUv1zs5cy5S7Sd7ean9ggXumLA\n0Ivj38/2U7OwjEXzp+F0aPiVybVlyxaOHTuGYRg0NjayYMECqyPJDQhHYnzyr//i9bhYWTPH6jgy\nihsagjMV8JtvvmH79u04nU5qampYt27dHQsLkDJNemOD9PQOEOkdoDsap+tSnF8vxfm1u59wTz/h\nSD/xweSIv3uPL49F84r47b2FzJ7hY06ZjwIdoC5TRHt7O7t376aqqmrU9X19fezcuZOWlhZcLhdP\nPfUUy5Yto7i4eJKTTh7TNOkfSBKLJ4jGBrnUN0h3b5xIdICLPf1c7O7n/K99dEb604dBAeTlOqmc\nO43Flb9h3r1eirxuC/8Vks0OHz7MmTNnaG5upq2tjcbGRpqbm62OJTdg1/4TxAeT/LlunmYNmxp3\nCB6vgJs3b2bXrl1Mnz6dZ555hkcffZS5c+dOOND/OqMc/vECffEEff2JoZ1X/yC9sUGil39fs68a\nweN2UlriobTEw+/KivB5cii7p4CyaQU6eUWmtEAgwJtvvsmmTZtGXX/s2DHuv/9+CguHPpKrqqri\n6NGjPPTQQxO+z/6BBP/8z1n6B5NwTS+v/GheV9YrN83Lf5rm0DITE0zweHLp7Yunl6dME9M0SZmQ\nSpmkUibJlEnKNEkkUySTJolUikQixWAyxeBgingixcBgkvhAkthAIuPzBYDX42JOmY+ZgQJmTS9k\nzgwfM0sLcDocBAKFdHZemvD/j8itam1tpa6uDoDy8nK6u7uJRqN4vRP7ntkjP13g7MXe25KtoMBN\nb2/8tmzrdrBTnlg8wdfHzjKnzMeSBTOsjiNjGHcqzFTAjo4OioqKmDFj6AF+8MEHaW1tvaUh+MC/\nO/j6+C/DlhkGFOS58HpcTPfn48vPxZfvosjrpsibS4nXjd+Xh9/nJt+dk74Ki3Zgkk08nswnb4bD\nYfz+q99j6/f76ezsHHe7JSX55OSMfiGYIz+e569/P31zQe8Qp8Mg1+XE7XKS53ZS5HXjceeQn5eD\n15NLYb4Ln9dNSeHQ88W04qEXy95xLm8cCNjrOD7lycxueW5VOBymoqIifftKb8cagjP1NZky2f23\nfxCLj/ykVG4/h8OgYdUippf6rI6SZsd+WJlp3CE4UwE7OztH7FQ7Ojoybi9TQQEaVi9ixdJyPO4c\nCjwuCjwu8t05OBwTO6PSbg+43fKA/TIpz/hCoRChUGjYsoaGBpYuXXrD27j+XdqxdHX1jblu1j0e\nNv3lD8QHhnaqw1p6+cWoMfzmNasNDAMMDC7/wu8vIBLpSy83DHAYBobDwOkwcBjgdDhwOAycToMc\nh0GO00GO0zGh54hYb5xYhneO7PZCWnkym4w8Vj8fjNfbTH0FaFrzR8KR2G3JUlyUT6Q78/1NJrvl\nmT2rBI/TsE1H7NZXsL6zN318wI3uOMcyXkEBSgsvvzOTTBKLJolFJ3ZfdnvA7ZYH7JcpG/NMZKda\nX19/0ye1lZaWEg6H07cvXLhAZWXlTd/3tRyGQXlZ0S1t41qBQCGdHh22JHLFaL0NBAIT316x57Z9\n5Wc2Pl/fDLvlkZHGPc05UwGvX3f+/HlKS0vvQEwRuVULFy7khx9+oKenh97eXo4ePcoDDzxgdSwR\nyWDJkiUcOHAAgJMnT1JaWjrh44FFZLhxh+BMBZw5cybRaJSff/6ZRCLBl19+yZIlS+5sYhEZ1Vdf\nfcWzzz7LwYMH2b59O88//zwA7777Lt9//z15eXls2LCBF154gTVr1rBu3br0SXIiYk9VVVVUVFQQ\nDAbZvHkzTU1NVkcSmTLG/dzx2gIahkFTUxN79+6lsLCQZcuW8eqrr7JhwwYAHnvsMWbPnn3HQ4vI\nSLW1tdTW1o5Yvnbt2vTPy5cvZ/ny5ZOYSkRu1UsvvWR1BJEp6YYOvru+gPfdd1/65+rqan1noYiI\niIjcVXTpIxERERHJOoZ5q1/3ICIiIiJyl9E7wSIiIiKSdTQEi4iIiEjW0RAsIiIiIllHQ7CIiIiI\nZB0NwSIiIiKSdTQEi4iIiEjWyYohOBwOU11dzbfffmtpjkQiwcaNG3n66adZtWoVR44csSzLli1b\nWL16NcFgkOPHj1uW44pt27axevVqnnzyST7//HOr4wDQ399PXV0de/futTpKVlFfR7JbX0GdlavU\n2ZHs1ln1dXQ3dMW4u922bduYNWuW1THYt28fHo+HDz/8kFOnTvHKK6/Q0tIy6TkOHz7MmTNnaG5u\npq2tjcbGRkuv+nfo0CFOnTpFc3MzXV1drFy5kkceecSyPFe8/fbbFBUVWR0j66ivw9mtr6DOynDq\n7HB266z6OrYpPwS3trZSUFDA/PnzrY7C448/zooVKwDw+/1EIhFLcrS2tlJXVwdAeXk53d3dRKNR\nvF6vJXmqq6tZsGABAD6fj1gsRjKZxOl0WpIHoK2tjdOnT1NbW2tZhmykvo5kt76COitXqbMj2a2z\n6uvYpvThEAMDA+zcuZMXX3zR6igAuFwu3G43AHv27EmXdbKFw2FKSkrSt/1+P52dnZZkAXA6neTn\n5wPQ0tJCTU2NpeUE2Lp1Ky+//LKlGbKN+jo6u/UV1FkZos6Ozm6dVV/HNmXeCQ6FQoRCoWHLampq\nqK+vx+fz2SJPQ0MDS5cu5YMPPuDkyZO88847k55rNHa5cvYXX3xBS0sL77//vqU5Pv74YyorK23x\n8d5Upb5OnF36CupsNlFnJ84unVVfRzJMuzw6d0AwGCSVSgHQ3t6O3+9nx44dzJs3z7JMoVCIzz77\njLfeeiv9inWyvfHGGwQCAYLBIAAPP/ww+/bts/Tj1YMHD7Jjxw7ee+89iouLLcsBsH79ejo6OnA6\nnZw7d47c3Fxee+01Fi9ebGmuqU59HZ0d+wrqrKizY7FjZ9XXMZhZYuPGjeahQ4cszdDe3m4+8cQT\nZl9fn6U5vvvuO/O5554zTdM0T5w4YQaDQUvz9PT0mCtWrDDD4bClOUbz+uuvmx999JHVMbKO+nqV\n3fpqmuqsjKTOXmW3zqqvY5syh0PcDUKhEJFIhLVr16aX7dq1i9zc3EnNUVVVRUVFBcFgEMMwaGpq\nmtT7v96nn35KV1cX69evTy/bunUrZWVlFqaSbKe+jk2dFTtSZ0envo5tSh8OISIiIiIymin97RAi\nIiIiIqPRECwiIiIiWUdDsIiIiIhkHQ3BIiIiIpJ1NASLiIiISNbRECwiIiIiWUdDsIiIiIhkHQ3B\nIiIiIpJ1/g/ylg2C5AOf5gAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "gWv-RU46k2UL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Initializing weights" + ] + }, + { + "metadata": { + "id": "1hDPBE0sk2mJ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "So far we have been initializing weights with small random values and this isn't optimal for convergence during training. The objective is to have weights that are able to produce outputs that follow a similar distribution across all neurons. We can do this by enforcing weights to have unit variance prior the affine and non-linear operations.\n", + "\n", + "A popular method is to apply [xavier initialization](http://andyljones.tumblr.com/post/110998971763/an-explanation-of-xavier-initialization), which essentially initializes the weights to allow the signal from the data to each deep into the network. We're going to use this in our models with PyTorch.\n", + "\n", + "You may be wondering why we don't do this for every forward pass and that's a great question. We'll look at more advanced strategies that help with optimization like batch/layer normalization, etc. in future lessons." + ] + }, + { + "metadata": { + "id": "SOYptFo7k-JI", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Multilayer Perceptron \n", + "class MLP(nn.Module):\n", + " def __init__(self, input_dim, hidden_dim, output_dim):\n", + " super(MLP, self).__init__()\n", + " self.fc1 = nn.Linear(input_dim, hidden_dim)\n", + " self.fc2 = nn.Linear(hidden_dim, output_dim)\n", + "\n", + " def init_weights(self):\n", + " init.xavier_normal(self.fc1.weight, gain=nn.init.calculate_gain('relu')) \n", + "\n", + " def forward(self, x_in, apply_softmax=False):\n", + " a_1 = F.relu(self.fc1(x_in)) # activaton function added!\n", + " y_pred = self.fc2(a_1)\n", + "\n", + " if apply_softmax:\n", + " y_pred = F.softmax(y_pred, dim=1)\n", + "\n", + " return y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "9ijvHwcZg8mO", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Overfitting" + ] + }, + { + "metadata": { + "id": "FIhvdD_zg8os", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Though neural networks are great at capturing non-linear relationships they are highly susceptible to overfitting to the training data and failing to generalize on test data. Just take a look at the example below where we generate completely random data and are able to fit a model with [$2*N*C + D$](https://arxiv.org/abs/1611.03530) hidden units. The training performance is great but the overfitting leads to very poor test performance. We'll be covering strategies to tackle overfitting in future lessons." + ] + }, + { + "metadata": { + "id": "uRdM16NhazJP", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " seed=1234,\n", + " num_samples_per_class=40,\n", + " dimensions=2,\n", + " num_classes=3,\n", + " train_size=0.75,\n", + " test_size=0.25,\n", + " num_hidden_units=2*40*3+2 , # 2*N*C + D\n", + " learning_rate=1e-3,\n", + " regularization=1e-3,\n", + " num_epochs=1000,\n", + ")\n", + "\n", + "# Set seed for reproducability\n", + "np.random.seed(args.seed)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "qf00Biq6g8ty", + "colab_type": "code", + "outputId": "fb7c0f5c-b15e-402e-ebce-a0260118aaea", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Generate random data\n", + "X = torch.randn(args.num_samples_per_class*args.num_classes, args.dimensions).float()\n", + "y = torch.LongTensor([[i]*args.num_samples_per_class \n", + " for i in range(args.num_classes)]).view(-1)\n", + "print (\"X: {0}\".format(np.shape(X)))\n", + "print (\"y: {0}\".format(np.shape(y)))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "X: torch.Size([120, 2])\n", + "y: torch.Size([120])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "-bA9vK9SWkjh", + "colab_type": "code", + "outputId": "4d304402-2504-4c3d-9388-5260c0868df0", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Shuffle data\n", + "shuffle_indicies = torch.LongTensor(random.sample(range(0, len(X)), len(X)))\n", + "X = X[shuffle_indicies]\n", + "y = y[shuffle_indicies]\n", + "\n", + "# Split datasets\n", + "test_start_idx = int(len(X) * args.train_size)\n", + "X_train = X[:test_start_idx] \n", + "y_train = y[:test_start_idx] \n", + "X_test = X[test_start_idx:] \n", + "y_test = y[test_start_idx:]\n", + "print(\"We have %i train samples and %i test samples.\" % (len(X_train), len(X_test)))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "We have 90 train samples and 30 test samples.\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "w-_8b7AlaFdY", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Multilayer Perceptron \n", + "class MLP(nn.Module):\n", + " def __init__(self, input_dim, hidden_dim, output_dim):\n", + " super(MLP, self).__init__()\n", + " print \n", + " self.fc1 = nn.Linear(input_dim, hidden_dim)\n", + " self.fc2 = nn.Linear(hidden_dim, output_dim)\n", + "\n", + " def init_weights(self):\n", + " init.xavier_normal(self.fc1.weight, gain=nn.init.calculate_gain('relu'))\n", + "\n", + " def forward(self, x_in, apply_softmax=False):\n", + " a_1 = F.relu(self.fc1(x_in)) \n", + " y_pred = self.fc2(a_1)\n", + "\n", + " if apply_softmax:\n", + " y_pred = F.softmax(y_pred, dim=1)\n", + "\n", + " return y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "xozz2bBoWkmq", + "colab_type": "code", + "outputId": "be6b5de8-f06e-4407-c872-5b5fd3b6d164", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Initialize model\n", + "model = MLP(input_dim=args.dimensions, hidden_dim=args.num_hidden_units, \n", + " output_dim=args.num_classes)\n", + "print (model.named_modules)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "bXnkWoPaWkpe", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Optimization\n", + "loss_fn = nn.CrossEntropyLoss()\n", + "optimizer = optim.Adam(model.parameters(), lr=args.learning_rate)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "zgayj4E1WksH", + "colab_type": "code", + "outputId": "ebba47f1-25de-4a51-f6d8-cda697c500ea", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 187 + } + }, + "cell_type": "code", + "source": [ + "# Training\n", + "for t in range(args.num_epochs):\n", + " # Forward pass\n", + " y_pred = model(X_train)\n", + "\n", + " # Accuracy\n", + " _, predictions = y_pred.max(dim=1)\n", + " accuracy = get_accuracy(y_pred=predictions.long(), y_target=y_train)\n", + "\n", + " # Loss\n", + " loss = loss_fn(y_pred, y_train)\n", + " \n", + " # Verbose\n", + " if t%100==0: \n", + " print (\"epoch: {0:02d} | loss: {1:.4f} | accuracy: {2:.1f}%\".format(\n", + " t, loss, accuracy))\n", + "\n", + " # Zero all gradients\n", + " optimizer.zero_grad()\n", + "\n", + " # Backward pass\n", + " loss.backward()\n", + "\n", + " # Update weights\n", + " optimizer.step()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "epoch: 00 | loss: 1.1201 | accuracy: 35.6%\n", + "epoch: 100 | loss: 0.9448 | accuracy: 51.1%\n", + "epoch: 200 | loss: 0.8145 | accuracy: 66.7%\n", + "epoch: 300 | loss: 0.7117 | accuracy: 72.2%\n", + "epoch: 400 | loss: 0.6309 | accuracy: 76.7%\n", + "epoch: 500 | loss: 0.5663 | accuracy: 80.0%\n", + "epoch: 600 | loss: 0.5146 | accuracy: 82.2%\n", + "epoch: 700 | loss: 0.4734 | accuracy: 82.2%\n", + "epoch: 800 | loss: 0.4378 | accuracy: 83.3%\n", + "epoch: 900 | loss: 0.4063 | accuracy: 85.6%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "p3OJLNwuZxtk", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Predictions\n", + "_, pred_train = model(X_train, apply_softmax=True).max(dim=1)\n", + "_, pred_test = model(X_test, apply_softmax=True).max(dim=1)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "_LU9Wzt0ZxwI", + "colab_type": "code", + "outputId": "0586e063-e940-495b-b872-ace35455a4cb", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Train and test accuracies\n", + "train_acc = get_accuracy(y_pred=pred_train, y_target=y_train)\n", + "test_acc = get_accuracy(y_pred=pred_test, y_target=y_test)\n", + "print (\"train acc: {0:.1f}%, test acc: {1:.1f}%\".format(train_acc, test_acc))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "train acc: 87.8%, test acc: 43.3%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "rpSoAEdGWku5", + "colab_type": "code", + "outputId": "85df95a1-c511-407b-f28e-e92cbc08a214", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Visualize the decision boundary\n", + "plt.figure(figsize=(12,5))\n", + "plt.subplot(1, 2, 1)\n", + "plt.title(\"Train\")\n", + "plot_multiclass_decision_boundary(model=model, X=X_train, y=y_train)\n", + "plt.subplot(1, 2, 2)\n", + "plt.title(\"Test\")\n", + "plot_multiclass_decision_boundary(model=model, X=X_test, y=y_test)\n", + "plt.show()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAsYAAAE+CAYAAACOQdZcAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xl0nPWd7/n3U/XUptJS2mVZtmRh\nzGZwsOUkWGALhy20c5rp4JjOJUPauZ05tzOHNhD63OSSxnfg5AzQwQ65PSEN7aQ7ntMhphOm20na\n7gREAmYzdgxms2XZsiVbW2kr1b4880epSlVSlVSSqlSLvq9zyIke1fIruZZP/Z7f7/tVNE3TEEII\nIYQQYonTZXsAQgghhBBC5AIJxkIIIYQQQiDBWAghhBBCCECCsRBCCCGEEIAEYyGEEEIIIQAJxkII\nIYQQQgCgZnsAQszVo48+yltvvQXAhQsXqKmpwWQyAfDiiy9SXFyc0u3ccccd7N+/n6qqqoyNVQgh\nRFi63rsjfv7zn/OlL30p7eMUS5sidYxFPtu6dStPPvkkLS0t2R6KEEKIFC30vdvv99Pa2srbb7+d\n5pGJpU6WUoiC8pWvfIU9e/bw+c9/nmPHjjE4OMjXvvY17rjjDrZu3cqPf/zj6GWvuOIKent7eeut\nt9ixYwff+973+PznP8/WrVvlzVYIIRbRxYsX+frXv87tt9/O7bffzh/+8AcAAoEA3/rWt7jjjju4\n5ZZbuP/++3E6nXz1q19lbGyMO+64g4sXL2Z59KKQSDAWBefkyZP86le/Yv369fzwhz+koaGB//iP\n/+Cf/umf+N73vselS5emXefDDz9k3bp1/OY3v+HLX/4yP/zhD7MwciGEWJr+5m/+huuuu45Dhw7x\n7LPP8s1vfpPR0VHa29vp7+/nN7/5Df/5n/9JU1MTJ06c4Lvf/S4Gg4H/+I//oL6+PtvDFwVEgrEo\nOFu2bEGnCz+1H3nkEb7zne8AsGLFCqqrq+nu7p52HavVyi233ALANddcIzMQQgixSBwOB0ePHuWr\nX/0qAKtWreJTn/oUv//976moqOCTTz7hd7/7HW63mwcffJBNmzZld8CioMnmO1FwysrKov///fff\nj84S63Q6BgYGCIVC065TUlIS/f86nS7hZYQQQqSfw+FA0zTuvvvu6DGXy8XmzZv5whe+wLe//W1+\n8pOf8PDDD/O5z32ORx99NIujFYVOgrEoaA8//DD33Xcff/7nf46iKNx0003ZHpIQQogYVVVV6HQ6\nXnrpJcxm87Tf33nnndx5550MDw/zrW99ix//+Mf86Z/+aRZGKpYCWUohCprdbmft2rUoisIvf/lL\n3G43Lpcr28MSQggxwWg0ctNNN/Gzn/0MCM8Wf+tb36Kvr48DBw7wox/9CIDy8nJWrVqFoiioqkow\nGJT3c5F2EoxFQfvrv/5rvvGNb/CFL3wBl8vFjh07+M53vsP58+ezPTQhhBATHnvsMY4cOcIdd9zB\nn/3Zn9HU1ERtbS233HILx48f57bbbuPzn/88XV1d3HfffdTV1XHdddexZcsW3nvvvWwPXxQQqWMs\nhBBCCCEEMmMshBBCCCEEIMFYCCGEEEIIQIKxEEIIIYQQgARjIYQQQgghAAnGQgghhBBCADnU4OPr\nT76y6Pep6nUEgvnd4awQHgPEP44+j5PL2txsa/Zyo7k4yyObG1XVEQgs7r/Ha55xDnaaONNuodZs\nXfDtFeJzKtP+4W9uXpT7ySWZfM/OxnOwz+NEI8jqNg/bmv20VKqYndObTcwmG+8B6STjz665jN9j\n9XDUrrF3XxF15tIMj2x2+fbZkex9O2eCcVYoSrZHsHCF8BigYB6HQgE8jgL5t1isx9HrGVuU+1lS\nsvAcjHyp7GiHgwD4aan0zDkc5/t7QDrGP/xeD2On+qnbugZTxcK/rM+F/P2zqEA+O5Z2MBZCiAXo\n9Yyxus2T7WGINKozly44HC9VPoeHd/7bz+j/fQdBtx9zbSmr7vs01zx8a7aHJkTKZI2xyH16PboS\nK2p5KfqyEnQW+ZASuWNbc/6cOhSpUdAT/njUZ3soeeW9v/0Vlw59RNDtB8DTN8Yn32/n4uGPsjwy\nIVInwVjkNkVBX2JFbzKi6PXoDCq6IrOEYyGEyDH2t85OOxbyBrj46w+yMBoh5keCschJHe1GDnYa\nCJXq0KnxszaKoqCYDFkamZgrTdMYueTg0seDjA04sz2ctOnzRB5LMKvjEJkRfg+Sj8i50EJa4l8k\nOy5EDpJXvcg5tWYrCno62k2805/4Kaoo8tTNB8FAiNOvXaDjSDc9Hwxw+rXzdLzZTSjPPygnKxi4\naamUrRqFZvI9yMzud8KVX8TsKloapx1TDDrqbrsyC6MRYn4kXYicFP5gUjl2NPEuVy0os3S5JhQM\n4Rr1EIwpNdTzwQBj/ZOzxFoIRnoc9J2yZ2OIaREOxQFWt7nZvRHZmFWgJsOxhYOdqoTjFKz7v/6E\n6s2rUQzhaGEsL+Lyr99Iw7ZrszwyIVInUx0iZ9WarbS/5+SWG71cXWmKHteCQUJubxZHJqa6+NEg\n9q5hvM4ABotKRUMpDdfW4BxyJbz8uD3x8VwXCcW7do7Pu85trnK73fz3//7fsdvteL1e/uqv/oqb\nb1569Zlj1ZqtE0tm9ICGxyoVKmZiqrCy+cX/Sv/vOxg73U/9bVdhXVmR7WEJMScSjEVOC2nwkw9H\n+a9rjawqMaLz68KhOCSVAHLFYNcIFz8agInVEX53gL7TQxjMKoou8Yy/osu/k1XhesVaQYZigFde\neYW1a9fyl3/5l/T09LBz584lH4zF3CmKQu2Wy6ndcnm2hyLEvEgwFjkvqEGP08Uys7vgwkghGLk4\nHg3FsUZ7xymttTI+6J72u7K6/OpoGKlXvJCOaLnuzjvvjP7/S5cuUVtbm8XRCCFEdkgwFkIsSDCQ\neL13KBhi2RVV+NwBRrodBHxBDGaVypVlVDWVLfIo5yddbYLzyT333ENvby/PPvtstoeSE2rNVjra\ng+xtN0ycLZDlFEIUMgnGQoh56z1txz2SuPObtdyCoig0Xb8M/1VVuMd8FJWbUQ350TRhaii+0VwM\nhVNtLqmf/exnfPTRRzz88MP827/9G0qSNq+qXpfRFrCqmjvPk4bici46x9i7r5gHdjppqfRS7C1K\nenlDDo19PmT82ZXq+L0o0ZdgrrxecmUcCyHBWAgxL0Pdo/Sc7EdLsNy7pMpC/dVV0Z8NZgMGc/7U\nno4tx7atORAOxQXu5MmTVFZWsmzZMq666iqCwSBDQ0NUVlYmvHwgmLl1/qqqJ5DkTES21JjCG/H2\n7LOyus3D7o3OhDPHBlWPP8fGPhcy/uyay/g1k4amhdex5cLrJRdft/ORfztghMgEVY9iNkIebgrL\nluFuR8JQbC42smZzI6oxP793x4bi3RtZEqEY4OjRo+zbtw+AwcFBXC4X5eXlWR5VbomUkexot7D7\nHfBYE58tEULkL0kBYsnTl1hRy0pQi62othJ0Vku2h5QXQklmDHUGXdLT77luKdcovueeexgaGuLL\nX/4yX//61/nbv/1bdPJFcZrY+sbS/EOIwpOfUzpiSeloN3KQEC2V6e+WprNa0JmM0Z8VnQ6d2YQW\nCKJ5fWm/v0JSZLMw2jt90W2RLT/DZGSmeNdONy2VypIKxQBms5nvfe972R5GXpD6xiLbPFYPR+0B\nDnbmzxK1fCHTASKnZbo1q6JO/26oKAqKQb4zzmbZlZWU1lrjjlkrzCy/ujpLI1q41W3yZUgIkdti\nQ3FHu5k6c2m2h1RQ5NNf5LzI7ExHu4WDeKB5fMms+8xlOr2Oy1tXMNQ9hnvEg6nYSGWjDV2Sph5C\nCCEWJhKK9+4rBhQJxRkgwVjkhclTlzpAn7ZTl5rfD1NmhzVNQ/P5F3zbS4GiKFSuKIMV+VGXOJnI\nMgoIAUHkrVHMJlLf+CAhwC/1jcUi0iOhOHNkKYVY0kIuDyGvD22ixbQWDBJyeyQYLyFLsYmHSI86\ncykd7Wb27ivmqD0gVSqEKAASjMWSF3Q4CYw4CIyNExhxEHLJh9tSkaiJh4RiMRd15lIU1Gg4Hje5\nsj0kIcQCLCgYP/nkk+zYsYMvfvGLHD58OO53R44c4e6772bHjh38/d///YIGKQRETl0a2bvPkv7Z\nmVAoPEuspb/yhchN8U08/LJuXcxbrdkKKIRPcQsh8tm8g/Gbb77J6dOneeGFF3j++ef57ne/G/f7\nxx9/nB/84Af8y7/8C6+//jodHR0LHqwQU2dn5NSlmI+l2sRDCCHEzOa9w2Tjxo1cd911AJSWluJ2\nuwkGg+j1ei5cuEBZWRnLli0DYMuWLbzxxhusXr06PaMWS1pkI164fuPcNr34/BrBoIbFLKuIlqrJ\nJh6eJdfEQ2TWwU4dCgFazaZsD0UIMU/zDsZ6vZ6ioiIAXnzxRTZv3oxeHz6NNDAwQEVFRfSyFRUV\nXLhwYYFDFWKqcIWKVLjcIf7uh6O8+54Xrw+uXG3gv91XwhWXGWe/sigYkVC8a+e4bLITaRWpt/7v\neNCkpKQQeWvBNYl++9vf8uKLL7Jv376FDUSvgyy0kVXV/F8TVgiPAeb2OMJPFSXcjAMFwyzX/b9/\nMMzhV93Rn99818uAPcg/P1OL2ZTe2ePZxpJuCkr4f5X0PRcK8TnVPT4MaDyw00lLpYFib5FUZRNp\nM1lv3cxBgGb58iVEPlrQx8If/vAHnn32WZ5//nlKSkqix2tqahgcHIz+3NfXR01NzYy3FQiGFjKU\neVFVPYFAcNHvN50K4THA3B9HeI+chqYF0EIQclyK/i5oiX+uDY8GeePd6WuRz5wL8MvfOLh7W/pm\ndgyqHv8i/3toaOH/1UjLc6EQn1O9nrFo5YkNlSompwk/6XuMct5BQDgc93vD4Zjmxf9ME0Is3Lyn\nyhwOB08++SQ/+tGPsNlscb9raGhgfHyc7u5uAoEAr7zyCq2trQserBDxQrTYNMy/fo3gm8cIvnkM\nAj707v64Sw2PhHCMJ642MTIqH16FrM/jjAvFMoMnMq3eKk0XhMhn854x/vWvf83w8DC7du2KHvvM\nZz7DFVdcwa233sru3bt56KGHALjzzjtZtWrVwkcrxIRwl7LwTOnwb3qix21eH2rrevTu/ujMcWOD\nyuXNKqc7A3G3YTHDpo0SkgrVRefYtBrFOLM9KiGEELls3sF4x44d7NixI+nvN27cyAsvvDDfmxdi\nVtuaA5heaudje1P0WNcBWMcx1E3XoyccjvV6ha/cXcyeH40xPDFDbFBh261Wrl6TuyfBIzPfU5eG\niNnF1ygOyEYosagU9OzdZ5nY5CmtooXIJ7L1RBScEwesNL58mKpHbouG49u2FHHVagP/dtiFzwc3\ntJj4zPrcLamkd/eD3wuKEjf7LWY3tUax2SmhWCyuyEa8vfuKJ8oCSjgWIl9IMVdRkLrsTQw+fhj8\nXvSObgBWLDfwjb8o44H/o4zPbjCjZKEKSioioXjw8cMEXk+8blokFtvi+X9uVCSMiKypNVtRUOlo\nz0CnTiFExkgwFgUrEo4Drx+LhuNcpHd0x/0XCcVd9iZGXh4gePRktoeYV1a3+dgmFQFEDgi3igZp\nFS1E/pClFKKgddmb4OVz2DiG2gqoxpxalqB3dBN4/RgjLw/EHe+KWTcthBBCiMUhwVgUvPhwvD4n\n1uzq3f0Q8EVD8UxBWPP6IOBbvMHlsXC1khAQRE6IiVxxsFPHXNvXCyGyQ4KxWBKyHY4jQThWKqF4\n6ox3sKQhswPNU7FriyP1iou9RWlt4iHEfERaRR8EJBwLkfskGIslI1vheOrs8LQxzSLXl4NkW6JQ\nbHaa5d1N5ITIOuOOdtjbbpISbkLkOPnoEEtKl70pYa3jTIkNxScOWAHrrNdJJBKOy00n0X92ffT4\na55xDnYa6Gg3kps1NjJraiiWJh4iV9WZS+n1jCEb8YTIbbIITxQMLRQi4PaghWavSHDigJXAkePh\ncm4ZKoUWKbs2GYrTx2P1xIRiMwr6mB3wS0N8Ew+/NPEQQgixYDJjLArC0KlOHBcu4Xe7MFgslKyo\np2JN84zXiWsEEuhO6/rd2FrEmagwcdQekFAsTTxEHjrYqaOlUsv2MIQQSciMsch7Y+d7GPrkDH6n\nE0IafqeLoU/OMHa+Z9brRhuBaFq4jrC7P/rfXESuo41fmlaLOF267E3hChV+b/TY0g3FgZhQLGs1\nRX6IbMTb/Q7S8EMsQHj5WK9njD6PrB1LN5kxFnlv/FI/aFNmYDSN8Ut9lK5cPuv1u+xN8PhhbFur\n446rretn3egWu4YYAAXQmLXaxFwEPOEgrJpNnDhgZR3HabmrjYNoE+XJlo5IKA5vYFIlFIu8EmkV\n3dFuYTdutjWPyxIgMSdmp5mWSg/g5yDQ0W6mz+NcchMkmSTBWOS9UCCQ5HjqoTGyKS+isXL26hWJ\nahGrqo5AIMR8N9nF8o45GDz5CZ7hUQDMleVUr72CEwesbNg0yrbmcva2L/hu8kZ445ImoVjktdhw\nTLMLj1UqVIi5MTvN3GgGmsej4VikjyylEHnPbCtNeNxUlvh4KiLtmAOvH4OAb1rbZr2jO+UGHfOh\naRr9xz/APTiEFgyiBYO4+wfpP/EhmqaFNw4uIb2eMVa3eSQUi4Igs3siHVoqVbY1z77ZXMyNzBiL\nvFd+eTOekVE89pHoMXOFjfI1qxZ0u5ESabx8aPbLpZnzUh/e0bFpxz324YnHaUz7feaipDWKhRBC\niAyQYCzynt5oYPkNLTguXMLnHMdgLaZ0xTIU3cJPiGQi9KYi6E3eAjrg87JUgjHA6jafhGJRkPbu\ns0jDDyFyjCylEAVB0ekobVxO1dVXUNa4PC2hOJus9XXozaZpx1WrBWttdYJrFD4JDqKQ1JlLAYW9\n+4o5ag9IlQohckR+pwchCpRqMlK+ehU6w+RJHZ3RQPnlq9DppXOWEIWgzlyKgirhWIgcIksphMhR\ntuaVFNVW4bhwERSF0hX1GIos2R7WoomUZoMgLZWqtHoWBSlSpeJgp0EafwiRAyQYC5HDjNYiKq9c\nne1hLLrJJh4eaeIhhBBi0UgwXuI0TWO0bxyf049teQlGsyHbQxJLnNQrFkvVUXsgXJ9WiBz3uQ2w\n7nIFiwm6+zV+dQRGCuSsngTjJczr8nP2nR7GB90AXPxokJrmcuqvXpqbu0T2SSgWS1VHu5mDANIN\nT+S4P7kB/mSTgl6vALCyVmFFjcaen2sk6beVV2Tz3RLW/V5fNBQDBLxBLp2y4xhwZXFUYinq8zil\niYdYsmrNVhT04XDcaeA1z7hsxBM5SadAy1WToThiRa3CjddlaVBptqBgfOrUKW655Rb2798/7Xdb\nt27ly1/+Ml/5ylf4yle+Ql9f30LuSqRZKKThsLunHdeCGkM90xtLCJFpUq9YLGVTw7FUqRC5yGSE\nsiSNG8sL5ETHvJdSuFwuHnvsMW644Yakl3nuueewWqX1Za5SlLkdF2IxSCgWS1WkVXRHO+xtN0nz\nD5FzPF7oH4FVCQok9dgXfzyZMO8ZY6PRyHPPPUdNTU06xyMWiU6nUFw5/ZmtUxUqGkqzMCIhhBAg\nzT9E7tKAV49ruDzxpQU/Oqfx1ofZGVO6zXvGWFVVVHXmqz/66KP09PSwYcMGHnroIZQZpiJVvS4r\nU5Wqmv/NEub7GFatryfk72F0YBxCYCwyUHd5BbbakjSPMDXzehwKqGpuLZVflPHEvFQy8RxezNfF\nRecYGkEgyMZKAwZv+u7bUACvb7E01ZlL6fM42buveKJsocwci0keq4ej9gB79y3++oU3TsKwQ+Oz\n12iYjQrn+zT+8x3QCmTbWsaqUtx///3cdNNNlJWV8Y1vfINDhw5xxx13JL18IBjK1FCSUlU9gUBw\n0e83nRbyGHQGHZffuILxQRdel5+yZcWohuz8Teb9ODQIBBb/uZOMquoWZzwxX9bT/e+1mK+LqfWK\nTU4TftJz3wZVj3+RHodxUe5FLDWR5h8d7WZ2I+FYhMWGYgU1ugRnMX3cFf4v9sNolrnSvJGxeH/X\nXXdRWVmJqqps3ryZU6dOZequxAIVVxVRubIM1SCza2LxSBOP3PPkk0+yY8cOvvjFL3L48OFsD0cQ\n2ZSn0tFuYfc78JpnPNtDElmUC6G40GUkGDscDr72ta/h8/kAeOedd7j88sszcVdCiDy2us0roThH\nvPnmm5w+fZoXXniB559/nu9+97vZHpKYMFmxwsLBTlXC8ZKnBxQJxRky74nvkydP8sQTT9DT04Oq\nqhw6dIitW7fS0NDArbfeyubNm9mxYwcmk4mrr756xmUUQgghsmvjxo1cd124EGlpaSlut5tgMIhe\nL2eScsHksgoLB/FAs9T7FiIT5h2M165dy09/+tOkv7/vvvu477775nvzQogCp6VpLbFID71eT1FR\nEQAvvvgimzdvnjEUZ3rDdD5vjM7U2JcXl3LRORbtkqcQoK04/feV75tWC3n8XpToyy4XXyO5OKa5\nKpCl0kKIfBFeWxxkdZuHbc1+5G0ot/z2t7/lxRdfZN++fTNeLpMbpvN5Y3Smx15jmqx1/O940JpH\nudFcjN7RPWUgRoKWuZdTXcxNq5lQ6OPXTBqaFt7wlmuvkXx+3caSTyQhxKKZGopvNBeDM9ujEhF/\n+MMfePbZZ3n++ecpKclO2UaRmjpzKR3tcBCNlg3jWMc0Bh+f3DBZ9cht6OmfVzgWYimTYCyEWFRx\noVjkDIfDwZNPPslPfvITbDZbtocjUhAOxxqsdxA4cpwue9PkLx8/HA7HgW5QExcUlNCcWXp3f9zP\n8vfODxKMhRCLrqVSlZniHPPrX/+a4eFhdu3aFT32xBNPUF9fn8VRiVSNvDwATFYp6LI3weOHsW2t\nRjElDsb6lrXzXnIhZqZ3dBM8enLy55a16N0yg58PJBiLnOMZ99JzcgDniAedXqG0ppiGa2vQ6Ra/\nM6IQS8WOHTvYsWNHtoch0qjL3gQvn0v6e5vXh9q6XgJbGund/RDwEXj92MSXlbDo39o3jFa+HEXV\noYU0NK8PzefP4ojFVBKMRU4JhTQ63+rBNeKNHvOMDRH0B1nVIjNXsVpsIUCj1zNGnbk028OZVaSh\nR1zbPiFERsUtr5jq5XPYOBYNxwCaAnpNTvtPNXVZRFIxoTj2b991ANYZT2L407vQmUzR45pBT9AJ\nmlfCca6QYCxyiv3cSFwojhjtdRDwBVGN+V8KJh1OHLDS+PIB9j+znXufLqXXM0qduSzbw0qq1zMG\naOzaKbVXhcgVkRllG8cmDyqgbpJZ5Fixs8CpmBqKIwZC61hussQdU3R69KpCYPrHnsgSCcYip/jc\ngYTHA94Qfo9fgnGMLnsTjfeHw/HuY0Y62pWcnDnu8ziRUCxEbuqyN9F1YPJnVdVxjXYMddP1UtWC\niVDs9xI4cpwTB1LtNJf4csYqS8LjqAb0jk6CJQ2z3vJRe4CDnYYUxyHmIyMtoYWYr5KaIpQEz0pz\niRFTsWn6L/JcY+U5NuxZw4Y9a+Z1/S57E6aX2tnWnPgLRa5Y3eaVUCxEnjhxwBou/eb3onf3J/0v\nn830uOIe45xDcXK+flfi4519BF4/ht7RjTZ+Ken1X/OMc7BTpaPdjIJMEmWKzBiLnFJabaWioQz7\n+dHoMZ2qo3Z1RcFtvmusPIflme08fCy8Y/ypPfDuA6eyPCohhIivapGIuul69IHulGY5c43e0Q2a\nRuDI8Vkvm2xZxHz0/ftpbJ+px3pZefSYf9xH97/3UPLhADaOYWhdj16Ln6n3WD3RmeJIKK41Lzyo\ni8QkGIs5CZ8Wn5u5voCbWpZRUl2EY9CFTq9QsaKMkqqiOd9vLlu33Yn3rvD64IiH26p5ag8MPn44\nbW/E2RZp6CGEyD9Tl1nEanw5HJrVVvKm5NvUihGpvc+mL4AGXQFOP/Yay754JeaGEgIOH4OvdDF2\nrI8hmsLrvZVjCdd4SyhePBKMRcoiG6hWt3nmdL2O9gAKasovZkVRqGqyUdVUmE0G1m138nrbzex9\nugQIrwvu8zjpaDfzcFs1u5/ZTuP9B/I+HE92uXOzrTmA2SkNPYQoFLEb99TW9dNbUieyCAFaG7+E\n3u9L+vu5heL08w97Of/8iYS/i/5NtWMJy+hJKF4cEoxFSno94aUN+x8cw9o/Osul4z3cVk1Hu5k+\nj3PJv6ijoXjfZCiGyVn1jna4t93M/jwPx7GhePdGJBQLUYCidZJfPjTrZcOzy5mtdpGshvBUufy+\n2jPSTNeBEOtiy+hZc29TdSGTYCyA2U55h2eJd6/34b7/AB/P8U3lqT3w6k4be/eVTMw6JzbXigp7\n9xXDzptp5ZW0bIyI0DQNz/AIQZ8Pa3U1ij49e1Q37FnDq0bbtFAcq85cRq9nlKMjOlq3Vic9jZlg\n1ORaTePVbZ6JUCwb7oQoVKmGzK4DxIe9TAj48B85NvF5kN+TMCcOWMN/ry2fzfZQlhwJxiLaeGF1\nmydJdQONLb4RBu+f39rXdx84Ret2J+y8GUi8gW7vvuI5hbo6cym9nrFwyNx5M1s2jaRl45pv3En/\nHz/AMzQCgMFaRMUVl1HSsGxBt7thzxoe7q6eWCM227KSuW0yPHHASiuv0PJg20RN49wJx0IIEREJ\ne0DSNtXzpXnDyyc++GUJEErrbYulRYLxEhcbip9qGCDQnniX7rsHrEDTvO8nEt6S2nlzdEZ5LuG4\nz+OcCMewZc+aBYfjgfc/ioZiAL/TxeAHn2CpqkA1z69c3NxC8fxMb/iR3XAsG+6EEImcOGClsfJc\nRm67y96EWmipJpB8vbTIjEJ7ColZRDbQxdq108EWX2TGNXOnn2Za7tCqxM54xq9hnqmjW63ZOvGY\nFl7KLeD24I4JxRFBr4+x8z1UrGme3w3rDexYU0r1GjPBgI4/fhLgx/80iHfcj9FqoHZ1BUbLwgu2\nd9mbWPdSO7t2bp1YrhFPC2n0dw4xbnej0+kobyjBtmz65RYq8hzb1uxH3mKEWNoCGrhCeop1QSIV\nN3N5jW8uGXl5gKpNGgT9bGtW2NsuEw6LQT61lpDJtrwOWqIFHzRML7VPzAhnzwe/KGH578IznrEh\nd/cxAx3tM4fjdNE0DTQt+e9bq2atAAAgAElEQVTmQVF1KLWNfNo8WW6uuV7FdUnl+z8YAmD00jir\nb2jAXJK5BiaaptH5Tg/D3Y7osaGeMRquqab28sq03MfkhjsP25r9hdnQQ6egqCpaIACh+T0nhFgK\nNA1eclRzzFPCWEilVvXRVjTMpqK5bd5eyiK1pKseuQ2M5YAmm9gXgQTjAhZbczh8altj/4NjmF5q\nj9uxO9fNdJkSaXEc66lHbpuoagFK0qerxtRZ8PkwFFkwl9vw2IfjjuuMBkpX1M/rNtfcVYJijq/B\nrNMpbL25jGf/YQCvV8Pj8NF7aoimDamvY9ZCIca6LxH0eLHWVWMqnXnmd6zfyXCPI+6YFtTo7xyh\nurkc3QI3GC6FUKwvtqAYjSg6HVooRMjrI+R0Z3tYQuSk34xXcshVSWSi43zAwoExA5V6P1eYEneA\nE9N12ZuwHTlOy103s7rNy5l2iW2ZJn/hAhVZjhBbc3j3eh+ml9pzesfutFNsjx+OhuOZtNg0Bu8/\nzELWQQNUXbOG/hMf4hsNh0i92UT55aswFCXpcT+DddudaNtvTfi76iqVcptKb58fAM+4N+Xb9Y45\n6Dt+MjrG4Y6zlK1soGrtFUmvM253J/zu4B33sbzMR9Bgpn94+u9TMTUU32guhrn3gclpOosZnXky\n6Cs6HTqzCYIhQp7U/+2EWCre9xYzdYmbG5W33KUSjOdo5OUBLHdlexRLhwTjAtTrGY2WV4utOTx4\n/+GcmR1OVZe9ia4HTvHUnpkvN9+KGVOZbWWsuOkzOC72EfL5KW6oQzXOffd0pF7x2/+m45tf1NBP\naWfddd7LwKA/+rNqSv2laP+oIxqKAbRAkJGz5ymqqQQSB3hTUeI1zMUlCg99xYTBpPBxF/zkVxr+\nOWzontrE40ZzYdYrVgzT/30URQGDChKMhZjGoyU+C+XV9Is8EiHmRoJxgenzOKMVJqYH4aYk18p9\ns1ebaErbfSk6HaULLM+mbrqeg50GznwU5GQnrFs9+bvx8SD/+othghP7KPQGHVVNqa2hDgWDeEYS\nrNHTNJx9A8BKWmwhptY0rlxZxkDnMM7h+K6FbpfGzw/Y+drOGj51Oey4RWP/4eT3P7UluDTxEEIk\nssLg5VJw+nKqRoMsPxK5bUELC0+dOsUtt9zC/v37p/3uyJEj3H333ezYsYO///u/X8jdiHmSnb+5\nQM+PXtL41/YQ736i8cbJEN//ZzeHXvNiKjZQUlNE0/pl2OpSqw6hKAo6XZKXrU7HiQNWTC+1s2un\ng0g4BlB0Co0ty1CmzFwHg/DCgSGGhsKz12tWKOiUxOu1I7PDl7W5J/5zxoTiwlpPPJXmT1TfG0h2\nXIgl7k+KB1iuj/0irrHW6GCrdShrYxIiFfOeMXa5XDz22GPccMMNCX//+OOP84//+I/U1tZy7733\ncvvtt7N69eqElxWLa/R8D44LFwn6fBitVmyrG7FUlGd7WAUrGILDb8PkIt8irripcV63peh0WCrL\ncXRfijuuM6jRDYLJGn64hr1oCSop2IeCvNzu4O4/q0CnAyVB5bvJiibjcccLcZNdIiG3J1xhxGBE\n0SlooRCazy/ri4VIolb18zeV5/i9y8ZIyMBK1cNGyxi6hVfWRNO08HIynYKxpDi8rEmINJl3MDYa\njTz33HM899xz03534cIFysrKWLYsfDp6y5YtvPHGGxKMc8BoVzcD738MofBCUr/DiWdkjPob1mMq\nkVPhC7Xc1knV/7gtpqFH+lVdeyWhQBDXgB0tGMRQbMV2WWNcZYpwh6l29j+0lXu/F/53NVkN4b0w\nU7KxTgf19eE1yGcvQjAUP+rYUDwtCBfYJruZBB0uUD3hcm2+QPQ1JES2RPaTpKMqTyaYdBq3Fs9z\nV28S7qFhBj84hXd4FBQwl9uoXnslJpt0+xTpMe9grKoqapIWMwMDA1RUVER/rqio4MKFC/O9K5FG\nju6L0z7Qgx4PY+e6qb72yiyNqjA0Vp7D8v3tPHzMOKcudz6XH43kG+Sm0hsMLPv0p/C73AQ8Xsy2\nUpRkyytiFFdaKKkuwtEfvyP8U+uK+MynrXRe1PjXVyc/YJdCCbY5C4TQpBOVyLKpHUvTtfk412mh\nEAPvfYRvbOLMlQaeoRH63/+Ihhs/LTPHIi1yZvOdqk9yDjfT96vm/w7Z2McQ+RM6a8porDpHz0h8\nt7aQ108iIZ8PVV1YLduFyvb9L1TVI7dFQ3FDccWsl3eNejh3/BKOQRdoGsWVVhqvr4NIPlZm/puo\npVYonSF4K0QblvR7ndRbS7n8syvoOt6LY9CJBlQus7DpjmX85Nc6jp8GbWIneb93MhR/oTlAS6WB\nYm9RDr1jpMZQAK9vIaaKC8WPL41QDDB+qW8yFMfwDo/iGrBjranKwqhEocnIx1xNTQ2Dg4PRn/v6\n+qipqZnxOoHg4p+WVFU9gUB+t1ic+hhqTFY62gPc225m//e3s/z+A3FvmqrVgm98+vlvtchCIJC9\nU8Oqqsvq/S9UY+U5UC4Hwo1IZnteaZrGmbd7cA5N7tB2DDjpfLub8k0Tneg0FvQ3GfndAFU3jLC6\nzUBHu5nu8fCmF8t1ViyhUmrMVnQ6hTdPAUzeT7/XSUibnClunahL7Ce/XisGVY9/kV7fcy/oJ8TC\n7F7vXzIzxRGhGTa7hgKyEVakR0am6BoaGhgfH6e7u5tAIMArr7xCa2trJu5KJBBpn3zv06VYntnO\nuu2TQdjW3IjeFP8xbiorpeyy+W0GE/PjGHDFheII14gXd+/kTm6vYxz7x2cYOn2WgG9up/C77E28\n+8ApnmoYYP+Djuh/u3Y6QBdkwDe9yH6fJxKK3ZPNOoQQIou8ow4GPvgE7+gYOtP0r6EGq5Xi2pkn\n34RI1bxnjE+ePMkTTzxBT08Pqqpy6NAhtm7dSkNDA7feeiu7d+/moYceAuDOO+9k1apVaRu0mF2d\nuYxezxi7jxl5atP1cCBcB7ioupL6z65n9Fw3QZ8Pg7UI2+qmeTWxEJNsW6t51VCW8oa7gHeGmQ9f\neJbzo//vAt1/6EGbmPUcO3eBquuuorh25i6AU737wKnwjPaELY/cBjth774Sej1jKISXG0Tahq9u\n80hdYiFEThjt6sb+4am42WJFr0ObOMusWkxUXnUZygLb2gsRMe9gvHbtWn76058m/f3GjRt54YUX\n5nvzIg0igWcqU1kpNeuuXuTRFK5Il7u9+0oAJaUNd7b6EkxWA15n/Jpvg0WlqL6IwLkLnP71ZCgG\nCLg9DH9yBmtN1Zw3mcSebu164BSt252w82YOdsZv+NvWHODm4jL8zvxaNiGEKDxaKMTIma5pSyg0\nDcqaG1EtZkpX1qM3pLZxWYhU5NlWGiFyy4Y9a3jVaIuG4obi8pTWrev0OpZdVUX3+/0EvOHL6416\n6q+sImjQ4fn3D/G7pt+Od2QM35gDU9nCShNFah1v2XR9/C/8Ctq4C8xyWlIIkV2ekTH8CfbEEAqh\nNxoolyWAIgMkGOcQbaKCQDpLznS0m3l1p40te9ak0FZ58WihEKNd3XjHHKgGIxVrGlHUxV3O4Xe5\nGek4R8DtQW8xY2teibF49tneiPCGuys42GlIuTRbrKpGG6U1VgbPjUR/NhYZwssbrIn/Fopejy5N\nsyMnDlijS2wg/HhsW6sxtK5Hr/UTtEg4FiJX7T5mYPcz22mcssG6kKhmE4pejxacPkkwda9MobP2\njwDVaMgmw3To8yQvwi+LcnKA3xOg8+0e3j/UwfuHznD2nYv4Z1iDmqpasxUFlb37Sni4u5oNe9ak\nYbQLpwVDXHzrOIPvf4yjq4fhjrN0tb+Fe2hk0cbgG3dy8Y13GT13AWffAGPnLnDxzWN4R8cydp9e\nl49xu4tQTAUWo8VA/VXV1F9VjTGmjrHlnk9RVGOadhuWShuGIktGxtdlb+LEASv+I8fA70Xv7s/I\n/QghFqbOHN7PENlgHbuHoJAYiiwUVVdOO24sLYl2+lwKuuxNDD5+mKcaBljd5qHXMzpjsBMzi9To\nT0aCcZZpmkbn2z0MXRjD5wzgc/qxnx/l7DsX03L7kXDc0W6OhuNsv4mOnDuPe8AedyzgcjPccXbx\nxtDRhd8ZX5Uh4HIzfKYr7fcVDIQ482Y3H/7nWT5u7+KD356l/8zQDNfQcP2/xwj54ku1WWoqqV53\nTdrHN9UHvyhh8PHDEo6FyGFTqw9l+309U2quv4aShmWoFjM6k5Gi2mpq169NqalRIYmtMrS6zYNG\nQMLxPEw2x5leFSpCllJkmWPAFW7wMO24k3G7i+LKogXfR63ZSp/HGQ7HbdVZP/3mHXEkPJ6ocHum\n+F3T/+YAfmfyF8t8XTjRy3DP5GP2jvvoOTmAtdyMtSL+37fXM8r15vdw/c92Qq74jXmmkhIMlsXp\nPNdlb4LHD1P1yG3oA90ESxoW5X6FEKkLVx8ahYw0n88NeoOB2vXXooVCuO3DjF/sY+RMF5bKckpW\n1C9at7vZzrgu1lLFwccP89R3bufhtirOtEvloLno9YwBGrt2jtNSmTz+SjDOMo/Dm7DNvRYCj8OX\nlmAMRNe/drQTbv6RxXCsNyR+2qVr7WxKYzBNX6YAoJrTu25N0zTGBqaH8GAgxOD5sWgwjm3x+rl/\neJ9u1/QOha5B+7RjmRQJx7at1aitSDgWQmTN2PkeBj88jTbRyMNx4SKuwSHq1l+b8fvesGcND3fP\nXCbzqT0sqS6E+WZqKDY7zZBkVaIE4yyz1Zdw8cNBAr749S4Gs56yZen/NhiZYdh9zMhTj9wGWXgh\nlzY2MH6xj+CUhhXFy1Lb7BUKBBn88BQe+xCapmEut1F59RrUOWzGKGtcjnvQTtA7OQadQaV05fKU\nb8O2tRpndRkdP525drEWSvDNZ8rx2Bav7UcSLynRstAdssveBC+fw8Yx1FZANcqmPJExkVPDihLt\nZp7T5rrhVsyPFgoxevZ8NBRHjPf04lpRn3Adcjo0Vp6j6pHbeLi7eqJGfeLIpBGIOxsbKyOfrxMv\njpnWyYqwyHriSCfXaCiegQTjLDNaDFQ3l9N7ahBtIvcoOqhursBgysw/T/TFvUinoKYylZVQ/amr\nGek8j88xjmo0Urq8jrLLU2sC03f8fZyXJte++sddBFwe6jdtSPm0mqWqgprr1zJ69jwBlwe1yEzp\nygasKTbPiNYufnrm2sWKomAtNzPinr5MpKw2/jq7NwQI/PI4weLlwMfTLm+2LaxE23zFh+P16N1S\nsUKkX2RGZ3WbZ9bL5oKOdjN9HqeE40Xgd7nxORKsp9U03PbhjATjxspzWJ7ZzsPHjNFQPNO/dUc7\n7AZ2P/Ol2AGm/cxsl70J25HjbGu7mb3tZno9Y9SZs/PZkIsSbaybSygGCcY5Yfk11RRXWhi56AAl\nPItcVlvYa4eK62oorqtBC4VAUTAY9AQCs8+I+hzjuPqnLylw24dw9dux1lalPAZrTRXWmtQvHzG1\nocdsb0oNa2vwuQK4RsIf+DpVoarRhq2+JOHly5pW4BkaZfxSL0zMKptsZVRcdfmcx5ouZ3qWoT35\nHpSfpmzTai7f2YJSnvrsuhAzmTzN6WCLb/Gq0yzEqztt0e6Ryd4DdH4/9Ufasfb14LeW0LOpDW95\nZmY3C5neZERnMhDyTl9ilmxZ3EJEQvHuiVAc2eg4k3ClkPBSxVj7n9nOupfaw+Ux0yRSh77lwTbu\nfbqUXs9oSmMsdPGzw5E8EQ7JN5qLIcW9ihKMc0RZXTFldYsXhsP1jcto3VpN14HZL58pc91Z7HM4\nE9a0BPCPj8McgvF8NFaeQ91020THuNlDMYC5xMRVNzdhvzCK3x2gtK4Yqy35t1ZFUajbcC2uweV4\n7MOoRRZKGpYt2iaTqbyjY1w6eoJAZGPi7/u5+NsuNv386xhLFmczoMg94TCbLhr7HxzD9FI77x6w\noqq6lL4oZ1Oke2QkHE+l9/vZvP8fqT3XGT1W8d5R3vjil7GvbFyUWT6/y42jpxedXkfpyuXo1Pz8\nyNcbDFhranBc6Ik7biwtoWwOy9+SWbc9PjF579rOvU+H/33mEjinXrbXM8a9T5eya+fNtPJK2sNx\n48sH2P/MdgnHxIZiN9uaAzGb61KbJY6Vn68SsSCRKhV795XAzpvZsmkkp5p/zMRcVY7ebCLo8cYd\nV1Q9RTWpLYNYsImAmqzldsKr6MKzxHNRVFVBUVXFnK4zF1ooxNiFiwR9forrazFaE2/0HD59djIU\nTxg82sOp//Uqa791e8bGJ3Lbrp2Jq8vMR4sthPv+A3ycRxuXYmftjo5M/4I//r9eYzwmFAMUjwyz\nrfs/+aeVX8t4kBnp7GL4VCdBX3iWdeTseaqvvWpeZ8lyQc26q9Ab9LgG7ISCQUxlZVRetRpFv7Cy\nbeu2O/HeFf9vuPfpYlKd+JhJnbmUXs9Y9LM23eG4y95E4/3hcBye3WZezabyXezm9d0bwexMfXY4\nEQnGS1RsOD7YZuCpPYtXbmYhVKORssYGhk53RpcZAJQ21GMsWVpvBgvhHRmj748noyXyRk6fpax5\nJZVXrp52WZ8jcRm9sU/6MjpGkdta219O222NvDyQl7v5I7N2rVtjvpQrgAZvv/oJiV456h/Ps//F\nsYwGGb/LHReKAQJON0Mfd1BUXZm1s08Loeh0VK29Mq23OXWvSKx0zehPDcfpnoiKhOOnHrmNh9uq\nl9za9+mheOFnMSUYL2GRcAyAotBYeS4vPpwqrrgMY1lJeAOeplFUXUlxw7KM3290h/KFqonNGPlr\n8KPTcXWjQ4EAw2fOYa2torg6fpZaZzSS6Ou30ZaeUoIiP6Vz5gvy90O8y94UtxwtsgxkrDdxLaiA\n14h7SpCZ/7KUyGbF+BIejp7euFAc4R0ZwzvqyNpG3lyyYc8aXjXaUt4rshCRcJypetNd9ia6HjjF\nU3soyHCcrJFJeJPdlBJsaSDBWOSlyOa9xTJ1h3I+r+UK+vx4R0YT/CLE+MW+acG4uL4Oz9BIXP0s\nU4WFpv+yMdNDFSJvlTYuZ/xSX1xJSAi/nmKDzKs7bcw/MGm02DTcUyof6JItL9ApyX+3hETqEqdS\nbSKfvBvznJptY2g+mFw37EtyidCcqk2kSoKxoKPdjPPB/A16mRadKS6AUAzh9c7JSvUl2gxpW7UC\nLRTE0d1L0OulfJWJKx5oo2pjY6aHKkTeMpWVUvOptYycOYff6URnNFJSX4ftssnXzbsPnApv4luA\nRMtQSlcuZ+Ts+Wl7AywV5RhLCrvi0UwS1SUulFAcEX1OxWwMzcdwPLX+cDLpDsUgwXjJqzVb6fWM\ncu/TJRkpK1MonDU26FaSFnjPJzpVxVJVgfNi/BphvdGYtMFJ+WVNlF/WhKZpfOpLLtQtl0tp+QJ0\n6tQp/uqv/oqvfvWr3HvvvdkeTt6z1lbNWkJy4e+306+vU1Wqr72KoY878I6MgU7BUlFOzbqrF3hf\nc1f+2XrKNoaXuo2+c4nhNy8u2n1HgnCEs2ZjynWJ0ylSjrDFFiLw0nEyvXQosjE018NxsiUSQFwo\nvtE8w5e5hX2vTCj/P+XFgoW74WWurMxS4B7zMNLrxFpqoqTWmvObW6qvvQotGMQ1OATBEIYSK+Wr\nV2FIUpkiItcfl5g/l8vFY489xg033JDtoYg0sNZUUVRdiXfUgU6vy8pM8fJ7r6HurjXoDOEKPpVb\nVtL70il69n+Q8fuOXf4W0bE/PLO4mGf9ej3hZWv7Hxxb1Mor02sd51Y4jp0RTkxjW3Ng5lCcIRKM\nBZD5sjKFStM0zv+xD/v5UUITdVeLqyxc9unlGCyGlG4j+q1ZS3/d1oDPx8jps/gcTnQGAyUrlmGt\nqUI1Gan/zHp8406CXi/mctuca0qnwmMNv+ml+1SXSD+j0chzzz3Hc889l+2hiDRRFCVrG+3UchPV\nt66KhmIAnUFP1a2r6PtVB4Fh7wzXXphwCbbJWsSRM30Ki9vGu9czFq6WsN43bR34YsjVWsdTK0kk\nY3ZmZ9mPBGMRlemyMoVo6MIYA53DccfGB91cONlP88bZC8/HdvwypXkZSygQ5NJbx/EOT260c/YN\nUH3tVZSuCJ/aNBZboTj9HxQeq4ej9gAHPzRMbI7wSDjOcaqqouZpAwiRe2wblmFI0MjIaDNj27CM\nwd+ey8j9XvNnDl7fMlmCLduzpNuaA1j7R7NWoztRrePFCMczV1pJfyWJdJJ3QRGnzlyal/WNs2Ws\nL/ECJ+eQO+HxWLGhuLU9/TP0I2fPx4ViAC0QYKzrQjQYz4Vi0IU/6HQzP7ZoKO400NFuZm+7aeJN\nUMJxIdHrdcn2cKaFquZv9YR8HjukZ/y+HgchXwCdMT5mhHwBfD2OjPyNoqF4ogRbQ3F52u9jrpSJ\niiOpPF5N0xg6fY6xi72EfH6MJcVUrmnGUrGwINsz2szyvz7AU/8jUiIQdIpKvTX9XxpUVU/3+DCg\n8cDXkiyT0IK0VBoo9hblZArNwSGJbIutb+ysseVNfeNsUJK816W2Fldj/0PjmH6ZmWUrfqcr6XEt\nFJrT0ollO66icstKTNVF4HaA5oPA9MtFQvHefZOdo/o8Tg52Gmip1KZfQeStYDBzLZvzoSV0Mvk8\ndkjf+Mc+sjN2YgDbxvgv4WMnBhj7yL7g258qUV3iQCD7W4S1iRrTqfxNhzvOYv/wdPRnn8OJZ2SM\n5a0tGCyJ62Knqmtweq3jcIBNDwU9igIhbXLT3IaKZBFTj8lpwp/lLdzGJMclGIsZFM5GKy0Uwv5R\nx0Q70QDmslIqrlwdXkqwAOXLS7GfH522PLikevomNo/DS8AfxFpuWZRNbKo58eys3myeUyiuun0V\n9duvQmeYuI7RhqaFUMZdaN7JMjqxoTjk0ygNGgmq+RsQhBALc+Z7b7HiL66j5KpKABwf2bnw4/fS\nfj+xdYl1ikqNKT/3xzh6eqcdC7jcjJ69QNXVa9JyH++mpX52vIOdatxtZaK28GKSYCyWhIGTnzB2\n7kL053GnG9+4i4abPo1Or5/hmjMrqyum/upqBjpH8Ln86FUdpbVWGq6tjV7G6/bT9e4lHIMutKCG\npdRE/dVVULmghzT72JpX4LzUi88Rs9xDUea8jKL8M/WToTh6MzoUozEajCOheM8/Whk5OYq3z8NF\nbxCTVcW03Apt8laT606ePMkTTzxBT08Pqqpy6NAhfvCDH2Cz2bI9NJGnQu4AXf/PsYzdfqK6xPXW\n3JgpnitN06Y1g4lIdny+0lE/O9aWTdfjrLFxdCQcjm80F2ekjNpimfen1Xe/+11OnDiBoih8+9vf\n5rrrrov+buvWrdTV1aGfCBx/93d/R21tbbKbEjmo1myloz3Ave0m9j+zncZ57qhtrDyX2gUVpnY1\nnVWq4wkFAjh7+6cd9405GOvqxta8sEYVy66ooqa5HMegC6vNgsES/7I6f7w3bi2ye8zL+T/2UXlj\nZpOxajRSt/FTDJ8+i3fMgd5opLi+lrLGhjndjs6U+G1i+qy3nrHT4zjPTz5WrzOA9/Qo/e8Vw8Zk\nJ65ELli7di0//elPsz0MIVIytRtprjXriOwhAY3AkdlrFyuKgrHYitszvVqHsST9jyuty/cOnGLd\ndidtrevRVCO4J5fxBS2L16E2XeYVjN9++226urp44YUXOHPmDN/+9rd54YUX4i7z3HPPYbXmzpNU\nzF1sfeP5NP+IFldPYdlAyrlY0UFFHYqpiPJeB0PvjXLhn99H8yU/ZR/0+ZN+4w5401MySG/QY1tW\ngqrq42Yr/J4A4wPT1/r6PQFc511kermKsdhK7fVrF3Qbrs5hStdWTzuuBaYvMvYOJNhsocHgSR/J\nV3QJIUTqIqE4Uo4tF0qQxYqE4v0Pjs2p2lBZ80p8jvG4zytzhY2yVSszNNL0OXHAyjrlWNwHubrp\nevT05104nlcwfuONN7jlllsAuOyyyxgdHWV8fJzi4qXbarJQRUq47T5mZPddbawjtRf5uu1O1E23\ngcGU0ovCMCVQJqMvKUZnCtcHNjRaqG2swVBp4cwTbya9jmoxYyyx4hsbn/Y7c3lqp4mt/SNANdoc\nNwuEQhqhUOLQroU08mEd98V/+ZCi5vJoONY0DTwuQq7JN+9IFYpQKPHXm5BfNt4JIRZuao3i3AvF\n82/oUVxXg8lqYbjzAkGfD2NpCeWXNS5oud9i+uAXJXGbDBtfPkzVI7flXTieVzAeHBzkmmuuif5c\nUVHBwMBAXDB+9NFH6enpYcOGDTz00EPSMSsHaSGNsUEnelWPtdyc9N+ozlxKR7vG0eYAWzZdzzqO\nz3rbaut6UI3pfTGoKopx+lO29FO1mFeW4DnvSHg1RVEoW7WSwQ9Oxc1yWutrsdZOnwmdqsvehO3I\ncba13czedvOcOggZLSrWcgvj9vgSZ3pVR1G9Bchckft0CboCfPKd31PZthJzfTHVywbRN9bAxL/t\na57xaGk2k81LIMEXkBta8rt8lZhuw541BI4cl0ZAYtGs2+7k9bbcqVE8Va9ndMENPSzlZRjWlaR/\ncFnQZW+CxyfCcaA76eWCJXNb3pdpadkRo2nxs0H3338/N910E2VlZXzjG9/g0KFD3HHHHTMPRK9L\n6ZR7uqlqfnwTm8l8HsNwzxgX3u/DNeoFBYori2huqaeoLNkuUgUFBWdtOcVtn03pPpTiZcwlDhlm\nexxGNeFzRC0yUNxcTuBi8tX+lZetxFJWwuj5HrRgCEulDduqFSl/YfvglyW0KvHtNZPVyJz677Fy\nXR2dR3vwjIVnWPVGPcvWVEKJCoT//rlW9zTReEZ/f4FRoOrPHChNNXit3rh6xTpFz5XrGzjlPo9j\nYvmIoofrPmPgkS9Vo3qVRd/uO+tzSszbw93VbGuTLplicURD8b7cC8Wxndyeahhg8P7DUuJ0QiQc\nJ2PbWo3aSvon0hZgXh9TNTU1DA4ORn/u7++nunpy5u2uu+6K/v/Nmzdz6tSpWYNxIIM1MZOZuh40\nH83nMQT9Qc4ev4jPObp3DacAACAASURBVDF7qsH4oIuzR3u4YkvTtMtHahr/e6eeDRshYE7xyTuH\ncRlUPf7ZLh8KoZpN00qN+YbcjBzrnbVOpNFWRrVt8rRbMBjeGJGqEz+30vi7A+x/5kvc+3QJPeNj\n0zZ7JPr3KCo3c/XWVQx2jRL0BSlfUcqI3hO+by0EWmo1LhfLrHVMNdC0cH1ODW1i44seTYN+v4uy\njZUYLpoorfVw+w3wFxvL0bQQ/gR1jzMppedUmizF1dMd7Rb2tpujLeRjFVJQDmlw3FNMh7+IYiXI\nlqJhivW583pdChLVKM4lGsHJUPy4hOKpZvx7vHwOG8dQW9ejd+fGkot5BePW1lZ+8IMfcM899/DB\nBx9QU1MTXUbhcDjYtWsXP/zhDzEajbzzzjvcfvvtaR20WJjBrtHJUBzDYXfjGvVSVGaKHgt/Ew6y\nus3N7o1kty5hSCPk8aGzmKIzvZo/wODvzhEYS285m5lYB0ZZ3WbgTHvqa+p1eh01zeEZ5ky2gV5M\nZqeZlkoPq9vchNdKx35hUdi90ZK3dSzF7OJbyG+lJXICRQuxYdNoQXTMDGnw/Gg9xzylRPYDvOEu\n4y9sF7nMmKSrl0ir2FCca5UnYm1rDoAv9WpJIqzL3pRz4XhewXj9+vVcc8013HPPPSiKwqOPPsov\nfvELSkpKuPXWW9m8eTM7duzAZDJx9dVXzzpbLBZXsg1S4QnMyZmQ2NNDWQ/FE0IuN1oggE4fRBsY\nwvHr9+k5tHiheKFiN2bkcyiOMDvN7N7o4ajdD0SWLQTzuri7SN1kC/n4L4mr24wF0U7+TXdpXCgG\nGAyZ+M14Ff9nRfI1k1E6KG9twFRjZfTdXtznRme/jgAS1yjO1VAsFibXwvG8V/x985vfjPv5yiuv\njP7/++67j/vuu2/+oxIZVbmylP7Tdvye6af8i2zxYWZ1mzdnQnGE5vODux9F81FUOkxj5UBefUsP\nt4HO/1AcEZk5niSheCmZGlb6PE462s083FbNU3vI61PLnf4iElWO6Q6YCWmgm2GLgrHaQvM3P0Px\nmkoUncKyu6/E3t7F+R/9MXMDLhD5FIrnWq9YJNZlb6LrAKzjGOqW1PYxZUpu7fgRi8JoNlB/VTUG\n8+T3InOJkYa1NXlTPSRoqSFY0oDauh7b1urUG4mIjDA7zXH/iaWr1mxFQQ2H4+5qLM9sz9vXp0lJ\nvEbdrIRmLbTY8L9fS8mVVSgT6VktMlBzezPlN+bWDvxcE23cMRGK68xlOR+Kd+100Noum1ALhQTj\nJaq6uZyrb1nFinW1NK5fxtWfW0VpTf69qLMSjrX51eSNbGKc7/WFyBe1Zit15jI62s3c+3Rp3obj\nzUUjlOn8046vNY3PWkTJennFtGOKXkfZuuxvLspVkVC8e6KbXa7VKI4V28RDQnFhkWC8hBlMKrWr\nK6heZUOnz+OngmpEMS1OXYAuexOBI8fZ1uxHIzDx5ji72PXa1v4RRl4eyPBIhci+SLCJhON125OX\nVMxFtaqfL5de4jKDE4sSoFrnZWuRnf+tZHqL+am0JJVdkh0XEQrh8qCLXNtxHnbtHC+IvSIiXu4/\n84TIMScOWMPlqXaGa2rO1vAjEop37XSwxTcysSGpadHGK0Q2xbaW37Uz/+oerzM7uc7kxK3pMCoh\n1BRXm429P4BlRfz7QsDlx/77CxkYpRAiXSQYi4QiZdpEYpFw3PLgzdz7dAl9HmfSdXDTQ7EQS0t8\nabdwOI49a5Lrm/MUBYqUuc30XvjxCdRiA2XX16KWmHD3OOj/VQfjH9kzNMr8Z9tazesj0NFumnUN\ntxDJeKwzl1KcbR+MBGMxTWzt4m3NAczO1Ov1AigmI4qiEPL5woVAC9TIywNUtaZW07jFBoP3H0Zm\nisVSNTUct0T7QGls6C+MusexNF+Izu+9jaHCjKnGirNzGM0nyyiSmdrEI1c33Inc5bF6wt1YPzQk\nvcy2Zj8tlZ4Zw7EEYxFnekOPOYRiVY++uAidGn5a6UJmQm4PIbc3Q6MVQuSTybrHJXHHC6XucSL+\nIQ/+IWkGMpMNe9bkRWk2kbuiobjTEO3GOpVGkL3tJnbtHKel0pO0Y6kEYxEn0tpyPrWL9UWWaCgG\nUHQ6dBYzIa8fQjJTUggaK8+hbrot28MQeSyVusc9o81ZGl16LbQSR64vMUmHxspzOGs2wkS/lHwI\nxbG1i0X2RUJxuNFQ8pbhkYm/g50qLZXJb0+CsZhmW3OIREXtZ6RTUAzTn06KTofOZCTklhmTfBcp\nuo/BlPWWnaJw1JqtceF49zPbWf7XB+gabMr20BYkXIGjet4VczSvD14+V/DhuMveROP9B9j9zHZ2\nAx3t5PSssdQuzi1zC8VTOvlaEt+mBGORHhrh+rx50iBEzM267c7wTLGEYpEBkRDU0Q73tpvZ//3t\nNN5/IG9D4brtTtTW9aAurIxk1SYvtiPHCz58RcLxU4/cxsNt4SUVM21ozhYJxbnFY/Ww+x3oaC+e\n8ctUwlA8AwnGImry9FCQOT81NA3NH5g2O6IFg4Q8mV1jHLTUoG9ZS8nqywj8xS8YHDShmk3YLmtE\nNZsyet8ziX0xFsQpNwnFIsPCpd1GuffpUvY/s511L7UD5FXdb9vnqlE3hUPxQl8vevpRW9ezjmMz\n/g3y9QtErC57E10PnOKpPeR0ON61c1xCcQY0Vp7DtrU6/IUyBZOheOZ16ZNfZsZpqVRTWiIqwVjE\nbLjzTOzYTO3JM1Vw3AWAYjCAAlogSMjlWZROb+POEl7/L//CyEdD0WPO3gHqPr0OU8ncqmqkQ2wo\nfqphgMH7DxfEh5cQmRZf93grLTaNqtbRbA8rZQqgpSEUw8SXfnc4HFe1Jr5M4PVjBbXk4t2JcPzq\nznCFilwMxyK94kJxCq+d1zzjHPxQpaPdgoI+raEYJBgLSEsoDt+QRtDhBJ0uvKQiuHh1kD/5wauM\nfDQYd8zvdDLScY7a69dm7o4nQv/Ums+xoTgfGnoEfD48g8MYS4tRbSWzX0GIDGooLqd7fJi9+4on\nTn9Wzf99aZEZVD2BQPre+2YKCZHQbOMYXQfSdpdZ9+4Dp2jd7ow2UcqdcCwb7jJhLqHYY/XMGooX\nOtmXx32ARTptaw4tLBTHCoUWNRTD/8/em0e3dZ53/p+7YCNBElxFaiNFUd5kS5ZEJbYkR0sSuc0o\ny6RWxu4408b5TX6dySRx6ziT47gTderj5jSN42aZxTNx3HH6a1wlcZooTaJpZNrxkii2FNmW7cgU\nRUqixH0FiO0C9/fHJXaABECAuADfzznyMS+Ae18AF+/93ud9nu8Ds+fSt2gNzBavBW18e2jQE9pD\nN1y+xB//9tdc+vxPinb8QjHxVi+Xel5i6OUzXHruVwz++jThZf7+yhVftY/nfe5SD6PiuOIxfktd\n+/wc6tRKPBrzEnK0LDmP2axMnRhlb3B6PhWttAz7PAz5jLF0u/SySu0pBySbNafUo0OdRuBJJ8SQ\nbybl31KDfSJiLKgIrI3powlKnhXh2RLrgLePux+p5erEEPt+cJT6t9/gdU3DYpOpXhOmcfM1SCYs\nTHRfHWbi7QuxyLcWYnZwGNlqo/mm60o8OnMT75t5YG2pR1M5FCq1SyAoBCItLje841NMD1wi5A9g\nqXZQ37UBS1UG+4c8sHvs7LEDnW7oXMgGNsQeuxPyiI0JYbzCGfZFzpo8Cu6KhSwj262AhB4MogcX\njxh13NXN0InfEZz0xnajStSsbSviQGE6pPDFb3UQ/D9vceADG5h84nma33w1+njQH2aqb4DVa3y0\nddWlvL7UE6zn6mjaHHDv2ESaZ69sktuMxpvJ864SDarCSBbF+V7YVhrq7u20n/h5yeeTghNNVdPi\nrlXL53WcLIrLIS2ulLiHRhl65TVC/gAA3lHwjk2y+tbtWByFE8cAe+zOBVs/59qxNx6TKCFBKYj/\n0ZslKiPZLCjVVUiykeWj6zbCXj/hOUPwSlYLks0CSKCFov7Iq/ZuYsdX/oDz336Juf5RHK1O2m+u\nwqX5GBgvzlivBK38z6m1DIfmnS+eDPL/nO9N+9yptiY6v/avk7bqJbek0kl/x62LPLoE4qPDEXp7\nFvbNFORGfNfN93eG2G1f/qLZciRSoNf04EF4qHKimQPjHfDQ8ai/cTy9PRqt9tRAQyGJt2bbG5iq\nyK6MEdR6G7U3teA5P4l/MP/UsMm+gagojhB0e5juu0jT5muXOswUiqVZhDBeoUREca7VmsVGdtij\nohhAkiRku5Wwz49sVZGrqpDk+ZQEG0gWldCM8UNe+/6bWPv+mwCjKAUtUNSK7eOexpgonieQwZnu\nxbcsPPJIalHbd75WWr/WqqZG3JeHUrbbXa4SjMacJHtlRpAojy5d5UByK/oafy3BAhawVTohRwsK\nhjiuJN/jeH/jeAw7t+I1Akn2K36lQj7PdKz945to2t+OxWVHmwsy/fJVLvzty+ha7t1qgx5v+u2+\n9NvNihDGKxSdEPfe4zWVKEaRE1pKRzC651mQrNaYKI48ZlGRbBZ0fzBheySKkm/XqWwY0lL3PViz\nmhZvojtGWJKYu35bSoQj2a+1FBezmnWr8U/NMHP5KrpmpKw4mhto3Lxp2cdiFiLR4QhGBfTCXpmC\n/Elrvi+uTDkTEceSzUp7Y+XYt0X8jSO0N/bz5T+/nfv3NXG+pzCrCvGF0wYro4lH44F2Vr1/E7Jq\nBKPUKguN71pPYGyOy3/3es77Ux32tAXvLQc34WxpxP1mkZZvC4yYfgTmIayjh8MJEeMIug6ykrpd\nkiQkRUEnmPJYsXHKqRGt59btodExR9uVASzBIIEqJ0M7bmFk2ztSnpvo17qf3Sz/JCxJEs1brqd2\nwzrmRsawOp3Urm4mFFqZqRQRf0yIrQT09lgX9MoU5I9ZV64EK4chn+GRfe89sRSCblcYW4mCFctJ\n3fbWqCiOp2Zzc177c3Wswzc9TdgfCyxUdzZxw+d/D90vce7B5/Ie63IihPEKJL6IwVToOnpAQ7In\nRmLDmobu86PbbUhpDAb1Eom4dzqmOReoIoASG4vTwoldH2W1b4L28TEmrtmMv74h4z5a7bUM+WZ4\n9PEauv9sH1spzWRsq3FGG6EY7hkrQxjHF2/EF9NJcd+pSJkoDvma7y8LsoTssIMsQShM2OtflkZF\nguVlyDdjrFRsD2Cb77IIhlXcWxUScV+IjEZJeToo1a5tpWH/eibfHMA7PE1N1yquv++91F6zCs0T\nRK2zoU0XtxNuIRDCeIURX/VtKieKeUJuD6AjWYxx6VqI0Hzeku73oyuOBNuzcFBD95fmh7bTMUtQ\nl3nBW4cbifXXOJjb4WRm3InVvoqrXdntxxDH06RV/YKiEE2X8MUEcLwoFkK4uEQEiSnt2BQZtdaJ\npMTdHFksRi1DGYhjpftGXP5ARXXDKx46R3Zo2J5ODkisjN//zGsj1N+6FklJFMLut/JPeWjYsoGb\nvnQoZXs4oBEOlEfdQN6q6OGHH+bMmTNIksQDDzzAli1boo+9+OKLPPLIIyiKwrve9S4++clPFmSw\ngqVRLlZIkdbSyYS9fvSwjmyzJraczoPZy1dxD42gayFs9XXUd3Ugx10Is2VX1TS7qqZpb+yn6c9v\n5/5LNmZ68hqSYJmId5jo7UkUZEIUF5dy8CiWHfYEUQwgW1T0KhthT+mbTSxEfAtpF5XVKlpQeEZ/\ndgFHh4vG29ahOq2E/BozZ0YYfDL3/OIII8f7aHpvB7bmxHl09rVRwt7yaNaTlzA+efIkAwMDPPXU\nU5w/f54HHniAp556Kvr4Qw89xLe+9S1WrVrF3Xffze23305XV5bhM0HRSBHFZYjuD6TYwSxEJHoS\n3y51svcC42/1QtiI/syNjOGfnKbtndvybsLhOtCMp7mO3iftmK+Nx8Lo4TDuqyOE/H6ca9pQVXMJ\nlaWSzn/40ceF1dpyUy435lKaWgYA5NxvnLMhHNb5338/y/Mnfbg9Ybo2WLnnTifXbcqvcDjSPUzd\nDU279IqycIsS9TfOPwIZTSksg1WAYnLxf5xm+MdvU7d1FXN9k7jfWpqHvTbpZ+Cx37L68HVUddYT\n9gaZPjNC/387VaARF5+8hPFLL73Ee97zHgA2btzI9PQ0brcbp9PJpUuXqKuro63NaKywd+9eXnrp\nJSGMTUKk9bMZL0iFJj56spVTTJ0YpX9kPdMDg1FRHGFuZAzP1RGcq1flfJythz28sG8/jz5SA0hl\nFXH0T88w8tuz+KdnAZh8+wKN13ZS27G+xCMrDJn8h4XDRPGJCOF4uvZ5OdSpmfrGXA9nEEqZti+R\n//7EDE9+PzYhXxn2ceFikP/9SBN1NfmL8VDNWpTZyxXtb3x3j50h33TOnsaxos9ZqkemKtqOLRv8\ng25GluBfnMz0yatM/+YqtlXVhOaCaDPZB7PMQF7CeGxsjM2bN0f/bmhoYHR0FKfTyejoKA0NDQmP\nXbp0aekjFQjyIHlpseWHvZz3pE/V8E/P5CyMo6L4cUMUr3XWo5WR/+rY2XNRUQwQ8gcYe7MXe1Mj\nVmd5XyzctjnhP1wiEqPDET/U0HzqhHlFMRirUrpFTXDH0UNhwkWoZQjJCo1tVezbK9PzbOx3eOlK\niO8fm+Oeu1K9z3Paf83aaPOPSvQ3/s7XDnPklJXeHrIWxyvJo7ik6OAfKs8IXEEqr/QCLEWoipx3\nJeSSjqsWZ3lsOcnlPUiShISExYTvu2hjqmlDd1/Fsns7Lf4Qtp9fxu9OzXWy11ajprGuycQaVx/q\nroMc67MgSyqrq41l+XzPqSOvqBz50D7anznK4FRnXvvIBc3rwzc5nbI9HNTwXBmi6oY4L2PJ+Hma\n8byJ0ONO9CL98RsKvT0OZEmJfjeC4pPsS0w0uch8+cTp0ANBQu45ZLsNZBk9FCLs80OBb3gVZxWq\n1cpHP1rLXZrOqdMe7v/Pl3B7jBuJqZncGyykI+JvrO7axlYqTxx/+cGD0YYfZJXItjI8isuFrYc9\nKN3bSz2MBPISxi0tLYyNxZoYjIyM0NzcnPax4eFhWlpaFt2nFirMJJALqqqUVXQvHbm+B103mv2a\nrauURVWKOyZ7C9jBfgDWv+sib//zlcSHG1xUtbWi5dLtRyd6M6froGmhvM+pVnsdvT1wd4+d7/zt\nYTYvg4emtoDNXVgn8bPQY+/RjDzvc3OsT4U4m7WI/3CLrdq04640KsWXWA8ECQWK540u222G8J5H\nVSXesdPJf/rkKr7011cBuG6TJdPLcyYqjuPSyiohtSKSVvHlBw/y7D0ushHGK8WjuBzYetiDumsb\nqNZobrwZyEsY7969m69//evceeednD17lpaWFpxOY3ls7dq1uN1uLl++TGtrK8888wx/8zd/U9BB\nCwT5EqpZy7avf5iqLae4+MRp5nwWbK5aGq7tSttYZDmJb/jxnWXwNFbtNuyN9XhHEjv1KTYrtevX\nFO24SyVdMV06/2FZghabuPgtF6b2JTYblvSX3s03OAC47R02bt/rKOghK9WxItIZb/fh+WX7RWzY\nV4pHsZlpb+zHdaAZdfd204liyFMYb9++nc2bN3PnnXciSRJf/OIX+cEPfkBNTQ3vfe97OXLkCPfd\ndx8A73vf+9iwYUNBBy3IDbN7Fy834dp1XPcJiabhMdNdGCINP16ektm9DMdrvulaRn4bwjcxCTqo\n1VU0XbcRiyMmarYe9hgTmAmItWte3H+4ElaEygVT+xKbkQzph9VV8Nk/qeVDv1+NohQ+tbBSxTEQ\nDSKoqpxx5W/HV6+haRc0FeiYr8S1qhbkhmSzmlIUwxIU0mc/+9mEv6+77rro/+/cuTPBvk1QOsrB\nN1RQOqzV1azZ1Y1vcoqQP0BVSxNWmwVNC5vurn4h/2Fhu1YaxPySH3ogiG6zpthDrm2CO95f3OLE\nShbHmWhv7KfpwYPcfzm/VsfpONQZZO9XrxHiuAJZ2aHDCqdcfENLhetAc4K/cT6Uq3dxPJIk4Wio\nT9hmBlEs/IfNjZhf8kcPBAnPeZHtNiRFMVwvAgHC3uVpIBLvdVyJ4ri9sT/hb8fXDnP/Kev8ylJh\nZM+jPRrH9ln48ldhrILs8AQmEsZRs+1lRJLKw9s72Voq/rNa6D0YFy3z+4aWBNWaUIgSTzYT3NbD\nHvwfOszdZehdvBhrXH249pdeFMenTBzrk4X/sMkQ88vSCHv9htuFrEA4XJKLUahmbcU1Alnj6qPp\nCwejhdGe5rr5eTp7S7dsGPZ56O2xc/++Zo587TDtnz5aEZ+fwETC+DP3zHKsr7TFT2akt8fGkG8m\nGiGLWSEt7qkZW9oUF61kosuJe2+haXfMfFx7YfHoSXJDj0qKXkYjxbtKK4oN/+GYh6uEIvyHl4GH\nH36YM2fOIEkSDzzwAFu2bMn43HvvmRXzy1LRgVBp8+DjvY556DiD08W3iiwWkYDF/adiXQN7nzRS\newopiiE2F/X2wBEQ4riCMI0w7m6U6G5c3jtmCQl9ofJVE/Byp3s+p9IQB/FWSLDYexD5fguRLPqy\nybtrb+yPehdXoihuevAgkiSh1awtyRie97k59oZKb48jpZhOUFxOnjzJwMAATz31FOfPn+eBBx5Y\nsFZE5BNXDhE7t6YHD+J66TRn/rH8fnfJAYuIQ02xb6gTrDa/dpitwgouK5TuG0s9hIyYRhiXYoIt\nunduAehu9AFBjs3/nVzgUg7voVxILkpxxSVMJvh+zi/RxVuDlTsRUYwkIdW3F7yZQTYYXsTpHSYE\nxeell17iPe95DwAbN25kenoat9sdteJMRojiyiIiji27trNVP1VUcRdpCpZcfJgvyR1IlztgsdxW\nm+WM4V180BQF3ZkwjTAWpMfusbPHDnQafcxFlKa4RItS9saW4tAC0Ry85aAQnSRzITpRWWyEHC0s\nd0JTstuEEMWlYWxsjM2bN0f/bmhoYHR0NKMwFlQeIUcLqq94jUD0cJixs+fwjIyhh0LY6mpouLYL\nuyt/Ibvjq9fwrNUVFcVrnfUlsWmMWG3e/Ugt996zn92IznrJRBt6zF9rzIoQxmXCHrsTX7Wv4KJY\n8Y5kfMzMJ26xSZdm0fTgQbQXT0e36RR28p26Osvw2xN4Znx8/nmZP77jVu654yVe/V7i5KqHwvhn\nZ7E4HCg2a4a9ZUepJyohis3LYjdoqiojFdGPxcztxxejnMeOsw3cV7Hs3o5LMtLK4llKu/qrp95g\nuv9y9O85nx/N46XjwK3Iau5yZOuXu7j/cjO9PXZkSY22fldL9PmvddZz2T2JhIy6axvq07157UdV\ny7feKtPY17j6kO1rkKw2JGfbsgdgckEI4zKi4KJ41pigQi+/nvpY940os5cJlSjXtCCoKpIqoweC\nRo/jJRDfUhXVypGdcHePnlAYuRQ8Uz76X7mK5jfEdtgf5n8/Dlc/uosHD78YjTxMnR9gqv8imseL\nbLVQtaqJVVs359y1zyx2bMKCzTy0tLQwNhbrgjgyMkJzc2bf15zap+dIOaeIlfPYwRi/Zm9B0UdQ\nd22n3hq7Puj+AJzoyyuKHNY03FdHU7YH3B7Geweo78q+EVi8L3HEgi3S+t0MjX0idT/5/EYWalBi\ndhYcu24Yr+g6Jf9+ImQKKwlhvEJRZi+jvZBqVRblp4M0PXiwPMWxBIqzGslqQZIk9HCYsC9AeM6b\n9S7kageSxYIkQVgLEZ7zRnOQQ44W7B64955YYeRSRd3YhamoKI7n+I909j9uLMu99N98jL/Viz5f\nxR4OBHFfuopisdB843Upr82EEMWCdOzevZuvf/3r3HnnnZw9e5aWlhaRRrGCicwLyi2JaWX5+h6H\ngxqhYDD9sQLpt6ejvbE/xZfYbKtMx/pU9pbZZVMQQwjjFcyi+WMPHZ8XUICa3ZJ9ziJLlZGtVpBl\n8PogtPQ7ZbnKgRyXYiDJMrLDhq5pRvR4ERRnFbLdFvtbUZAUmctHTzJw9DTBGR+1165iywO3Qicc\ng6hryBpnfgIvFNTSbg8HwzC/XD07OBQVxfF4RyeyPk5BRLEkITtsxnemhQwv1hyI2bEJX2IzsX37\ndjZv3sydd96JJEl88YtfLPWQBCYgeY6I9z2OZzGhrNht2Gqd+KdmEh+QoKqxIauxRETx3Y8Y82yh\nLdgKgYQS9Tde7uYf9o5aVn/keqo66gi5g0ydvMrV7721LMdOJrnJiutAs6mdKOIRwliQkYHxDjjR\nb0QIskDdvT0aUc0G2W5DrrJH0wBUq4XwnJewL7DIKxdGSpOrJkkSktWyuDCWQLKkvn7g70/yyqe/\nS3DG6Ew1/IvfMX6yn3d9/99DZ2BeHNu54pmhxZa70HPU2oHZlO2WGkvsj3D6m4Zwhu3JFEQUKwpq\nbTWSEsvhk2wWQtPurF4eE8XmjPSsdD772c+WeggCkxP1Pf7z22MbdR3Xi6cXLDaTJAnXxnbGXnsr\nIUJcs6YNR0vjoseNNVUyrygGwxquFM0/lGoLXZ+9Bce6WHCmuqsBySJz5R/eKOqxk0m41sRRLqvP\nQhivQBYquEtmYLwjq7bJ7Y2GgM5aHM9HHeNzY43Irp2wP0DJ7KUl2YiExqHrOm//j2ejojjCxMsX\nOf/Er9jzH98FnW6OodPb42DY52GVvRpd1xl+e4LZsTkkSaKu1UlTR11ai6JVmxqYGfEwOzoX3Wat\nUqnpqgH8qLu2YW+aYvby1ZTXZlPRHT9RZT05KTJylR1ZVdF13bipUOQEUQwgWyzoDvui7WyFR7FA\nUBmk9YDftY2tLCyOa9a0Ya1xMnNxkHAoRFVjA841rYvatrU39qPuvp0HTlkph9Sr+OYfEX/jYovj\nln+1MUEUA0iKRMOutVx56g1YprTleOvPchHCyQhhvMJQvCOgBYwObwUkIqC3cgp11zYU7XL6J85H\nKiWbJUVgAUiKgmTJIrK7ALoWhKSob1TYLUY4jK6FEqLG4YCGu28s7dPd540c7T12J907fRzBGxXH\nnlen+MB+C+8+Y1jqRgAAIABJREFU0EJdnUJfn58fPTPJjC112VBWZDbtXsdI3yS+aT+qTaWlq54J\nycuxvhDd2+u46eYAvxlfzezgUDR6bKuvo/H6TSn7iwjhCOqu3CcqxVmNbIk0kgFUFT1TqssiVdSG\nR7EQxQJBJRJfnLx10RVGGVgX9/fcgml9dTvbqLvjHUjr27ivBX4phTnxUuliJ7lg+BtPG/7GRW7+\nYamzpd2u1tmQrQphX3EK3rYejvn9I4F660HT27EthhDGKwjFOwJBP1p0yavwP9AzR6tZ9eOfMPDq\nBO6pABarzKrOWlZtMNr7Nj14EIURwpbV6LqeEinQdR09y9SATIQ9PiTZENiSLKGHQoT9gazFdtjr\nQ5KrkBRD7EkWBcfqOvwjiakOisNK054ukCUI69g9dv5ip58v4uXsDyQ++G4Lf/LvV6Gqxntcs9pK\n10YbjxzVmPGl/vRkRaZ1U+KSouQLABIvT8ns/fPbOfju0/zqf67BOzqBWuWgZk1riiNFvC9xPLlM\nVLLdFhXFiQPK8IIMrh/Cjm1looV0vvdjD6++GcBmhXffVsWedwj/9Uom2iBp7y25vXCBgj77ulo6\n/uN2rA0OANqq4Y49OnZJ5ycvFmjgRSa++Ucx/Y3n+qbSbvcNzhRVFEfsPsHofaXr5W/1KoTxSkIL\nxIni4hDWNH7zszECMzEROTroZXiinrqOtfDQcZoePIg80Q+2jWCvSni9HgwWpOtaaNYDsoykKuhB\nzfi1ZokeCKJps8h2K0gSejBI++FtzLw5RNhvFMld86kDXPtn78HZ0YQeDqMHNEJuD05/FUd2evjy\nq3O8e39bVBRHaGuzctuNfn7ycvpjD/s8CX8neCVbbKi7t3MLp5g6oQAB4GLC810HmgvjSyxnUMCS\nlHJDo4fSF+AJUbxyiE/P0nWdI4+E+ZeXYr+5Z5738Sd3yfzb9y9uK1juF9WVTD7fXXy30WTPZOcH\n90dFcQRZktjaBT95sRxixgaR5h+PPl4DRRLHY89cpH7XWlzdbdFtwWkfwz/Kz0sZUgvo4klXr2Ix\ngVVeIRDCeIVh2LMVT5xM9V1MEMUAhMLMXLxMXcdaIyIw73Yh1V9A2boNqbEJLAp6wEfIW8BEqHAY\nPZDn/sJhwnOxnNlNn9iD6rRx+YevUtXeyNYvfRi1ynC+kGQZyW5F18PgNwoH29pl6uvTm8y76tP/\n7IZ9HnRCdO2LLz4Mc6gzyB67kxDO6EWk3pbqPQ3z/ecLYMGmB7X0EX1NQ/cHjVQYWUYPhY3c4qQU\ni2RRbPacQEH+JPuhv9TnpOfXHRBn4e8LwA9+NMeH69/GqmYWNEr3jYbIrmnL+BxBZRHtNrobmnYn\n+urLm+rTvsZui7n1lAvJ4njvrile+dNzhTtAWKf3r16k5X0bqdrYQGguyNi/XGDufPpI8mJE0vGk\nDE2kCnWtMSNCGAsKSjCDV7Dm9aGHw0iyHHW7gFH4/jmwqrj2NaG+cyuKiX9oG/5wJxv+cCdytQPF\nkTpZSBZLVBhfe7OF/stBWlelPu/KeOqEHhPFXg51Jlq37bHHvGQjy5XKLduTd5HwnKWiBzXDzN9m\njYpjQwT7jZSUBSzahEfxykGZvQy6zlicdddvhrvQwqmR4YuTdt788STr7Z6Ux6LM+6frkwNQpoU7\ngvyIuF0kzG3V6YM4F0ZCDPnmym5uabXXMuzzzItj2PvVawoqjnVNX1KEOEKyg1EmzHqtXipCGK8Q\nIg09io2lypF2u+qwJ+TCphRa/N9+XFoo6moRj/l+fOkjFfHBVUmS+PGrITZ2hGhujEWO37gQ5pdn\nEl8XL4qP7AS7Z+GmCsv1eYTcc0iBoCH40Ql7/Rkt4yLEi2Jhx7YySPZpVQNVaZ9XJweZm13FgGeR\nVZyHjuN6dzPqLrL2T18K5ptfVi4p30UY8AcSfOlDYQ3VNUHXvph/fDyRPFfAlPNPxM7tWJ+lpE1A\nskmTKFdXiaUihHGFE+9CsWhDjwLg6lyP++owgem4dApFpnb9mgVfNzjVCSf6UjyTc/VGXg70YADd\nbk1NMwiGEiTz65fCfO37Enu3ham2w6URePa3iSnUhijW6NrnmxfF5ipQ0gPBrIsWReMOAcA7HTP8\n0lvPhWCiQL7ZNotDXjy1Keqfrhf/Rt6M84sgkdCsh3AgiKQqENYJ+/xcW6tzqFPj2AKv6+2xR60z\nBYlk8hmOZ6WKYhDCuPJZRlEMIKsqbe/YxuTbFwjMuJGtKjVr2qhZ07roa9N5Jkft31jei5evOtGT\nd3Q0xE9/6kfT4N3vtnJNl4RFqUKSZHRdJxQO4tMnwWaEKo71GdHxkSk4+kz6Y0RE8b33uOluVE0n\ninMhJoqFHdtKIZMfuiLB/+u6zD/NtjCg2bGic4PNzSFnesvDdAxOdTJwtPjGq6WaXwS5ofsD6HHZ\nW3aPne5GH92NqfnqEhK/GQ9Gmy6ZURzHF1W3N+beXnspxLsWrbRzPvm6nmk9SgjjFcByieIIFoed\nli3XF2RfZ45Ws5XTy3rxet7nBl9see70835+/ISXmUljEv7H7/t4zx8Eed+Hq2l02PGFQozON7eQ\nJIkfn5eiLgyZGPLNAHrBRPHImMaPjnvRNJ33vMtBV4dl8RcVCNG4Y4WygB+6SwnxR67UZjRmI3l+\nWQorTWSUmkxzpkVV2GMPpTRdimc55qjkYyZiRLwJSobffLwbh0TRTJoL5lpUhhjXdSDuunwgQ1Bc\n0vUcfKyKSGDsh8t+TIuqECxza5HF3oMye5mxv/z5sgrjfFBVGU3LHCFajm46yU4KAHpYZ/i5ETRP\nYkGcbJVpua0Z1Z7+3nIhgTjkm6Frn49DncFUUTzf/U9SZMMGLqgZFnYZfIIBjj87x9f+1wxjk8bn\nV10F/+5wDX/0kZpc3n6UXH4XRuMOc9qxqctoHfTY5/Yvy3HMxPA97wfS1AsUgMXmg0KT3BAnHyKF\nSnJNW1lfV8r9uhg//shKVnxdSG+PreipXrEUuUxFyjpfusEeTXWMp4i62KCIBe5mPXfiG0zF86P/\n8sG0zxcRY0FZELF5a3rwIMrs5bzFcfJSSjzpPHenh90pohggHAijjui0XpNYFb2YGBv2eejaF8gg\niiWUWieyGhdpttuiAjk0mxqB0DSdb3/XHRXFAJ45+Ien3dy+30Frmw3ZYUdWFWM//gBhXyBlP7ki\nPIoFZr/ZzoV0aVy50N7Yj4tTqLu3o7uvgn1lRePMit1j58hOH5puBAl+OzHNMfz09khFS7FIrhvJ\niCf9KkOleAEvJ5HruiJZUBUHkiQRCgcIhrx5XafyEsbBYJDPf/7zXLlyBUVR+Ku/+ivWrVuX8JzN\nmzezfXsssfuJJ55ASdMCWCDIlngPZHU3Od/5xou5dPT2pNqLqTYl4y28al3a+Zy8FBgRsMlIsmx4\nSephQu5EO7xX3wxw4WKqcJ+a0fmXX/r44483RFtvS4qCrho/+aWIY+FRLBAkEi0Y5BSW3dtRgpdz\n24GJbSrLGSPNywJEisHlgtzIG6lwmShcipxgcSLXo0lfHe/rcGJVjfoeRXfw2oSVY30zOX/neQnj\nY8eOUVtby1e+8hWef/55vvKVr/Doo48mPMfpdPLkk0/ms3uBICPxF6BcKsqTHRPSIZGae1btclDT\nVMXs6FzCdkedjYb1dfm+jfTIi3QFUy1AojCur5OxWaP2yQm4mmxRURxBkiRDZOcpjMvJo9g742P4\n/CS6Hsa1upaapvQ2YgJBIYj6sz/z85zWwiN5n6IAsHCkW9GKkG6ez5aYtaaPQ52ZUn1CQhQvE5Hv\n+Rt/5+RvP1GNXY1dQ2VJYkujg6fP67Ta09vIZiIvYfzSSy/xoQ99CIBdu3bxwAMP5LMbQZGJmO9X\nGpnEceRHkg6jOMyeV25ZR/dqBk5fxTPmJazrOBvsrLlxFXKmtsn5sohHsJTmcBvWW7j5Rhu/PpWY\ny9a1QeX335tBtEqLt+WNkPKZ+igLj+LRC5Ncfn2UUMBYkhzpm6J1UwNrNgvhISgeA+MdOedHDxwl\nYwFgOQjlhebdUiAhobv1gqR5JRfQxUSxkQqXHiGKC8mC59f89ai9RWFtc+pqq80icUuXg5+M5nbM\nvITx2NgYDQ0NAMiyjCRJBAIBrNaY+UUgEOC+++5jcHCQ22+/nY997GP5HEqQJ5GGHsvtSLFcJItj\nYL7Iwpb2+b091rwnSFuVhWt2ryfo19DDOlZHcRwfwl4/stWSEuWNoAfT5509+Jk6/vq/TfPbswE0\nTeeGa6x88mO1WKT0F2c9lF3+WqxwxUKkve9SPsflIhwKM3RuIiqKAfSQzsj5SRo7XNiri980QiDI\nhTNHq2k/cTyhBa/SfeOS6imWg4gjTaZ5tzRI9PYYc/RSVrRi0eH41bUwhzqDRjfShUwnBAUh3TUo\nnsj1SA1UM+PRqa1OjR6NL5T1koFFhfHRo0c5ejSxKuHMmcTWXemMLT73uc/xgQ98AEmSuPvuu+nu\n7uamm27KPBBVRipB73NLmpzOciP5PeiTAwRfPMXUM6MMTneilqDEMujzM3vpCrKqUrt+NXIW+eWq\nmn0kE2BwupPBp2HrLp3nfW56e5zIUvo3K0uwunppy/5qlufKQs8zor4SElL6c88zBzYbqIqRWhFp\n4xQKIfv9aXOQV7cqPPpfW5iaCaFp0NQw/xxNg6AGlrjPJBRCCQRR0uzHbTPSRfwANqK+xLIUe24h\nPsdiMzXmxe9OTRUJBcPMXHXjvG5p7gMCQTGIpmJE+OlgtJ6iGOI4UyGyHwndtvhKY6ZUhVIjSUtL\nl4DEbqSHOhOjlXvsC3cmFeRGpvPw5XEtwQY0HZHv2eOD187r7N6SqCH7ruicfCP3MS0qmQ4fPszh\nw4cTtn3+859ndHSU6667jmAwiK7rCdFigLvuuiv6/7fccgvnzp1bUBgvpzVPBLNai+RCuvegAFO/\niESKl/9zneobYOLtPsJ+o2PaxNv9NG+9AUdjfcbX5GvPtPWwh2etrmjOa4st82S4HJW+i7lSGPeQ\nOjp65nMvMD8RyzKy1WK4SWTRfa56PoU2Yb/Ts8j2eaEdDhP2+dNavz3vc4MbQInzYjYmpOTP1OwV\n04pVRlIk9FDq+1SssunHL1i5pKzuRVfFyLo9drY1F8bydJpiXyl9sCsZszrSFMqm0XAP0oQQLiLJ\nPQPiyfX8+s5x8PjCXN8uYVGhf0jnh88t6HSakbxiibt37+ZnP/sZt912G8888wzvfOc7Ex7v6+vj\nm9/8Jn/zN39DKBTi1KlT/N7v/V4+hxKUGUHPHBPn+gjHCbmA28PYG+dYu+cdKW2Ul8KOr14zL4pr\nTJ/zmhcRIbvU3Sywj3TezRHMdsHLFketjdrmaqaH3Anbq1w2GtYWuGBSICgi8Slj2ZBNQXJyAe1S\nKNc5QpCK5gnQ9+SvCUx4aL6ti1W3dRXtWAtdd+LJ5fwKh+H7PVAIF+i8hPH73vc+XnzxRe666y6s\nVitf+tKXAHjsscfYuXMn27Zto7W1lTvuuANZljlw4ABbtmxZ8mAFi5OpTetyMTN4NUEUR/BPThP0\nzGF15jeJtjf2J/zd9OBB7r/cnHdBXaUQWYbKp9gjkxfxcjbGKBYd3W1cOjPM7IjHKJisd7Dmphak\nQhdMCgRFJluP5YiXsv9D+0HJ7Nce786Tbt6shN+/IDcmXx3k5H/4LrPnDP3wu28+R/sd29jx6B1p\ng1mFTMMxo7NRXsI44l2czCc+8Yno/99///35j0qQF4p3BIJ+tBdPl6zgTs7keCDLSIvZkWUg0vXO\n0+KKbrv/lEWI4qiwVTmy05eTOK50L2KLTeWaXevx+4Kg6ygW8+RACgSFZuthD/4PHeaFKQmmJI71\nZb4BXI7Ob4Ly4uyXjkdFMYAeCNH/3Vdofc91rH1/Ygpsum6CiSwefEjXM8BMiM53FUK8KD5ztHQT\nXs36NUz3X0TzJi7fOxrrsVTl5iUIhih2fO0w95+y0vud5KX+lTu5x/syg8QRvFmL42y8iN2TXkbe\nnsDvCWKxKzRvqKeutfxy7ZQcCzoFgnJj62EPL+zbz6OPRFrAS/P/XbhgSSAACAdDTL06mOYBnZHn\n3k4QxrHrjj1tP4BIrfhimP0cFMK4Aoj0Wx976HjJrdlUm5Wmzdcx8bvzBGbdIEk4Gutp3nJdVq/f\nejjRA8f/ocPc/Ygh3Frt5Z0fanRL0oGlLVPGJqdYtW5vj4MjeDnU6V7k1SzqReyZ8nH+V4ME52Ip\nMe4xLx3dbbjaalKeLxAICkPy/JcNL+zbz6OP12DmCJzAvEiKhFKVvrBzyDJfIDdPvEtEJafhCGFc\nIYRefr3UQyDo9TJ1fgBtzou9oQ7XxnZsdbXY6rITU8Zy4D5enopF+R59xNxLLtkSEcX33uNmb3AK\ngkBwKmcbpohvaPLkNOzz0Nvj4BiLd7RbzIt4+O3xBFEMoAVCjF6YEsJYICgSkWLiXAviFlr5cV7u\np/U3L6EE/Mys38DQO/agZ2GdKVg5SLLMqnd10XdhPHF7YxW/3rMTf1/Mo7ocfOwLgRDGgoIQ9Hi5\n8utTBN2xiMfcyDitO7dm9frNH57lhb2R5cDEC0P5i+JpAL7zZzPYftjD2AmjDU+uHqXP+9wZLWxW\n2asZ9nk437N4uspiy1gBb3pruEzbBQJB/kRqKCLFxLkK40xCpfm3J9n0T09hnTPm5LZTv6K+903e\n+LefWLz9vKAk+Kp9WRewFZJrv/peAmE/o8d7CYzPoVy/it/9692c7V+P1F+YdtrlhBDGgoIweb4/\nQRQDaF4fU+cHaN2xsCNJvO1aJUSH4xnyTdO1z8eR7QG8nz7KW+MdwPzEkuRRms5iSdd1nn19lmPP\n+RnwKAR0O9aa9BfCQk1Y1gzLaraq4nT8EwgqkfbGfuPmd9e2BZ/nadlp1FAUsphY11n3y19ERXGE\n5rNnaHrtNGNbdyz9GGVOLLUtE0ZKQLLTU7HadEdqPyRJzcpHurCo8PCHqPu8j/C0l5/56+l9rmpF\nRIfTIYSxoCAEPXM5bY9QqV7ERuckja59Pr68dpSxT6fmfye3tU7nP/rX35rgn37kJxwCCKJYg6zf\nugrWF2/sbdc2Mj08i98dixCrNoWWjQ3FO6hAUEHEXCIWj8wa6WKFraGweGapGh1K2S7pOrWXLqx4\nYRwNWOzQ0j9B16kenSb00usJFSFK942L+kTnQ2JrbYlCePHmh5PeHmOer6QAVa4IYSwoCIo9fZRR\nsdnSbk9ePpQldcGudcVi4tI0k4OzhENhqusdtF7biKwsfZkxXhS/8qfngI7U5+g6F4bW0vGLS9Sn\nEcenL7o59pOIKDYIBUIMnRunYV1ten9JTwDPuJfqRgf26tTvZNM6OLhTYlUDzM7By2/qPHM68TmO\nGhubdq1j6NwE/rkAFrtKS2c9zsaqpXwkAsGKYKG0sEwUWoSEbA4C1TWo/tTmPkHnyq4TiF/Fsz3d\nk/Y5UydG8abZ7vIHUHdtQ2Fp4jjeBzhiuRmpG8nW2aFYrJR0iYUQwlhQEOra1+EdHicUiBV/SapK\n7fo1QEwIx7gmoUHH6uraZa9mvfq7Ma68MYo+34l6esiDZ9JL1651BenQd2R7kLFPHyedKJ7qu8jM\npUG0OR+XHTba35xiq82Kcsv26HNe+WWYYJpaOu+0n8tjU1hrYsJX13UmX5tgbmgOPagjWSSqWquo\nv6kh+l7WNEr80fuqaK4z/l7VAO2tRoPqniRxbK+x0bGjbcmfgUBQKez46jVZPc8MaWFhi4XxG7ZQ\n9fyJhO2ellau3Lq3JGMyE0d2aNie7lnA2jT99oGjsJXTUXEcT06tuOPaIC/WYGnYl7tTyWKsdOG7\nGEIYCwqCo8HFqh03MdV3EW1uDtVhp3b9GpxtLQlexPEYjSVKY8EWDoUZuzAVFcURpoc8TF2ZpX5N\n8S5os4NXGXvjnNHDEggEg/S+7Mb1yyE6b4k9r642feRadcDGA36s1bFUh4ETc3guxWIcelDHc8nD\nqi1h1u8zIr0f7KyhuS5xnxZVYuf10HO6hCEKgcDk7PiqcSOfDZECulIvRZ//V3cQsthofOs1VL+P\n2dXrGHjPvyJky71LpiDGmaPVtJ84jutA7HxQd21D0S4vWEi9UBvkTLm8RkpeiK59mTsZ5kpvj51h\nn0eI4wUQwlhQMKqaG6lqboxr3+zDdcCT4EUcbwreWsIfZmAuiN+T3mVhbsqXVhjrus74wDTTw27Q\nobalmqYNrpyjy7ODQ1FRHN13CC6/OEJn3Lb3H6zm6X+eo+9iYh7c3l0W/nxfYh7afd8NciHNsRpH\nghzZaTzPbkk/zhqRISFYgSS3mc9Ecvv5xZAlSpIWljoQmf7f+yD9v/fBUo/ENBgFd5ASEcmR5Dbd\n7SeOU//7a1BuSV9EHSGTq1A6YqLYy6FOje7Gwsi1I3iFOF4EIYwFBSVSdBLJrXthimiuXakjKPFY\nHBYsDpWgN7X4wuZMny99+bURht+eiP49OTiLZ8pHx/bcUg70DCkjwbnEsdhtEl/8rIv/8X9meevt\nIDYb7Nhi47P/oQ67JzHyK2kZGntocrQbnuyQ0v7iL45qkKFLlkBQiURWsbLJAc61/XylNDmoNGJe\n8rPYfrhQGkXxONQZ5BhG1DYq0hega5+XIzvB7nFCgTIqjuz0cQRf1mOAlVeIJ4SxoGCktiaNYC5R\nDEar4Ia1tQlCF6C60UHjutT0joAvyPjF6ZTtk5dmWNVVj6M2++VJa40T79hEyva69aktl6/daOWr\nf9GIzxdGVSVUNf2F/ObNNl4+k5qQvG1zrPgx7PUhWVRka8x2bdIX4umXfAz7zJF3FvAGGeufIhzS\nqV9TQ3V97m3EBYKFiNy8R1axsqHcu26udOJF8e6eZ0oiiu0eO3vsQKcbOoNkCkZIkjRv1xaiu1GN\nBjYKOY4jO3283OnOOIZ4Hn3cwZBvxnTX8GIihLEgb+Lbl6q7tpmi6CQX1t7UgmpTmBnyEA6Fqaq3\ns/qGZiQ5VXzOjsyh+VOjQCEtzMzIXIIwjjT0yGS5U39NJ76pafyTMaFd22Tj+j9ozzhWu31hp4w/\n/jdOBi4H+eWvffj8YLfBbbfY+XeHE8V2aMaN7rCDIoOu87upCfydMlwsvSieHJzh4m+HCfqMyPnI\n+QlWdTWwZnNxfEMF5U/eLZRNuIolKBypkVA92mCpWKJY9wdACyxq57bH7kxwpUhGQpq/chReFEew\ne+x0N2aXt3zvPZHGUplzoSsNIYwFeZHcvtSwmymgQf0yIEkSbdc20XZt06LPrXLZkFWJsJYodiUZ\nHHWxqOxl90RCQ49k72IA1WZlza5upgcuE3TPYal2cNP2MHZXemu7bFBVib/8zw28+XaA194KsOV6\nK9d1pU8JCXtjE+Jml8TRtM9aXnRd58qbY1FRDBDWdEZ6J2lYV4ejNv/PRlCZFKOFsqD8uew2VuPu\nvSeWXtbtCsc1WCo82XjSx7OQ4LWoCsFlSMXJVnQbAjqWArIScpOFMK4APA1VVHffCD8dLPqxFmpf\nWql3k7quY6+xUbfKyeTgbMJjNS3V1DYb7znij5mpoUc8sqJQ3xmLECtqf0HGev0mK9dvSi+Izczc\ntB/vdKrnakgLMzk4g6M2O0cAwcog4hKRTwtlWHk5kyuB+KZKR7YHsP2wJ/rY1InRBefjQhApyNua\npTguF+JTQI6h09vjqHhxLIRxmdPjnjGWXSwuur92mB0j04w9tLAoW4xUz+EYRWlfalKC3iAXXx3G\nM+4FCarrHTRtcDE35UMP69Q0VbHmRmPiG/Z56Nrnj3oX5/P5Z7sUV4moVhlZkQiHUtNPFKsoDCxH\nFppHlkq8S0Qlz0GC7EjXaTQxOrx858jUiVHqba8neNJXAnvsznlx7K14cSyEcZmS7InYtc/HMXSg\nmSNfO0x7hmX8xYgUpiR7Dkfo/Y6x/FLpxSi6rtP3myvMjsZaWgfmZqlpruL6/R0FaQAST65LcZWG\nrcpKTUs101cT3TXsNVaaO1wlGpUgXxabR5aKEMWCCMmi+Mz9vWhaR6mHVZHssTvp3umreMs30wpj\nyWYFJPSAv3Rtw01KsihutddyvseIqulo3N1j5zvz4jgXXAeaEwpTpDQVq5XSLlIP61x5c5SZUQ96\nGJyNVazZ3IyiGkVus6NzzI7NpbxudmwO9/gcNU2Jn4FOCONEzf9krdSluGzp2NHGwOmrzI7OoYd0\nquodrN3cVJAW3YLCk8kHOJt5ZDEWa4tbSg90gXmId5vYG5jilT89h6qK+aKYRFwtjuCnt0eqSHFs\nPmFsUVGqq5DVeaEXshHyeNED6ZsxrDQiojhSQLLWWY+mhRJOzCHfNHc/Ust3vvaRnPb9whRl5SqR\njGfSy8yIB3uNFVdbzYJR3f5XrjB+MVa5PDfpw+f2c83u9QD43BluyHTwzwYShHFkcj7UGcT2Tz1L\nLvCILsXtficoCoTM74k6OTjDSN8kAU8Qa5WF5g31NKzL7Ryy2FS6blmHFggRDoWxOiyLv0hQMhwZ\n5pdCzCPCC1iwGMkWbK+UwIJtJXOoM8wxApzvqTxLTdMJY6XKERXFAJKioFQ70IQwThDFCy0jttrr\nGPLNcHeKn3A2lJ8o1nWd/leuMnF5Bn0+R7Wm2UHnO9disaWe4j5PgKmrqQ0xZoY9zIx4qG2ppn51\nDVfeGEuxaLPYFepWxz7X5Mn57NM1wNK6KsmNtSi37UNqWYUqSehaiPCcFz2Y2ozEDEwPu+l/5Sqh\noPG+/Z4gnkkfkiJRvzr3c1C1KoiGI+ZnoflFpDkICoWqwDtuALsVTp4Ft88cvsSCysVUwliyqMiW\n1CFJioJksxrFSSsUX7WPI7+B3p6FRXGEchO3S2HswiTjA4nNN2ZHvQy+PkrHjtSudN4pX1TEJaAb\n7aBrW6qx2C00d9Yz9LuxaPdQSZFo7myIiu1hnwfDH3MW2w+NyVktwC+q5qPvQW6NjVuyqEjOKrSp\n2YXXl5cAlZWHAAAgAElEQVSATijvJbGx/qmUzzOshRkfmMpLGAtKw8mTJ/nMZz7Dww8/zP79+xd9\nfqXXGQhKT9ca+MODEmuajdW/29+h893nvPz0leL7Ei+FlVFIHQLk+TTCysJUwhhdR9f19EvgKzjP\nOCaKHUW3RAtpYYbPjeOZ8qFaFBrW11K3KrUjm5mYGU3NBQZwT6Tf7mx0oNqUlGiwrEjUNMc+2zU3\nNFPT5DAs2iSJ+jU1UWu2CF37DIuxqROjFKLy2drkwHLN2pTtkqIg26yEfamWZkvB7rFzKMmGZ40z\nt5uqdI1PAIIZtgvMx8WLF/n2t7/N9u2VVUkvKG8+vC8migFcNRJ37rVz975x5j5VPF/ipbASCqlj\nDUIi/saGXWuu1w6zYqosdV0LoafJKwtrGnpgZUaLn/e5l00Uh8M6vS9e4sqbY0xfdTN+cZq+Xw0y\nNjBVtGMWgnSd6gBkOf3pbbFbaFyfGu0yWhAnmp7Xtjhp39ZG+82tKaK4GEhWBUnNkEaQoxPGyLO9\nvPDRJ/j5nkd47g/+Fxe/fzrt8/bYnRzZCV37vOiEuOJJ7hq1MDZneucBe4btAvPR3NzMN77xDWpq\nRIRfUHoUGdoaoaM19TGXU4afXii6L/FSGBjvYOrEKNoLp6KR40rDEMcqhzqDdO3z5XXtMCt5R4wX\nW3b70Y9+xN/93d8hyzIf+chHOHz4cFb7Dbk94KyOigNd0wh5vPkOs+x43peY+xpxnliO5hnj/ZMJ\n9mRgRJBHzk/SuL6u4BZlhcLVVsPEpZmUVYWa5qqMr1l7Uwv2GivTQx503fAkXrWpIetjRiyCQKd6\nZIpCnaH+K26CF4awblqTsF0Phwn7s48WT/z2Eic/+V18w0ZDktnfDTPxykWQJNZ/+OaU58cqjX30\nPZvbedZ6TSPu8Tl8M7GbV5vTSus1jTntR1A6HI7KK6ARlB+33gjv2irRWAezc5kXisenagFzi810\nLkPxVEIUuVKbf+QljBdbdpubm+Ob3/wm3/ve97BYLNxxxx28973vxeXKwo80FCY0PWtU40vACqlM\njrdgiw/k9/ZYl62j3Nx0+qi83x0grIVRLOYsiGpYW4t3xs9Y/xRBr4Zikalrc0abb6RDkiSaN9TT\nvKE+5+OlmMkvsaFKMu7v/xLXf/x95Fojqq2HwoS9Xghnn0/U98Svo6I4guYJMPDUK2mF8VKwO61c\ne9t6ht6eJDAXwOKw0NrVgLVKuEqYkaNHj3L0aKKV46c+9Sluu+22nPajKnLOqxg57T/TykkZUM5j\nh9KM/8YNOv/m3eCY7/5e5zRWMZPxD7uZevbigrZsZrJsO/t0DZulUwDINmMVTdlxI6pvBMmZWgMD\nRlvocmK/sw6pc4Yfzzf/GPF7WGWtZmxgGmRoXu9CNtF3shh5CePIstsXvvCFtI+fOXOGm266Kbos\nt337dk6dOsWBAweyP0gZWFQVimRf4njfz+X0DbY60p8OFrtq+pN6zQ3NtG5qwD3hxV5jxVZVnGX8\niCiO982EjoIeQzt3mdD//Tnsfxe6tZawP5Bz0Z1/dDb99pH025eKxW5h3U3lHwFZCRw+fDjrFbyF\n0EJLc19ZiHK2ayvnsUPpxr/zegmHLfFGS5YlAqEQFkkCJOYGphn8+7MEZjKnVqqqjKYV79zMhzP/\nWJ3o+/3PgzQ9eBB9coBQTWJNiUVVCJbh+bPbXk33Tj9fxMuZ/09n8K1BQl7jfVx5c4z1W1ZR12bu\neqUIeQnjxZbdxsbGaGiILUs3NDQwOjqaz6EqnmRf4lK6SbRsrGf80gy+mcQl+4a1taZNo4hHsSjL\nUijYtc9PtwvGPn2cQotiMJbgXF4PTI8iqdOQx5Kbc2Mz8Fbq9q7mAoxQIBAICkskUpyMjMbEf32K\nkcB63G+O57RyZiZSVhUfOk7TgwdRZi+DGhfIqUkfRS4HnP4q3rt6il8NeAh5YzcnfneAS6+PULuq\nOmNNkJlYVBgXYtlNzyLapaoyEsv/gZVyycJtm+OV8RCPPu5EllRWV+dvhl8IVFXh2t3rGXxjlLkp\nL4pVoX5NLW3XNC6LMC6H5ceEj0FKv2RXiGW8yPKbeus2VCnzklsmbvj0PkZ+2cv061ej26rXubjh\nP+3LeM77435/5fBdZEOlvI9i09PTw7e+9S36+vo4e/YsTz75JI8//niphyVYQVwZ09m8IfU6Ew4F\nCF0cwT2euWakHBkY74CHjuM6kBissOzejqJayzYH+dRzAXwTqRF734yf6WE3rjbzF/guKozzWXZr\naWlhbGws+vfIyAg337xwXmMplj5KuWQRs2CrRkKlxVad1/JVoZe9LFUqHd2JIixUxCXTCOWy/Jhw\nj6ennreFXMY784/VtP/CiCros1dzmigtTU5u+8ePc+6//xLPhXHsq2rp+vit1GxqyXjO6zYdkAjr\nIQbdM+VfQFEm55QZ2LdvH/v27Sv1MAQrmJ++BBvX6HSujonjQXeAOml6gVeVN5ECvQjtjf24pFOo\nu8rX5k21ZA6ilUO0GIpk17Z161Zee+01ZmZm8Hg8nDp1iu7u7mIcqixJ9CUWHaIEmRkY72DsoeMQ\n9BtLbjlgb65hy395H7d++6Ns+9IHqdm08CRreBrHrHeMBiYCgUBQfDw+eOS7Ot97JszPXvbzf07M\nUcsQ1qd/YWprtkKSYvM2ezn2r0ws3z7+AQcta1KlZVW9ndqW8tA6eeUYZ1p2e+yxx9i5cyfbtm3j\nvvvu4+Mf/ziSJPHJT35S+GPO87zPzbE31GXxJRZUBvFLbupuUoo1CskeuxOp0xOtLq4E6x2BQFAe\nBDV48pdGhPg7fzaD99PmbOJRTAanOuFEH5z4eXSbMfeXRxS5Nujgc38a5JFvzHGl31g9tdRZWH9z\na1nUKgFIejYJwMtAYOyHy37M5U6lWMh9AvJzn6iU5eJyeR9DvmlunXiWm0++iv/sMFS5qO/qwNFg\n2L4VsyK6vbE/OkFSxBw0i6owa/Nw5DcS53uqy1YYL+c59djnFm+hXGl84q+fKdq+y2U+SEc5jx1K\nN/54G8wj2wN4P300r0ixGV0pciHT+Lce9qDu2gaWxCpFMwnleE0VCuk88ZtpTo4ojF2qQZbMtzqe\nad42V0voCie5jWKyX7GIzpmXyKS9a7yH9v/+cyaD8xPXzCiB6VnW7OrGUl3c4pCV0GpUIBCsPFK8\n4T9dWG/4SuDM0WraTxgrh1LED7n7RtNeBxRF4uO3uLjW5+ZYn6+sViCFMF5m4jvFxHOMUFmdOCuJ\n+En75s+cYiKYeDeveX1MXbhE843XFn0shRbHssOOZDWmAT2oEZ7zFWikAoFAsDjJorgY3vCVQmT+\nj/JTww9Z0S4XNcVuKeyxO+ne6eNIGaXnCWFcIvbYk/x2O90cK6MTZ6XRtc/Hl9eN8U+942kfD/kz\nG84XmgRxvPedKIEJQtbs21lHUJxVyPa4ZTmLBUlRwCvEsUAgKD5DvhlAT2qYJFiIdH7IkfqTBD/k\nJEoZVTYKu90cI8D5HvO3nxfC2CQk3lXZhTg2KVW1VnxuLWW7tWZ5PTbHGrdhv3kLNasbDD9lvxfN\nq2Vvfi/LSNbUls2S1QLLKPIFAsHKJF4U7+55hleOiutdPsQHSjIhUu9yQwhjE2H32Dmy08cRfEIc\nm5T1N9YzPa4lRIjt9XW4OtuXbQySKtH+yR1Ud7hiGx1OVMmD5s5O1EqqgiSnWupIkgSiKYZAICgi\nhhVkTBSfEaJ4SST7IcfT3mimupQwOuYvTBXC2GRExPHLnW4efdw5f1cdo5QtowXQuKaa1besY3pg\nkFAggLXGSf3GdmR1+X5KDbetSxTFEawOFP8VQramRfehBzX0UBhJSRTHejiMpGmQGkwWCASCgtG1\nz8fe4DRjJ0YBIYyLRUpdSrwf/jJ22OtuVIEgj/bYGPLNmFrLCGFsQiLuFffe44Y4S7djfTK9PUIc\nlxpbXS0tW0r3HSjV6fPIJFlGl2SU2SwKMXSdsD+A7LBFvSV1XUcPBJCyTccQCAQCgemJRJTbk72R\nd21DYXmiyPG6xrCsxbS9HIQwNikxa7d4DJs3M59QlYjOfE6xOSy/mXjuIm1/cC3WhsQihrmBKdwP\n/ROuvY3RQoyFJrzwnBc9FIrlGgc1wj4/cjSVQo92wBPnmkAgKBRmm1NXCvGFe4ZQPm64WiyzOI5p\nGXOmjBalJbSgMNg99oR/3Y2qaNm7zAz5pqOG82MPmcNbU5sJcPX7vyM4449u8496uPIPbzIwsj6x\npegibUR1f4DwrMf454vtz6gi1uja5xXnmkAgKAjDPo8p59SVysB4B2MPHYegPzHFoogYlrVOU2sZ\nETEuI+I9kI+h09vj4Ipnhhabue62ygEtoDH89gS+2QCqVaG5s54qlz36eKG6MBWLkWO9TJ28QuPe\n9ehamNF/6Sc0axTeFcrrWDilCASCQiGaeJiTgfGOBMu35fJD3mN3JmgZM11fhDAuQ2InlPA9zgct\noPH285fwTMZSVaauzrJh5xpqW2KfY8S7eOzTPzflBB4YmePq0bfSPlYocRxzSvFzvkdMFwKBIH9E\nEw9zkni9YNmK8mLBF3P5G4tUijJlj93JkZ3ML3VrpluKMDMjvZMJohgg6Asx9PZEiUZUHAbGOzhz\ntDrrtAqBQCAQrEwGxjtySsOrZIQwLmPsHjt/sVMybZ6OWfG5/em3z6bfXu4UWxx7Jn1ceXOUkb5J\nwqHw4i8QCAQrjnLwr13plE4cm+u6IYRxmeP0V80XSYluZdmiWtOnBFjt5ZEq4BkeY+iVV7ny61OM\nv/k2YS21E18yUydGCb38esHHcvHMEL97tp8rb4xx8fQQb57oZ27SW/DjCASC8iXS5e5QZxDtxdOl\nHo5gAdKJ4/h/xeBQZxAdLaVvQ6koDyUgEBSQlo31TF6ZJeiNE5QSNKwzvz/09MBlxs7+Dl0zoi9z\nw2N4J6ZYc+uOtJ3sijqWITcj5ychznHJO+Nn8Owom/asX9axCAQCcxIRxd/5sxlsP+wRXe7KgIjv\n8dakNtPF8D1O529c6l4NQhhXDOXRatEM2GtsbHzHaobensA7G8BiU2hYV0dLZ32ph7Yguq4zM3A5\nKooj+MYnmb44iKtj3cKv9wdAy39lIdnTeHrYnSCKI3imfIS0MIoqFqQEgpVMvCj2fvoob5mwiFmQ\nmeSbmGL5Hqf6G5e2V4MQxhVApNWiGU6ocsHZVE1XU3l9RmFNI+iZS/tYcNa94GuXUnVseBqn2upI\nspT2+bIsZXxMIBBUFoYNW6agjM6997ipHp3BdqAZTvSb0uFHkB0Ra7emBw+iaFl0WM0BMzX/EMK4\nAkj0NzZvNxnB0pBVFdVmIxBMzSlW7PY0r0hkKRZu6SwCm9rrGOufJhRIvCg6m6uQhTAWCCqeSET4\n3nsy1RWE2GN3ErI7UXeDi1NCHJc5xfQ9TteroRRaRgjjCsLMhtnlRMSIHjBVy1JJknCubWPird6E\n7dZaJ64NC6dRRIiI43rb6yi3bM/p+DHPSR/ne6px1NpZt6WFoXPj+GYCKBaZ2pZq1t/cmtN+BeXJ\nQi44Yt7JDzM4C0lSdtOeESU2IsLGqmU6VIi8JdWKunu7EMcVQLoVSABdAkVnyWkWpe7VIIRxhZHY\nrUyI41xJ6c5kspal9Zs2IKsq7qvDhDUNW20NDdd0Iqul+Sk3tbtoXFeHd8aPxa5iKRNnD8HS2bgv\nfZSwt8cq5p08iKQklN5hSCJt8UAKYQ51BuluVLF7Fl+xiogldTc07dLBZHOrIDfixbFkM4SxJIG8\n48a8G0rFU8rOq+IqVoHEupWJVr65kCyKzdidSZIkXJ3rcXWax/VBkqWEdtqClcGhzgy+351+Hn3c\nKeadHIilJCxcK7AcSEjoWQljshbF8YRq1qLMXqbpwYNCHJc5EXEcRQKXL7CkbqvxxLSMb1m1jBDG\nFUrkhHq50y0uUjkQbQP9l8cxmyguFAPjHbj8Hgj6C15dLFg57LE70273VRvWS48+7mTIN4OEkvO+\ns13ONyO5jj05JSFXoVloLKpCUMvS4SjPzI9QzVoU7whNDx7E9eJpYeFWxsTf2KiqzMDRMFvzqGPJ\nREwc+znfszySNe+jnDx5ks985jM8/PDD7N+/P+XxzZs3s317LIfxiSeeQFFynyAF+RPvDxi5SJXa\nH1BgDs4crS6a9Y5gZZPsSypYnFxSEiqFkKMFhRHUXdvYihDHlcSZo9WGOC6C7/FykJcwvnjxIt/+\n9rcThG8yTqeTJ598Mu+BCQpD8kXqfI+wchMYJFjv5Dh5JXsaCwTxROad7sb8wr65LOebjfzGvrJE\ncYSoON69na2cYurEqEitqBCKEXxZrl4NeQnj5uZmvvGNb/CFL3yh0OMRFIHIRepYX6lHYl4i+cWH\nOjUI6Ctmch4Y78D14mnUvbdk/ZpDnaX3mRSYn6UIvZyW801GOY+9FIQcLSjekahjhSsuP0MI5fKm\nkL7HsetO8Xs15CWMHQ7Hos8JBALcd999DA4Ocvvtt/Oxj30sn0MJBEUnVg3uo7setKdPA0LspcMs\nPpMCgaByiIrj+Bt0LSCs3SqAQvgeL3evhkWF8dGjRzl69GjCtk996lPcdtttC77uc5/7HB/4wAeQ\nJIm7776b7u5ubrrppswDUWUklr8pgEUt/7znbN6Df/6z1Qkx4vewutp8ucZqCb6LK56ZqBPFX+yU\nqB6aIihBe1M/g1Odee1TLbdWyBJIWgDVN4LkbAMWP6f2O+uQOmf4MT76nq0uyXeXDWYdl0AgSCR5\nqT0+iizEcXmzlM6r8SxXr4ZFhfHhw4c5fPhwzju+6667ov9/yy23cO7cuQWFsaaFcz7GUqmEJa9s\n34NNsyW09R10z5gqyqeqCtoyfxfx9mxHdoLNY0NXrai7tuPST8GJvpwnY1WVS3IuL4WpX4zi0o0q\nYn32KnJNW1bn1I5GBZ0wf9vDsn932VCKc0ogEBQG4XtcWSyl82o8y9GroSihrb6+Pu677z50XUfT\nNE6dOsWmTZuKcShBDuyxOzmyE7r2eaPFUyuVIZ8RKb73HjdHdsbyIUOOFkI1a1F3b6fpwYO0N/YX\n5fjeiUkmey8wNzKGXmJfqoHxDqZOjKK9cAq0ALr7aknHIxAIBBFCNWtBkoo6HwuWh+RrjeIdyWs/\nhoVbRMtoBdcyeeUY9/T08K1vfYu+vj7Onj3Lk08+yeOPP85jjz3Gzp072bZtG62trdxxxx3IssyB\nAwfYsmVLQQcuyI90zT/iMVMUuVjCPRvf0IgJfcGPHQ4zfPp13FdHIBwGCapammjdsRW5hMv+A+Md\nDBwlZrGjl5/FjkAgqEyE73HlUKjIcTF7NUh6qcNV8wTGfrjsx1xJqRTJ+Kp9vDyuzfuMGgsHvT1G\nW8dSeB0nL3sXtz1qdq1MldnLjP3lz3NavlsslWLiXB8Tb/WmbHd1rqfpxuuyPk4x2foRD+qt28Bi\nW3DCMs4hnb99vMZUN1QRljOV4rHPpXq5VzrFnLPLeW4u57GDuceveEcg6EdbQByXYzpbPOU8/lzH\nvvWwB3XX4teahYhomUcfdwJSTvol07wtOt+tUCIWbhCMbZxv5VrqRiAxUew17NOKQLZm+q4DzQwc\nXfRpWeObmEq/fXK6cAdZImd/UMOaX4jmH/9/e/caE9WZhwH8OTNnbgIFWRmXhmRb2+6aNsbqai9S\npCVK2tSSJnSAaeCDqzG9xLaRRCWloR9qo5Y020gtvWBDWlOboTd3myjpgo1JqUrY0JYmpcZo0LoW\ntNxGYC68+2Fk5DYXZoD3HOb5JSYwDvhw5LznP++85/8Skbaw7/HCEtgI5L9xbQQyea+Gsyfin9xj\nYZzAgi1QbhjbynXslyuWrVxjNX4b1fE3xFnd0287G7doVmmo5uAAPGtv3SkhOq8YtNXJIpb+xkRE\nc21y32N2rNC3CRuBxNjr+OZE3yj+eSL+TCyMKWj8LPK/pSYRE26Ik2X8ADxbsxNJS5fg+pXuKY/b\nlqTH9X2JiBIFi+OFZcJGIAPxbQQyG1gY0wRjs8hr1g7P6787eRtV2UXxmPEDMJqOx/39bvlLFrzu\n6+i/eBmjIx4YzCYk/9mO9L/G1jNZC7g9NBHNNxbHC8vkjUBi7XUMIO7rEQtjmtZ8F6ZavuHDb7PP\nWocKRVGw5J6/Ie3O2zHS2wdzagpMVm28CJipwO/IIO58eO76SRIRhTK+13FwO2kFgOB20noUT8eK\n2bwesTAmkkC1mKEuzZAdI27z0WydiCgcf0oW1NxAVyVFAYTXw01BdCqe4ni2rkfauuOHSKtUc2I2\nmI+iCfvNZuvDN3pEExHNL7/NDr/NDiU5M7BG1WTBksp8rHQk7kZWehXPRiCzsfkHC2OiKPht9oTb\nfandlRQYmLwjUQ1Mm5bps/cmES08fpsdMFmgrlvF4liHLly97eY1KMbi+KV/DMZUHLMwJopSIs5C\ntLuS4Pvuv1EXx6RPPp8Pu3btgtPpRFFREVpbW2VHIopbsDjOXo2VDnfCTGosJDOdoBkT6LKlBovj\n/w33R/21LIyJZiARZyGCxTEtWF999RVsNhs++eQT7NmzB3v37pUdiWhW+G32YE/6tLwMFsc61O5K\nQs9rjXEVx3c+PBx1cczCmDRPsZhgSEmCMTUZhiRb6E0y5glnIWihKSgoQEVFBQAgPT0dvb3T79BI\npEcsjvXvwtXbbhbHM+gSNVYcb1rmDRbHkZZWsCsFaZrBaoYhaRGUsWLYZIKiqvD3DUjNNbmH5mxu\nG61ZPk9UT2NnCv0xmUzBj+vr67Fp06aIX6OqBiiYuxepJnX+dt6clqoCqjGwJafHg3Ft1iOSnj1O\nCzJ/SibE4GWYslcjTQn0Pb7Uq83+8aqq3znLucx+qW8ZsCfQ69i0DlAW/yWqrzONJOGRZEBZ1o9/\nYRhnT1ihhvkdZ2FMmqZYLDeL4hsMJhXCasHo8IikVAFjxXEi6G3qvtE+B9M2Xr/ZQzIw6LA41i6X\nywWXa+Irue3btyMnJweHDx9GR0cHamtrI34fn2/ubraU3dfcmLIIitkcHHtGTSb4B91AFJlkZ4/X\ngs5vtQNWQF0HpIk2oOmc5tq5qaphTs+tuTQf2S/03Ab85zzSROjrUSh//5MR4sa20b4wv+MsjEm7\nFEAxhnj1adDvK2o9iqa35EPWZGDZIP4NwZ7GGuZwOOBwOKY87nK50NTUhIMHD06YQU40itk8oSgG\nAINqhLBZMTqQGPcVLHT+lCyo2WCvY52Kp9dxNFhdkHYJQPinf/UZ6nFZEmHN2oTekiE8ZE1mT2Md\n6urqwpEjR1BTUwOLxSI7jlSKSZ3yLhUQKI5p4RjfZSgRxu+FJvZex34AIuw6YxbGpGmjwyMQoxMX\n9416vBAjcpdRjPHb7FCzVyfM4BrtzAp7GuuLy+VCb28vtm3bhrKyMpSVlcHjiW5N+YIjQrwYFzNY\nZEy6MHYjdSK14FxIZtrreOxGvDsfHsYdD4f+/+ZSCtI0MeKBXwgoFhMUxQDh82F0aFh2rAn8KVkw\nDv2OJZX5wJ7GwBooIh3ZsWMHduzYITuGJowOe2CwmKEYJ84QC49XUiKaS36bHUYEbqReiTa0u7j8\nS2/aXUlYiTao61bBiPDLKgKbfwyj9Wro85kzxqR5wuPF6MB1+PsHMXp9eEZ3h8+XsZmHtLwM2VGI\nKB6jo/APDgXemRodhfD74b8+FBh7aEEa385trAXn+D+kfTPpdWx1WwP3xITAGWMiIqJxhNcLv9cb\n6JnOJRQJYXwLzsWWn4KPixEP0HSeN+jpwIWrtwGvNWJJZT6MvouBdeQxYGFMREQ0HRbFCWWsODY+\nsPrmgz4P0tDG4lgnxorjtLwMqLnRt3IbTxG8o4CIiIiIiGuMiYiIiIgAFsZERERERABYGBMRERER\nAWBhTEREREQEgIUxEREREREAFsZERERERAASuDC+evUqtm7dirKyMpSUlKC9vV12pJj4fD7s2rUL\nTqcTRUVFaG1tlR0pZqdPn8aDDz6I5uZm2VFm7PXXX0dxcTFKSkrwww8/yI4Ts87OTmzYsAEff/yx\n7Chx2b9/P4qLi1FYWIjGxkbZcSiCSOf+Pffcg7KysuAfv98/zwnDi5T/6NGjKCwshMPhgMvlmud0\n4Xm9XpSXl8PpdKK0tBRdXV1TnqPF4x9uzP3uu+/w1FNPobi4GG+//bakhOGFy5+Xl4enn346eLyv\nXLkiKWVo4a4Vejj+YYkEdejQIXH06FEhhBCnTp0SmzdvlpwoNg0NDaKqqkoIIURnZ6coLCyUGyhG\nFy5cEM8884x47rnnRFNTk+w4M3Lq1Cmxbds2IYQQZ8+eFUVFRZITxcbtdovS0lJRWVkpPvroI9lx\nYtbS0iK2bt0qhBDi2rVrIjc3V24gCiuac/++++6b51TRi5Tf7XaL/Px80d/fL4aGhsTjjz8u/vjj\nDwlJp/f555+LV199VQghxMmTJ8WLL7445TlaO/6RxtzHHntM/Pbbb8Lv9wun0yl+/fVXGTFDipT/\nkUceEYODgzKiRSXStULrxz+ShJ0x3rx5M5544gkAwOXLl7F06VLJiWJTUFCAiooKAEB6ejp6e3sl\nJ4pNRkYGampqkJKSIjvKjLW0tGDDhg0AgDvuuAN9fX0YHByUnGrmzGYz3n//fdjtM98pSEvWrl2L\nt956CwBwyy23YGhoSBMzXDQ9PZ/7QOT87e3tWLFiBVJSUmC1WrF69Wq0tbXNc8rQWlpasHHjRgDA\nunXrNJUtlHBjbldXF1JTU5GZmQmDwYDc3Fy0tLTIjDuF3q8Z4a4Vejj+kSRsYQwA3d3dKCwsxDvv\nvIOXXnpJdpyYmEwmWCwWAEB9fT02bdokOVFsbDYbjEaj7Bgx6enpweLFi4Ofp6eno7u7W2Ki2Kiq\nCqvVKjtG3IxGIxYtWgQAaGhowPr163X7u5UIojn3PR4PysvLUVJSgg8//HCekkUnUv6enh6kp6cH\nP8NL5/cAAAO+SURBVNfa+DA+n8FggKIo8Hg8E56jteMfbszt7u7W9PEGortmVFVVwel0orq6GkJj\nGxSHu1bo4fhHosoOMB9cLteUdV3bt29HTk4OPvvsM3z77beoqKjAoUOHJCWMTrif4/Dhw+jo6EBt\nba2kdNEL93MsBFobxBLVN998g4aGBs2f14kk1nN/586dKCgogKIoKC0txZo1a7BixYq5jDqt2Ri7\nZI4P0+WffH/NdPm0cvxD0fuYOzn/Cy+8gJycHKSmpuL555/H8ePH8eijj0pKl3gSojB2OBxwOBwT\nHjt9+jT6+vqQmpqK3Nxc7Ny5U1K66E33cwCBwa6pqQkHDx6EyWSSkGxmQv0cemW329HT0xP8/Pff\nf0dGRobERHTy5EnU1tbigw8+0O1b9AtRrOe+0+kMfvzAAw+gs7NTSmEWS/7pxod77713tqNFZbr8\nu3fvRnd3N5YvXw6v1wshBMxm84TnaOX4jwk35k7+uytXrmhueVika8aTTz4Z/Hj9+vXo7OzUTWGs\nh+MfScIupWhsbMQXX3wBAPjll1+QmZkpOVFsurq6cOTIEdTU1ASXVND8ys7OxvHjxwEAHR0dsNvt\nSE5OlpwqcQ0MDGD//v149913kZaWJjsOxencuXMoLy+HEAI+nw9tbW246667ZMeK2sqVK/Hjjz+i\nv78fbrcbbW1tWLNmjexYQdnZ2Th27BgAoLm5Gffff/+Ev9fi8Q835mZlZWFwcBAXL16Ez+dDc3Mz\nsrOzZcadIlz+gYEBbNmyJbic5cyZM9KP90zo4fhHogi9vwcRo2vXrmH37t1wu93weDx4+eWXpb2K\nj8ebb76Jr7/+Grfeemvwsbq6uimv+LXuxIkTqKurw7lz55Ceno6MjAxdvQVeXV2N1tZWKIqCqqoq\nLF++XHakGfvpp5+wb98+XLp0CaqqYunSpThw4IDuistPP/0UBw4cwO233x58bN++fRPOEdKOUOf+\ne++9h7Vr12LVqlV444038P3338NgMCAvLw/PPvus7NhB0eQ/duwY6urqgksRCgoKZMcO8vv9qKys\nxPnz52E2m7F3715kZmZq/vhPHnN//vlnpKSkYOPGjThz5gyqq6sBAPn5+diyZYvktFOFy19fX48v\nv/wSFosFd999N1555RUoiiI7ctB014q8vDxkZWXp5viHk7CFMRERERHReAm7lIKIiIiIaDwWxkRE\nREREYGFMRERERASAhTEREREREQAWxkREREREAFgYExEREREBYGFMRERERASAhTEREREREQDg/yg2\nVbdfMZZBAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "_4m9TXpTZ22C", + "colab_type": "code", + "outputId": "bab12967-1565-49e0-b139-06d67b803fed", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 537 + } + }, + "cell_type": "code", + "source": [ + "# Confusion matrix\n", + "cm = confusion_matrix(y_test, pred_test)\n", + "plot_confusion_matrix(cm=cm, classes=[0, 1, 2])\n", + "print (classification_report(y_test, pred_test))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + " precision recall f1-score support\n", + "\n", + " 0 0.47 0.73 0.57 11\n", + " 1 0.57 0.29 0.38 14\n", + " 2 0.17 0.20 0.18 5\n", + "\n", + "avg / total 0.47 0.43 0.42 30\n", + "\n" + ], + "name": "stdout" + }, + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAaQAAAGACAYAAADicRYVAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzt3Xd8VFX+//H3pEEglCRAgNBU1KWI\nxLJSVIpgDG1VWkTjqihNVFxkiUgVQcPqslIEVikaC0pAydLFJS64AaQoRVgWZJFQQgihJoSU+f3B\n1/yMZFJk7swJ9/XkMY9HZubM3E929pG3n3POveNwOp1OAQDgZT7eLgAAAIlAAgAYgkACABiBQAIA\nGIFAAgAYgUACABiBQIJlnE6n5s+fr27duikyMlKdOnXS+PHjde7cuat635deeknt2rXT+vXry/za\nHTt2qH///ld1/F+KjY1V8+bNdfr06UKPb9myRTfffLOWLFlS4nusWLFC58+fL/K5t956S5988olb\nagVMRyDBMm+++aZWrFihuXPnavXq1UpMTFROTo4GDhyoqzn9bfny5YqPj9c999xT5te2aNFCc+fO\n/c3HLkqNGjW0evXqQo8tX75cderUKdXrp02b5jKQhg8frkceeeSqawTKAwIJljh9+rTi4+P1xhtv\nKCwsTJJUqVIljR07Vk8//bScTqeys7M1duxYRUZGKioqSm+88Yby8vIkSR07dtTChQvVq1cv3X33\n3XrjjTckSTExMcrPz1f//v319ddfq2PHjtqyZUvBcX++n5ubq1deeUWRkZHq3Lmzhg4dqvPnz2vT\npk3q3LmzJP2m4xfl3nvv1bJlywru5+Xlaf369brtttsKHvvxxx/1yCOPKCoqSp07dy4Y//LLL+vg\nwYOKiYnRli1bFBsbq9dff13du3fXypUrFRsbq3feeUc7duxQ+/btdeHCBUnS7Nmz9fzzz1/15wSY\nhECCJb7//nvVrl1bN9xwQ6HHK1SooI4dO8rHx0fvv/++jh8/ruXLl+vzzz/Xli1bCv1h//bbb/Xp\np59q8eLF+vDDD3X8+HHFx8dLkuLj49WuXTuXx9+wYYNSUlK0atUqrVmzRo0bN9b27dsLjfktxy/K\nrbfeqiNHjig1NVWSlJycrBYtWiggIKBgzJQpU9ShQwetXLlSkydP1iuvvKKcnBy9/vrrBb/PHXfc\nUfD6hIQERUVFFby+RYsW6tSpk+bMmaPU1FR9/PHHGj16tOsPACiHCCRY4vTp0woNDS12TFJSkvr0\n6SM/Pz9VrFhR3bt31zfffFPwfPfu3eXr66uwsDCFhobq2LFjpT5+SEiIDhw4oC+//FJZWVkaNmzY\nFVN87jq+w+FQZGSkli9fLunydF2XLl0KjXnnnXcK1q5uv/12ZWdnKy0trcj3a926tSpUqHDF4y++\n+KJWrVqll19+WUOGDFGtWrVK/b8HUB4QSLBEcHBwQcfgyqlTp1StWrWC+9WqVVN6enrB/aCgoIKf\nfX19C6bTSqNFixYaPXq04uPj1bZtWw0fPlxnz5617PjdunXTsmXLdOnSJW3atEn33ntvoefXr1+v\nRx99VJGRkerSpYucTqfy8/OLfK9f1vRLlStXVlRUlLZu3aru3bu7/uWBcopAgiVatmyp9PR07d69\nu9DjOTk5mjp1qrKyslSjRo1Cu9NOnz6tGjVqlOk4Pj4+hf6wnzlzpuDnBx54QPHx8Vq3bp2ysrKu\n2MzgjuP/rFmzZrpw4YI+++wz3XnnnYWm63JycjRs2DANHjy4YHOHw+Eo8zFSU1P1j3/8Q127dtWM\nGTN+U52AyQgkWKJq1ap6+umnNXLkSB06dEiSlJWVpbFjx+qHH35QYGCg2rdvr4SEBOXl5SkzM1NL\nly4tdl2oKDVr1tTevXslXd4+nZ2dLUlavHixZs6cKUmqXr26rr/++ite647j/1LXrl01a9asK6br\nsrKylJmZqebNm0u6vHbl7++vzMxMSZKfn98V3VtRJk2apKefflqjRo3SypUrtWfPnt9cK2AiAgmW\nee6559SnTx8NHjxYkZGRevjhhxUaGlrwX/cxMTGqXbu2unbtqp49e6p9+/aFFvJLY8iQIVqwYIG6\ndeumAwcOqHHjxpKk++67T7t379b999+vqKgo7d+/X08++WSh17rj+L/UtWtX5ebmqk2bNoUe/zmc\nH3zwQT344INq0KCBOnXqpEGDBikzM1MPPPCAoqOjtWLFCpfvnZSUpJSUFEVHRysoKEgvvviiRo8e\nXaZpTMB0Dr4PCQBgAjokAIAR/LxdAADg2nThwgWNHDlSZ86cUU5Ojp599tlir7BCIAEALPH555/r\nuuuu0/Dhw5Wamqo//vGPWrVqlcvxTNkBACwRHBxccGrF2bNnFRwcXOx4NjUAACzTv39//fTTTzp7\n9qzmzJmjli1buhxrzJRdYMRQb5eAMtixaoq3S0AZ1A+t5O0SUAYVPfSX2R1/d7O2uz5Je+nSpapb\nt67mzp2rvXv3atSoUcV+JYsxgQQA8DCHtas227Zt09133y1J+t3vfqcTJ04oLy9Pvr6+RY5nDQkA\nYImGDRvq+++/lyQdOXJElStXdhlGEh0SANjXb7imYln07dtXo0aN0mOPPabc3FyNHz++2PEEEgDY\nlcVTdpUrV9bbb79d6vEEEgDYlcUdUlmxhgQAMAIdEgDYlcVTdmVFIAGAXRk2ZUcgAYBd0SEBAIxg\nWIdkVjwCAGyLDgkA7IopOwCAEQybsiOQAMCu6JAAAEYwrEMyKx4BALZFhwQAdsWUHQDACAQSAMAI\nPmatIRFIAGBXhnVIZlUDALAtOiQAsCvDtn0TSABgV4ZN2RFIAGBXdEgAACMY1iGZVQ0AwLbokADA\nrpiyAwAYwbApOwIJAOzKsA7JrHgEANgWHRIA2BVTdgAAIxg2ZUcgAYBd0SEBAIxgWCCZVQ0AwLbo\nkADArlhDAgAYwbApOwIJAOyKDgkAYATDOiSzqgEA2BYdEgDYFVN2AAATOCwOpEWLFikxMbHg/q5d\nu7R9+3aX4wkkALApqwOpd+/e6t27tyRp8+bNWrlyZbHjWUMCALtyuOFWSjNnztSQIUOKHUMgWSSm\nRyttW/yKti8erWWzhqpxg1reLgnF+Gr1cvW4r5UeuOc2RffopH17dnu7JBQjJydHI0cMV6C/Qykp\nKd4uByXYsWOH6tSpo5o1axY7jkCywE2NwjR52IPqNmiGInq+pi+++k5zxj/q7bLgwvFjRzXy+QH6\n6zvztWr9NnV/qI/G/vl5b5eFYvR++A8KCgrydhnlnsPhuOpbaSQkJOihhx4qcRyBZIEm19fWgcNp\nOpp2RpKUtHmfmjau4+Wq4Iq/n5/+Omu+Gt/cRJJ0+12t9d//7PFyVShO7KgxGjNugrfLKPc8FUib\nNm1SREREieMIJAts3vk/XVevhprecDmEHuzUUv/cuNfLVcGV0Jq1dG/H+wvu/+urNbr1tju8WBFK\n0qp1a2+XcE3wRCClpqaqcuXKCggIKHEsu+wscCztjMbNSNSmhbE6l5mtzKxsdX76bW+XhVL49/p1\nWvD3GfogYYW3SwEsZ/UuO0lKS0tTSEhIqcZa2iFNnjxZffv2VXR0tHbs2GHloYxy6831NLJ/pJp2\nH6+67f6s0dMSlfC3gd4uCyX4cuU/FPvCQM2JX1wwfQfg6jRv3lzvvfdeqcZaFkibN2/WoUOH9Omn\nn2rSpEmaNGmSVYcyToff36yN3x/U4eMZkqSENVvV9IY6qhHMIqypvvnXPzVp9AjNW5ioW1re5u1y\nAM/w4Lbv0rAskJKTk9WpUydJ0g033KAzZ87o/PnzVh3OKPsOparVrdcppFplSdIDdzfTsbQzOplh\nj9+/vMnKzNTLwwZpxrxP1Pim33m7HMBjPLWpobQsW0M6efKkmjVrVnA/JCREaWlpttiqueJfuxTR\npIGS3h8up9Opcxcu6rE/z/V2WXDhq9XLdCr9pIY/+1Shxz/6fJVq1AzzUlVwJTU1Vfff167gfmSn\n9vLz89OK1V8pPDzci5WVP55YQyoLj21qcDqdnjqUESbNWaFJc1gYLw+6PdRH3R7q4+0yUEphYWH6\nfhe7Vt3BtECybMquVq1aOnnyZMH9EydOlHiWLgDAviwLpLZt22r16tWSpN27d6tWrVq2mK4DgPLC\nNmtIt912m5o1a6bo6Gg5HA6NGzfOqkMBAH4Ls2bsrF1Deumll6x8ewDAVbDNGhIAAGXBpYMAwKZM\n65AIJACwKQIJAGAGs/KIQAIAuzKtQ2JTAwDACHRIAGBTpnVIBBIA2BSBBAAwAoEEADCDWXnEpgYA\ngBnokADAppiyAwAYgUACABiBQAIAmMGsPGJTAwDADHRIAGBTTNkBAIxAIAEAjEAgAQCMYFogsakB\nAGAEOiQAsCuzGiQCCQDsyrQpOwIJAGyKQAIAGMGwPGJTAwDADHRIAGBTTNkBAIxgWB4RSABgV6Z1\nSKwhAQAsk5iYqB49eujhhx9WUlJSsWPpkADApqxukDIyMjRz5kwtXrxYmZmZmj59utq3b+9yPIEE\nADbl42NtIiUnJ6t169YKCgpSUFCQJk6cWHw9llYDADCWw3H1t+KkpKTo4sWLGjRokPr166fk5ORi\nx9MhAYBNeWJTw+nTpzVjxgwdPXpUjz/+uNatW+fyuHRIAABLhIaGKiIiQn5+fmrQoIEqV66sU6dO\nuRxPIAGATVk9ZXf33Xdr48aNys/PV0ZGhjIzMxUcHOxyPFN2AGBTVk/ZhYWFKTIyUn369JEkjR49\nWj4+rvsgAgkAbMoTa0jR0dGKjo4u1VgCCQBsyrALNbCGBAAwAx0SANiUadeyI5AAwKYMyyMCCQDs\nig4JAGAEw/KITQ0AADPQIQGATTFlBwAwgmF5RCABgF3RIblwfZce3i4BZbDkh2PeLgG4Zo3scINH\njmNYHrGpAQBgBmM6JACAZzFlBwAwgmF5RCABgF2Z1iGxhgQAMAIdEgDYlGENEoEEAHZl2pQdgQQA\nNkUgAQCMYFgesakBAGAGOiQAsCmm7AAARjAsjwgkALArOiQAgBEMyyM2NQAAzECHBAA25WNYi0Qg\nAYBNGZZHBBIA2BWbGgAARvAxK4/Y1AAAMAMdEgDYFFN2AAAjGJZHBBIA2JVDZiUSgQQANsWmBgAA\nikCHBAA2xaYGAIARDMsjAgkA7Mrqa9lt2rRJL7zwgm688UZJ0k033aQxY8a4HE8gAYBNeaJD+v3v\nf69p06aVaiybGgAARnDZISUkJBT7wl69erm9GACA53hiU8P+/fs1aNAgnTlzRkOHDlXbtm1djnUZ\nSFu3bi32IAQSAJRvVudRo0aNNHToUEVFRenw4cN6/PHHtWbNGgUEBBQ53mUgvf766wU/5+fnKz09\nXTVr1nR/xQAAr7B6U0NYWJi6dOkiSWrQoIFq1Kih1NRU1a9fv+h6SnrD5ORkderUSTExMZKkyZMn\nKykpyX0VAwCuSYmJiZo7d64kKS0tTenp6QoLC3M5vsRAmjp1qj777LOC7mjQoEF655133FQuAMBb\nHG64Fadjx4769ttv1a9fPw0ZMkTjx493OV0nlWLbd6VKlVSjRo2C+yEhIfL39y/pZQAAw1m9qSEo\nKEizZ88u9fgSA6lixYravHmzJOnMmTNavny5KlSo8NsrBAAYodxdXHXcuHGaO3eudu7cqc6dO2v9\n+vV69dVXPVEbAMBCDofjqm/uVGKHVKdOHc2ZM8etBwUA4NdK7JC+/fZb9ezZUy1btlRERIT69u1b\n4jlKAADzORxXf3OnEjukV199VaNGjdJtt90mp9OprVu3asKECUpMTHRvJQAAjyp3Xz8RGhqq1q1b\nF9xv27at6tata2lRAADrmbapwWUgHT58WJJ0yy23aN68eWrTpo18fHyUnJyspk2beqxAAIA1yk2H\n9Mc//lEOh0NOp1OS9OGHHxY853A49Pzzz1tfHQDANlwG0j//+U+XL9q2bZslxQAAPMes/qgUa0jn\nz5/X0qVLlZGRIUnKycnR4sWLtWHDBsuLK89qVqmgyb2aq2FoJZ3PztWkf+zV1v9leLssFGPvxnVa\nMOoZ/fnjJIXUruftclACPq+rZ/XFVcuqxEAaNmyY6tatqw0bNigyMlLffPONxo8f74HSyrfJvZpr\nw76TeuabQ/r9dcHq16o+gWSwSxeztPLdv6hS1ereLgWlwOflHoblUcnnIWVnZ+vVV19VeHi4Ro4c\nqQ8++EArV670RG3lVu1qFdSsblV9lPyTJGnzwQwNX7jDy1WhOGvfn6bbOj+ogMDK3i4FpcDn5R6m\nXamhxEDKyclRZmam8vPzlZGRoerVqxfswEPRbq5dRSkZWXox8kYtG9ZWC56+Q7+rU8XbZcGF4z/+\nR//dukF393rS26WgFPi8rl0lBtIf/vAHffbZZ+rdu7e6dOmirl27KjQ01BO1lVtVKvrrprAgbflf\nhrr97Rst++6Y3u7XUr6mbfqHnE6nPp86Rn94bpx8/biKven4vNyr3F2p4ZFHHin4uXXr1kpPTy/1\neUj79u3TkCFD9MQTT+ixxx777VWWM+ezc3Xy/CWt25MmSUrYckQvRd2kRqGVdCDtgperwy9tXrZQ\ntRo2VqNb7vB2KSgFPi/3KjebGt5++22XL/ryyy/1wgsvFPvGmZmZmjhxYqGrPNjF0YwsVa7gK4dD\n+r/TuJTvlPJ+vgNj/PDNWqXs26k9PS+f5nDhzCnNHPyQ+o2dphsi7Pf/XdPxebmXYXnkOpB8fX2v\n6o0DAgL07rvv6t13372q9ymP9qWeV9q5bPW6I1yLvj2i+5uH6WxWjg6fyvJ2afiVJ9+YW+j+G4+0\n04CpH7GN2FB8Xu5Vbq7UMHTo0Kt7Yz8/+fmVOCN4zXrx4+81qVdz9b/3Op06f0l/+uR75eXTIQGA\nK/ZNDIsdSLug6FmbvF0Gyij2k6+9XQLKgM/r6pS4q83DCCQAsCnTpuxKFZAZGRnauXOnJCk/P9/S\nggAAnuHjuPqbO5XYIS1btkzTpk1TQECAli1bpokTJ6pp06bq3bt3sa/btWuX4uLidOTIEfn5+Wn1\n6tWaPn26qlfnUh8AgCuVGEjz58/X0qVLNWDAAEnSyJEjFRMTU2IgNW/eXPHx8e6pEgDgdqadq19i\nIFWpUkWBgYEF9ytWrCh/f86QBoDyzrQ1pBIDKTg4WJ9//rmys7O1e/durVixQiEhIZ6oDQBgIdM6\npBI3NUyYMEE7d+7UhQsXNHr0aGVnZ+u1117zRG0AAAuVu2vZVa1aVWPHjnXvUQEA+JUSA6ldu3ZF\nzjMmJSVZUQ8AwEPKzcVVf/bxxx8X/JyTk6Pk5GRlZ2dbWhQAwHrl7koN4eHhhe43atRI/fv31xNP\nPGFVTQAADzCsQSo5kJKTkwvdP378uH766SfLCgIAeEa5m7J75513Cn52OBwKCgrShAkTLC0KAGA/\nJQZSbGysmjVr5olaAAAeZFiDVPKaVlxcnCfqAAB4WLm7uGrdunUVExOjW2+9tdAlg0r6CnMAgNnK\n3RpSvXr1VK8eXw8MANcaw/LIdSAlJiaqR48eV/1V5gAAlIbLNaSEhARP1gEA8DBPrSFdvHhRnTp1\n0pIlS4odx1eYA4BNOeSZObtZs2apWrVqJY5zGUjbt29X+/btr3jc6XTK4XBwLTsAKOc88fUTBw4c\n0P79+4vMk19zGUhNmzbVX//6V3fWBQAwiCcCKS4uTmPGjNEXX3xR4liXgRQQEHDFdewAACitL774\nQi1btlT9+vVLNd5lILVo0cJtRQEAzGP1V5gnJSXp8OHDSkpK0vHjxxUQEKDatWurTZs2RY53GUgj\nRoywrEgAgPdZPWX3t7/9reDn6dOnKzw83GUYSeyyAwDbKjcnxgIArm2evHTQc889V+IY074wEABg\nU3RIAGBTntj2XRYEEgDYFGtIAAAj+Hjo0kGlxRoSAMAIdEgAYFNM2QEAjMCmBgCAEcrdV5gDAK5N\nhuURmxoAAGagQwIAm2LKDgBgBMPyiEACALsybc2GQAIAm7L6C/rKyrSABADYFB0SANiUWf0RgQQA\ntsUuOwCAEcyKIwIJAGzLsAaJTQ0AADPQIQGATZm27ZtAAgCbMm2KjEACAJuiQwIAGMGsODKvYwMA\n2JQxHdLfHovwdgkog3turOntEgBcJabsAABGMG2KjEACAJsyrUMyLSABADZFhwQANmVWf0QgAYBt\nGTZjRyABgF35GNYjEUgAYFOmdUhsagAAGIEOCQBsysGUHQDABKZN2RFIAGBTbGoAABjB6g4pKytL\nsbGxSk9PV3Z2toYMGaIOHTq4HE8gAQAssW7dOjVv3lzPPPOMjhw5oqeeeopAAgBcyeoOqUuXLgU/\nHzt2TGFhYcWOJ5AAwKY8tcsuOjpax48f1+zZs4sdRyABgE35eGhPw8KFC7Vnzx6NGDFCiYmJLq8y\nzomxAGBTDjf8K86uXbt07NgxSVKTJk2Ul5enU6dOuRxPIAEALLFlyxbNmzdPknTy5EllZmYqODjY\n5XgCCQBsyuG4+ltxoqOjderUKfXr108DBgzQ2LFj5ePjOnZYQwIAm7J6U0PFihX11ltvlXo8gQQA\nNuWpTQ2lRSABgE2ZdnFV1pAAAEagQwIAm+Jq3wAAIxiWRwQSANiVj2EtEoEEADZlVhyxqQEAYAg6\nJACwK8NaJAIJAGzKtPOQCCQAsCnD9jSwhgQAMAMdEgDYlGENEoEEALZlWCIRSABgU2xqAAAYgU0N\nAAAUgQ4JAGzKsAaJQAIA2zIskQgkALApNjUAAIzApgYAAIpAhwQANmVYg0QgAYBtGZZITNlZZP2a\nf2jQQx30VNc2evGxbjr43z3eLgnFyMnJ0cgRwxXo71BKSoq3y0EJ+Lzcw+GGf+5EIFngxNEUTZvw\nZ02Y8YHmLf+37o3sob+OHubtslCM3g//QUFBQd4uA6XE5+UeDsfV39yJQLKAr7+/Yv8yS2Hh9SVJ\nLVvdo8MH93u5KhQndtQYjRk3wdtloJT4vK5NrCFZILRmmEJrhkmS8nJz9eXnC9Wm4wNergrFadW6\ntbdLQBnwebmHYUtIdEhW+jz+7+pzTzPt3LpJ/YeP9XY5AFCYww03N7I0kKZMmaK+ffuqZ8+eWrNm\njZWHMtJDMQOU8O+9evjxARrWr6uyL2Z5uyQAKGCbTQ0bN27Uf//7X3366ad67733NHnyZKsOZZyf\nDuzTtn9/LUlyOBzq0PVhZZ4/pxTWkQAYxDabGu688069/fbbkqSqVasqKytLeXl5Vh3OKKcz0jXl\n5aFKP3FckrR72ybl5eaodv1G3i0MAAxm2aYGX19fVapUSZKUkJCge++9V76+vlYdzigt7mitfgOH\naeRTvZTvzFdAQIBGvfl3VQ6q4u3SUITU1FTdf1+7gvuRndrLz89PK1Z/pfDwcC9WhqLwebmPaZsa\nHE6n02nlAdauXas5c+Zo3rx5qlLF9R/kL/ekWVkG3OyeG2t6uwTgmlXRQ/uf9xy7cNXv0aROZTdU\ncpmlv/b69es1e/Zsvffee8WGEQDA82zz9RPnzp3TlClTtGDBAlWvXt2qwwAArhGWBdKKFSuUkZGh\nYcP+/yVz4uLiVLduXasOCQAoA9O+D8nyNaTSYg2pfGENCbCOp9aQ9h3PvOr3uKl2pWKfnzJlirZu\n3arc3FwNHDhQ999/v8uxXDoIAOzK4g7pl+ejZmRk6KGHHiKQAABXsnpTw5133qkWLVpIKnw+qqtT\ngLiWHQDAEmU9H5UOCQBsylObGtauXauEhATNmzev2HEEEgDYlCfyqCznoxJIAGBXFidSWc9HJZAA\nwKas3tRQ1vNROQ8JvwnnIQHW8dR5SD+mXbzq97i+ZkU3VHIZHRIA2JRpV2ogkADApgzLIwIJAGzL\nsEQikADApkz7+gmu1AAAMAIdEgDYFJsaAABGMCyPCCQAsCs6JACAIcxKJDY1AACMQIcEADbFlB0A\nwAiG5RGBBAB2RYcEADACV2oAAKAIdEgAYFdmNUgEEgDYlWF5RCABgF2ZtqmBNSQAgBHokADApkzb\nZUcgAYBdmZVHBBIA2JVheUQgAYBdsakBAIAi0CEBgE2xqQEAYASm7AAAKAIdEgDYFB0SAABFoEMC\nAJtiUwMAwAimTdkRSABgU4blEYEEALZlWCKxqQEAYAQ6JACwKTY1AACMwKYGAIARDMsj1pAAwLYc\nbriVYN++ferUqZM+/PDDEscSSAAAS2RmZmrixIlq3bp1qcYTSABgUw43/CtOQECA3n33XdWqVatU\n9bCGBAA2ZfWmBj8/P/n5lT5mjAmkzk1qersEALCVisYkwGVM2QEAjEAgAQCM4HA6nU5vFwEAuPbs\n2rVLcXFxOnLkiPz8/BQWFqbp06erevXqRY4nkAAARmDKDgBgBAIJAGAEAgkAYAQCyc3OnDmjc+fO\nebsMlFJeXp63S0AZnDhxQocPH/Z2GbCIYadFlW9ff/11wWUyQkJCNHr0aG+XhGJs3rxZBw8eVOfO\nnRUSEuLtclCCpKQkzZo1S4GBgapRo4befPNNb5cEN6NDcpOUlBQtWLBAY8aM0aRJk3Tw4EFNnDhR\nGRkZ3i4NLsTHx2vjxo1au3atTp065e1yUIzjx48rPj5eU6ZM0YIFC/Tjjz+W6urRKF8IJDcJDAyU\nr6+v/P39FRgYqNmzZ+vcuXOaNm2at0uDCxUqVFDt2rV14MABrVmzhlAymL+/v7Kzs+Xjc/lP1jPP\nPKPc3FwvVwV38x0/fvx4bxdxLahYsaJSU1OVkZGhsLAwValSRR06dND8+fP1n//8R/fcc4+3S8Sv\nNG/eXFFRUbp06ZJ++OEHnTx5UuHh4QoMDJTT6ZTDtK/TtDF/f3/Vq1dPzZo1kyTt379fGzduVGRk\npCQpNze3IKxQfvEJuomPj48eeOABff/999q8ebNOnDghPz8/TZ06VZmZmfzXnIFq164tSbrvvvsU\nERGh//3vf9q4caM++ugjffDBB16uDr/k7+9f6Dt1KlasKF9fX0nSF198oXnz5olz/Ms/NjW4UYMG\nDfTEE0/ogw8+UEZGhm6//XalpKTo6NGjysvLK9Nl2GE9Hx+fgk4oMjJSISEhmjlzpk6dOqW33nrL\n2+WhGKGhoWrcuLG+++47ffH6PatlAAAFLElEQVTFFxo9ejQd7TWASwdZ4PDhw/rqq6/0zTffKCAg\nQC+88IJuuukmb5cFF34OpXXr1ukvf/mLZsyYoeuvv97bZaEYR44cUdeuXXX99dfrzTff5PO6RhBI\nFjp37pycTqeqVq3q7VJQgry8PP3rX//Sddddp0aNGnm7HJQgPz9fM2fOVI8ePdSwYUNvlwM3IZCA\n/8NGhvIlNzeXafBrDIEEADACu+wAAEYgkAAARiCQAABGIJDgNSkpKWrevLliYmIUExOj6OhoDR8+\nXGfPnv3N77lo0SLFxsZKkl588UWlpqa6HLtt27YyXTk6NzdXN9988xWPT58+XVOnTi32tR07dtSh\nQ4dKfazY2FgtWrSo1OOBawGBBK8KCQlRfHy84uPjtXDhQtWqVUuzZs1yy3tPnTpVYWFhLp9fsmQJ\nX2UAGIQ9kzDKnXfeqU8//VTS5a4iKipKhw8f1rRp07RixQp9+OGHcjqdCgkJ0Wuvvabg4GB99NFH\n+uSTT1S7dm3VqlWr4L06duyo+fPnq379+nrttde0a9cuSdKTTz4pPz8/rVq1Sjt27NDLL7+shg0b\nasKECcrKylJmZqb+9Kc/qU2bNvrxxx81YsQIBQYG6q677iqx/o8//lhLly6Vv7+/KlSooKlTpxac\nh7Zo0SLt3LlT6enpGjNmjO666y4dPXq0yOMCdkQgwRh5eXn68ssvdfvttxc81qhRI40YMULHjh3T\n7NmzlZCQoICAAL3//vuaM2eOnn32WU2bNk2rVq1ScHCwBg8erGrVqhV638TERJ08eVKfffaZzp49\nq5deekmzZs1SkyZNNHjwYLVu3VoDBgzQU089pVatWiktLU19+/bVmjVrNHPmTPXs2VP9+vXTmjVr\nSvwdsrOzNXfuXAUFBWns2LFKTEzUY489JkmqXr263n//fSUnJysuLk5LlizR+PHjizwuYEcEErzq\n1KlTiomJkXT57Ps77rhDTzzxRMHzERERkqTt27crLS1N/fv3lyRdunRJ9erV06FDhxQeHq7g4GBJ\n0l133aW9e/cWOsaOHTsKupuqVavq73//+xV1bNq0SRcuXNDMmTMlSX5+fkpPT9e+ffs0YMAASVKr\nVq1K/H2qV6+uAQMGyMfHR0eOHFHNmjULnmvbtm3B77R///5ijwvYEYEEr/p5DckVf39/SVJAQIBa\ntGihOXPmFHp+586dha6ukJ+ff8V7OByOIh//pYCAAE2fPv2Kb451Op0FX2tQ0tedHz9+XHFxcVq+\nfLlCQ0MVFxd3RR2/fk9XxwXsiE0NKBduueUW7dixQ2lpaZKklStXau3atWrQoIFSUlJ09uxZOZ1O\nJScnX/HaiIgIrV+/XpJ0/vx59e7dW5cuXZLD4VBOTo4k6fbbb9fKlSslXe7aJk2aJEm64YYb9N13\n30lSke/9S+np6QoODlZoaKhOnz6tDRs26NKlSwXPb9y4UdLl3X033nhjsccF7IgOCeVCWFiYXnnl\nFQ0cOFCBgYGqWLGi4uLiVK1aNQ0aNEiPPvqowsPDFR4erosXLxZ6bVRUlLZt26bo6Gjl5eXpySef\nVEBAgNq2batx48Zp1KhReuWVVzR27FgtX75cly5d0uDBgyVJzz77rEaOHKlVq1YpIiKi2GunNWnS\nRA0bNlSvXr3UoEEDPf/88xo/frzatWsnSTp9+rQGDhyoo0ePaty4cZLk8riAHXEtOwCAEZiyAwAY\ngUACABiBQAIAGIFAAgAYgUACABiBQAIAGIFAAgAYgUACABjh/wFCz14YkACR4wAAAABJRU5ErkJg\ngg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "FAyjh3bieLjn", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Dropout" + ] + }, + { + "metadata": { + "id": "z6kLwcBveLy5", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "A great technique to overcome overfitting is to increase the size of your data but this isn't always an option. Fortuntely, there are methods like regularization and dropout that can help create a more robust model. We've already seen regularization and we can easily add it in our optimizer to use it in PyTorch. \n", + "\n", + "Dropout is a technique (used only during training) that allows us to zero the outputs of neurons. We do this for p% of the total neurons in each layer and it changes every batch. Dropout prevents units from co-adapting too much to the data and acts as a sampling strategy since we drop a different set of neurons each time.\n", + "\n", + "" + ] + }, + { + "metadata": { + "id": "yGQq0MvcgBEG", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args.dropout_p = 0.1 # 40% of the neurons are dropped each pass\n", + "args.lambda_l2 = 1e-4 # L2 regularization" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "R6NvhBUyf27y", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Multilayer Perceptron \n", + "class MLP(nn.Module):\n", + " def __init__(self, input_dim, hidden_dim, output_dim, dropout_p):\n", + " super(MLP, self).__init__()\n", + " self.fc1 = nn.Linear(input_dim, hidden_dim)\n", + " self.dropout = nn.Dropout(dropout_p) # Defining the dropout\n", + " self.fc2 = nn.Linear(hidden_dim, output_dim)\n", + "\n", + " def init_weights(self):\n", + " init.xavier_normal(self.fc1.weight, gain=nn.init.calculate_gain('relu'))\n", + "\n", + " def forward(self, x_in, apply_softmax=False):\n", + " z = F.relu(self.fc1(x_in))\n", + " z = self.dropout(z) # dropping neurons\n", + " y_pred = self.fc2(z)\n", + "\n", + " if apply_softmax:\n", + " y_pred = F.softmax(y_pred, dim=1)\n", + "\n", + " return y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "XQK9h7BNf26K", + "colab_type": "code", + "outputId": "3cc6e22b-2c63-4799-fac9-96673f4c7fbe", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Initialize model\n", + "model = MLP(input_dim=args.dimensions, \n", + " hidden_dim=args.num_hidden_units, \n", + " output_dim=args.num_classes, \n", + " dropout_p=args.dropout_p)\n", + "print (model.named_modules)\n", + "\n", + "# Optimization\n", + "loss_fn = nn.CrossEntropyLoss()\n", + "optimizer = optim.Adam(model.parameters(), lr=args.learning_rate, \n", + " weight_decay=args.lambda_l2) # Adding L2 regularization\n", + "\n", + "# Training\n", + "pass" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "L0aQUomQoni1", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Additional resources" + ] + }, + { + "metadata": { + "id": "bzYGBzEWV9a3", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "- interpretability (easy w/ at with binary tasks)\n", + "- dropconnect (but not really used)\n", + "- PReLU activation function" + ] + } + ] +} diff --git a/notebooks/09_Data_and_Models.ipynb b/notebooks/09_Data_and_Models.ipynb new file mode 100644 index 00000000..8bc15d89 --- /dev/null +++ b/notebooks/09_Data_and_Models.ipynb @@ -0,0 +1,1128 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "09_Data_and_Models", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "accelerator": "GPU" + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Data and Models" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "So far we've seen a varity of different models on different datasets for different tasks (regression/classification) and we're going to learn about even more algorithsm in subsequent lessons. But we've ignored a fundamental concept about data and modeling: quality and quantity. In a nutshe, a machine learning model consumes input data and produces predictions. The quality of the predictions directly corresponds to the quality and quantity of data you train the model with; garbage in, garbage out.\n", + "\n", + "\n", + "\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "FLH7kzZl8wnf", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Set Up" + ] + }, + { + "metadata": { + "id": "qAE9BjMH8x4q", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're going to go through all the concepts with concrete code examples. We'll first synthesize some data to train our models on. The task is to determine wether a tumor will be benign (harmless) or malignant (harmful) based on leukocyte (white blood cells) count and blood pressure. " + ] + }, + { + "metadata": { + "id": "m0nzLDcVXJTx", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Load PyTorch library\n", + "!pip3 install torch" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "N9uu2nngKDrW", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from argparse import Namespace\n", + "import collections\n", + "import json\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import pandas as pd\n", + "import random\n", + "import torch" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "gPHmsndLdUOH", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Set Numpy and PyTorch seeds\n", + "def set_seeds(seed, cuda):\n", + " np.random.seed(seed)\n", + " torch.manual_seed(seed)\n", + " if cuda:\n", + " torch.cuda.manual_seed_all(seed)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "0-dXQiLlTIgz", + "colab_type": "code", + "outputId": "d525f333-8024-48d3-ab6d-ea9507b9a94a", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " seed=1234,\n", + " cuda=False,\n", + " shuffle=True,\n", + " data_file=\"tumors.csv\",\n", + " reduced_data_file=\"tumors_reduced.csv\",\n", + " train_size=0.75,\n", + " test_size=0.25,\n", + " num_hidden_units=100,\n", + " learning_rate=1e-3,\n", + " num_epochs=100,\n", + ")\n", + "\n", + "# Set seeds\n", + "set_seeds(seed=args.seed, cuda=args.cuda)\n", + "\n", + "# Check CUDA\n", + "if not torch.cuda.is_available():\n", + " args.cuda = False\n", + "args.device = torch.device(\"cuda\" if args.cuda else \"cpu\")\n", + "print(\"Using CUDA: {}\".format(args.cuda))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Using CUDA: False\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "RV2IddoZde-r", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Data" + ] + }, + { + "metadata": { + "id": "5wDazzQdaoy2", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import re\n", + "import urllib" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "GbsXoFVgdh6K", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Upload data from GitHub to notebook's local drive\n", + "url = \"https://raw.githubusercontent.com/GokuMohandas/practicalAI/master/data/tumors.csv/"\n", + "response = urllib.request.urlopen(url)\n", + "html = response.read()\n", + "with open(args.data_file, 'wb') as fp:\n", + " fp.write(html)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "y6LNWmoidh8q", + "colab_type": "code", + "outputId": "a2ee99a4-8c89-41d4-d482-7e098b097d14", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Raw data\n", + "df = pd.read_csv(args.data_file, header=0)\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
leukocyte_countblood_pressuretumor
013.47296915.2503931
110.80551014.1096761
213.83405315.7939201
39.57281117.8732861
47.63366716.5985591
\n", + "
" + ], + "text/plain": [ + " leukocyte_count blood_pressure tumor\n", + "0 13.472969 15.250393 1\n", + "1 10.805510 14.109676 1\n", + "2 13.834053 15.793920 1\n", + "3 9.572811 17.873286 1\n", + "4 7.633667 16.598559 1" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 8 + } + ] + }, + { + "metadata": { + "id": "YVo6CuZLC3h2", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "def plot_tumors(df):\n", + " i = 0; colors=['r', 'b']\n", + " for name, group in df.groupby(\"tumor\"):\n", + " plt.scatter(group.leukocyte_count, group.blood_pressure, edgecolors='k',\n", + " color=colors[i]); i += 1\n", + " plt.xlabel('leukocyte count')\n", + " plt.ylabel('blood pressure')\n", + " plt.legend(['0 - benign', '1 - malignant'], loc=\"upper right\")\n", + " plt.show()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "nXFUmnfte6z6", + "colab_type": "code", + "outputId": "2b797875-3e15-4e67-ed8c-1585e9e54ba9", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 361 + } + }, + "cell_type": "code", + "source": [ + "# Plot data\n", + "plot_tumors(df)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAe0AAAFYCAYAAAB+s6Q9AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzsnXl8VOX1/9/JDNskJGwhOyEoYCAg\nSqUiUlEhSgApKosoaqlF22r92fYrCqnGGqxY/faldBP5AoJaNkVNSWRRoRSspRaVsAhIEmYmC3vC\n5AZhlt8fT25muzOZmcxk43m/Xr4kM3d77p2Z85zznPM5UQ6Hw4FEIpFIJJI2T3RrX4BEIpFIJJLA\nkEZbIpFIJJJ2gjTaEolEIpG0E6TRlkgkEomknSCNtkQikUgk7QRptCUSiUQiaSfoW/sC/HHy5PnW\nvgSf9Oxp4OxZpbUvI2x0pPF0pLFAxxpPRxoLdKzxdKSxQPseT0JCd5/vSU87RPR6XWtfQljpSOPp\nSGOBjjWejjQW6Fjj6UhjgY43HhVptCUSiUQiaSdIoy2RSCQSSTtBGm2JRCKRSNoJ0mhLJBKJRNJO\nkEZbIpFIJJJ2gjTaEolEIpG0E6TRlkgkEomknSCNtkQikUjaBK+99goPP/wjHnlkLgcP7g94v7vv\nnoKihC6kcuTIN/zf/70e8v4tSZtWRJNIJBJJ20VRFKqrq0hMTMJgMDTrWHv3foHJZOT111dQVlbK\n7373W15/fUWYrtQ/AwcOZuDAwS1yruYijbZEIpFIgsJqtbIlfyG9izfR32xiX2oapydOIid/EXp9\naGbliy/2MHbsOAD698/k/Pla6uosxMTEBrT/6tUr+Oqrveh0Ol544WV69TLwu9/9looKM1arlYce\neoSRI6/j0Ufncd113+e///0P586dY/HiP1BRYeK999ZRUPASb721km3btpCSkorVamXWrHvZu/cL\n6uosHD9ejtls4he/+BWjR48JaZzNRYbHJRKJpA2hKAqlpceaFe6NNFvyFzJ96V+YbDxOtt3OZONx\npi/9C1vyF4Z8zNOnT9OjR4/Gv3v06Mnp06cD3v+KK67kz39exuDBWWzevInCwkJ69+7DkiWv87vf\nvcJrr73SuG1MTAyvvvoXrr/+Bv7xj08aX6+treG999bz+uvL+fWvn+LLL//b+N6JE9W8/PJrPP74\nr/nww/dCHmdzkZ62RCKRtAGsViv5+UUUF8djNvcnNXUPEyfWkJ+fG7L3GgkURaFX8SY8g+EGoFdx\nEcqCZ5sdKgdwOBxBbX/ttd8DICtrKF999V+qqkx8/vm/+frrLwH47rvvuHTpEgBXX30NAH379qWm\npqbxGCaTkQEDrqBLl6506dKVrKyhje8NHz6icR+LxRL6wJpJ2/kkSCSXIeFcE5S0b/Lzi1i6dBo0\nmEOjMZulSxVgIwUFd7TqtblSXV1Fptmk+V5mhUm8nzkg6OP26dPHzbM+deoUffr0afy7osLMCy88\nB8Cjjz7BVVdlue0fFRXl9u9OnTpx//1zmTDhdq9z6XTOZiKukwOHA6KjnQFol0P63KelkeFxiaQV\nsFqt5OV9yNixexg9WsfYsXvIy/sQq9XaIudvDyHYywlFUSgujgMN/7W4OK5NPafExCTKUtM03ytN\nSSMxMSmk444adT3bt38MwDffHKJPnz4YDDGN76ekpPLHPy7lj39c6mWwAb76ai8ABw7sIyMjk6uv\nvpp//nMHAGfPnuH11//U5DUkJydz7Ni3WK1Wzp49y6FDB0MaSySRnrZE0gq0llfVXkKwlxvV1VWY\nzZma71VUZIbsvUYCg8HA6YmTUJb+xW2KoQBnJuaGHDEaNuxqBg/O4pFH5hIVFcUvfzk/qP1LS4+x\nceO7AMydO4+0tAS2b9/JI4/MxWazMXfuvCaP0atXbyZMuJ2f/OR+MjIyGTJkqJuH3RaIcrSmn98E\nJ0+eb+1L8ElCQvc2fX3B0pHG0xpjCSbMrSgKY8f+G6Nxitd76emF7Nw5yu0Y4RxPXt6HbpOFhiti\n3ryWCcF2pM8ZhG884jOxB6Nxstd7Wp+JSBDMWNTs8V7FRWRWmChNSePMxNxmZY+Hm1CfTVFRIRMm\n3I5Op+P++2fxv/+7hL59EyNwhb5JSOju8z0ZHpdImkEoYe5AvKpI0J5CsJcbBoOBiRNrEP6qKwoT\nJ9a2uXwHvV5PbsFihu/8HGX3Fwzf+Tm5BYvbjMFuDqdPn2bevAd45JG55OTc3uIGuyna/x2WSFqR\nUMLciYlJpKbuwWjM9novJaWUxMRREbnW9hSCvRzJz88FNlJcHEdFRSYpKaVMnFjb8HrbxGAwdLjP\nzJw5DzJnzoOtfRk+kZ62RBIioXqureVViclCmeZ7YrIQWgKRJDzo9XoKCu5g585R7N5tY+fOURQU\n3NEhvFdJ+JCfBokkRJrjubaGV6VOFkQkwH1Nuy2GYC9XOqL3Kgkf0mhLJCHSnDC36lUtWKAmsEU+\n0QjaZwhWIpE4kUZbIgmRcHiuLe1VtdZkQSKRhAe5pi2RNIP8/FzmzdtIenohOl0J6emFzJu3sc17\nrupkQRpsSVvi2LGjzJgxlXffXRvxc1VWVvDjH88B4Nlnn+a77y5E7FxVVVUcOFASlmNJT1siaQbS\nc5VczoRThre+vp4//OH3jBwZmeoJfzz33O8ievz//ncP9fUKQ4Z4L6UFizTaEkkYkMlDksuJSCjr\nderUiZdffpW33noz6H1nzJjKlCnT2L79Y9LS0hg8OIudOz8lKSmVZ58t4MiRw/zv/4o68ujoaJ5/\n/kW3/e++ewqrVq2losLMokXPEhvbnauuGsK5c2eZO3ceixblk5KSytGjRxg0aDBPPfUbzWPW1dV5\nbfvww4+yfPlS9Ho9iYlJ3HjjTSHdHxUZHpd0GKSetkTSMqj6BEbjZOz2bIzGySxdOo38/KKQj6nX\n6+nSpWtI+9rtdgYPvoply1axb9/XJCWlsGHDBr76ai/nz5/n3LkzPPHE/7BkyesMG3Y1W7YUax5n\nxYqlPPjgT1iy5HWqqiobX//mm4M8/PDPWbZsFZ99tsvvMT231ev1TJw4menTZzXbYEOEjfbhw4cZ\nP348b731FgB79uzhnnvuYc6cOTz88MNuLdEkklDxVCUbOnRHizbfkLRf5EQveNqqsl5W1lCioqLo\n2bMXgwYNBqBnz17U1Vno2bM3r7/+Zx59dB7btm32aXvKy8sYPvxqAG688QeNr6emptO7dx+io6Pp\n0yfB7zG1tg0nETPaiqLw/PPPM3r06MbXfve737Fo0SJWr17NNddcw9q1kU82kHR8PGf9ZWUTmz3r\nl3RsWrvLWnumtWR4KyrMPProPB59dJ5m9y3Xxh6ebTRfffVlpk+fxR//uJQ77rjT5zkcDgdRUcIs\nurb69Gwa4u+YWtuGk4gZ7c6dO/PGG2/Qt2/fxtd69uzJuXPnAKipqaFnz56ROr3kMqGtzvolbZtI\nhHcvF1pLWa+p1pz+qKk5R2pqGhcvXuRf/9rlc3KWmprGoUMHAPjXv3aH5ZggenTbbLagrtkXEUtE\n0+v1XgkJCxYs4L777iMuLo74+Hh+9atf+T1Gz54G9Pq21RbNFX+dWNoj7XE83357ArNZOwGsoiKT\nb7/dz/XXX9/uM7rb47PxRWuPRVEUNm/uidZEb8uWnvzhD7qgPi+tPZ5wEthYunPnnfW8+qq3PsGd\nd14gIyO0BhslJSUsXrwYs9mMXq9n164dLFmyhB49ejS5r04XTZ8+scTExKDXR9Orl+jDrf77wQcf\n4De/eZL09HTmzn2Q3/72t9x99w/R66NJSOjeuP/jjz9GXl4e77+/jiuvvJLz58/Tq1dM43bBHNN1\n2zFjvs/8+fNJT0/mjjua100v4q05lyxZQs+ePbnvvvt48MEHeeyxxxg5ciSLFy8mOTmZ+++/3+e+\nbbmFn2wx2PJolZf4a2mo023Abs8gLa26XfeMbg/PJlDawlhKS48xerQOu927/EanK2H3blvAlQBt\nYTzhItjWnCJ73FtZr618x0J5NiUl++jatStXXjmQ1atX4HA4uP/+uRG6Qt/4mzy16N395ptvGDly\nJAA33HADhYWFLXl6STvFX3mJP1Uym80BXIfRSJOdtySXD63VZa0j0VH1CTp37sSLLz5Ply5d6NKl\nK/n5Ba19SV60qNHu06cPR48e5corr2Tfvn1kZGS05Okl7ZSm2l966mnDoQaDPc3lKGKNe8ECpUP8\nuEhCF/aQjVPCR0fTJxg0SJSNtWUiZrQ91yc2b97Mc889R15eHp06dSI+Pp4XXnghUqeXdBCaSjRT\njbA66//iiz3cfXd/4Htex5I9o30TTmWrSBMOYQ/ZOEXSXon4mnZzaMtrRR1pLQva7niCXX9UFIVx\n4/5LWdlEr+3T0wvZubP9hfEi+Wy8DWBZRNf/wzGWvLwP3SIvAoV584Jf/mjuZKWtfm9CoSONBdr3\nePytaUtFNEmbJtjyEoPBwNSpFsCz1EuGPrVob6VP4S7xk41TJO0NabQlbRp1/TEYI/zyy9PaZeet\nlqY91ri3lrCHRNJWaBu5+RKJH4Jdf+yoma3hwDUcHIgBbGvr/zLzW3K5I422pM0TqhHuaJmtzUEr\neevmm4307ZtMVVXoBrClE9hk5rfkckcabUm7QRrh0HEvm7NiNB5k1ap+wHHE0kNwBjASrRkDH4vM\n/JZcvkijLZF0cLzXrjcCk1ANuPi7G5BBenpZQAawqdr5SCKXPySXM9JoSyQdHPe1awWIwWnA9cB0\nQCE5+S22bJlA7959/B4v0Nr5YAk21C4jL5LLEZk9LpG0ASLZ19m9bK4S0FIiNHDixA3U1tY2ebxw\nZ3DLNpkSSeBIoy2RtCItYbDcy+aSEevY3gTaVjHcrRnbW624RNKaSKMtkbQwrl51Sxms/Pzchtr1\nj4EymiM+YzAYmDDhBFDicZzgM7gDqRWPZBSiqWtrjfNKJP6Qa9oSSQRxXaft3LmzW8Z1Ssq/OXfO\nBHT22Cv8zU1ck7fM5hSWLVvHtm29g86+VrPGt27tCzjQ6Yqx2U6QlpZMbm5d0Bnc/kLtZnM68+e/\ny+7d/Vo0Q725mfHtScdd0v6QRlsiiQBaP/zx8XspKXkciAPAZMoGbkVkb4tkMLHmnBxWcRNPIzJw\n4CAWLx7k8nrg2deeWeM22zBAYcKEdRQU3NXkNcTEDHR73Z9YisGwmbVrH6OlM9RDzYxvzTI4yeWD\nDI9LJBFAK+xdUvIrYLPHlgagK/AOsAO4AOygW7dNTWZx+0IN69bW1vpdLw9Wd9tfKHvbtt6aYWTP\nNfuhQ3d4XYO2TO0pIFPzXJGUWG2OtKtcm5e0BHL6J5GEGX8//KLcylPMxAQ84PLaUCyWm3jppeA8\nSk9Pz2B4C4slfJ5qKLKnnl5rWZn3NWiJpYwZc4R163KCOlc48DdGo7E/FRVmrrxyoNd7kSqDk0g8\nkZ62RBJm/P3wi3KrSpe/FaKiehMOj9Ld0xuAxTIsLMdVCTZrPFCvVV1v37lzFLt329i5cxQvvniv\n33PFxcVFJEnM3xihnGXLvtR8RzYykbQU0mhLJGEmMTGJlJRSH++WIsquVI7hcGRpbhnMj723gfRV\njx26EQm241qwhsw1XO/vXPHxX5KTsz8iJXIGg4Hx409pnhfq2bo1QXOiEO4yOInEFzI8LpE0E88M\n8Rde2NaQFX4rnpre2dl7qalxNIaBJ0w4ydatfTEah3kdN5iuVd4GMhmxRj60Wcf1JBjd7+Z25NI6\nV3z8l27JfEbjAJYuPYbVupEXX5we1Fh8ZXk/9NAwVqx4EzHpyQDKgTpgGhUVh3yG5seMOcyaNacA\n11wE2chEEl6k0ZZIQsRzDTkl5d8YDJ9z+PACRBnXRsQadj9iYw8we/Yl8vMf5eLFi25Z23r9h0F3\nrfI0ON4G0gBYCKUZiD+C0f1ubkcuz3PFxWWTkwPCYKua6bFAP958Mx6H410WLZraZKZ2U1neqalp\npKdXYjSOQ0QsxjVev+dkQ020E8fKITb2E6AURbmN1FSjbGQiCTvSaEskIeKZZGUyDQCicBooZxlX\nfHw0CxaMR6/Xo9fr3Tw1V4/SbE4iMXEvEyfqyc+f5nVOfwbH20BOA9YRG6unvn6Im1fc3FriQHW/\nPb3l9PTj5OScDcqQqecqLT3mEk1wbXoCNttQVqxQ6NSp6SS7pkq6nJMNgCtc9vSebPz61xvdjmWx\nZAMKM2euZPHiu6SHLQk70mhLJCGgnWRViShTcsUAXEFVVb3PsKperyc/P5dLlz7go49sVFffwNat\nZej1RY0GtrT0GImJSbzwwjafBkc7dO3gySfHcPr0KRITR3kJvES6ltjTW87OHkddnS2kYzmjCQNw\nb3qi0nSmdqBZ3oEsAyiKwvvva1/H7t3pIY1RImmKKIfD4Wjti/DFyZPnW/sSfJKQ0L1NX1+wdKTx\ntMRYSkuPMXq0Drvddb1WQawjT/TaPj29kJ07fYeS8/I+dDPG6vGys1/BYvkex4+nk5JSyrlzB7BY\nfoXnfNv1+K5eNEB5eSkQRUZGfy+jr55n3rzIt9SE4J+NZ0RA3KerEREN7/V6na6E3bttJCYmaUYS\n3J+bU8wGDI37uk6s/EUkxLH02O2+r6M9dSHrSL8B0L7Hk5DQ3ed70tOWSELAew1ZNQCnCXYd2Z/3\nV1JyDXATYNBQUHPiWrtsMBhIT+/HM88UsmZNJRbLVcAAYmN3IJqFRF42tbloLQOMH3+KH/1oCBcu\n7OTtt/tis3kby+Tko/z1r+fYtq2PZiRBZPb/C5PpIOp6uJhoWUhO7kRi4mi34/lbBkhMTKJfv/9S\nVqad7BcXl90YIWkr91XS/pElX5I2T1ts3OAsSaoF1uNUM+sBPAsUAvtIS/uQefM2+l3D9V/XnYl7\nXberQIsTz7Ki/Pwili3TN4irTAWGYbHMwGJ5HGH03WlrtcQLF37gpS62YsUMfvCDL/j003QGD/Zs\nVgKg0KPHPlasmOFTlcxgMNCjx9eI9fCJCG99IjCJHj32BWVcDQYDublnNa/jqvgijuaMwzD6WvaN\nHUVR3nzZalQSFqSnLWmztHUt5/z8XHbvfrVBntSpZga3AOuZNesIL754b5OGwF9plCg3GufxWj+E\nIVeTpNw9eUVR2LSpS8M1aamydcMzGtCcMrBwIrKxN7JqlS9FuYyGrO4fkJ39CjU1IzzK50Zo7qdG\nEgDOndPepqZmBIoSWLRB/Wxu3hwPvIlOl4DNNpj09DKuii9iQ8lfG4rSINt4HGXpX1gP5BYslg1F\nJM2i9X/5JBIfhNq4oSnC9aN58eJFamq0DUBsbDcKCmYG3OrSV2mUqA92P0Zs7AHi46OpqqrXTJCq\nrq6iokKUmmnTH39GvzXJzy9i+fJRiDVrLVRFuSuoqRnBli3Z1NbWkpg4iooKM8uXd9LcyzWSYDL1\n19zGaOwfsDyqd+MUBTjGuHEVTN9e1GiwVQxAfNEmPrxkJXHbZvqbTexLTeP0xEnk5C9qE5NQSftA\nhsclbZLmNG7whVpTO2bMTq6/voIxY3Y2S03LX1i7vn4Ip0+fCvhYzn7Xheh0JaSnF5Kd/Qpwm8eW\nCrNnX2LXrrGNkp8FBXe4/eiLdds6xPq1N7Gx+0lN3dt4nqbC941njvAyhfOZD8DXtYvIg1CUq6jI\npLa2tnEdX0iM+trvEK+//gUGQww63WHNLXS6Q8TFeZpbf9fp+tk0ANls29aXJJNRc79K03HuWfEG\nk43HybbbmWw8zvSlf2FL/sImzymRqEijLWmTRELL+ZlnClm6NAqzOQaHox9mcwxLl0bxzDOFIV1j\nOKUrtfS3t2x5lHnzCunfv8jLwHp26HI1qAaDgUmTvgO011tnz7b6NfqeeHbq8pQODZcxLy8vxWRS\nr0MVhnG/dtfIg+s9VhSFrVsTGrbx3s9mc7B8+SwKCrZgs53wsc0pamtrm7xOf5/NEycG8mWS93NX\ngASdTjPg36u4qE3la0jaNjImI2mTNFcC0xNFUVizphJwdr0S688Ka9YsIS8v+Mzp5ip++Tqma3i2\noOAO/vAHHSUlRzTVx3yt++fl5WC3F7NmzRIslkHAlcTGHiA39yRPPjktYHEU8L1MYbe/S3R0dLNz\nDtQxFBXF4XD0RyT12YEPEepnGcBB4CIwo2Ev93vsNKRXAesQGfJZuEqQgp5du9JISamnomITIqHP\nKVOalpYc0ESrqc+mY8IklOXL3D4Rx4DBNu369MwKU8S6lkk6HtJoS9ok4TaI5eWlWCyD0Qq3WyyD\nKC8vJSvLu3SnKYLR4g4VfwbW37r/Cy9MIy9P4dixo/z5z5v47LMr2bBhHJ99ttencfVc7/e3TLFm\nTRcslltQtbZDzTnwHAMMQ/immxBJeMeAfeh02cAhzXvsbki/j4gydMVVghSgsnIA06dvYc2aR9RX\nUBP9cnM3NjsHYeLEWqbkv8R6fSd6FReRWWGiNCWNygkTSN66mWFG79B5aUoaw2VDEUmASKMtabOE\n1yBG4S5J6cqVeIdLAyMYLe5wE6i615o1ZWzY8Au0DLtqXH157A8+mOUzFGyxZAE1uDfICK7m23/v\n8U7AR4AN+A0Ox17Wry9j5Ejve+xuSJOBw8D3vM6XklJKQcFM4uJcP1cfB/25Uj+bW7b0xGjs5/bZ\n1Ov1Ikt8wbNUV1cxPDGJ6w0GivTzUZb+xSvV8MzE3DaRBNiWkRn3TqQiWoi0Z7UdLdryeIL9wmqN\nRVEUsrN3YLHM8No+NnYdJSU3tdkfA1/PRluVTeCqDDZ27L8xGqd4beOqouZLkW3u3DUNXcgma1zZ\nRkSinPt986cslp090E3G1J9CGZQ0bJXtdb1aOCcecRiNJuABr/G4Kr+FwxDExKhLF00fw2q1siV/\noZsHfmZibpvJHm+LvwHqPetdvIn+ZhNlQWTct8XxBEqrKaIdPnyYn/3sZzz44IPcd999/OIXv+Ds\n2bMAnDt3jhEjRvD8889H8hIkHYBg1l/9HWPWrO9Ytsw7pDlr1ndtwmAHYkRctwlk3d9f0pTZnEl5\neRkZGf19ertbtyYwdqyJd97xvm+xsYexWLybmrjmHHh68P367SAn50xACmUivH1r4/maWhZxjXqY\nzSksW7aObdt6U1GRSd++R7j99hry86c6Rxemz1Wgx9DywNvC564tsyV/IdNdohOeNe+XIxEz2oqi\n8PzzzzN6tFMW8LXXXmv899NPP8306cH1v5VImsNvfzuZ6OiNFBV1p6JiACkpx8jNPU9+vpYX2XIE\nIiLja5vbbrNpTkRUA+fPsNvtR5g928aNN36ByXSDxpWdwWjczt/+dh3wJtAbuIr09HImTqzFbk/2\ne27wXq8uK/PuqNWjx9eYTJ4CNQp6/XM4HMEvixgMBgYOHMSiRQOIitpIcXEVVVUj2LatE506FbW6\nOE84JgstSWuFphVFoVfxJt8Z9wuevSwnPRH75Hbu3Jk33niDN954w+u9Y8eOcf78eYYPHx6p00sk\nXnivP3+/1b70rj+E/jp3qaFcXwlnDz30LvPm+V739y/cYsVsns7atQqxsUuwWEY0vKf2qj4MPI/D\nYXDZ5xjdu/+bgoInsVqt2O1rKC62Ul19DampVW7n9rdevWlTF+699wB9+/b1KVCTlDSGt9+2kJER\nWp6AEGqZ5XLPCIs4j4qiKHz77Qn0+tgOaTw8Q9OhiME0x+BXV1eRaTZpvnc5Z9xHzGirfYO1WLVq\nFffdd1+kTi2R+KU1PR1Pjzk5eSc1NZ3wl0ymKDqfxm/z5h7s3DmKBQvwmQinJk0VFXXHZMoEjDjL\noGg4biZwCpFUthG4Ge/2l0JA5NChg5SVlbJs2T62bu1LdXV/EhOPMn78OfLzpzZ+77VD82JCYDZ3\n5uabY0hM3EZl5fWa96qiIplTp6rJyPCly66NoiiUl5e5SLm60vzmKO7PMJPU1INtSl43XDQnNB0O\ng5+YmMS+1DSyjd6COZd1xr0jwrz22muO1atXN/793XffOSZPnhzQvpcuWSN1WRKJF3V1dY6jR486\n6urqInaOxx9f54A6Bzga/jvqgH0ufzv/0+lKHEePHnUcPXrUER1d4nebQNi3b58jKqrI4/zqcfY5\nHnjgNUd6+noH/K3hurTPCfsc3bo9qnGcOsfjj69rPF9dXZ2jf/8ij208x1/ngL97bHPJAescOt0G\nR3T0Pkf//kWOxx9f57h06ZLf8V26dMnx+OPrHP37Fzmio/c54P2G810K+Z4F9gy9x97eqaurc2zK\nyNB6+I5N/fs3+R1Z9/jjjjqP/erAse7xx4O6jnAdpyPR4tPCPXv2BBwWP3u27aoEtefMRC060niC\nHYv3evEnEfGcFEXhvfe64u79JSMSr7SSyY6h148iIaE7qamfYDRqtYAU2wQy3u7dE0hLK8No9PYw\nU1JKee65GVgsb2I05rpcl1bt+gHq629Cy4t9772uPPFEdaMXm5NzxiU0r6DtvasqZurrG4FJ2GzO\ndfBXX1Wor1/rN6ztnQGvZqS7tzIN5p55ov0Mtcfe3nD93pSWHqOfRk05QD+jkZKSIz6jVYqi0PW9\njZpr0V3fe5/yJ54O+B7dOP9Z1tdf9M64n/9sk8+vPf+m+cseb3EZ03379nHVVVe19GklEp+o68W+\n2jmGC+1wsQFfkp1qQpezDajvbQKhqeMA/OtfAxDhc9/XBV8h1Ma88ZSYddVUj47eAaRr7DUNeJPk\n5I1ER+9Bp4siWM15RVEoKuquuZ97K9PmNUeJhLxuWyQxMYmy1DTN90pT0vwqxwWyFh0oasb98J2f\no+z+guE7Pye3YHGHWoYIlogZ7ZKSEubMmcPGjRtZtWoVc+bM4dy5c5w8eZLevXtH6rSSJmiLvalb\nk0g0JvGFb63yacTGLiEt7UOfTTy0GooE2ujDFX/HEd3BrgT+izBy0xCqZEWImul3gD8Av8JXYw5P\nzXVXTfVPP+1Jv35a++lJT0/jk09GsH59NQ6H9qTel1G0Wq089dTbDev1WqQTHb0j5HvmSjj15tsy\nBoOB0xMnaU7ZmhKDaY7B93c9rlr7lzMRm65kZ2ezevVqr9d/85vfROqUEj+09d7UzaG5GapNeU7h\nSlozGAxMmHCC5ctLEJ2s1GtXlRuGAAAgAElEQVS9yOzZaSxY8H2fyWTNUV7zvD++jpOYmERMzEos\nlscQxjoGGILQ/X6p4T/1B1f1wgOTmDUYDGRlDWXatI949VXt/Xr37sPIkdcFrTmfn1/EmjX3A3sQ\nEqjuJCUd4c03ezF4cFazf/QjoTfvSVtR/8rJX8R60BSD8UejwZfqbxGhff9aSwImUr2pWxNfE5E/\n/WlmwMcId2OSpq5169a+gAOdrhib7QRpacnk5tY1Tp6amiAEk/nub6KmdZz6egW7vRviZ2E6ToWy\nXDp1+o5Ll1x/LqYB64iN1VNfPyTgWuqXX55Gff1ajVr5pkvUtIzi6dOnKCxUO39pTySqqqp56KHO\nTJy4zW2SqhrHuLi4hp7cgRlJd3ldMYZw6M2HI+M6nDRHDCZUgy9pGmm0LwMC0agG34kPbZW8vI0s\nXz4K1WtVJyLdum1k4cLbG7fz57m0hOcE3pMmm000xZgwYR0FBXeF5RxNndPXRE017oWFMSjKLTgV\nyaah6rVfujQcg+ElFGU0omPYQWbNsvHUUzdhNpuABDIyRqHX6wPyFB2OizgcRhyOixrX7V9zXlEU\nzGYTy5bt46OPelBZeQPencHSEd276oGfYDTqG8een5/bOJkxGjPQ6f7bMIFKITfX0mT0yTXqYbVa\n0OvDozffXPWvSHnooZRISvW3yCG1x0OkPWUmBqJRPWrU1U2Op62E7axWKwsXfsCqVd2x2a5CrK+q\nRkZP//5FbN8+ks6dO3t4mmWaSwKumtWeRiIcHo6iKIwZsxOz+RqcutqCpvS0wf2zFugzUBQlIM1x\n0Mq6BmeXLdXjfhtxfw0I7zuehx4qdmvNmZLyLT16fE1NzTU+7/eiRR/x6quTvM7lqgnuOgbXsbpG\nDoxGI1ra4uKabwY+AO7Bc6Kanl7I+PGnWbFiho99J2leiy/C9TugKApfjx3FFI2a5ML0DIbv/Nyv\n5nqo+tyutKfftEBoz+NpNe1xSduguSHgtrYenp9f5PGjK2Qv1dIeozGD6uoq/u//SgLyNCPZqctq\ntTJ//ruYzanABdy9WD0VFZmUl5fStWs3v4Y42GcQ6Fq9/y5bBuAtoCdwPWLN2Hntnq05TaaDbnKk\nnvdbURTef9+z5EucS0vwxNPDc0YOALb7uGYHYEK05/S+l2ZzEh99ZPWxbwxAs8VXQqE56l+tqc/t\nOrEC2sSkvqPT4iVfkpanuSVDLVUSFQj+jYwo7UlPLycuLi7orPBIZKjm5xexdu2DwFTE5GIiMAkx\nwbDSrdsm7r33JKNH6xg7dg95eR9itVo1jxPMMwg0y9mfcRch5hEN1zvM49pdW3OCcy3Z9/2urq7C\naMzQPJNWZrhrpYP7c68EtI8DQ+jWbRWxsQc0301M3Et19UAf+/YD/oXZnNTipVuhZlw3qc8dRPVD\nMJUlVquVorz57Bs7is7XX8Oa7Cv5PPtKDKOvZd/YURTlzdf8HEuajzTalwmhlgwFWxIV6ZIy/0Ym\nAzjG1Kl11NbWamynACWYTFbKy0sjcn1uZ2tygrEai+UxTKYpboZ44cIP3IxVSUkJmzZp1yD7m4AE\nMlHzZ9yjo79B5AtoXbsCHEWE+0EY0n6axzEa+zd6YNolX9C37xHi4uIAYRDy8j5k7Ng9jZOZp556\n2+V5JuOr5AyO07PnaGbM8FX7rvc5XjgExBEVdZy//nVvixqdUEuswlETrRrgHUOHBmx0Ve9+svE4\nRxwOHrNYmGGxkG23M9l4nOlL/8KW/IVNnlsSPDI8fpkQagg40DBrS4XQ/YX6dboDPPDAeV5++X7M\n5tMu21mBdxFz1KtwOKKYNGkHs2Yd5re/naJ5feFYv2/KizUYjqIo3oZ41apYVq68SEzMDqAUi2Uo\nQhvcG9UgaoVOm0roAv+JeHb7KbRCzOrkyL01ZzzwJVolVzrdIeLivofBYGDqVItmyVdlZRU5OfuZ\nOLEGu93OsmV3NW5jNGazZs0pYmM/wWLJxl+mONRRXZ3FQw9dRK/XGvs09PoiHw1UHMD3sNm+x4oV\nCp06tWxlRSgZ1+HQ5w42vO7q3Wtp3IHsxBVJpNG+zPCXCaplqAJdD2+pkjJ/Rub+++t48cXp6PV6\nj+02AVNcth+GxaKwbNn7REcXaWZSBzL5aMqw+7t3SUlHqK4e7fU6gM2WBXTFYrkO8bP4N+A7/BlE\nLQKdqGkZ9/HjT7N1awomDSdOnRzZbH14881TiBB5PXACLUNqs53i7Nmz9O7dp7Hkq7g4DqOxP94Z\n3sI4O+VNKxGedR+g1OX40xBh+m6ISYSzCUpKSjEpKaMoKBioOXbX8YprOAhE4WygAoE2FlEjS+FY\nxw0l47q5NdGhtL909e79LVS0Vicu9XsZE+NrGaR9I8PjEqxWK//v/613C0eqa6uBhFlbUlUMfIf6\nFy2a6rXd3LlriI52aF4b9GDTpi5u1xfI2rFW+FZrLbqpe5eWVu1jhOU4w87qdasG0f04Ntspamtr\n3V/1WKJoaq3eVbVs924bO3eOYvHiu8jN1Q4xz5ljITpaz7vvngQ+btjmCHAGUXJVBOxv+P8mIIVl\ny750O9eWLdkkJ38G3ILIUFcnRDVYLAOB9YikvXpgG/AOdXW3MnPmyobnfojYWDtwEugMjGs4zkVu\nu+1c41i1xu463nffLScqKtPjGgT+ZEnVz8DQoTuazEcIlmBzK3LyF7F+3k8pTM+gRKejMD2D9fN+\nGlBNdCjhddf1d38LFaGqn4WK6zq7YfS17Bg6tEOurUtPW9Kkl9xUmLUlVcUgcA9Sr9fz8MMjWblS\n5+NIGVRWHg8ok9rV6womqpCfn8ulS+v46KN4TpwY6HLvptKpk68wbZ3Ha1cjPElVpSwDYdjrSEtL\nbvxhbO4ShXe2tvZzt9t1LFumB36Ba/QCbgPeRxjQyob/A2xi69YEnnlGtBktLT3GhQv1VFffoHGv\nkxEG2/XYovGHTvccixb9Ar1eT3V1FX/5Sy0rV8YA3yKWQMqBc4gwd9MYDAZGjryOtLQ9aPXG8FdZ\n0ZbEippTEx1KeN3Tu/e1UNHS6mdeYf6yshbLom9JpKd9mROIl6zliRUU3NFoCLyTmRTED6kSUT1m\nXx6Jq6eZmJhESoqvpLNykpPrAsqkVicfwUQVnCpovamqSiMhYTcTJpzkySfHYTQe58knx7lFDHS6\n9QjDPM3j2CcQHuckhCHs2vD/SeTm1rmEfcOX5a8oCkbjcRYsGO/23BcsGE9xsYhSaEcvooCPEOVt\n24H3gOGYTH2YP//dRs/03ntPYjBsQhhbtzMDaZrHtlpv5IUXNmMwGEhMTOLjj5OA2R73ZDabN/cM\nOLoTSmVFS0eWPM/tK9EzlOqHUBPgXL37gdHRLIntztrY7kF7+uEinFn0bR3paV/mBOMl+1oPd64f\n1wKbgVhEJvGnxMd/SefON0bs+l1RjeSWLb04fjy90dO8/XY7y5Zp+QLnmDTJEdT6fTD365ln/u6W\nUFVVdR3LlyusW/caijKZ1NS9TJwIn356LadPn+Kll8y8++483L+Wquc9A3fZ0I+9VMK0DQkUFtbx\nyCNGLl261OTaq6e3npy8k7Fjj1NQMBODwUBp6TEqKmLwlSkuvOIo4BLC8+2HMMxlrF3bA5gA6DGZ\nsoFbgXUIw2tFrFHXIGrCtejPmjU7WbCgltOnT7k8BwOqchsEH90JJGHPlZaOLEFkJU7VBLiELcX0\nMxoDSoDz9O5nuUx8W0P9rDl17u0NqYgWIu1ZbccVoZy1B6Nxstd7gah1qVitVnJy/khJiVNco+EM\nQSlMNQdfyl4PPbQBiGoQA8kCjhIbe5hZs5K9ssd9HUMdQ21tLSNG7MJimeF1ftf7pSgK2dk7NLcT\nhmoyarKV+7HfwmIZhjB2B4Ay4DZ0usPcf38dv/zljRw+fIghQ4bSu3efxiN6q96pRrAbYCQ6OgG7\nfTDp6eV+Q+bO8Xdu2D8WSCc29gCzZ1/iySfHcdNNn2E2xyDqtt2JjV2DxVIPnAJ+7nUfnSpr6vZr\niY09SVWVA/hxw6vbAK3PSxEwipkz17F48V0en1tn0lp6+scBf25dCUZt7sYb/43J1LTaXLjOWZQ3\n3y30C2LE6+f9NGyh35gYHSUlR9qlOIqiKOwbO4rJISjKtUXaVD9tSdsiXL2aL168SE3NCFojZAiu\njSM8MbB5c0/y8nIoKbmJHTsUduxIpqTkQV54YZpb84jS0mNeIWvPevaXXtqOxWKlqftVXl7WMEHQ\nIgs41nh96v2Ji4tjxowEhA78cUSS1qOAjjlzaujUqRO5uYeYPr0/OTn73RKf4uLiSEz8zOW6NiLC\n6fXAA9jtdwPD/IbM3b11df+JQDYWywyWLp3GSy9tZ9Kk7/CVGJeRcRiRqT8UfwI4KhbLEKqqUomO\nTsIpzuKrj7dY69+xQ0d9vcKECScQZWZvIZLWLuCM7nTWvvV+CCS8bLVa2f7Cc1x77k+a1xjod8Yz\nacpfbXRLhX7bc/vL5rQSbW/I8LiE/PxcunXbxHvvdQ0oPKhFa4QMQc3i3Uhh4XecPPk9PGVCPc+f\nlTXEa3/35C33kLVrkpvTqE1EGDVnUlhs7D6efPI+lyM7EIbZu0xLrPdf2fhXRUUmZrOJFSsOsG5d\nLGK9+DSwjJgYO3PnDqC+vrNm4pPdvoHoaB3FxfFUVl4PfIoIMasz9cBlQ53P0Hf1bXFxHLfeWk1M\nTAx1dW8iSrEGExt7kLvvVti2bXjD+X0VAmUgPGI1nG0EBmK3R7lsMxkoAEYBAxFh9lpE2H0HVVVj\nuPbaf6HTnUTc556IZz4YGEpJyc3k50cmuqMmO90L/JoJfMA9GLmRnrFfc+dsXcDfmWBqowMJ/SYm\nJl32EqKede7H09M5mTOxw3UWk+HxEOko4XGVhITulJdXh/zFD0eYPVhBE2dI/lqgP87GIbch1tan\nN3n+psLhrniHoJ0hWZ3uGLt32xonJiI8rvam9gxq/hHhQRsar893E4v3+dnPoLCwu2bzj9jYxT7O\n8SaQg/A+h3rtpzaKcZ1IOUP/I33uB/sQxtP1Hhxj7tx/8/DDIxvuzwDE5Mk7fC5C3ONw1mGLJh3u\n23+LKB8zIYw2CN3zmRrjdG1q4gy9BxumDgStph7qJ2BvajrX7doT0PmCbQ7iL/T7flo/Tk+4jcRt\nm5vVLAQ6zm+a+juSnT2Qujpba19OSMjwuCQgmhMeCzULt7T0GLW1tQHVPXuycOEHDWvok3DX9d6M\nMwwbvixg7yx5NQHK4JUlbzAYmDUrGVEC5Vq3/D5ivVo9p8KECSfZurWX5nVAD95/X4/JpJWBr2Cx\nDPaxX2+ESpl2Fa1WVr8I/dchDGaZ1m7odIdwlzY1ANls3ZpAXFxcw/3xF+Lei4hAvI8zU95z+2Sg\nGueavgOxtu6Zbe4abncPvfursQ4VLY9X/QRcVVUR8PmCrY32F/r9qkc896x4g8nG41JCtIH2HOYP\nBBkel4SNQLNwPUPSBsNbbt5iIDWviqLw0UfxaBusGCCB5OS3mDIlJuQsYNfuW+r248efYsWKwHpv\n//a3U7DbN7Jp0zFOnPiOlBQbPXt+y7lzw6isLCElpZQJE05y++29WbnS19JBBlVVx0lM/Jyqql64\nt/Y8hmvWtDtZQBW+qmg9r7e2tpZ33jEhwvldga8QLS7d97PZtKVNKyoyOXGimhtuOM7atQpOxTKR\naR4be4BJk06xdu2tDXs4cE1IU7fX6cS1R0XtxGp91uVcwxrGsdFjP9dwu/PfgXSvC5Zga5p9RY5C\nqY3WkjitnDCBa7ZulhKilxnSaEvCRuCyma7CFEpDtnRg664q1dVVfro1ZZCQ8A8++eR2twxrT3yX\neKndt4ZQUZGJwSA0wOvqbiM1tSfZ2a9QUzOCiopM+vY9wu2315Cf71RjUxSFigozy5Z9ydatfTl5\nsj9JSUfJybGwaNGjXLx4EbPZxLJlp9m6tS8rViQSFXUQZ8jZlWMYDCVYLFcgksp2INZ3HUAnQIf2\nuvlx4CzC234T4XlnkZ5epjmRWrjwA48wexYiy10PDCE5+Qjjx59g69Yoqqo8JwG1dOmyinvuGUVl\n5Q3Exi4BMqmvH0JS0iHGjt1CQcFM9Ho9n3/+X8rKrkdIh7oeRw9M4oEH1vDAAxZmzx6D2ewvkU19\nrxyniIv67+CSKANFSzJULA5A5YQJXN9wvqbKs0KRHtUSUEmsrsKwcrnmtUayzCkcuvyS0JFGWxJ2\nmtI3dw9J+1Yv9pfA5q+mGkqZMqWLX4OtXmd8/F6MxltwN0LrsFgew2IRr4kmFWLN1GSajsl0M0OG\n/J6+fauoqhrBtm2d6NSpiLy8HAoKtlBcHN/QgjKxYb+rqKzMbvDQRbnSm28eclvDdjjK0NaV+hKL\nxbWMTr2W94G7EOphWvspwH2oq65RURVs2FDOyJHeEylFUdi1y1PQRI+on36Pvn0/Zvz4GLZvT6Wq\nKgOR7KYgssQLAQeKcj+KYgSOYLH8FPiGu+/+Oy+//CO3RL6bbjpKWdkptDzx2bMvkZ8/DaPxOJWV\nviMPTs9aDbfnNPy7nPR07/r1UAyMr/1Ujze+aBOVpuP01ekYZLORvHUzRfr55OQvCijJLJTmIOD+\n3QpHs5BgiGStuCRw5J2WtCjeIelkhPfonfTkL8Tpr3HIiBFfUVDwsyavRVEUzp0bhrs86DeIr4U/\nL28zBw483biN0QhLlyrs3v2KR526Z0hXdPD67rvlfPJJP49zTAPeJSrKhsMxDDhKTEwJUVGDGycP\n7tcSh0jOGogw4D2AdKKjDzZkYk9z2fYK0tIOaBpsEM+kosKXkRxEjx57WL36NxrjWgQ8jfeE4k9A\nLhs3DqR792Lmz7+ZZ5/dxK5d6VRU3NzQEKQURbmN5OSjjZ642pqzd+8+GAy7GiZLnhxEJB0WIUrA\nHiM29hWmT0/koYdGkZqahsFgaNQGD1bStSnDpHq879XX88DqlRhsItFpmNGIsvQv/O2Slb7b/Ies\n1Xs+bsGzEIL0aOMxPTx2NSkunsiUOQXbDUwSGaTRlrQo3h6yaxJS0+vErniuoauh6qVL53P2bH2T\n1yKM1ZU4jU0lMAiRHa2FaEmpXQ4FBw9mabzuHtK12QbzzjuHcWZFq+iBmURF7eHtt78hNTUNSOHm\nm2N8XEs/YDcwBhEmP0VUlI077zzGhg2/wFNVzd+99Be1iInZS13daM1xRUcPx2733MOAmIBlYrMN\nZcUKhdWrn3Nbn1YjFzNnrmTx4ru8rkskxEWhHUG4iCjxGtL4Xo8eWTz77PfdjhOqNnhThslqtVKY\n9yS931mt+aR7frSJpKpKzWNnVphY99Qvydr1z7B5qjn5i1hjt3NyzTtcZTnPAOCL2FjsdjtWqzVs\nHnAo3cAkkUFmj0taFO0s82nA+8TGrtMUNPFEzTq/ePGimyb6Z5/dwOLFdwX8Q+WeDa7mAQ/Ad9+i\n8ob/a4XzK7HZrvKxnxrSBZENPcHlWO6kplZxww1jycoaSkZGf49sdVeOA/cjvN7pwN3ExBzgxRfn\nuInDpKZuYNasv/Lkk+N8HMd/5v+UKSd9hqrt9iyXcbmS4fa61XodWkZ/06Y+XhUCiqKwaVMXYCTe\nmfevImq4r3A7XmXlALeM61C1wf0Zpu6FH3D69Cm25C/khuXLyLJplxINOlHNl0naYen93Qz8aM07\nYc301uv16KKjecxynqmIT8MMi4WZy14PawZ5KN3AJJFBGm2JX/w1KAgV79aaxcyb5+DLL8doNiRR\n8dUSs3PnziGVeGgbKwMigcuXItcAtMuhktHpvvFxJrXVpgIcajjHAc1zuKp5+TOmIinNdbwGoH9j\nMuCnn17L3Xf/g6ioLqxbl8PNN+/1W0antjFNTl5KdPSexolTQcFMnxMHUf6VrPGOa2vRSkB7MmOx\nDCEvb23j31arlfnz38Vs7oQo7eqJKD/TIxLMJiNacbrjWb4WiNCPFv4M06DKCnbcPIaqd1bTD9/T\nukNAWc9emk+sDAeeWRaNnmqI3y9/E40eRX/n4MH9Yfnuurbj9KSlW3Be7sjwuEST5rZ59Ie/LHN1\nXVOLSLRD1CpTu+02K/Aumzf3oKIik27dDqCuwaamfkx8/JeUlHiWQ0FW1gFKSibiHdItR/SZtgNP\nIL52g4HfAdcAmaitNktKHic/v7BxPK5qdWZzJnb7IYTh+onXWBRlaGPi3ksvbWft2gc179UTT9zA\ngQP7G/XLnd3I+lJd3Z++ffczalQ5Tz55L3q93qWMy31cWVkHKSnxjIZ4thZNBorRzow/zs6d/VAU\nZ8tT12sWYXZVNEWorlkst3idzzP0H0jjFy38JXYdB+Y0hL3fRyxIaAXvHTYb8w/s5/fZw7i2prYx\nyazshjHctu5vmudtjqqZv4nGAJMR07gb2JeW3uwwfCgZ75LIIBXRQqSjqAepeI4nGKWwlkAorv1b\nUxXMU/0qlGejlS3s+hrQ+O/OnTuTl7eR4mIr1dXXkJxcztixx8nPv4uXX/6HW2MSvX4fVmtnhIfu\n2jxEQbSuHIeqquaqkOY5nvLyasrLy5g5cz9VVQCz8Jw0pKV9yD//+X0AH/fqAnr9szgco7DZBqPT\nfUNW1gFGjerH8uXT8WwSotd/TdeuRiyWW4mN/Ri1jEutv3dmy8c1TG72Y7HYGsapGgcFMTlxTVhT\nXy9EpxvK7t02EhOTfD5ftVHIQw8VEx0d7ZXDsGjRVC5evOj2/EL9/PpqzOHa5mQDYlqiQ1S0Z6FO\nuZziuYXpGQzc8im1tbWNnx8tVTMFeDMpGceE2+m3/eOgVc38qaV5as811Vykqe+NmqSnlfHeFrPH\n2/NvtD9FtLZ3pyWtTlNrgr5qpyNJpLXNtcrUPF/LzBzg5pVWVaXRrVsxNTVXsG5dDrt27SM+vgyL\n5SeIn/DbsFqn4ZQVdUUtdVPX0v2Pp3Pnzrz99lEslliEmVDLrlQzoTBmjAn4vp979YpbQpjNlk1J\nyU0cOrS54bX1CEU5td44G4tFmCyLZT5wilmzVvHii/c2djL78Y+zeeKJOGpra+nd+0Zeemk7mza9\nT2VlDN26naKuLgqR2KdmuAutdqF4VktSko7ExLFUVJgxGvv7eDrpTJ36V+bOzaVv30Ss1s0UF4ty\nu61bo9mz54/U1FzjFhHKy8shmHabKmopVvfCDxhUWcFxnMZYJQtRJf8ZIvCvdvJ2/UZkVpiora11\ne4aunqrag80A3FhVyfHVKxqKA4PLyvbnAbvGO8KRMKZVKy497JZHGm2JF63V/MMfoYY8w417iH49\nivI4riFoUfPt3n4SDOh0fbDZXAOq8YhSt0w8J0da4/FcGnCWXb1Bp05xdOliYt2629i9ew/jx58i\nKclARUU3nB78KURI3vNHtgardTj+moQ4s9/7sGvXQI1yqv0uhhKioroA6fToYaVLl084c2YcMLXh\nGEbgHJAEfI+amoO88MI2Ll5UgBS8hWKswIcUFg7igw86ERu7C4ulK6o3bzKtx2Ryltl5Lpk0JfTj\niWqYTj/xP+y8ZQz3VlZ63RFVwuUwcDg6mtneKfSaddKutdkmYzkP4P00ncWBgRtZ1+P2N5s4ardh\nxX2iAeETXPGnw6CFFGMJLzIRTeKFt8a2Ey3N6pYgXC1Em8Jf4p17BCIQI+fEZhuMKBezIjzaPcB1\nCI95PU5Nbe/x+It8GAzxXLo0FotlPg7HCIzG21mxojMnTlhxKqitR4iQaCWEJTdcl2+RG9ds8IqK\nTPLy1rJ06TSMxsnY7dmN7T5zc//K0qXTMJmmYLdnYzZP4cyZRUCFy735GvghQid+WGPLzw0bTuMU\nhXFlHfAEdvuMxu3F/htxPgMQTUbUfZ1Z4p461IEmVvbu3YfOU37o9bqrBzswWkf1PfcE3A5SnRAM\n3PIpickpTX5yAs3KVo87fOfnnP10F7bUNKbj7ZG1dMJYMO1HJYEjPW2JF/6ESyIhDxkogWqbh0Ig\niXfuEYhAjJxr2PtbYmJK+O67aKzWJ9DymNPT0zTHU1lZ6TPyoSjDgEsur2wEfojV6i540q3b77hw\nYTgOh2ekwgCUIOq9D6Pd2cspFZqcfIydOz2FYQS+69QTcBrkzprbiMYnt+ItdBPt45gxDddbjpiY\n9MO1LatnRCgUNa+c/EX87ZKV+FXLybLZ3NatAcpS0/jxn//M+pi4oJTNamtrGeTDGLt+cgJRNfP0\nYrOyhlA6aUqbSBiTYiyRQRptiSaRNJChEqi2eSgEkpnuHqL3reQGpYBrlrMCWKmr+ynwnsb2Bvr2\nTeCDD64gLS3d692EhAQMho98KIQdRbQiVc+j7f1fvDicnj13c+bMJDwnYkOHXmLMmM28844Ji+Um\nr/edvqVYN1+//gca1+GvTn0Q8DpiScDXMsaViKx4tc2mKnTjK082A9gCPOxyvWq2+UZSUrq6LTGE\nYkD0ej13LH6FjVEOHMuXua1bq0YwLi4u6HVef1nqTvV0oWee6COs7G8SEqpEajiRYiyRQxptiSaR\nNJDNJdg1taZoKvHuiSdONSRa9fHQKtdWcsvO3su5c3ZMpkzEGm4tIhlrN3ADrh6h+hU8ceIqJk3a\nxZQpBq+yuqef/hCL5bzmuYSXrPp+rt6/avjEmrbNNoQzZwbSq9cz1NR8H5stC53uIFlZhygq+jld\nu3blySdrWbhwJbt2pVFZOcCj1K2QiRNrefLJqezevVcjtyAZ4SVrTSwOAXMarn2Hj20O4pzoqMl5\npxDLB1oNUUpxJvK5YgC6MWHCCbeQeCgGRPVib12Qzz/1nSj1YwSD+Uz6Sx4rB7ak9eOrHvFcu3Uz\nhpXLNaMCTU1CQk0YC9f6cyBiLC2dF9NRiKjRPnz4MD/72c948MEHue+++7h06RJPPfUU5eXlxMTE\n8NprrxEfHx/JS5A0k3AbyLaIv8Q7o7E/t9yyjerq0Q0tRB/HGcIdBCyhU6c07ParSU4+xpgxJhYt\nmovZbGTcOBMOx7iG7b5SXTcAACAASURBVF09XFU21bXN5HEqK+9l6VJQvXur1crChR+walV3hOH6\nE8JQDUEIvOzHKQRjQBjOIuATIK3h+tQJQlfgVmJibmLbtisoLT1GZuZQLl0ahL0hkSouLo4lS+a4\n/HDfBNzkNmmzWq0+mqyACFdrTSzKgD4N/zb52MaBMNBqaPwwwmhX+9h+F3Cv5jODftx7b8/Gv4I1\nIJ5e7MHUNJg4iSGf7uL06VONRlBRFL799lv0+tigDZynN/xtcgrHrh/N1T/9BaVvvcn/rHjDp0EO\ndBISzHfXarWy/v/9P7q9tzEsEqst3czkciJiiWiKovD8888zevToxtfWrVtHz5492bBhA7m5ufzn\nP/+J1OklkoDxl3gH5VRW3ovdPqChhWgcwgAnAGbgxyQk6PnhD4twOC6yfv0PuPnmvaxceYjU1IsN\nx2gqYc01BO1MosrPL2LFihnYbHcBVwP/g/BG30OsY8chDNybwOqG/3+H6IPdFaG6NqHher8GDFRU\nZFJfX8/mzTVMnXqM0aN1jBmzk1/84g1qa2vFlbkkb3kmcuXnF1FSok5cVInRDUAe8FPgbcRkRJUe\nfRuxVr0eMYEYhZh8rANKiI5e03CsuxATmHFAV2JiziPC/lcjOomtA/Y1nOtVhLzJUR/P7Fv0el3j\nX8GqealerKfc6D9fWkRm5gA6d+7cmGB1YdAgzQSrphLe1OSxIZ/uonj6TC45HEx4bwNn7p9F7Pq/\n+TbIDROqcEuKbslfyKRXXw2bxGpjNMHjdSnG0nwiZrQ7d+7MG2+8Qd++fRtf+/TTT7njDrE+OHPm\nTG699dZInV4iCZjA5EIrgVRgLcLIdEUYzhVUVHzNu+8+itl8d2M29YoVM+jR42tEZravhLV+wN8a\njucs0DGbM/nmm4M+QvZ9gO8hDNoDiK/wCODLhr/vRXjyExHGWq0GHgEopKSUsmzZvobs79ux2w9i\nNsewZk0OI0bs8it16lxGiEMY2BsRIf9uwI8QlcsxwAWc1cv3Ijz/SQ3X5Jx86HTLmT37VMN7elz7\nVN1zTxR33bUG0dHLgZjU7Gn4ewQiE/4/aD2z2NjDZGQ4IyfBGJAmvVhFcTPqQz0MnFbG9ManfsnR\no0e8DLiiKBQtfJKfr3mHu80msu12rjGbGGqxaN5/V+W0cEqKBjLmUMjJX8T6eT9lQ2o6xdHRbEhN\nZ/28n7bo2npHJGLhcbWNnStms5l//OMf/P73v6dPnz48++yz9OjRw+cxevY0uM2Y2xr+VGvaIx1p\nPMGO5U9/mkm3bhv54IMYjMYMkpOPYjJV4JQLTUZ4iD/HO/N7CVqe9Pnz1/KTn3zO8uU9sNm0EtZK\nEJ7wJUT3KvF9sduP8uCDlVRW3ujjal1zjBOBbQjv2p833x84xqRJZ3n7bQNaYioWi0i+u3jxbX7/\n+2nU1NSQnJzcaNS+/fYEZrNruHUzwii734+oqGdwOKbiLI3TWnvug812PbGxF3jssQ9ZufI4588P\nBgYQG/sf9Poo8vJyePfd/QgR0UfxDpEfR4i2GBCJbMeBc/zoRxlkZCSiKAqVlZUkJydz759eY2O3\nzsR88AEZRiPl6enUTZ3KvS+/7PY79e23JxjgSxa0wsT58ydJ2FyknSO/pZiP9VGNa81W4KDxOKnL\nlxG7fBlfpaZimTqVO195hcKnnkK/cSPpx4+7HUtNb9QUfU1PZ1z2QAwGA/++cxrKq6963ZHzUyaR\nkZGoef2+aGrMVquFhITgjgki5G7o1pluuijSgXJdFI5unUlI6N5iCmod6TdNpUUT0RwOB5mZmTz6\n6KP8+c9/5vXXX2f+/Pk+tz97NnxNKsJNe5bI06I9j8czeSaQsWgl3CxceDtPPCFej4sbTk6ODqPR\n9SviK/FpMN7rrmAyZfDQQ2lYrXtZsUJrXfZzoDvCoKprz7cBl6isfADfSVhqjrEVUQMdjxBp0UI1\n8AeJiTnIiRPRnD+fg5gwdNMcz8qVsaxatQW7fRipqR9z441GFi2ail4fS2rqQYxGNUtbO+zvcFyH\nTpeHzTYekYCX5ePahvDBB7u5/XY75887jbLFMoy//lXhH//4Pd26naW+fpzmecR970JUVCXgICXF\nxqRJDv7nf27l4Yffdinf+6ShfO9ZLj7xNNXVVQxteO6eLVz1+lhKU9MYqrEWeywljfgzFvoZjZqj\n6Wc0Ytq4sfFKN+KeyTDMbEb5859ZuGYtz585TSUiJuE5Ku30RjiZM5G6Oht1dee5cf6zrK+/SM/i\nTWQajXyji+akzUbKh4W8aXUEtRbd1JiH62ND+m3wlITNPn4c5dVXebv+YouUfLXn3zR/k42AwuPb\nt2/nrbfeAuD48eOEKlfep08frrvuOgBuvPFGjh71tSYlkTSNr65f/sQbmtpHXcPt3buPR8i8EpEA\npsUViDC4q8CHU4hm0aKpjV3NxLrs34E/AM8hftaH4gxnL0GEylUv1Ve3MQPCLIxHZKT7aycaD1yk\nvn4KH32keqhGfIfth2G3fx8Yhtk8hbVrH2TEiLd44YVt3HKLmhhWiQjvazGUTp36IfzF9IZ7o8Vx\nqqqy+OijeLSM8oEDI0lKqsNT5tXJlcB3xMR0Z8aMSnbsGE1BwR0UFGzRFH/Jzy9q3LO+XnvNualQ\nekZGps/QdInDwYjKysbtfWUyjD5zGhBetdZTmwYsie3OB2nplOh0FKZneIWV1TXxqgk5ROEg12bj\np8BUkzHotehIrD9HKuQuCcDT/v3vf095eTkVFRXcd999FBYWcubMGX7zm98EfbIf/OAH7Ny5k7vu\nuov9+/eTmenLO5BImsZXbXW3bhtZuPD2oPbR6hTmWqtuNicBZdjtnoFLIbMp1mozcfWYXYVoCgru\n4IknTnHLLVuprLwTMV/27GhmQHT9UkPl04A3EPKeAxAGuL7hdQXhKQ9wOaeWf/YVQjZ0Bp07L0ZR\nFuKcEOzA3ZNXjfFhwPX+GbBYhrF06ShmzFiDSHhLRIT1tQK5B7hwYQwGwx+prx+Bw6GqnXnXfycl\nmaiuvkHjGACZKEo20dFfYbdrRRwOApOxWAysXasQH7+RBQvG+yzfe+8dGxM2jWSw2cx+nY4TNhsp\naemcy53s5pn6q3PW6/U+y7Xsdntj41B/0juqNl422k/tIpA0+z5G+CjZUqNEcXFxJG/d4vUEQqmF\nzslfxKZunen63vthqe2WJV+Ro8kuXzNmzGDdunXMmTOH1atXAzBr1izWrFnj98AlJSUsXrwYs9mM\nXq8nMTGRl19+mUWLFnHy5EkMBgOLFy+mTx/PDrNO2nJooz2HXrRob+Px1/Wrf/8itm8f6fWDFUyn\nMM/9qqur+Otf97JixQzcf2LfQchqetZqv8KWLY+6hShLS0W2tt3eDREY9bXObQRUkRPR4QpOIxKx\neiG8148RWdnDEGvTtyHWmGMQHvB+RMb4FERZ2AnERMC1TEpd03bv7iWMIbjWkYvjdSUtbT92+0Uq\nKsYhJhRO7XV17PBHxGQit+HvlYjJhnsbUriNuXM3UFzci8pKb8lQMfYjQG/gTo3zFAIzG19JTy/k\nrbcSuPnmWI3JFej4km+4ptFvV7t3TUK7A5avmmWr1UrRwvnErVrOEA+lNDUkDmJKNFFjVBvV4yCe\nTiHiqaUDxzQmEa7ndS1F+ywxkesrKzUXUEp0OpTdXwRsGBVFwWq1cOlSdGNnMrWszV/dtq/3/XUf\nK0zPYPjOzyOeQd7eftNcaVaXry5dugAQFRUFgM1mw2azNXnS7OzsRiPvymuvvdbkvhJJU/ivrc7Q\nnMmH2ghFDZkvWtQPne5dl9abXyMym729upqaEVy8eLHxh1dRFC5cqCcl5SQm0634VlM7gvBg/4Ro\nqgEiY7wPwkc7Rdeuz3Dhwp0Ij3gYTnMRA/QFlgMLcDVo2p3G1P2O4m58terIxTp6ZWU906dvYc0a\nE8Ibd5UdVc1XTsPrdwMGYmP7ERfnoKLiW6Kjy7DbR5GebmPixELy86fhcHzgY83/HDpdKjbbZOAV\nRN35VQ33yIYoE3NSUZEJ1JGaWqbZWCadf5Ls8reapgfanqmvOme9Xs+wR35O1MplXh2+1NhIYnIK\n1ZUVmvEFK07dt8KGf58CVsyazYwX/9enMfMUVBlQWelbeibAWmjXiUCm2URpQ312ct5zFOXN9yn7\n2pQsrOy/HTmaNNrXXnstTz/9NCdOnGDFihVs2bKFUaN8SRFKJC2Dd9cvpwJYauo3XLiQ2tgwwjWc\nmJq6X/MHPTn5GBcu9G3cxxP1GHl5OeTlwbffHmXu3O2Ulz+ueX3qJCA9vZ+bprnBsAPhIfsKZ1sR\nHawURGb0MYTHmQGU0qvXdiZPHs6qVd8hlMbUY6hmYD96/UisVs8IlgGnBrh6Tj3CL/w7WhMP9/YV\nYh29W7f9FBTM5IsvXuXIkUHA7Ib3K3Gar3eAHzceqb5+CJs21dG161UMGJDKsWNmN4W9RYumsmfP\nK5SUeHriQ7DZdAjT9kTD0Y4hkttcu6gJUlJKycgYxVXxKzXEXxSm4l3/rKbpBROytVqtfPn6H+kd\nHc11Hg6MHkhr6KWddOYML/7kAa478P/ZO/PwqMqz/39mIZJhSIIBskwmAZQ9iEJrFUoNKMEEEK0L\nqyLVUuvyKvYntpBXUMGK1tfWLgoiigiSoKJiwmYFC2KVIgohLAJJmMlKWBJmTjDMzPn98cyZOWfm\nzCSsRc33urwkmbM85zmT537u+/7e33sXXRDxE7V2ucV//Ds2O+6Ro/jl9JmB76na2wX9HLGa9XCm\nhjF0I9DXL+Ty/JbNPFa8M6LAS0tkYc+HnGprx7AWGO1p06axZs0a2rZtS3V1NVOmTCE7O/tCjK0V\nrYiIYFOTBkRYWAntfkRV1bdkZXXDZvs3CQk7VL2Wd/nVvH6BNp8scfz4boYO7RbWKCRSI5GmJony\n8hGIpVh/E5CU9LOwHLrL1QshFOIF3sBgSESW+6C/pCcgjFgc8G/gEo4efYKYmA/IzPyK4uIHEIS2\nnggPdA/x8as5cWIa+lBnUxUcJDK7W6kjj0PJo7tc+xk1qoQDB35CpL7ewnOfELiKYkwtFgsdO7ZH\nli/R3MVsNrNu3YPk5a1k9epKamquwmbzMnz4V6xdG0dFhZrSlYkI3+s3swG45+gqbOxgA+Nx8nPS\n2MyVvM2f2BL2hAoP/5+nodK1bvZMJi1aSKHuKITBTEzsSGJiR7p+vIlF/3MfpncKwnpuA1xuNHH4\nzbdx5y+lOOtaKp0OOptM9PB62WG3czRHhMrLy0sxOx2B+ylb1BH4GQYpqfSorTktwxiNLNZnd0nY\n8Uqu/Mi0x1qkyHYu+2+fScOXHyqazWkvWLCAqVOnXqjxaHAx5yO+z/kSPXwfn8fj8ZCd/TeKi4P9\nlAWUbCVoi27EZ5mZL1BffyWVlV2JjS3B5VK8W3PgmKlTBTEtL+/DkD7W4nOLZTaSNBmhOhZ+j7Fj\n32DevFsj5tCFqpkdWAMMBN0lXalRvgS4JvC53b6KDRsGMHfuetasiaOqqiMGwz+RZSupqRk0NOBv\nYRmKQkR+W+TFk5O/ZfjwwyxblojXe5vO8W8jNhLX+MehbCqa0PYMV0LvSoj8FwRD/3WMG/cmzz47\nMVCOV15eE+YtqaMhai/zf/7nVZYvz0a70fAgQvdmjMbu2GyimU1eXjaPPbaCTflQzWDS2MBQlvAS\nX7EWvbck9NpuAQp1ctp6kCSJHUOuZrTjUGAUSnKgxGSi4a5fkTt3nsaQSJLE14MHMqaiIux6q+wZ\nVA0fHtgE6I3x+cx+XHX8OF2dDhwISZkUBEPgMLDD2p6Rn29DkiTd3HIkz7S09CCWaweQqdMPXCkI\nDOXtF5tM7Ct4nx63j9E/7zRz6S1FaPkYiLnR4yIo+D6uaQrOKqe9b98+ysvLyciIxIVsRSv+O2hq\naqK+/koiNY0QxkU/37xuXSa1tbVMmGDE5ZoQdozSKCQSE1mSBiA0tdX5ZGG0LJZvmDv3rqg5dOH1\ntgX6YjS68Pn0PJByBGFN23mrsrIrR47UMW/erRgMK1i0qAey/DhCphREeFrPB5SASUAdFstzbNjw\nWxoaGliyZEuE42WEgY9Fu6kwEwydW/z/pQJXY7W6iI/fTVXVKSyWtUBXCgqy+eyzrYwYcYzY2Da8\n/741ELUYMeIoYGDt2g6BaIiIdIhyspkzb+LDD4uQpG4h978dm+0dli1zB7z4vLwPyc+/O3DcIfqz\nmKkkMJw/sYUXrO3plZBAN6eTnQY4JMuMAD6xWvH5fHg8nma9NjUrWowi6PV2kWXk+x7QXMPj8bDx\nmSeprq9nuM4M196QTcr6tUDkErGBxTtRgv39/G9iMcJgu4Dfuk6w8q8vaoxXc56pwrGoTrWR6Qyv\nO99jMpGrw10qTU2jT5++7L+AuuKtHcO0aNZo7927l9zcXBISEmjTpg2yLGMwGNi4ceMFGF4rfuyI\n5ilEN4pdECHncFRWdqW2toa6ujoqK/U3o5WVXSkp2eW/vrZjlkBfRMi6Ce3SfTVjx9YSFxeH2WwO\nyburoQRmT+LzFaFvNI8jNLa1zy3qv69GkiTWr+9EeHj+Dtq1m0djYw98vl6IcHIZIphaBBzn9tt7\nkpgo8t7JyQaqq98nqGV+ECHaMgzh1erVSYf2DL8cqGbChFNMmzaI//f/3qSw8AEEgU6U1i1cqOTp\nRwESDkcsCxduRiGsKcctWCDh872L0Whk9ep4JGkoemH4kSO/o3dvUTsfrVPbB4wnjy2BMqqC3z/K\nlOXLULL+V7lcSAvns8JobNbbVhphdHMc0nwjLgNKbPYwg7UqbzqDFi0knSBlLx3YZW3PyQmT6D35\nHuIWvxa1RKxryExb/Mde5/+5kHDjpZdzrlvwMguPH+NSq5XU9esEA91i4QbCv3m7evcht3inZhzq\n0P8XF5Bk1lo+pkWzRvuVV165EONoRSs0iJRLVretDCejqVGGYGGHXZnY2EImTOhNZWU3ggZNXd4k\nDKPd3oW2bd9Ekq5F2zHrFqzW3bhco9Gyp0vJzNzO3LkPAuq8u36NsvhdOamp6WRn5/POO+38rPT9\nWCx7sNvr2bt3HFqDLgXqv0tLD0bYtJhpbByALHdElHM1IYxqJcJzr+dXvxpAXt6HrF4dT3X1YET4\nu9R//mDgS0T4PhLLXdl0CJhMJdx553F8vrYMH16M0/lLRImaugWpBaEAtwzogCDG6fuXgqGv+JdV\nCJlWgFdJS7MxeLCT6dPHBM6ItoE7xM95fdwEJs2eS1NTE70+24weTa8lXltMTAzb4uMxOMJ17NQG\nq6GhgYLHf0fGyhUYED3JQKi1HwZM8QlkzZgFwE5bGsMch1o40wLqLVM7oFOFI2C8FM8UhNxPJ4Ks\nj5EFyzmE+Eb1Anq5XBQAJmt7MhslDvpz4r/Ke5IVc2ZFJJFdyJ7drR3DtGjWaH/++ee6v7/tNr0c\nWCtacW7QEhGU6EaxUfVv9WcFuFwP4XJFK29qID7+a4YNa0SS7kJ47CUE87kFjBvnxWj8p194pRNJ\nSZ+Rk2NmzpwHNWVed9/dG49nOQUFVlyuPmhzw8KbHjVKZs6c28jLa+D3v1/Cpk0Wamqs7N/fAzBh\nMq3G660lLS2F3Fy3X/RFtNJMSvqGqio9Ipwbg8GD0/lTgjKrwje02//JG2/sDqk5V3TUX0J4wm7/\n7yOx3N2oNxJ33eWmTRtLSP5fuaYytxKwHbgf4YEfQITew+Fydfefl4bwTYV5NJna4vWeYMWKX7Bl\ny/bARi7aBq6D9Rt+Oec5zGYzDsehs/La1s2eqWFVK4Kuz2f2Y+rsuYGwdOyyJYx2ufgW0S5lMmKx\nVZgAjdWVgXsdyRkJC15u0UwrUBvyDOCzpGRG+I1XRYUTp38TkA7MR18xX3krE4B34hOQP9/CFe07\nBTYeWTNmUT5xMkeRuSKjq2Yzcy5JZs2htXxMi2aN9rZt2wL/bmpqYseOHQwYMKDVaLfivCFaqHP1\n6jhmzAiWZalVyxRimcFQhtudTWpqGQkJQdJZp07F1NXJeDx62TEvsBlowGz+lOLiWar7K4a9APgZ\n7dp5efjha5EkN9OmKcSpMYExhUcJOnPbbYdxuQpZvToVt/tKYBVW6z7GjUth9uzRSJJEXl4+77xz\nL7AOuBmvV1zP6xXL7PDhBcyZc2tAinX16niqqqrQW+pHjvwO+E61oVGCuBJXX32A9eu7oTe/FksG\nklRHMFcfg8igJgK9sVpL6NJlH8eP96OqqpjUVEECmz59OEOHfqV7TZG7X4aQU72FoAc+AuGD6vmX\na9DWjgvz6PUupqrqF8BlYRu5SBu4sa4FbH7uC7JmzIqax23Oa4uWWx1Q30BTUxMbn3mS2xe8rJGr\nGYrwdPHPhBRyL8VrjS8q5HXnIToYDPSTZfYDJWYz6R4PHtQ0Sa0hLwVQGa/dC+czmSDLvC/6b0XN\nSuhVXUlsbGygZ7o6H15mS2NjBKb26fTs1kNLS7gupGd/saNZ9ngoGhsb+cMf/sCf//zn8zWmAC5m\n5t/3mZmoh4vpeYLKYTqqVqZitmzxhi0U6j/+Tp3aU1z8LUlJycTExPhLibxUVXVEhIl1NaQQBiQG\nUWp1i84x7yCCok4slq9obPwlaWnOsLB9JMb51KlCZrO8vAyQycjoSkxMDLNnF1FUFIfTmYbIOXdH\nsNm1UFTbnnnmY//1QUQBtvrHnIHdXkZOTkPAG5858wPWrImntrY7sbElQKnf4++iMw8SRuOn5OZ+\nTmHhpciyCWGsE4B6oI7U1M5s2ZIFoFlsd+8uYejQdrrvDF6GgBkJ3isyw78Og2EdshxKEASh4vYz\n1Lrnyrx4PB6mXXkPO12jcPBz7GxmjL/U611re0zx8fSqqqTQYuEhl+u0mMjQDNvaZOLoJ59RP+kO\nRjsOhfRPC95jMTAE2BZBge3Dxx9lfP4y6gnmyxWNuRy0QrZKgd3zmf2Yuu7TAMFMYbeDiGVE0t4T\nGndiK7fKnsH1e0pwu71nxNQ+XehtDFpSwnU6ddoX05p2ujgr9ngoYmNjOXQoUnOCVrTi7BEt1KmQ\nsEKh3vGr/52X9yGLFo0juPyF6m0rOATciSBhRdrH9kYscz9BkoTql8NxOwsW1NHQ8DrPPiskQqNH\nCQiQp5TxBQ38CmAMQjwkHJWVXSkvL6OoqB3C4FkRxisROEZy8mbWrbuRxMSOAW//4487Ul2dRGzs\nm7hc0xFh6dB5UIqXrPh8aRQV9UOWdyD6Xqvr2euorPwHe/cmkZDQQbUp+pDCwkvw+doQToqT/PeM\n5Ov93P8sBqAnaWml/Pzn+1m+fLjuHIhQ/8eIzdVPAXtAyAbgGWk93VgbTht0nSDWdYLLCOZxPe2s\ndGqUcKfYcI8c1azXppdbVZIOe5JT6YxM1wpn1GYhicDGu+7mVv+91EYIoMuWzQH9O/V5fRCxoOMI\nPv8eoNhopH7iXUyd938BQxdaz620+oyWK1eHmQ8frrkgTO2WiLPo4Ww9+x8CmjXaEyZMCEiYAtTU\n1NCzZ8/zOqhW/LgRLVetbsLRHMLD7Baaz9F2w2AoRJajtcRUrmUB3gISWb58OJs3f8ngwQ6cTqUB\nhpZ1HiqVGhwfCE/fRLABSPgym5paCnTC6axC67mK0HF19WIaGhpITOwYwgmQkKTDBE2BBWhQzYO2\niaRozjGSYAZWXZF8Czk5+/D5dpOWlkpCwg6Kix9GLCWvIQQ51SbnIILypIcMBC1rJJDPuHHr/Ruf\nn7Fp05dUVETaXMUgiGxNwKfExu4gMXESZrM5YFRD+e6H0JK52gBmt5s0g4FSQzCDHw3q3GqoWru3\n/hjb/vpnUpNTiK2siMgE7w10eeARgDCZ0NJBP2eITtgeRFwkFlGwJyFmteHuX/HLZ/8PCHquHYo+\noqssqyiTkb/x5cA/7RmaMPP5ZmpLksSBA/sxLH2ztYTrDNGs0X7kkUcC/zYYDFitVnr1ivRH2IpW\nnDnUXkdorlrJnSph35ZAn1Gs5GoNCGOiJoYBWJDlOlpGCUpHGB7hXTqd/cjPl7BaX8Ll+pagJyyW\n0JSUNiQlXRs4u6LCicPhRJQzpfvHVIjwqfQ3LJ07Z2IydQrku4OwYDJ1JC4uTmezoldQJCPKr9qi\nV1YmfpaBakQEYDyKMRZGXcLpLMTpfBjRTnQAInu7AZFlHU5amoPs7DrWr++Mw6FngPcB32G1ljNu\nXApPPTUl4DGOHNkQgWD4DULSNEircrmu47nnRF47EmFJ/eaCWxQZZJl+TkfAy8vyE6sihV+V3Gr1\nsrd4yHUi6Cm6XEjv5POi2cxJhEetbLsUIwuwvV07Bid21Pc085fxrMVCD0kKexu7rO0xxSfQWF0Z\nyOeOVkUGQq+nJpvdAgGGeN9GidLUNGpvyKb/vb/BZkvTPOe5YGrrhbDV4fAMxyFOIL5V2pqNH2cJ\n1+miWaPds2dPamtr6d69O5s2beLLL7+kY8eOdOrU6UKMrxU/AkQr75oxo8m/AOh34AqF2MnXYjZb\nI4TZhSSGwfAasryJ8FwrpKWlMHx4AR9/nOhvQrEboTMRmufei+hkpYaF776zIwyY4nEKTzgh4QUs\nlusDR7766o6Q+ytL7QdoS8l20afPLn73u19RXLwTr1c/0uX19qKhoYGGhoaQzUpokLQOYcbGE8xs\n6qE3Yrkfin75VjuEbrnaiCqkvb+zdOkQevceitn8YQQDvIfk5Pbk5nbiqadGa3KZs2fn4vO9y9tv\nm3G7+yE2V8eBK9DbYCgExVDC0oGUVHYfP8b/c7kCd40Uum677C22Fq6iV1VlRJlMs9lM1oxZfF30\nERbXibBrXOXxcDXwvLkNv/CcYjWiCWsvhOF2uN0sHJ3NNQ0NumO4SpJYDfjQ5q1PTpgU2FDoteqM\nFNI2A+/b7JwaOYqfTZ/JkSN1UZneZ8PUjiboEm1ToVaRP5CSypU/shKu00WzRvuxxx5j8uTJtGnT\nhnnz5jF+/Hhm0o+XpAAAIABJREFUzpzJggULLsT4WvEjQHPlXS1t4hA0/F2x2XaTk1PPiBFev6iH\ndgm6+24TkiSTnx96JYncXDdz5twa8Bjmzz/hz4ubNceJ0G74Inbq1BUI4pY2M1lff6Wmick770Qy\nHyaCDR4PAo2UlPRk4MAvcLu7YjTu1e0vbTLtZf78BmbMGIHNtl21WVHSAopO+yUI6dS/Iwx6e/Tz\n/OXAvQS1uEKX2c6IWng9r78LnTsnAVqGv9PZBVlW6FSPUV1tZtEiCbNZkPTU+d1f//oK7r+/Dbm5\nm6munoSIGJzUGae2S5u6FKlnXBw7pj1I05oizETvc63Oeys51tfq67lpnrbzVk1NNZdVhkuS4r92\nPXBN5848WVPD016PxlANB+bvLiHSN7oHYguVgugWZge2+cvJzGazLgFz27at9IgQ0r7caKJq0Zuk\nJ3TQnB+N0HWmTO1Ieeq3PKdIWb+uWQa7BBwaPIRBraHxqGjWaDc2NjJ48GBeeeUVJk6cyPjx4/n4\n448vxNha8SPA6ZR3RUO44e/LggUS9977LlOnhofZ8/JG8tRTq7Fa/4rL1QO4HKt1N+PGfcfs2aPE\nCCwWkpKSueee/shy0POOjS1Blr/F7Y7UaGM/opxJi4oKQSTr3bsP5eVlfiEVPfQmaFzdiGV8dKC2\nXJbL0Aufe70yixaNw2xeSU4OId7tLcAfAUWnfQXB6t0VutcThlX9u9Bl9hsEkztcMU7x+hMTO2I2\nm5kz5yamTavj+us/obJyfMh1Y1i2zElR0ZdUVNhp1+4NoCuS1Aeb7SAdO9ZQXQ3RaFWhBMWYmBh2\nvzafxNWFjHY6eBHBye+K8Nn1iFmheW8LkJa/jC83fYo06qaA152Y2JFtFguZfu9dDYX1cKSqkmtk\nWddQZSBiNNFYExaEMOw1gOwvJwuVR1Vy2PYKJ3uNRp22NVBisWD61Z2k+qMHh0fkIAOd167WeMM/\nnz6ThobaQD/trBmz4DRqsKN5+6wuoqufKBgKRb5HBnZa23Pb3Oei3qcVLTTaR48eZe3atfzjH/9A\nlmXq6+svxNha8QOH4iWcSY/r0OtEMvxr1yawadPVzJiBJsyel/chCxcq8pnC6LhcwzAa10bo7tWR\n4cNrufdeG6mp1wHX8fjj75KfH27srNZ9uFzhJWM+37dMmOBl5Mj93HabHWHo9Jbu/QiDneX/eWPI\nPdR5+Z5oO4SZWb06jg0bBqDmBCQn76G+vqff8IcGidX66Xb//auBX+uMTdHiSiEoF3IF6tw93ILd\nXhbG8m9oaKCqqj/hkrArVYI3K3C5HiK4+crE4fhFoMmL4ACEz/mIEcc1hiXU67sSkRR4G5FvbqmI\nSQ+gbWUFKQteZmlTE/1/+xA7X/k7sS5X1Gt8HhvLMEnSmT/xxiIJ16rHcDnCaw/N80qSxPLpj3BP\nwfJALKfM69W9ntd1grH+MH6m45CQa0XI5wR+t+Bl/rz0TTq43bodxlrSRSsage2qmmq+TUoms6oy\n7LNyBMkuGTg8YRJxcXFhx7RCi2bfxujRo8nOzub2228nJSWFv/3tb/zsZz+7EGNrxQ8UaoPodCZh\nNO5Fr71lpPKuUESTsFQb/nDWtppVLvjGincfrIUOGg8ljDtnTncAXnxxPPHx4V68z5eiG5IHNxUV\n17JgQTybN/8FQVTTO66EYJ74AOqaZAGlVcV/EDnlX6MOxSsNRebMuYkZM0QY9ORJO0OHtvMfERok\nVre++BShQtYW/eVhn/+4Bv9/QQMb1Acr4IYbmjRG1OPx8Mor2zEa2+P1xqIVAFU2EJEyznGBJi+z\nZu2hoGAFQpxT6Sp2HHWZXiSvryNiq5CGqHu2Af0RIra7CXbsVkPt+bZbvIjv3niNeJOJmwltEyP4\n//cps2MwsqudlX5ufW+8C4IGqKi9hzZmVd97VayFn/jL+BTvOtfp0LAMlG2XbDDQx2jkQEoqe44f\n43ch0QAlVvIWoCR8LAgm/WTA4m8S0s/haFEJloJoBLZqm52jN2Qjvf5q2DfdAcj2DLb9SIVSzgTN\nGu3JkyczefLkwM8TJ06kQ4cO53VQP0b8mJq7h4ayvd4yIrGlWzIXp1vX3ZyRLy8va1HIXgn7KoZR\n8eI9Hg9G40qKitrjdHZFmIUdiGaKJ4E9lJS0RXi176MIowQNUJPqnimIumS94GctIkuqzZ+npBwk\nLq4fpaUHSUpKDuhRB+coUpjZgsnkQpY7Ehv7FW63truYeEdfIwx1NYIlrhcQNZCfDybT+zz11CjM\nZjOzZxeFyKYqBn4poDDqI2ecRZOXWj7/vBcwmmBIPgsRUVlFXp54L2qvLzRw3xPYajBgS07F23Cc\nWLebYQiD2UQ4a+GEasT9ZBkn0NvrDevwlYXYWq1AGOLRjRKf3jYWqeDtsBlU2sBM8P/8GmpufvA4\npQzN6zrB5ueEQYtG5rod+FKW2bkkH5vNxsihg3UX+N6ILY5aXLYH+m+ypSVYzRHYcmfPZUUbsyZP\nHonBHgk/pjUyGpo12u+99x6NjY2MGzeOSZMmUV1dza9//WsmTNBTK2rF6aIljTHOBBfrF1w/lC38\nBJMJoPdplXcdOVJHSckusrKqWbKkZYa/OSMPnU4rZB8q+KAY84kTd5GV5USWT6BlWPdFMLI/RJDO\nTiIyqqKZR2LipRw5shiTqSNeby+s1mJcLr1eTG6E8eyj+b3F8iXZ2caw71N8/HYcDqUJh3717p13\numhs3MrGjT1xuxcjPNqe/vFJiCU/BlHalaU7R3AFktSWhQtTMBoFwSzSJshojCc2djtud7TNhN57\nCUZHQPtekpKS+TrVxkKnnQ+YyCEGk85njGEpv7Ad4vJlKwADlw4dFLiCUgAXun06hYh1pPj/n4SI\ng/TVGcUBhDROR2CVzc6oZ54nPy6O2OVL6etysR/YZW5DhudUQO/OgqgfeDGzH1f6e2bvQ1Ac0xDJ\nh1HAmx+8T7whPLEQyjKoAGw2GxkZXSN6vooHr7zRg4g3GvptgNMrwYpGYFO0yo9Me4ySkl306dOX\naxJD27boo7k2oz82NPvE+fn5LFmyhPXr19O9e3eWLl3K5MmTW432OUJLGmOcDs7XJuBcQd/LFX6L\nLG9lxYoyBg5svrzr5MmT5Oa+wu7dffB6e2I0Slx66RO0a3cdlZXdSE09GNHwNyfeYrMNwGL5DJfr\nzEP2ABkZXUlNdVJRkYC+HxNH0PCJ5dhkKuLIkSRSUvYwfHgd9913ir59H2Tw4BcoLr4KQaUq9R8/\nGuGnGRFeezlm8yb27ZuJomQmvk91HDnyKnV1GQjPNgXhW/0NEajtTVpaKbm5J/D5TJqe1MFl/RhC\n2sOD2TwTj+cxRBlYdDpVUVF7Jk4sjbgJMhj6cOONRbz7rvIu9DcTOTkNZGRcrbPZEr5ucvIekpKG\niJm1WPh7wkjWO18IXKeM/vyFu9kZP40/to0lLi4u0BNa8s9WLkHP+ecEqYCNiC3K54jtURvdEQpP\nXdGbO5qTS1xcHKOeeR4p70nKy8tIRGa8zc7m5+ayOsSwTZ09l2+/3UtF1iCyZJl6gt25NgPX1VSx\nF6FKb0crZapmGeyztmecv7lHczXrNoLfhgzQCLIoK8XpdNGK1kREbXh7VDjZb0vjixYa3jNVT/uh\notlV/JJLLiEmJoZPP/2Um266CaPReCHG9aPAuWJOq3GuNwHnGtG8XJutmoEDhUFUQruRnj839xWK\nixUmNPh8mRw9Oork5D+yd28fzObohj+aeMvs2UW4XAbOJmQPwngMGXKI5cuzIxyRTrDBomjm4fXK\nwBCqqobw5psSbduuZP78Aaxb9yAPPLCIlSs3AlcjeMWbEHSlnyN00+Np23YgLpdC5gkqmb37bg6C\ns+xGePT/QmRgzRiNn7J0aWc6d+7HsGHrQ58CEZpX/DLJf4+OtKQDWGVlNzyeemJjd/m9aS1iY3fx\nm99cw7vvLkaYDvVmog9QzMiRe5k+/d6QzZZWk6y+3sczz3zM7Nm5NDU1sac+F72/q+K9V2G45iq+\nTUtjo1viJwjPOT1whHgTodrhmYjYyN+ARwnms9P9538LjDQaWWWzh5VHWSwWMjK6UFNTHdWwZWR0\nZWeaHYvjEPWIOMwvVWNQwuGF/rEp4e1vEXXdXwCdxk0IXC979lzePuUh/s1F9PZ6KUebNy9C25JF\nryfbmXTR0pMaPVPDG42V/mNVT2uR6/Xkk0/y1VdfMWfOHLZv305TU1PzJ7WiWbSUQNVSnI9NwLlG\nNC93xIhjPPPMx81GCY4cqWP37t7oPefevVcQHx+PLF8irhohTRApHx2cwxxCqUZW606mT5/UoudU\n7jtz5k189NFXul671VpCfLyR6upG9AVcxHuTJAmz2UxCQiLwW/SWcZMJbrnlG957b5TqfK08qXbZ\nvwdFpjQ19TveeGMPa9ZUU1U1CH2fK43k5MVkZTVSUKBsQhT6UyyR6FQpKQe47bZPcLuV0jDtO3e5\n9rF8uRu73Y7DkYXYxDyI2HDkYzQmsHr1rezYIdpw5uVlAytZtsypYZm7XMHN6T33ZEb8uzrivYZL\nkfmpw8H1wIsIVsBOgqyBaAIsPRAetWLUDiK2FikGAwdXfMDAgT8NI+BFCu2G/m0rvbpxBGVLC0Pe\nghIOx///OoTR7uoXUMlRbRbMZjM3zXuBlQYZedHCAKEOxBYsPTYWS2Mjalj891phS0MaOfqckMPO\nxvCeb1nV7yOaNdp/+tOfKCoq4q677sJkMlFRUcGTTz55Icb2g8eZNMaIhnO9CThfiOTl+nyGFkUJ\nSkp24fWGSumKwKbX24UdO3bQu/dVLUoThHoFwTkMpxo1NqbzzTfbwxZmNcLTE3vo0mUvxcXhBmvC\nhFPMmHED27Zt5bbbuiAaYGhRWdmVqqoqzGYrH3+ciL4piWXChAqefnoKX3yhfJ+imR5l2TcBW4mL\n28brr/8BrV8Z6nN9wZAhJ/ntbwexeXMpTmdmyBzp06kaGzdy7Nhw4Eb0+da9WLvWQHZ2Ha+/DiJY\nW4XwGyfi84V/F2bMuIGioi9UPdGDz7Z6dRzTpsVhs+3S/buys5kU1UxchVB730hwSxFNgOUy1edK\ny5ZOwA6DAcP77xFz7WDN8afjYa554g+aXt16nd4hGA63A6/eOpaf3f8gZnMbMjK66Iaar58xmyK3\nxIHPNpFRWcFaSztifd6IJWmXG00cW/aOprHN2eBsDO+5kFX9oaHZWHfnzp3JyMjgs88+A+CKK65o\nbRhyjqB4neJPU43TC8MqEJuAMt3PxCbgv/8FlyQJh+MQM2bcwKZNV7Nli9dfR30Da9fq5X5h1So3\nR47UBX7u06cvJtNe/08eRDDzU0TYt4z8fAdPPLGKBQtuweEYhc+XicMxigULbmH27KKo4wufQyVg\nagH2cNttSQwZspW8vA/xeDxh5yvpCfV9i4sfJjPzBez2VZhMxdjtq5g6dSWzZ4vQ48CBPyUtrUZ3\nPKmppaSkpETdkEE6d9+dGfJ9imZ6lGymEbiEvXuvRJgg9fNYCPbB3gBcw4oVaVx33VaOH9+F9jsr\n6FRm8/MIE7MTq7WASZOWcvRoOiIPrxj4LP91sxBZZCtVVe24++7eZGa+gMm0GjhKJD301avjKC8v\npbJSf5F3OLpw7NixiH9XY9CyuTMQvP4R/hkoQmTv90SYuZ0WC/H+pxyBiEccBrJ8PjKWvM6C7OsC\n3wu1hykhiGrKxuDS1UVIkoQkSezeXcL27duIXb404hZLUl1jL2Jrsz81jcT49kh3T+TSoYPYOeRq\nivIeD9zf4/FQlPc4u4cOYuiK5ZySZd6+/HIecp3gXklCvzUJlNnSyMjoEuHT00dSUjJltjTdz0pT\n06KuS4HcfMjvzzR0/0NAs572888/T3l5OZWVlUyaNIlVq1Zx9OhR/vd///dCjO8Hj3PRGEPBueqO\ndT7QHEGutPRgiFEKtousqhrEsGHfMHq0m9mzc0lM7Ejv3iUUF+cQzPAFmdkLFtRhsTwH3BYyiubT\nBNHmUOSbf4rDgW4EIHJ6Ilhn3NDQEKaj3pL3Fi0qAweYNEniuuu+4PHHc1m27K+4XN0RnrSe9tda\nRAha3MvrvQJ9n87p/1np7nwZcBCXaxvwPlarmcbGPoHv7PTp/0NFhQOQsNkG8/DDCxFpBrUGmZpv\n/Q1QT+fOcbzxRg3Fxb/136sRLSM+CKEF78ZmK4swF+UsXFjLnDkidK/8XSWymfHeJfyJLSFHC4bA\nVrRxFaUaPTRb7zAaebFPX67cu4e1Xm/INw+GFu/k7ZmPc9O8F6ipqcbudLCC0NYx0NV5iPenTyOl\naBW9XS72ITYLHsIXZWWLlYbwrj0Ipvv+miouX7SQG/3nhHrxoV5+twonbVXjjcRIONfG8Gz0zOHM\nZVV/qDDIshypeTAAd9xxBwUFBdx5550sWbIEgHHjxrF8+fLzPriLuYH5uW6wfq5KtILGMXwTEI2l\neb4bxmv7RiuQmDpVGD5JkhgyZCsOh5KTDaUCaY8/efIkN974EiUl/SBQQBM09GKJU8hTwaygyVTM\nli3eqGmC0DnU5puDc2i3r2LTpqABLi09yLXXmvD5wo1Jc/dV37OiIpmkpO3k5JiZM+cWUlI6cPjw\niYhzKDKzAwA7FksxknQMmAjk+/+vPr4O+EQ1Z2oUEZQSaSDYvSsVwVvugij52gt8R2qqibff7kJG\nRpew76wY6wiCjUbU79KDaEQiI9TUvsZg2IEsD0X4vmUEBWa031mrtYCvvx7M3LnrQ+q+lbkoJC3t\nEpYu7UxGhtgE1tRU8/X8vzFp0cKA11sFxCNiCLcT/m0LHaH6m7TH/+86wtvFALyXksrAz78CYHnm\n5TzkcoW9gRkmM894PWG12UozVDXmoi0YVI5dhagfUJ8jAW+lpPLTwvU4x+QwWhVWPoCIRSnbJ3XD\n1XTgQFoax3NHn5dSKiW3H6kcrCU43TXyfK9p5xOdOrWP+FmL2ONAoKe21+vF61fNacW5w7lq7h6J\nYPXfREsJckFvEyLlY9XHv/76bX4jqXweiXgV9CDVXIGWkNSayzer83Fnw1EQAiS5nDr1AWvWeKmp\nGcT69WWYzUX8/e9jAZg+PYv6+jfYvNlGRUU3BPFrO0LsJM7/TEomtBAYi/DRkhEGdzfC5IRLrAoo\n2dLL/OcppkKtUw5KtrWyUjC+Q+cw+L4VhrkSfFby2R+hVVLbgyw/SYjPijCb6tJSCZfLw7PP/hOX\n6wTwEqJ/1mX+Z5OBW6l0FuPOGsDONHuA9GWf8xzLjSYOL19GL9cJugHb/Gd4ULevtNLH5aYMUXbV\n3j+qoarRdQNeNxrJCn7xNOhRWxOYky5oNwIr/T8/5PXo9k2LRev91iE00/XC5sqy3o5gKxgrMKiq\nkj0jhnL4cK3Gcw+tglczEt5KSeWX27cHCJznGtFY8y3FuVojv+9o1mgPGDCAP/zhD9TW1vL666+z\nbt06rr769AhSrbjwuJi+4C0lyCmpglWr3H4Wc/TjtUayOeKV2Azk5DQQExNDXt6HLSKpiXzzVhyO\nUG2tcEN8tumJUNUwhXx1ySXv8N13Xv94f0HnzrsQy/9U/5mhes0WhDn6JzAIEez92D8Pv0QEhfW6\nhJUgy11ISdlOTU0cHo/il6rnNTgPBkM848c7qa7upZlD7ftW65p39o8jPeR6kd6bGbF56E+w7/kd\nLF/+goo5roxnGMJvNpPOZq6TZSwh4WKT0ajpga1s6V5FbGvKgCMpNnYfPcKDR+qoR3imQQmX4Mg8\nPh9l6CcfFIJUTU01fVVkr+a3lGJLsxhRxFeOqMgfqnMP5ViFuRAaU8k8XBt2bQv6IXGAS0aPoWPH\njufdM72Y1qXvK5o12tOmTWPNmjW0bduW6upqpkyZQnZ2pLrTVrQiHC31QNXdoIYN+4aqqujHa41k\nNOJVOikpbzF6dLtAHXZLa9ljYmL8SmIGhLca1MzOyWkAgjXlMTEx+HzeqJ3DIiFaNGL+/AM0NQUD\npNXVyiZlKcIo66EPwm+7jKBk6CqEl7wDvWzmXXe5ue++mAg65Q0Ic5KGKHz6FFmup7JyGNAzjN0d\nfN9mhKk66L9eG4IbBgn4N+Ha6upnWIuoSc9CMdIuV0/V2NU5clEENVpFNrMA7Qo/YvutY0ko+kh3\na5CK6FXmAfp/uxc7Iqh/DLEdUmZPvWVLMhr5yufTeODKE9XekB3gIXzh7wbWki2lBRE7iTEY2CPL\n7GlnJQM44HbpitgqEjZr0Kqkqa8di/DWFVbCCOD5zH4MqG9ozQ9/T9Gs0V6wYAFTp07lxhtvvBDj\nacUPEKfrgSYmdmT0aHeLjle888LCS6ioaIOe75OS8i2ffDKcxMSOSJJEUZES9NSMkmXL2jB9eoOm\n09DMmR9oRFyUJbxv3z/h83VhyJCtAW89Pn676lixzKs7h4VCkiTKy0sR3brkCNEIiaamvrrjFf7h\nvpBnVszLToK+nHLuUZKT36J9+xIqK8txu7sCcbRrd4Tx4+Gpp8ZgNpv9Pb8/9deWdwLmIzYsQxFm\npQThQTchKFFKNYmSvsD/vtVB23SEL1uHyK7uJlgwpd8wRuS5f402kqCE7/WQxkRGMAiRT1bC0TEV\nDrw3DqVbBPrO5YgEwD2qmVKoef+H2K50IEgkOwYc9fn4A7AcsYj29T/VHqCt60SAwV1K81z+zoit\nyxUI6VTuvpeM+x7gaj+r+sPHH0XKXxa2OVC0yf9tacddkhs9pCO88OuA1SYTxb378Kuif+Lz+c44\nTN2K/y6aNdr79u2jvLycjIxIX7lWtKJ5nC5LvqXHq/PPkVpljh4tkejvkvT73y/F6Ryue0+Xqw95\nefm89NKv8Xg85OWt5M039b3f8vJe7No1DKUu2eHohsMBeh5gKGPd4/HwxBOrWL68CperF9ANs3kH\nPl85Iker/rOMZqS6YLEsQZJGEFQIi0UY1o6IEPkGRJOP/sAQGhp2Ul2t6IcLY+p2+/j3v7eHXFsx\nN2vRy2cHA68JBH25eCoqzGzY8E9uvjmZRYuexON5Gu2GZygwC1DnsJV7ad9bhw5fcfTozSHjisdq\n3YbLFR7ez+BfLOCrQM31+8DN/qtKssyn6Iuu7iPoqYZ61D0QgXeFMKZ43X9FvKVL/E9UD2T77yet\nWM6KDh3ofc9vGOF2U4jg8Ydy+ZVNhdJgdR2wt08m9z45l7Zt2waOu+3Fv7EiPp4Oqwvp6nCwx2Sk\nzuslJS2dFbkjueuhR/k2+zrd1peHgCn+Z8n0eskp3snbs2bS774HLrq+BK1oGZplj48ePZqDBw+S\nkJBAmzZtkGUZg8HAxo0bm734vn37uP/++7n77ruZNGkSv//979m1axcJCQkA3HPPPWRlZUU8/2Jm\n/n2fmYl6uFDPc7oM0NM5XmFgr1vXAYcjPYw5r2U05+hcoQibTeKzz4b4W3P2RyypepnLnWhDs6Hc\n3CBCmeNiHAaCJiXwtAhToyZf1RHkOGtht6+iqKg3c+aso7CwAZfrfwgvgVOuq+YYL9O995QpBcyb\ndyulpQe55hoZWS5G1FSHls5BkGl+AOEnehA+Yw+ERtdnwE8Qgitq6HGk1earF8Ij/4a0tL5kZx9l\n/fpOmo1bU1MTb7wxNmz8DzOcP7OFbxACr8khI9evR4D/BW4FdiFC5V0Qxs6F8MLjCN82FSCC9sXo\nM8hX2TPovm4D+7OzGOXXN1+KNu8caTwrpv5WV9pT+VuIi4vzlw4G/yaK8h7XlHcp19Jjo79jMpHh\n81GjIuqZzebWNe0iwlmxx1955ZUzuqkkSTz99NNce+21mt8/+uijDB0aiVrRih86TpeIcjrHK173\niy+aKC7+NpD7djgOERcXF8Jo1qtQdVNd3VvVmrMbkbpOwX5EhlBB9A5VasZ6YeEl/ntHIl+9h/C9\ndiNC0Cbd8ebkNJCUlMS8ebfy2WdfIFonN0/GE95x+DFr1sQza5ZEUlKyn3x3LaJmWg8KDarcf231\nJqAfQgFtsc55VYiyMTXU/cFrEb6tkcrKTvzmN1154glB6kpMHMDm5+aS8PFHnGQhnzCeI/wcO5sZ\nw9uBGuyPEN22DCF3UShxZoQRPgR85R/tRuARtDEBCfgLQp87FH2AhehtpQS6VjppaGjQ1CdPAeYh\nYh7J/vHpvamEoo90pT3VfwuJIR2yQnXG9wOViE7roeji9dIADHMcgh9x443vK5o12gkJCaxcuZL9\n+/djMBjo2bMnN98cGrIKR0xMDK+++iqvvvrqORloK1rRUlgsFuz2dI2YS1LSN1RVVREs8FFLan6L\n0LWaQmrqaoItICPxbSWs1n24XFqd8EjHDh9+OBAtEMzqSxAyGXroiwhrt0X4fB0Qed8/AIOBPhgM\nJfTtu5e8vPsAwc4XCmHRMqeKkSXiMbW13QPjHDx4H8uXX4EIHkeiQV2NyMJeir75UXpeqT9LwWAo\nRJYj9QfP8h+fQVLSZyQljQkYK7U3OQYHb7GFnoiEQLJ/RG2Ay61WurlcYVsoZWuwuF07PrVaGV9T\nQwmi9eWXEZ4gEkXuEPA/iBiDXsj9YKqN/knJ2FXCIMkVDhFu9/n4NyKmoIdulZWnLTms1hmXFi0k\n1f+86gVeiWcYEVtChVIZX1SINGMWwSKyVlzMaFbG9NFHH2XHjh306tWLHj168J///IdHH3202Qub\nzWZNXkbBW2+9xV133cW0adM4evTomY26FT9aSJJEaelBpAi6yQpC5USrqm5GdC5WfC21pKYPEbhs\n8reA7KqSMr2FoMDlLkymFUyZUsC4cSmEy2SO0MiVpqW9T2bmC6xf35lrrzUxZMhWXn75K4zGfyKM\noR7KER7+ZYjc9DeIDOrTCPMSiyyPorj4d8yZsw4Q7HzRbzoFYU70UIrwmuMjHpOaWsr8+dsYMmQr\nBQXZmM2bCapyqyH5x7UCUb8eaaPQC0Fi08q99umzO8I1g93BoJScHLOm9lvddMKDMNAHEKFwZZTv\nWyz08YsX1gU3AAAgAElEQVSZKFuo0LtIbjdZNTVUI4L59VGeoB9B3nvoSDsiZkHvHv9p3x6LxRKo\nT75i0xc4VnyA0ubmGogoI3owNfWMJIc9Hg9tjCZKrVbaEqwRUKCUnN2K2Ibl+H+uch6ipqb6tO/X\niv8S5GYwduzYsN+NHz++udMCeOmll+QlS5bIsizLW7ZskUtKSmRZluX58+fLTz75ZNRzT53ytPg+\nrfhh49SpU/LDDxfIXboUyUZjsdylS5H88MMF8qlTp8KOdbvdckZGoQyyzn+rZHCrfnbL8A+5S5dC\nzfUefrhA57id8v33LwkZT6FsMhVrzne73fL+/fvl++9fqnsNWCTD8pDPlM+Xq477qwyHZdB/li5d\nCuX6+nr54YcL5Pbtn/OfFzpu5brPyVAsQ5EMT+kec+WVc3R+Xy/D//rnbYcM78vwhAxV/mu5/f/X\nm+tC//jnyVAsGwz58n33LZEbGxsDc2cw7PBfu0CGU5qxqN/t/v375WKjMXDxApDdqv8rv3eD/JH/\n36f8nxeCXAzyCpCXglwP8jsmk7wT5B3+c4r0H0AuAHkRyCtMJnmnySR/lJEhz7nySvnDjAx5q9Eo\nLzca5QL/PXf47/EPkPONRnnp/fcHnsHtdss7d+6U30tPD3sG9f3cIBc8/PAZ/Y0UPPyw5nqn/M+b\nD/KX/v/rPeMKk0k+fPjwGd3zdKH8bbjd7gtyvx8img2Pp6WlcfjwYTp16gRAXV3dGTPJ1fntYcOG\nMXv27KjHHzsW3Zv6b+L7THLQw8X+PI8//q5GeKSsrC9/+YtEY2N+WG11Q0MtDkekwGYGKSlvUVs7\niNTUUm644Qj33ns1NlsaFouFY8ca/fe7gcbGcPZ6Xt7IwDzNnHkj06YpRLmBmvPNZiurVimlZWp5\n1XQEtWkn4EXklzMQHvZRRB7bgMj7dvOfpy9m5HCkM3XqW+Tn302QPd4WkUtO9F9jt//+iiRoX2Aw\nvXs/x/Hj/amt7R6Yh/Xr9UrL4hB+YS9EtngYgp6VjPBlIXpf7Y6IDPBRZLkUr7cjO3bsZdq0XzBt\nGlRWVrBwYa2fbLaHzp2/5cYb65k79/7AXCrzWWpLo6+f1KVuT6m+q8IAV0ajbqFZj4itmIFar5fr\nEBS/flGeYJ9/5t6YcBfpDz5MZlIyV/tbuG7btpW+t48hE3gL8RZzlWv4fEj/+AdvNnkxGY2B1pyn\nLBaWISRuvMDf/bN5ObDD3IaTd00h9/FZEf8WIxEzJUmi7XsrNeM3IyiN7yHojKFMAgU9vT4OHqw4\nr+IqoS1KP1G1KD3XkqkKLvY1LRrOiohWWVnJ8OHDufzyy/H5fJSWlnLZZZcxceJEAJYuXdrigTz0\n0ENMnz4du93OF198Qffu3Vt8bit+nBBlWst56y096Vz9BiApKSnYbJ/ot2a0l7Fu3XDdxh2hC2JL\n5GDV5CD1+VpVsFAtrK6IvPVViHC1Yk4KgZloCV0SYmnvH3bv5OQ9fPZZmup4dcuLLxFsdjNBnfFg\nQdOJEwP45JN+gXmoqalm8WKTzhyDMEdvI+hdanKewg1oS9D89EBsQJS+2h5EINgF5PLqq3t59dUt\npKWlkpvrYvbsXJ59tjtPPKHM3aCI86yQupTMfaQM/i0IlbPETp3pfbiWMkSo+Cr/jHwKHLdaee/W\nsdQsXYzk8WhYDumIsPd/EMpki4Er73tAk2NW1PJK0tPpVlbGpYRn/i3A4eXLNCpsitDKLHMbZnlO\nacrMRnhOUWg26RqxUKP3TaqN8sFDyJ37HHFxcVHbX/ZEfNsOoZ9/L7Xb6X+eOwCeTovSVkRHs0b7\nkUceOaMLFxcXM2/ePCoqKjCbzaxdu5ZJkybxyCOPEBsbi8Vi4Y9//OMZXbsVPw54PB6ys/9GcfEV\niByvQp0JNu7Q6xMeTczlhhuOkJjYUcO+jdSBbPr0LI4cqWu23Ezv/BtuqCM1tQNOZze0/qAHUfzT\nGWFC9hHU547E/M5A+Era9hJDhhyioCBUnVApQzuJ4A93J9zT/xSns4JZs/by5z/fi9ls1lGtU1cs\nf4VY+h0I03SMcF82Gb+0CEEyGYi892RCNyJOZ6FflU6o0LWkSkDp9tSu8CPaVDgYjj5f3wx0MplI\nOlzLEouFvpKkabjRF7jO5WLFJTHcUbyfJ2/Kpt++fVzpf4IN/qfqjygOTLNnYAtpLals0I7l5nLw\nH//Q3TxIQE+VwVZgAQb6vJqflZKyS1cX+UlhaDaQYUbP6UDKX8ZLhR+SMuFOBj40jW+TknVrtRXl\nNIVJEBpNOJYz8rzWa4fyERRYCD5va714y9FsnfZ/ExdzaOP7HHrRw8X4PKEhcQFt9Wlopy0Qz1JV\ndSzQNcvh6ILJtBev97DGw1M8mvDuWaLHk9VqRpL6YLOV6WqTK4jUfSsz8wWKi29BW+sdqTr3NUTo\nWa+8rBhYAgwEepOWVkpu7gmmT89i6NDtqs5oahQhjG6y//q6FcFMnWoOpBd+//sVLFo0AKF4pmiA\nlSGoXncgaF8jEcb7E8RmQgntuxGEvtGq+0j+4yKNLwu7/Z9h708P6igGCJWwe/KXNVuV3oCQ+byD\ncKyyZ3DFpi8A+GLQQAZWVtAJrYbbHuCbPn357cebMJvNYR5vmd3O5+2sDNi7h1tDGikp/bP1vNti\ngiKzmt+bTKy+fSy9P9ssrm9Lo2zoMNqsX8udVVVhhq8IkTxZaLUS73Jptkd6c/FiBAnT81mnXVp6\nEMu1A8j0+cLEa4pNJqQt286LHvnFuKa1FGcVHm9FK/4bkCSJNWviaa7mOFIjDqVm2+NZwaJFXfF6\nRbbR6dT2wtbX/F4J3IzLJX4XTZs8mmZ4ff2V3HXXJpYu7YzXq1T+RvKmbQiGt57RPgA8BsC4cW/y\n7LMTA8+sH1GoQ0iDZiC8Yv26bIjlo49kpk9v4LnnNrJ2bSeEgVYLeioqZn8FfuefGxNChiQLsQRn\nEczdP48wU10RBVH6+XglwK0XKVEj1Eju9OdCb37+z6yIjye+qJDFzkN0NJno5fWyx2QCr5cR/llr\njDCjIGqpFdZ0n+oqLiN8S9UXyCnZxWvTHuSmef/Hxmee1Hq85eUMA57t05eckl2aWY4Htlmt9HO5\nCMUegqIsakO2K9bClOXL6Oifzd2OQ9jffCNCnEnMYj3QzeXiRoSBjgUyMFBitVIGjJDcrLLZOZqT\ny9TZc2lqarqgEqZJScl8nWpjt9MR1le8TYqNq85zaP6Hhlaj3YqLDgrJp6YmEuchHaPxNSZPbs/s\n2WOiXmf9+k7oZRuVXHh4B7LIhlUvf95cB7MHHkjHZNrO6683p0DdHaFUNoxwX6kCu/1zv7rbFI23\nP3t2LvX1b5Cfn4LIN69B1IDfgKBfHUEvHy7Qh8rK95g58wj5+ZOAD9G2nlCbk66ImmwlHK5wWdS+\nYhNWqxGXa5j/vDGIALOerymCtp07ryUu7soI42s+FyrNmEWqXyWspGQXabeOxonQY0tHVOB7iN6N\nC2CnLY1ujkMRt1Rp+cv4ctOnVDfUE6Pz+YCGE7w95dd0/nidxov1+XxIC+eHvdGtCNnTFQS9+g3A\nVycbudV/XCgTIlRANjiLgmR2CHWrzRR+8clmrom1hBlos9l8QTttWSwWvk5I4DGnI0y85vmEeAa3\nhsZPCxGN9tatW6Oe+NOfhvcXbkUrzgbq3LDTmYTRqN9IAr5l0iQz8+bdqvNZEC1pCRre3jNy1yk9\nr7AlHczmzh1DmzbRm5oYjbvx+ZIQMqZqRvlx7rrLyFNP6YeQzWYxD5s3b6Ki4ku0far7IbzuT9A3\nnIcwGLqyaVNbRFD4SkQoPzwHLoz/WwiiWQYi7P5HYABwOXZ7GTk5Dfh8KSxcCEFjHo1ZDlVV1WRn\n79JNP7Q0F6oQ//r06csHVisP+eu08c/0sggjOJqTG5jTwyNyOLhwfsQtVQ+gbWUFI9EaTQWXV1WQ\net8DJM16WmMkPR4PK4xGYt56k36SO9Bg9ElETCK0Fc1Qj4eViNhGDM3FmYKV7QcQNEDlmEG1NTQ0\nNJCY2PG/3gpTkiSuqj+u+yxX1df7G9S0Gu6WIqLRfvHFFwFoampi3759dOvWDa/XS2lpKf379z8t\n1ngrWtEShLbM9HrL0FtuMzOLefbZB8POV/Ke7doJD70lBtVisTBixFEWLlxGUH1Mf7MQ2j8bopPe\n1KH75pqaTJx4jI8/zqCq6haCHm4WYOFf/yqKMGPBMYwY0cCiRXoNGjsiPG59wynL/amsPIBofaEw\nw0sIDxIruuhZ/rFdjwiTX01KynusWye6qDU0NLB8+V/9DT0yEMS0FxHefjom0z683sOI8Hoh8Gsc\nDrNu+kFhRIfmQUGEtisqnHy7+LVA6Hxfqo1TJ0+GecJ3AM+a29AvOZnLqip121HKCO9XacUZCsWj\nVRtN9WwqXnsooc5sNpM1YxZffPQhsZJb1WBUMBT0DJlMsDOXHtIRXP44RKhcKU1TUxLVUYRzidPt\nHQDiPXarqND9rFtlxWmrv/3YEdFoL1u2DIDHH3+cl19+OVCnXVVVxV/+8pcLM7pW/GignxsW7GKT\nCaC3qob3QY1HFsreTk//lOzso8yendvClqChzTtKiaT1rbdQtbQjmcVi4cUXxxMfH37s3Xf/lKVL\nFXOj5hODw5HR7MJ2771XsmhRmwifjkB4xdeiJY7dgs1WiMdTQU2N0hn6CJFz4EqLzMtQ12HX1g4K\neHVHjtQhSSMRGwDFuI8GJIzGT9mwIYmxY49SVTU85B7h6YfExI4si43F5najCKoqOd3S1DRqF85n\n/OuvahjVNxDuCZuBm2UfR5cWILWNDcvlSpJEp7WrGU1kr1yt1ZaOtvdaqNceipqa6kDOXEG0REkf\n//8Vrn4olFY1fRCdwY77x6ROakQbz5kgEregJXXWSUnJ7LSlkekIV+I7X5uLHzKazWmXl5cHDDaI\nGlinU78esBWtOFPoh7KF3Kgsb2XFijIGDtSv4Q310MvKgsSx5gyqJEmsXRtqpLSbhebaiKrbg0ar\n6Q49try8DOhERobw3iNFBez2cpKSBupeT0Fqqg27fSsOh14Y3IkoMbuaYE248PcaG//FTTf14o03\nyhB56yQEhUoNxdfthDATMQTrsLURCG10Q22mLNhsHjp06EBNzSDCNwVQUdGV8vIyevfug8fj4a2b\nc/iJ263pujUC0WHLNXw4KevXhhnXKvTbq5SmpnFFRlfd96Kucb6DYIPTDIThDD6pwC5re0zxCTRW\nV3LIbudwdo7Gaw+FntGK3F5GPGsWkUu09mX2o++x4+yrdOLsnER1YiI/bThBcVWFbhQBzsxDVuNs\n6qzVNfbRUhStaBmaNdodOnTg0UcfZeDAgRgMBrZv366rKd6KVpwNooWybbZqBg7UN4TR2NvCc2vS\nNaiSJOFwHOLkyZMt2Cw0X5IEhIVGI8Hj8fDMMx+H1YWPGOFj4cLwZXrMGHez948Wphc1252AlxGU\npX0IXrWXo0dn4fMVcOmlnyBaAWQg0gP7ESHt7Qh1tXSECdvr//d4xDxpIxDNpQu6desWUfgm2beR\n2gnzKB05mu++a+Kx4p1hAfpCwGRtz+UT76bzG4vEfKLNwJsQNLkpgRFC7Q3ZEedQbVQVVXqlCG88\nodXx4Lp9HPZxE9h5pI7hw7OQ5Us01ws1kHpGy4K22l19/aP4xVb8z6sIvuxJSsY95hZ+lfck62bN\n5NI1hQytqaYsJoaa4SPofO9vuMKv7KfgbDxk9fOcbZ11tqpxSmi5WStOD83WaZ88eZIPP/yQffv2\nIcsyl112GWPGjKFdu3bRTjsnuJhr7L7PNYB6uBieJ1K989Sp4aVWCkpLD3LttSZ8vnAjENrHGsJD\n6Skpe6iv9+FyhVfy6tWAnwtEes57730Ho9EUFhX4+9/HaiQ9IyH4bOL8zp2/paqqGtEMZS3BkjIl\nRC4Bt2CxPI8kPRw2HqEFlh44LmgC3wfqsdvTNP3KI41DHalISenAb36zVPf5lX7YEvAXSzv+ILnD\nnrEI6GQ00rjhMxomjWWU41DEyvfFCJGVw14vqWl2jueOChirUMOq1486tK75YKqNr+Li6FlWSqbb\nzUFgX/v2JI6dQM5TQihKU8OtMpDKZ2qjdXjEjRiAjmvX0LXSSUnHTvynppos/xtSRxeWAo1JSSSO\n+SU+n4+xOoz018ZO4KZ5/6f5vkbqs63XszvSGqCusw7F6dZZn63Hfzq4GNa0M0W0Ou0Wias4nU52\n7dqF0Wikb9++pKamntMBRsLFPOHf5y+EHi6G54m22EfyCiRJYsiQrboCI3pGV99gLkOb04bmNgtn\nCjHeL3E4RkccL2jVsDp1ak95eU2LFztlYWzTpg25uZuprh4ErAYeINy0vYfw5W7RuZIQQBEICtpA\nEcnJDWzY8LOwvs5641CPWS18U1TUnkpnOumqftjKW16JMFahT7oL2JCczBX577Nn8UJ+uWghXxKs\neVZjJTCEoKcsAcvv/Q0mo5EORR/RrbKCg6k2juWOYljek3wyZ5auJ6jUNX89/29MWrQwbAbfB05N\n/S1AswZSb06U323/25+5c8kbutd3Ar9CbLsOWK2M06n9Xgl4bWm4R44OjHvHkKsZrZNLVoRlQkWJ\n9NYASZLYOeRqRrXwOhcLLoY17UxxVuIqb7/9Nq+++ir9+vVDlmWeffZZHnzwQW65Re+PvBWtOHOc\nTm5YQUvZ2xAtlH4HVusLJCT0pqqqW7M5bOVaZ+IxtKQMrWvXbgHPxePx8MgjK3jvvVhNKD3aRiYm\nJobXXitm9ep4qquvRUh5pOo8twXhy0Wq41YUvi9Dy5nOoLb2UIB8Fmku9NIFSlpixowbmDixFHfW\nAK6T5bCRXY6W7AUiDP4R0MXl4tKhg0ix2Xi+Rw/G7dNvc6q03VSMtgWoWb6Uh1UlYZlOB9KCl8n3\n+Rj1zPNIM2ZRU1NN97g4GhoaaGpqCpSVJa1bqzuDCYDrow8xGgz6JVqFH7F74mQyMrrozoly/dSN\nn+ieb0Z4/UoRbl8dg608b9sKJyn+XHPve34TUY9cEZZpiYfcmpO+uNCs0f7ggw9YvXo1l1wi8jaS\nJDFlypRWo92K84aW5oYVTJ+eRUPDK2zalE51dS/s9kNkZx8LM7qRDaaZxsaRFBa6aNvWG3WzEEmn\nPJoRVaMlZWhqI/jMMx9rIgPNqbPV1FQzf/42Fi0aR9BIWxA5bD0MRPivkQVQBNQGvJyUFInExI7k\n5X3YorlQ5m3duks5dMhOauqXXHNNKbcmp2DR0cvegfC01SjAX4XuN1qZDgfXAy9ZrVylY8jUowdh\nZLqqDLYaDcve4sjvHic+PoHdr80PywF3n3wPl1Xqly1lAOVVVRjQBi2VXHtMhYNLhw4KyyeHNpiJ\nZGB7IZIUnRAUwS/Rf1tliPpuJdccN+0x9p8j1nZoTvpASiqHBg8hd/rMFl+jFecGza4yZrM5YLBB\nLKht2kQqLWlFK84eLfVitQY0m9TUUm677V8sWDCJ774zhB3fnMHMyGjesw9lqkczonqIFhkYMeKY\nhqCWkrKJ+vo26HnI6vKo0I2EwRCPCGcreWiFq6xXQHQYYV6aK3RSTKAEHGfkSJnnntuoOxenThVw\n331Xad5f6Lw5nZm8846Ey/wePiq5g+BiJCHCwRsQ/r1CjTPrzgR0xaDTTkU7ehDV6mq2dgOiHjoV\nuF5yUzJ0EDs7dmJa8c5AcZvCkn77lIdOqTYynY6wGSwHXCkpGA0GUBlejaKZzxe4Vr7Ph1HVrnOn\nLY3K4dmk2GxkOsKvr+iUt0dQCDcguo/FqY6RgK/99wPhSTc0NJwzD9lsNpM7Zx4N02fyXt50um76\nF0NXLGf3ls3nvcVmK7RodpaTk5N5+umnGTRoEACbN28mJSXlvA+sFRcHLiRx5HS9WD1DkJ8vkZxc\nyMyZN4YdfzqhdD0cOVLHqlUWmjOiEH3eIpWh+XwGzfNUVMQSyUNWh9JD5yFc8FIJg0cyzGaCSmx2\nhBlqJJjnlvy/W4vVuo9x41KYPv16hg79SncuFi9uy+uvN2C3OwLd0iIx/Pd4biObT3kW4fM3IirF\nb0QE7esQnqWBYP1yKPq4TjC7e3eyDh4M6I9/Hp/ArKNHNMc1AhUI/vxKhGeqzvJnVldzY3W1JnuP\n//POH6+jKnsEkk5O+zhwatRNfOc5xdZFC4lFGNRIimaW5cu43nUisMnIdByibtFCnu/Rg+sJf0MQ\nfBN9EaIrLyJajaqr7q8g+IYVT9p+jlnbm5+bywPLl51R6Vcrzg2aJaI1NjayZMkSvvnmGwwGA/37\n9+fOO++8IGVfFzOJ4PtMctBD6POEG9Dona7OBU6HPR6N0NWlSxEbNw7UNcJnQnZTzlm1SqKq6lr0\nPFaFqW63p7d43kI7V4U/j4TwkHPC7me1FvD114Mxm80R5yFIJLMAHozGP9K5c1+qq3tAQFBzBLAZ\nQeWSEGVd/7+9M4+Pqjr//zuZSYBJCJsQQjIkQNkDigplEVkKQcL2pYoC4oJQXIriVkCgJa0gAtpq\n0/6oQIHKIgKKEgFZCigKRVQEAigiSyYLW1jCZFAyyf39cXMns9w7SzKTzCTn/Xr5kszc5Zx779zn\nnOc8z+c5CDQEjCQknGHgwCuMG9cavV5HYmmus7uofXlu+BXy3HAQo0cvZd26FNVtw/maR5nCFh7m\nMr1I4EuGspoB7OOX0ta0QfYVnMNVPhTkde5LwEOUKadZcYz8PtkkFlNeLr8ACcjqYVoBbPZXzdYj\nnY4be7/i+2WLMaxdQwfzDU4BP9atS8NRo5GAK+veo63ZTCtgT+kx1NzYijhKKxzT1ZoC26KjaUEY\nHW9a+CmuGUfP5zHdanWZXSnVva5TphR3DFl/Lg7X6HBvBt+e3mkWi8WnwLaqJpTf0RWOHrdYLJw+\nfZrw8HBatGhBnTp1/NpALYL5gofyA6GGc3/Kk35VEbyJqrZ/IbhP9TrGvn1Wt+vivngQyq4FaBlR\npY3Oa9ClZ/N43bT7o5XQ9BGTJklMmJDsxngqr/FWtn3GjMlnz57a5OU9TJlq9c+4ynwoCmYNaN/e\nVQLEXdS+c9R5fHwYYWG1yM52vbd1mckNZrr0r0utYbz8yy6HmH71GP+yXOa+Tt9lGBNJ+HgLZ86c\npkWLluSMGEy+KYs6yLN6tV6D41WzP5ZilCwWRRhH4u67O7P+hZeJWLzIoW0WZDf2EFyxj4xXu7uX\ngeWjx3L7+Ek0G9xfNdVKrY1y9LiRwiFDy+Wu9vRO82fqV2UQyu9od0Y73NPOO3fuJCUlhbS0NGbN\nmsWgQYP47LPP/NpAQXDhSbDEYrGo7VYhvImqtkdenz6rur2sIOY+yEYJdvMmfarsWti7mR22YvDg\nAoByXzft/owE3kB+JWciG8TNwINs3RpDTEyM5nWQNbWuOuyzZ08C991nH5MShzzrVmuTiSZNYlW/\nU5Ya1K5F2WqyAYgiLy+RXr1MKtteRlZhc71eOUWjqO30zV3IuddbkI2W0quRlIXJKViB06Zz/G9Q\nP4wPDCdnxGC+qVePZGT3uHav5bQq+wVA+zVgZbCXmJhkG8xEbc5wEX41lO6ndnVORkfbvlerKnYb\n0PyTDC49PpafVAykVhuzHxpL1y8PkjpnfkC8YbGxTTkbn6DenmYJHn9zAv/g8c4uXbqUTZs20bBh\nQwAuXLjAlClT6NNHS85eEOp4m5bkDl/Xwr2JqrbH3fq0Nwpi3uJ6LWSJU0WnKi7uR4YNs5CWlorJ\nlGW3rWOZC0/XTb0/VuSY6bbIa81fIa+Ujgb05Oa2oKCgwI0SWiFyEZQOtu8uXmzNxIm/EBFRtqZe\np84RzOY+KG50uX8G8vJ6aFbggrK1+YwMA3l5rSlzudtnliQSG/slc+eOwGBYx8fr4br5Dox8QR+W\ns5Jlqtfjckl3nP15RiAJeU3Xvoo3OEaKW4H5yDXLki5dJAu4acriBRPM79CR5BPH6SRJmqv8X7Xv\nwK1r12hz8YJtDbj/rD+zZdY0l6jy7i9OISo3R7Uu3EhgCXKgWyvgZFwzbgwbQePScp3u9Mc7mm9Q\nx3yDbzXaeBh5xtXc7rgPBDgYTKR+BQce73BERITNYAPExsaK6PFqjq8GVMFisZCbm8PSpd+xY0cT\nn1KiyhMkphXQ9cYb3imIeYPrtSgTuoyLW8WuXQNtAiMxMTE0abKN8+ePIBtLpaylmbi4CGJje7g9\nl3N/ios/Bl6g7HrcjX2AmXIv0tKa2/YzmZIICzuBJOUjm7lvsTeizZqdIT6+G3PmtLHlwzdqNI4F\nC5T9s4HHbOc0mTppRscrefUvvHCZ/v132rnc7TnDoEFhLFiwh507b+NqYSz1DDtpH7adJy2H2Br+\nPy4Wu+aJNwzbx89OC3eKnwMc3cKK9Kdy5nVOV81eArXL9QJ+rGPAYil0Gn7Jtc2sgP7cOYw3Lexv\n2pRf+vXjrscnsjVthoOwihKA9ZE+jMhm8WTlZLu42vXIRrkb8EFcHH12fUGjRrfZynVGbf6EiByT\nW/1x+zbahwhOA24Bq+KacW/pcX3FOaYiM/McV66YbXELagg50qrHo9GOiopi2bJlDtHjlSFhKqg6\nfDWg9kFrJlMictEJC9DOp5Qob6tlKWiJsfhztqF9LWDYsCjbS1jp//nzEo4rr7LJqF//TQyG37g9\nl31/9u3by9ix7V3Oqbic4bJL6U+rdT3LlrVAkoba7WcB1iJX+KrnohOuzPzLjK+VvDzP0fH2NGp0\nG8OGGVi82PkbC8nJh9DrkxzW+a9ZurKVZ6j74HKSM79l13HX56ytbh03ra6zzEHIdai7Yl9xHE52\nTCaj4AZNc0yEAwYnt7Jy1X7JzeY+SeIjZJ9FB+R0st3IQ5UY4GNLIW2Bs3l5GN5dQfS7K2io0zkk\n0SnHrL9lC9mD7uPWsqVuk+bON7rNZliV9CnLjNlsmvYilvfXaO4HZVronyF7GpTh4y2g1rARPhts\ne4JfakcAACAASURBVD3yhGwTa6OiMP78C52sRVwF9kdH03j0wwz+yzyX35J92+3rhgsqD4+BaPn5\n+bz99tscOXLEFj3+3HPPOcy+A0Wgggj8kcYUykEOamhHj3uOstYKWrOXvvRFx7ui98edHGN5juvp\nWjgGqu1BLSY5Lu5Ddu3q4vUL9sSJ4/TpY0Ar/vj++7eSnv47271QD+SzIhvsa0A3oqPPMnr0L/zl\nL0NVBza+6rjbX8/IyEgX3fP77rvOzJkD6dfvW9UAw9ui3+WQ+TGepCffMIbL3EMjvqB5/a2kX9vC\nWeQZZxvkmfUJ5CjxAcizTvsa2xnGRFpv383x48doM2qEZvDW7qZNMep0JOfkcBXZH+JchTwT2I+s\n2K79RJduq9NxfM0HXNuSwZUP3rdFj3+PnLqWgBzwFpHQnC5ffKU64LXXJP8prhnfX7vKS2azy4zq\n/dLqYol5ORyKbQqDUxk2Z4FXg1T7e7XntT/b5Fa1wxxladZQTuMK5Xd0haPHqwp/X3B/pjGF8gOh\nRnkNnbuob/vkGbWXfkXRalug0te0dKPL+q8ViQ2QSVzcfoYNM3h1XovFQnLyZ6qFTKKj3yczs6+H\naHqHlV3sy09MmpSh6vVwFxGekLCJ1aubkJjYws5Au15PRadbuUbuBgLhfMdbdGFC6d+KEQb4W1Q0\nMwvNWJBFUUCu0L2NMqU0e6OtRC/HxjbV1Mn+BMh9YiK19BEMWbyIg6jlAchq7JGA/VVQIhQOI+eQ\nK1d+g05HYkkJFxKM/NCtO4kfrKMdcvqWfTqWp+hq+2dr15zZqgVB1jzxO8IkaPjpZlpfOO9QkMRd\nuqJ9EZPv45pRfP0aD5nla7sH9bS3dYDULIHu+77W/N1Xln5DeQnld3S5tMf79OlDWJirqpTCnj17\nKtSoqqCialY1EU+Sou6C1uylL92thXuL8qJo1Og2FizYU24RlvLed7Vr4dh/91WS8/IeLnUhez6v\nwWBg9OhfVEt1jh59y+VF6br2rr2yq+Xqdrcscu3aCfr1a0l8/EHq1TtEZuYUFE0u5+tpf41iYmKI\njT1MXp6r0Y7lC+LtzmS/Tt0CyaZypuxpAX6IjsZqNtvKcMoRAxARF0+XUgOiFSz1TXInJs1ZAEBG\nSQk5K5bRx1rksl0O0L/0b3dlP28BUnExXQFMWfQ3ZfFmVBRdCgsx4KjQpiUbam/8WrRoKf9dcJ31\nyLKl9ksApgP7mXYs0ydhE+c62HVysm1yPe4C4ToAH+Zm08IpeLIipT5DwdCHAppXec2aNZXZjoDj\nue6y+nqdwD3ugtbspS+9URzTwnmmbDCswmx+Fm+McKDvu2P/7VPCtFcpvT3vX/4ylPDwjWzbVg+T\nKYlmzU6TmnqDtDTXmbCjwQX1ZCJ5ZTcnp7Etkt35ReocV1CnznHMZitm80uAHpMpGZOpP66OYldp\nVeXl/ps8I6tIcbkm7Q2baKuRBdf5559ZPnos7b780kHr2nzkO4acOO4yFFlYvx69Sq+nc7DUySax\nXBqQwsCnJtsKgAx9bSEF0//IO9Nfwrj3M9peOM8JZCP9GPBl6bEdpEjtzjcf2W2vLIpYS69IO4uF\nK8iDCSXO/xau0dXOxu+7ZvF8V78+Xa5eZUhONtnI7vVWlEXFb/n+hOod1apprVYHOw55dp1c+u/d\naA0xoWV4ODExMQ6fOw8CvBk4+KOmt6AMj+5xi8XCxo0bOXXqFGFhYbRp04YRI0ZUisCKP10bvq7X\neSKUXS9qVKQ/2mva/9GsuVz+42s79ZR188TEWFtf/H3fPbdPmZvVQZ6bZVOWBqUv13mjonRkZv7o\ntRZ7RkYheXk9UdcaP0Zc3Jfs3TvEyVvhuGSgCIiMHWsiJ+cBleO46obZ98u+jrMVeJmefMQYTGH3\nEp9wjsGDC7jj1i6ar1imKkCiiJlYrVab1nVibg7nwsN5oLjYZftNxubcvtdxzVjJZji6dBHNdmx3\nqXGtPI8nThyjsG9PekkSnyAPd3KRhyRfoe4+/hBHN/l6ZLf9Nspm5WeBz/URtH38CZegLuc611pr\ny8rQ6CfkqHFV/TkN17uWGMpcynwwS9Beu29HGDcPHLIdt7yKaL7U9PYnofyOrlBpTiXorEuXLkiS\nxNdff82ePXv417/+5ddGBprypjEJPKMW9T1gQD4TJ3YjPj7BraHxZs3ccaas7dRTcqETE8sEQSrj\nvrv2vzZ9++awY0c2588/ivOM19fzelv1zDEFS90lDWcYPFivWexD8VYYDAZq165NXl47jbPZV/1y\n7JfzDE8PvMU+XmMf7zWLp9f2vaVR96ks/vog/TKPaub9bpk1zaZ1/RNgUDHYAC1zc1zy4A0GAydX\nLFVN1bKfGSYmtuC7+AS2ZZtogOyWPg9MB6Zo9L418D+ge+nfUcgG23lW3s9axHvFJQ4G2/n6aIms\nKBHvFuRZ8VadjmSV/mu53mNjm3LUqcqXBVmjXFGRS0Zdx3wksMVo5Ha747qrRKZV6lNttq/0TctD\nIHCPR0U0s9nMggULGDNmDGPHjuWNN97gxo3QG724U3CqiOtWUGYs9u7txr59xezd24358++ndes2\nbktczpq1id69D9Kjh47evQ8ya9YmrFarw3aua+baWlZ16hx3ic42GAwMHHgROSbY/t5fplevH33u\nqz0Wi4UzZ05z69Ytl/6/+eZYhg9XGy0H/nmTU7AKUXvWk5MPMWPGIM0lg4wMA/n5lwH3qnNqmlxK\nv7Re7gag+/nzFBTI6nF6vZ5J2z/jvfG/48O4ZmTqdGQYE1k/6WnumTqTEyeOE7U5w9ZKtypmKopc\nHg1GqUKdwWDgu/r1GYIcmHY38CTwOnLEuhonCKMusht8NbJSu5bhbfDpZgc1POfr425t2V7pLbN9\nB1WFNS1hE9v6vt1necgadKOQ/SRfI0e4d0OWRe1b+t0t4OrgIQ7HLY8imjeGXuAbHo12UlISFy9e\ntP196dIlEhO1HrHgJi0tlUmTNmI0ZqDTZWI0ZjBp0kbNPGCBb3grDQplwWEm01BKSpIxmYayePFI\n0tK2OGznajjs143tsWA2W1mwYI/tE2VgsGNHE0BCp9sK/JOoqNeIjt7FunUpmoMFd2gNOCIjIx36\n783zphh+f0vDOp87Lm4j48evY/v2yeTnX9YMHszLa03//jtt/dEa6CYnH8Jo/K9qv9y93M8ZjcTG\nNnUY8Ayf/yZ37f8Wy75v6LD7SwBO9OtJw349icjJZj2yi137zsuGC3C4lt4aDIvFQpfr11TlRM9q\nnC8Mia7IRv5hZPe21luxzcULDsbJ+fq4G4ycBA7FG1k/6Wme2PJf1k96mgxjom2A897439H6sQma\nz09K2lyHfQ7FGzkeHW37vlVp+3cj56ufQV74SI+uyz1OtbLVBgHK9dAaOAjpU/+juaY9duxYwsLC\n+OWXX/jxxx9p2bIlYWFhnDlzhg4dOrB69eqAN07kaVceldkfX4uDuK6ZFwCLkHOYHZ16RuNWvv/+\nNxQWFrtZa/8IGOvwmX1BD0/Ph6/FVNSO50saWkXujXaamudiH+PHr2Pu3BGqOepTp/YlJycbkFQV\ntLTWMTOefZaff7HagpLOxidwYcAg2k98kvj4BIccYiXd6yayQRlHWcQAOh3tkV/8lwfdhwTEbN1M\nVG4Ohc3iKRwyTJ6t9+upmv5lvwarrP22LClxSCMDuUb1QSAeeZ36e0DCUWQF4D9RUTQqLETtiqqt\n93q7pv3vh8YyfP5fy7VWb49annYejgmK9sK7pzXWyZ3zyu0V0bRiVsSatu+UK0/7q6++cnvQbt0C\nvwYczBc8lB8INSqzP74Gh9mLm5hMSYSHf0ZJSR/keYLja1any+SHH+qg10d7WbJSxmjMYPfuO90G\nZ4HvAw4tfDH8gbg33gji6HQbeOyxAubMGWnLv3ZNt1MfbCgv96jNnxCVl0NhXDyFQ4ZSq5ae4enp\nNqOcB9RDNlqN4xMovn6N+81mPkB2A7ZDNtzHkAVVxlAq3/nERO54cjKxsU3575zZ1F76jk04Ngu5\nTMrPE59EFx7u0WAUFBSw4Y52dDabbfubkQ3zB6WCJrG52Wxs0IDRV66g9ubL1OlY2aoVs0+e9Mo4\nORu/U3HxHK5fjy7Xr9MyN8ejMayIIbS/NxE5JkaobOOp1KYvE5/yGHp/EMrvaCGuEgBC7YHw9CMr\nT3/K67FwN9NzZ/imT1/PsmXdkKUr1KUxjMYMvv/+N2Rm/uhlyUoZnS6TUaO2s3btU7gzpP6IRvfV\n8AfiWSuLNFcr9qG8SI8BEpMmHbb139vBhvKibrDlE1rm5nC6WTyXBt5Hk/9uY3BWlkPucxZyjemU\n0jOfQFulKys6mrixj9he+BaLhbXJv+JZs9ll+/TougzZ/w2756TR/Mu9tMrLVTUYm6a9xJjlS1TP\n9/PEJ5GKS2j46WYSzueRFR7O/SrBYBnGRDrs/pI9c/9Mg083OxQbcWecnH9Dznrgar8vf9W1tlgs\nbJr2IhNUZFQDMQuu7DztUHtH21Oh0pyC0MbbgK/KPKanoEDAZZ3XYrGwY0dj5HjX23BXItNgMHgI\nojqHYxAVxMWdZu/e5mjlcyttcXdcOXra8xqdr2VIA4ESPLhr1x3Exe2nLATJ3ricA1ra+u9LyVYl\nn3d4tonkkhKGZ5sYs3wJ2aUGWwn66lj6/8nAF8CPyMlyagFdMUDzqGj6zphtM4Lnzp2hrZPBVrZv\nbr5B5sB76bd+LfnWItJ796HpBxm20pVWq5WN01+k3rvLVPfXRdel2GplzPIljMzLpaskUVJcrLmm\nGxMT47A+33nvAY9lMp3jQAwGA0Zjc/a89meO9u6GocedHO3djS2zptl+X/4K7jIYDDzwt3/Y1ryP\n2QUC+loAxJvYDF9iXgTaiMz2ak4gVOD8cUy1NLFBg65RUiLRu/dBF6UzX0pkgnt1L1lfyvGzXr2y\nWb/+XtW22pfVLE81MmeCKf3QXbEPRRDGfiDhTclWd1Hbt+l06IqLVb9rihzN/H8abU0ENl44T1JO\nNq1btyn9NMxBSc2eTkDY+fN8BLQ7f55nz5/nxK9vZ0vHZJ7Y8l92zZlNz2VL0dJ9bGkpxLRtq0Nb\nladOWVPPMhq5lDLYwcippegps8yYmBgKCgrczjY9CZiopXIpaKV/aWFfAMRqNdNZH+2zLr8QTqlc\nAjrTPnnyJAMGDGDVqlUOn+/du5e2bdsG8tQCPKuBlSdi2V/HVEsTCw8PZ+nSB1Qjyl1nuEqJzL7E\nxe1j1647mDNnuMOLQi16e+LED5g40eoS0T137givZ9AVzUIItvTDtLRUxo9fh063AdklvgVsNa3K\n+u+tl8HdTLBtcTF1kHv+U+n/rchr2hHIa9ZnSv929tuYgGeAE0vfAWSD8f1/lvK9htxyFvABspDI\n/cg+mlGSxB8yj7L0vv403LqZlmhHbh+KbUobp1mr8tQlSRIn131E32PH3M6mrVYrW2ZN40jvrtT5\n9R0cS27NN7++g+/u6eowe1bwJk2tPFHcnjAYDLRq1crnfZUBxlBTFsklJQw1ZTFq8SK2p830vHM1\nIFDZH+4I2FDIYrHw6quv0qOHYw3hX375hcWLF9O4ceNAnVpQijduWF/VwPx9TGVW4lluFI8lMp3R\nKt0JMGuW62fezqDdHddbfC1DGkj0ej3z599PWNh6li2TcAzSc+y/N9fI3UzwdPPmHMnNBavVph3+\nLY4q6clgVzVcOYM8778NaLJzOxaLhT2v/Zlxy5ayGXXh2AvIGtpqBrDj98epXRotnq+xP4NTObtj\nu2o/zscbueuurhgMBgoLtddNnWfNnUrd65uzTYxSkf88d+6sVwImwVDXuiYLp1SlhyFgR4+MjGTJ\nkiUsWbLE4fN//etfjB07loULFwbq1IJSAuGGDZRr15vBQHkNnZq7Uu0zX4/vrVKZGv4w/FqUN+Bn\nzpyR6PVb2Lr1jGb/vblG7op2HGvYkJezsmyftwCKUTesILvLL1IWIgey8Tp37qzNYNgvlCQCx8N1\nnKxTh26FZqfIhTLalZSwOyyMZpJEQ2RVsM7IlcSO63QUPPoEw+bMZ7s+QrUfWjNa50AyLaMWVfpv\nxbhFRkaWRnRncLWkRFWu1N71HQx1rX1VSKtOBUPKo8HuN6QA8/e//11auXKlJEmSdPr0aempp56S\nJEmS+vXr53HfoiJrQNtWE5gyZZ0EhRJIdv8VSlOmrAuqYxYWFkpJSVucjin/l5S0WSosLHTY9tSp\nUw6f+ZNAH9+f2Le1qKhImjJlnZSUtEUKCzsoxcf/W3rmmZVSUVFRuY/pbpujR49KR48eVd2uqKhI\nWvvss9L7MTHSEZA2gjQnOlpaGx3tcHNPgZSpdtNBOgLSFpCOglRo9/nmpCTp6NGjUmZ4uMP2haXH\nOxgeLv39scekcyBt0Dh2htMxC0FaXXqulc8849CPdVOmSJuTkqRMnU7anJQkrZsyxeWaKtttSUqS\nMsPDpS1JSdLfH3tMOurURuW/TKXvOp106tQpad2UKbb2rHNqm9K+dVOm+HQfA01hYaG0JSlJtX+b\nk5Jsz4XatVG7hqFCYWGhtDkx0WO/A0WlRgrMmzePWbNmeb391auVt07gK6GSTjBt2gBu3nSdGU2b\nlurQfl/64+0xfSUl5Yqq6zUl5SqFhcUObsiYmCYun5WnL1qjf3fHryyUtiUnt6aw0DHNyFWcZVdp\nyczfA/8FICfn1/y//3eWzz+fx/btk31y27nrv9q51XK1f/7FypCCAq4jl7o0mc10cDqWu2KmRyIi\nqF1URBhlJTgHAZdSBtOxbmOOxifQ0c51bUBO4suIN5L6x7nsrmXg+LKlDFYpv3kTx6fMAETodOx5\n+BHuGjeBc+cu2FKwEseOJ+apKRQUFNCx9Dm5elUucKk8a8550x3PnuXy2bPsio4m2Wx26ZtS/+6/\nzRJoXRRO7Q832va19xwYgdMJRq6lDiVl2uyAvnPK8067mDJY1RNxKWWw7flRuzaWt99m9c1bISmu\ncubMaZqbTKrfNTeZyMz8scJFiCpUMMRfXLhwgdOnT/Pyyy8DcPHiRcaNG+cSpCbwL4FwwwbKtVuZ\n67yuhsd9Te7KxLltzZt/RkrKFYe2qUXwyyUz/4ZzHe3MzH7MnLmO+fPv90v7vMkeUNY7b0Neh16P\nHGR2EDmqW8GAdjHTsKIilBbbSnAmd2JS6bqhlgteSb9KnTOf7i9OY+7wFO746SfaFxeTGR7O1ZIS\nfqfSr3bFxVzbsY26q97lSHw839arzx3XrtEqN4dTpWuWRpU1Y6213duAM4RpFmqltK0FBQUObmYl\n2M0CfBYeToPV6+jZXm1YU/V4Wluvjuve/ozeLw+V9naKjY1l586dtr/79+8vDHYlUpH118o6ZiDX\neZ0JRCpcoNp29qxj27SD9gDaqnxu4NNP6zF7dsVrxntbn9x+vVOpYmWfXW+/9yBkY3zn9QJb7ezv\nr13lJacZqgG483oBt27dQq/X2wyGs+qafTBWw4YNef6Lr8nPv8zx48do26IlOSMGo1d54Z4DHs7L\nwwAkm0z0MJl4DxhI2ZrlKmuRTYlNuZbu1nYHWQr590NjSdz3BS1MJr7XhXO5uJi4hOasT5UDl27d\nuqVqBAyANd5IYqJ6rIc3aMnY+mtt2dPaenkqgwU77mI2yhu97wsBM9qZmZnMnz+fnJwc9Ho927Zt\nIz09nfr16wfqlIJqQiAGGPZ4a3iqAm/aph20l4cs/OnKxYut/fKC9DZ7wH42Yl/Fyjlo7CSQ/dBY\nJv3tHzap1JhCM6n971F9OSXlyEFo7duXOdojw0rdyGFlM1hnGjW6jd69+wBwROOFq7jMFX3zaGQX\n9m7gBhAGNPrPcgwrltmihR/+59/dzrxM8UaGz/+r7dp1UsnT9uQ1KM+zqBbdfHHQYMKAxtu2+j3i\nWes3W9Wz0kBRldH7ATPaycnJrFy5UvP7Xbt2BerUAoFbApEK5y+8aZt2BH8csBVUYo/9JdribfaA\n/WzEft3a3vWbBxSXGjW9Xo9er6dFi5ZsnP4iFhzd6AqnSoqxjrmfM0OHU1JSwkNL3ymL4M02eRXB\n6/zCPdq4MT+eP8/zpd8rim22NC1gDbLoi1LPW5l5b6wTSd+Zr3pldJVnSi090d9GQC26ec3Sd+Q+\n2H0W6Ijnqp6VBoqqjN4XMqaCGoc/pEgDhTdtcxRnsZcpgYYN99v+XYb/RFvKzn3Z4bxq51DKQm6J\nN3KwdA/bcZCHGIVDhrroajfdsc3WM8deyLPgUbk5DFm8CMPa1R5rZauhvHA77P6S3Q88hEGnYyTw\nJbJxro3rGnR91HwfEPXxx1gsFpcSmL7KgSpt6rz3gNcSqFqorSNbSvuVh+N19eZ6VZSKXptgpiqk\nWYXOnKDG4Q8p0kDhqW0gR6+++OI97Nv3JidOdKC4uC063Vbatz/Opk0v8eqr6/j003pcvNja78F8\nVquVkpISoqN3YTa3B7YRHX2S0aPjSEtTq6gmu69/Gx7OLoOBs2FhpBQWYoo3qs4kL1w4TwuTifbI\nM946yG50E4652teBDipR2eD9WukXC+Y6FMvohGzQ/uO0nb1735lEk8l2Ln/MvPyxNOS8jmwFVgNN\nkEtxKpH4SmkY5XolJsZW6LxaBENOeXVCGG1BjSSYFMk8tc1ozGLAgMuUlITZdNkNhrWYzS+hGPbi\n4mQyMwfz+usbmT//fmbPDkww35/+9AlLl96PvfPYbLYAH7jMCl1ctGYzFuCdBx7irmefp3NiC5d9\nYmJiOBweTqeSEkYhR5ubcC6kKs/St6PuQj/TLIHWMTGcOXNaNdjKYrFw7twZ6m/5RF0fHcdgOXdp\naeeMRjraeWYCEY/hS+CYxWLh559/JiuuGcmlhnsj8DD2+QSOinOVtbYc6FiVmoJwjwtqJGra587a\n5cHStmPH+hIermPp0vtLddlbYjZ3wp3+eyDcdhaLhbVra6med+3aWi5V2bSMonHjBur07elSvQrk\n2tYXS0psLtw6QJHqGeUSnmou9G/rxXAqpa9LhSxFB/xo724U9u1Jy2z1XNu2yDW87c91FfuFAHlh\n4DJQOGJEwGaN9u1Vq/altW3Dfj0puX6NNUABctCflirbZUJ7bbkmUvVvKIGgCgnm0b992xwjyrUd\ntoEMpDt37mypS9wVs7m9LarbarWybvqL3KdhFNsXF1Mb6KoSCBUb25TmCUbmZ5tIQI6Fz0ROu3Je\no5WionnvwTE02bndFrz1bb0YXsg8SkzpdvbBVoBt5m9Bnj2rzdTPGptzfmAKZ3bssB3350H3saak\nhPx1a2lnvkFL4JvoaKSSEqxWq18Ge84zal+kMrW8GmmGKB61qMfUG4FXW7fh5Vl/rnDbBZWHmGkL\nBFWMp0pBeXl5ThHlcWjVpgpsIJ2E4xzUnlOl38sGZPzaNahn5zpWM3cOhIqMjOS7+vXpCvwayEFe\nf/0AufaYUoPsI6DpmIcZPv9NW/BW6+27ufP6dZvBxu4cUZs/cZj524u62GMBrg4ewsjX/+oQFDbs\ntYVE6PU8a77BCGRj/6DZzLD09ApXtFKbUW+c/iINtqp7KpwDx9wJmNxdvz4nm6o/D+eAP/54kl1z\nZleo/YLKRRhtQbmoipJ01Q2r1cqsWZvo3fsgPXro6N37ILNmbXJxf8bFxTlFlGubnEAG0iUmtiA6\n+nvV80ZH/wBAfv5lmxKallGUq3SXoQRCgWzw/5B5lKHIBTxGA39ENjD5pf8vAEzR0YB8DRWPhLOy\nmD1ReTm0ys1x+GwkcgHSjcDRcNeoZvslBm9KZpYXtfKWPZctpYWGVKb99QL3AiYdLpwnp09/1ftw\nE3n9PtDR4wL/ItzjAp8IZvnPUMNbVTb1iPKRwDqio/XcvNmhUgLpDAYDo0fHsXTpR8hJUInIZvQa\nfaVdNOw3k+NNmnDq/Hn6oC6kchkY73RcJRDKnWFsA3RHXt+OAwxmM5al77A+PNzBtW4v5KHkgscB\nhXHxnA6Tc7kVlJzxDfFGrq5ZT+fEJM0BT6CUvbT63BLYqtPRqbjYZR/nwDFPAiapcxfwbyDh/TW0\nQb5jzlXTAhk9LvAvYqYt8AnF0MgBUcmYTENZvHgkaWlbqrppIYUn5TPnmU9aWiqTJm3EaMxAp8vE\naNzKpEkS333Xyy+BdJ48J8r306f/hkmTJOLjLYSHZ9EoKodn+CcbC3eQXFLCb8+fZzLwDrLBHokc\n+V0buBEVbUszAtmoZgJ5Awe6SJ860x7ZYLcCBxe38yzxRK97OI+sdf4ZcorTbuBYg/pcvi9VfeY/\nZCjt23dw66GIjW3K2fgE1e/ONEso95KEVp8NwMXS2tvO7XUOHLMJmGhsGxMTw/D5f6U4PoHayPdj\nFGX3oSLtF1Q+Ymok8Jpglv8MNXxVZXOnyx4T47yK6z2ePCfOcpgn4hPoOXgIUz+bSU5ONhfHTuKB\nQkejY0BOK+pGWVpRHPDLqIfYXS+aiA82kpedRROdjjbFxcTt2MYW/TTumTqTExozxp+AFJX2t8jN\nJicnmx//828abd3M4JxsdukjwFrEQOQXXEegX+ZR3u/ek/WTni6X6liglL3czZLjEprz3sBBDoF2\nWu31pKhmMBgoHDKMuGqmTFYTEUZb4DXBLP8ZangrB+qMv6PdPbno7aOSLUAdUxb1Fi9iM9B+wpO0\ny8tVPW4isgBKBPAhcAFo+8h4EhObsvPKdR5bucImCdrJVCY/ioZh/BFZRtSZY3UMFCxZxMMr/l0W\nOV2aMqYMGCjt3W3bPqXz3gNQTpEPNcP482//j5Rp5Q/kcjcYuJ46hOFz5tuiyt211xsBk6rUyxb4\nD2G0BV5TXkMjcCUYVNk8eU5eeEEOKotEdjdHA82R16bPr1nFXc++yFmNWaJSL/pm6d9F0XW58uho\nYnJzaBQerhnQ1WH3l6wHaq9ZSQezmR+AS8iqXmolLi3mG8RseF8zD9l+H/u15/IMfNQMY2JipewE\nXgAAHdhJREFUbIVrNnszS/a2ve629caw+7MCmCAwCKMt8JpgMDTViapWZfPkOTl+/BhtcrJdCmh0\nBPqYb/DvObOJ0ZglKhHiWchu8iPmGzxkvkEmct1qNVrkZpOff5m+M2ZzcHMGBrOZvsgz9sbIkd5h\nyLnbWaXn6Anc0pAzTUQORGtV+vexOgbubnRbhQ1TIErSVqbMp1r7rVYr659/njofbrRVALswYBDt\nJz5JfHyC+G0HEWGSJElV3QgtKjqCDSSNG9cN6vb5irf9KVsDdTU0wRI9Hmr3xpMRCVR/LBYLvXsf\nxGQa6vKd0ZjB9u3JZA64F0NONmrDiI8TjLTbuZe1Dwyj/bFMOkgS3wM/AC8BJcDfo6MJA6aYzWQg\nzxLCgREqx8swJtJ57wEuXDiPocedJJeUuGzzNXLKV3ewuex3aBxvC2Xyp7LQKpxO7sRd16+TlJPN\nWT+UpqzsZy1QM+Ets6Y5iLNAmQ670djcbyU8K5NQew/Y07hxXc3vRPS4wCeCWf4zVKmKSkHKecuq\nhdkje04aNbqNM73vpbnG/q3yctmUNkPOq5Yk6gCpwAvA34DXDQbCB97HoMJCMpBn6yOBW6pnLAuI\nchepfZEyg03p/7+Prqt6vEzgDLLx3gxEgtxWu3zoUYsXVVgcpTLwRdLUV9yl2iUC/UPoOtUEdGlp\naWlV3QgtLJZbVd0ETaKiagV1+3zF1/5ERETQoEEDIiIiAtiq8lHT740v3HtvK27cyODixXMUFhaR\nkHCA0aMPk5aWSnh4OC173cuRZYvpeMv1/PvjE4g5d47bbxQQATREDjyLQHZpP1JURLfvj7MiKorE\noiI6lO7XFtiEvO79M/C/BCPfjn6YlLS5hIeHExERwRHTOdp88zX2T5cF+A640+mzM4+O58Td3TBd\nvERRoZkvmsbxpfkGTyAPEDoh53nnga0NChGA6eIlGj7yeLme5YreG4vFQna2iVq1alFUVGT7t3Nb\nPv3TK4xavIiOBddpIkm0KbhOm2++JuNGAa37Dyz3+QGys000+dtCmqg4XW8h36NYKnadqoJQfg9E\nRdXS/E5MjwSCGoy7VDKQ08lujn1Edd06q1dv+q1fq3rcFpStJ8dIOMzWFVETC/BZeDgNVq+jZ3vH\nGlpKcFbU5k+IysuhMC6eG4NTkYCMbZ86BGwNLnXbKmvCHWJiiEzpS4wpyyZp+hPa5TUrIo5SXuxT\n6RKyTayNiqIF0MFi4aiT296jGtuM2RXy0rhLO1MCCqFqrpPAFeEeFwgEbl30KWlzWT/paTKMiWTq\nyuQ+U+cu0HRj2+uL9/z5JpmGKNdzAtZ4I4mJ6sFwINfiNpb+Pzw8nMF/meegCZ46Z77L0kydOq5i\nI3HAWY1zVIW4iL106Y+SxLNmMw+azapue2/U2CqCO3EWe8lZIcISHAijLRAI3KJENzsby5iYGK9e\n9ufjjRQ+NNYrdS8FxagNzzaRXFLC8GyTzZA5DzDU1nuLS0p4f+KTtoHGf42JfJ3cyac2VBQtlTn7\nmbMF7dKZitpboNTY7ElJm8vmKVPIMCZylDA+QY4DUKROhQhL8CDc4wKBwCvUUoXsc4yTTFmcQ+Im\nri/71LS5rI/Q03j7VpqbTG6FPXx1B6uWsFz6DusnPW2LRu8c25S7IyNZnzYz4OIizipyzu5u+5mz\ndpFVR3d0INTY7NHr9Yx66y3OvfAKubk55C5dRNyOHXwvRFiCDpHyVU5COZ1AjerUn8roS2WKUITC\nvbFYLOTm5nC09GXvbBQVF3ZUlI7MzB9t103tOp45c1oz5etgeDim9R9z111dbfsf6d2NYSrrsUoK\nWSAFRNTujVb61PpJT8v52BYLR3t3Y6gpy1bXe7DKse3brwwE1AYc/srccO5LqAuthMLvRgt3KV9i\npi0Q+ICocqaOwWDgV79qza9e/yuWP2nLbiqzdcWlrTYbVQuMsiLLkoaHhdF21Ajb9m0en+hz9S13\n4igVNVTeegnsZ85KCVN3s+jKFmAB/4vICPxDzX3LCATlwNtymjUZb172qi7tUv3x1DnzXdzBNlW2\nUjU1ZftV1iKauSlL2dnL9V5PLm1v8baEp/2yQuscE+mGKJKAjjctbt3RwpAKhNEWCLxEVDnzD97M\nRu2NWtMcE2FhYTaDbb993I4dXBgwCMvyJS4z1W/rxXB3ZKRXbfI0iPAWT7WtlUGE88x5dOnnlTWL\nFoQuInpcIPASb6qcCTzjzWzUPmLdtP5j2mmE3rTIzab9xCdZmNyJT4BjlCmgvZB51CsVL4+DCI0a\n42p4qm2ttVxgMBiqTBmvKvBUv12gjTDaAoGXyFXOzqp+J1c5q1k5rOV98fqSwhQZGcnlzR/zQ1iY\n5vYNGzbkzuvX6Q/URhYDGQXE4J3R9XcetFZeu4i+Dqwca01BGG2BwEs8aXXXhBkSVPzF68tsdHva\nTMYtW0pJcbHm9gUFBbTIycaArMBmfxe8Mbr+zoPWymuvyYGKCvaiMqGm/x4siKdIIPCBqi6nGQw4\nr/+2NGVxevEiMqxFjHz9r14dw1MNaXB0W49EDkaLQs5rPq7TUfDoE6SmzeXWrVterSNr4RzNbTs/\n5cuDto9AF0FjZQRajrWmIIy2QOADnrS6qzv2L14lDSsaWVu80X+Ws0kKI3Wu+1mlYtT6zpgNblKY\n7N3W9nrleUCSJCE99Xv0ej16vb7CRtebQYQn/BWBXl3xNrJe4B7xJAkE5aCmpt7Yv3htaVil33Us\nLsayfAnrI/SqEddWq5X1zz9PnQ83emXU1CKxFRf48Xijwwy6okbXH3nQ/opAr654G1kvcI9Y0xYI\nBF6jrP96o5ntzPa0mQx5+22v1zN9Wfv21zpyeSO4/RmBXl3xNbJeoE5AjfbJkycZMGAAq1atAuDQ\noUOMGTOGRx55hAkTJnDlypVAnl4gEPgZ5cV7Gs+a2faU16j5GoldVWlTga7EVV0QkfUVJ2DucYvF\nwquvvkqPHj1sny1fvpwFCxZgNBr5xz/+wbp163jqqacC1QSBQBAAUtLmkmEtotF/ltPRSfAE1F2d\n5V3PrAr5zvIgXL/eESr3M5gJ2Ew7MjKSJUuW0KRJE9tnf//73zEajUiSxIULF2jaVDzIAkGoodfr\nGfn6X7n26BNeuzormlYV7MIjwvXrG8F+P4OZgM20lahOZz7//HPmzp1Ly5YtGT5caDULBKFK6tz5\nrI/QexX85e+0Kl+pjIpV/ohAFwg8EfDSnOnp6TRo0IBx48bZPpMkiTfeeIO6deu6dY9brcXo9bpA\nNk8QolgsFvLy8oiLixOj9SrG23thtVrZ+PLLRH38MYkmE+eMRgpHjGDkG28ELCVKOWf0xx/TPCuL\nrObNMQf4nOLZFASSSjXaO3bsYODAgQAcOXKE9PR0lixZorlvMNdCDeVarWqESn9cS2OedSmNGSp9\n8Zbq1J/Gjety7tyFSqvT7Km2dUWpbvemuvQFQrs/7uppV2rKV3p6OidOnADg8OHDtGihXnxBINBC\nKY1pMg2lpCQZk2koixePJC1tS1U3TeAllbWeKdKwqh5RGMT/BGxNOzMzk/nz55OTk4Ner2fbtm3M\nmTOHP//5z+h0OmrXrs2CBQsCdXpBNSRYSmNWxvqooOIIBa6qQ6jDBY6AXb3k5GRWrlzp8vnatWsD\ndUpBNceb0piBfAm7uuYPurjmBcFDZadhWSwWzp07A4SRmJhUowd0Qh0ucAhFNEHIUNWlMYVrPjjR\ncsFWVhqW1WolY8YfWJv8K6726UGDPt05kPwrPpnxhxpZclIsSwQWYbQFIUNVlsb05JoXL6LKx5sS\noZWhwLU9bSa1l77Ds2YzI4BOwINmMw8tfadGlpwU6nCBRfj0BCFFVZXGrGrXvMAVb1ywgVbgslgs\nRG3OwIC6Dnv9LZ/UuJKTQh0usIiZtiCkUEpj7t3bjX37itm7txtz5gwP+JpyVbvmBY746oINVMR6\nXl4eUbk5mjrsLXNza9zMUqjDBRZhtAUhSWXLIFala76yCYU0nWBxwcbFxVHYLB7XOaXM6WbNauSA\nThQGCRzCPS4QeElVueYri1BK0wkWF6zBYKBwyDBuLV6EBVxEXK6lDq1WAzpvEYVBAkdw/RIFgiBG\ncc3PmKHkaXerVi+iUErTqWotc3tS0uaytaSE9LVraGO+wa+A49F1sYwey301fGapeMQE/kMYbYHA\nR0L5RaQlDONxjTgIg6mCpUCHXq9n2GsLscz6M+fOneEqYXSv4XnagsAhjLZAUAPw5PoORfWwYHPB\nGgwG2rfvWGXnt0eo9lVfRCCaQFADUFzfQ01ZJJeUMNSUxajFi2x5xBWtd12ViNrMZXiTuy4IbYTR\nFgiqOd6kR4k0neqBp8GZQJtQyJoAYbQFgmqPt+lRIk0ntBHyoeUj1LwTYk1bIKjmeJseFWxrxALf\nCMW4hGAglLImQMy0BYJqj6+ub7FGHJqEclxCVRGK3gkx0xYIagDBkh4lCBzBlLseKoSid0IYbYGg\nBiBc3/5FSamKimpd1U1xQAzOfCNYlPV8QbjHBYIahHB9l1GeaGHnoKXPOnYMqqAlZXDWee8BLPu+\nofPeA6TOmR90MrTBQihmTYg7KRAIahQV0Vh3CVo6ezYog5ZCWbWvsgk174Qw2gKBoEZR3mjhUJR6\nFXgm1JaOhHtcIBDUGCoSLRws5UAFgSFUlo6E0RYIBDWGihhekVIlCAaE0RYIBDWGihjeUAxaElQ/\nxJq2QCCoMVQ0l9k5aCnLaORSyuCgDVoSVD+E0RYIBDWKikQLOwct9U1uTWFhceAbLRCUIoy2QCCo\nUfgjWtg+aKmw8EaAWioQuCLWtAUCQY3BXlClvNHCoVLCUVA9EUZbIBBUe/xRflHtGOuffz5o1NAE\nNQPhHhcIBNUef5RfVD3G22+z/uatoFJDE1RvxExbIBBUa/xRfjEUSzgKqifCaAsEgmqNP5TMhBqa\nIFgQRlsgqOFU98AqfyiZCTU0QbAQUKN98uRJBgwYwKpVqwDIy8vj8ccfZ9y4cTz++ONcunQpkKcX\nCARu8EdwVijgDyUzoYYmCBYCFohmsVh49dVX6dGjh+2zt956iwcffJDU1FRWr17N8uXLmTp1aqCa\nIBAI3OCP4KxQwR/lF9WO8fNv/4+UabMD1m6BwJkwSZKkQBzYarVitVpZsmQJDRo0YNy4cVgsFmrV\nqoVOp2PLli188cUXvPbaa5rHuHQpeEULGjeuG9Tt85Xq1J/q1BcITH8sFgtHendjmCnL5bsMYyKd\n9x4IyOyxqu+NxWLhwoXzxFag/KL9MRITY6vNs1bV98bfhHJ/Gjeuq/ldwNzjer2e2rVrO3xmMBjQ\n6XQUFxezZs0ahg0bFqjTCwQCN9TUwCp/lF8MlRKOgupJpedpFxcXM3XqVLp37+7gOlejQQMDer2u\nklrmO+5GQ6FIdepPdeoL+L8/UVGt+ax5c5LPnnX5LstopG9y64AZJXFvgpfq1Beofv2BKjDar7zy\nComJiUyePNnjtlevBm80ayi7XtSoTv2pTn2BwPXnYspg1WpXl1IGU1hYHBBNbXFvgpfq1BcI7f64\nG2xUqtHetGkTERERPPfcc5V5WoFAoII/grN8wWKx8NNPF9Hro4VrWSAoJwELRMvMzGT+/Pnk5OSg\n1+uJjY0lPz+fWrVqER0dDUCrVq1IS0vTPEYwj5JCeRSnRnXqT3XqCwS+P/4IznKH1Wple9pMGm3d\nTIucbM7EJ5A/eAgpaXPR60NbSbk6PWvVqS8Q2v2pkpl2cnIyK1euDNThBQKBn1ACqwKFc2pZx2qc\nWiYQBBqhiCYQCAKG0OwWCPyLMNoCgSBg1NTUMoEgUAijLRAINKmoLrnQ7BYI/Isw2gKBwAV/6ZIL\nzW6BwL+EduimQCAICP7UJbdPLWuZm83pAKeWCQTVGWG0BQKBAx6Dx2bM9mmGrNfrSZ0zH8uM2Vit\nZjqLPG2BoNwI97hAIHAgUMFjBoOBVq1aCYMtEFQAYbQFAoEDInhMIAhehNEWCAQOiOAxgSB4EWva\nAoHAhcrWJRcIBN4hjLZAIHDBPnjswoXzdA6QLrlAIPANYbQFAoEmgdYlFwgEviHWtAUCgUAgCBGE\n0RYIBAKBIEQQRlsgEAgEghBBGG2BQCAQCEIEYbQFAoFAIAgRhNEWCAQCgSBEEEZbIBAIBIIQQRht\ngUAgEAhChDBJkqSqboRAIBAIBALPiJm2QCAQCAQhgjDaAoFAIBCECMJoCwQCgUAQIgijLRAIBAJB\niCCMtkAgEAgEIYIw2gKBQCAQhAiinrYbDhw4wJQpU2jdujUAbdq04Y9//KPt+3379vHXv/4VnU7H\nvffey+9///uqaqpXrF+/nk2bNtn+zszM5NChQ7a/O3bsyJ133mn7e8WKFeh0ukptozecPHmSZ555\nhscff5xx48aRl5fH1KlTKS4upnHjxixcuJDIyEiHfV577TUOHz5MWFgYM2bMoHPnzlXUelfU+vPK\nK69gtVrR6/UsXLiQxo0b27b39FxWJc59mT59OseOHaN+/foATJgwgb59+zrsE0r35rnnnuPq1asA\nXLt2jTvuuINXX33Vtv2HH37I22+/TfPmzQHo2bMnTz/9dJW03ZkFCxbwzTffYLVaefLJJ+nUqVPI\n/m7U+hKqvxmfkQSa/O9//5OeffZZze8HDx4s5ebmSsXFxdKYMWOkH3/8sRJbVzEOHDggpaWlOXzW\nrVu3KmqN9xQWFkrjxo2TZs2aJa1cuVKSJEmaPn26tGXLFkmSJOnNN9+UVq9e7bDPgQMHpEmTJkmS\nJEmnTp2SHnzwwcpttBvU+jN16lRp8+bNkiRJ0qpVq6T58+c77OPpuawq1Poybdo0adeuXZr7hNq9\nsWf69OnS4cOHHT774IMPpNdff72ymug1+/fvlyZOnChJkiRduXJF6tOnT8j+btT6Eqq/mfIg3OPl\nxGQyUa9ePeLi4ggPD6dPnz7s37+/qpvlNf/85z955plnqroZPhMZGcmSJUto0qSJ7bMDBw7wm9/8\nBoB+/fq53If9+/czYMAAAFq1asX169cxm82V12g3qPVn9uzZDBo0CIAGDRpw7dq1qmqeT6j1xROh\ndm8UTp8+zY0bN4Jm5umJrl278vbbbwMQExPDzZs3Q/Z3o9aXUP3NlAdhtD1w6tQpnnrqKcaMGcOX\nX35p+/zSpUs0bNjQ9nfDhg25dOlSVTTRZ44cOUJcXJyD+wjg1q1bvPTSS4wePZrly5dXUevco9fr\nqV27tsNnN2/etLn1GjVq5HIfLl++TIMGDWx/B9O9UuuPwWBAp9NRXFzMmjVrGDZsmMt+Ws9lVaLW\nF4BVq1bx6KOP8sILL3DlyhWH70Lt3ii8++67jBs3TvW7r776igkTJvDYY49x/PjxQDbRa3Q6HQaD\nAYANGzZw7733huzvRq0vofqbKQ9iTdsNSUlJTJ48mcGDB2MymXj00UfZvn27y7pPqLFhwwZGjhzp\n8vnUqVMZPnw4YWFhjBs3jrvvvptOnTpVQQvLj+SFKq8321Q1xcXFTJ06le7du9OjRw+H70LpuRwx\nYgT169enffv2LF68mH/84x/86U9/0tw+FO7NrVu3+Oabb0hLS3P57vbbb6dhw4b07duXQ4cOMW3a\nNDIyMiq/kRrs3LmTDRs2sGzZMlJSUmyfh+Lvxr4vUH1+M54QM203xMbGkpqaSlhYGM2bN+e2227j\nwoULADRp0oTLly/btr1w4YJPbsGq5MCBA3Tp0sXl8zFjxhAVFYXBYKB79+6cPHmyClrnOwaDgZ9/\n/hlQvw/O9+rixYsuXoZg45VXXiExMZHJkye7fOfuuQw2evToQfv27QHo37+/yzMVivfm4MGDmm7x\nVq1a2QLtunTpwpUrVyguLq7E1mmzd+9e/vWvf7FkyRLq1q0b0r8b575A9fnNeEIYbTds2rSJf//7\n34DsDs/Pzyc2NhaAhIQEzGYz2dnZWK1Wdu/eTa9evaqyuV5x4cIFoqKiXEaYp0+f5qWXXkKSJKxW\nK99++60t0jLY6dmzJ9u2bQNg+/bt9O7d2+H7Xr162b4/duwYTZo0ITo6utLb6S2bNm0iIiKC5557\nTvN7recy2Hj22WcxmUyAPFh0fqZC7d4AHD16lHbt2ql+t2TJEj755BNAjjxv2LBhUGRg3LhxgwUL\nFvDOO+/YIvlD9Xej1pfq9JvxhKjy5Qaz2czLL79MQUEBRUVFTJ48mfz8fOrWrcvAgQM5ePAgb7zx\nBgApKSlMmDChilvsmczMTN566y2WLl0KwOLFi+natStdunRh4cKF/O9//yM8PJz+/fsHTaqKPZmZ\nmcyfP5+cnBz0ej2xsbG88cYbTJ8+nV9++YVmzZoxb948IiIieOGFF5g3bx61a9fmjTfe4OuvvyYs\nLIzZs2drvnQrG7X+5OfnU6tWLdsLslWrVqSlpdn6Y7VaXZ7LPn36VHFP1Psybtw4Fi9eTJ06dTAY\nDMybN49GjRqF7L1JT08nPT2du+66i9TUVNu2Tz/9NIsWLeL8+fP84Q9/sA1+gyVN6v333yc9PZ0W\nLVrYPnv99deZNWtWyP1u1PqSm5tLTExMyP1myoMw2gKBQCAQhAjCPS4QCAQCQYggjLZAIBAIBCGC\nMNoCgUAgEIQIwmgLBAKBQBAiCKMtEAgEAkGIIIy2QFCFHDhwgDFjxpRr3/T0dP72t7/5uUUy3377\nrS2/Ohg4deoUx44dq+pmCARVjjDaAoHAhQ8//DCojPaOHTuCRsdbIKhKhNEWCIKE3NxcnnzySR59\n9FEeeOAB9u3bB8D06dNZv369bbu2bdtitVod9v3www+ZMGECRUVF7Nmzh1GjRvHII48wadIkm1zj\n4cOHeeihhxg3bhy///3vuXHjBv3793cwzqmpqSxatIhPP/2U119/nf3792u2y578/HwmTZrEmDFj\nGDdunE2udMOGDTzwwAM88sgjPP/887YqUfZ9+PDDD3n55ZcBWep0xYoVPPHEE6SkpLB//34OHTrE\nqlWrWLp0aVDpeAsEVYEw2gJBkJCWlsb48eN59913WbRoEbNmzXIxzmp8+eWXbNiwgfT0dKxWK7Nm\nzSI9PZ2VK1dy77338tZbbwHwhz/8gVdffZVVq1bRtWtXPv/8c37729/y0UcfAfDDDz8QExPD008/\nTfv27Zk+fTo9evTwql1vvvkmffr04b333uO5557j448/Jjc3l/T0dFasWMHKlSuJi4tjxYoVHvtT\nq1Ytli1bxtNPP827775Lly5d6N27NxMnTlSt3iQQ1CRElS+BIEg4cOAAhYWF/POf/wTk0pD5+flu\n9zl58iTr1q0jIyMDg8HAiRMnaNSoEU2bNgWgW7durF27litXrlBQUECbNm0AePzxxwFZi/7RRx9l\n8uTJbN26lfvvv9/rdtlrNx85coTx48fbztmtWzd27txJx44dbdKSSls80a1bNwCaNWvG9evXPW4v\nENQkhNEWCIKEyMhI0tPTHeq0A4SFhdn+fevWLYfvsrKy6NatG6tWreL555932BbkcophYWGEhYWp\nllaMjY2lVatWfPPNN3z++eesXLnS63Y5t7GkpMRt/5S2OFNUVOTwt15f9loSKssCgSPCPS4QBAl3\n3XUXW7duBeDKlSvMnTsXgKioKPLy8gDYv3+/g+EbMGAA8+bNY/v27Xz11VckJSWRn59Pbm6ubfvb\nb7+dBg0aUL9+fY4cOQLAsmXLWL16NQAPPfQQb775Ju3btycqKgqQjbBiTLXaZU+XLl3Yu3cvAF9/\n/TXTpk0jOTmZY8eO2dax9+3bx+233w5AdHS0rU8HDhzweG3s2yMQ1GTETFsgCBJmzpzJn/70JzZv\n3sytW7dsVdYeeOABpkyZwsGDB7nnnnts9YMVDAYDCxcuZMqUKWzYsIG5c+fywgsvEBkZicFgsBnZ\nhQsX8tprr6HX66lbty4LFy4EoHfv3syYMYNp06bZjtmrVy9mz57NjBkzNNtlz5QpU3jllVfYvXs3\nAH/84x9p2rQpU6ZMYfz48URGRtK0aVNefPFFACZNmsSECRNITEykXbt2NgOuRffu3VmwYAGSJPHw\nww+X8woLBKGPqPIlENRwjhw5wrx583jvvfequikCgcADYqYtENRg/vKXv3D48GHbrFsgEAQ3YqYt\nEAgEAkGIIALRBAKBQCAIEYTRFggEAoEgRBBGWyAQCASCEEEYbYFAIBAIQgRhtAUCgUAgCBGE0RYI\nBAKBIET4/y8q7wsoT6NxAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "237OzHqlNQ-D", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Convert to PyTorch tensors\n", + "X = df.as_matrix(columns=['leukocyte_count', 'blood_pressure'])\n", + "y = df.as_matrix(columns=['tumor'])\n", + "X = torch.from_numpy(X).float()\n", + "y = torch.from_numpy(y.ravel()).long()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "0pahDv9WLD2S", + "colab_type": "code", + "outputId": "e3e7a63a-e027-4d04-8c54-8d658419750d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Shuffle data\n", + "shuffle_indicies = torch.LongTensor(random.sample(range(0, len(X)), len(X)))\n", + "X = X[shuffle_indicies]\n", + "y = y[shuffle_indicies]\n", + "\n", + "# Split datasets\n", + "test_start_idx = int(len(X) * args.train_size)\n", + "X_train = X[:test_start_idx] \n", + "y_train = y[:test_start_idx] \n", + "X_test = X[test_start_idx:] \n", + "y_test = y[test_start_idx:]\n", + "print(\"We have %i train samples and %i test samples.\" % (len(X_train), len(X_test)))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "We have 750 train samples and 250 test samples.\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "owLnzReJJdpj", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Model" + ] + }, + { + "metadata": { + "id": "zlPe1lXEJfcA", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Let's fit a model on this synthetic data." + ] + }, + { + "metadata": { + "id": "0WhYfDOjJdIV", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import torch\n", + "import torch.nn as nn\n", + "import torch.nn.functional as F\n", + "import torch.optim as optim\n", + "from torch.utils.data import Dataset, DataLoader" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "nTtsFHZY_G45", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Multilayer Perceptron \n", + "class MLP(nn.Module):\n", + " def __init__(self, input_dim, hidden_dim, output_dim):\n", + " super(MLP, self).__init__()\n", + " self.fc1 = nn.Linear(input_dim, hidden_dim)\n", + " self.fc2 = nn.Linear(hidden_dim, output_dim)\n", + "\n", + " def forward(self, x_in, apply_softmax=False):\n", + " a_1 = F.relu(self.fc1(x_in)) # activaton function added!\n", + " y_pred = self.fc2(a_1)\n", + "\n", + " if apply_softmax:\n", + " y_pred = F.softmax(y_pred, dim=1)\n", + "\n", + " return y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "1kXlfHpPJ5Vq", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Initialize model\n", + "model = MLP(input_dim=len(df.columns)-1, \n", + " hidden_dim=args.num_hidden_units, \n", + " output_dim=len(set(df.tumor)))" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Ncxbef0yJ6pD", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Optimization\n", + "loss_fn = nn.CrossEntropyLoss()\n", + "optimizer = optim.Adam(model.parameters(), lr=args.learning_rate) " + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "srlaBr8oiftE", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Accuracy\n", + "def get_accuracy(y_pred, y_target):\n", + " n_correct = torch.eq(y_pred, y_target).sum().item()\n", + " accuracy = n_correct / len(y_pred) * 100\n", + " return accuracy" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Mjg4u-zCK90q", + "colab_type": "code", + "outputId": "cdcefbe6-fbdf-4cfb-de36-d365573d2ed5", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Training\n", + "for t in range(args.num_epochs):\n", + " # Forward pass\n", + " y_pred = model(X_train)\n", + " \n", + " # Accuracy\n", + " _, predictions = y_pred.max(dim=1)\n", + " accuracy = get_accuracy(y_pred=predictions.long(), y_target=y_train)\n", + "\n", + " # Loss\n", + " loss = loss_fn(y_pred, y_train)\n", + " \n", + " # Verbose\n", + " if t%20==0: \n", + " print (\"epoch: {0:02d} | loss: {1:.4f} | accuracy: {2:.1f}%\".format(\n", + " t, loss, accuracy))\n", + "\n", + " # Zero all gradients\n", + " optimizer.zero_grad()\n", + "\n", + " # Backward pass\n", + " loss.backward()\n", + "\n", + " # Update weights\n", + " optimizer.step()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "epoch: 00 | loss: 1.2232 | accuracy: 39.5%\n", + "epoch: 20 | loss: 0.4105 | accuracy: 94.7%\n", + "epoch: 40 | loss: 0.2419 | accuracy: 98.7%\n", + "epoch: 60 | loss: 0.1764 | accuracy: 99.5%\n", + "epoch: 80 | loss: 0.1382 | accuracy: 99.6%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "wHCvuSEaK-2x", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Predictions\n", + "_, pred_train = model(X_train, apply_softmax=True).max(dim=1)\n", + "_, pred_test = model(X_test, apply_softmax=True).max(dim=1)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "5whE6K0rOmGN", + "colab_type": "code", + "outputId": "0d895286-edda-4b8e-f520-ebb63d8fd070", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Train and test accuracies\n", + "train_acc = get_accuracy(y_pred=pred_train, y_target=y_train)\n", + "test_acc = get_accuracy(y_pred=pred_test, y_target=y_test)\n", + "print (\"train acc: {0:.1f}%, test acc: {1:.1f}%\".format(train_acc, test_acc))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "train acc: 99.6%, test acc: 96.8%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "bzFb90SJOmI2", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Visualization\n", + "def plot_multiclass_decision_boundary(model, X, y):\n", + " x_min, x_max = X[:, 0].min() - 0.1, X[:, 0].max() + 0.1\n", + " y_min, y_max = X[:, 1].min() - 0.1, X[:, 1].max() + 0.1\n", + " xx, yy = np.meshgrid(np.linspace(x_min, x_max, 101), np.linspace(y_min, y_max, 101))\n", + " cmap = plt.cm.Spectral\n", + " \n", + " X_test = torch.from_numpy(np.c_[xx.ravel(), yy.ravel()]).float()\n", + " y_pred = model(X_test, apply_softmax=True)\n", + " _, y_pred = y_pred.max(dim=1)\n", + " y_pred = y_pred.reshape(xx.shape)\n", + " plt.contourf(xx, yy, y_pred, cmap=plt.cm.Spectral, alpha=0.8)\n", + " plt.scatter(X[:, 0], X[:, 1], c=y, s=40, cmap=plt.cm.RdYlBu)\n", + " plt.xlim(xx.min(), xx.max())\n", + " plt.ylim(yy.min(), yy.max())" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "ViwfNFOYRDkm", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're going to plot a white point, which we know belongs to the malignant tumor class. Our well trained model here would accurate predict that it is indeed a malignant tumor!" + ] + }, + { + "metadata": { + "id": "_oEf6XRmOsJE", + "colab_type": "code", + "outputId": "34be9806-8b48-4c61-c5df-fe38a29ae6d5", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Visualize the decision boundary\n", + "plt.figure(figsize=(12,5))\n", + "plt.subplot(1, 2, 1)\n", + "plt.title(\"Train\")\n", + "plot_multiclass_decision_boundary(model=model, X=X_train, y=y_train)\n", + "plt.scatter(np.mean(df.leukocyte_count), np.mean(df.blood_pressure), s=200, \n", + " c='b', edgecolor='w', linewidth=2)\n", + "plt.subplot(1, 2, 2)\n", + "plt.title(\"Test\")\n", + "plot_multiclass_decision_boundary(model=model, X=X_test, y=y_test)\n", + "plt.scatter(np.mean(df.leukocyte_count), np.mean(df.blood_pressure), s=200, \n", + " c='b', edgecolor='w', linewidth=2)\n", + "plt.show()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAE+CAYAAABr3xMwAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzsvXmMI+d57vvUyn3fe++enn00o9E2\nGi1WLMuW5AMjyOIYDuzYSHKd3BjXAZI4B1Ks4wRCHNiIYSAJYOfoDyexb2AnuUnOyY1tHd8cOHYi\nWRqNZjQzmtEs3dMb953FIous7f5R3exms9jN3tnT3w8QNF0ski/ZzY9Pvd/7Pi+l67oOAoFAIBAI\nBALhHofe6wAIBAKBQCAQCITdgAhfAoFAIBAIBMKBgAhfAoFAIBAIBMKBgAhfAoFAIBAIBMKBgAhf\nAoFAIBAIBMKBgAhfAoFAIBAIBMKBgN3rAAiElXzxi1/EG2+8AQCYn59HOByGxWIBAPzDP/wDnE5n\nT4/z3HPP4dvf/jaCweCOxUogEAgEg+1au5f4u7/7O/zSL/3StsdJIFDEx5fQrzz99NP4yle+goce\nemivQyEQCARCj2x17ZZlGY8//jjefPPNbY6MQCClDoR9xCc/+Ul87Wtfw/PPP4+3334buVwOv/Zr\nv4bnnnsOTz/9NL75zW+2zj169ChSqRTeeOMNfOxjH8NXv/pVPP/883j66afJYkogEAi7SCKRwGc+\n8xk8++yzePbZZ/GTn/wEAKAoCl544QU899xzeOaZZ/C5z30Ooiji05/+NCqVCp577jkkEok9jp5w\nr0GEL2Ffce3aNfzrv/4rHnjgAXz961/H0NAQfvCDH+Cv//qv8dWvfhXJZLLjPtevX8eZM2fw/e9/\nH7/8y7+Mr3/963sQOYFAIBxMfv/3fx+nT5/Gq6++im984xv4vd/7PZTLZfzoRz9CJpPB97//ffzw\nhz/E2NgY3nnnHXzpS18Cx3H4wQ9+gIGBgb0On3CPQYQvYV/x1FNPgaaNP9svfOELeOmllwAAw8PD\nCIVCWFhY6LiPw+HAM888AwA4efIkySAQCATCLiEIAt566y18+tOfBgCMj4/j/vvvx49//GP4/X7c\nvHkT//Zv/4Z6vY7f+Z3fwWOPPba3ARPueUhzG2Ff4fF4Wv++evVqK8tL0zSy2Sw0Teu4j8vlav2b\npmnTcwgEAoGw/QiCAF3X8Yu/+IutY7VaDe973/vwkY98BC+++CL+6q/+Cp///OfxgQ98AF/84hf3\nMFrCQYAIX8K+5fOf/zw+9alP4eMf/zgoisKTTz651yERCAQCYQXBYBA0TeOf//mfYbVaO27/8Ic/\njA9/+MMoFot44YUX8M1vfhM/+7M/uweREg4KpNSBsG/J5/M4deoUKIrCP/3TP6Fer6NWq+11WAQC\ngUBYhOd5PPnkk/jOd74DwMj2vvDCC0in0/j7v/97/OVf/iUAwOfzYXx8HBRFgWVZqKpK1nPCjkCE\nL2Hf8tu//dv47Gc/i4985COo1Wr42Mc+hpdeeglzc3N7HRqBQCAQFnn55Zfx2muv4bnnnsPP//zP\nY2xsDJFIBM888wwuXbqED33oQ3j++ecxOzuLT33qU4hGozh9+jSeeuopXLlyZa/DJ9xjEB9fAoFA\nIBAIBMKBgGR8CQQCgUAgEAgHAiJ8CQQCgUAgEAgHAiJ8CQQCgUAgEAgHAiJ8CQQCgUAgEAgHAiJ8\nCQQCgUAgEAgHgl0ZYPGrX/vxpu/LMjQUtT8nbfVzbEB/xFcvSxAzIpwRB6zudvPyfohvLQ5yfNlm\nCQDwP35TRfGlv8JMfGRD92cYGmofv3cbje/B/+fPdzCa/uRXv/bjvvkMkDhIHP0cQ69x6JoOTdFA\nczQoijI9J9ss4Sv/RwmTb17ClVeUDcfRL2vvXsex1prd/5PbzP82+oN+jg3Y0/h0TcfcGwsoxwXj\ng87S8Ay5MPLIECia2vP4euKAxpdtlnDumQpenHRsSvQC6Lqo9wv9Hl/f0C9vE4mjHRLHMv0QA7Bm\nHLquI/1uFsW5EhRJBe/kEJwMIDDh2/4w+mRt65c4zCClDoQdIX09i+JsGZpiXPFpiobiTBmZG9k9\njoywFtshegkEAoGwTPZWHqlrGTQqTahNFfWChPjbSVRS1bbzck3B+Ieuo/K96T2I9GBAhC9hR6hm\nxQ0dJ/QPvzC2ufIGAoFAIHRSXqh0HDOSQaXWz7mmAB0qzj1TwVHWvZvhHTj6v9SB0FeU5svITxXR\nFJvgHDyCh3zwDnv2OiwCgUAgbBPVTBW5qSIUSYHFySN8PAiL07LXYe1btKZqelyVjeMrRe+Lkw5c\n+tX/DYAkHnYKInwJPVNJCpi/kIC6+CFuCE3U8zVQDA3PgKvtXGfIgWq6M7vrDDl2JVYCgUAgbJxK\nUsDsTxegNox1vpoWUc2IOPQzY+Ad/B5Htz+x+myolxsdx+1eo+Fbh4qv/HoRkxcu49KXNt7QRtgY\npNSB0DOF6WJL9C6hyhoK08WOcyMnQvCNekCzxp8YzdLwj3kRPh7alVgJBAKBsHFyt/Mt0btEQ2gi\nezO/RxHtfyInQ7B62jPmzrCj4/uQ1PXuDiTjS+gZuWG+XaNInVeoFE1h9PywYWeWFeEMd9qZEQgE\nAqG/aIqy6fGG2NzlSO4drC4LDj8zgdztAuS6DJvHCv+Eb9nhiLCrEOFL6BmLk4eY6SxfsLi6b3/Z\nPFbYPETw7geWvHsJBMLBhbNzkEy25Xk7twfR3DswHIPIic4dT7Lu7j6k1IHQM+HjwQ6Ry7t4hI8F\n9ygiwnaxcmBF+I/+kTg6EAgHlMCEDwzXLg14J4fgkcAeRXTvsrTufuXXi2Td3UVIxpfQM1aXBYfe\nP47szRyaNRmcnUP4SIA0POxziHcvgUBYwjvsAcXQyE8VDFcHlwWhowFYXcTVYTtpX3eJ6N1NiPAl\nbAjezmHwbGyvwyBsM39w2InCF75JFl8CgQDPgKvDqYew/RDP9L2BlDoQCAQCgUAgEA4EPQnfW7du\n4ZlnnsG3v/1tAMCFCxfw8Y9/HJ/85CfxG7/xGyiXyzsaJGFjNMUmcncKqObIlDQCgUAgEAiEJdYV\nvrVaDS+//DLOnz/fOvYnf/In+OM//mN861vfwtmzZ/Hd7353R4Mk9Iau64hfTuHmq1NYeCuBmz+c\nxvSPZ1vTYQgEAoFAIBAOMusKX57n8corryAcDreO+Xw+lEpGN2K5XIbP59u5CAk9U5wtI3sz1xoy\noas6KgkBicupPY6MQCAQCAQCYe9ZV/iyLAurtd2H9cUXX8RnP/tZPPvss7h48SJ+7ud+bscCJPSO\nkBIAvfO4mKvtfjCEfcGSnY6um/zhEPYtpDyNQOhfltbdo6x7jyM5mGzK1eHll1/GX/zFX+DBBx/E\nl7/8Zfzt3/4tfuVXfqX7kzA0sIUBJSzbvz14/RQb1eVNbtZl5O8UEDoSAN1nk2L66f0z416OL1kz\nRk1/5deLUF+/jIX0ONht9HlhWWb7HmwH6Pf4Nku38rQ//dM/xcTEBL7xjW/gu9/9Lj7zmc/sYZQE\nwu7TqDaQupZFvVgHzdJwD7gQORECRe3e9+JK71719cvE0WEP2NTX3M2bN/Hggw8CAB577DH8y7/8\ny5rnK6q2macBYHyxK8rm77+T9FtszqgThdlSR9ZXa2qYfyuBcryC8SdH+2ZMYr+9f6u5l+NbObCi\n+NI/4so2L74sy0BR+re2vN/j2wpL5WmvvPJK69jq8rSJiYm9Co9A2BM0VcPMf86jXpRax2r5OtSm\numsWnasHVmz3ukvojU0J32AwiDt37mBychJXr17F6OjodsdFWIf8dBH56SLkugyLg0fwsB++UQ/q\nxToKd0utOt+VVJJVFGdL8I+TmmwC8D//Tw2FLxAPyXsNlmXBrkrdv/jii/jEJz4Bt9sNj8eD3/3d\n392j6AiEvSE/VWwTvUuUFiqI3RcBvUu7e8a6SwZW7CXrCt9r167hy1/+MuLxOFiWxauvvoo/+qM/\nwhe+8AVwHAePx4MvfelLuxErYZHibAkLFxPQVSO1K4sy6iUJNMdg8GwM/gkfbv2vO9BNElq1fJ0I\n3x1C13WUFyoQUlXQLA3/uA82r3X9OxIIO8xGy9OAxRI19E+5D4mjHRLHxmJQJNn8eF0GVA2sdet1\nXuvG0TT+R1HUjpZa9UsZV7/EsZp1f9OnTp3Ct771rY7j3/nOd3YkIML6FGZKLdG7hNpUUbhbhDvq\nhNVlAW/n0RCaHfdlLf35h3gvMH8hgcJ0sfVz4W4Jgw/E4B/z7mFUneSawl6HQNhlNlqeBhglav1S\n7kPiIHFsNQZrlySExWUBxTFbfh0beS90Xd+xUqt+KePqlzjM2PtLNcKGURrmf0xL5Q0UTcEz1Nkt\nyjt5BA77dzS2g4qQEVGYKbYdU5sqMjdz0LX+cUzINQXoUHHumQp0XSfbbQeEpfI0AKQ8jXAg8Q57\n4B5wth2jWArBSX/f9L0Qdodt7OEm7BZWtwX1Qr3juMXFt/4dOx0Bw9IozlegySqsXisiJ0LgrNxu\nhnpgEFICYHKxLxUlNMUmLC7L7ge1iiXR+5VfL2LywmVc+pKy1yERdgBSnkYgdEJRFMYeH0H2Vh61\nQh00Q8M36oE75trr0Ai7DBG++5Dw8SDEfA3NFaUMNp8VkeOh1s8URWHwTBSRk2GzhyBsM6zF/KPE\nWBgwXW7bTVaL3iuvENF7r0LK0wjbiapoyL6Xg1SRwPAsgpP+fdu7QDN02/fkbkI80/uHvf9GJmwY\nm8eKyfePI3crD7kug3fyCB0JdBVf9yK6pgMUdtV/cS2Ch/woTBUhVRptx90xF1i+P+qqz32wimOc\nB4XvTQMgJQ4EAmFtVEXD1I9mUFsxBKkcr2D03CBcUZIp7RXi3dtfHByldI/B2zkM3B/d6zB2HTFf\nQ/rdDGpFCTRLwxm0I3Y6As7WWwmHrusoLVQglSTYfFZ4Bt3bIp5plsbI+SGkrqZRK0igGQquiBOD\nD+6OPySBQCBsN9mbuTbRCwBKXUHmZp4I3x5ZKXrJblt/QIQvYd+gNlXM/nShrcSjIDRRmCnBPeDC\n8MOD4NawpFEVDTP/MQshJbaOuaJOjD8xsi0ejnafDRPvG4OmaqBoqm+y0QQCgbAZVu9gLdHocpxg\nDhlY0V8QVwfCviF3J98melvoQCUuYP5CfM37p65l2kQvAAipKlLvZrYzTNAMTUQvgUDY93Szv9wO\nz9uDwlKJGaF/IMKXsG/oZuO2RDUjQpa6byPV8rUuxzsdMrqha3pf2ZMRCATCThE8HABnX1VGRgHe\nESLkCPsXctlG2BWUpgqKAhhu841ezpAd2Zv5rrdrigZNVoEu2QiaMb/Oo3qZ+tNUEH87iWpGhK4D\nDr8NA2ejsDj33qZsPZYcHaBrpKOYQCD0jNVlwej5IWRu5CBVGmCtLHwjboSOBPc6NAJh0xDhS9hR\nasU6ku+kUCtIoGjAEXJg6IFYz81oK3EPuuEdcaM0VzG93e6zgXfyprcBgHvABSFV7TjuGVi/SWPu\np3FUEssTz8pxAbKk4PAHJvra/HzlwIoXJx249Kv/G8TRgUAg9Ioz5IAz5NjrMAiEbYMIX8K2IjcU\npK9mUCvWQTEUGkITSn25/KA8X4GuaJh4amzDj01RFEbPD8M9UEbmvRyksgQsJjA5O4vIqXDX2lqj\nPEGHxcWjWZOhqzo4OwffqAeBQ741n7deliBkOgVzLV9H9lYOug5wNg6+Ec+2imAhI0IqSXDFjDHU\nG4UMrCAQCIS9I9cUMAHi3dtvEOFL2DJNsYlyXABnY5F+L4f6OjWzQkaEVGnA6bdt+LkoioJ/zAv/\nmBf1Yh2lhQpohkbgkG9NH+O5NxZQnC0vPw4NBCZ9iJ5Yf8CHLMrQFfOFK3El3ZrYlr2Vx+ijQ7C6\nt1b+oDQVzL6+YGSndYDhaPjGvBh8INZV2EuVBjRVg81rbTuHePcSCATC7rOUePiFURnq6xeId28f\nQYQvYUskrqSRv1OA2ly78WwluqpDlmQAvQvferGO9PUs6mUJrIWFd9ioM7P51n8MIV1Fcb7cdkzX\ngMJ0CeGjwbbaX1VWkb9bhCZrCB7yg7WycIYd4J0cmlW588FXjCmuF4yyjvEnR3t+XWYk30lDSC5n\nmFVZQ+52AXa/Df7x9uy0VGlg4a0EqjkR0ACb34aBMxG4Is7VD0sgEAiEXYB49/Y3RPgSNk0lKSDz\nXrZN/PUCxVA9CdYlZEnG3dfmW1ZmDTQh5mrQFB2RE+uPnxSzNdMYm9UmpEoD9sVYhJSA+beSaFaN\n58nezCN8PIjI8RBCRwJIXslAU9Z+sWKhDk3VujbS9YKYM3efKM1X2oSvruuYvxA3Xt8i9UIdCxcT\nOPrs5Kafn0AgEAibI9c0ekGI6O1fiJ0ZYdNU4pUNi17AyPgWpos9n5+7Vej079WB4lzZ/A6r4B3m\njXSMhQG/aNWj6zqSVzIt0QsYAzMyN3JoVJsIHQni0PvHEDwSQGDS17UhjtrBMcpiTmyrFasV6qYi\nuVExhnoQCAQCYfdZKjGrfG96r0MhmECEL2HT6FsQePVi79653bx5FUnpyVPXN+qFPdCZYfYMulp1\nwVK5gVqhMya1qaI4a4hIR8COoQdiGH5oEJFTIdBc58fH6rVBSFfXzQyvRbdsuNrUUFoh9lVZazX3\nrWYrz08gEAgEwr0KEb6ETeMddpv+BVncFriiTniG3K2M6moYvvcqG6vHvFnM4uJ7clGgaApjj4/A\nN+aBxc3D5rMifDyI4YcGW+fQHA2KMX8ss3HGdr8dA6cj4F2L9mkUwFgZVNNVTP/7LN77wW1kb3f3\nHF4L77C7623N2nKdsSvsMH1vWCsLLcYQ714CgbAmmqJBJRfJ2wbxTN8fkBpfwqZQmgoy13MdpQ7O\nqANj54dbmdTUtQxS19pHArNWBsHJtS3EVhKc9KO8UGmrZWV4BqHD/p4fg7dzGH10uOvtFgcPZ8jR\n4fPLOzgEJsxjDR4OwD/hg5irIXcrj3J82ee3WZWRfCcNu98GR8De9XnFfA2Fu0VoigZH0I7AhB+u\niNO0mY5mKbijy01rFE0hdjqChbeTkEXjXMbCwHnUBcZKtbx7iy/9FekoJhAILZo1GfG3E8aaShm7\nWftlIE+/kq5X2jzTybrbvxDhS9gUySsZ02EQviFPm61Y5KTRfFaaL0NpqrC6LAgdC8Lqtvb8XDRD\nY+KpMWRuZCGVJTAcA/+Eb9tN1YceHsD8hQTErAhd1WH32xA5FV5z2hzN0HCGHJh7Y6HjNk3RUJwt\ndxW+hZkS4m8nW44YxZkyhLSIsceGETwcQPJqus1GzT/m6yiD8Ay64Qw7kJ8uGuOUB9k20UsGVhAI\nhJXouo65ny6gmhFbx8pxAXJDxeEPjO9Yj8K9DBkUtL8gwpewKbo5D1TSVQQmlzOxFEUheioMV8yJ\n7K08FElBOV6BxcHBuUYmdDUMSyN2X2TLca+FxcFj8mfG0BAa0BQNzqAdqtrbdlXXXa0uN+i6juzN\nXIcNXHm+gvJCBeGjQdi8VpTmytA0He6oE94Rj+ljMRyD8FFjhGiuKeCRD5bxB5NOFL7wTZDFl0Ag\nrETM1VDNih3Ha7kahGQV7h4mWRI6OffBKll39wlE+BI2RbekgFm2oJoVMfPa/PIEt7QIIVVFYMwL\nVdVh91vhHfb0TabBsjglzYhnfeFL0RQcfltbqQMAgO4+DlmRFEiVhultYr4O77AHroiT+PESCIRt\npVltdl3WmmLT/AYC4R6CCF/CpnCGHKgXpfaDFEyzBdmb+baxxYAxDS31brb1c3GghLHHR0z9b6uZ\nKvLTRSiSAsbCInIiBJun91KJnUDXdWTey6GarkLXYDTN+W2oLzpDMByNwKQfrpgLuqajNF+GLCnw\nDnvA2zkwHAPWwkCudTpWsNbupRUEAuHeQdd1pK9nUUkIUGUVNq8N0ZMhWHdwffMMucFdzUCutfcQ\nsFYGnjUaa/uNWqGG/FQRqqzC4rQgdCwAdgNN0xtFUzUUpouQJQXumBOO4PaW2hF2DyJ8CZsidiYC\nWZJRSRjWXayVgX/cB/+Yt+PcZs1k4tkqKokqsrfziBxrH0hRmi9j/kKirSSgNFuGe8iFsUeHTR0X\ndoOFiwnk7yx7EVczIuxBG0bPD6FZk+EZcsPqsqBWrGP+zXjrIiF9PYvw0SAiJ0LwDLqRu11oe1yr\n24LgZGBTMcV++hOceOdNeP+ujovnhjGoEON0AqGfSV5JI3Mj1/q5UWmikhQQOhpA5Fho29Y3uaFA\nSAqwuq2w+20IHQ0gdXV5IA/NUggdCYKzmrvw9BvlhIC5NxagNpa/F4R0FYd+ZmzNnozNUi/WMfvT\nBUhlY5cu814O/jEvhh4a6JudSkLvEOFL2BQ0Q2PssRFIFQlSqQFH2N510eRsLHpx7a3lO8/K3TYf\nh1xZEBC/lMTww4Mdt+0kmqoheSWN/FTnAI5aro6MmsP4k6MtG7fkO6m2zLjaUJG+noU75sTg2Rho\nlkYlIUBTNNh8NkRPhcFs4stu7If/iolX/wW0ZrxXt96eRSZmQ/jcGCiauBYSCP2GrukoLVQ6jmuy\nhvS1LCpxARPvGwVn25oYTV3LIHenAEVSQDEUnGEHRs8PwRl2oLg46MY74ulowtV1HVK5AZql+s7t\nIXcr3yZ6AeP7I3srj+jJ8LY/X/JqpiV6AWMIU36qCHfMCc+Qee8FoX8hwpewJaxu67oODcFJP8Rc\nrWOhWo1ZdmOtmjMhbUwy260rbl3XMfMfc6gkO90slqgXJSy8ncDEE6NQGoqpmNcUDcW5MgbO2DBw\nJoqBM9EtxUUpCqIXf9oSvUuUknWwU7Owul2weN1gLfyWnodAIGwfqqxC6TKcBzDWkvT1LIYeHNj0\nc5STAtLXM9AXbSd1VYeQrCJxOY2RRwZb49pXI6SrSL6TRq1QB8VQcATtGH54oG8EsCSY90c0uvRN\nbAVd01HrMnCpkqzCM+Qh3r37DCJ8DxiyJKM0VwHDM/CNeHoaALFV3DEXRs8PIX+nCLkuQ1VUNMrt\ngpbmaPhHO8skWBuHpmheKqGru2u8XlqorCl6lxAzItSmCl3Tu5rDy/X1yz96ha8KsBTMh2Xk3p0C\nNA2MlYd7KIbQfUfI1hyB0AcwPAOLi0e9IHU9p17empArL1RaonclZq4OS2iKhvkLidb4dl3VUU2L\nmL+QwOT7x7cUz3bBWdmWd/lKWOvakkZTNZTmy2A4Bu6Yq7fvPwqgu5zXoBRkmyXi3bvPIML3AJG5\nlUPqWhpa07gqTV1NYeyxEdg3YCu2WdxRF9xRo/FN13UkLqdQjlcg1xVYXBYEJ/1wRTsdDALjXtTy\nNdMuZHvAvq6I03UdlYSAhtCEe8C5If/g1dRNRhqbQ0EHkLtT6No9XZwvwxlxIjDe+yCPbiQsFES/\nD95MpvNGzfjWU6UmindmwTns8B3qPsiDQCDsDhRFIXQ4gIW3k9Bk8wtklt9ivWpXm8Xud8nPFFui\ndyXVrAipLO1o412v+EY9RhZ2xdvGOTiEDnfvjyjOlpC8mmm9NpvPiqGHBtYcMAQYvydXxIn8dHt5\nG8XRsI3YWqK39N/+mojefQIRvgcESWggeaV9IEJTVDD9H3M49bPHdjUWiqIweDaG4bMxSDUZnJVt\nXXkrTQWpa1nUi3XQLA3PkBsj5waRfCcNeYUzhNVjQey+tWu55LqMmdfmWxPfUu/S8I95MfhAbFNZ\nT4uzt1IBu98GlmdMyxxaqEadmn/Mu+UMrM4wUD92H+j//iNo65STiOkcEb4EwiKaoiE/XYDcUA37\nwPDudur7x33gHBwSl1MdmV+KpeAd3Vr9qDvmROFusUPoOoLmJQ4AuopwaIDa7bZdJnQkCIqmUJwt\nQ22qsLgsCB8Pgu+yRisNBYnLqbbvkHpRQuJSEpMfmFh3DR44G0VDbKKWr0NTNFg9FtgmHXjyo82W\nd+9CehzA2usvoT8gwveAUJwptYneJZS6gtJ8Cd7hzjKDnYZm6VYTGGDUUt39yVzbaGIhVUX0ZBgn\nf/YYclN5ZG4YQzA0TUduqoDB+2Ndt6sS76TaHkuTNeRuF2AP2k3LKtbDP+5DfrrYIWgphoK+OOjC\n5rdh4KxRs0szay+mUqUBpaGCW2d7rhfKn34C/+VkAFNf/h6qAodmVYQqmdRHa/3xxUUg7DUdnfo3\nsvCP+TD88O526nNWrlNs0kD4aAC+4a0JX++wB6GjdRSmi0aTMGVYUa7VV+Ab9SLzXq6jJ8PmNRwh\n+oXgZADByQBYlobSpaRsicLdUpvoXULM1VEvSV1rnQGgVqwjfjEBMWes+5yDQ/S+MJQwDaC8pddA\n2BuI8D0gaGssDNWMuCfCdzWFmVKbUAUA6MYWlX/Ci8yNfGubqik0kRMK0DUdww8Zzg6S0EA1LcIR\nsMHms0HsknEVUtVNCV+KpjD+xAhS1zKoFYyMtHvABd+IB+W4ANbKwjvkbglx94AL5YTQdVuRs7Fg\nuO1zXBj/+IPwvHsFM/ERZK7eRPH2bMc5tuDe/54JhH5gdac+NKAwXYQr6oBvZPc+J5n3cmgIqy5S\nNUAWt8eOcPD+KEKH/SjHBVhcPFxR55rCnrdziJwMIX0t23LU4RfF3m70hOw2a/WK6LqO+MVkS/QC\nhgd94lIKwQ9srSmZsHcQ4XtA8E/4kL1p3gC1Vbuc7aJbR25DbCJ3M29ad1ZJCFAVFYnLKZRmy1Bl\nDRRLGY0LXZ5nK9kczsaZWqiFjnTWlgUO+dGsyUa2wcTL2DPoNh3YsR0ET0yiWREhZnKG8KYpOGNh\n+I/0R3PKTlDLF1FLF8DaLfCMDBAbN0JX1urUr6bFXRW+DZN1ba3jm4F38KZrVDfCR4LwDrpRmCmB\nZmkEJnw74o+7HrquQ0hVIdcVeIfcYDZZ82wLdM/oSuVG12EU9ZIEMV/rON4UZYiz6zc6E/qTnoTv\nrVu38Fu/9Vv49Kc/jU984hP43Oc+h2LRKPQulUq4//778fLLL+9ooIStYfNYYQ/YOrbpWRuLwCH/\nHkXVjtVjbpVjcfDQutjEqE0NuZv5tmESuqKjPF8xfTyKxqamE5XjFWRvF9CsNsHZWAQmfPD30JgW\nuy+C8LEghKSA4lzZ8MXkaHjljGPjAAAgAElEQVQG3IicDK17/81CMwwGHzsLMZNHoyTA5vfAHuqP\n3/N2o+s6Um+/i8p8EtCMv5PS9Dxij5yGxUmmKxFMoND1onOnLka7wXWZ1Mja9jYvxTv4LXniioU6\nGmUJrphzQ4MxVFlFvSSBooH4pTRqucUejWsZhI4FED4S3HgwWvduPsXEJ34JXdW7NwKu8ZiE/mbd\nT1atVsPLL7+M8+fPt4792Z/9WevfL7zwAj760Y/uTHSEbWXiqVEsXEigkqpC13TYfTZE7wuDtezs\nAqtrOgp3i6iXG+AdHIKH/Kaevb5RL/LTxfZyBwrwjXlh81iQu1XouI/VYzG9IgeMGtqVcHYOgUM+\neGKdY5XXopqpYv7NOJTFmrdmtYlasQ6KpuDroWSC4Rh4R7zw7lAWSYcKQO/wkKQoCs5IEM7IJr4o\ndoCl+La7frIyn0RlNtF2rFESkHv3DgbPndnW5yLcGxid+g7kV2VVGZ6Bf3x3y4ECh/wQ0mJbTS3D\nMwhMbN3xZS9QmgpmX19ojXNnrQwCh/yI3RdZ8366riN5NYPizOIOGY021wa5JiN9NQNXxLnhkfXO\nkAMWN49GpfP37RvpXkdtD9jaRtEvwdlY2EZsAGrEu3cfsq7i4Xker7zyCl555ZWO26anpyEIAk6f\nPr0jwRG2F5ZnMfb4CFRZXRwzzO5YE4eu62gIDVAUhfkLCVQzy76RxZkSxp8cBetuz8hSNIXxJ0eQ\nfjeLWlECw9LwDLkQmPBD13V4R9wozS1POmIsDMLHgq3pQ51BtP8YmPQhemJjGQyp0kD6Rq4lelsP\nregozJR6Er47gSqroCkg2zRe+4uH7H3rIdms1pC9dgtSsQzQFOwBP8Knj4LhzbNAuq5DkRqgGabr\nOSupZTsviAAYz0cgdGHwgRg0VUclKUBtqLB6rQgfDcC2RqPTTuCKODFybgj5O3k0RRmcnUNw0g/3\nBi/Q+4XE5TSEFX7niqQifSMLu98Gz2D33bbCdBGZG9nldduk9FaVNRRnSrBtcOgPRVOInAgjcTkJ\nRTLWcpqlEToaAO/o7tZDURQGzkQQv5hsJVI4OwfHMScYC9O27rKkcHTfsO6vimVZsF1+o3/zN3+D\nT3ziE9seFGFnYThmR+u1KkkBqatGAxgodAjQelFC6loaE491ijSWZzF4NtZxnKIojJ4fhnugDDEr\nGnVnh3ywuq2Q6zLKcWHduLK38qAoCrVcDRRDwzvshrdL13RDbGL6rQSEjNhybFjNajHcjaV6Qs7G\ngrdvbXpaNSsidS0DsVAHxQJDZxj83y/4UXzpb/pS9Oq6juSFq20itCImoCkKBh+9v+N8MZNH7voU\npHIFNMPAHvIjcvYE2DUEMNVty5rU+BLWgGZojD46BKWpQm0o4B38njVveQZc8AzsT6G7GtFsOIYG\nlOPCmsK3skYj8HbgH/PCGbKjMF2EpunwjXh6ushxRZw48uwhFGdL0FQd2gCF889X8eKk2rfJBsLa\nbPoapdls4uLFi/jDP/zD9Z+EodG106gHWJNt8X6hn2MDdj8+tali4WJyuRGty0ImlYyr543GF570\nA5PttarR4yE0hCYKd4vQTCzbWrFJKpLvpFs/lxfKkGsyYiZ1bNMXE+tOabO5LevGn5sqIHU9uzjz\nnoY75sTY+SGw/MY/eqqsYv7NeKsDXJeBuZ9q+MNfu4RPOMf7LuPAsgxKcwnTzKuYyUOtS7C4lmtw\nlWYT6UvXIYvGtqKmaqjG06BpCsPnz3Z9Hv/YEIS5FDSlvQveEQ2CZbtf4K11G+HgwPLM1gdFEFp0\nXYFXlAToulE7u/JCQ+uhZpbh6C3tsvEOHtF1Si7MoBkagQk/ck0B5z9Ybnn3EtG7P9n0V+WFCxd6\nLnFQtjBathePvr2in2MDeotPrstIXlmeye6OuhA9tXnbmsytnKn7wmpodnFgxTa9f0MPDrS2wXpF\n14DsnQICk/62hha5LqOa7j7SEzCGWYSOBtaMX6pImL+YbFkCaYqG0nwFM3QcY+c3PkQifdPE9gjA\nW6UAPsILcND987fIsgwURUWjal5/rSsqpEoVjG25Vi9/e64leldSTeXRqEldyx54rxvBU4dRmppD\nUxDB8BwckSCCJ49AUcyz8kvxEQiE7cURsKO5ep2iDHtHXdeRvp5Faa4MpaHC4uIRPhaEZ9ANR8DW\nViKxGs7OIXQsAJt37yfHEfY3mxa+V69exbFjuzvxi7C96JqOu/853+qaBYB6QYLSUEwtu3phrYzr\nStba8tos9VL3mffdaApNNKrNtmYJTdW7Zh+sbh6umAuhI2vXhgFAfsk0fhXVjAhN1TbcPW72WAAg\nKhxqGtNXwncJZzSEwnt3O7KxnMMGW7C9eWf1OSuPa4qyZr2vb2IY3rFBNCpVsDYrWMvWSkr2O8SJ\nhyCVJWRu5CBVG2AtLALjXniGeh+IoTQUNERjbdzIWjVwNmokDzIioC836nmHPUjfyCJ1dXm0uiIp\nmKvEcegpFuHjIdRKEirx5ZIHZ8SB4GE/1IYK77BnQ3Zm9WIdlVQVVrcF7gHXrg4lIfQ36wrfa9eu\n4ctf/jLi8ThYlsWrr76KP//zP0c2m8XICEnz72eKc+U20btEaaGC2OnIptwevCNuZG/mOkZbUotT\nzHg7B++IB8ENeEr2zCa6a42623ZBxTs42P2d1m8MR2PsiRFY3b1lHFa7SrTC1PTNhAp3zIXszXxH\nzfEQ10CA6fQJ7gcsbic8Y4MoTs22vswoloH30Chopv1LzBkLo3hntsNQ3upzg7Wt/55TNA2rd/sv\nqPYbxImH0BSbmP6PubbMazUtYuhhfd3hPbqmY/5CHOW4YIwDdvIIHPYjfLQ3dxjOwuLQz4yhmhEh\nlRvwDLpaSYLyQqXjfLWhIj9VxPDDgxh/fATVtIhavgar17opwarrOuYvJFCcW55W6gg7MPb4MLgd\ndjAi7A/W/Ss4deoUvvWtb3Ucf+mll3YkoH5EaSjI3MihXmmA5Rn4J7xwhZ17HVYHuq63rrKdkfX9\nS7uVJKgNFU1R3pTwtbqtCB0LIvvesvjlHRwGH4zB4beD4ZlNl1GoTRWqrIKzc6aLoSNob5/E1AOe\nIXdHo5/RyRvFwltxSIv2NwxvOEj0KnrL8QrEjHm5hN1vA7OJ2mtnyAH7qB3iXbElIj20jOddOfTz\nQKXw6aOwh/yopnKgaAqu4Sjs/s4vX5vfA+/ECIrTc8Ci+GVtVgSOTZBszQYgTjyE7K18R7mBpmgo\nTBfXFb6JK2kU7i6XjDWqTSSvpI3MaY9OE4ZdnBOuSPv3ZDfP3KXjFEXBFXXCFd3892vhbgmF6WLb\nMTEjInk5hZFzQ5t+XMK9A7n8WQdV0TD949m27F8lIWD4oRiCE/0zEKCaFRF/O4l60djut/msGH5o\nAPaAvet9HEF7h1ciAPBODla3+TCJtdA1HfkpY8iDe8AFmqONbMEh/5ZcJDRFw/yFOIR0FUpThd1r\nQ/h4sMORIXYmgmZNhpCqArpRR8zZuLa6WIqhwFlZsFYW7gEXIifMh0g4ww6c+PARpG/nockafCMe\n8M7et8/zdwrmZR80QDMUSvNleIbcLUGn6zrqJQm6qsMesJkKvVxTgOeMF//XryqY+X9TqN7Q8ISt\ngAC78dGmSqOJ8kwcuqrBNRSFxb2zgx6csRCcsfUHdoTvOwLnQBjVZBYMy8AzPnTgyxY2ynY58bCL\n29v90sBL4mhnrTgUyXxNkGvyuvFX0511trpqDAXym7jgbOT9sHutnfW/MOqCVz+OrusozpZRSQqg\naAr+MW+HkDaLoZoxrxOuFepb/t3pTQ1LnukURXU0yPZLwyyJY22I8F2H3K1cx5a32lSRvV3oG+Gr\nazoWLiZaTgmAYRk2dyGBox86BFlSUF6owOLm4Yosz2l3RZ3wDnlQmlvuuqcYCoEuAybWi+Huf84Z\n9VmLMBYGI48Mbtk6beFiAsXZ5RhrhToWLiZh99taW2iFu0UU58rQZA2umBOOgB3eYTfKcQG523nI\ndQUMR8M/4cPAmSiEZBWKrEJXdYilGuoFCa6oo5XR1XUduekihGR1sTRBR+R4qKdsdWGmiGrWvKkL\nGlBeEFCOCwhO+uEd8RjNhfka9MULEKvXgsGzMdNF/tEPifjoZACFf/mfWPCNb6pBq5rMIn35BpS6\ncZFUnJqB/8g4AkcnNvxYO4E94IU9sDf+yPcyG3HiAYym5H5p4CVxbCwOtssYes7Brxu/1qUZXVW1\njvtu9P0IHQuiVqijKS6XZjnDDgQn/R2PM/9WAvk7yx7d+btFRE9HOia3dcbQZY2mqC397pY8039h\nVIH6+o9xd2EYwPL62y8NsySO9SHCdx3MuugBY/unXya2zLw+3yZ6l5BKEu7+5xzEbM1ojKKM7fLR\n80PgFhfG0UeHYA/YIOZqoBkKniEPvEMbr5MszpbaRC9glExkbuTWrdNSJAVyQ4HVZekQlpqqQTDJ\nQCiSgtydAgbORJG5mUPinVRb5lqVFHA2Dsmr6dZxtakh+14epfkK5MWFd56hoGuGtQ7N0fCNeDD0\n0AASl1LI3sq3Hk9IVSGVGxh7zNyNIT9dQHmhgnpJglzrIQOrG1ZnpYUKlHr7+VKpgYW3Ejj63OS2\nj0/VdR25G3daohcANFlF4dYMXINR8M72HQJNUVG8M4NGRQRj4eAdH4bF3X9lPoT12YgTD2F/Ez4a\ngJAQ2voMGJ5B8ND60+DsfnvHhDMAcIa67x72iiNgx+EPTCB7pwBFUmD1WoxJnqvWObFQR2GmvVxB\nU3TkbxVMz1+JZ8iN4lypYyfTGd78rtaS6P0fv6mi+NI/4gqxMdvXEOG7Dt2unHnb0tSzTvErVRrI\n3MiiXm6AtTDwjXrhH9uZDFZxtmTaMLBEmym4bjgKJC6lMLoo4CiaMpoWjm4+hmZNRuJK2vQ2qWK4\nRDAc07FYqYqGu6/NoZoSoTYXJycdC7a9V7qmdzTKLaEpGnRdN+q5Vp1SK0jQbuZMp//IK7INKxvF\nNFlDfqoI3sGhMNtpi1aOVyBmRThC7Qto6t0MUtcyGzdf19AhepdoCE0UZkoIHtreXYVGWUCj1Dns\nQ5MVCPFUW9ZXU1Us/OdF1PPL74WQyCD24Ck4wtvTnKjUJaiKCt5pJ3W8Owxx4jk4cDYO4+8bQea9\nPBqVBlgrC/+ED+4eamdjpyNoCI3WTidFA94RDwKHjAmauTvGRb4qa3D4bQifCHU0CK8Zm53DwOm1\nvXSrSaHVmLaSRrWJWqEOZ6i7iPUOuRE9EUZ+ugi5JoPmaLhjLgyc2bh/L2CUmJ37YBV/MGlH4Qtk\nYMW9ABG+6xA64kdpvtxel0QDvi5CVm4omPmPubYr7Wq6Ck1WETy8/U4GK61fVkOzNDSTrR0xX2vV\nKG0HCxfiXQWcpuq4+f07oGgKjrADQw/EWk1zc2/GUV4xglgqSYhfSsLut7ZKDhiOgd1v6/TVpQBX\nzAVV1iB3ee5ujRTrUY4bI0xXo6s6qvlaS/g2xSZURUVhprQjE4e6TYzbCjTHgmLoDucEAKCZ9uWg\neGe2TfQCgFpvoHB7dsvCV67Vkb50A7VcEbqqgrVZYPV74ZscgT2wflaK0B3ixEMAAIvTguGHBjZ8\nP97O4fAHJlCcK6NZbcIRdsC1mC1dfZFfL9QhFuo4/PT4hsvj1oLrYhXJcDR4x/oiO3oqjNDRAMSs\nCIvbCssG+jMI9z5E+K4DZ+Uw/sQI0tezaJQbYCwMfItXv2bkbuU7bKx0DUb2bgeEr9at3IICnEE7\nKqm1p49tFbkud69nhSHeFNUQkaVZowZ34n2j0FQNlVRn5lFtqMjfLWFwxSz26Kkw5mrx5YsPGgiM\n++COGdkLzs6ZetxaXTyqXUTxWjAWFgzPdD4mDdh9NtTLEuIXkxBzomFLtp4+pQB7wIZarr1WnLNz\nkGvmNmQUTYFzbP/Hk3fYYQv6UEvn245zTjs8Y+1fko2KuStFU+g+3EPXdRRu3UU9X4SuAfaQD/4j\n4x0XWalL19tiUOoNVONpVBMZ+A6NIHx6C1sQBxzixEPYKkvNZCvRNR3F2c6L/HqhjtxUoWe7s17w\njXiQu53v6K9xxZw9j31nOAbuAWJvSOiECN8esHmsPU/akuvmQqZZk7c1y7qEK+xAeb6z1ME/7kVw\nwgchK3ZkDpuijFuv3sHQw4NwrOH60Au6pkPTem8YEDJVCOkqKgmha+exvipL7Qw5cPRDh5C7U4Da\nVOGKuVoZCADwT3iRfCfd9jrtARtGzg9h9rUFiCuEOcVSpltoK/EOucHbWOSn2mvM3FEXnGEHbv9/\n0x0L8lq4wg6MPTGCxKUUhIwIXdNg99sRvS+MxOWU6bQiXdOxcCEBlmfhDDmQawrQoQK6BuW1f8dM\nfGTTI4qjD5xE+tJ11LJF6JoKq8+L4IlDoFc9YLeBEWu5LKQuvovKXKL1cy2TR1MQEXvovtaxZrWG\nWq5odndA11G8Ow/nUMTU8oxAIOwNqqx27V9oiutP69wIFE1h9PwQEu+kUS/UQdEUnGEHBs/GtvV5\n1sNs3SXsf4jw3WYsXbZoLA5+R2oYA5N+iPkaSvOVlvBzhh0YOBOF1cEjciKE3O1Ch8islxqY+vcZ\nnPgvR1qlB/WSZDQUaIB7yN0mLgGjdllVVNh9y3ZbnJ2Dw2+DuCqbSdFouRSsRFcM9wet2UUsL462\nXA3DMYgcN7fDCh8JgrOwLVcHq9eK6MkQWAuLyfePozBTglSWwDt4qLKK/J3CcnnEqjJtu98G35gH\n/jEvrE4e5aQATTOy59H7whBS1Z5EL83S4F08nAE7oqfDYDgGw48Mthoil96/8SdGkJsqIPteruNL\nRZFU5O4UIHk06FDxlV8vYvLCZVx5ZeNZ7JVwNiuGHnsASr0BTVPB2c3t07yHRlBNZNoa4QDANWRe\nK9cQRFQTmY7jQiILf6XaaorTFKXl02uKqkFMZonwJRD6CIZjwDt5SCYTMm09+ptvBIvTgvHH905o\nLone7Vp3Cf0DEb5boLRQRupGDg2hAc7KwjvqRfBIAKW4gHphWRzRLI3A5M5Yn1EUhdFHhxE8XEM1\nI3aMZ4yeDIPmKCTe7mw+05oacrfyiN4XQe5OHskrmdb2fm6qgPCxIGL3RdCoNjB/IQExK0LXDI/g\n6H0ReBafJ3YmivkL8VYnMMMz8I95UbhbNG1M6yZ6l6zUNmNe7hv1wmdizE7RFAITPtTLEubfiKO2\n+HuhOdp0Ea8V68hPFRE6HEDsvghCq8T2WnXDVg8PhmeN9+dk2HQAyGqBSTM0wkeCKM9VTLMpNVGC\nY4cWX9a2tlezxWlH9OFTKN6aQUMQwfIcXENR+CZHTc+v54qmY4d1RUE9V2wJX4vHBYvXZdpkt8Tq\n7PN20BBElGcWoCkqnJEgHLEQaagjEHqEoikEDvmQuJxq211jLIZtla7pmx5OtFl0TUduqoBaSYLN\nZ4V32LMtn2kieu9tiPDdJGK+hpnXF6AsNkHJNQW1YgoUTWHiyRFk3stBKktgeBb+cW/PE282iyNg\n71q20BS6j7Nt1GRoiobMe/m2mlZd1ZG7XUBgwof5C4m25rJ6UUL8YgLO0CQYjjFKEZ6dNEYVKxqC\nh/zgHTwohkKmi7PCaqxeC4ZXlV5UsyLyU0UodRm8y4LwsQAszo0P1gCAxKVUS/QChoODVJI663N1\nwwkjMOFDMVUFzdGw+5czot5BNxZ4ulO8U8Chnxlv2cRtFN7BQcx1HmftLM59sIpjnAeF700D2N0M\niCPohyPY20WbLeAFxTLQV3k3UiwD6wpfXoqiEDw+2eYlvBLWboNnfHBrga+iEk8jc/kG1IZxcVa+\nuwDXcAyxh04R8Usg9EjocACclUX6erY1LEltqEheTqOWrWHsiZFd+zwpDQV3fzLbttuYjxYx8cTo\ntjTa7eW6S9hZiPDdJIWpQkv0ttCB0lwZocOBdWuRhIwxj9zut3WdRrNdWD3dt6FcUSeqmarp+GK1\nqSJ7pwAx19m81hRl5KeLCB8Nol6sI3451TqvXpAw+EAMA2eicEWcKMcrqOZqkIqdImdlHCtFr5AS\nMPP6wrK7QlpENV3FxFOjGxa/SkNBLW/SgNel1LdRbeK9H9wxmukow79y+JFBWJwWY5iFZnJHHZi/\nEMfE+8Y2FNsSoSMBVLO1tmY3zs7BecgFoPv71k9Y3E64BsKozCXbjjtjIVg9rs5jAQ9KU3MQFtJo\nShIoDbB6XQgcPwSW374ubF3XUbx1tyV6lxAWknAPR+GMrj9RjkDYj+i6DrmugGZpsPz2TNHyDLoN\nZ4dVlOMCKvEKPEOeVccryN4uoCk0wNo4+Mc8CE5uvdE7dTXTUWJXTYlI38gidt/mrMsIBwMifDdJ\n15njjbW3RDRVw+zrCygnKkYmlDaapsYeH97WYQWFmRJKsyXIDRW8kzN1ELC4ePhGPJDKEiiGMrXP\nYjm6q62WpmrQNR0zr823DfoQUlXcfPUOrB4LPINuDD4Qw/yFRFfhy1qZjoUwe7vQYSnWEJqIX0rB\nO+KBZ9ANxuSqXlWM8o2G2ITFwS07aWwgC9FmXacD1UwNC2+ncOh9oyjHK12b4yqpKqSK1LJi2wj2\ngN2o972dR1OUwTs4BI8EUHMo2C3h26zWULwzC7lWB2uzwjcxAotnYxdl0QdOgnfaUcuVAF1vuTqY\nwfI8gscnETw+CVWWoSsaGOv218Krjaa5Q4UO1LIFInwJ+x4xX0N5vmKUi034wDt4VJICUu9mUS/W\nQbM0XBEHhh4aAMtv7WtfrsuQhM6BSQAg5uptwreaq2HuzXhrLW+KMuqF2mIJWudOkiwpULoMM1pN\nrWTea7GRxmPCwYQI301i9VhRXuisUVxP9GSuZ9sHTmjG1nrq3ey6pt69kp8qYOHtZEuw1gt1sA4W\n7gEnagVDRDnDDow8OgiKomDz2uAMOzrcBWx+G3wTXqTezXaIX4Zn4B/1ojhXMp1up6s66gUJ9YIE\ntaHC7rOi0HEWQPM0Rh4d6vBZ7NYlXIkLqMQFcA4OkWPBNos4uS5j+sezrS04AEi/m0XoaBD2gK3j\n9dEcDZqjofQwaU3MilAkZW2jds0Q55sRvoDRWDdybqjtWK3ZvQ52O2lURcRfuwS5upwZF9M5DJw7\nA5vPs8Y926FoGoFjhxDZ4LhKhuOAzVWJrAvNsmB4Fkq9Mx5mGzPLhN1FzNdQmi1D13V4hj0dzbgH\nheSVNDI3c601Oj9VRORUCJnr2VbfgKqqKM1VAIrq2aGoG6yFBWc1t2Lk7O2SojDVmcDQNaA4W24T\nvkpTwfybCQjpKjRZg81rReRkCN7h7mtPt0QRzZDSJcLaEOG7SUJHAxDTIqorygB4J4fI8bW9DEWz\nLXfAtJxgs+TvljqEqiIqsAxbu27FjzwyiPjbSYi5GjRNhyNgx8CZCDI38qYZX6vHAt7Bo3w5tW48\npYUyjj53GPm7RdQLy6KUs7IYPjcId7Sz/pmzcaZjmJeQRRnJqxk4wg7YFks50u9m20QvYAzQSF/P\nInjYBz1kb3kO804OgQkfku92btmZoWs6dF2HI+wA7+JM66YZnm6NxayXJaSvZVArSWBYGp5BNyIn\nt95MVU1lUU3mQDMUfOND4FzrZ2R1XYewkEItkwdoGu7hGOzB9iERxduzbaIXAJSahOLtWdge2d9j\nbmmWgT0SRGUm3nacc9jhndiaCCDsDZlbOaSuZFoDevLTxVYz7kGiXpaQvdW+RiuSgtTVjOkQHiFV\nhSqrYLjNlz3QLA3PoAu52+2pDJvX2vK3VxoK1KYKucsO6GqXoYW3Em0JoXpJwsLFJOx+G/guTkme\nAVfnYCMa8Axvv3fvVMOKmw07wmwTD9iq2OUePsI2Q4TvJmF5FoefmUDqehbS4kjI0GF/1w9piy7C\nZzs/SEoXL2Gz48W5EioJIxPqHfFg5NwQdKBVRrDSnWIlSwKulyk6cl3BzGvzbaKXYiiETwS7Nv0F\nDvlRy9W6jisGjBrk4kwJtsVhF/Vy95KAclyAxWUBzdHGFLmgw6jx7TEp6QjaW41rNrfVVPhqqo6p\nf58BwzGo5WtQVzTA1YsSNEXDwP3Rjvt1Y6WHpK7rePP7NRSn3mvVJpdnEwiePAzfOuItffkGyncX\nWj9X5pMInjgM/+Ryw4Ysml94Nas1yDWjSXMnnBZ2i+j9x0HRNGrpHDRFhc3nhv/oBBhu/76mg4qq\naMjezLdNpVzZjLvuGnwPUZ6vmE7nNBO9gDHmXVO0LQlfABg8GwPDMxCSAlRZg81vQ/RUGNCBmdfm\nDYHdVMFYzJ/H6l7u01BltVPAwhDH+eli14uZ4JEAqhkRlaRgWGfShu2kmbvPRli57qqqhv929Rze\nqrkhgwYFHYf5Gn4zsAAX07t/PaG/IKv+FmBYGpETG6sPdEedpgMLnF0svHRdR0NogOGYnh0DeAeP\nptgpzPhV5QTxS0lkb+VbQqo4W0L4eKit5KJbdyzNGsI3MOEzHmONNYDigOqqCXK6qiM/XUJwMmBa\ny+UdcoOihlCYLhp1YRXJ9Dn0FZPrmDWaN+Sa0mYXVpwpwR6wdQ96BTaftU2wambNbTBe0+rpbCsp\nLVQQOx3pyfJnafE990wF/zV7Ea//1yJKM/G2hjxNVlC8MwfP6GDXbT+pWO5oNtMVFaWpWXjHB0Ez\nxnvGWswbBuVqDdP/6ydgeR6OWAiRM8dA0dtXi75bUDSN6P3Hjb8XXQfHcxsqxSD0D0KqCtlkfVOb\nKsoLFYS2cYJYv9NNWIJa/G/Vmmn32cBat/61T9EUYvdFMHw2BmWF8J57M47SXLn1s5kA550cwits\nIrs2DMNIJnSjXqyjmqst+8VrRj9G+noW0ZPhDb4ig5Xr7ouTDnzto2/j9VoUxpsJ6KBwq+nAP5bD\n+JR//d1OQn9ChO8uEzwSQEOUUZwtQW0YV8TeYTfCxzoX63JCMLbLC3XQDAVnxIHhhwfXFcDBw37U\nS1KbPZnNZ0XoyHI9bJZOm+sAACAASURBVFNsonB31fhJHShMFxA64gdnNZ7DM+SGkKq2n0cZxwGj\npjlyPIT0jay5+GUAaKumRCwilSTUS3XY/eY2bI6QvVV6wUpsx/YYzdJtV/e+US8qCWH9EcKLNKoN\nWNwWNCqdJRXuQRc8MSdojjG8IVeIVavbYnrxsh5KQ4Eqq6b+visx85AUU9kOmzAAkKsipGK5o3Rh\nCTGTh66a3E+sQypWWvfzTgxDzOQ7nA+WfHkVqYHy3QXDd/j0sZ5ebz9CUdSGGh0J/Qdv57o243Jr\n1eDfgwTGfcjdzrc81Jdwx1ywuHjk7hRa7xPn4BA5tXPe1bqmo5o2XxftARt4Jw/OyiJ0JNCWlWct\nLGw+G6qZ9qwvRQOeQVfrsaWyBM7GtYR7frpkKqzL8cqmhO/qdffSlxTcagxgSfSu5G6zt6QJoT8h\nwneXoSgKQw/EEDkRRL0gweqzgjcRskpDwcLFRCuzoak6Kokq5t9KYOJJ8wECS3iHPWAtDIp3S2hK\nCqxuC8LHgm2CqxwX2oRx63klFTOvzcMRsMPi4WF1WxA5EUJptoxGrQmLg4dv1NvWmBCc9EPTAVls\nGJPrKEAqN4xO4pgTc2/EO57HeDPQln3QVA1CsgrGwsDms+Luj+e61j6zVsZoWvPZWveV6zJsPqtR\n57tKqJuJYVXWMPJIGJmb+dZYY4Zn4B/3YeB0BBzPtGUzlggfC6KarXUtA+mG1WVZMyu9knMfrOIo\n68alReN01mreMEexDFh792Y61mZ+G80x4BzLi7ct4EXs4ftQmppHs1aHJstQap2lI2I631P8BMJO\nYffb4Aw5jAvylccDttYF+UGBZmmMnBtC8p00aoU6KMYY7Tv04IAxVGnIjXJCAMPS8E/6wa1z0b0V\ndF03LbsAjEzz0EMDXe8bvS+M+Tfjy43SFMA5eJTnK6hmayjNliCVG2B4Bq6oEyOPDEKVzXds1G5T\nQXtg9brLUOZZFLbLccL+gAjfPYKzcuAGumcn8tNF0+28alqELCng1tmucoad8A64TYUbYDSngYZp\nllbM1CBmlgWnI2jHyGPD4CwMWCvbtq2evJpG7s5i5y4NuMIOjJ4fBs3SSLyTRvrdLplgAAxHY/on\nc9AWa8FkSTEcFigjc2P2+nknj+BhP3yjnlZWWlM13P3JLITUcsaAZihYvBZY3VZYnLzhO7lqrbJ7\nrXAPuOEZ9ECWFFAU1s3GAkbj3eT7x/De924vjz5eB4ZnEDwS2HS2xT0cRXFqDo1Spe24PeQHbzcE\nbEOoonQ3Dl1WYA144BkdhHsoitLUHKRi+/0ckRC4VaLYEQ7AETZ2BZIXr6Eym+iIQ9tieYCmqChN\nz0GWGrB63HCPxMgACcKGGXl0CPG3k6hmRUAHHAEbBs5GD+TfkiNgx+TT41AkBRRNtV1cO0IOOELd\n3S50XUf2Zh6l+TKUpgqbx4rw8WDXYUhrQTM0bP5O9xxQgCu2dhPu0hCk9M0s8rcLUCQVTaGJrNB+\noa02VZTmymBYGjafFaXZcsdj2bzbNz75rE3AxbpR37uS4xYTe0TCvoEI3z6l25Wzpmpdb9sIzrDj\n/2fvTWMsu9Pzvt9Z7r6vte9V3c1ms7kvQ3E4I3E0kWPDgS3ESmAjMQIbUhxDH4IgEuzY/mA4sLwF\nGAMGhIETIfpgaywvciTD8ow8FqlZSfaQvbKru/bl7vt+1nw4Vbfq1j236lZv7ObcH0A2uqruOadu\nV/3Pe97/8z4P7oCLdmWwc8IhjXyTjQ+2kA48fb0xDxNXx2hXOr0SBwNq6QZ7P7G0T6XN8uCDitaT\nua4cdBWPF7kmtkUvWIMQ8aVoj/a4sFbsKXrB6pBLkogoCBTW7IzUrNS6re/v4Am7cfqdp1rnnERy\nSLjDbtTW6ZIHZ8BJIOkjuhDBFz/fzcRQdQxNQ5RlBFFk4vUXyN64SzNXBN1609Vmi8rmHqLLQeba\n7aNksq09GmnLjmzi9RfJ31qlVapYN6d4lOTVi6ee2xuP2Ba+7siDd9Q69QapH12nUzmyaKvupJj6\n0ktdrfGIEcPgcMvMvz2DcfB78Cg90J9V7LS7WkejU1fwhN2271H2Tp7UjUy3KaDUFFrlFss/t3i6\ndeMAJl4YQ22otA/kY4IkEF2IEJw8PblUV3Xy94vU9mto7bMfrmvZBhdfGaeWbvTMjzj9zjOdlc7D\nK946f1rL8yeNMHndiV/QuOqp89+Eco/sHCOePKPC9yklPBPqm1wGDuxdHl7HJgjCuWIdtZaGdrCz\nrzRUOnUVd9hl280t7/Q/hR8ie6yI43quiTZkt/Q4Do+l7ztOa4DtWaPQop4dbBOnt3XKO1XKO1Y3\nNH0riy/hxelxEluKIAfsB77alTb71zNnWtD5kj6Wvzrf1Qc3i00K62XLVSDqITFgsE/UNGL/5x/w\nBx+t0dqv4w4HiF5cwJeM4Qr6aaaPso2VSp3s9btIHlefPre+n6W8sYOh6bhjYcZffX5oZ4bg7CSN\nTIHa7tEAh9PvJf7c0lCvt6P42XpP0QvQzBYo3d8idnHxgY874qeXx13wKi2F/EGYjjvkYuwZGZwz\nDZOdD/e6kjaX30lsJUpiJUbpQDbg9DsobVf6dsKUukp+tXAuB5pDvFEPF76+RGHdSjYNTvgtB50B\nGJrB3qdpShvlczV0DN1AFEWW3p2jvFWmXmghuyTiK0fzKY+KPx0s8J6/yLbiIimrhOXRUOyzzqjw\nfUrxhN0kL8XJfpbvLghOn4PxF5KPZDvPNExb54dhaR0M3Nke+5RJ3PhyjNhSlDv/393zn1SAyFyo\n7/sfFMU5aFJ4EJ2q0h0SKawVmX1jisAJuzXTMNn6wS6t8tlpalpLxTRNBATK22V2Pk51hzFKmxXq\n6ToL78z1Fb8v//t/S+jHH3HYw27miiiNFlNvvUR5bbvvPIamYdTtF+Pc9VVMw/r5Ka1tM3b1Ev6J\ns51IBEFg4vUXcEdDlO5toXU6qB2F/J01xl6+jOw6v2VUu2wfxnFShjFixOeNrups/XC3b1i2uldj\n4ctz52oafB7sf5q2hpcP6NQVUtczFNZLdI7v8g24lZyWQKprBqZuDJSFibJI4sLZDwiaorH+/jbN\nB/Cw90Y93XUzsRIjsvB4rcXcoskF97MRHT/ibEaF71PM+JUkoZkglZ0qoiwQW4ra+i+apnn+Yvhg\nsOykU8J5cHgcA3XCtqcUITDmQ3ZJuEKuHl9fO2S3RHAiQKvcRnJYmi5v1INpmD3FYnwlSmmn0i+P\nGDDUNgxqS2P9gy1C0yEmriZx+a3ub3GjNFTRC1aKW6vcxhv1kF3tTzCq7tcpbZWJLhw5MhQbRd5a\nvdN3LK3ZIvXRDUzd/s0WRPsp98OiF0BrtMjduodvPD7Uz4tpmFQ2d9Fa7YO/a9T3s5iGwfTbr5z5\n+pOIAzxzRXkkcxjxdLH9w12qe/0ParVMg9zdPGMPaJf1pKjZ+OKautlb9MLA9dEd6t/t0hSN3Y9T\n1DMNDN3AG/Ew9eIYngfQAwPk7hYeqOj1hF2PLOX0kOPevSO++Dzdj60j8ITcjF9JkryU6Ct68/eL\nrH57jVv//i6r31mnuFEa+riCIBCZDfU98QuicOQBeYjNT4kgCSRWooxdSpzjp0igVWojCAKJC/Ez\nHQ4kl8zsm9NMvzaJrpvk7hZZ++4mq99eo3bMNsfpczL75hS+uBfZI+OOuBl/IflAAxrHMQ0ob1fY\n/N5OV0tY2R8+QlhySji8DgzVsLVMA2gec4bIKzUkpYVHs3eLsHNZOLrW4RZspVqnmR/u56S6s49S\n7b+BNnMllNr5hzv84/2dZkGWCM5MnPtYI0acB0M3ht4B6tQ6toXjIcM++H6eDHpAtuXEPcCX8PZE\nwR+y+9E+5a0KWlvDUA3q2QabP9wd6K5wFu0z3kfRIeIMOBEdRzcYySky9nwSd+jRDbCd9O4t/a3f\nemTHHvF0Mur4PqOUtsrs/STV7fJpLY3dShvJKRGaGm4AKflcHFESKO9W0ToanrCbxKU47qDbmr7f\nqSLJIrqik7qR7dFgRWZD1rSwYBnKN4ew9jINk9TNLMHJANH5MN6Qi9xakcpezVbvK8kipmmy+3Gq\nxzqsVWqz9f0dglMBXEEX3oib1PUszUILBHD5HHhCbjrVDi1ZPLpuwRp+UGpK37lOo1VqU1wvIYgC\n1ZR94SuIQt+NNTDhx+lxYBomkkuytY873C48XHxf/rMaY9+ZIP+Dzb6vFWWp66vbhwmCLONwOzF0\nHdEh2xatAO1yFaVSwz+ZxOEd7Ed5UjPcPZWuoykq5xU7RC/MY6gatb0MWruD0+8lvDSDb+zZ0E2O\nePaoZxukb+dolVpIDongpJ+plyZODZFRGuqpetOHTT17EnhjniNrsDPwhF14Y150RccdcpO8GO/T\nTmsdrW+AGKxdrfxa0WqA2KB1NEpbFUSHSGQ21HPc0xofkkti8avzbH6whXEsvVNXDNI3soSmgkMF\nAZ3FyaL3J//TfwZmz3zdiGebUeH7jFLaKvdtbRuqQXGzPHThKwgCiYtx26QjSRZJHHvql70OqrtV\ndN1AFAUCEz42vrdNdb92qqb3JHrHihkeez6JP+HDHfHg8ufZ/6Q/BccX81LLNGz9crWOTnHd0rD1\nmNmb0Mi32Pje9tE2nmAFeIw/nyQw4aeyW6WWbtCptenU1aGG7JSWahms290PRRi/nKBZadMqthBE\nK2wkthwj+1kep99BaDJA7m6vNY8zYFmzHfLmz9f5G0t+PhAiSO4UevuoSxyYnUAURSqbAzyRAVPT\niF68RHB2AtMw2PqjH6DUe7cSBVkif2MVgMJn64Tmp0lcWbE9XmBqnOLqJoba+/44gz48D+DuIAgC\niSsrxC8voasaktPxU2k/NeLJoLZVtn6025VA6R2d/GoR04SZVwd7yvriXpx+B0q9fwZCcAhEFu3D\nYh4Vhm5Q3CihdXRCU8EHsueauDpOp6ZYzQAsmZk35qVRaPatYdH5yJlpd7pqDOzsGgNi5fP3C2Ru\n5bqWj7nP8ky/Non/wF4tuhSlsl/rk4A5vDJTL43TKrR60jYPaVc7VFO1oe9zZ2Gtu4dF74ifBkaF\n7zOKXfcQBme0PyitSpu9ayka+eZRR9OE8vZDDCQdG4rr1DsoDQXZc6A3NgERguMBJq6O9ZnU22Fb\neJ9IpOtUFZx+J6IoEpkNE5m1Et/Ujkb+nlWQZm4OtqjxhNzkPrMPb3B6HHRaKk6/E0EU6NQUqqk6\nxY2jhxNPzEN8JUo918RQddxhN+PPJ2wHRPzjCea++gbljV0MVcObiOKfTGLqOrqiUk/nYYC0QZQk\nBEFAkCSSLz1H7tY9OseGx46nv+mKSvHeJp542FaG4PR7iSzNUry31U1/k1wOYhcXHyq2WBDFBxqO\nGzHiPBTuFW1tEWv7NYyXjIGOEKIsEr8QI329d5dLdkvMvj6F/5y2hOehWWqx/cPdrs1k9k6e2HKU\nqXM6LDi9DlbeW6S0XUFpKPiTPvwJH9m7eQprRZSGisPjIDIbIn6hX9bQdzyfA2/ETfPEXIYgCbZW\nZUpTJXUj23M/alc67H+SZuVriwiCgDdsRcGXNkq0awqySyY46WfihTEEQaBwinRPGNnXjXgIRoXv\nM4or5KaR7++E2g0lPCimabLz471u1+BR4PDIxA6GudqVNmt/vNUjPRBk8AQ9qC2V9fc38ca8SE7x\nodJ4wLLNyd4tIJgmmqLjDroQJIHiRtm6OZ7ReEzdyAzUCCoNleLa6brZVqGFy+vg0i8s237eRLf+\n/4P3AXB4PSSe7+3ECrLM1Fsv0anW2f3+tT7NrysUwD91NHTjS8YwdIP9H30Cg/SNpkk9lbMtfAHi\nl5fxTSSo7WYQRZHQ/FRP4tvjRDvoeMvuR/czPeKnB21QspdqYOgm4imKheSFOL6Ih+J2BdMwCYz7\niMyEkWVxYCjQoyB1PdPjrW5oBrnVPMEJP4ExP4ZuWAOzITfCGc4SgigQnbce8E3TRFd1EisxEisx\n1LaG7JKGtoMTBIGxywl2P04dhfaIkFiJ2s5SFDdLtk2YZrFFI98kf79IPdPANEw8ETfzPzOD/4Tt\nWWQ2RO5OvusJfIg35iEwNtgibcSIsxgVvs8oY8/FaeabPYukJ+Jm7PLZVlXDUkvVHmnR6w66GH8h\n2e1ypu/k+/S2ptY78HWaD+95KR+Th/RNbJ+h1rDb9jwvjWLL1oEjp1iSjV+c0yB79nFcQT+Tb7xI\n7sZdWgXrte5oiOTVi33Hru9lBhe9B5wlN/BEQngiw4d7PCydquVN3CqULZlKNEzy6iVcwdHNbsTw\n+BI+8qv94TXukAvJcXbBd1bq2aNGV3WaBZv1zrAi5lvlNoV7RTp15WCWI8D0a5NnFq+l7TK51SKd\nahvZJROeCT2QLWZoOoQn6qWwVsTQTYKTASKTAdsHgYHHFiB9M0v92PBgPdNgp7XHxa8v99jEiZLI\n1KsT7H+StmLoBcvGbPrVyZFEasRDMSp8n1FcfhfLP7dAfrWA0lJx+pwkLsQeaPCinmtQuF9EbWu4\n/E6Sz8Vx+V2oQyTonCQ4FaCWrvfJD/xjPpa+Mt8zkNAqn7+oFsR+xxlBtLYnD7vCdl8jygKG9vnm\nq9st1odF7+/9ik7pb/0bru8NN1jhiYZY+Lm3qB84NLjDQdvjH0oUBl6TJBGY7t9G1ToKlc1dDFXH\nN5HAGwsPdV0Pi2mapK/dol08CkFpZgtkrt1i5iuvj254I4YmPB2kMhuivH30s+TwyCSfSzyVP0eW\nRMneH1JtqRTWit11VVd0ihtlJKfE1MuDXVEahSa7H6W60jhdUcjcziFIAuMPYMnm9DqYeOFsK7Ho\nYoT8aqEv0t0X9djObHSqCvn1IskT/r+BMT8Xvr5EI9+05BExz1P5bzfi2WJU+D7DyC6Z8SEWodOo\npmps/XC3uy1VzzSoZxssfnWe8EyQ9K3swPhgAEECU7cmdEMzQUTZ3k+2VW5j6AbSwf6ioRm0q+dz\nVwCroHWHXYCAdqCrjS1FCU4FKG1YHcLQVIDU9Qz1bANTN/HEvFaRrX2+iTv+hLdn0c4rNd78+Rp/\nY8lL6W/9FptDFr2HCIJwZifWHQ1T28vYfk72uHFHQyj1Ju5IsBsb3MgUSP/kVldKUVzbIrIwc2bM\n8aOgns73FL2HtIplmtnCyAHipwBDNyisFS3/bqdEYjmG/AADXoIgMPelaYJTARrZBpJDIr4cxel/\nOvXloiziT/oob/X+/EtOCQzTdl09awaiuF6ynQep7FUfqPAdFodLZurlcVI3s1YokGANKycuxdj8\nkx3b1wyaTxEEoTsQ96g57t3bqdYpfLZOu1RFlCV843Hil5dHhfYXkKEK39XVVf7aX/tr/OW//Jf5\nS3/pL6GqKr/+67/O1tYWPp+Pb3zjG4RCT24rdMSjI3+v0LfgdGoK6ZtZvBEPoUk/xa0KxgmNrSAL\nBMb8TLyYRKmpeMJunD4nux/v255H7+isfnuNiStJwrNhsqv5gQN6Z9Eud4hfjDF5dQxBFLoLU/LS\nUVE0//YsuqpjGiayS2b122s0249OtnFeRIfI5Mv2Ayr6D963LXp1Re3afj3oMFlkaYZWsUx9P9OV\nczgCXrzxKM1ckfpehvpehuLddRJXLuCfTJK/s9arH9YNShs7+KfGhu78mqbZjSd2Bv1D3zyOO1mc\nRGuf/0FpxLOFoRtsfLDdU9CVt6ss/MwM3gfw5RYEgehcmOjck9mxeFimX53A1E1q6TqGZuAOuUg+\nl6A2wEbxLG9ifYDjwqCPg/W7W03Xqe3XECSB2GIEd9Dd/Vxlv4be1gjPhpBP0RmHZ8OEpkNU0zUk\nh4Qv7gUT3GF3n4evIAuEph+NS8MwnLQxy//6/83+j/dRqkc/d51KDbXVZvK1F57YddlhGgaFz9Zp\nFcsgCPiScSLLs6OC/CE4s/BtNpv83b/7d/nSl77U/di3vvUtIpEI//gf/2N+53d+h48++oj33nvv\nsV7oiMfDoNji0ma520H1Rj344h4kh0xoJkinplhZ6ZKIy+vCEzwadgpMBMjfL9pqZjtVhb1PMuia\nTu6z/ENdd3mrwtjlBI4BsZnQ67fpibgfqV75vEgOEdk53AaLaRhkPvmMeiqL3lFw+H2EF6eJLs+d\n+7yCKDL5xlUamTytQgWnz0Ngeoyt//Jj1GNWZ2qjRe7mKq6Qn3bFxrFDN6inckMVvq1ihdyNVVqF\nUlejm7h6cSidcGB6nMJna2it3gJY9roJTD3daVkjHp78WrGvi6k2VdK3siy+O//5XNQTRHbKLLwz\ni9JUUNsa3rAVzWtqBqWt/p0Qb/T0QVNPxN0j9eh+/JQAiL2fpC2nm4M1vLheZuqVCTwRNzs/2uvO\nYKRv5Zh4PkF0KTrwWIIoEJo8VtAKMHY5zt61FNqhlE6E+FIUb+TJDM3aBVZ8+j16it5Datsp9g2T\nideuPJSTzcOw/+Pr1PePhj+amQJqs8nYi899LtfzReDMO7HT6eSb3/wm3/zmN7sf++53v8uv/uqv\nAvBLv/RLj+/qRjx2HB5Hz4BcF/Poz2ahhcvvZOrlSZSmSv5egXrO8rR1+p2MPRcndrD4BSf8+JO+\nnuGF46hNlb1rmdMN4l0ikkNG13SrK2zzpVpbY/fDfdrVNrqi4/A6mHl9Em+kvyukdjSq50hc68Mm\n+lg8Hoxx+DGHiKmbtl0Yp2/47dX87ftUNne7f1frDfK37uP0+/AmIuRv3aNVqCCIIt54hNhzlr2Y\naZpgmn0LtCAI+McTXeeGWipru8irjRb1dAFRkrpJdccZRj9umiaZT27TKR+83ya0CmUyP7nD3M++\neWaXQnLIRC8sUrhzH12xHsokp4PohQVEeaTM+qLTLtmnebXK7QeLZn9GcXqdOL1Ha0Z0KUK90KS8\nXelKHrwxDxMvnm5zlrgQo55p9DxMuAJOxp63H4JuFJoU1nobF7qik72TQ3ZJPYPHalNl79MMvjE/\nrnPIRyKzYXwxL4W1EoZuEJwKEkg+2cFVS2J2FFihtVcHfm1tN43D1++y8yRo5orU0/02m7WdDLGL\niyPHmwfkzDuJLMvIJ244e3t7vP/++/zDf/gPicfj/J2/83cIh5+NraQRvcSWIjQLzVO3vgBKWxXK\nOxUEWeyRPSh1hf1PM/iSPtwBF4Jgr/E9zmlFLxyYpQ9IDesiQGX3qDOptXVW/9M6Y5cTfcMXxfWS\nrRH6sMguCUM3j4zaRUhciuFP+Nj4YLv7/QwycgeILw/uipykken3CzZ1nfpemvL6No30Ube8VSjR\nqdcRBPHA4cHEHbEcHhxeD6ZpUttN08jkAQHfeLyr5bVDdEh4E1HLDeL4e+B1E5qfPvPa6/vZo6L3\nGJ1ylXo6R2Di7K5tZGkG31iM6rYlmwnOTeL0PT7v1BFPD4PSvGSn/FNT9NohCAJzb04TW4xQzzbw\nBF0Eh0gvEyWRxXfnKG6WaZVayC6Z+ErU1j8coJbqH0wGy4PXzvLRGrIrDTXwdhynz8nE1YebT3lY\nDq0jAdxn7EYNG/P+qGmVKrauPLqi0C7X8I+PCt8H4YFaKKZpsrCwwF//63+df/bP/hm/+Zu/ya/9\n2q8NPokknumTehqn6Yg+b57ma4Ozry++EEF2iOTXSqgtFbWjD4z0NQ0wbfx0dUWnvFlm+mC6WG2d\nYv1lP7TcyzA2mXa1tQmZWzmUWof4xTiBuBdREhEe0sxBa+t4Y26apbZ1bYaVQtQqtmyLeEESEGUB\nvWPg9DmIr8RILEVpVTtoLRXfwXUdfy9l+eiGbw4Ip9BabRo2C3B9P9vzftRbWeqpHK6QH1GWaR17\nTXVnn9iFRVzhQF+B6gz4iM5PEZ6ZICWKNLJ5dFXD4XHjTUYRMXuu05aTdhrH0Y2zX4+l86xs7tLI\nFDANA63VYezqRRyeR7vID3MtI54sseUo5e1KnxtAePbJ6T+fJhq5BtV0HcklEV+M4k9YQRTn8RMW\nREunC2cnzkku+98JazfLwLRZS78IjyOBqSS1yWSPpKCHM7TUjwt3JASCwMk3XnI6cYX7g0NGDMcD\nFb7xeJzXX38dgHfeeYd/+k//6alfr9lsmw7L4zYMfxietmtTmirl7QqSSyI6F8bhlGyvr1FoUtmp\nwsGC6B8P4B+3folq6TrrH2ydK4YYwDBMNM3ANEz0Ae+JIAlEFsIU7z/k0/MZxXNpu0ppu4roFInN\nR4guR+BGxr5YHpJmsd3zekMzqe7bT1QLwMp7S5i6gSvgQld17v7ndcuwXTdxBZ14Vnz45nxd717t\nmOOEOxJEqfVLRQRJtl+AbR8CTNvOKyaUN3ZJvvwcxc/WewbQEldWrMOLIhOvv0A9nSd7/TPUepPK\nxh61vSzRlTliFxcHvk++8SSyz4PW6NVTO3wefBOJnu9zEKkPb1DdSXX/rtQaKPUGM+8+OjszWZaG\nupYRTxZ3wMXsm1NkPivQrrSRnRKh6SCTL4yhn3NNepYxTZPdj1MUN0rdtbh4v8TsW9Nn6nofhthi\nhPz9Ip0T8rfAuB9D1amle9clySURXXi8Ec4PhWGw+B9/j/idm0idNrXpOT567z2gV5ohCAKTb1xl\n/8efUt/vlxZ4Yp/P8L4vEcU3HqeR6r0m//QYjpHM4YF5oML33Xff5YMPPuAXf/EXuXXrFgsLC4/6\nukack8ztHNnPjpwScnfzzH9pBveJIYb0rSyZOznMA0/bwlqRqZfGu4tXYNzP2OWE5evbGk4eIMoi\nkVlrYcjeydna0oiyyMrPL9CpKlbK2cPcw4Z81jAUg9xqgVqmjugQMJTBJxUkgFNkGue4XnfYjSvg\n7BZp2z/apXasSO5UFdTrKv/7S3fI/7fvs7ElEZqb6m63xS8vo9QatA+jhgWBwNQYkeVZGtnCmd68\nZ6ErCoaqMvdzb1nxx6aBfzzRpw0u3t3oGYAzFJXi3Q38E0lcQb/tsUVZIv7cMvlbq90BNdnjIn55\n+VSJxSFqq22r4zUR5wAAIABJREFUaWsVytT2MgRtPIdHfLEIjAcIjAd6NL3Wnz89hW91v9antW1X\nO6RuZFj6yvxjO68oicy9OU3qRoZmsYUoCfiTfqZfnUBtaWz/aLc7JOzwOZi8khzKHk7taGRuZmmV\n24iySHgmSGxxePnXg3Lh936H2Q/+c/fvvnyWt9N7VP78/9j3tYIoMvnmS6Q/vkVtP2PFu4sCvrE4\n8c9B33vI5BsvUvhsjVahjCCK+MZiRB5g0HnEEWcWvjdv3uQ3fuM32NvbQ5Zl/vAP/5B/9I/+EX/v\n7/09fvd3fxev18tv/MZvPIlrHTGAVrlN5nauZ9u9Xe6wdy3F0s8ePZQoDYXc3UK36AXLZixzO0d4\nNtRNABp/Pkl8OcrG+1s0znBCkFwSyYtxPAcTufWcfdKaK+jEE/KQ+uThOq8PQrvSOdjCG1wwmjqA\nicMr9+uBh5FnHCA5JZKX4t0btq7q1iDgMRy6yp+5+x/I//Imh7lS5fVdgvNTjL98GYfXw+xX3qC6\nnUJptvDGI/iSMcDakqtup3goRBF3KIAgCAQmeodcDF2nmS1iYlr6shMYmk51N0Xi8uAbQWh2gtBU\nksKa5dcZmptEdg03/KLWmxiq/QOX2nh0KX4jnn6+yJreRr5JcaOErhl4Yx4Sy7EevW4tXbddJ2vp\nOvufppl5ZXBoxUmUpkpxrYhhmIRmQvgOOsa6qtMsNkEUcHocuPxWB9Eb9bD0lXnrfiLQvS9IDomV\nry1SS9fR2hqhmRAut3zmruehRV0zf/T7ax1DHzpptF3rUFgrond03BE38aXomYl1otIhcfOTvo9H\n0/sY/+YafK3/QVwQBCZeu0KkPEszV8IdCeKNf74dbVESP5fBui8yZxa+V65c4bd/+7f7Pv6Nb3zj\nsVzQiPNT2q7Yak0b+SZqS8XhcQBQ3qnaeud2agr1XJPg+FEXT3bJTL0ywf3/stk3tOUKOYktRBBE\n68n98PgADBi2UJoq97+7QbNkX0iLTrHPK/hRctZA3SFqU8M/5kNra6iHARkLEVI3skP5DktOkeDE\nkfbKNPtlr+/sfp+lymbfa6ube/gSUYIzEwiiSGh+qu9rxl+9gtJo0T6IKn4QfMmo7TBHZWuPwmGX\n95QGmziErY/schK7MD/w86ZpUt7YoVWoIEoiwelxvMkY7kgQ2etBa/b+nAiSiDcRO/O8IyxG3utP\nL8WNEnvXUt2B4vJWhXqmwcI7R96sgjSg6DcheyePKAmMXzl7OKy8XWb3WhqtbT1M5u4VSF60Hsxz\nq/lu2iWAL+Fl+rXJrtWZaDMfIghCz/o21Pe7Xuopeg+/j+JmyWoSnDGgV8vU2f7RHmrzYHZkA9LX\ns8guCVfAxcTzCbw2AReOZgNnzcaaEXhHa1P9DxnAPjTIHQ7iDj8aXbnWUWgVK7iCvtGQ7lPCyB/o\nC4A4YOEQJLFnUZEHDC4IkoDD3f85b8zL0lfnSd/IHtkJAZ2KQupGFn/C1zUdNw2T/Fpx4GCb3tap\nt+0tzgBkt4yiPL6AAlM38cQ9tPJne/nKbpmlr853G72CICB7Zba+t3Pq7BaAUlfJrxVJXrTCNGSn\nhDfq7tHGTdYHd2yb2QLBmcHdHEEQkF322i5RlhEksccRQ3Q78IRDqAeaW288QuKFC/3X3WiSu3EP\n/fDfYEDRK7ldQ7k7HFLZ3KWytY/a7uD0eQgvzeIfT5D68fWeRLnqbprElQtEFmcIL0yRv7MOx4b8\nAtPjeKKjQm0YRt7rTy+maZJbLfS56FT3apS3K0QOgjZiixGK6+WBD9vlnSpjzydP7Yqbhkn6dr5b\n9AKYmknmTs52B6uRa7L74R7L7y0+0m57Z8CwdKeqsPeTFLGlKJ5Tkvkyt3NHRe8BhmagaAZKQ6Vd\nabP4lfm+Y3SCYRrJCYL7J5LiJAH3vXtsuq882Dd0DnK37lHZ2kdvdxAdMv7xBOOvPv+5eQKPsBgV\nvl8Aogth8vcLR4bgh5gmOx/uE5oOoBwsHK6Qq29wwRN20cg3kRxS12+2WWxSWCuhKTreuIfp1ye5\n/531ru73MF1o96M9Fr48x+YPdqyBuZMMIc2TXRKTV8fY/tHeqZZgp+GJuJGc0kD/YATolO09Qvuv\nx7JOkmQR86BTHJ4KIf+sTOp6hk61g+iQUBqK7fd2Uhs98eI4WnuXVtl6383TOhxnLIj1VI62jQQB\nwB0LM/XWi5TWtlGqdSSXk/DizFBdhsrm3lHRexxBsP4zDJxBP7FLw3tHVndSZD79DPNguFVrtOiU\na3RW5vpilE1Np7y+Q3h+itjFRVzBALW9DKZp4I1HbbvfI+wZea8/vWgdnU7VPp2wWWh1C1930M3U\nKxPsXdvv6cp2j9PWMA2z2xnWVR3MIzs40zRpFpt9CWnAqbKtRr5FI9vAP2av4X8QXMHB60X+XpHC\nWpGJF8dIXrSXPTQLp0uc1JZG/n6Rmdcmez8hiux8+ee48HvfwnEstTM576fpev6xu1FUtlMUVze6\n9whD1ajupJDdLtvmw4gnx6jw/QLg9DmZfGmC/U/TaMeKLl01qOxWe/xuJaeIK+RCa6pWUSoINAtt\nmoUUkjNLdCGML+Fl58P97pBaZcfanrMbdqtnmxTXS/ZFLwyl59U6OrV0ncV359i/nqFdbluLuiAM\nJVHwJbzMvjmFy+8iu5pj/1qm/4tMy4nhLBxeB/EV+6ELf8LHynuLmIaJicnqt9dtDfe90d7Og6kb\nhOfDBFSDNirSwiL8Trr/BKJware3Xa6SvnbL1uNYcjqILM4gShKxC+cbNjU0/cAD2OaSJJGpt18B\nQcATCZ6rU1HZ3u8WvYfoikptgEZZqdZRW22cPi/+iQT+ieH0fyN6GXmvP71IDtHa3bJJzJQ9vf9m\n0fkwhqqz+3H/74s75EaURDr1DnvX0jTy1gO/J+bF4ZZp5puonQfzLtcesPkwiNhihNJmicaA3TbT\ngPTNHLHFqG1Ijp2F2kl0xf57Tb35Ds3EGOEff8B4rMa7iwaNvcknoh9vpHO2979mvtj/wRFPlFHh\n+wUhPBMkezuLdsZOvq4YSE6Ti//1CqnrGSuWuPs5ndxqgWqq1ufMoDbsFxZDN2gUHz4KuLJbZfxK\nkrHnEux+uIfa0jCHqJrdISfLP7fQXcjMBzA8cIVcmLqJO+gieSmOO+BCbanktiuYWAt3p65Q3qpg\nYhKdj+AJu0msxNj7SaqnSx2cChCesbbkDd1g6we7VFM1TN3qzrgnPNT+t6/yemaD7T9O9SyMssdN\np1zDEwvbLszljV3bold0yky8cbU7AHceNEVl7/vXaBcHdJGj4b7hDkM3aJfKyB4PTt9ga6WBISSn\nyChk5/AJUCOG57ze63Dgv87T41X+hbgOWSQ8EyJ7IrLdHXIxfimOdOLYYxfjVFO1HutE2S0hOURW\nv71Gu9LpaQ7UU/YWi8PiCjqJzgTPHBw7zjDvx8rPLpC6mSV3r2jbzDBUg9p+jbhN/LFjwIPCcbxh\nz8DraFy4yPrMBK9/rcRy9iNu/z+PZ7paabRQanU80TCS0zH4C80h/NAfkqfFo/xpuY6TjArfLwil\nrTLt6nAaWaWuUM82aNkVrKalU7XFRrbgi3lxBx7eT1Br67SrHbK3c0PbqCHA7FvTPUVieDZI6lOb\nju8AHD4Hl35huecY+fsF0jezXelI+lbWWqwP1uviWomxF5IkL8Rx+R0UtyoY6sF09kqse6zM7VxP\nt93UTVq7TeSPHbz5ay8jOhbY/d41tKbVNdYaLbLXP0NXFOKXl/uu1VDs/10kh7Nb9BqaTvbG3YPQ\nChN3JEzihQsDXRVKqxsDi17RIRO9ON/zsfLGDsV7W6j1JoIk4RuL4Z9I0swVMA0TbzJGaM7acnQG\nfLZewp6xGIIs9n3OP5FEdIyWpMfBeb3XwfJff1q8yr9I1zHx4hiCJFDdr6GrBt6Im/ErSUxBsD32\nwjtz5O8XaBZbSE6ZdqVFZe8hItgHIDgExp5PYpjDDwMP/X5IIhMvjlPLN2kOcP4RB/jORxcipG8O\nCJbACtdQOhpKW7MdyMspVnPHzjP9UWAaBulrt2ik8+iKiux2EZyfxBMLUdvt39lzRUKP1UP8afEo\nf1quw47RXeYZwjRMcvcKNPJNREkgNB0ifDBcNsw2/nFqqRragMEJQRYwbTxvvTEPnarSHbhwBazY\nSW/UQ241PzgWWAbBPD3K2OF14PI5aQ/Qvzm8MrpmdJ0fRFlk7EoCb8RLp9ZBU3W8YQ9Or9PekmwA\nE1eT5O4V0FoavoQPT8RF5lauRy990m1CVw0yt3LUU3XaNQXZKRKaDpG4EOspoAdZu+18v8z172q0\n8uVu0Xuc6m6K6MXFvq6LM+iHvf6i/rinbuqjGz3pQ0qtidZqM/3Oq7Zd5E5tcIfIUDWKdzfwxqMI\ngkC7XCF3cxVDtd4bU9ep72d7zlfbTdMulpl+4yqxCwu0i5XuYB2AKxQgfmEeQ58lf/s+7XIVUZIO\nvDL7i/0Rj4aR9/rTgyAITLww1hPz2yg02fnImnHwnLA3E0SBxAVrWLZRbHH/jx7xVrlgycXm357B\n4T6lU/kICI77bAtfySkRGLfXFY9dTlDZr9k3arC6xfm7VuDJ0lfme9a5w6L3H/yVEssffsL1bz54\ndP0g8rfXeiwmtXaH4t0Nxl65QnB20ppVOPBe9yajI2uyp4BR4fuMYJomWz/YoXxMS1veqdJ5IcnY\npQThuRDZO8N3S0ub9l0+62T9H3L6HMx/aQbThNJ2GckhEVuIdJ+w596e4f53NmwPF5kKMfvmNOWd\nClpHp7JfpX48AUiwBvRkt4zoEG0nmWMLEcauJKllGmgtldBMCF3RWfvjTepZKxHNE3Yz/sKBXMJG\nF3eS0EyQ7J087YOhMz7L4wm5h3oP9Y5O9WBbUcFKdtMUjamXjjS6g2RkjV0DEqDW7Qfx1GYHvaMg\nenu1wp5oyLKLO57eJggEDzqs7WqNRrbQd7xmrkgjW8A/Fu/7nOQ4/UbXzJVo5kv4ElGq26lu0Xsa\n1d00rZU5XKEAM19+jdLaNlqrg9PnJbw82+0+T75x9cxjjTg/I+/1Z4vSdpndj1NdeVlpq0I9XWfh\nnbk+q69WsXXuVM3TkJwSF39hGaf37IJXaShU9mq4Ak4C4/4H0skmLyao7NVoFY8e+AVJYPr1wbpb\nQRS48LVF7v+XDRrZwYNu9XSD8k6FyKylXX8SRS9Y62sfpqXxnXrzRSJLMzRyJVwhP75k7AvtT/2s\nMCp8nxHqmQbl3d4BMlM3KdwvkViJ4XDJjD2f6NmiF0RwBVwgWCEO1otOOcmBlKHPWUGAxKV41/Fh\n/HKy+6nSToXyZhmto+MOuY7Oc4Dkkph6dQJBFAhM+Nn9OGUVmiJIsogr6CK2FCV2kBznT3gpNXqL\ncofPQWzF6joe9xre+v42tWOatla5ze7H+8y/M4PsldFOdH0lp4g76EKUre5CI984KnoP3pvWkM4P\nduTuFkhciHdvIoExv43LhMllt/UxZ9DeD9Pp8yC7+6UJ5Y3d/shi06SVLxGYTKJWG1bakA1KtQHH\nCl+12SJ/e41m/oz4aNNEqdbxJaJoA6QWfS/RdOqZAmGfl3o6h3Zg5eMdjw0dZDHiwRl5rz87mKZJ\n7m6hb6aiul+ntF0hOt87gBgc9yM5pcGe4qLls31cqiCIAqZd1DnWrt0wRe/+p2kKayXrvII16Dv3\npWnkc8rcRFlk5b1FCmtFGsUWslMieSlx5jUIosDil+fY/rGVHDdoR69V6dCdSDAM/sEvV1n+8eMr\nesGSOtjRzBZRW23ckZCtb/qjROsolO5todQbyG7XQRLoo/Eh/iIyKnyfEeq5hm3RqtQVOtUOnoiH\n+HKM4GSQ0lYZQRRIrsRAFKywgJ0KqetplHr/AiDKItHFMMX1sr22y7SsdjixQ1NYL7F7bb8nCU72\nyMguCUM38UY9zL4x1d2y3/jeNo3M0RO7rhhobZ3wdJB2tcPetX1qWasoFEQBQRLwRj2MXU70bMGZ\nhkktW6dmY12mNjW2frDXV/Qe6oFDk0eLwe3ff8RbhqYV2Tz9qtWBTV6K06l3KO1UMFWTsEfjRbHK\ne/4SmqIgSCLOSBCldOyBRhQIzk/Zuicodftuh9JoYpomVRsZBIDokPCNHxW9pmGw/6NPjyKRT0Fy\nOvBPJDBNk05leF2h0+9j/8fX+2QQyasXCc09mDVZaX2b+l4WXVUtycRzSzi8g4frRox42mlXOgND\nfZqFZl/h6/Q7icyGyN/vXbs8ERf+8QDR2RCCLFJYK2KoBr6415qduNM7THfIoQ/7aVT2qtYw3uEy\nb0I922D/kzRLXz5/dK4oiSQuxDmPZ4tpmGz8yfZgu8oD3EEX8ZufMPvH38adS3PnX3jQXgtjmrOP\nrdPqjoZs10ZDVcndvMfk6y88lvMeoikqu9+7Rqd8tJ7X9jJMvPYCvrFR6I8do8L3GcE14Mladks4\nfEddNKfXwdhz1pIiyyKqqrN3LUVhvTRwi8zQDAr3SwO7AgDV/SqdhoLr2LkK66WeohdAa2nEFiM9\n+jWA4la5p+g9RKkr5O8VqexVuxnwYC107pCLpa/O08g22PzeNmpLxTBB72iDB/CwtuT6OFisQ5NW\nkZ1bLfQYuw+L4DjQKg+Y5+jUj84tiAKzb0zjWHHzS6+W+Fp7ncy3OuTvrFHZ2EVrdxAkCYffi8Pj\nRnQ4CEwnCU7bW5rJbhdKtV+TK7tdlDd2qA8ofIOzU7gCR8lGle39oYpegODcFA6vh1a+ZHWNh8AT\njwBmT9ELlma4dH+b4Oz57YQKd9fJ377fvfl2yjU65RqzX3kdUR4tYyOePdS2ytYPdgauJbLb/ud6\n6tUJfDEP5YMBt8C4n9hSpOd36rjkCsAddpO/V6RT7WAaJk6fg/BsiOSlfvnTScrbFdumSzVVxxzG\na+wRUNwsn1n0+pM+Zinx3Lf+X1x1671p36hy41aGxPMm0ZX5x3Jt8edXqO9nbV1sjg8Od2p1yus7\n6B0VZ8BHdGXukaxd5ftbPUUvWI46pftbn0vha5om9VQOU1XxTSRPd7j4nBjdMZ4RDp/yT0Y/hqaC\nyM7BliHVVN3qDpyxPp1W9ILVnd39aJ+lr8x3P6baFZjQl7IDULg3uLvaLLV6it5DWqU26Vs58vf6\ntwJPZcCNpLxToVVo0Sy3HygoI74SZeLqGPf+aL1XInEMh83NSvbJvPllB2M/1llL5SjcXe9KFkxd\nR6038SaijL98+dTzh+YnaRXLPXIGQZYITI1R2di1fY3kcRF/foXcrXu0CmUEQRjGWhlEkeiFeRIH\n7hJKsz3QUNMTj2CoGqZh4I6FSTy/Qvn+lu3XdmoNtHYHh2dwUtNJTNO0hkdOnL5TqVFa3zm3b/GI\nEU8DubuFPmnYIa6Ak8SKfdEiCAKJlRiRhYjt5+2IzoWJHoRjmIYJAj2F8mHyZjPfRHSIROcj+OJW\n8E1rwMCxoekHx3j8xW+rPNgy0xf34ol5GH8+wfTv/ctu0dvFsDqgj6vwlZ0OfONxqlv7fZ8TRIF6\nKkf+szU6J5oNjUyemXde7Ra/nVqDRjqHw+vBP3l6Kt9xlJr9A4EyYIbkcdKp1klfu9Ut+GX3fSIX\nFogu20dDf16MCt9nBEEUWPiZGVLXMzSLLURJIDAeYPxK8tTX1VK1R7YuNXJN1JaKw2M9wTm8DttB\nMIeNXksZEGUM4A46GTRqV9mrnK/oPQW1oQ30IwZwBpwoTQVOnk7A8hi+nEAQBAJjftvCV3QIxJbt\nwy8Oqe9n+nW6QD2VhTMK3+D0BEqzRfH2eldXZmo6uRuryF77QlJ2OUl9eJ1GKnfqscGKPHZFgjg8\nLsILM3hiR9us/ok4sseF1jqp4XYw+cbVvjQ3h2fADoXLeeZA3SGGrpO7eY9Grog6YHG3c8UYMeJZ\nYJA3rSgJzL09001he9ScHJgzTZPN7+/0WC+WtypMvTJBdCEysLFiGnDvuxvEV6IExu3nFezoNBT0\njoYn7Om7lkEc3nNO4go4ufT1JfSDNVVu2q8TgwIuHhXBmQlqu+m+wB5HwEf62k30Tv+/dbtYoXhv\ni9ilRXI37lLZ3MM4aGq4o2Em33hhKCmXNCBJc9DHHye563d7utxau0Phzn18Y7GeXcfPm1Hh+5Rj\nmibV/RpKQyU0FWD2zelzvf4w0nJYnAEHWlvDUPuLM8MwMI7LJWw6gJJTJHHB6lTomkHmVpZWuT3Q\nDcAddpN8Lklps9J3I3B4HQiPPVjSwhN1c+FrS+x8vE9xrXfgy+GWuzHGABNXxyx3ip2K9X4I4PI7\nmX51Al+sNx44rxx0Hw7eq0E7g3pbQWm2cHo9tIpl1EYL33gC6YSvrVKu9w1TdCo15AGFZqfWsPXS\nRRB6LkaQJGKXl4gu22v2JIeD8PIchTtr3Y6zIImEl2ZtI4wji7MU13f65BH+yQTikKbm6Y9u9kUb\nn8QZfHoW0xEjzoPDa3/79cY8eCNPTrt+Mt0TLMvG3GqByHwYf8I3UGZQ2avRKDRZfHcOb/T0aHS1\npbLz4R71TANDN3GH3YxfjhOePTtBML4So7RZ7uuQh2dDVvF8UPjWJ6bg04/6Xu96zOuELxkjeeUC\nhXtbaM2WNVcxlgAB26L3EKXWoL6fpXR/u+fj7WLZ0gcP4XwTXpqlnsr2NgFEgdDs5OAXPQa0jkKr\n2J8Aaqga1e39p8rGbVT4PsV06h22f7hH40DekL6ZtbbbT+hnj2MaJvn7Beq5JrJDwhNz204BO/2O\nfp2saGnDXAEn9769jn5CDuCLeXH6rCfvRqFJy26b7sD83HSYbLy/RT17+naLL+7BNAwSF2OkbmaP\nPHMFqxMsyiItm1jgR43L70SSBP7sL71AUpYxGgqNusLtO1n+5Htb7H68j9bWGL+SRJRE5t6aRnlx\nDKXWwRP19iUugb2djisShO3+LTGAzLXbwIE9jmkie1yEl+eIHduiG7SthQm+ySSNE7pa9AGSDtMk\nOD+JqeoIkkRgegz/eOLEl1g3k8OCP7YyjzcWtjobJgSmx/DG7LdbRVli8o0Xyd9Zo1OuIsgS/rHE\n0F69Sr1JI2M/kHOIJxYmPH++B8ERIx4nhmZQ2ipjmlbksF2gwiGJC3EqezWU2rG5AFkgunj6rtGj\nppG3H5ptVztobY3ExRiVverAdVhr6xTuF/G+cXrhu/txqieBrl1us3stjTfuO9PVQZJF5t+ZJXMr\nR6vUQnJKhKaCJC72ykG2v/rzBFZvMra+1v2Y7PMQvfj45VDxiwsE56Zolyo4fB4cXg+737t26msk\np2PgOtcqljFN01byoKsaekfB4XXj8nuZfOMqxdVNlJrl6hCYGX/ia6PQ/d+gTz49jArfp5j9TzI9\ni5Ku6GTv5PAnfQTG+s2+7bx+hS2B0HSQdrlNu9I5MAr3kbgcZ/P97a4tjChbJumhKWvKN3k5QfZO\nvlswu4MuJq6OdX8Jm/mm7bCcrho0Ck0MzTyz6AUo3C9RWCshSgLC8cAGE2rpBr6EF9kt9QRKPGp8\nIRd/9a++zn/1pXmiNkOE6Uydf/1vb/Ev//VN1LY1YGcouuVcEXHbdjoGeUie1qFslyoY6tGWnNbq\nkL95D7XeJHHlApJDRnI7sdOFdGqNgV1fOySnk/jlFRw23VpDN8jeuEszW8DUddzhIPHLy7hCATzR\nMFqrTW0/R3l9B6XWJDQ3SadaR6nW8Sai3Q6wK+hn6s0Xh76mk9+PMcCazeH3EZhMEr04b+t+MWLE\nk8Y0TLJ38+TvFbszDtnP8ky+ONaNMD+J0+tg4Z1ZsnfydKodZLdEZCFCZMDXDzz3wa5gI9dEdsvE\nl6OnFtwnGTREJ7tlJKeEKIksvjtH5k6e4nrRNixJPUOOpik69Wz/YK7W1kjfyoJh0mmoOL0O4ivR\nvp0zAHfAxdxb0zQKTSo7VXRFR22oOMJHO0gZWtT/3C/yP6z/Pt5MgXbe8g63W+celnapQj2VQ2m0\nwDBwBXyElmbxJo4eXBx+LwzYtJLcLsKLM5TWtm0/LwhiX9FrGgaZT+9ST2XR2x2cAR/hxVkiSzNM\nvfUS8PklpkkuJ55opK+Ql5wOQrMP5uTzuBgVvk8ppmHSKPQ/iZuGtTVlV/jW03Vbr99WscWFry+h\nNFUcLisk4v53N3u8EA3dRJCPfsnGnksQmQ1R2q4gOSWre3GsMPXGvQhSfxqb5JTwRb3k7p/DKsw8\nSJ6z+WVtFJpMvTxBM99EaWkotc7wkcZDMLUc4f/6+3+K5Rlru211Fb71LSgWIRqFv/AX4MIFP//L\nr7zJV99d4Ff/1z+gdMx+qLZvbfUtvTuPYZgUN0oYmoExKfBPfrXe5yHpjUZAFMHG+9HQbL4v06Sy\nsUt1J83Ea1fwj8dpZvpDKrRmC609eADkJIGZsYE3g8wnt3sGNeota3Gf+9k3Kd7doHB3oyuTqO2k\nKXy2ht5RMXUd0eXAFfQjmKCrKoIs40tEiV1aPFeR6o2HbTXFgiwx+eZV3KHhNYUjRjxOSltl0rey\ndE5Exit1hf3rGYKTgb4UxkM8ITdzbz14Z66n2XGwFBfXS8x9aRrPkHKJ+EqM0ka5LzUzNHV03Q6P\ng+lXJlBbKpWdfkcYl/90f27TMAe6CpW3K91h4wZQy9SZf3sGf6K/SZC+mSXzWa7rJpRfKzLz6iTh\n2RCYJq/8+3/H5TvXKJdaVGQrEXLYmYJhMQ2D/Q9vWPMax76lGlBL5Zh++2Xkg+Hd6IV5Wvkincqx\nol+wNLzx55ZwBf0Ep8epbu/36YO98X4JSP72GpWNne7flVqD3K1VnAFvN7b+8yTx4kWMjzVaBavx\nI3vcRC8u4PSfvhvwpBkVvk8x57UdrOebtoNsnZqC0lTxhKxfxvy9Qp87BCaUNsqMXUp0Bw6cPmfX\nGu0kvpiX4GSgbxEMTQdw+p2oTXvHh3NjWMX73JdmUNsad35/9dEcF3C7Zf7+//EeyzNh1tfhl38Z\n/uiPenUvGmUHAAAgAElEQVS4f/tvw3vvwW/+Jjx/Ock3/smf5q/+z/+O9jErtHq6wf6naWvb8sDO\nTLwj8odzMssnnMlESSQ0O0Flc6//gk4ZQjQ1jfS127jDpxR8QxpVeOIRfOMJUh/eQNdUXIEA0Qvz\nmKZJ9tM71Hb7WxRKtU7h7oZ13SeEyse1ZUZHpZXr1Ui3C2WUWpPJN4dPapMcDkLz0z0OGGANkYyK\n3hFPC0pDYe8nqYE7UkpNobxdIWrjwGCaJmpTRXJIDzzIVlwvUd7uXYPb1Q7pWzkW3hlukl6SReZ+\nZob0jSytkqVPDU74bSV1yYsxmsUW6rF5DE/YdaYtmsMt44l5aZzcBRT6A5O0lkZ+tdBX+LZrlg3l\ncQtNvaOTvpUlNB1k6ofvs/KD76MfzlNoOvW9DHmfh+SVC0O9F8OQv7020DqyU6lRvLdF8upFABwe\nN9PvvEbp3iZqo4XkdhFZnsXpOyoEvYkoscvLlNe20ZptBFmyNMMvXuo7vp0swtR0ajupp6Lwdfl9\nzLz7Os1cEUNR8Y3Hn0q7yafvikYA1uStL+7tW9REWSAyN2DrzGf/1C27JZzHpmI7NfuiVGmqaB1t\n4ATtSebemiYTzNHINRAEAf+Yn+RzcdS2ahsu8SAIIvhiB50L0xzON1JkqCLwL/73L/L8c0nW1+Ht\ntyFjs5aZJnznO9bnv/99q/j9i//di/zz3/q45+tKW5UeX2BDMfh3/0LhL/wVCejt5I6/8jzueITS\nvU0MTUdrtW2dHk5iKIp9POY5kZwOUj+63u0wN1J5moUSgiTRsok8PqS6k0Jv21sbnUU9naVdqpwr\nwSj+3BKukJ/6fg7TNPAlYt145hEjngYK66WzZVg2zgWVvaqlVy1bhWZg3M/s61PnkiiYhklh3T55\n0S4UQ2mpKHUFT8TTN5PgCbmHKpR9cR9L786Rv1+kUbDkbs6Ai3qu0Y0KHsTEC0l2PtzrdsZFh4jk\nlHqK6O612lhiVnartol17UqHRr5BbPU2os394eSD+MPSLJx+vJM2YrLLSeKMwju2Mk9kYdqKNvZ7\ncQ5wQBiUEmcMmuX4HBAEAV8y9rlJLoZhVPg+xUy9OomuGNSzdUzDcjlIXIzhi9v/UkTnwxTWin2e\nuKGpYE9HwR203+J2+hzIruF/JERJtO0KlLerj8yCLDARwDStG0xoKoDXrmtwDE/Eha4apwZcAEiS\nwC/+uecBq9NrV/QeJ5OBX/kV+E//Cf78n7vMb/32NfRjW3d2YRjVCvzH6wFepL9YDM9OEp6dpLS+\nTfaTz04/+XFOKfxlj4vg7CTFe1u2UgoA2etBa7b7ZBXtQv80bv+5QZBlTDtJxlkv1Q1ahfK5ozsD\nk2MEJgcPc56kXarQzJdwh4M9WrsRIx4HZ/mfu0OuPs2u0lDY/Wi/K9nSOzrlrQq6ojP92mRPSNAg\nDN1g7f1NW/9zoKewNQ2TnQ/3qOzV0BXdioBfivREz595Ps0gcydHq9xGckgYumENu5lW4VnZtYbf\nJl8cH3gMf8LHxa8vU9iwoo/DM0Gyd/IUN/rXHjtLzFbFfrhOkAVkt+NJ2AkPhfSAseyiLBOYOD3P\nzhUO2A44H7eeHHE2o8L3BKZpkr2Tp7JnPV16wm7GriS7MoEnicMls/TVeZrFFkpdITDhR3LYb4nl\n7xXI3Stg6AZOvwMTE4dTxj8eYOKE1290MWIlqeWOyR1EiC5EhvZVPA3RMbhrIbpEHC4Z/5iP6n7d\n9mkfLC/L6FKEdrnD/e9ugAlpj4w3Plgr5PDKmKYwsOgV5aMM+3d+Zo7xMT9371ryhmH4zncsDfCF\nCwF+5u053v9gEzjw/20otl1ml3z6aiwIj2g4S7BsbWIXFogsz1HfzyK5ndT3szSzRQxNxx0OEFmZ\nI/3xzQc6hcPrxh0JDtzmO/XyZAmPjWbtUWGaJqmPblLfz1haOUHANxZn8s2riNLj8UMdMSI0HSR3\nr9CXYAngCbuZfHm8b00trJds5xRqqTp3/8M9/GN+Zt+cOrUJkblboJ4e3AAIjB/NgKRuZHqKS7Wh\nkrmZxR10Ex4istg0TNbPcug5aE7EV2KnOjSIstgTzBFfiVLLNHpCjySXRPyEH3phrUh5y97t3RNy\n4w66KK1cJHHjGidXVE/s6MGjmS9R3d5HV6zY8wdJT/PFIwMbBZLL+cjcFKo7KSrbKQxFwen3Eb04\nT+LyCkqteZTUJljNgfDizCM55yA0RaV4dwOlUkNwyARnJwhMDP/g9LQxKnxPkL6ZJXPryOy/U1No\nVdpc+NrSYzMUPwtv1IM3OnhQYeNPtqjs9nq1Ov0OLn592fYhWBAFFr58aA3TRnSIhKeDtjq0ByEy\nGyL3Wd42lcjoGHQ6CrJT4vKfWubW76/abxUKAmpD7Vls1ZZmO1gBll9xaDpIfnWwFCC+EqWea9LM\nN7n8nPVL+6/+1alN1B5M0/r6v/k34fJzCd7/YBNRFlj+2QW2f7Tb53U5NiHwZ16ucv+G/fHa5SrC\n/8/emwZJlq9nfb+z5b6vlbUvXdXT092z9Gx37tx9kQjJWCAhPjgUYSIENpYNKPQBK8AiIIgwIYdx\nYIxt0MUBgUSArUBIwAXpIi5XV3fm3tmn9+7q7tqXrNz39Sz+cKqyKivPqcrq6e7pmZu/TzNZmSdP\nZnX9z3Pe//s+jyIjOhT0zskVajArAlYDcJLbyfjLl3sVTtnpIDRnLr7+VAJd0zF0HUmRMQwDyek8\n0VvSDm8ySvjcDBv15kBE5mn4UnFcobNVe89CYXmN6ubu4QOGQT2dJXfzfq/fbsSIR4036iFxPkZu\nOd+zf1Q8MvHzMeKLUctCwkmpkbpmOjRsvbfD7Bv2rQcNi8FnAASIzof7Kq/V9KCbgjkkXR5K+OYf\nFIZy6NHaGtXdKtGFSF8BSVd1PBE3Y5eTA6LYE/Ew+8YU2eU83XoHxa0QOxfBd2x4u7hesq3oNotN\ntj7YJffKy0hbqzxz90O0chtEEW8ySmzfP7aylWbvw1s95xyzKJBn8gsv2w4fHqVbb1Ja3URTVVyR\nEK1ypWcXKcoynliI4Py0ZfVV63TRul0Uj3uoRLby2hZ7V+/0Bt5axQrNYpmpL77MzFdepby+Q7fR\nxB0N4U3GzhwBfxZ0TWP7rQ/6ginqezn0584T/JTaSY6E7xEM3TBzyY/RrnTI3sszdvGTu8PRNZ3K\nbg1ZEfEmvL1/6O1ah/L2YEBBp9YlcydH3GboQHbITLyYsvzZx0WURCZfHmf3app6vmm5YNVzTSo7\nNcYuJth6f3fg54pHpl4Y3qUAgYF+6MMTgsT5GKnnkrSqbZZ//wGe/T7mwhlbZg+e7/WY21mGAXs3\nMz0/yVq2DjqEpkT+2pc3uP/PBgWm2u6w+951s193iN5eAOEEcRycHu/b1u+22lTWtjAMCEynzEGK\n/YVdEAQC0ylyN+4N/ZklhwPfRILI0hyCIDD5xhW23nzfOhjj+GvdLsJzE0Qec6xw06bvzspQfcSI\nR0nqcpLwbIjy5r4Dzlz4RCHlH/eRvZc/cWu+lq2jdTXbHT47711XyMXUK/3WUXbtGLqNy8Jxjrs9\n2CFIAq6QuTO681Ga7N3DeYFWuU2z1GLxG/MD34036sH7+inhFxatZAcYOuTu54mlRKT/65t84wMH\nH/6fGVzhAO7IoQgtPdjos4sEaOZLlFY2iSxaB/ccUNvNkv7wVt+MgzcVwzsWxxuP4vB5LHtadU1j\n78Nb1NI59E4X2e3CHQ8z9vwFRMVefpXWB10eurUGxfsbJC4v9QobjwrDMKis79AslBBlmeDcZC9p\nrbSy1Sd6wRyoK61sEZiZeKyi+3ExEr5H0DXd9g9MfYQWWmelsGba5RwYnXtjHiZfGccddJ14J1zL\n1ok/E6ORb9BtqvjHfGcanvg4+OJezn19nvJOlbU/tvYpbNU6xM9HKa6XqOcORa4gmu0YRxfO0zA0\nA9Wm91RySL0KiDvgIjDhp7EfoRw5YxvowfPr+64VhmaQf1Ckulcj+FoYj+Djf/jpMt8oXuej/0fD\nYNCdI3P1jqUl2UkY3S6K1023Pngz4AodVm3KGztkbyyjtczzKz3YIHphgfCCWT0yDINObbgbCk8y\nSnhhGmfAj3IkEll2Oph84yXTMH1/kMMuEjk0M0H0mYXhPuTHwW7x/RQuyiM+fbj8TlxD9sz6kz5i\nCxHyKwUMm+Kvrhm2grVZatpGwFu15HmibsvdN19iuDSzYYed/Ukf3qgHXdUHbDUBmsUWhZUiiaUo\nz81FmUv6cDok2h2N1b0a11bztnUAV8A1YBfXhw6fHyvyP2Zvc+33XYQXpjEMA63TNQWmYdCpWd8s\ndKqDFfGjGIZB/u7qwGBvfTdHaHbqRKuuzNW7VDYOCztqs0V1Y5f6Xp7E5fMEp62LT8dtHHuPP+Rw\n8UkYhsHOO1epbR+GH1U2d0leeRZ/KjEwrHdAp9HE0HSEIZM4nyZGwvcIoiziCjgtBwbc4Sff4wvQ\nbXXZ+SjdNzxVzzXY/mCXc1+dQ3LYC1m1q3H/u6vUcmYV0uFzkLwQI7pwutpTOyqZ2zmapRayQyI8\nGyKQOpuNlCAIBJI+HD5Hz+br8IemW4Moicx9ccYcnCi0kBSR4HSQyEyIRr5p29owwAnFC62jUc3W\n8e/b44w/n+TBlnkH+2f/rGlZNky7gyDAz/+8+d+3bvcLvU6tS/1+jd/4vwXe/Ltb/PwfTVLRZRJy\nh697i7ziNaujhq7bVidPwhnw459Kkbt9vy+NTXI5ehO9uqaRv73SE73mZ++Sv7uKf3IM2emgtLpJ\nZW1rqPfsVOvsvncDUZHxJmMknzuPpmrkbz+gVaogimbfbiNn/3mOCubHiTcZsxTf3vgnb/EzYsRR\nBEFg8uVxgtNB8g/y5k7VsfXHE3Hb9vi2K9bzBGBaix0ndTlJu9rpzXQIkkBoMjDQR2tHbDFCcX0w\nLtgddpn+vIaBL+4l9bw5hKq2VboWwtzlkvm5r5/jT/7EkmVQUKHa5nvXdvnOB1t01P4PmLgQM23U\nLNweDpgu7PY80wv31ihv7KA2WshuF8GZCSSnA609KJ6tItePonW6dCrWu1uNbAGfzUCaYRjUs9YF\nDr3dIXdzGV9qMJYewOF1ozYGdYjD8+ijrKvb6T7RC6C1OxSW1/CNxW3XcNnt7A+d+hQxEr5HEASB\n2GKU7epun22Kb8z7yPpfT6KaqVPbq6G4ZCLz5nZZYaVo6RhQ26uz9qMNJq+Mk76RQWsProT1TP8d\nbqfWYefqHt6EF5fFwnOArumsfH+jz+u3vF1l8qXUmb8HURaJzIX203kOHw+M+wmO+9E0A9kpM/FC\nitJmmexynp2P0mRuZ/Gn/IiKeGJP3FDosPpH60y/Ok5oOoTT5yRrGOSKTZaW3Hz96+bg2ml84xuw\ntAS76SpvvrU+8HO1rvIHvwf//LtRdMOsNFY7Cumuk5DcZdHZwjDsKzknIcoSWqtN4tISxQcbdPer\nF1qrQ/q967TLVdyRIN36YFVDa7Upb+4iyTL5OytDv+eBP6/e6VJe2TSrJtU6zSNCt2GzsAM4QwEC\nNhWNR01obpJurU5lI43W6SAqMr7xBNFnHn9U6YgRp6GpOuXNMrJTxp/yIQgC/oQXf8LLjneP3HK+\nN3h7kJIJpngqb1WopmvmWjofxpf0oniUAREoOSQCE4M9u4pb4dzX5sivFKll6gRSPiKzw6/jkiIx\n+8Y0e7eOxAVPBogvRVEUCfWYSFXcCi6/s08oh8Nu/v7/9tNc3K+KWwcFOfnZN2Z5cSHK3/vdG1SP\niGdv1MPCV2fJ3ytQ2qoMfPZESuBPv1xh5bbZJpC9ca9Xzeh0a2Rv3sM/HqdT6a/uKj4PoYWTbdxE\nWUJUZMskyZPaFTAMDNX+2qU221Q2dnq7cUcJzk/RKlX6WjOcQT+hc8N5M5+Fps2gXqdSQ++qhOen\nqW6lj4VwCASmxz+VbQ4wEr4DRGZDOLwKxdUSalfDE3ETX7IeUnhUGIbB5jvbFNZLPXGYe1Bg5vWp\nEyuRpbUKhgZzX5jhwffWbJNxjqJ1NIqrpd7CakXufmEg4EJXdXL3C4RnQ2f+xz52MYHT76S8ZQ46\neGNuEs/E949jnnMtW2fz3Z3eDYfaVGmVHt22jq7q7F7PEJgMIIoihiDw/Vt7/Owbs/yjf2Tv43tA\nMmmGWAD8zr++1WdldoDklnjnB+2e6D2gbsi8VQ+x6EwjShKuSNC2NcCOZr5EM19CdCoDvV8AlfVt\nXBH74bHygw3LNomzUN3eG2oID8y44tSrl59YpLAgCCSee4bw0hytfAlnyN9nEj/ix5dOvUNxo4wo\ni0Tnwk+s3euA/EqRvZsZOvsONp6om6lXJ3ptCePPJQnPBKlsVZCc/T3Cm+/uUDji1VtYLTFxJUV8\nKcrutfRhq4QAkbmQbUEjfSNDYd9NorJdpbxTZea1yaGGusAU48MmzAmiQHQhzM61PQzVwOWSe6J3\nmKCg+Xk/v/ynLvHrv321r/Lr8juZuJIieSnO1vu71Pbq6KqOHJL5839FxLdf/KltpQe38HQdXdOJ\nP3e+t445g36i5+eQj9mPqe0OheVVOpU6okMhODOONxkbCB2SPe4T3RQEUcQV8lPfO+E6ZnMtDUwk\nkRwK5bVttHYHh99LdGl24FwfBZLD+piiQ0GUJQRRZPy1F8nffUCnUkNUFPwTyUfeZ/wkGQlfC3xx\nr2Vc4uOiuF4e8DJsldqkr2eYeHGM7HLe1he3ulsldTmBN+YZcBWw47QQiLbNMEO71sHQDQTp7DcB\n4ekg7pCT/GoJtaVRyzUIjx+2ThRWipbm5I+SdrXD2lubzL0xjSAIfOeDLV5ciDI/7+ett0yf3j/8\nw/41UxDMSu8//IcwNwc3bu7xz//lVes3kECtD6Zn+FtlIvk7VFsdfKk48ctLaK0OraK1PQ+AIEkY\n2uD3odu4MWidLlq7g+RULB0bPq7oBYYWvQCBySRO35P7GzpAcTlRJob3/R3x2WbvTpbMrVxvbcne\nzTP1yrhl5PvjoNPosnM13bd+N/LNXqvaAe6ga6A/t5qpU1jrbyPSOhrpa3tc/tPP4AqaxQTDgEDK\nR2jK+sa3tFFm73a2tyzpqk55o8KOa4/JK49nRya+FMPhc1DaKPNf/czFnugdNihoft7PT1yZ4N+9\nsznwXNkhM/v6FFpXQ9cMSmKdi88X4Z2Dz2c966F3NSLnZoicsx9k07sqW29+0OdaU09nzRQ1QaCe\nyaN3VVwhP5Hz86cK0ejFc3QbTUvvXcXrJjhtH8jjjUfwPgEv8tD8lNkWcuwa4RuL9woXDp+b1EuX\nHvu5PClGwvcpwM4qppFvoHgUUpcT7Fzds9zy11WDVqmN0+8cSviKskh4+mRbKbthBsWtPHTlO79S\nZOejdO8ClLufJ3khTmgmSKvctuwJexhEh4jesd9eqmxVWX1zE5ffQXDCz9/73Rv8d99Y5JlzMb7z\nHXML7rd/+3AL7ud/3mxvAFP0/uVf+XZfXPFRpEyTiLzHAw6F1xubb/F85joercXOA3BFg4y/8hyx\nS4ukP7g5sNggCshOp5nmdhYEAVfIjxLwoz2CdLePgyhLBKaeTIvDiMfH/e+tobVUHD4HiQsxvNFP\nVwW9Xev0iV4w2712r+3h+4b3iWzTFlaKlkWLeq5Bp9E90fO2mq5a9vJ2Gl3St7LEz8eGmrso71Qs\njzOMRdnDoKs6akcjkPITngjwp//kBeDsQUFfvpzi37+7aTvwJikSkgIca9t1Bn2W2/fOk+Le9ync\nXx+watS7KuW1baa/9AqGblpDDuv96w4FmPnq58jdum8mX+73GDsCPuIXFxGfgsEw2elg/OXL5O+s\n0CpXkWQJbypOfN8G7rPISPg+BYg2FdSDxvHYuSjusIt7/2l1YAGTXTLehAd3xEU9U++znlE8MoIs\n0tmfhpWcEonzMdzhkxvk40tRSpvl/mEGwWwDeZiLha7pZO5k+y5Ahg7pW1nS+5UIu+/gAFESTrXf\nEWSB1OUk2xb2aEepbFWoANnlPOWlKL/64S7ffGGCn/vZiywt+fjrf73/+bvpKr/zr2/xz//lVVvR\nC1BrgNujMCa3SatOpsvrvJz+AMU4/NytfJnMtbt0ao1B0QugG2cXvZjG6e5ICG8sROsMwlcOeNFb\nnTNVc48jKnKvF01UJMLnZnEF/U9tXOWI4ajt+782Sy0axSYLX5rB9QkE+TwsxbWS5S5SI9+kXWl/\n8p/llJ23kwIsShtl4uetrSqHfpthDcyHxNANtj/apbxVQW1rOANOfvpnLxLxOx8yKMjFc3MRPlqx\nX89ynSpg9H2W25MvIqS7jDUOVXbWlyC1aO8uYxgGxfvrFB8MVpjhcMdMEMUzt2+JskTiufPELy/R\nyBUwVB1vMvrE2sCGwR0NMfnGld5u8MF13jAM6pk87VIFZ8CPd+zxegY/KUbC9ykgPBsyF+ljFV3/\n2GFVwhv1Ep2PkL9/ZBHYNytXXGbVYOErs2Tu5ug2ushumbELcSSnTGmrgtpSCU0FetXcarpK5k6e\nVqWF7JQJTQVJXDD/UXebXTgiREVZJDDpp11tc++7qyguiehCZOjtwkahaW1FY9CbZj5N1E69anpT\n5u4XaFfa6JrRGwYBkJwiifNx/Mnht9cNzSB7L8/Cl2f5l9++zT/9zQ944/MzPHshjtfjoN7ocOt2\nljffWrfs6bUiJHX5xewf8r1WjIniRp/oPaCWztlGCj8sB5Y6kmv4i7lvPMHE516gur3H7nvXB3qH\nvan4ib3Iit9LZGmWwESS8to2uqrimxjr+T+O+OzQrXfJ3S8w+ZL91uzThiDbFRQEhCfU5xueDZK+\nlRkoWHgibhynRBPHFiKkb2Qsd/pO8rU9jjfmsUw98xyp4GtdjcJqCUM3CM+FUM4QXX9A+kamL0Co\nVWyRdJjHedigoNmk31b45jpVus02i0sVJtp+Kv9+BZjmB1qK7Wf/DM/vXSPQrlB0hbieuMRPdQr8\nl27rYdzczXsUltdsz0l2n+z8MAyCIDz1LjNHRa2h62y/fZV6Otf75XmTUcZfe+GpqFR/HEbC9ynA\nG/Uw/mKK7F0z7UxySgTG/QMBE5MvpfBE3FT3aghAYMJPePrQoFvxKH2vkWURVdX7WhuKGyWyd3M0\n8odVxW5DNXPXBUg8E2Pj3W1ahcOf66puBnscWX+r6TrTr00QtJgiBihtls1ozkYXySEhiNh6Vh5F\n8SqoLbVvUE92yeQeFJAdZgVbU/WBQT6nz0niQoyyhX/kSRiqQTVdQ/Eq1LMNvv/Ha70o4hM5nMvr\nERK7vFi5R/3efV7nvv1rH7HoBWiVqtT38n2OC5aIAg6vG08iRvySuZXln0iittqU1rZQ601kt4vA\nVIrwwjSr//FNW+9IQ9MJTCQRZZnwCX1zIz4bPKp2pCdFbD5C7l5hIBbdF/fiPEV0PipKm9ZtBu7Q\n6TeooiwSnApQXBnctnf4hjv/zN2cpR+6L+llfN9+rLxdYfuD3d7wXfZujrHnkkTP6OBT2R20/HLv\nC+iHDQpy2aSlZlsVih/mUHMNfvAf4Gf/jxJveK/wXwRylDQZVZR5P3Wl7zVFzbqtRNc0Klsn9GCI\nIoETenE/q+TvrAwUPup7eXK375O4/OlOwxxK+C4vL/NLv/RL/Lk/9+f4hV/4BX71V3+VmzdvEgqZ\nousXf/EX+cpXvvI4z/MzT3Q+TGQ2RKfeQXLKyBZ/8IIgEJ0PE51/OGu1ym6VzXd3bO3ByptmVaCR\ns9qC7/9fraORu1ewFL7l7Qob72z3v8+QuyPeqIfkxRjrb231Wi3Ulmpp6XaURqFJPVM/0efRjqOD\nH8PiH/OCIVDN1kCDhUSbr3cziDe3T3/xY8BQVXK3H6B4T/F51M0Ai/CCF1E6/DcWXpgmND+Fvm/4\nfrAN55tMUrpvHUCiNprU0jm6tTq6puOfGsMVOJvX84hPD84TLBCfRiSHxOSVFOnrGZqlFoIkmOE/\nLz+5/vPannU4gt0AMUCr2iZ7N2/u3DklnH6FdvVwXRMVkcTi6ZXDer5B+nqmb2cMzArwwldmEQQB\nQzfYvbrXE71gRsOnr+0RmgzYJsdZoVlYd33coKCWzcBz+VaBxvqh81BBd/Dvq1HGlDYxuUO5Myhy\nE7J1AIbW6ti2l8keF7Fnz+Hwecgvr5rb/cnoZ2K7/zSaBevha7vHP02cKnwbjQZ/+2//bV5//fW+\nx3/lV36Fr371q4/txH4cEUThsV5c8ivFEz1xuy2V7PLwiWKduvVCYvk+xumDZwD+pJfyVtUyaehE\nDOg0uwQnA6RvZs/mEPEQBdh2pcMzP7VIupTnv/lmmcm//29Z/8+7VBtn7899VLRKZYIzKapWdj5H\nMQz2rt3FHQvjDBy2qwiCgHRsSjlx+Txqq2NaBB1DkETSH93G2O8PLj3YIHJ+juj5+UfzgUY8NbhD\nzl4s96eJ4ESAQMpPo9hEUiRcgScr3u3+DO2cdZrlFqt/vNEX+KN4FELTAdS2huyQiMyHiUwFB/xz\nj1NaLw+IXoB2/dCdp5KuWkYSd5sqxbUSsSEE9gGesKuXLnrArdtmMMLDBgWt7VkHR7Szg+esIXK1\n6ecr3hI7XSdN41DezCpNvuaz3g2T3U4cPo+l80Ls4jnq6TzpD2+ZwUECeOJRJj73/NADbp9W7HqQ\nxaeoN/lhOfUTOBwOvvWtb5FIDBfHOOLpwtANCmsldq+laZVPFmWSIp0pmlmx2S7s2hxDPMkRQoTo\nQpjIfJhq+uQISctz8cgEJ4M4vA5ii4/fAkZta+iqjuJXCH37Te7/zoo5AHHWgZFH6A8tSjL+iTGi\nz8yfmkaErlNe3zn1mIIgMP7KZWuPYEHoiV4AXdUo3Ft/JNZpIz55IvMhQhN+4uejzH95tjdL8GlD\nEAW8Uc8TF72ArS2m1+bx7J3cQMplt9FFlETOfXWO2Temh07QtLWtPPKwdEKv8zB90N22yvrbW9z6\n9rl4s6sAACAASURBVDL1XANR6X/NtdUChWqLpSXTp3cYDoKC8pUW11ateyTsQoBUQ+Bz3gp/IbLD\nq+4yF501vunL85djGzhF69cIokhgdmJgLfYkomjNNtXN3cO0TAMamTzZmye0su1TS2dJf3ibvau3\naZyS1mkYBt16E6379LQT+cashye9yeGGKp9mTr1lkWUZ2eLO5rd+67f4J//knxCNRvm1X/s1Imfd\nyxjx2FE7Kve/t059CNsaxaMQmAjQKlsPMwmygKEeLhyiIhJbMFsuus0u2eU87VoH2SXRrllXa03j\neJtKrG5uTR5sv50FySGRvBBHlATK2xW0torslVHrxwS4RV/uyQe2P11XwEmBKgICpd+/d6bz7Tsl\nUcTQH437gSCLSA6F2IUFQvNTNLIFsjeWewlsA5zhe/bEI3RqjT73B8PCtUHvdKlspXEHz535/Ec8\nXUy/OtmbExjxcCSfjdOqtilvVzBUs8oanAgwdtG6kNQ+Hu1+8HjV+vGTCE4Fya8UB+YhvDF3L7jC\nG/fiibpp5PtvVl0B56m2l4ZhsPqDDSq7/YUKp99BYCKAN+omOBnge9fSDxUU9EfXdy2XqGynhCPi\nRC0PFliWnGb7w2V3ncvu4e3aoouzONwuKtt7GJqGKxQgcn6OnXeuWz6/VbBOO+ud441lCvfWe4WQ\n8voOsQsLRBZnB55b2dqlsLxGu1xDcih4k1GSLz7b14r2SRCcm6TTaFLZ2EVrtZGcDvyTScKLn/55\njoeq1f/Mz/wMoVCICxcu8Bu/8Rv8g3/wD/gbf+Nv2L+JJA7d42n5+iectHMWPslz6zS6ZO7mUNsa\nnrCL2GK0r6q68V76VNErKiLhqQCpy0kcHoXKTpVWqV8ouYJO5r4wTeZ2jlaljeKWiS2ECU0GaTe6\nrPzRGs0hUtYcXoVOzf6ONnM7hzvoHHC3sD13WSQ06Sd1OYk76GL9nS2y9wr24vYsoleEuc9Pkb2b\np3Ys+llySjjPuREEgd/7ixq/9z+fPLkhe1y24tNKPNqfk4gvEUHrqpY+lXpXBU1DdjqQZTcu7wSo\nKrsf3Bo8liAQnBpDHmI6N/3R7RMnno+j7Febhzn2J8nTfn4jnh7atTbpG1la5ZY5dDYRIH7+9F5P\nQRSYfX2Ker5BI9/EE3Wf6IesuKwvyYr77Jdqf8JL8kKc7L3DACRPzMP4C2OH5ycITL48zvb7u9Tz\nDTDAHXEz8Xzy1FS3erZBxaKHuVPvEJr0442ZVe2HCQpaSVf4zgeD8xLZjrnuffvvevkr//UG16oR\nQEBB54qnwldt2hmGwT85hn9yrO8x0e73e8LvvVNvUFrd6vuAhqpRfLBBaG6yr0WiXamR+eguWse8\nsdHaHSobuwiSxNiLzz70Z3kUCIJA4tIS0aU52pUqDr/vsSTHfRI8lPA92u/7ta99jb/5N//mic9X\nLSJWh+Vprjh8kudWz9VZ/+FW31BCYbPM/BdnegtWo2C95ax4ZLwxLw6PYuat75uo6wZMvDjGzkdp\n0+UBcIddTFxJ4fQ7e5ZiB6iqzu71vaFELzAgIK3Yubpn2yrRh2BuxU5eMadty+kquQfFs4nbEwhN\nBojOhAlOBM3I080y7VILQZYQp2W++PNt/tqCRvHX/imSLwyVjP2piiKyx43asGkBEMVTnR5kn4fp\nL76M4naRvXnfUvgamk6n1aZRrlLd3MXQdLzJGJHzcxTurR1WeEWInJvFGQme6rWrd1XKmyf7Ih/F\nEfDimzSnxR+Fj29la5fSyhbdehPZ4yI0M05w9uNHZcqyNPIZHjEUmqqz+oONvgj1eraB1tVIXTb/\nrRuGQXmrQjVdQxAFwrOhPoHrjXqGCgCJnotQzdT7Qi9kp0T03MPtqI5dShCdD1PaquDwKgTG/X1i\nvdPoUtoo4ww48MTcBMYD+OKeoYa3WuWW5XyEoUOr0ukJ346q8/d+9wa//KcuMT/vPzUoaCVd4X//\n3Zt9ccVgit7Xvlnlry14+Bf/7X8i3VgCBAQMJpQWPxvIPMrOMQC8qRjVncES9Um2ZLWdTM/X/Chq\no0U9k8c/fhhwVF7b7oneozQyeQzDeCqG6CSHgif22drRfyjh+5f+0l/ir/7Vv8rU1BRvv/02i4uf\n3YSPpxFd09l8d6dP9ALU0nVy9woknjF7cOxCIdwhF7Oft84Y9yd9LH1zgWqmjoBpe2P1x6epOrqq\n06qeYQhtCFE6lOjdP1Zps0LqchJJkajs1ga29B4GySEhygKNYotb/2EZT9RD4pk4yWfivedkOyV+\nbraB9sPvs7Y9TfSZEJ1KjU7NWtgLksj0l19m5ff/2DKG2D+RoF2q0ana9zZH5qdQ3KYFki8Vp3h/\nbcB31xXyU0/nyN68j7Ef21le20aQpf62Bh1E52C/pmEY1PfytMtV3JEgnniEbrOF2hzidyyKuMNB\n4pcWH9kWXT2dY+/D272LiNpssVeqIEgygamxU149YsSjIXcv3yd6DyhtlBm7mEAQBbY/TJO7l++t\ncYXVEuPPJ880HAbm+jv92iTZO1k6jS4uv5PoYnQoz/Rus0v+fgFdM/CP+/EnTOGp7Bc4jtPIN1h7\na7PvOtIstPB+acbWA/kogXE/0o3MQDKd7JIIjPefb7XZ5dd/+yo/cWWCL10cY2nJPRAUlK+0+KPr\nu3zng+0B0XvAz81qrP+7t/hH6xeo6aZ8MRBY63r4F6Ux/vvYo3XVCUyP06nWKe9v94uKjG88QfSC\n/QCv4rF21hEkEcXbf/Oj2xQFdVUzK8ZPgfD9LHKq8L1x4wa//uu/zvb2NrIs8wd/8Af8wi/8Ar/8\ny7+M2+3G4/Hwd/7O33kS5zoC03lh+TsPbG27msXDqmJwIjDQfwUQnDy0INM1nb1bWWqZOoIAvoSP\n2GIET9hlmRykazpb7+1QTddQO9p+3+4ng9pUydzLk3o2gWyzRTgsoiwQWQiTu1tA278B7wCNfIta\nus7cl2dsvT9doQDTX32Nnbev08jkBn6uuF2k379pPfgmQGAiie+V59h+55qlewKSiPtIZrs7EiQ0\nN0VpdbMnfmW3k8jSHNkb93qi9wCrdorqxi7BqRTNXBFnKIDscrLz9kfUM/sXbwE8iRjjr15G9rqt\nU+b2Cc1PE1maRfE82iSs8sbOQOXE0HQqm7sj4TviiWHnX9xtqWhdjW6jS2Glv8VKV3Uyy3ki8+FT\nWwb6jtnokruXp55vYmgGoiSaIugUyjtVtt7b6V0Xsss5YovRAS/4o+zdzg0WTzJ1sst5ks/GbV51\niMPrIH4uQvpW9vCzixCdj1gOQnZUnX/2/13n797+Lq88l+LZC3GCEQ9yxMV2qcm11QK6Yd6Aq20N\nSREtv7tvfxToid6j3Gt7aOgiHvHR7cIKgkD80hLhxVlaxQrOoK9XgLDDN57AFQ3SyvfbfnniEVxB\n/8Bj5dXBtDhXOPBUJbt91jhVLVy6dInf/M3fHHj8J3/yJx/LCY2wR+2oLP/B/ROrotIR/9/E+Sjt\nhlkFOLD3EkSBWqZBeCaEKIms/3CrL/ShlmmwdyuDIIl4Im5SzyX7tui23t+lsHq4za5ZVDAfBlEW\nCU0Hqe7VBgznT2LvRgZ/wkt0LszOtTRG9+xVX1EWSD2XJH3DerCvVWmTvZM7MbVKUhQmP/8Cu+9e\np7qT6YlcZzhAp1q3dDoQHQrBmQl840kMXaddtg7fkGS5z3YMIPHceYJTY5S39hBlidDcJJ16k279\n9HYSgE6tzsofvonRURFlCdnl7K9YG9DYy7Hx/XcJTKco3Fm1FO6eRNSs8j6GflmrLcCTHh8x4nHg\ntok2dvocSA6J/IMiujr4t9GpdmgUmrbODlZsvr9D9UixolVus/1ButeadpRuS0Xvaihehb2bmb5i\niKGbKZehqUCv5eA4TRuXn0ZxeFeWyRdTuEIuyjtVBEEgOOG3DTXqtrrsXk3Tbap9QUG+hJdzX5sD\noLRRInM3T6vUMoOcJgJMvphCONLDoBnWVVAd0G1+9nGRnQ5bl4PjmE44z5G9vkwjX8TQdBSvh8QL\nzww81z+RoD4zTmVjt7e+OvxeohcG45XVdofivTU6tQayy0loYQqnf7j01BH9fLaN6D5jZO/mTxS9\n8n6U8AGCIBCeCvTFHBu6QXGthCgJRObDlmk7hm7GFdb26my+vc3STy6YlQdNp5q29lUUJOHMrQYO\nr8L4i2N06l0CKR+ugIvMco6dj9LDe+vqsPnODuG50PCiV4DFb8xRyzaRFIHIXJj8/eKJ3r9209bN\nfInS6iZqq43i9RC5sEBgdoJWoYTi9aA22+RuDro+iIrM9Jde6QnabqNFt2otWrV2h/QHN0m9dKnv\ncW88gjN8OHlt6DqiLA1VITI0vWfRo6uabZtGp1yDsThjL100e9dUDUGWcPq8OEMB/BOJx9aH5vB5\naWQGBwcdo0jkEU+QyFyY4kaZ2t7hoLCoiMTORRAEoTcjcRxRFnG4h7eAU9uq5TCy2lIprBQZu5To\nPW/tTXPXTevqSE5poN0AzEj28k7VVvjKDgmrVU12Ht7EVjN1qukqslMmthCx3OELTQUJTZ3sAAFm\n+4fV9auWq9OqtjE0g833dnvrsN5Qyd8rIIpCX+X6mxer/L8/CNAy+uXLvKOFT3o6+vYVj5vAdIpW\nqUK31aFdqrD5/feIX1okMHn4WQRBIPXSJQLT4zQyeSSHMjAAB6bo3frB+7TLh9ff2m6W8Vefwx0N\nMeJsjITvpwRd0y3bFg4QZZGpVyYGojALqyVLQVfdq+MMOE8Vq61Km8Jqkdi5KIZm2Dou+BJe0393\nWO0pCcQWo4Qm+xfMxJIZO1wfYhDugHalTfrqCR45Fu/tiXjwRs0LQqvSompjlH6A1bR15lqe7R99\nhNY+uHwUaGTzTHz+Cr59r8PM9buWxzN0HUk5PKbkdCC5HGgta4FdWd9BbXVIvXzJdrJW8bjxJGPU\ntof/LoahkSsSv7hI8AnHdkbOz9HMl/oWe4fPQ+T83BM9j08jo7TNR4cgCsx/cYbMnSzNUgtREgnP\nhQmMmTet4ekg2eU8zWPDxP4x39DRwmAWJXQbi8Gjj2++u9O3S2cleg84KXktNBUcsDGTnBLR+TCG\nYbD13g6F1WIvaj7/oMDMa5N4ThnS0zWdzO0s9VwTQYTAeIDoQvhkX2HDoLBiXXyo7Fb7hO9iqsNP\n+/P8x1qEiq4ABjNKkz8TfLTr3sNSXt+hsp2mmS30zWGojRbZG/fxjcUHhK03HsEbtx8gKyyv9q2D\nYM48FO6tMRF94dF+gB8DRsL3U0Bxo8Tu9cxAKs5Rxi4lLLeYbJvnNR1v3DNUpVbdX1glh4Qn7KZ2\nvCohQGwxijvkIructz2eKIsoHhlP1ENoOkjUJn3I4VYY3oHx7BiqGdM5/sIYtUyd9R9tnRh1LIjm\nhadT61B27Atyw+D+v1k7InpNurUmpXsbJF+8YL7WZtBL8XmQjoRMSIqMbyxOec1+OKOxl2Pvo9tM\nvPa87XNSL11iR9cHMtY/Fmf0VX5UKG4Xk198idL9TTr1BorbRfjc9OnhHD/mjNI2Hz2iLDJ2KWnp\n5COIAjOvT7J7NU0j30SQRHwJLxNXzhaNrLgVPBE39Wz/Tb8oiz1PXbWjDa6/Nji8CrEFezEVPx9F\n13RKmxXUloor4CB+PoYn4qG8VSa/0u+S0650SN/IMP/lWdtjGobB2g83qWwdirTKTo1OrUNsKUpu\nOY/a6he33pgHp99pGXkMoHV1Mu2iubO0L57/RKDA5zxl3msGCCs6LzrLZ3J0KG/sUtvZQ1dNz97o\nM3OPJIktf3eF3K0HtkFGaqNJZTNNaO5szjS2O3I2j484mZHwfcpR2yrbH6ZPTFQLpHy2caK+pJf8\ng0FvQ0/YjTfiwRt1n2gzJioioalDQZ28GKdT7xwORQjmVmAg5SM47ic4FeDBd9cG8+HjHma/MI1i\nMTB3nOBkgOL6480DL21XSD2XJHMnZy16DxZRw2z9KK2XqexVCV+J8Pf/pyaJv/U73Lph/b11j9iW\ntYrWn0N2uQZbBIZoGWjmCuhdFVGx/h5FWUJ6yAVccjoGhDyAO3r6NubjQnY4iD072O82wp6DtM1v\nfetbn/Sp/Njg8juZ+8JMr6r5sO0/488n2XxnpxcjLDkk4uejvZ08XdVtixk9RNM+bexSom/m4ziC\nIDB2McHYxYQZYXxEOdrt3jUKTXRNtx3Yq+3VqWwP7p4V10skn42TupwkfSPTa3lwh12MvzCGIAh4\nY24KK4PXKjkoIwgC/8ufL3Lu3Y+49i3ztSFZ4xv+4r414YnfSB/55VVyt+73bugbmTzNYpmpL7z0\nsdq2dG0/DfOU9E7hDMOOB9jt8nVqdda++yMC02NEzs2e+bg/royE71NOYbVoK3pdQSfRhTDxpcOm\n+26raw5baDqRabP3qjpfp7h2uGXlCjoZu5yg2+ra9q6C2RIQX4ziChy2T/iTPhZ/YsEcmOvq+Me8\n+JO+3oLhjXiYeX2SvVtZmsUmoiLhH/Mx9crEifGYRwlNBXGFs7SKJ0csH54oZ/bv1fYjh+3s2Nxh\n98DWpd7SmW9USPytf8vKxgTd9orla2X3YUXSLrji+IWjXa2b0ZinYOiG/ZbhPt1h7MeOIXtczHzt\nddIf3KSezpoXBVHAm4wRu/ho7AobuSKF5VU61fp+CtAYkXOf/hSgp41R2uYnx8ftd/fGvCz95AKF\nNbNFLTwV7GuXUNwynrCbes6+WDH92iSRmeH7Pmu5BsXVIpqq44m4iS9GbeOKRVm0/YyGYVDcKFmu\nxd2mysY7WwQnApz/E+cobVaQHBKhyUBPcEfmwlR3a5Q2D9s4ZJ+M/0KA3/uLGsVf+x2ubU/3HVfr\ndMneWKZZKJuV9lSC0Nyk/TnqOpX1nYFdrGa2QGVzd+h2Ll3VEEShz3lBbbX7ih5WOAJeApNnd6QJ\nzU1RS2cHW+F0g3apQrZcRRAlwvPWNqUj+hkJ36ccW4kjwPTnJvGEDz0DTUubbboNUyhnl/PEF6NM\nvzpBZC5ENV0zzdDnzSGF9I1M77lHEWWR6HyY0LT1RLDilG0jN8G0UQuM++k2ukiKdGLVwQ5/wju0\n8HVHXTRzQ4rkfZwBJ6IiIjtlyxaS4xXrA+4vN7gXniH91rvoFv24otNBaOFw8REd1sMtR8UxmG0M\nwwylucJBJJtjHqB4XTQHXdVORG20KC6vMfm5F2iVqjSyBVzhAJ5Y+GwHsqFdbbD77nXUpvl76tab\ntIrmBW4kfh8/Z03bhP3ETZ6e5Mwfm/OQRcbO2zsITLw4xtqPtizXLU/UhayI7F5Lo7hM/96TCg65\nlSKb7+30emtL62Ua2QbjLyQprpZ6bW4HBFI+lGPruSyLtKpt1n64eeLuYXmrSnmriigLeCJuYguR\ngWMtfGmG0laF6l4dxSWjT0n8r79URvvhh2ztzXH0fs7QDTbfvkojezgA28jk0TsdkpeWLM/B3K20\nPke11jg1zbFZLJO5vkyzWEYQJbyJCKkrF5EUGV1w4PC4bdsPnCE/Y89fQDll/bbCFw8z+doL5O+t\n0cgU0I+XuA2D2vYe8aVZ4OlJpXxazuM4I+H7lBOZDZGzcHPwRNx9g2yGYexb2hw+z1ANsvfyBKeC\n+OLenq2OYRi0qm06dn2tgtnSYOXjOwyGYZC5k6O8XcVQddxhF8lLCVsfXCuiC2Gz6nHC4MYBrWIb\n2S2iNoezgpCcEoklcyI7PBOksR/VeYDilvFG3bQrg5VTR7tJY3uPRs46ptiTiOAKBtA1nfQHN2mV\nBi3KFI+b0EK/2HME/WarwwnVXEfAR+ziuVM/X+TcDM1s8dTqw3Fq6QzxS4u4Qn5cIf/pLzgDpZWN\nnujtYRhUN3dHwvcJcNa0TTATN5+W5MzReRziiXq4+FOLbH20S2mzQrepIogCnqgbQRRY+f5G77nZ\nBwVmPz9laclmGAZ7t7MDA2WlrQrBqQATV1Jk7uRollpIDolAys/4C6m+z3/wfay/sz1UMieArhrU\nMg3q+Saaqvc5EQH4U378KXP9OYgohsEkyPLGTp/oNT8UlNZ2CC/OWgfpyBKK22VpLyl5XCemOeqa\nxtbb1+hUDobMu5TXd9BUjYnXnkeWJfxTKfK3H/S9zhHwEb+8hDdhRlw/bGKkKxpiIvoCWz/80HKG\nQ+10UFXtqUmlfFrOw4qR8H3KUVwKqeeS7N7I9PxtD2KE+6In613LiGJDNahsVfBGzMpwLVtn92qa\net5eFLlD1uEVw7J7bY/M7cOSY7PUollus/j1uaHN3F0BF1Mvj5O5k6NVbttWYMG07VGbp/c6iIrp\nFRxbCOOJmJPJ8f1kpeJ6uW/Aw+lzUN2rD/T/Tm0tk978yP5c9v/Qs9fvWrYuiA4Fxe+hW2vg8Lqp\n7WbpVGu4YxE8iSiNvf5SrScRwROPICoKarPN3ge30LoqzoCPxMVzpmA+hjPoZ+L1Fyg82EBttJDd\nTvyTYzSzRbROh2ahfGTxPkTrdAdiMnVNp1UoIbucH8tGTOtY32SpNo+PeLSM0jY/W0iKxMSL40y8\nOE6n3gFBoLJdYev9/jWnXW6Tvp5h7gvTA8dQ2xptm4Hper7J5JUUoekgnXoXySEh2+zcqW2Vxgmt\nF3YYmkFhrTQgfIelU7Ee8lMbTdRmG4fPY6ZRZvK0yzW88TCucJDAVIr8nf42NVckdGqbQ3l923Ld\nbGTyqK02ss9D7MICkstBbSeDoWo4QwGiF+aRHcMXfU7DGfBZCt+Rp+/wjITvp4DIXJjgZIDSRhlJ\nkQge6Ys6QFJEJEWytIMRFVNsmlHH27Qr9n29ikcZKrXHDnNKeHCgq1lokntQILHUv4XXrrbRuhru\nsHugLys0FSQ4GUDraNz/z6uWsaFnOreujjfq7oneA+KL0Z4APsrc5yfZvbaHupPH3W0yX1rhS5tv\nnfgeB8k8A5WIg3PodGns5WnmSshuJ92DbTFJxJuMEZybpFkoAQKeWLgXAZy9eY/C3dXecdRGk61a\njekvvWrpcuAM+kldudj3mC8ZQ1dVHvz+H1uemzPg7/sdlNa2KCyv063VESQJTzzC2EsXbQctTsLp\n92BlGOf0jTx5HzWjtM0fLxz7O2n1vLX4bNoEUkiKiOyS6NQGiwqK25QGgiDgPMWSzTBOneeypds6\nw1TaMY6H+hygeN3Ibidat8vO29doZM00yrwk4htPMvbSRSSHg1o6i66qpqvDhYVTk9K0lvVNut5V\nUdsd8JnXlfDcFOG5s/faat0unWoDp99rO7wMEFmcpZEt0CocXmcVn4foyOZxaEbC91OCpEgn3hnL\nThlfwtvn7wj9ljaFtZKt6A3NBHH6HETPRc5kun4craPZhmwcbcNo1zusvLdDNVPH0AzcYZelJZsg\nCMhOmchcmJ0PLeJ8z4ja1tA13RwabGuEpgJ9w3tHCYz5SVV2uPLtf4xo6Jw2tiKIAq1ylfSHt2wr\nnAcYmnYoegE0nfpOhsRz5xl78dn+5xoGtZ3MwDG6tSalB5tDtT8cUFrZRLc5N8nlIHvzPt6xGIau\ns3ftLuxXsA1No57Osnf1NhOv2tup2RE+N0MtnetbrCWXk/DiqM3hUTNK2/zxxC4+3vZxSSQ4ESB7\nN9/3uCvgJHZu+Cqs4pLxxtxU02c3oXT5H74S6p8ao7S+TfNokUGAwPQ4oiSxd32ZRubwsxmaTnVz\nF3c4QPjcDOFzg1Xw43TrTUprWxi6jsPvRZDEPm9eMNvU7ET4MBiGQfb6XSpbe2itNrLbSWBqnOiz\nC4gWYlxyKEx94WWKDzb2U9wchBdGNo9nYSR8P0NMvTKOIEB1r4auGXgjbpIX473hMv2EZLLYQhhf\nwvqPt55vUN6sIIgC0fnwiabsslPG6XPQKg9WZ11BJ4XVIp16l/JOtc81oVlssfXBLr6413IYLnE+\nRvZuznIYb1gkh4TT52D5Dx707IKyd3LElqKkLictX9MOhEAQEIaoaBi6cbgF9ZA5641cEe9YnPzd\nFTqVGqKi4BtPmBUFC9Qj8b2GYZC/s0I9nUNXVZwhP9ELCzh9XnRVQ+t0UNv2gry6YW6TFu5au1UA\nNHMldE2z7p87AVGWmfrCSxTurZvbhaKI7HKidwfbK0aMGHF2InNhSuvlgZChwLh9v/74C2OIskhl\np2q6OoTMAsRJwReWx3kxxer31w9tLodAkATiS9Y2nHCkv9emnCwIApOvv0Dh7iqNQglRkvGNxwnN\nmh655s7ZII1ckfAQcwWVrTSZq3cOLR4lEaffZwZJ7J+T5FCILM4+1Pqldbp0anUa2QLF+4d92Wqz\nTWF5ldLKJorXjX8ySWRpru89RFl67BVeQ9cpLK/SyJoWc5542DyPh7y2PU2MhO9nBEM3yN3Lo3Y0\nXEEX3qiHyRfH+lxbQjMh9u7kBgbGXEGnbaxl+kaGvTtZjP0s+tyDAhMvpojMWtvlCKJA7FyE7avp\n3mvA9PHNLedoFu3bFbr1LrmVAslnrFstAuP98csHOENO2qe0QQiyucjm7hV6ohf2zdHv5giM+/Ee\nSSSSmk2Wvv2v8Ny/w5m90gB0HVGWB6dvh2D7Rx/19ZI1cgUUl9OyUusKHVbIszeWKd5b7/1/p1qn\nXarhiYeppbOozfaAm8RZMXT9ofc1RVkmdmGB3K37lFY20TpdiphOFWOvXBq1PYwY8RB0Gl32bmVp\nlVooXgWpo9Ntq8hOieB4wPamHvYjcy8nT3zOMLiDLp75qUXu/If7dI5ZZAqigGERghMc9+Mfsxbl\nB6L3uHfvcURZZuz5ZyyHqATBWqANI1INwyB/d6Xf11zT6dQaJF54hk6lhiBKBGcncJ5x9sEwDPau\n3qG2nUZrd22LJLqq0i5XTaEtCESXnmwrQ/qDm1Q2DnvGG9kCnVqD1MuXn+h5PA5GwvdTwkHVFQEi\n82Fc/n4Bs/72FqUjoQ/1bAO9qzH5ykTvMcd+/+7ezcNJXsUtM3YpMdAzDNCudcwktiMCVmtrNgTG\n7wAAIABJREFU7N3KEJ4OIogCnXqHZrmFJ+JGcZktErHFKA6vQnHDrD54Im6apRblzdMHII6+V9/j\nhkHiQpRWuXWYbCSa1mlW7gsHuEJOAik/wckATq+DzJ1Bny9DNVj9wQbJZ+O9Xt9Lv/WPid++dur5\nnobscaOrKoau9wbfTqJTbw4OUOgGBgKioqB3D8WvbyxOcGYcvaui6xpVi6jiTrVGp3p4PLXReijf\n4wPc4eDHSjhqZAvkl9dAP6xKtYplsteXmXz9xYc+7ogRP45oXY3V76/TLB1xTBEhdTFB/HzMts3h\n46KrOrkHBQxVxzfmwxv1IEoiC1+ZYefqHo1CE0EU8MW9qM0uld3+NU0QIWrTTjGs6D0NTzxiGSDk\nHbO3ijugXa7SKQ8Oshmqit7uknz+wkOdE5g7auWVzcMH9NNdQmrbe09U+LYqVaoW7XXVnQyRSu1j\ntXY8DYyE7yPCMAz2bmXNLaOOZvasXkzgsrCROSvHq675B0XGXxgjOm96rDaKTcrbg7ZZxY0ysWdi\nfSI5cT5GcCJAca2EIAlE5sOWaWq6qrP21qblsFy70qGarVFaL1PeMj+v7JIIz4R6KTyB8QCB8cNq\n5K1/t3zq5xQkgdDMYErY3p0sxbUy3UYHxasQXQjj8Ch44l7a5ZZ5Q3D8WCJMvDROdD7cu8PXOhqC\nJIDFOqo2VbY/2MXQDM65K0Tu3z71fE9DV9W+iq/sciI6HYiyjC8Vo12uUt3s71vulK1GwMwe28k3\nrlDZ2EHrqrjDAXxjcbbfvkozV0TvnuHiYJjbVg6/D0SBysaubd/vUZwhP/FLH88NoLqTsVzoW4Xy\nQ7VQjBjx40xuOd8vegF0M5ky8TGGlE+inm+w8fZWb15EuJUluhBh8koKp8/J3BvTfQl27Vob9Ydb\nNPadhCSHROxcBH/SXjz9L3+hxLl3Hl70AsSeXUBttajtZtG7KpLLSXA6RXBm4tTXig4FQZIwNIth\nccfD23zWM3mKR0XvkJw2M/KoaeVKloUaQ9Vo5ksj4TvC5LiFV7vaoVVus/iN+TP3Sx2lU7eounY0\nMrezhGeCiJJIPduwrJRqXZ1GrjFQHXb6HIxdsg+gALOCfDy57ABBEqhsVSmsHPFYbGlk7+Zx+q0H\nI0RpiO0l3aC+V+8739yDArtX93oVSq3Tpl3tMPO5SfwJL9W9wbty81hmCMbRbS3JIeGLDw4AHr4I\nihslfIFdpK71QiPKMoIoPNRCpLY7TL1yGU/c/H5Kq1sDwtcOxevGHQnijpg3BoZhsPn9d2nmrfvY\nTkNSHCRfMKsWnVqDRvrkxAvfZJLxly9/7P4uu11G8/c06vMdMeIstG16arv1rhlDPMS6exzDMOg2\nuoiyaGlruXs90zckbWgGufv5/dYFUxAdXXedPieL35intFWh2+gSmgz0nCg+Doauk715j0Ymj9Y1\n3RliFxZw7jvrCKJI6uXLZlhOpYY7EhzakcbhceNNRKgdsw1zBLxDCeeBczWMw9aBh2gVcwYera/6\nabhjYQRZxjjWqifIMu7o8KmATyuf/i7lpwBDN/piFg9oldvkLHpSz0Jps2Jdda12qO1v+fviHgR5\ncIGTHBKemGfg8dNo1zpUd60FJZiCcqDKsE9l17pi6UsO0QdlQH6tX8iVNisD2/KGalDaML9vf9xr\n+a9Y8cjIrsFFe/KlFIFxn63G6jZVss9coukdvKOVHAqz3/w80gmLpyBLKD6b79ww2P3gBps/eJ/i\n/Q3a1eGmoAVZIjQ32fdYbTczlOiVXdbn6ooGKdxbZ/PN92lbbOkdvjn4Jx6N6AUITKcsWyXcsfDQ\nHs8jRowwcXqtHXgcXodl+9pJ6JrO2psbXP9Xt7n1b5e5+W/usvbmBmrnUPxoXc0M/Bl4sZkcaocg\nCISngiTOxx6J6AXYu3qH4r112uUaaqNFbSfDzrvXBhIwFa8bfyp+ZhvG5JWL+CaSSE4HoiLhjkcY\nu3LpoXalarsZMyr5BNHrnxojcn4Ox7FqquJxE9lPZHtSOAM+/OODOwb+8cSnvtoLo4rvI0Hraqg2\nfoTd5sfborASb2BWXRWX+QfoDrsJTgT6enwBwlOBgWrvMHRqHdvACGfAwdSrE6z+YMPy51ZDDADj\nz4+hdfReK4gd3cZhJUHraLTK1gJb21+M/WM+wtNBimv9n73bUFn+zgOSz8aJzB3G7ipuhfkvzbL9\n0S7ZO/02PgAuv5P1joZ/9jmev/0jpCPb8oGZCRS3y/YzAnhiYZJXLrL+hz9E6ww6Maj1Fmq9RSOT\nx5O0n2h2hgOIsozsdBCYSuHwe9h9/0bP6eG02GIwY5Env/Ayu+9eo106vCh5U3E6jSblB6dsuYkC\n4688h3/i4w2+HMUVChJ79hyF++uojSaIIp54mMTzzzyy9xgx4seF2FKU0laF5pF494MWtrM6DTz4\n/jr1vcObcUPbL+iIArOvm760giAgyiJ6d/D60Cg0UNvqxwo/GhZdVS1DHDqVOqXVTSKLsx/7PWSn\ng4nXnkfvmjMaJxU8TqORObkA5htPkHrpEq1SFVGW6NZb6LqG7HQSXphC8bgf+r0flrGXLuHwewdc\nHT4LjITvI0BySDgDDpqFQZHmCff/g21V29QzdQRJoJ5tmBYyETfxxajlHXp4Okj2bq5vYQPwxb24\nQ4fHnnltEpffSS1bRxDAl/AxfimBdoJIs8Mb8+DwKXRq/aJdlAVmPz+N4lbwxjy9nq3+87KudoqS\nyMznJlFbKve/Zx9GcWCWXsvW2Xh7G9XGE9h15LNPvzaJL+EjfX2vz0O4Xe2w/VEaX8I7UGVIXUpS\nzzX7Eockp4Tmgsz39/iu9xU250KcLz9gxtFifjJIYHLMPMdwgK5N3rsrHERxOQlMpyjeX7d8zgFW\nwxO9cy9VzIXW8KC2W2RvLg8mFYkCnPD79aUSOP1epr/8KuW1bdRmC1c4iCsSZP27Pzzx3AC88ejQ\noldttSmvb6NrGv6JMRwuJ51WG2fAN3ABDp+bJjg7QT2TQ/G4+5wpRowYMTySIjH/pRn2bmVpltvI\nikhoNkR4anBW4iSqmXqf6O37WbqG1tWQFAlRFvEnvBTXB4fGGrkmD/7zKnNfmsXheXgv+GHQOt0+\nK8e+n9lYPz4sgiyBLnws20VBtq4Si7JM6tXn8CQi7L5/k+rOHmg6CALeRJTYC88iHnlteX2bysYu\naruDw+8lsjjba3971AiCQPT8PNHzj+Xwnygj4fsIEASB+GKU7Q92+zwU/Skf4RmzH8YwDDbf26G8\nMeizWFovU9urMfeFmQHxK4gC069OsHNtzxSagil6J19KDTzveN+ucIowskOURWKLUXav7/X1Dkfm\nwrgCTnau7VHNWIg2AZyBkyvMsku239IWTEcIMAf6jtviHOCJeUheOJzMFQSB4ISfnY8G+2W1tkZh\npcjYMbseURaZ/9I0ueUCzVIT2SETmPz/2XvPGNnS887vd0LlHLurc/ftm+ammbkTRc5IpEhRa8P6\nsoYN0ZTBhQhYpg3wiwxjtVwDXhoWSOnLigIscD5INgmsINtryAakpURRK5EUw3A44d65oe/tHKor\n53yCP1R3dVXXqc7hhvMDCE5XnfBW3e73PO/zPs//72H5p2uw9ZkfhS7yKHSRW8U5oomPqCYzuIfD\nOEI+ymv99xIksSOKHrlxCavXTTWRpl4o9ZpVbKHUGyBLHZOIHnRQ601q9Sa1tHFJg2SxDJzkBVkm\nePVC+7NKEoELO2LtlUS6LaMzCAEcwQCRWweb8UrrSZIf3UeptRcz2QeL7WJeXce2VXfnjvVum4my\nhGfk5DLJJibPKxaHhbHbe9vt7odh+cIWmqKiqTrSViw7ejuGruvk14qwK/FbyzdI3k8deTzp5tbO\n1D51sLLDjs3jMizTcoQCBmccjeJqfMcowmHDOzZM6PIM9XyJwtLaVm2xB//MRHsuH4B/eqzdmFzv\nl3orrW9STWV6Le51nUoiTereI4ZutnfD8ktrJD580A6MgWaxTCNXYPSTr2AbVF5nYsiZBL66rlNJ\nV9E1HXfEdejao6eB4HQAq8tCdqmA2lLbWdxLO1nc1MMM2fncwPOLG2VyKwVDfVxHwMGFX55CaaoI\nAkdullMaCmpTxeq27rtyjV4O4/Dbya8U0DUdT8yNf9zH8k/W+koqOugQ/yiJb9S75/WdQYdhtjgw\n5cc/7mvXkQ1orHOGHcx+aqoveNb1wWUWWtckqus6Sl1BtEjIVrlnsZCay6A1emfyN9d+wmsb71La\nmuELS+tIA+pmdb39kJAsFgRBwD81in9qlNJGgo2ffNh3vOy0I9msNHIDmu0OQPjGRdJ3HvWPRVGo\nbqbxTfY/gGw+D6LNgmYQ/AavzOCKBrEHfAeqZWubZsx3gt6uN4B25jrxwX3sh2gsMTExOVucwcFb\n6Q6/A0tXyZ1slZn6pQnm/mbecJ6uGZgXHYTDyJgJgkBgdorkRw96FG08Y8MHkis7CJVkhsQH9zvX\nbzZbpAuPaVVqlOOpTtKhtBqnksgw9fYrA69ldTkZuvUC2bkF6vkdAwy12aK4vIEwIBlUz+w8a4sr\nG52gd5tWtU5+foUhs1TsUJxJ4PvoewudQMcRsDNya2igcPXTjDvqHuh+Vkru38hUzVYHGkMAyAaO\nZgdBaSqsvbtBKVFpS60F7QxdjeDfZzvMM+TukZypF+sU1wc3MAA0ig0Wf7DC1CfGB2Z2h29EqRca\nlLe/EwF8ox4mtjSHBVFAshjXkTUrLYrrRfwTvd+TxS7jDDko79quE2WRwNax+dUCyftpaoU6slXC\nE3MzdnukM87d9dSOZpVbqTtYdqU1dq/at5HtNorL6+0F3kgEu7/9/bpjUVxDISqJ3ppi73gM38w4\nS9/9YdsY4pDomkY9Ozhobg5onpPt7cxFfleNryMSoFmqUFxeBx3sIT/RG5f66st0XSc7t0Q1le2I\nrO+FUqtTWFrvcxpSWwqiJD4TTkAmJk8jlUyVzbtJatkaoiSgqb3JA1EWid003pmRHcbhg2w72HNK\nUzWK6yVEi0g9qCAIwqG0e32TI9g8LoqrcdSWgjMcwDs5Yph00XWd/OIqtUweUZLwjg3jjA7usYB2\noGkkE1laS/QZE1WTGXILa3inBis+eEajuEcirPzDu9R3ucrttkHu0JUk7EsubKHWj7bQeJ45k8C3\nO7u3bU17+XMus4t7F9sGEIclv1og/ThLs9LC6pQJzgR7Aui19+I9qhO1bJ219+I4g45DddhWM7WB\nTW/dFDdKpB6mGXrBWDJNtspc+NQU5c0ylWwNV8jZkcGBdj2wZ8hNdrF/i1+pKay+F8fisvY4rUG7\ngW713fVOPbRoEbE4LKz/Io7skCjFK53GulZNIbuQRxAFxl9pT1b+MS8bfgutfDsTOlNYxN3a33Rj\nG63ZIn1vHoDs42UCMxNErl9EEARG3niRzIMF6tkCgiS2zSemxxAEgaGXXiD98aN26cMh0FoKZQPT\nim2svh0lDV3TqKSyCKKAMxzENzNOcW2zJ+tbyxR6NHbL6wmUeoOJt1/teZhsvne3x9HnIHTrYVaS\nGbIPFqkX2o0crqEQ0VtXzfnAxOSMaNVblBMVNj7c7LOBl6wikkVCdllw+OykH2cpbpSIXA731O4G\npvyUE2W0rnI40SISNNBi301uJU/8TpJmqZ1EsAQs/M//i8zsux8dSrvXHvThjgYNndu20XWd5b//\nSU+Db2FpHdeWAZB7JGoYLKsDtNEHuXHW80W87C11JgiCYdPzIFyRHWlQi9tFq9KfYR+oImQykHOp\n8W0Um+RWCoSmT64W50nHHXVS2kPuxea1Er5o7GSzG13XST3MUNos0aopNErNzjZ/s9ykmqsjygLh\nqQCqovVlQQGUukJmIXcoq0p31IVklfZUZdimkjYuVdhmW97GEzPO/I/dHkHXIbec75Mz267b3R34\nOoMOLn32ArnlPIWNIoX1Eo1iY09nt9JmBV3XGX7/XaIfvscL5SJ1f5C/d75I1elDRUAaYHNmD/rR\nVRVBllCqdZTaTgOirqjk5ldwj0bbbmeSRORa2/xBbbUorsYpLG+0s76TI3hGohRWN9pbXysbtMp7\nf3/74YgE8Y6168DLm2lSd+c6jnCyy4muKv2lDkbGEpk8lc0U7lh7EdMolg0dffZClCXcY+3fM6Xe\nYPMXH7cd5ACt1aKwtA7A8MvXDnVdExOTw6HrOhsfJsgt5VDqxvO4IIpMfXKc5R+vkelSIyhulJh+\naxL7Vh9HYNwHqkbqcY5mpYnNZSV0IYBvbO/AV2kobHyQoFXdmX9auRb/x/+m8un//AQ+5C4S79/r\nCXq3qWymqGymcIQDjLx+q68Uy+5zGypHiLLUJ5kGINkOlriyOO2GPR+Sww6ahtpoIlpk3CNRQldm\nOu8HL0zQyBd7+jpsfg+Bi5MHuq/JDufW3Karh2+6epqJXg7TKDbIrxTbWVOBLYFwCYffwfC1yIFr\nd9ff3yQ91y/FtY3W0sgu5glPBdBVbeA2yu5trf2wuqwEJn2kH+2vTXxcq0xRbqtAlNMVWuX+WtTd\nDYLbCKJAYMpP+lGmr/HCCE3RGP/7v+Hif/hLJGXnPq/emMd7+XU2N33UDfRyRVki9so1rG4XrWqd\nhb/9Yd8xuqpSXk/iCOw8CApLa6Tv79TE5h4tEb11BVc0RGCm3YDmnxpj7acf0MgMqKU2QhSRrVZE\ni4xrOEz46gyCIKCpKsmPHvRMtMoARYpBdGcZauncYOvl7WZKUewE0aJFIjA7hX1LgD2/uNYJerup\nJNKmc5uJySmTXciRMrBt70ZpKiTvp3tMKqCtkpN8kGLitR1N8chsiMBU4FCKB9nFXE/Qu83jBxqL\nKQuG1ppd6LrebghLZEAUCUyNYgsMDrbLm/3Baze1dI70x4/6Ft7BS9NUU7kevXSrx4UjHKCwuNZz\nrOx07Cmh1u1k55+ZoJrK9uvTqypjn7zdVt/xefpKzFzDYUbffJH84jpqc0fVQbaavROH5VwCX4vL\nQuAA2yHPEoIgMPHaGNErdUqJCu6wE0fg8Np8rYZCfmV/4wKl0Z48ZJuMPeCgsrvGWARv7PBC1KMv\nx7B7bZQ2y+2GMl2jFO+/tm/sZCSqnAEHBYPA1xEYbAWta/pAR6O+6/ttjP3kRz1BL0D2TgaHY5XR\nN19i+fs/7gvW3CNDWN3tUgJRlhBFCc1ggdG9AFAaTVL35ntqspqlCqm7czg/9UbnwSHbbUy+9Spz\nf/m9vslxIJqGUq9DA1yEOyYRxdW4YXbhoEhWK+4uSTN7yI8gS33BryDLjP7SS1iddkSLhfJqHKXZ\nxD06jM2zU3IxyFpZaynta5qBr4nJqVHcw5hoG9km98hCdrM7GN5mUNCrqRq5pTxKXcE75sXhsw+c\n0nQdNv8uzk9K00iCzi85C9jE/qMTH9zvCTyLq3HCL8wSnO3PfOq6jn6A8ryaQYOxKMuMffIVCour\nNEoVZLsN/8w4ktWCbLdRjidRmwp2n5vg5WksdltfyUWrVid1Z47aVk2vMxwgeGWmbYe861it2aKy\nkST8wuzAcTqCfhzBp9857bw5k8DX6rZ2pKksTpnYjaFj2fg+zdi9duzewUHbfjSKjYFbVN1Ilp2A\nKzTtp5avoTXbE4AgCft6pQ9CEATCF0Md2TFd11l/P05htUirpmBzWwnOBAhMnMzCZuiFCLV8vVML\nBuAZdhG5NLgxQRAFrE4Ltcbe35PVbWV80oH9r4wzAvVCGfdYjJlf+2S7mSudBQSckWCPk45kteCM\nBvvqbWWHDd/UTnakuBI3bERo5EvUs4UeK0hBFLH6PDQNtuj2RG9nlf0zY1hdzsM1zYli+wLb6hii\niH9mDItj5/fV7vPgjkX6rJY9IxFc4Z3SpdClKcO6O2ckYKhvbPN5EA9gymFiYnJ09APY5eqaNrCR\nepChkhG1XI2Vn65R29JsT9xPE54NErkSIvUg02f6NCSV+Tdzt8lp7Qzm90pB/kt/gpuOncRKPVfo\n6y/QFZX8wgr+6bG+HSNBELD63Ia7dt2IAxpsRUkkYBBQh69eILwlFzkIXdeJv3uHWnpHzam4Em/v\n9g34Z9COID9qcnjOJPC98uuzZJfz6KpOcNr/3Aa9J4HdZ8fiGLwi36aeb1Av1smvl4jfSXaCXgQI\nzQQYfSm25/ndKA2FzY+T1HJ1RFnEN+olPNuuRxYEgbGXR4jdGKJZbWFzW0+0SckZcHDxV6fJPM7R\nqis4/DZCM8EeSTylqRD/MEElXQVRwB1xEZjyUy9sonfFfXafjeHrUaqZGpJNIjwbRBY0qj4/3kz/\n9t92plIQRUJXZggx03fMNkMvXgVdbysdtBTsAS+hKxeQ7Tu6xgNl/AR6une3cYUDhoGvcziMJMvU\nsnnDsgGtpVDeSBG8OIlvfITs3JLhcd3ITgeR67PITsdWUKvjHo5gcTv7ShBit69jdbva23VCuwHj\noI4+ruEI3smRtn3n9r0ddoKXp48sDm9iYnIw3BHnvso8akPD6rUhJSs9JWWiRSQ4c/C+nI2PEp2g\nF9plZcm5NJ6Ym9itIdY/2kSrtRfHo3KdkmKjqO0sfpOqjX9fiHDNXkHamhoqyUxPo+w2rXKNeq6A\nM9zfJxO4MMFmoYw+oCkNwBk9WH/NYagk0j1B7zbVTB6bz90nYynIEt4x44Zwk5PlTAJfURYJXzj5\nX6znEdkq4Z/wkXo4uMYX2qoFiftp8uvF3mY0HfKrRYauRXpUJFr1FtnFPLqmE5zyd9QedE1n8QfL\nPc1qpc0ySl3p0cCVLBIO3+ksaCx2S585R+fj6DrL/7RKabM7K1DH5rMyenuE4loRtaVi99kJzbYD\nZt+otxOE6kgs33qRG//wd9BV82wP+vBPjXac75rVGrqiYvW4DAM02WZl9I0XURrN9na+AJn7C6Tu\nzm0pF4QJXJxsW/Xu6sx1BP2G7mXBKzPUcsWebIU96CN2+zqyzYpSrjD/dz/u03YEsLrbZTSiRSZy\n7SKpjx8NDH5tPg8Tv/xqpzzCGfSTmVsk8WG7Nlh2OvCODRG+1laoEESxne3YJ+NhhCAIDL98DXcs\nSjWVQZRl/DPjPVllExOTo1Mv1jsW7oFpf49tfeRSmFquTn6tOLjPRmwr3LgCdtLzOZrVFlaHhfBs\nAN/IwWRIVUUz1mLXoLBeYuzlGMqQzn86lWH4r37K49QQf17oT8asKw7uN5xct7fLtSwO4/JA0SJh\ncTnbuuL356kkMmiahiPgI3xtlpHXbhD/2Z1+RQYBvBOj+2Zvj4KRAgMAmoZrKIKuap2GY9EiE5id\n7EhgmpwupnPbU8jIi8NY3VaK8TK6qlHL1VCb/cFPJVvrk6qBtqJDYbXYKVfIreR7umxTDzMM34gS\nuRgiu5jrV2jQIbucJ3o1fO4SVKVEmZKBakWj0CT1MM3FX51BlERW3l1n/u+XUJsqdp+NyOUwoa3s\nxd3P/hr/7HMS5X/7D9QqFhwhP6GrFxBEkUahwMZPP2pr4uo6dr+X0NUL2Hxusg8XaZQqSBYL3skY\nnpEhZJsV3SKz8g8/o961oq/niqjNFkM3L5P6+HFnwrMHfURvXUEQBGrZQtv2V1GxB7wEZsaZeOsV\nCsvrNEtVLG4H/qmxju6t3e/FFQlS2ezNVjvCAVzDO05p3vEY7uEIhdU4CAJaq0VlM91xHQpdnukE\nvQCFlTjpe487JQ9KtUZ2bgnJZiN4Ah3EgiDgGYniGTGzGyYmJ0lyLk3ibqqT7Eg/zhK7GSU8257r\nBVFg8s1xwpkq5USZ7FKhT/XGE3W3FXNCzj699IMiCIN3uIStR4Yoi3zqn1mI/jTBWiZieKyIjq2r\nLsAzPkxufoV6rrfx1zUUxuKws/n+vZ7632ahRLNUxjsRM5Yh0yFwYfxUtMTdsQiZ+/Oozd7+Edlh\nJ3hxgtDlaYqrG6iNFp6xIawuU5bsrDAD3wOgqRqaoiFZpSNtxyoNhfxKAckm4x/zHtu5btsiObIV\nuM7/wxIlg6YFu9vaXnUbLOzlLT1GTdXYvJvs6bJVmyqJj1P4J3w0SsbNDK1KE6WhYnWeb+BbLwyu\nl2oUmyTvp1Gbao/bXL3QYOODTRwBO86AA08qSeG9h1QSDTS9LSWj1OpkN1PE37/fI/NVzxdJfHAP\nQZZpdRlEVFIZtJstfFNjFJY3eoLebcobSSLXLjL16TeopLKIkoQj5EcQBIqr8R6XoNJqnGoqy+gb\nL+KfHh/4+WOv3CB552FbbUHXcYT8RK5f6vs9FS0ygZmd64S2ShM0RaGeb+vpbpdllDcShlbXlc3U\niQS+JiYmJ4/SUEhtzXfbqE2VxP00gakAUlejrSvkxBVy4p/wsfHBJpVMDQFwRZyHKoMbhCiJuKOu\nPpdPySp1Eg7dvOYs8d1SnbjSu/MzZakxa9tJvAiCQPSlq6z/6BcdWS9BkrD5vajNFqWNfl3zWiaP\n7By8ozSo4fa4WJwOfFNjZB8t7VgwS+2+CcnSfv76u3pAjoOu65TjSSrJLJIk4RkfNtxFNGljBr57\noGs66x9sUtwqF7B5bUSvhPd1POsm/ShD4l6qU5ObDNgZf20U5xEUHQYRuRSimq2hdjVz2f02xl6J\n0ay2KKd6u/qdIUdny6qUKBt26ip1hfxyAZvX1vcetKXNDurQc5p4ht2IsjjQWKNa6G2M20ZtquQW\n8zj9dl7/v/9PSsvbDVc6tXSOjXfvoDWahtq2bSmy3iyJrqjklzbwTY3RqhpvcSn1Bq16g2o6R2ll\nA0GS2t3ATntP0LtNJZ6itLqJd2Lwg0iyWojdvt4ewyEkhQDS9x5TWFlHqTba6g0jUYZeujpY/m4P\nkfijoqkqheUN1EYTdyyK3f/sOTqamJwF+ZWCYe9Hq9KisFYgONUfcNrcNqY/OYnSVMjM52gUGyQf\npolcDB3K3MiIsZdjaIpGebOMpurYvFaiVyOGzd0WQefz/k3+r8IQyy07IjBjrfGb/k3Cj0UKAAAg\nAElEQVR2T2n5xys9Wra6qpJ5sIBolQ1t2AEkm83Qpt3qdWMPeA89dx6UyPWLOMJ+ylt6wN6xYZyR\nky/7TH74gPzCjhNnfmmN6I1LPc3VJjscKPCdm5vjy1/+Ml/84hf5whe+0Hn9Bz/4AV/60pd4+PDh\nqQ3wPNn4KNGjl1vN1Fj9+QY2jw2Hf/+axGa5SfxOsmcFXsvVWX9/k4ufPlgz0EHwxjxMvzVJdj5L\nq65g89gYuhrG6rAy/voo67/YpJKuoOvgCrdX9Nt/5JJVbjdXGWRNJYtIYNJPdinfK4cmQnA6cO5l\nDgAOn53ApI/MfH8TAbRrousDdYw1Ao/uE1pZ6XuvNcDudy8ahSK6rmP1GG9ZWT0uNn/xcU/NbjWZ\nQbRaBmYdavnCnoFvN9v/pvVCkcLiOvV8EU3VsHlduGNRPKNDnWMKK3EyDxe7POObFJbWkO1W7H4v\nlUR/s589cLJBaS1XZPO9u52yj+yjJfxTY0RvXj7R+5iYPA/IjgGqKAJYBr1Hu+ls8QcrVLoSJPmV\nIpNvjuGOuAaet+94bDIzb03SKDdR6grOoGPP3c4r9hq/Z1tivmFHEmDaWu8LenVd31LX2fW6otLI\nFZGdDpTdiQdBwD0cxuK0k32w0Ck92FaRWfjuD5GsMq7hiOFu2XFxD0dwDxuXcpwEtVy7RK4braWQ\nvDuHe3QYyWLmN3ez7zdSrVb52te+xptvvtnzeqPR4Fvf+haRyOn9g543xY3+7ept17DRl/cPRrJL\neUOXs2q6QrPSPPaKuht32Ik73B9w2dw2Zt6eRG2q6NAnU+MKOXCFnT2THrQVEAKTfgRRYPqT4yQ+\nTm2pOgj4xn1PlOve2CsjW3qR/dtq4QsBNEUz7GR2D7upx+cQDyDxcxB0VWvb8c4t9b8pCNjDfoqL\n631vac3BmsOyzTjjPohKIkP8vTuo9Z2MSLNQorS6SX12gujNK+3j4smd7bfu85MZxt96hVquQDW5\ns+izB/2Erg7WlzwK6XuPOkEvbLndLazgGg7jig6WqzMxMenHN+rBGXJQzfQGfq6wE3d0cACbnEv3\nzf+taovk/fSxAt9tbG4rNnfvsy7VbC/+L0seulMWogAX7Xsr0BjNW1tn458eJX1/vqdUyzMSxRUN\n4YqG8MSi7bpaVaW0Eu/MP2qjSbO0DDpP3cK7spk23KXTmgrrP/mAibdeOYdRPdnsm7KzWq288847\nRKO9jSh/8id/wuc//3msz6hriK7rA93B1ONu+QoCfUvZU0aySobajIIgMP7qKJ4hF4IktOWpwg7G\nXhnprM5lq8zoSzFmPz3NzNtTT1TQC+3PMPnGOKO3YziDDixOGXfUyfirI7ijbmI3h7D7u2TFJAHn\nlJtWVGPkv5/APd0fZIk2C8IRMtqZjx/TLPZni52RIEplnwl9FxaXo6cu9yBkHy31BL3dFJY3aG6Z\nWQzSi9Q1DVGSGPvEy8Reu0nw0jTDL19j4u1X+iw9j4PWUqhn+xeWaDqV+N7OUiYmJv20TZJG8cTa\n5V+SRcQTczP+2uieWcx63tjSvb6H1ftRSTdLpJp5Xv9Mkb/8HZXcv/4zltYnDny+IAjYjQwcBAF3\nLEzo8gwjr97AMzaMeyRK5MYlYq/e6BxmcTkIXbmAoAsd98xuypupfbWOdV2nuBondfcRhZWNA2kj\nnybiHvKwtWyehsHz6KDouo5Sb5xKmdt5sm/GV5ZlZLn3sMXFRR48eMBXvvIV/uAP/uDUBneeCIKA\nM2CnWOtvGnOFD7YKDs4ESD/O9BlOuCNOrM4nR6zf7rVx4VPTNMoNdL29Qn8SNFWr2SqZhTy6quEK\nOQnOBPbcKutu+OvG4bNz6bMXyC60tYC9MTdVb4vXP1PkX876uXvBwv0NC+pW/VfbmcdOo3BI8whA\nHVCyoKsqkv3g2VtBlhh57SbiAbap6vkS9XwR11CoE9gaobUUShsJWpUatYxxaYgj2K5fFwQB79gw\njA0feMyHQhQQJRHNKNktnf/vnonJ04jdZ+fCL0+1zSGEdrnBfkiDzCpsIoX1IqVEBdkiEroY7JHA\nPAo6Kq9/psjvzboOHfQqjSaltU0cIT+taq2jgytaZHxTY51yAs/oMJ7RvectdYCmr9psoWsawgAH\nSU1RWPvxB9RSO+UWhaV1Rt94EVk++56X9L3HfWUOPagajWIRm/fwmftyPEVmbpFGvoRkkXEOhRh6\n8eozYSt/pOKP3//93+erX/3qwW8iie060iMiy+dTSzpyc5hGaaVH2cA/4SU6u2OgsNfYZK+NsZdj\nxO8k29cQwB1xMfnq6Jl9psPcR/afXMPdge85YHyZxRwrP9/oNOxlF/OUkmUuvDV5tKBcFhm6EqaU\nrFAv1FFknX8+pZL/n/539OBLjH0iT/zdj2hV66iqhnqEoNfm82BxOWhV+oNP2W5j5PY1Hm4Ylxj0\nIAoM3biEe58mCE1R2fjph+0shaohWS2GRhgdhPa2mJGoOrSz0kM3L5/YBL7ndWQJZzTY58Ik2ayE\nLkycyUPkPB5UJiZnwWEc1sKzQQprhb4Eja7B4g9XOv0fmcVcO6M8fLxa/38+dfhMb25+hczDxY7z\npdXnJnRtFlEU8Y0NIx1SB9wR8FFgte91u9ezZ2CXvr/QE/QC1NI5Mg8XGHnphUON4bgUltfJPFzY\n09ZeslkNTT32o1Wrk3j/HsrW962oKsXljY4O+9POoQPfRCLBwsICv/u7vwtAMpnkC1/4At/5zncG\nnqMMaC460ABlEeUAXtungd1v5+JnZkg/zqI0FFxhJ/5xX9vUQNMPNDb/hB/vqJfiRgnZKuGKtg0Q\nzuIz7Tc+paG0m+FO2G3toOweX261QHYhh9JQaJSbO25zW+RXimSW8odS1dhGaSgs/3iNUqIMOghW\ngX/nlviKrtNqKSQ/fNDW6j0MgtAOYoV2d3Dsles0q3UqyWyPS5Agt+VlkGUiNy6S/vjxQOUEAKvb\niex00Kw19sz4pu48pNRlk7xbL3I39oCPer5g+J7/wkS7tk0QDK2GD4ssS/teJ3rzCpqiUU2m0RS1\n/TC7OI3ksJ/IGI47PpNnh+3t6CdhJ+tJw+G3M/76GKmHGRqFOrJdxu6z9fVMtKoKiXupYwe+h6VZ\nqfbp4TYLZapyhvG3X8FikQ/9t+wZHyZ17zFqrbf8zB7uL6Noliq0qjUc4UCffvA2RvKVp005ntoz\n6AXwTY70uIcelPzCaifo7aaSyKCp2hPR2H4cDh34Dg0N8b3vfa/z86c//ek9g96nHdkmM3zteEL7\noiQeKVg7LXRNZ/XddQobJdSGis1jJXIp1DG0OA+yS3nWfr6Opuz9l5x8mD7Sd7nxwSalza5GqqbO\nX/8/Ci9PRwkm0gO3/o0QZald87SdudVBqdRRGk08sQj6S1fJL67SqtaRHXb8U2N4RoYACM5O4Z8e\np7SWIDe/TMPAkrhZrLD2o18gWmVkqxVBlrA4HfhnxnuavqoDMrc2nwdEkWapDLqOZLHgiAbxjETZ\n+MmHhufI9rMvb5GsFkbfuIVSa6A0Gti87lMRkjd5fmk1FDbej3eat1xhJyMvDu+pcnAUdF2nlquB\nIODw25+6ANsX8+CL7QS0a7/YMDyumqujNtWB5REnSatSI7ewQiWZNVzUb1u2W3zuQ1+7spnuC3oB\nqsks+tW2tJnSbJH4+V0qqSy6qmJxOQbOT0fpBzkuuoHUZjeSzXrkhuRBNb2aorbv+6wHvnfv3uXr\nX/866+vryLLMd7/7Xb75zW/i9x/N0cXk/Nn4cJPs4o6kVqPUZOPDBDavDc/Q4SeRkyC7kNs36IW2\nKYWu6Yc2Aamk+8sPVBV+mo/wmWrqQNfwTowSvDRJ/L2Paexa+WuKQnEljisaajulxaIo9Xbgu3vr\nTJQkfJMj1LMFw8C3c82mQrPZzhw38iVqmTwjr9/c2boa8HVZ3U5GXr/Vf72tyXu3laYgS7iGDqfO\nomsaCAKCILSzabp+5KBVdtiQHYfPSpiY7MfKj9d6FrzNSoFWXeHCr0ydWHBaSlbY+GCTWra21Rzs\nZOx2DMc5lI6dFNKAMiDJIraboE8IXdcprmxQTecQRBHvRAxnKEAts1N6NghBPHqT+KByr0axhNps\nIdusJD98QHlz59nQqtRgwBznjp29C6Uj6O9z7exGbTSpprO4h8KHvrYrGiQ/3y/zafd5ngl5tH0/\nwfXr1/n2t7898P3vf//7Jzogk9On+0GwjaZo5FcK5xb4tmp7b9Nvo6kaSkM5sYyNIOi4R6KkH8z3\nqSGIsoQ94EOQRJyRIIHZdn2xrhqvhhulCpqqkrk/T3FtE6VaR3Y58E2OEL7S7wXvn52gkkgPNLzY\njdpokl9c6wS+zrCfer5/i805YKITJQn/hQnS9x6jd63oveOxAxtHlONJso+WaZYqSDYLks2K2mii\nNppYXE78MxP4Dqg7bGJympTTFUrJ/rmunKxQTlZOZK7TVI31n2/sKCDoUElVWfv5BrO/OnMqmV9d\n14l/nKSwUULXdFxhJ8PXoye6/RyaDZJdyvc4egJ4hz0ndh9d14n//C6l1Z06/9LqJpEblyjHU3sG\nvQCOkB/LHo5seyFZjUMfyWJBlCV0TTMOjjUNe8CL0myhVGrITgfeiWH802dvFBG8NEU9X2o7bRoh\nisj2o30/ruEI3skRiisbnQSL7HQQvHJy/gPnydMfupscGk01ThVqx6jFPi5Wt3WgPXLPcS7LgTqV\nd+OKuPqub7XAm/4Ucs1B4MIEmYeLnYBQkCUi1y7iv9DfgGHzuXv0Z7dp5Aos/PUPUJs791EqNTL3\nF7A47PgmR3uv43Ex+uaLZB8t0ypXaRTLxn7yXXRL8AzdvEKjXKOSTIOmI1pkvOMxfJMjA88Pzk5i\n93sprsZB03AOhfbtgN6mni+x+Yt7Hdek9v/v1EWrjQLJ4n1kmwXf6NCBrmliclo0ik0wmtL0tlTX\n7sBX13USH6corBdRWxoOv52ha5E9XTZzy3lD2a9KpkYlXT0RHdzdrL23QebxTlBWSVWpFxrMvH1y\nduJWp4XxV0dI3EtRz9cRLSLeYQ+jt4++qN3W7t2mmsxQWtvseU1TFHLzK6itvRMhjpCf6ItXAVBb\nLdL3F2gUy0hWC76pURxGkmdd+KbHKSxv9O1+OYdCFJbXaRTKA8dgD/iI3LiEUmsgO2znpnIgiCKj\nb9yikkgR//nHPW52AM5IAPsRykCAThObZ3SIaiqLZLHgmx47UUnL88QMfJ9DnEEHzXJ/kHkak/RB\nCV/st10WJAG9O0gXITi1t6TZIEZeHKJVa7Wb2zQIBUR+3THHSK39UAtemkZtKZTXkwB4xqKELk2h\nGiwGnMMRSqubfa8DPUFvB12nvJHsC3yhXY8bmJ0g82ABivuXelicOw9hUZYY+6WXqGbyNAolXNEQ\nVrexa1zP+MMBnOHDazEXltb6JtfdaIpCYTVuBr4m5453xI1sl/rUCiSbhG/M23d8/KMEyfs7W8fN\ncpN6oc7Fz8wMXGwPLM/SQRugA38cmtUW+ZX+XZ7iZolSonyiO3bemAdvzIPSUBBl8ViZ3u2gt63d\n++9ZWp+gmn5sqHDTLJaR9ih98owOEXvtJoIgoKkq6z96j2p6J6gux5MMvXwNzx7lB7LNSuyVG6Qf\nLNDIFxFlGWc0SLNUobi0hzyYIOCKRRAl6UBz7VngGoow/snbJO/OUc8WEEQRR8jP0K0rx7quIAin\n7jp3XpiB73NI7GaURrnZrkkDECEw4SM4c/bGFK1qi+TDNM1qC5vXSrPcQmtpyDaJ8KUgrarSdoyz\niPjHvASPaJ7RLDdRrRr+cZEpt8R/pfwQf2Xn4bfb6zz7cAlUjcjN3slDUxTSdw5v0T0om640mmz8\n7CNae+jvdhOY7c9AO0N+nKHTr7kfpFG8m72c6ExMzgqL3UJ4NkTiXhJ9+89PbMt3oekkH6SxOORO\ns2x+rT+gbJSapB9nBzY4ByZ9JB+k+0oC7F4bnuGTLxur5WuGbqBoUM3VTqVU7Sg7bN1sG1bs1u6V\n7cbZQ8lmxep2UTMwmAA6vQUAuccrPUEvgNpokX24QGWzXUYm2234p8f6ssCOkJ/xT7zc6VfI3J+n\nsLg28HOIFgn/1PiRamZPG5vPw/gnbrfrky0y+lPWXHnWmIHvc4jNbePSZ2bILuZoVlu4o65zqe1t\nlBvM/8clw63CpqKRuJti4o0xRl86Xs1oJVNl6YcrtGoKVeADNFall/jvQmuMWxs0K9X21v8usvMr\nVHNFPCPRTn1vfmF1oDPaXlhcDjJzi8g2K97xGIIoUk3nSN2dO3DQ6xoOY/f3Z6qOS6NYpprO4Qh6\nsfuNFTOURvPAfSQ279nKHZmYDGL4ehRnyEFhK6j1jnmpZWs8/O58J4BMPkgz9nKsZ7epG6U+eMHX\nVv2JEL+T7BxndVmI3Ro60s7UfjiDDiSb1DdWQQRX6MnIQBrxry66yX71T3u0e31ToxSW1vuMgtyx\nCO6xYdZ36eV2zutys2yWjSUo69lijzNkJZEm9tpNXAaatttNufUB2u2yw47/wjiekShW9/ntih4E\nyWpBMqUa98UMfJ9TBFEgdOHwwtYnyea91J62mGpLIzOfxTd6vGAvNZehVet9eGVUK98rB/gXwU2q\nyQyaUTZTh3omTz2Tp1mpMfzi1QNnPbuRXQ5Ka5ude+QeL2Pzeimub8IASRpBFBFtVtRava26EAky\nfPs69WKJeqaAMxJEPmBD2iB0XWfzvY8pbSTRFQVBknAPR4i9er1HoSH18SMKyxsd8fi9sAf9BC9N\nHWtcJsdnbm6OL3/5y3zxi1/kC1/4Quf1H/zgB3zpS1/i4cPD71o8rWxv2UN7EZy4n0LvKlGo5eps\nfpzE5rFSzfQ3mjqDe6szhC4E8Y56yC3lQRQITQeQ9rCRPQ4Wu4XApJ/0XKbnde+o91xL1Y6CKEnE\nXrtJ+t5j6rkioiTiHAoRvX6pLQsXDvQ1mNmDPlxdZVrSAWtO1XqT/OMVw8C3c60BagUWl4PQpWej\nqcukjRn4mpwb9QM0s7Wqhw80+65RMb5PRrGg6zrlPSRhtimvbdK6MoMzEiT7cHHf4wOXphAEEUES\nyc4t9qgoNAplGoX+5rhubH4vY594iVo6j9XtxOJyEH/vLuV4Cl1RES0S3rEY0RevHrlzPPtoqd21\nu4WuqpTWN7G6nYSvtfUfC6txsnOL+wqlAyAIBC9NtR3kTM6NarXK1772Nd58882e1xuNBt/61reI\nRJ69mr2Dkl8t9AS921QyNUZfGqZRavaUEnhjbgKT+5cRWewWolfO5nsdfWkYh9dKfqMMmoYr7GTo\nhbOX0zoJbB4XowbSiwAjr98idXeuo1fuCgcJ37jUc0zgwgTl9aShW+Zudjey7cY7HqO8keprMHaP\nPJ3f7fNGLVegsLiG0mhh8+y9+2EGvianhtJUSD7IUMvXkS0igUk/3pGdLKXlALaaVvfxu0jb0mf9\nk15QVsjcn6cS31/HV222qGfziLKMIEs9gexuvBMxItcuIggCyTtzex5rhGi1EJidQLJYcMfaD9P0\nvcc9DXVaSyW/uIbF7SJ48Wjd3IMMMKpdZh6VA7gDddB1Unfm2iYbph3wuWG1WnnnnXd45513el7/\nkz/5Ez7/+c/zB3/wB+c0svNn0CJREAX84z7sPjvZxRxqS8MZdBDusqd/UhAEgaErEUKz52c4dBbI\nNiux29f3PMbisDP+5osk78+3m+KsVnRdo57td1jbTyvcNRQmeusK+YUVmuUassOKdyxGwEDZx+TJ\nopLIEP/5nU7zdaW/crEHM/A9ZXRNJ79aQG2q+Cd8x24UeFrQVI3FH6x0HJMAChslRl+KEdpqogvP\nBjvucUbIDpnIpeNP7uGLIUrJSs99olqJt/J3KKwZqzPsRrJasAd8xN+9MziQFQVESUJtKbQqdaxu\nB+IhTR3c48MEL0ziCPbW2lZTA4LUVObIge+BMOi6BhAtsmF5SKtSpbCyQcQsdzg3ZFlGlnvnmcXF\nRR48eMBXvvKVAwe+8lYXvyw/GS5NJzGOyGyQzHyur0HME3Vhc1iwOSz49ul3eJa+j5Ng33E02wsH\nQRCQT2FBLAd9TH7i5c7PtVyR1R+916MDLFpkQrMT+94/dGGc4MwYmqIiytKhd9NO4/MdhZMYh67r\n5JfWqaSyiJKIb2IUV+RwzeVn9X3k55f3VRzq5vmIws6JSqYtZF7Ltf8AE/dSDF2LEH7GV+oAmfls\nT9ALbXmfzOMMwWk/giDgHXIz8doo6cdZmuUmolVEkiUEUcBilwnNBk+kYcMddeF/LUBlocJFr8K1\nf/oPjK08RmvUDWU+Da8xNoQoSTQKe3iyazqaplCJp4g3mkz88mt4p0bILa2iNXq7vgVJ6jPCcMci\njL560/DSB026HgZXJEjVoMzD2VUH54gEKK33C6Q7woGBmXL9HPWgTYz5/d//fb761a8e6hxF1ZBl\nEUU5/3/PkxqHxWVl5NYQiftpmuVmuyks6mb0pdiBrv+sfR+nPY5tGTNd19F1vafpKr+0RmF5A6Va\nw+Jy4J8exzt++EZmeVczl8XjIvbaTXKPV2hVqsh2G76pMRzR8MGbvgTBUMryMOM4L05qHPGf3+0p\nhcsvx4lcv0igq7nwLMZxEBol4ybHQZiB7ymh63rbxjK3s+ps1RTid5J4Yx6srmdDCHoQjaLx6qtR\nbqIpWqf5wzfqPXbzWjVbIzOfRakrWD02olfDWLoy66lGDnvEzh/9yxrib/85781vDGwq28YRDiCK\nIjrgGgoRmJ1E1zREWUZr7f/HXM8WKKyso1QbyHY7ze7AVxBwjUTQGi3quS3dxXCAoZeuDryeKxyg\nnunP+jojR29QDMxO0ixVKa23G+8EWcITixDqcufxT49Tz5UorW92Mt3OaJDhl6+x9qP3+iyXJbsN\n7/jBDDFMzoZEIsHCwgK/+7u/C0AymeQLX/gC3/nOd855ZOdD6EKQwJSfUqKMxWHZ06DiaaNZaZJb\nziPI4qk22R2E7aD3G1/KdbR7tymubpL88EFnkazUGjTyZSSLjOsEdGMdQT+O105f4vFZpZrKUlzr\nrRfQFYX8/Ar+qdEj29OfFpLdtm8Ndzdm4HtKNMpNKun+gnu1oZJdyg/UhXxWsDgGdMg6LIgnuEVX\n2iyx/JO1LpH6EuVEmQu/MsX4hz8l+uO/x5XNMX7FT/NvGqwtyPsGvQDDt6/h9Hl6VqyCJOGMhHpW\nwXuRvvvYePtF16nE00y8/SoWpx1BFBDlvf8UQ1dnaJarlBNbzW2yjHd8mMDs0csc2u48LxC8NEU1\nncUR9GPzuvuOid2+RuDCGNVUDqvXjSsaQhAEItcukvjwQUeOTbLbCF+dQbbvXUtncrYMDQ3xve99\nr/Pzpz/96ec26N1GlER8IycvDXieJOfSJO6mOmUc6YcZRm+P4Bs5e3lBI8OKboqr8b6dIU1RyC9v\nnEjgexJoqobaaCLbrU9coHfaVFNZ0AzMRUoVGqUKdt+TJVnpmxihnisYjtkIM/A9JQSh/T+jEsnn\nQVs6fClEbqVAvdAlgSVAYNJ/ov71qblMnzNTLVen/I8fc+nv/h2WZvv+mXeLZCVxXytLaOs2FpY3\naHhcuEeHeia9oRevoikK5Y3kvtfZq+ZIVxRK65tErl3c9zrQljcbef0m9XyJejaPIxzEFfSeyFaS\n1e3c14XI7vf1afy6hsJMffpNCisb6KqKdzxmBr1PAHfv3uXrX/866+vryLLMd7/7Xb75zW/i95sZ\nsGeVZqVJ4uNUT+1ys9Ji804Cb8x9onPuQfl//1uN7Ff/rC/ohQEOl4C2yyZY13Xq+SJoOvag70w+\nh67rZO7PU1yN06rVsbqceCdHnitJs0GNgKLVgsVhP+PR7I9/egwEgdJKHKXRwOrZW9rPDHxPCZvb\nhiviopzorT2xOORzcUg7aySLxPRbEyQ+TlHL15EsIr4JH5ETrm8eJImmJbKdoHcbXdUOVAuk1Otk\nHywAYHu0TOy1G9i2hMtFWSJ64zLVVNZY+/cQHCWLYPd7sB9Tv/ckEWXpwDVfJmfD9evX+fa3vz3w\n/e9///tnOBqTsyC3UjBsEq7l6lSztSfO3MLqcRkqL1g9OztOjUKJxAf3qWXzoIPN7yFy/VJbNeYU\nyS+uti3kt2iWKqTvPUa22/FNHM9M6WnBNzlKfnGtr5TNHYs8sXKV/qlR/FOjBzr2+crfnzFjL8dw\nhXcmHKvHSuzWMBb7k/mLc9LY3DYmXh/j8udmmf30zIkHvTBYEs3VMg5w1XoD55DxODrlBl1Z+ka+\nSPrjxz3HVTP5Ywe9CAKtRoO1H3/Axs8+MmwgMzExMTkIomT8KBdEkM5Y/SHdNHZA6yZ4ebovK2fz\neTrmN7quk3j/PrVMvjMfN/Ilkh/cR1NPt2GqvGHQtKvplJ+jOVoQRWKv3cQzOoTssmP1uPBfmGD4\npRfOe2gngpnxPUXsPjuzvzpNJVVBaWp4Y+6BE5TJ0QhOB6hma+jqTrRqcVoYZrD6QtMg6yvIMla/\nh7qBtm01lUHX9c42myPoQ5QltOOUGeg6xYUdX/jSRpJwtUbo4tTRr3lM6oUiuccrKNU6stNO4MLE\nsSySa7kC2QeL1ItFJNmCOxYldHXmXLZdTUyeZYIzAVKPMjR37YC5Ii7svrPbmk6U89TiFW7+SoPW\njz40LHMAsLldjL/1Crn5lU45gf/COLK13fRdz+bbmd5dNMtViivx9tb2KaErxkkNTT2+mdLThM3t\nYmSAucjTjhn4njKCIOCO7q0LaXJ0QjMBBCC7nEepK9g8NiwXbKzIv8Qrd3+IXm31naN06TtuoyuK\nYdALoDUVlEYTy1b9qtXtxD0ytGeTmyBL+KfGqGVyNApl9P0a6jSNwuIagZmJc1kc1fNF1n/yQc93\nU01mGXnjFo6Ab48zjVEaDeI/+6jTaatQp1EooWsakesHq2s2MTE5GJIsMnY7RjbURKMAACAASURB\nVPzDBLVcvS3TFnEx/urImY1h4e4a5cdFtLrGjz/Q+BdSjN8ObuCTB+i0220Dexy0PaTEtAM0Jx8H\nm99LzaAM4zhJAJMnCzPwNXnqCc4EOnXT6WYJHZV/86UqhQ+GWfjr1RO5R2FxjfDVC52fh29fw+p2\nUElm0XUdrdGiVa+jK2pbk/LCBMEtxYX4L+5RXFobdOkOrXIVpVbD6t67MP8oaKpGeSOB2mzRLFVQ\nG00sLieBi5PINmsn09uNUquTf7yMY4C28F5kH60YysuU40nC12bNrK+JyQnjHfbgGXJTy9UQZQm7\n9+waTSvpCsUHedhKirZUkfuqmz8vDPHfhA6mgtONMxzA6nXTLPZau8t2G96x05VLDF29QD1f7KlB\ndkQChK7MnOp9Tc4OM/A1eeZ4/bNlrlh8bI7Z2Aj6qXdtmVl9Hpql8oFlT7bR9f4sg83nQdfB7vPg\nikVQ6g1alRr2gBdR2tHP9IxGKa6s73tP2WE7FVWEUjxJ+s4czXK/vF4lkWbsEy/TqhprILYMsuMH\nQRmgaKHUm+iqirCPfJuJicnhEQQBZ/DsG9k2FtOdoLeb+YYTRQf5kOtcQRSJXLtI8qMHnQW0ZLcR\neuECsu10NfBlm5WJt1+lsLxBq1zB6vXgnYiZi/VnCPPpY/LMYrXLTLz9SnsCq1Sxelx4J0ZY//H7\nVAwcywAQxT6dX0GW8HRlGTRVZeMnH1JJ7FzDGQ0x+saLWMI79XStWp3i8jrQ7pItr7czrjDAuW10\naF8938OiqSqpjx4OFPduFEpkHy0NlK+Rjyhd4wj6yM33v271uhCkJ8PW08TE5MnFHYvgjAQoLG+g\nazreidipB73bCKJ4YnXEakshP79Ms1LH4rT31DKbnA9m4GvyTGM0gY28dpPknTmKyxt9tbfesWHq\n+WJni02yWghcnMTu3ZEQyzxY6Al6AarJDOn780RvXAKgsLxO6u6jjpavZLUSmJ1EkCUsTgd2v4fM\ngwXquSKCLOEeChO8fHydSLXZQhBFxC2P9OJqfF9Hm2apQujyDNVUFrW+k6mVbFZ8M0eb/P2TIxRW\n4z0LDMlmaX8HZubExOSZwjnqpL5aQt210TNjqx0629uNKMsELhg3yD0NtGp11v/pfRqFHaWL8kaC\n0TdfwuJ8dhwDnzbMwNfkuUOUZYZfeoHQlRky9+ep54uIsow7FiUwO4Gu6RS3TBncsSgWV+8EZaQ/\nCbSdYwBNUUk/WOgxsFCbTfKLq0x95hNIlvaf3fDL107sM1XTOdL3H9PIl7Yc5oIMvXjlQOdKNiuO\nkJ+R126Rm19BqdWRHXb8M+O4wkezRBZEkdE3XiS/sEotV0SyyPimRs0GEROTZxBb2M7lz9lI/LBF\nJqchojNrrfJf+DbPe2jnSvbhQk/QC9AolMk8XHxmpMGeRszA1+S5xeKwGwafgiTgnx5DliVjZ7QB\nxhOtSo3s3CKi1YJikGVVag1Ka3H80ydr+KC1FDbf+5hWZauGt6VQWo2DrjH88nWyDxcHZn0lmxX/\nVDur6wwHcIZPzlxFEEUCs5M8+3YtJiYmV/4TB//2v/bz//0P30cseXjBXnkuXEr3olE01pPf3bRn\ncraYorImzwzbig7oGrquD9SQPC7uAV7ySq1O6u4j0vcMilu3kPapUdN1ndJ6guyjJZqV/mY0I/KL\nqztBbxeVRHZLPuwyli5LYkESkR02nENhhm9fxxEyrWxNTEyORve8G/CJ/GdDa1xzmEEvMNDlTHxC\n3c+eF8yMr8kzwfbk+/pnivyPqfd4/389PbFx/8wYSq1GcTWOUmv0va/WGwgWGX2Xu5vV68Ydiw68\nbqtaY+Pdj6hn2iUTmQcL+KfHiFy/tOd41JaxTqamtFBbLTyjUVzDYUrrmwiigGdk6Eh2ySYmJibd\nJGpFg3n3cAkHTVXJL6zSLFaQbBb8s5MdzfSnHe9EjEoyg961cyhIIt7nxPr4ScUMfE2eeraD3m98\nKcfsux/w0Tun67AjCAKR65cIXZ4h/vM7lOMGFpfoSDZrT51vq16nvJnCMyD4Td6Z6wS90C5hyD5a\nxhEODMwyA7iGw2QfL8Eu0Xe7z9tpoBAlEd/E2YnZm5iYPNucxLyrKSpr//QLal3mQcX1BCOv3TyS\ncc6ThmdkCO1mi/zSBq1qFYvTgW9yFO/o6WoRm+yNGfiaPBNsa/dm/2qBw2YcjopokQduWYmi1BP0\nAuhNhezDJdzDkT5lA13Xe/SGu96gHE/tGfg6Q378U2PkF1ZBb2sFS3YbwcumPbCJicnpcdx5N/d4\nqSfoBVAqNbIPFxl948UTGuX54psawzc11mN7f5rouo7SaCJZZHNnbwBm4Gvy3JB9vERpZROl0cDq\ndhGYndiz9GA/CsvrA7K9INmtfYEvQKNYQm22jPUoBeNJShD3nyyHbl3BHYtQ2UwjSG0JN1Mux8TE\n5EmmUTBu8hrUFPY0cxZBb3E1Tm5+hUaxjGSz4olFidy4ZCZAdmEGvibPBbn5VVJ3HnUyokqtQaNY\nZvRNG47g4bfUtiXLtC1Dim68EzEsTgcZg0ldssgdjd1uBEHAGfZTXOlVX9htnrEXrmgIVzR0wE9g\nYmJicr6IFuMQRLKaoclhqWULJD64j7bVW6IoNXKPlxGktgueyQ7mb5fJc0FpbbMT9G6jNprkFlcH\nBr66rrcNLgShb8Vc2kgYSpYBOEIB3CNRCqvxvmNcQ5EeO+NuIjcvozZbVFNZdFVDdtoJXJjAGdpb\nEKy4lqCwsEqzWkN22PBNjnQkykxMTEyeVHxTY5TjSdRGbwLBMzp0TiN6eiksr3eC3m4qm2kz8N2F\nGfiaPBeozf6yA4DKepLicALvrom2sLRGfmmdVqWK7LDjnRglOLtTwybvIUcj2SzINiux29fJPJin\nXighyTLOoTBDNy8PPE+2Whn7pZepF0q0KlVc0dC+FsaVZIbE+x/vrPKrNRr5IqIk4R03O4dNTEye\nXBxBH0MvXyP3aJlmuYpss+IZHyIwO3neQ3vq0Iw05wFVOd1m76cRM/A1earZrd07CKvHRbPUXzem\nKQrJDx/gCPqwOOwAlDaSJD562JGgURstUsWHbfexybYygnMojD3o63Nxs/m9nbphZziA85OvoKkq\ngigeuM7K7vNg93n2PxAoLG/0rfJ1VaOwEjcDXxMTk1PhoPPuQfDEonhi0TNr/npWcQS8beOiXRz0\nWfI8caCWv7m5OT7zmc/wne98B4D333+f3/zN3+S3fuu3+O3f/m2y2eypDtLExIhu7d7fm3WR+9d/\nNtC0Inh5GslpN3xPrTcoLK51fi6uxnt0FwHQdIprO/abgiAw/NILOCJBEAUQBRzhAMMvv9A3eYuS\ndGoTulEDHYA2IMNtYmJichwOM+8eBjPoPR7+mXFcsV71H6vHRejqzDmN6Mll34xvtVrla1/7Gm++\n+WbntT/90z/lG9/4BuPj4/zxH/8xf/EXf8Hv/M7vnOpATUy6MTasGDz5OgI+xl6/xfJ//FlfrS+A\n1qWBq7X6G9aMXrf5PEy89Qqtag1d17G6nIbnnSZWj4tqMmPwuvvMx2JiYvJss3vevfMNHUU5G/lI\nk70RRJHRN16kEk9SSeeQbTYCM+MDGwifZ/bN+FqtVt555x2i0R3Zpz/6oz9ifHwcXddJJBIMD5ti\nzCZnz+ufLfOvLrop/tXCgY63B3zG9rySiHtk5/fb6jUOGm0DXrc4HecS9AKELk1h27WVZXG7CF6a\nOpfxmJiYPNscdt41OTsEQcA/McLQzSuELk+bQe8A9g18ZVnGbu/fIv7Hf/xHfv3Xf510Os1v/MZv\nnMrgTExOmsi1i1jdO0GqIEsEL0zi7AqIQ5dnsO9yDbL53ISuPHlbRrLDzthbtwldmcEzHiN4aYrx\nt18ZGKSbmJiYmJg8zxx5OfD222/z1ltv8Yd/+Id861vf2rPUQZZEOEb5jiw/ue4jT/LY4Nkdn9Da\n+YUSBAHZQBvXCM9QCNevfZLc4ipqs4V3dBi7vzdjKssOpj/1Otn5ZRqlKlanneDFSSTLYCWHg6Dr\nOukHCxTXEqjNJjafh/CVGVzhveXK9kKWJWTZwfAeahHnxUH/Tc6LJ318Js82tXydwloRURYIXQgi\nWZ7v30dd10HXTbcxk1PnSIHv3/7t3/LZz34WQRD43Oc+xze/+c09j1e66icPiyyLKMrRzz9NnoSx\naYpGZjGH2lTxjXpx+Hey80/C+PbiOOPr7iTWdR1lgJTLIHzT453/HnRu+PJM5z19j+MOSvr+PJn7\n852fW5Ua9XyRibdfPZLLmixLxx7TafEkjw2e/PGZPNvEP0qQmsugbc1/6cc5xl8dwTP0/O3U6LpO\n9uEixbVN1EYTq9uJf3YC76hZQmlyOhwp8P3mN7/J2NgYV69e5cMPP2R6evqkx2VyACqZKqs/Xade\nbACQvJ8mfDHIyC1zwngSKa0n+l5TqnVyC6tEr186hxGZmJicNdVcjdRcGk3ZWbw3y03id5K4o67n\nTt0g92iZ9L3HnZ9rjSbNUgWLw44jaNCTYWJyTPYNfP//9u41uInr7AP4f6XVxZIs2bJlY+MLxjjh\nmkAoAQcCLa1Dk07SybwztGSclnnJtIRbyoQCJqSQkAZs3EwS0yHgpKQxZSilmSltM0PDJPOGSYES\noIBhwIAxGF9ky7Js3WxpV/t+cCwQkrAx1u7Ken6f0JHk/Y98OH60e/ac2tpalJeXo6mpCSzL4vDh\nw3jrrbfwxhtvQKlUQqvVoqKiQoys5C4t56zBohfoO/vbXtcBU3Yy9Ba9hMlib7jWkBSLIAjgI2xv\nDCBs16JE52i4ha4bzeA8Xqj0SUgpyKU1icmI4WjsDil6+3nsHvg9fqj1aglSDU4sxl1nS1tYG+/z\no6uhiQpfEhMDFr6TJ09GTU1NWPv+/ftjEogMDtfLwWsP3zJX4AV0NTmHrfDtvOGAvcEBrpeHxqBG\nxoR06FLv/7L8cInVGpKxxjAMNAY9PD29Yc9pTYl3eTOa7sZWtJ29BOHb6VGctxe9DheUKhb6UZYB\n3k2I/CmVkc/oKlklFDK9JyPauDvAxpKDEoh2QiDKspKEPCha6yJOMQoGjJIBIowNTJSB9X7ZGxxo\n/KYJwrdnJ7x2Lzx2Dwq/OwYag2ZYjnE/4rXo7ZdalI9epytk04kkixkpY3Pv8a7oBEGA4/otuFrb\nIfABJJmNMD88Fgpl/N4k093YEix6+wU4Do4bzVT4khHBXJgK2zU7/J7QHRf1Fh1Yjfz+JMd63FUb\nDRF31aQdx+TBa+9Cx6V69HY7oWBZGLIsSJ84Lq6n5MjvfxkZFKVKCYNFD0djd0g7q1UibezQVwm4\nk73eHix6+/lcfrTXdSDnsexhOcb9mlniwmvjDLBv3BNXRS8AGLIsyJkzHV3Xb4H3c9CaDEgpzBvy\nXcxtF67AdvH2zXKetg70OJwYXTwtbgclPsqOc9HOChESb1RaFXK+MxrW2jZ47F4oWAUMmXrkfkea\nMXUwYjnupj1cgF6HE363J9iWlJ6K1HFjhvU45P5xvT60nDwHv/v21WV7twtCIICMKfJbSWiwqPCN\nYznfyUYgIMBldSPABaBN0SJzQvqwzRHzebmI7f4o7WRgWlMytFMnPPDPCXAcuhqawtrdrTa4W20w\nZMXn2VF1sh499q7wdlqXmIwgpuxkGLMM6HX2QqlSQpX0YEslxjNtihF582bAca0RXG8vNCYDTGNy\noVDKc9pHInHUN4YUvf1cze2wTCqK26XnqPCNY6yGxdgn8+Hz+MD38tCatGAUw3emT6NXw+cMPwOn\nMUhz84UAHoAQNze0xZLP5YHf0xPxuR5Hd9wWvuaHC9Bj7wq59KkxJdNOdGTEYRgGWmP45lCJiNVq\nkD5pnNQxyF3unJYX0u7zI8AHoKTCl0hFrVMDMdgxN/2hNHg6veB7b693qk3RwvJQ2vAfbADtPgcA\n4H/yOfDHvoq7aQ7DTaXXgU3SgvOGF7/xvGubxqBH7twZ6Lx6A35vD9R6HVIKc8Gq5XunOyGEjER9\nO5g2hrWrjXoo4ngDICp8SVSm7GQUzMlDx7VOcL3ct6s6WES/LNdf9Fa81IlxJ/+Lc9U01UKpYmHK\nHYWOuoaQ9iSLGYbsDGlCDRNWo4ZlUpHUMQghJKEZ87LgbLbC3dIebFOq1Ugdlx+395EAVPiSARgs\nehgkXBPY5nMCAA69HIB946c4l+Bneu+U+eh4KDRquFttCAQC0KYaYYnzu23J8Kirq8OyZcuwePFi\nlJaW4syZM6ioqADLslCr1di+fTvMZrPUMUkcoClmiYthGIye+Si6GprgtXdBoWJhyh8NbUp8r7hB\nhS+RvZklLsRkLkecYxgG5qIxMBeNkToKkRGPx4MtW7aguLg42LZnzx5UVFQgNzcXO3bswIEDB7B0\n6VIJU5J40O5z9C1jVhh/y0eS4cEoFEgZmzvkZTflKD5nJhNCCIlIrVajuroaGRm3p7y8//77yM3N\nhSAIsFqtGDWKtjUn0dl8zttFbxyumU7IvVDhSwgZkCAI6LrRDOvZS+i4VA8uyt2+RHosy0KrDV8t\n4KuvvsIPf/hD2Gw2PPfccxIkI/FkZokLrxUZqOglIw5NdSCE3JMQCKDp+H/hbrUF27puNiNrxiNI\nSjVKmIzcj7lz5+LJJ59EZWUldu/ePeBUB/bbdVRZmWyjSzlCxTIH4799nwDDMGDvcQf/vZ4Tixwy\nAJTjbnLJcTcqfEkcoBsrpOSobwwpegHA7/LAfrkeo2dNlShV7AiCAHtdA1wtbQj4ubi/kQMAPv/8\nc5SUlIBhGCxYsABVVVUDvofjA2BZBTguMOBrY41yiJujb7ztG3cFQQDH8RFfx7LKqM+JRQ4ZKId8\nc0RChS+RLVq7Vx68nd0R23u6nCInEYft4lXYL18PPr5zM414VVVVhZycHEyYMAFnz55FQUGB1JGI\nTNG4S0Y6KnyJLNHavfKhZCMPE9Ha45kQCMDZZJU6xgOpra1FeXk5mpqawLIsDh8+jLfeegtvvPEG\nlEoltFotKioqpI5JZIjGXZIIRt5fLhL3+tfupcFXHkwF2XA2tYL3+UPa43Vb5HsJ+DnwPb1Sx3gg\nkydPRk1NTVj7/v37JUhD4gWNuyRRyGOWPiF3mVniwniVCd2f1UsdJeFpU0zImDoBWrMJChULlV6H\n1KIxSJtQKHW0YadQq6AySLdhCyFSonF3YIIgwGvrRPetFgQ4+nIQj+iMLyFkQMacUUgenYmAn4OC\nVYJRjMzvzAzDIHVsLtrOXaY/aoTIXIDj0Ha5Hj1dLig1KqSMzYUm2RCz4/k9XrR8UwtvRycgAKwu\nCeaHxiB1BG3ukAio8CVEQq7WdjhvtULgA9CaTUgtzJNtUckwDJRqldQxYs40ZjRYnRbdN/vO6Ghp\nyTZCZIf3+XHr69Po6ewKtrma25E1Ywp06akxOab1v5fgtXUGH3MeL2wXrkBnMYOlcSJuUOFLiEQ6\nr95E+4UrEPi+JV+cTVZ4OxzInvkoGIYZ4N0klvQZadBnpEkdgxASRefVmyFFLwBw3h7Y6xpiUvjy\nPj+8HY6w9oCfQ/fNZuip8I0b8jy1RMgIJwQCcFxvDBa9/VzNbXC3tEuUihBC4oPP6Yrc7orl8oOR\n15OnZebjCxW+RFZsPicE8IAQAPfv/xuxa0j6vT1R14f13nUWgxBCYmmw426A59F57QbaL1yBy2qT\ndGMhpUZ9X+0PfDy1CklmU1i7glXCmDsqJscksUFTHYhsJNIakqxGDTZJA84bvnSWSpckQSJCSCIa\n7Ljb2+1Cy8lz6O369kxr3XW4crOQOX2yJFOzUgpy4WxpA3/nGMowMOZkxeyYlikPg/dfQI+97+SE\nUqtGatEYaE3xv7tjIqHCl8hCoq0hqWBZGLIz4LjWGNKuSTHClJ8tUSpCSCK5n3HXdvHq7aIXAASg\n62YLktLNMI0ZHeuoYTQmA7KmT4bj2k30drug1GpgzMlCamHsVljQGA3Im/c4XC1t4Ly9SM4ZBTZG\nZ5hJ7FDhS2Sjfw3J0yO86O2X8ch4KFUquK0dCHAcNKlGWCaOk+2qDoSQkad/3LV/Vg8g+tSyHkfk\nrcs9tk5JCl+g7yZUU3YGOI4f+MXDhGEYJGdninY8Mvyo8CVEIgzDIH3iOKRPHCd1FEIIQYDj0F57\nBV67AwzDICk9FZZJRWAUCihYZcT3MEr6ok7iCxW+hBBCCEHziXNwW23Bxz2d3eC8vch+/BHoM9Ph\n6w69IVehYmGkqVkkzlDhS0gcEAQBnVca+qZFCAEkpZowasrDUscihIwQ9ltuuNs6wtpdrTb4nG5Y\nJhUh4Ofham0H39sLtdGA9KIC6MwpEqQlZOio8CUkDrSduxRyI1yPzQGf043RxdNoswtCyAPrtvVG\nXJBW4Dj0dHVDnazHqMcmIuDnwPl8UOmSoFKxos6vJWQ40OQcIrk715CUcl1IueJ6fXA2WcPa3VYb\n3K22CO8ghJB7u3vc7VEXgokwj1ehUUGXbr79WMVCrdfRF24St6jwJZLqH3xn/qAb69pP4cz/fiF1\nJNnxOd3ge3zhTwhAb7dT/ECEkLgWadzVmpJhzAnfiMGUlw1Wq5EgJSGxQVMdiGSs3m4I4B947V6/\ntwectxfalOQRuRSYxmSAUqsB33PXZhcMA00K7Q9PCBm8/qI30ribOW0iNCnJ8LTZwTAM9KPSYcyj\nm9fIyDKowreurg7Lli3D4sWLUVpaipaWFpSVlYHjOLAsi+3bt8NiscQ6KxmBZpa48DBrxJkhFL0B\njkPLNxfgabMhwPFQJ+uRWpSPlDE5MUgqHaVKBWNuFjqvNIS0J2dZoM9IkyYUISRuRRt3GYZB6tg8\npI4dmVvFEwIMYqqDx+PBli1bUFxcHGx79913sXDhQuzduxclJSXYs2dPTEMSEon1v5fgarYi8O3N\nFT6nG+3n69DjGHmX/y2Ti5AxdQL0oyzQZaQhbXwhcoqn0jw7QgiJkQDPw9HQBEfDreDfGRL/Bjzj\nq1arUV1djerq6mDbpk2boNH0zflJTU3FhQsXYpeQkAiEQAAemz2sPeDn0H2zCdqU8RKkip2+MzG5\nSB17eztOhVJJgzEhhMSAs6UN7efq4Hd7AAD2y9dheeRhJGdlSJyMPKgBz/iyLAutVhvSptPpoFQq\nwfM89u3bh2effTZmAQmJRuAjrwARCNDKEIQQQoYmwAdgO3+76AUAv9sLW20dAnxAwmRkOAz55jae\n57F27VrMmjUrZBpExIMoFcADXJFlWfnesCTnbIDM8/lv/5ONsh1mdEro0kxwNreFNjOAaXTGEH5e\nZMP1c2JFzvnknA2Qfz5CiDRczVb4XJ6wdp/TA2eTFaa8LAlSkeEy5MK3rKwM+fn5WLFixYCv5R7g\nGxLLKsBx8vyGJedsgLzz3bmGJIAhLYKeNnEcfG4verv65vQyrBIp+aOhTTcPy6LqLKuU9eLscs4n\n52yA/PMREgt3j7skMoaJfsJIoaD7KuLdkArfQ4cOQaVSYdWqVcOdhySAO9eQ3DBOP+S1ezVGA/K/\nNxPdN1vA9fRCP8oCbUrysGTkvL2AmgWUdFaQEBL/hmvcTQSGbAvURgN83a6QdrXRAEM2zfGNdwMW\nvrW1tSgvL0dTUxNYlsXhw4fR0dEBjUaDF198EQBQWFiIzZs3xzorGQHCFk5/e2hr9/ZjFAqYxowe\npnSA19aJ9otX0dPZDUapgC49FZnTJoLVqIftGIQQIqbhHndHOkahQMbU8Wg/ezl4RVFjSoZlykMj\ncq34RDNg4Tt58mTU1NSIkYUkiJklLqxrO4WLe+R1E1qA59F6+kJwbpfA83A1t0EICMh5YprE6Qgh\nZOhmlriwoVBPRe8g6dPN0M2fBXdbR9/jjDRaPnKEoJ3bCPlWV0NTxBsaPO12+DxeqHVJEqQihBAi\nBYZhYMhMlzoGGWZ0zp6ISgAPQF5nevsF/P6I7QLPI+CL/BwhhMidnMddQsRGZ3yJaNp9DgDA/+Rz\n6P64HkBBzI7ld3vR1dCEQCCA5NGZSDKbBnyPYfQo2OsawjaF0JiSoTENz01zhBAipjvH3c7XPwaQ\nWNsR+z1e2Osa4Hd7odSqkVKQgyRzitSxiISo8CWi6B98/7aUR+frn6KhKQ9sjHpfd2ML2s5dAt/b\nd5bWUd8Ic1E+0ieOu+f7NMl6pI7Lh/3qDQjfFr9KrQbm8WNpbhchJO5EGncTid/jxa2vT8PndAfb\n3K02ZM2YAn1GmoTJiJSo8CUxZ/M5MbPEiQ2FOnS+/nFMB18hEEDH5evBohfom6rQee0GjHnZUBt0\n93x/+sRxMGRb4Gxqg5JlkZyfDZVWE7O8hBASC2KOu3Jlv3IjpOgFAL7XB8e1m1T4JjAqfIlo+GNf\nxXzw7XF0h629CAABPw9nUyvSHh474M/QppigTTHRJgeEkLgnxrgrV36PN2K7zx25nSQGurmNjChK\njRpMlE0nlLQWLyGEJAw2ytU6Nomu4iUyKnzJiKLW66CzpIa3G/Uw5mZLkIgQQogUUsfmgdVpQ9oU\nLDusmx6R+ENTHciIM2r6ZFjPXITH1gkEAtCaTUifVASFkr7nEUJIotCYDMh+/FHYrzTA7/aA1Wph\nys9G8uhMqaMRCVHhS0YcVqPG6FlTwfs5CIEAbTdMCCEJKslswuiZj0odg8gIIwgCrWpNCCGEEEJG\nPLr2SwghhBBCEgIVvoQQQgghJCFQ4UsIIYQQQhICFb6EEEIIISQhUOFLCCGEEEISAhW+hBBCCCEk\nIchiHd8TJ07glVdeQVFREQDgoYcewuuvvx58/t///jfeeecdKJVKzJ07F8uXLxc131/+8hccOnQo\n+Li2thZnzpwJPp40aRIee+yx4OOPP/4Yyijb5g6nuro6LFu2DIsXL0ZpaSlaWlqwdu1a8DwPi8WC\n7du3Q60OXcP27bffxtmzZ8EwDDZs2IBHHnlE1HxlZWXgOA4sy2L79u2wDEH9OgAACa5JREFUWCzB\n1w/UD2Kdb/369bhw4QJSUlIAAEuWLMF3v/vdkPeI9fndnW3VqlXo7OwEADgcDkydOhVbtmwJvv7T\nTz/Fe++9h7y8PADAE088gZdffjkm2QCgoqICp06dAsdx+OUvf4kpU6bIqu9FyienvhcPDh06hA8/\n/BAsy2LVqlVh/xfE4Ha7sW7dOnR1dcHv92P58uV48sknRTv+UMZYsXLcqz+LlaPf0aNH8dJLL+Hy\n5cuiZ/D7/Vi/fj1u3LgBvV6P999/HyaTSfQcJ0+exDvvvAOWZaHT6VBRUSFKjqGMxWLlkKKPDoog\nA8ePHxdWrlwZ9fmnn35aaG5uFnieFxYtWiRcuXJFxHShTpw4IWzevDmk7fHHHxc9h9vtFkpLS4WN\nGzcKNTU1giAIwvr164XPPvtMEARB+N3vfif86U9/CnnPiRMnhF/84heCIAjC1atXhYULF4qab+3a\ntcI///lPQRAEYe/evUJ5eXnIewbqB7HOt27dOuGLL76I+h6xPr9I2e60fv164ezZsyFtf/3rX4Vt\n27bFJM/djh07Jrz00kuCIAiC3W4X5s2bJ6u+FymfnPpePLDb7cJTTz0lOJ1OwWq1Chs3bpQkR01N\njVBZWSkIgiC0trYKCxYsEO3YQxljxcoxUH8WK4cgCEJPT49QWloqzJ49W5IMe/fuFbZs2SIIgiDs\n379fOHLkiCQ5nn/+eeHatWuCIAjCzp07hV27dsU8x1DGYrFySNFHB0v2Ux0aGxthMpmQlZUFhUKB\nefPm4dixY5Ll+f3vf49ly5ZJdvx+arUa1dXVyMjICLadOHEC3//+9wEA3/ve98I+p2PHjuEHP/gB\nAKCwsBBdXV1wuVyi5du0aRMWLFgAAEhNTYXD4YjJsQcjUr6BiPX53StbfX09nE5nTM+WDmTGjBl4\n7733AABGoxFer1dWfS9SPjn1vXhw7NgxFBcXw2AwICMjI+Tqgpju/F11d3cjNTVVtGMPZYwVK4cU\n/TnauPTBBx/ghRdeEOWsYqQMX375JZ577jkAwE9+8pPg70fsHHf+Hrq6ukTpq0MZi8XKIecxVzaF\n79WrV7F06VIsWrQIX3/9dbC9vb0dZrM5+NhsNqO9vV2KiDh37hyysrLCTtf7fD68+uqr+OlPf4o9\ne/aIkoVlWWi12pA2r9cbHHzS0tLCPiebzRbynzGWn2WkfDqdDkqlEjzPY9++fXj22WfD3hetH4iR\nDwD27t2Ln/3sZ1i9ejXsdnvIc2J9ftGyAcAnn3wSconxTv/5z3+wZMkS/PznP8fFixeHPVc/pVIJ\nnU4HADh48CDmzp0rq74XKZ+c+l48uHXrFnp6erB06VK88MILkp1s+NGPfoTm5maUlJSgtLQU69at\nE+3YQxljxcoxmP4sRo7r16/j0qVLePrpp2N+/GgZmpqa8NVXX+HFF1/E6tWrRSmwIuXYsGEDli9f\njgULFuDUqVN4/vnnY55jKGOxWDmk6KODJYvCd8yYMVixYgV27tyJ8vJyvPbaa/D5fFLHCnPw4MGI\nnXnt2rV488038Yc//AF///vfcf78eQnShRIGsRP1YF4z3Hiex9q1azFr1iwUFxeHPCd1P/jxj3+M\nNWvW4JNPPsGECROwY8eOe75e7M/P5/Ph1KlTmDVrVthzjz76KFauXImPPvoIv/rVr0QpEI4cOYKD\nBw/iN7/5TUi7XPre3fnk3PfkyOFwYMeOHdi2bRvKysokGS/+9re/ITs7G59//jn++Mc/4s033xQ9\nQzRSfB53uld/FsvWrVtRVlYmybH7CYKAgoIC1NTUoKioCLt27ZIkx5YtW7Bjxw4cPnwY06dPx759\n+0Q79oOMxbHMIYc+GoksCt/MzEw888wzYBgGeXl5SE9Ph9VqBQBkZGTAZrMFX2u1Wu/r8vRwOnHi\nBKZNmxbWvmjRIuj1euh0OsyaNQt1dXUSpOs7C9DT0wMg8ud092fZ1tYm+mTzsrIy5OfnY8WKFWHP\n3asfiKG4uBgTJkwAAMyfPz/s9yj153fy5MmoUxwKCwuDNx9NmzYNdrsdPM/HLMvRo0fxwQcfoLq6\nGsnJybLre3fnA+Td9+QmLS0N06ZNA8uyyMvLg16vD7sCIobTp09jzpw5AIDx48ejra0tpv16IAP1\nczHdqz+LwWq1or6+HmvWrMHChQvR1tYW9WpULKWnp2PGjBkAgDlz5uDq1auiZwCAy5cvY/r06QD6\nbi6ura0V5bj3OxaLlQOQvo9GI4vC99ChQ/joo48A9E1t6OjoQGZmJgAgJycHLpcLt27dAsdx+PLL\nLzF79mzRM1qtVuj1+rB5TPX19Xj11VchCAI4jsPp06eDd4aL7YknnsDhw4cBAP/617/C7n6ePXt2\n8PkLFy4gIyMDBoNBtHyHDh2CSqXCqlWroj4frR+IYeXKlWhsbATQ9yXn7t+j1J/f+fPnMX78+IjP\nVVdX4x//+AeAvruNzWZzzFYWcTqdqKiowK5du4IrYMip70XKJ/e+Jzdz5szB8ePHEQgE0NnZCY/H\nI+r82n75+fk4e/YsgL5L2nq9XpQVc6IZqJ+LZaD+LIbMzEwcOXIEBw4cwIEDB5CRkYG9e/eKnmPu\n3Lk4evQogL6xpaCgQPQMQF8B3l90nz9/Hvn5+TE/5lDGYrFyyKGPRsMIUl+vAeByubBmzRp0d3fD\n7/djxYoV6OjoQHJyMkpKSnDy5ElUVlYCAJ566iksWbJE9Iy1tbV499138eGHHwIAdu/ejRkzZmDa\ntGnYvn07jh8/DoVCgfnz58d0Gak785SXl6OpqQksyyIzMxOVlZVYv349ent7kZ2dja1bt0KlUmH1\n6tXYunUrtFotKisr8c0334BhGGzatClqIRWLfB0dHdBoNMGCp7CwEJs3bw7m4zgurB/MmzdPtHyl\npaXYvXs3kpKSoNPpsHXrVqSlpYn++UXKVlVVhaqqKkyfPh3PPPNM8LUvv/wydu7cidbWVvz6178O\nfgGL5XJhf/7zn1FVVRXyB2bbtm3YuHGjLPpepHzNzc0wGo2y6HvxYv/+/Th48CCAvn4mxk1Dd3O7\n3diwYQM6OjrAcRxeeeUV0S6Z3s8YK3aOaGOp2DmqqqqChc78+fPxxRdfiJ6hsrISv/3tb9He3g6d\nTofy8nKkp6eLnmP16tWoqKiASqWCyWTC22+/DaPRGNMc9zMWi50j2pgrB7IofAkhhBBCCIk1WUx1\nIIQQQgghJNao8CWEEEIIIQmBCl9CCCGEEJIQqPAlhBBCCCEJgQpfQgghhBCSEKjwJYQQQgghCYEK\nX0IIIYQQkhCo8CWEEEIIIQnh/wHnRsROLlFyjwAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "o231eJaQPi5E", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Great! We received great performances on both our train and test data splits. We're going to use this dataset to show the important of data quality and quantity." + ] + }, + { + "metadata": { + "id": "pZ3rnGH8PtBu", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Data Quality and Quantity" + ] + }, + { + "metadata": { + "id": "ONRP3WQgR3zc", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Let's remove some training data near the decision boundary and see how robust the model is now." + ] + }, + { + "metadata": { + "id": "Sxd2S63EYtxt", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Upload data from GitHub to notebook's local drive\n", + "url = \"https://raw.githubusercontent.com/GokuMohandas/practicalAI/master/data/tumors_reduced.csv/"\n", + "response = urllib.request.urlopen(url)\n", + "html = response.read()\n", + "with open(args.reduced_data_file, 'wb') as fp:\n", + " fp.write(html)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "sU69PjH3Z4bm", + "colab_type": "code", + "outputId": "a9d507a7-9f96-4bb2-81ac-35485f8ca5f5", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Raw reduced data\n", + "df_reduced = pd.read_csv(args.reduced_data_file, header=0)\n", + "df_reduced.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
leukocyte_countblood_pressuretumor
013.47296915.2503931
110.80551014.1096761
213.83405315.7939201
39.57281117.8732861
47.63366716.5985591
\n", + "
" + ], + "text/plain": [ + " leukocyte_count blood_pressure tumor\n", + "0 13.472969 15.250393 1\n", + "1 10.805510 14.109676 1\n", + "2 13.834053 15.793920 1\n", + "3 9.572811 17.873286 1\n", + "4 7.633667 16.598559 1" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 31 + } + ] + }, + { + "metadata": { + "id": "1OwgEJSsZ4g5", + "colab_type": "code", + "outputId": "5464cb82-b7a7-4cc2-e137-27379e6d5c27", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 361 + } + }, + "cell_type": "code", + "source": [ + "# Plot data\n", + "plot_tumors(df_reduced)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAe0AAAFYCAYAAAB+s6Q9AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzsnXl8FOXdwL9JlkA2IeFIyE0IilxB\nUSsVEaVUIuEQUVEEPOprsbbUlvatKKQSK6B41CpeBAqKSrmUCiWRgApF8FVqPQiHguTY3WzCnWQz\nwbDJvn9MZrPHzF7ZnDzfz8ePZHeO55mZnd/zu0NsNpsNgUAgEAgE7Z7Qth6AQCAQCAQC3xBCWyAQ\nCASCDoIQ2gKBQCAQdBCE0BYIBAKBoIMghLZAIBAIBB0EIbQFAoFAIOgg6Np6AJ44ebK6rYegSc+e\nes6eldp6GEGjM82nM80FOtd8OtNcoHPNpzPNBTr2fOLiumt+JzTtANHpwtp6CEGlM82nM80FOtd8\nOtNcoHPNpzPNBTrffBSE0BYIBAKBoIMghLZAIBAIBB0EIbQFAoFAIOggCKEtEAgEAkEHQQhtgUAg\nEAg6CEJoCwQCgUDQQRBCWyAQCASCDoIQ2gKBQCBoF7z88gs89NAv+NWvHuDw4YM+73fHHZORpMAL\nqRw9+h1///vygPdvTdp1RTSBQCAQtF8kSaKiopz4+AT0en2zjvXVV19iNBpYvnw1xcVFPP30X1i+\nfHWQRuqZAQMGMmDAwFY5V3MRQlsgEAgEfmG1WinIWUDv/G30Mxk5kJzC6ayJZOYsRqcLTKx8+eV+\nRo8eA0C/fulUV1dRU2MhMjLKp/3ffns133zzFWFhYSxZ8jy9eul5+um/UFZmwmq18uCDv+Lqq69h\nzpzZXHPNT/nvf//DuXPnWLr0RcrKjLz//gYWLXqWd955k507C0hKSsZqtTJ9+ky++upLamoslJaW\nYDIZeeSRPzJy5KiA5tlchHlcIGhDJEmiqOh4s0x7AkFrU5CzgGm5rzPJUEpGQwOTDKVMy32dgpwF\nAR/z9OnT9OjRw/53jx49OX36tM/7X3LJpbz22koGDhzM9u3b2Lp1K717x7Js2XKefvoFXn75Bfu2\nkZGRvPTS61x77XX8+98f2z+vqqrk/fc3snz5Kv73fx/j66//a//uxIkKnn/+ZX73u/9ly5b3A55n\ncxGatkDQBlitVnJy8sjPj8Fk6kdy8n6ysirJyZkQsKYiELQGkiTRK38brsZwPdArPw9p/sJmm8oB\nbDabX9tfddVPABg8eCjffPNfysuNfP75F3z77dcA/Pjjj1y4cAGAK664EoA+ffpQWVlpP4bRaKB/\n/0vo2rUbXbt2Y/DgofbvLr98uH0fi8US+MSaiXg7CARtQE5OHrm5U6Hx1WcwZJCbKwGbWbTolhY/\nfzB9kYKLi4qKctJNRtXv0suM8vfp/f0+bmxsrJNmferUKWJjY+1/l5WZWLLkSQDmzJnLoEGDnfYP\nCQlx+neXLl24994HGDduvNu5wsKamok4Lg5sNggNbTJAOxxSc5/WRpjHBYJWRpIk8vOjQUVXyc+P\nblFTudVqJTt7C6NH72fkyDBGj95PdvYWrFZri51T0LmIj0+gODlF9buipBTi4xMCOu6IEdeya9dH\nAHz33RFiY2PR6yPt3yclJfPKK7m88kqum8AG+OabrwA4dOgAaWnpXHHFFXz66W4Azp49w/Llr3od\nQ2JiIseP/4DVauXs2bMcOXI4oLm0JELTFgiCgD+aa0VFOSZTuup3ZWXpAWsqvtDWGr6g46PX6zmd\nNREp93WnZacEnMmaELDlZtiwKxg4cDC/+tUDhISE8Ic/zPNr/6Ki42ze/B4ADzwwm5SUOHbt2sOv\nfvUA9fX1PPDAbK/H6NWrN+PGjeeXv7yXtLR0hgwZ6qRhtwdCbG2p53vh5Mnqth6CJnFx3dv1+Pyl\nM82nNefi7psu9uqbliSJ0aP3YzBMcvsuNXUre/aMcHrxBWs+8nm/wGCY7NN5W4LO9JxB55qPP3NR\nosd75eeRXmakKCmFM1kTmhU9HmwCvTd5eVsZN248YWFh3HvvdP7612X06RPfAiPUJi6uu+Z37ePq\nCgQdlEA0V71eT1ZWZeN2zrpKVlZViwnOttTwBZ0LnU7HhEVLkeYvpKKinMs7UWzE6dOnmT37Prp0\nCSczc3yrC2xvCKEtEASIN9/0/PmS5ossJ2cCsJn8/GjKytJJSioiK6uq8fOWIT4+geTk/RgMGW7f\nJSUVER8/osXOLeic6PX6TrfQu+ee+7nnnvvbehiaCKEtEARIczRXnU7HokW3MH++4gtvedN0W2n4\nAoEgeAihLRAESDA019bWVNpCwxcIBMFDCG2BIEA6oubaFhq+QCAIHkJoCwTNoKNqrp3RFykQXAyI\n4ioCQTNQNNc9e0awb189e/aMYNGiW9pN2otA0JE4fvwYd945hffeW9/i5zKby/if/7kHgIULH+fH\nH8+32LnKy8s5dKgwKMcSQlsgCAKK5ipMzYKLiWA2vKmtreXFF5/j6qtbP4vhySefpmvXbi12/P/+\nd79f/cE90aLqwPfff8+vf/1r7r//fmbNmsX+/fv561//ik6nQ6/X8+yzzxITE9OSQxBcRChVySIj\nB7T1UASCTk1LNLzp0qULzz//Eu+885bf+9555xQmT57Krl0fkZKSwsCBg9mz5xMSEpJZuHARR49+\nz1//uhSdTkdoaChPPfWM0/533DGZNWvWU1ZmYvHihURFdWfQoCGcO3eWBx6YzeLFOSQlJXPs2FEu\nu2wgjz32Z9Vj1tTUuG370ENzWLUqF51OR3x8Atdff2NA10ehxTRtSZJ46qmnGDlypP2zp59+msWL\nF/P2229z5ZVXsn59y5tABJ0f13raQ4fuFvW0BYIWRCkqZDBMoqEhA4NhErm5U8nJyQv4mDqdLmBt\nt6GhgYEDB7Fy5RoOHPiWhIQkNm3axDfffEV1dTXnzp1h7tw/sWzZcoYNu4KCgnzV46xencv99/+S\nZcuWU15utn/+3XeHeeih37By5Ro++2yvx2O6bqvT6cjKmsS0adObLbChBTXt8PBwVqxYwYoVK+yf\n9ezZk3PnzgFQWVlJ//4iEEbQfFyrkhUXi3raAkFL0ZyiQi3J4MFDCQkJoWfPXlx22UAAevbsRU2N\nhZ49e/P668v48cfznDp1UrXzF0BJSTGXX34FANdffwP/+c8XACQnp9K7t9xxLDY2zuMx1bYNJi0m\ntHU6nZuZZP78+cyaNYvo6GhiYmL44x//2FKnF1wkeHqB5OV1Z+bMg6SlpQtfs0AQJNqqHK631pyO\njT1c22i+9NLzzJx5H9deex1r175Nba26D95msxESIhugHVt9ujYN8XRMtW2DSauGuD711FO88sor\nXH311SxdupS1a9dy7733am7fs6cena59dVhxxFNR945IR5zPDz+cwGRSf0EYjemMGWMkLe0sU6ZY\neP75qR02qrsj3hstOtNcoHPNx5e5REYOoG/f3RQXuxcVSk0tJSNjTLMWyZGRXYmK6uY2lri4Qaxf\n/w/VfcLCQomNjSIyMhKdLpReveSWnsq/a2qqGTZsIDExXfnyy/9j+PDh9OolbxsX192+f3p6P8zm\nIgYMuIGvvvqCbt26OG3nzzEdt42K6ka3brqgPCut+gb77rvvuPrqqwG47rrr2Lp1q8ftz55tub7C\nzaUzdfeBjjEftfaXOl0UycmHMRiGquxhwGYbQ3GxnpdekqitXd8hzeUd4d74SmeaC3Su+fgzl8zM\nM6pFhTIzz1JTU09Njf/X5MiRw7zyyouUl5vR6XRs3bqNJUueIzrae7ByfX0Dp05ZkKQGrNYGzpyp\nISUF+7+nTLmDhx56mOTkZG655Q5efPFZrr32RqzWBk6erLbvP336fSxZ8hQrVvyd9PT+WCwWzpyp\nsW8Hvh/Tcdv+/QeyaFEOXbroyczM8jofT8K9xVtzLlu2jJ49ezJr1iwmT57Miy++yKWXXsprr72G\nzWbjN7/5jea+7fnH0Jl+rNC+5+Ot/WV29hYnn7aMBGwDptk/aa32k8GmPd8bf+lMc4HONR9/W3PK\nv0n3okLtxZoVyL0pLDxAt27duPTSAbz99mpsNhv33vtAC41QmzZpzVlYWMjSpUsxmUzodDq2b9/O\nk08+SXZ2Nl26dCEmJoYlS5a01OkFnQhv7S8dq5KZTOk0NBwDLgBTnY4j2k9qo2bFEAi06KzlcMPD\nu/DMM0/RtWtXunbtRk7OorYekhstrmk3h/a8gu1MK2xov/ORJInRo7/AYJjs9p2r5ixJEiUlxdxz\nTxmlpVO9bt9RaMl7482KEWza63MWKJ1pPp1pLtCx5+NJ0xYV0QTtGl8iVRX0ej2DBw9h6lQrsnnc\nkfbbxKMtaYl8W4FA0HIIoS1o18jtL4tVv5PbXya4ff7881OZPXszqalbCQsrJDV1K7Nnb273TTxa\nG2/5tsEoTSkQCIJL+4gYEAg0CKT9ZWf1twWbtsq3FQgEgSOEtqDdE2j7S9F+0h3HgDPZirEfg8E9\n31a2YrR+4waBQOAZIbQF7R6hOTcftQYP48adYOTIWgwG360YAoGgbRFCW9BhEJpz4DinzVkxGA6z\nalU8kERU1DIgndraIT5bMQQCQdsghLZA0MlxDzjbDEy0/22xXAmcYvr0NTzzzEyhYQsE7RgRPS4Q\ndHKcA84kIBL3iPFY9u4VfcgFgvaOENoCQTtAkiSKio63SJqVc9qcGUhT3c41710gELQ/hNAWCFoZ\nRwFttVrJzt7C6NH7GTkyjNGj95OdvQWr1Rq08ylpc7KWnQiUqm6nlfcuEAjaD8KnLRC0EmoR3DEx\nX1FY+DsgGnCvqx4sHNPmDAYjsgAXEeMCQUdDCG2BoAVxzItesmSnW+MTg2Esrt3IlIpk8+dLQRGi\nyhjmz7+J+fPBZEpi5coN7NzZ26+8d4FA0PYIoS0QtACuWnVS0hecO2cEwl221CMHhim+bDOQ2KyK\nZIqQ7t07lmef3eWk2SvNQJYuvcxhQSHy3gWCjoIQ2gJBC+DaTtRozAB+jpxuNc1l62TgXSAF6Avs\nJiLiW3r3nuXXOV0XCnr9O1gsv0WrpanIexcIOh4iEE0gCDKeGnE4a9UKHwIzgSxgKJCFxfJbnn12\nl1/nde7Y1R+LZZjqGEQzEIGg4yKEtkAQZDw14pA1abPD36fQ6VJornB1XyiI1C6BoDMihLZA0Exc\nc6zj4xNISipS3TYq6hDJyV/ZW4ZOn76GhoYrVLf1R7i6LxREapdA0BkRPm2BIEDUgs1GjiwmMjKK\nc+dOIPuwndOqZsy4wPz5N9kDwGAEe/c2v9OWe8cuPWBBpHYJBJ0LIbQFggBRCzbbuHEtcCtylPhm\nZB92X6KiDjFjxgVyciag0+mcAsD87RcOzqlker1eo+/4VGADUVE60QxEIOgkCKEtEASAerCZBPRw\n+Gxa42dmYmJCmT//JnQ695+cY+ETkymB+PivyMrSkZMz1W1btQItShqXet9xG48+OorTp085pXa5\nCn2BQNAxEEJbIAgA9WAzteAvPXAJ5eW1mnnXOp2OnJwJXLjwAR9+WE9FxXXs2FGMTpdHTs4Eu89c\nq0CLYxqXVt/x6Gi54ponoa+2oBAIBO0L8SsVCALA3YcMcvDXbuS0LWe8+adzcvJYvfpOXIXxvn0v\nYLH8hNLSVI8FWhwrqDnmX0uSRElJERBCWlo/r0JfIBC0b0T0uKDd05IdsALFuQkHKGZwKMc9D9u7\nf1orr7uw8EqKi2+koSEDo3FyY7GUzW7HcI00t1qtzJ+/mYyMN7nxxgpuvFFPRsZu1q4tRUvot6fr\n2xloj8+toOMjNG1Bu6W9m3JzcibQ0LCJN980YLVmAP2BKOCvwDCgP6mpxV6DvzzndacjLwYuafzb\nsUBLk5B31eRzcvJYuVIHNFVEk4utyFq1a1W25pRNFThjtVopyFlA7/xt9DMZOZCcwumsiWTmLG4X\nz62gYyOeIEG7xTU6u72ZcnU6HaGhYVitc2kSoLJgHDJkKStXppKU5L2ut7qpXaEEGOPymVKgRRHk\nzpq8JEls29a1cUxqVdki8Cb0BYFTkLOAabmv269uhqEUKfd1NgITFi0VQYCCZiHM44J2iSeTcXNN\nucEyW3oaY3X1T0hKSvbppexuarefAahxO75rgZbZszc7afIVFeWUlUWiVREN+uFclU3kbgcLSZLo\nlb9NdakUk7eNLfP+yIHRI9CPvIoDo0eQlz0vqL3TBZ0foWkL2iWeTMaBmnIVc/u2bV0pK4skKeko\nEyf+GLC5PZhjVEvXion5urHXtiPuBVpcha1cke0oJlMpakFxUVEHiYkJo7y8VuRuB5mKinLSTUbV\n78zGUu5bvUJTAxcIfEFo2oJ2iWwyLlb9LtAynE88sZXc3BBMpkhstr6YTJHk5obwxBNb23yMOp2O\nRYtuYc+eEezbV8+ePSMoKJjD7Nlb6dcvz02rViLEHU3iivVAr9czceKPwFnUtPdp02rZu3e0/TyL\nFt0ifK1BIj4+geLkFLfPJSAuLExVA++VnyeC1QQ+I4S2oF3iyWQciClXkiTWrTMjVytr6qYFt7Ju\nnTmgl2awx6gcUxHGiiA/eHCMpoC1Wq1kZ29h9Oj9jBwZxujR+8nO3kJ2diYPPmglKmoZcuDZAUJC\n1gKr2bGjJ0uW7CQ1ta8wiQcZvV7P6ayJbk/EcWBgfb3qPullRtHAReAzYTk5OTltPQgtJKmurYeg\nSWRk13Y9Pn9pj/O54YZLqK7eyokTJdTUXCAl5XOmT/+GnJwJhIZqrzfV5nLs2Pfk5nZDDhRzpAt1\ndSeZOtVKXFyfVhujP/ToEUV4eCRdunRx++6JJ/5Fbu5UqqqGYrP1oarqMr788lJqaraxePGt/PKX\nQzEad3LoUF/gBmAUVVWD+PLLS6mu3srYsQOdjidJEkajga5du6qer7m0x+esOajNJ/2Gn7G1ugrD\niZNcqLHweUpfDt8xjfpTJxlYVeV2jM9T+nLJb+e2yPX2h4vh3nQUIiO7an4nbGKCdouiaapV+PKf\nEJqirV25FHdtuS3G6B/egvXmz5fn9PnnQ4FrNLfR6/XtPr2uI6HT6eQo8fkLqago5/L4BK7V68nT\nzUNyiCoH+ak7kzVBWDy8ICLumxC/RkG7x7HCV6CkpfUjKmp3Y66yM1FRh0lLu7FZxw/GGP3Fl0A4\nwKdgufaeXtcRcX0mMnMWsxHZh51eZqQoKYUzWRPIzFncdoNs54icd3da1Kf9/fffc9NNN/HOO+8A\n8Mgjj3DPPfdwzz33MHnyZP785z+35OkFAjt6vZ7p039Ezf88ffqP7WL17ksqmuM2vgTCedqmT5+j\nREdHt2h6naAJRQO/fM/nSPu+5PI9nzNh0dKLVvj4gpLzPslQSkZDA5MMpUzLfZ2CnAVtPbQ2o8We\nFkmSeOqppxg5cqT9s5dfftn+78cff5xp06ap7SoQtAh/+cskQkM3k5fXnbKy/iQlHWfChGpycia1\n+lgczX3h4eFeTdNa5uubb65n5UrPbT21Wn+azeVkZh7kuutKMRqvUx2nqJQWfNrCKtMcmmOabu6+\nWjnvvfLzkOYvbBeL7damxYR2eHg4K1asYMWKFW7fHT9+nOrqai6//PKWOr1A4Ia7//mnrf6jVxO+\nMTFfUVj4RzyZprXM1w8++B6zZ7u243TOu3bMATcY+iFXWasFfonBoGP9eomoqGVYLMMdRirXUk9I\nOEJ8/OiWviyCdkhzTNPBMGt7ynlXIu470uInWLSY0NbpdJo3Z82aNcyaNaulTi0QeKQtNR134dsf\ngwE8BZNJUpim+Xr79h7s2TOC+fPRDIRTFitz555i7NgdmM2zXI6lR65xfgq5H/hm5BrqqVRWNrBk\nyU4RkHYR4q0ca0vtqxAfn8CB5BQyDKVu3xUlpXB5ALUaOgOt/iusq6vjyy+/xJdMs5499eh0YS0/\nqACJi+ve1kMIKp1pPoHMRZIkzGYziYmJLaKBS5LE9u09cRaYZmSB6U5ZWX+sVgtmswWTSX2RoWxz\nySWXkJYW7/H8VVUnqKgYhbvwh9raIdx33z94//1aqqvn2LexWGSNPiJiG3/7W3DcWZ3pOYPONR9l\nLpIkEbc9T9U0HVeQT+SLz3vsWhfovs5054vbpiK99JJbxP352271+rw7zqcz0epCe//+/T6bxc+e\nbb8BMHFx3Tl5srqthxE0OtN8/J2Lu8n64xZJdyoqOo7B0NflU089uI+j040gLq47yckfYzBob+PL\nfHW6KJKTD2scp4jHHpvERx8doLpaT1Or0URAz/vvd2Pu3IpmL2Y603MGnWs+jnMpKjpOX9kE5EZf\ng4HCwqOa1qrm7OvK9fMWsrG2zj3ift5Cr9e9I98bT4uNVq+IduDAAQYNGtTapxUINFFM1gbDJBoa\nMjAYJpGbO5WcnLygnkc9klsPWPBUVS1Ylde8HaeqqgqTqS+wEXkhcb7x/xsxmVJF1a6LCK1yrCCb\npj2V6G3Ovq6IiHt3WmzmhYWFLF26FJPJhE6nY/v27SxbtoyTJ0/St6+rtiFoLTpjkYLmRqh6K1AS\nrOukCE33SO6bych4gcrK4T4Fk2lt4wuejlNXV0dk5JtYLE09uGULgIRev4z4+PubM31BB8JejjWA\nYjDN2dfTMS/GoDM1Qmw2m62tB6FFezZtdDTTi7sJuNjJBNzR5gPac3r11bs4e7bWp2MUFR1n5Mgw\nGhrce1mHhRWyb199UF8WVVVVZGevZ8+evpSXD3ITmmqLD8d7E8gCRW0frc8yMnZjsdzpdoyoqA0U\nFt4ozOMutMR82mph7ToXJQJcrRiMr9HjgewbLDrys+bJPC6EdoB0tAciO3uLU9SyjMTs2XJaUUeb\nD8Bjj21k1aoRQH+a5iXxu99tY8GC8fbtPL0EJUli9Oj9GAzuudqpqVvZsyc4ZUldFxhJSUWMGmVg\n8eIpREdHe9w30HvjbaHmyuHDBxkz5iw22424Wh6CtYDpiM+ZJ4I5H9c0qeJWrv6lNZe2ytNuLh35\nWWtXPm1B69PZKl5ZrVbmzXuPt96KQa4pLvtdwQro+eCDSCRJ0uyAZbVa7cdqiU5darj6zY3Gyaxf\nfz/PPrsrKMf35ZxavnrlOs2ceRKbLQXn6ykTaDtUge80t/qXLxX1AsG1DWxr7StQRwjtiwBfa1R7\no6VeCv6Sk5PH6tV3Ul9/O00tNici5xeDwZBGRUW5z0IrJ2cCs2dvJjV1q1vf6mAgSRLbtnVFjsZ2\nvHb+L5p8vQf+LNSU62Q0TkbuguZ8PYO9gBG447X6l4f7bbVaycuex4HRI9CPvIoDo0eQlz3PaXEq\n6DwIoX0R4EuNak/4orG2Fp6EEUQCEqmpJURHR/sstJTiI3v2jNDsWx0oilXAZOqCYzS2osWWlaVT\nUlLkVRD7ew98Xah5vp46kpM3BXUBI1DHl+pfWrRlfW7HRWR7WdR3doTQvghorgm4tVKifMGTMII0\n4DhTptQ0pi/5Z11oCVNeTk4e69ffD0zB3SpgJSJiGzNnnnQSxFVVVW4vP3/vga8LNU/XMzR0AGvX\npgZtASPQJtA0qeZo6GrH8lXoOmr34ddeybqMS/k841Kh6bcCQmhfJARqAvbXH97Sq21Pwigs7BAP\nPPAFzz8/VWM7CSgkLm6X1+CvYODdKvA2FstvMRonOwni4cPfsQvxefPe4+uvv2bbtu6qx9Eyr/u6\nUPN0PZOTi0hL6+fnrAWBYE+TcvncW5pUczR0BUUA7x461Geh66jdH7XZ+K3Fwp0Wi+jE1QoIoX2R\nEKgJ2Fcza2uZ0D0Jo3vvreGZZ6ah0+lctrMC64FtgI3y8hSuuWYD8+dv1hxfMBYfnq0Cqej11agJ\nYotlGA0N/TEYJrF69Z1ceeUWzeMYDP00X8y+LNRaKxBP4J3MnMVsnP0wW1PTKAwLY2tqGhtnP+yx\n33YwCpkoAjiruNgnoeuo3UvIy89gaPoC3xA2r4sMT0UK1NIzZE1sPwaDex6zbGYdAWh3oXLsVBUs\ntAuETFHdbu1ao0vBkGFYLBIrV/6T0NA8p/FptcBUS5Pyls7i6dolJBylomKk2+cyachBa5c0jnkA\n8D1ykJgzYWFHiI7+iepR3LuaqaevBatwi6B5KNW/pPkLqago53If0qSaW8gkkPaXjtq9GflpVaOt\nOnEpv8vIyAGtet7WQmjaAqxWK7///UZVLdkXTay1U8p8tRrodDrmz7+J6OhBqmODHmzb1tVv37Gv\nVgVv1y4lpUJjhiXINb8VegAnVI9TX3+Kqqoq509drATefPUtGYgn8B9/YysC0dAVAjGvO2r3iYB7\nDy4Zf0uWNhfXKPrdQ4d2St+6+FUKvGrJ3jQxdzNwU7MJxYTeEqttX0obVlSUU15+ica3aZjNpfbx\n+VrS1B+rQk7OBC5c2MCHH8Zw4sQAJ6tAly55KiVNJaDG5bNaIBnZvB+JrNuUADWkpCTaX4z+WAnU\nEKUiOyaBaOgKgbS/dNXulcr5wSpZGihu7UCLi/1uB9oREJr2RY4vWrI3TawpmMmKa7OJiIht9O4d\n24ozctY04+MTSEoq0tiyhMTEGp8iqZXFhz9WBUWI7tjRm/LyFOLi9jFu3EkefXQMBkMpjz46xsnn\nHBW1HvgnMNVxNkA98CNy1PkYoFvj/ycyYUKN/cUYzCh/kb7TPvF0XwLJfgg0AM5Rux8QGsqyqO6s\nj+rut6YfLIIZRd/eEZr2RY4vgkrRvrQ0saZGGBuAW3FsNmGx3Mizzwbfr62GIiQLCnpRWppq1zTH\nj29g5Uo1XeAcEyfa/PLfl5WZMBj6qZ7f9Xo98cS/WLnydvt5y8uvYdUqiQ0bXkaSJpGc/BVZWfDJ\nJ1dx+vQpLJYUfv7zb4ECIBVZm66lSYhvICpKR23tEJKSPnKydmgvJmDr1hp+9SsDFy5c8FpOsrna\nuqBlcC1xeiCIJU4zcxazEbnXdV+DwalOuBau2v10h4WvP5p+sPDFzN9ZrEjiV3iR42ugmTcefXQM\na9fuxWJp+W5ZWmiZrR98cBMPPvge69Z1xWIZDBwjKup7pk9PJCdnctNINbtwNfnvV678GohHLSjM\n8XpJksS6dV1R08gtlv5Afzf3BI1qAAAgAElEQVSzuiRJpKaexWAYAXwFVCB7Db8jLOwQ995bxx/+\nMILvvz/CkCEZThYM98WXFTkXPAKzuZ6f/OQQDQ0DSU31LIRbM6CwIxOsYCdfa3O7mX4NpUEz/SoC\nOPLF5yksPOqX0HVdyLeVYAzEzN9REebxi5xgpfycPn0KSRqi+p0/pVID5fTpU2zdWqPyjZ7t23uS\nnZ1JYeGN7N4tsXt3IoWF97NkyVS74FLMjq4ma8c0KUmS2LEjDvlauV+vm246bb9eJSXFjQsENQYD\nx+3jU8zq4eHhdO/+ObKJvCeQBJwDLnDPPZV06dKFCROOMG1aPzIzDzoFv0VHRxMf/5nDuDYjm9Nr\ngftoaLgDGObRZN7ZatS3BMEKdvKn9GhrmX47cp3wQM38HRGhaQvIyZlARMQ23n+/W8ApP8HS2P1F\njuTezNatP3Ly5E+Q/ekWZJOy/Hg7mq0HDx7itr+zOdjZZO2YJmUwlDZqs4OQhaJjUFgJDz7oOEcb\nsmB218jhB+BS+19lZemYTEYeeiiPQ4euBfohx+RagEkMH74MnS5VVQNuaNhEaGgY+fkxmM3XAp8A\nlYDSJUg9i1bN+uGPq+RiJVjBTv5ozr6YfuPjE9qsm1Z7QTHzK+1AS1NTOZmZ1aq+9dZACG0BOp2O\nv/1tGnPnVnjM5/WEL6Zlb/jbxs9qtZKZ+QqFhVfhLOhuRhaq0wDPiwZ/zMHOC5NpNEXJjyE19SOS\nHYpcpKWlExW1G4tlnNv1kHOuM+2fJCUV8cYbFRQW/hHHeAB5222cPXsF+fnnURO+69aZ3XLQ5f3e\nwlMWrZoQ7t07Fr1+LxZL6y68OgqB5DQH4zieTL/HEpM5/carnNi5Pei+7o6Gq599TMYAamrq23pY\nQUeYxwV2mmse87dUqmKSrqqqCqia2oIFHzQKuok41/XejtI8xNOiwZs5+PTpU275zs6uBD1yARTc\nzqHX65k+PRHZ1J0HHGz8/z+Bvg7nlBg37iQ7d/ZWHQdEYjDEU1YWqXYFsVgGauzXG4hBK4tWrVHM\ns8/uwmKpAQpxNv+L6mgQnJKhgRzHk+n3mx4x3L16RZs0C2mvdGQzvy9cXEsxQYviawUuV5O0Xv+O\nk7boS/CTJEl8+GEMWoIO4khMfIfJkyM1Fw3a5mArBoORsWPrqai4lOTk/dx00ykefHAYjz46Bl+r\nh/3lL5NpaNjMtm3HOXHiR5KS6unZ8wfOnRuG2VxIUlIR48adZPz43rz5pnYueULCPmw2PWbzD8iB\nacqcj6MsGtwZDJSjlUXrKoSrqqpYu9aIrKnbgHzkgi4pREUd4tFHZ2mc5+LB32AnLctRIEFTrqbf\noqQUzOPGceWO7c3W/P3FX4uYILgIoS0IOt6KdDibpCUslmH46ndVqKgop6JCK3I3jbi4f/Pxx+M9\n5ohr++E3A/dhNjctIlavlli9+i1SU1PtPm+TyQjEkZY2wskUKUkSZWUmVq78mh07+nDyZD8SEo6R\nmWlh8eI51NXVYTIZWbnyNDt29GH16nhCQ78D3M3ScIzYWDPHjw9CDirbDVQhC9YuQBjqfvNS4Cyy\ntv0WsuY9mNTUYtVFxoIFH2iY2f9Jbe1ETp8+1SpNVtozaiVDJeSlk3ncOK5tfE69pWcFUnpUrYBK\nfEU5+jdXqY61JdKcWjLtTOA74koLWhV3k7R/flcFT4FvUMTkyV29FnXR6/XExHyFwTAWnF7DEahr\n8GkYDGPIzbWyb99LVFZe6ZTLnJ2dyaJFBeTnx2AwpCGnhknAIMxmWfDDBpYuvZ233jrC6tV32s9T\nX1+Mmkbcq9cevv32Lw6fZ6AIU7gduZiNWg66BMxC8buHhJSxaVMJV1/tbv2QJIm9e1M05tyDhIQj\nxMeP9ngtOxta2qSi8cbkbcNsLKVPWBiX1deTuGM7ebp5ZOYs9inITE1z9pYbDc4L4tZOc2rJtDOB\n7wihLWhV3E3Sicja41C3bT0FP3kKfBs+/BsWLfq117FIksS5c8NwLg/6f4BWwJXSyOO/TkFjijl/\n374XXILJFG1VCYrTs2ZNFD/+uIqPP3b0a4Mc7b6ZsDCAwfTpc5SbbjrBrl03cuaMmjCNBvYjNxP5\nJ3J98lRCQw/T0BBCU0EW2e+eknJIVWCDfE/KyrQ0sr6MHl1w0ZhBvWmTisb7fm0t9739Jvp6OdBp\nmMGAlPs6/7hgpc9OzyZrkK/5mPkLIYDSo/ZjumjsSlhkDMFPcwpWEJ6g+QihLWhV3DVkPb76XV1x\nrYnep89Rxo+vJDd3HmfP1nodiyysLqVJezUDU5CFoZrJuQRZoKulUcHhw4NVPld87PL86usHsnbt\n98jC1hEdMA2bbT8bNxZz9dXXUVFRzrvvhmmMvi+wDxiFbCY/RUhIPbfddpxNmx7B+aft+Vp6slpE\nRR1i0aK7NMbQ+fCmTVqtVrZmP0rvtW+r3umeH24jodyseuz0MiMbHvsDg/d+GjTzcmbOYtY1NHBy\n3VoGWarpD3wZFUVDQwNWqzVoZuuLqeJYe0cIbUGroq4hT8W5RKfnPHFH06Vz4Nt16PV6n19UzsKq\nKRJcuwVCDXIOtJo530x9/SCNMzm22iwGxiEvANyFZHJyuV0j9uwCKAXubRyjrNFHRi7jmWfuoVev\npoVMQsIRRo8u5dFHtQWvJ6vFjBkXLhpftidtsvvWDzg99098/uJzXLdqJSEax7jsRAWfJSRwjdld\ncB+M0POLdWtRnDbBMC/rdDrCQkP5raW6yb5jsSCtXM7G0NCgma0vpopj7R2R8iXwSEs0jnBPDctn\n9mwbX389ymNrSK2WmOHh4QGleGhXg7uZjIwXSE3dChwA/oVsQp+KbM4vVjlaImFh32mcSWm1KQFH\nkMXAIZXzSsTEfE14eLiX8UnIQWmO89UD/ewR/J98chV33PFvQkK6smFDJj/72Vce0+hycibwwAPr\nSEzMJTR0v9d0vc6IJ23yMnMZu382ivK1b9MX7XaUR4Dinr1U71gxNlyjLJpb1czTQqNH3r84fPhg\nUH67F1PFsfZOiM1ms7X1ILQ4ebK6rYegSVxc93Y9Pn9xnY97pbDioDeO8Dd1JDt7i1MhlMajMHu2\nc2qYP/emaZ7uKVx1dXUOUeBx9u9jYr528V3L48jIcPVpy5/L0ds9gQbgTmQDlxV4GrgSSEdptQk3\nM3v2Vvt8rFYrS5fu5P33u2EypdPQcAQ4CfwSV0NZaGghn31WT3p6f4/Xau7c6zh06CBDhgyld+9Y\nt3vdp89BRo0qYenSmUHXstvz70aSJA6MHsEkFW0yD7mvGsgRBF2QKwK43ultyKV9XswYxlWVVfYg\ns+LrRjF6wz8YrvK6LQwLQ9r3ZUBVzYqKjqMfeRUZDQ1u3x0AjCEh1Kek+mSG93ZvFH+/WvBce4we\nb8/Pmjfi4rprfieEdoB05AdCDdf5+CogWwtJkhg9+gsMhslu36WmbmXPnqYgq0DujbcFhOP34eHh\nZGdvJj/fSkXFlSQmljB6dCk5Obfz/PP/dmpMotMdwGoNB/ojC2z7EYFdyKJA7j2uXGu1+ZSUVFBS\nUsxddx2kvBxgOq7+85SULXz66U8BNK7VeXS6hdhsI6ivH0hY2HcMHnyIESP6smrVNCAcOWguCkgl\nKuoQM2ZcCOpCrb3/bvKy5zn5tKFJGE9r/HsT8vIqDLlJ6mCallxK8dytqWkMKPiEqqoqexEbtQWB\nBLyVkIht3Hj67vqIfiYjxX74un1ZaChBahtnP+zRXO7rvekoedrt/VnzhCehLczjAjfaY+MIX+pi\nNwdvVZSU78PDwxt7ZPehvHwE3brtpLKygQ0bMhk37gD/93/FWCw3IF+7m7FanwAeAU67HFFJdVN8\n6U3nVZtPeHg47757DIslCrgGucb4RmSNHUBi1CjZtKt9rV7Aal1Iff3tQAb19bdTWPgwa9boGs+v\nNBnJAjKwWO4MuB93R0XpE/1+YhKFyIJPcYwoDAauRnZQ9KOpu/k0mmwf6WVGqqqq7M+Uq3lZ6Tz/\nCXB9uZm0t1dTayhlkJ9VzTyZrWtoeqqaa4Z3PWdnrjjW3ml/Ng1Bm9MeG0e0VUMSV5wLw2xEkn6H\nY+qXnPPtqJcB6AkNjaWhwTHQKwY51S0d18WR2nxca6Q3pZOtoEuXaLp2NbJhw83s2ydXb0tI0FNW\nFkGTBn8KUCt5WonVennjsXxvLtJZUVK6Ts/9E3vGjmKm2ex2RUqQhfT3wPehocxQMU2rBWc55mYb\nDSXch6fkQN9TqRyP289k5FhDPVacFxrQdlHeHUUz7ygITVvghiwgi1W/U6tZ3RoEq4WoNzwF3jlb\nILSFXFOKVxMNDQORa2cpOtZ+tDRm1/l4snzo9TFcuDAai2UeNttwDIbxrF4dzokTVpoqqG1E7s+t\nFt2e2Dgu70VuOgO+Blb27h1L+ORb3fenSYMdEBpGxd13+xycpSwIBhR8Qnxiktcnx9d65spxL9/z\nOWc/2Ut9coqT1q9QlJTSqr9df9qPCnxHaNoCN4LRsaslcM3LDqSFqBbugXf73QLvnC0Q2kLOOcVL\nwYBcVnQboFYudAWpqSmq8zGbzZqWD0kaBlxw+GQzcCtWq3MFtYiIpzl//nJsNldLhR65QcgoZN3R\nvyI3HYVASnBm5izmHxesxKxZxeD6eie/NUBxcgr/89prbIyM9quyWVVVFZdpCGPHJ8eXVCpXLXbw\n4CEUTZzsV4nUlkJUUGsZhNAWqNKSAjJQfG1IEgi+tOh0NtFrV3KDImCsw99KWdHxyELVFT19+sTx\nwQeXkJKS6vZtXFwcev2Hqi0z4RhyvLJyHnXtv67ucnr23MeZM+4xz0OHXmDUqO2sXWvEYrnR7fvO\n0OErEAGi0+m4ZekLbA6xYVu10h7UBU1CMDo62q0muLdr5SnnWTG9S8j1zOM1zMqeFiGBlkgNJqKC\nWsshoscDpCNHJqqhNZ+O6I/y9954i0wvKMigqqqK3r1jufXWVQ5pXRtRS/zJyHiB06czMJsHIGf0\nVgEhyDXN+yNr3RaaYo0BCklM/IzJk/Vu0do5OR/w2mvV4OQFlc8FLwB/bvz7B+A8Tb24HaPSDwIX\n6NXrHSorf0p9/WDCwg4zePAR8vJ+Rbdu3aiqqmLBgg/YuzcFs7m/00KtI0ePS5LEt6NHMFlFSG5N\nTePyPZ97zBjo3TuWT59drCoEExN7BjQfrSj1t4DElL580yOGqyrPkW4yqUaTa+3vGCHu729XyVII\nxu/dUyqakuLW0r71jvyO9hQ93qKa9vfff8+vf/1r7r//fmbNmsWFCxd47LHHKCkpITIykpdffpmY\nmJiWHIKgmXjr2NUZ8BR4ZzD0Y+zYnVRUjGxsIfo7mmqVXwYso0uXFBoariAx8TijRhlZvPgBLlyo\nY+zYnZjNMxu3dxTuStlUJewIoBSzeSa5uaBo91arlQULPmDNmu7IZvRXkQ2oQ5ALvBxENrkrboxE\n5Hjnj4GUxvHtRl4gdAN+TmTkjezceQlFRcdJTx/KhQuX0dD4Yo2OjmbZsnscXvbBs2S0Jf6W4HTV\nYg8np0DWRIZ8spfTp0/ZtWlJkvjhhx/Q6aL8vk6u2vAPiUkcv3YkVzz8CEXvvMWfVq/QtAr4qsX6\n89u1Wq1s/P3viXh/c1BKrIoKai1HiwWiSZLEU089xciRI+2fbdiwgZ49e7Jp0yYmTJjAf/7zn5Y6\nvUDgM54C76AEs3kmDQ39G1uIRiML4DjABPwPcXE6br01D5utjo0bb+BnP/uKF1/cx8SJXfEtYM0x\nvKkprS4nJ4/Vq+9sTNG6AvgTstn9fWQ/djSyEH8LeLvx/z8CP0MW0oeQS6ZOBL4F9JSVpVNbW8v2\n7ZVMmXKckSPDGDVqD488soKqqip5ZJ0spSc+PoHi5BTV79SCsxRT+iRDKRkOKVifPrvYnvanBFid\nv+wy1QArbwFvSvDYkE/2kj/tLi7YbIx7fxNn7p1O1MZ/aAvkxgWVt0WIvxTkLGDiSy+5zdmXtDM1\nRAW1lqPFhHZ4eDgrVqygT58+9s8++eQTbrlF9g/edddd/PznP2+p0wsEPuNbuVAzkAysR9acuyEL\nztWUlX3Le+/NwWS6g4aGDAyGSY3+8RCmT18DuPupZfoC/8A1E9hkSue77w5rRIzHAj9B9mPfh/wT\nHg583fj3TGRNPgtZWG9uPMZwQCIpqYiVKw+QmzsVg2E8DQ2HMZkiWbcuk+HD93osddpR8UeAeNVi\nJclJqA91EXBqEdObH/sDx44ddRPgkiSRt+BRfrNuLXeYjGQ0NHClychQi0V1HopA9ncR4g1f5hwI\nSs77puRU8kND2ZScysbZD7eqb70z0mLmcaWNnSMmk4l///vfPPfcc8TGxrJw4UJ69OiheYyePfXo\ndFpdjtoeT36Hjkhnmo+/c3n11buIiNjMBx9EYjCkkZh4DKOxDLlcKMim51eB3+Ae+b0MNU16587e\n7N+fxb59n1NaqtY1rBBZE74A1KH8HBsajnH//WbM5us1RusYYxwP7ETWrj1p8/2A40yceJZ339Wj\n5pO3WOTgu7q6d3nuualUVlaSmJgYdK2oLZ6zma++zOaIcCI/+IA0g4GS1FRqpkxh5vPPO72nfvjh\nBP01tNj+ZUaqq08Stz1P9UrHFeTzkS7E7mu2AocNpSSvWknUqpV8k5yMZcoUbnvhBbY+9hi6zZtJ\nLS11OpYS3qjaIiY1lTEZA9Dr9Xxx21Skl15y82lXT55IWlq8X9fG25ytVgtxcf4dE2STuz4inIiw\nEFKBkrAQbBHhxMV1b7Wyp53pnabQqtHjNpuN9PR05syZw2uvvcby5cuZN2+e5vZnz7Z+5S1f6chB\nDmp05Pm4Btz4Mhe1IJ0FC8Yzd678eXT05WRmhmEwOP5ElApmjuiRi5a4pseBwdCX48dNjB9/TjV9\nDj4HuiMLVMX3fDNwAbP5PuQcbq0WoWOQxUIZcqEWdZ98k4A/TGTkYU6cCKW6OhN5wRChOp8334xi\nzZoCGhqGkZr6cVBrzrflczZmwVNIcx+noqKcoY333bWFq04XRVFyCkNVfLHHk1KIOWOhr8Ggevy+\nBgPGzZvtV1SpL2df4plMSK+9xoJ163nqzGnMyGGDjujR7jF3MjOLmpp6amqquX7eQjbW1tEzfxvp\nBgPfhYVysr6epC1bectq88sX7W3Ol+uighJsl1FaivTSS7xbW9cqKV8d+Z3WbsqYxsbGcs011wBw\n/fXXc+zYsdY8vaCTodX1y5N519s+ij+3d+9YF5O5GTkATI1LkAuU/ICjiV0pROPY1aypa9iLwJPI\nr/WhNJmzlyGbypUCLp4KVG4GbgKuQ7vvVAmyUK+jtnYyH34oNW5rQDvPfBgNDT8FhtlN/Z2tlGlt\nrbrP2ZspPS0tXdM0/V1cH66UC8N7jGQYeUYuaZuI+l2bCiyL6s4HKakUhoWxNTXNzays+MTLx2US\ngo0J9fU8DEwxGvz2RbeE/7mlTO4CHzXtXbt2YTQamTVrFqWlpaSmphISotVRVpsbbriBPXv2cPvt\nt3Pw4EHS07W0A4HAO1q51RERm1mwYLxf+zjmYzdt25SrbjIlAMU0NLgaLq3AFuRAsXQcNWbH/OZF\ni25h7txTjB27A7P5NuT1smsHLT1y1y/FVD4VWAEkIaeKlSD72Kciv1KVFDLlnGr62TfAOeBOwsOX\nIkkLaFoQ7MZZk1fSxL5HzilvGldHL2Xa1KHqX/QzGDgYFsaJ+nqSUlI5N2GSk2bqKc9Zp9PJAk4l\n3epIdTX1kZFcY7F4LL2j1MbLQP2u1QEJM2YxXCP3W7ESRUdHk7ijwM2UHkgudGbOYrZFhNPt/X8G\nJbfb34h9ge94zdN+7rnnKCkpoaysjPfff59XX32VM2fO8Oc//9nTbhQWFrJ06VJMJhM6nY74+Hie\nf/55Fi9ezMmTJ9Hr9SxdupTYWNcOs020Z9NGRza9qNHR5uMpt7pfvzx27bra7YXlT6cw1/0qKsp5\n442vWL36TpxfsWuBW3EVlhkZL1BQMMfJRFlUJEdrNzRE0JRP7UohshasFDnJA0YgNxzZD/RCDmz7\nCPg5stDdiGxW346s3/VFTgf7FpiMnBZ2AnkhMNPhXIpP27m7Fxxu/L4pjzwsrJB9++qb/aJtzefM\n0QWya8mTmt27JqLeAUsrz1lZAHRb+w5DLdWU0lQpbQPy0wDykihLZVxKeR0r8t3ZinzXUoHjKosI\n1/MqqWifxcdzrdms6kDxNxdakiSsVgsXLoTaO5MpaW2+dr9zXVhodR/zlBsfTDraO82RZuVp79+/\nnw0bNnDPPfcA8Jvf/Ibp06d7PWlGRgZvv/222+cvv/yy130FAm94zq1OU13JB9oIRTGZL17cl7Cw\n9xxab34L2FAzglZWDqeurs7+4pUkifPna0lKOonR+HO0q6kdRQ5MexVQooBjG/8bCJyiW7cnOH/+\nNmSNeBiyuNiM/OrvA6wC5gN3ORxXKd3hiLLfMaCp8YlaHnlHKmXqKtz2JybRrfKcZpgeqGumWnnO\nOp2OMfMX8vm/thBhqXaqlHYn8EJUdwb16EGZ0aBq+7AiX1UJWWBPQ27nsnr6DO585q+awsy1qlt/\ns1kz6sHXXGjHa5VuMlLUmJ+dmP0kednzNMu+eisLaze5t4Nyqp0Nr0K7a9euAHZzeH19PfX19S07\nKoHAC+5dv5oqgCUnf8f588lIkuSkLURHR5OcfFC1U1hi4nHOn+9j38cV5RjZ2ZlkZ8MPPxzjgQd2\nUVLyO9XxKYuA1NS+TjXN9frdyBqyljnbivzql4B/IhtS85CNrUVkZHzFT35yJW+++SNwxOEYihg4\niE53NVarqwVLj5xb7nhOHbKe+S/Uva9N7Ss6UilTV+EWYTJSq7GtEqbnj8nWarWy4bE/ML7M5FRd\nHhqvaK3EmW0FxOm68Mwv7+OaQwfph2w/caxdrm/cflNyKjUTJ3Hbowvsz6mjtgvqPmLHqIdABaPr\ntRraWMjluX2f8qfCA5oFXnwpC9sS5VQ7YoXGYONVaF911VU8/vjjnDhxgtWrV1NQUMCIER1jxS3o\nvDQ1NalCNgsrpt1/YTYfZcyY/iQn/x89enxLZeWVjU1ADhIT8xUGww04+5Mlzp07zM9+1t+tUYhW\nI5G6OomSkpuRX8Xqi4D4+J+6+dAtlkHIRtQG4C1CQnphsw1B/ZXeA1msRAH/JjLyFNdem8YTT2Tx\nn/+8QWHhb5AD2gYid/A6QkxMPtXVczWumqM3VeE4codoNfqSkPA2t9wS1aY15/1BTbh5SqNS4vA/\n8qNKV0HOAn6xbi378aDlpqXLmvrOPax65FeEbdrgpJErXBoaxsk1/6Bm/bsUjhlJmdFAn7AwLquv\n59vUVM5kyabykpIidA6au7JEvRnZfhKfmMRlJyr8EoyegsWGHD7ktr3iKz89908+VWRTguX8qcuu\nRSANXzorXmc7d+5cPvzwQ7p160Z5eTm/+MUvyMzMbI2xCQQeycmZwL59LznUAgfI4MIF2VtpNILR\n2PSd0u86I+MFKiuHU1aWTkTEISwWKxbLHwGdW2CaVuCaXp+DXMzkEGq6zqhRRuCnKgVSdMAM4F1A\nwmYbjCywx+D+Sk9DrlluBe6jpkbPypUSoaGbKSiYw4IFH/Dhh4Mxm2MJCdmIzRZFZOTN1Ncf0mgu\nUors3y4FUklIOMq4cSdZu7Y39fVq4ucI8oKh46AWAOUpjcqEf5qpIuhiPRzT8Vg6nY5Zz7/MN//3\nGXqje6pYcXIK5nffZNaqlWyjsbp8oyVzmMFg13qvPHeOdJuNXcB/kBciVyI7SKqiujO6YBeSJGkG\nralppp6CxQbX17v1qQPZInHo0EEu8yPILBilkEXHsCa8pnzl5uYyfvx4Fi5cyOOPPy4EtqDdUFdX\nR2XlcNRNuxFAmOp3lZXDKSjI4OOPa4iJCUUWojqnbfLzozl9+pRmH2tJugq5/vdU5HCmPOTgrzz0\n+pdYvHiKRx+6XKHsZsBIaKiSwuWKEi1+rcP38tjq6upYuvR2srLOAb2w2eYBf6Ks7E4sFivqqWIS\nMAsYgV7/Np98ciVz5lxLff1Jje1tlJfP7FApX1rVwhzTqA4QwtqQEF5Gri33cVQUDQ0NPlWCcxR0\nrnd+M/D3u2a4abl6vZ6T48arXuETN2WSuKMA0E4Ru7rwADcZDQwDJgD/i7yMO4m8cHjYUs2Xy150\nKj3rrZe1EmNxPClZdZ5HwsJIVPm8KCmFIUOGBrUimzdE+pgzXoX2999/T0lJSWuMRSBww1MNZ89C\nsR+y4HanrCydEycqOHXqJGVl6ok5ZWXpHDp0sPH4Eq452HIQWRlygs40ZE25GzCCu+5KJDo62mtN\nczldqxcNDeWoC81zQD2ur3LFXy5JEjt2xCEbfh23uZPIyBcJDd2InBe+AXgFuYFIHlDAtGkD6d07\nlujoaBISQpD95/9q3D4P59KqTfXQ2ztaOcf2NKpP9/Ph9LvJtNl4DFlbvdNi4a6Vy33KbVYWBRLy\nHZxI052vT07llqV/dTLXKsIzdseHvAVsCgvjACFsSe3LxtkPM/jBh0g3GT2miKUjm8Ltc2zc9sbG\n82/HXXip1U+fmPs6b/3+12x+7A8cGD2CXj8bxeFzZ1WfvIOD3WsSKFaE3r1jW7WueEvUWu/IeDWP\nf/fdd0yYMIEePXrQpUsXbDYbISEh7Nq1qxWGJ7hY0fIlO1bmcg9Gc6QYOQrb7chERGxjxozBlJX1\nR05vKsa5TaYcLZ2a2o9u3dYgSSNx7pg1laiow1gsk2nq+NUUKLZ48RzA0e+uZkRVtOs0EhJKGD9+\nPZs2RTZGpR9Drz+CzSZRWzsLVyOsEsmtvWjRUVt7FTZbLHI6Vx1wKfIi4zxQyQMPXEV29hby82Mo\nLx+FbDIvatx/LFoLhY6QW5uZs5h3rBcgP48rK8opT061+3nr6uoYtPdT1ML0fMltDg8P58uYGEIM\n7nXsaiZOcgocq6go54msh1QAACAASURBVItX/8aYNW/Sv/EcUn09x4HycZlMbezYdSA5hbGGUs18\nAsXv7ohjIdtIIM5ksN8fRTMFeakZR1PUx8QN6yhFfqIGAYMsFjYAYVHdyaiVON7oE38g+0k2Llqo\nGUTWmj27RccwZ7wK7TfeeKM1xiEQOOFLERTPQrHW4d+O323AYvktFot2ehNUERPzNWPH1iJJ9yL7\nnA8hC/Y6YAPTp9cTGvpRY+GVOOLj95KVpWPRojlOaV733z+Y2tq3G/3Gg5FfwY4BZ0VMmNCVZ565\ng+zsKh577G327NFTURFFSMiljefb5bBPnT2SW9bmv8FsVguEqyEkxIrReA1NZVbl6PrU1I94883D\nLjnnSh31l4FJbsfrKClfSsBS0o4C+lWUczQ+gTM3ZTKhMWDJYChtVtGPgpwFTlHVSufy5zKGMTtn\nsVsRl57IPdmGICcHTkV+4op27EB6QrJbBsh9XdNHruY8cRTkacDe+ARubhReJpMRY+MioC+wHPWK\n+coTPwPYFNMD22f7uLx7nH3hMWb+Qkpm3scZbPbAOoVgBpl5Q6SPOeNVaH/22Weqn99xxx1BH4xA\nALKw0/Ilu1bmcqxapgSWhYQUU1OTSVJSMT16NAWdxcUVcuqUDatVzTtWD3wKVKHT7aawcKHD+RXB\nvgH4KZGR9fzudyORpBrmzlXSc6Y4+ROdrQTJDBy4n0OHLsU54EwiI+MrFi2agyRJZGevZ9OmB4EC\n4FZsNufXbFTUC8yYkdKYdiZryWazGbVX/cSJPwI/Oixo9Mh6mcSIET+wY0d/1K6vXp+GJJ0CJ11U\n6jApX24BS+YypNUr2NhFzq0+f76W8qRkMlSCwrxpbZ58q1dVVlFXV2cv4qKUq+mFXCvvMLLdZxMw\nHecFgqK1xuRtY7WxlJ4hIQyz2TgGHNLp6Gu1YqXpZe0qyIsAHITX4ZXL5YC2xm2HonanmxL69MCg\n8jIiIiLQ6/VukdrFySns0ojUbm6Qma8pXK2p2bd3vFZEe/zxx+3/rqur49tvv+Wqq65i6dKWj9hr\nz9VsOnK1HTXa03yaKoe5a5Balbkcf/xxcd0pLDxKfHwC4eHhZGdvJj+/HrM5FtlMrNVxay+yObkH\njq0ym9iEbBQ1otf/l9ra20hJMbqZ7bOztzhZCRpH6BS13qfPUcaPr+TJJyeyaFEBeXnRGI0pyP7k\nAci52s6kpGzh009/ypIlOxuPD7IVYD9KelhqajFZWVX2FC05wjyGEycGEBFxCCjCYhnSOA/X6yAR\nGrqb2277hs8/H0pZWTpJSUX247X3hiGSJPHt6BFMVjGjro/qTlhMDIPMZWzT6/mtxeKmtalVRXOk\nqOg4+pFXkdHQ4PZdYVgYZz7eS+WsO5lsKHXpn9Z0jleAOcBHKlXBJEliy7w/cPf6tVQiR4jrHfbL\nwrmQrQ4HLb9gNzqdzu0a/IB27b2DyL74S5CrlP38yCFqaurdGn34en38QW1h4EsKlz952u3pneYv\nzaqI9vTTTzv9XVtb6yTIBYJg48lXrWWmdVzxO/47O3sLq1ZNR7vetkIpcA9y3rLWOnYw8mvuJ0hS\nJrANg2EaubmnqKpazTPPyCVCtawEStS6rJlfh16vdxHwG4EpyGle7pjN/SkpKSYvLxLZlx6FbADt\nDZwlIeFTCgrG07t3rF3b37kzlvLyeCIi1mCxPIqsQbteBytKGdOGhhQ+++wCI0cW8fDDPbnkEvXS\nru0RTwFLQy3VRFiquYQmP641Moq4WomaxGRqJk7yqrWp+VYVp8ORhCT6YCPdZPTYLOQyZGGpmHUd\nhRBAv32f2uvfOe43BNkWJOcKyMl4haGhVM68l9kOwW+u+dxKjronX7mjmfnkyQqfcrCbS6ApXMFI\nH+vo+N3lKyIigtJSrY5CAkHzUXzVahHV/php3c3sjhm7zsdtMjj2JyTkiMYRS8CeCKOYnN8B9rNu\n3Tiuv/4L5s17D6Mx1eG4TVHnZWXpVFVV2VNzmsYHsqYfhhxRrv77SkoqAmwYjWZkPS6Lpg5ht1Je\nDlVVVUBTTIDBMAmbbSiSNIYmUaAHqhyuw2aH4w3DZLqFTZseZMqUvSxZstOnVKj2gFa6F8hX1DGF\nqQvQraaGFBuE+9j7yDEy3Yq8xNqNrPnWV57ly2V/42BCosdI8EuAgjvuZGxjmVDHlKwt8/5AqorZ\nHmS7SHfkhL0xjZ9V3f8At73wsr0IUF72PM7NvJMUm43djeMLR/uJL0HW+B07iLV0pLYkSRw48C0h\n764RKVwB4lXTnjFjhlNHr4qKCgYOHNiigxJcnDhqHa6+akczra+oR1cr9bZDkONnHds9AOix2U7h\nW0hQX+TXs2wRMBqHsX69RFTUy1gsR2nShOUY48TELsTHj7TvbTIZMRiMyH2z+zaOaRuyTuV+/qys\nKvr0ySAsLI76evdXXliYnMLlvlhREyM25DSvbsgizP14Fks6ubk3AHluHdDaI54ClhzvXFOfaxvY\nbAwzGuxa3pjGwCot86viWy1f+w6/tVQ3aYoWC9Km9byo03Ee2fahaLcSsv0GYH+YjunP/JWPFy10\n1zTXr+UZvZ7LJMntbhyM6k5YTA9qy8vs/tzJDpYBV83VMdhMaWQSFtWdobUSRUkpnLgpkysefIjk\n5BSneQYjUlvNhO1oDk8zlFKNvKhwztkQHcB8wavQ/v3vf2//d0hICFFRUQwaNKhFByW4uPCU3jV/\nfl3jC8A3M60kSfzwwwl0uigNM7sOmEZIyN+x2faAPWSniZSURMaN28DOnb0pK0sHDiMXqXL1c3+H\nXO7CET0//pgK/IwmzVaOMe7R4wX0+p/bt1yx4luX8yuv2g9wTiU7yJAhB8nOnoPZXEZ9vfqiub5+\nEFVVVVRVVbksVlyNpKeQxdjdNHk21RgCbCQ/v1+HacvpGrD0Q2ISh8+d5X8tFgCPputua99h/7at\nDDKXaZbJVJqFfJ33L/SWardjXGm1MgJ4VqfjBquVfGRz5iBkwW2ut7JycibXVlWpjuFKSSIfucit\no9/6/IxZ9gWFWtUzLZO2DvhncioXJk7ip48u4PTpUx4jvZsTqe2p1KinRcU0h2P8kJjE8Isshctf\nvArtgQMHcuLECQYMGMCePXv44osviI2NJS4urjXGJ7gI8Jbe5WsThybBn05y8mGysiq5+eZ6Vq50\n11rvvz8MSbKxfr3rkSQmTKhh0aLb7RrD8uXVjX5xndN2ck0q95fYhQuXA5W4eiYrK4c7NTHZtElL\nfIQh64Igv+rrOHRoHjk567jrrktISDhDebm7Xz4s7DuWL69i/vybSU7+ymGxorgFlDrtXYGrkTuJ\nJSIbXrX8/MmYTAkdRvtxTUUaGB3Nt3PnUPdhHjrUbQ4Kjn5vxcf698pKblnq3HmroqKcS8pMqsdI\nQ77zI/vE82RFBU/VW50E1Thg+eFDaF3Jy5CXUInIndR7RXVHmj6D8Y2LB7UAzC+/3K9ZVvTS0DDM\nq9bQt0dPp/09BXQFGqmt5ad+x3qBxB0FXiPYJaB01Giu6wCLw7bEa/T47Nmzue+++0hOTmbOnDnc\nfffd7N69m9zc3BYfXHuO/OvIkYlqtNV8Au1x7YpWxPaDD75HaGiom5k9OzuTv/wln3XrzFgslwGX\nEhV1mOnTf+Qvf5nklGttMhlZufKAXfOOiDiEzXaUmprBwG0qo9mMXG7DedyhoYV88kkNgwcP4fDh\nQ9x4ox51YXkAuV1mV2SNeDLwASEhDdhsGcha+CNuc1W6Q8+eLXdsdr4eVuBpQKnF7hjfrBXrvA0Y\nQmLiXj77bEpQNO3Wes4ctb4Uo4FtNhsDkKuLlQK3q+yTh3sF+M2ANSkZadItdq3bU69o5RiFISGU\n2GxOWqTC+8iatFrSrOMYPkCu2PaJStS2Mr+eef8i0WSkNDSU21W6LzpGzRcnp3Dy5ixsQJ/t+U5R\n29c/ugA479RPG/A5UttT5H5uYhLXVZSrRt0fAIzIzpoDUd254+vDREdHu20XCB35Hd2s6PHa2lpG\njRrFG2+8wcyZM7n77rvZuXNnUAcouDhRtIRAely7HkcrYnv79h7s2TOC+fNxMrNnZ29h5co7aFrj\nm7FYxhIaul2ju1cs48ad4MEHk0lKuhG4kXnz3mP9enctPirqeywW95SxhoajzJhRz8SJx7jjjlRk\nvU9NaCsCewxNQnWyQ972YGQvpa7x344dwnTk50fzySdX4RgTkJBwhMrKgY1FZVyNxI79uFNxTiz6\nkKwsXYcwjTviqvUNR3YK/APZ3+xrEZPLgG5lJhJzX+fdujquePi39O4dy5cxMYw1aB/js4gIxmoE\nVA1EFs7exnApcm63a9S2JEmse/T3/M+Gdf/P3pmHN1Wm/f/TJFRIS8veNbSAopSCCyMjKj9BpdgC\nIu8IIuDuMMqMw+AozAjzWkZxXMdxF0RQWYTWARVbBBwHXhBHGUWllEWkS7qySkkO2CY5vz+enOQk\nOSdJN2gx3+vywiZnec6S537u+/7e39sTyyl1OjWP57Sd5BZ3GD/TWo60eCH5eOVzFG/4Hyveoavd\nrtlhLJxSv2AEtkvdIjeZ1VUB35UhSHaJwOEp01rMYJ/LCMtoHzt2jA0bNvDqq68iyzInTpw4E2OL\n4ByF2iBWVCRgMOxDq3FiuCpcwTTI1YZfHRoMZJWLfkaKeIu3Ftobsl+yRMJkWsvjj18AwPPP30p8\nfCBZzuVK0gzJg53KymEsWhTPtm0vIIhqWtsVA7PwLig6+W2jdApbA2xF1HR7Q/FVVX04evQIjz9+\nI488IsKgp09bGDkyxr2Ff5BY5Pm9pWDpKIIyivhLe4JejrcHIuyciqh7TkEIn5QixE+0GpoqZVFm\nIObtJUS9vYT3YmKYZbP5CdjCt8AcxF2sizKwOyaWQXab5jHTETTAOPf+/o1Z1eeWrOVUVVWSnt7H\n413nVFjZgSKq6112yVFRZBgM/JCUzN4fj/NHm+/5lZD0coTIi8n9mclu1+wwFm4XrWAEtpoUC8eu\nz0Ja+kbAm24FZEsaX/1MhVKagpBGe9y4cWRlZTFx4kSSkpJ4+eWX+eUvf3kmxvazws+pubt/Dtvp\nLEWPLR3OvWhsXXcoI19WVhqWIpvJZPIxjIoX73A4MBjWUljYmYqKPgiz8B0i2Hka2EtxcUeEV/s+\n3r7ZZYhK3HrVOasRU7wWLkQYdN/8eXJyCXFxmZSUHCQhIdGjR+29R3rVu2aMRhuyfIqEhLXccMMJ\nFiz4XbvrVxzM67sQ2BEVRUpiMs66H+lkt3MtwmDWE8haOImKJijLnAYG2WzE4V3mVCPU2h3Ahwju\n/7hTEltuvgUp790AQ/Ujgq8/xf33mwhKYA+/7RSvuwyZqsWvsd/UISiZayLwpSyza9lqUlJSGDPy\nKs0JfgAiHK3sJyEiCs2pzQ5FYMvJXUB+B5NPnlyPwa6Hn9McGQwhf4133HEHd9xxh+fvqVOn0rVr\n11Yd1M8J4TTGaAra6guuHcoWfoLRCDCgUeVdR48eobh4NyNG1LBsWXiGP5SRh56NCtn7Cz4oxnzq\n1N2MGFGBLJ/E6zmDMJYjEVO8EWHIy1GaeXTv3o2jR9/GaOyB05mG0ViO06nVFKUMMS2qK5AlOnf+\nmqysqID3KT5+J1ar0gxEW+n69tvt3HdftEf8pT0imNd3MNXC+SvygCi6jbzS0y9aKYDzXz41ICrt\nk9z/GvFdQnljNCKcDSJGsS7FwtgnnmF1XBydVq1goM3GAWC3qQNpjgaP3p0ZUT/wfOYgLiwtIdNm\n8ylCVIx8fUEBnaIU9XjfGJGazFUJpKSkkJbWR/ceKB680jjkIKKe2/9tgMaVYAUjsCkEwaOzHqa4\neDcZGQO5ort/2xZtBGOlt7cFZUsg5BWvWbOGU6dOMXnyZKZNm0ZNTQ2//vWvmTJlypkY3zmPcBpj\nNAattQhoKWh7uSI8K8s7yM8vZciQ0OSz06dPk5PzOnv2ZOB0XojBINGt2/8SE3MNVVV9SU4+qGv4\ngzUayc6uIyXlMszmz7DZmh6yB0hL60NycgWVlV3Q9mPi8EpliOnYaCzk6NEEkpL2MmrUEe67rx/L\nl9fz6qtaYfTDCBqPGW8u+guKix92H1t5n45w9OgbHDmSBqxATPv9EUHidGAAqakl5OScJDd3fJt4\nT5qDYF7fjzljuXLAQE93rUxrORLibuXg9ZyvxsuzP4WopP8cYaAN6HPtR+D1LuPi4hj7xDNI8+ZT\nVlZKd2RuTbGw7ekFrPczbNNzF7BnTzFrrruaTESx3XpEfOYS4OLaavYhVOkt+EqZKh2/koD9sZ2Z\n7G7uEapmPQXv25CGuoed1zA0potWsCYiasPbv7KCAympfBGm4W2qetq5ipC/ztWrV7Ns2TI2bdrE\nBRdcwIoVK7jjjjsiRrsF0JjGGOGipRcBLY1gXm5KSk1YBhsgJ+d1iooUJjS4XJkcOzaWxMS/sW9f\nBiZT8OMEE2/JzS3EZouiOSF7EMZj+PByVq3K0tmiN94Gi6KZh9MpA8Oprh7OO+9IdOy4lldeuYX6\n+ndZudKEJA1E1IcfAboi/LurEbrpCRiNF+N0KmQeRZ40hn/+M9u9nx3h0f8fcB9gwmDYwooVvRgw\nYGRY19UeoOf1XT17LiUlBz1ksiuswjD2du+neM7+fPpMRGzkZcRd11pCKQpj/uVRZrOZtLR0amtr\nghq2fv3OR7L05gprOd8hnrA6PqOEwwvcY1PC298j2OhfAD0nT/EcLyt3Ae82OIh/ZwkDnM6A/nKF\nwEyN46vD5k3poqUlNdpUwxusBr0lZVXbE0Ia7fPOO4/o6Gi2bNnCjTfeiMHQaOXTCHQQLoEqXLTG\nIqClEcrL9ddj1hrv0aNH2LNnAFrXuW/fYOLj45Hl84KOQy8f7b2H2XgZ1SJgGhu7i9mzp4V1nco1\nzJ17Ix999LWm1x4bW0x8vIGamlNoC7iI51ZfX88TT9zETz+tZNkyA77mRJnGBcnMV3hlrd+26mn/\nHve/E0lJcZCWpv0etlf4G8eM7j3Y9vQC9oy8kvTKCr4ym4my2fgEIRy7Cy8VMpR2+LV473hvRNi8\nBEjJe5/BQ6/weWeDhXb9f9tKr27cvbqPu8+j9nyVcDjuf48gjHYft4BKtmqxYDKZuPGp51gbJSMv\nWexTznYESDfHYJbsAddoAvJTUpHGjGsRclhzDG84sqrtQT+gJRGWBZ4/fz5ff/01Q4cOZefOndTX\n14feKYKQEF5nqeZ3IgzbOGWgcBYBbQG5uTlMn74Wi2UdRmMRFss6pk9f62k5OXz4DoYNMzJ8+A7m\nzfswQPu6uHg3Tqe/Kp/Q+XY60/nuu++8n0oSJSUHdfWMFa9AmTS891BhVI9AyF2M4NSpMXz77c6g\n2sgOh8PnGnJy9pKevg8t9ecpUxr47LPh5OWV4nKlu8/nu46uqupDdXU1kiSxeXMywrSoJzgz0ImY\nmK+4++5dWCxlqvuhZ3qUad8I7GDUqMNnfTHXWlCe77anFzBx0WuMtZaT6XIxyWbjIcQdyESwmJUn\nFEo7/DDCkB4DvkSUkHUwGDi87gOio6N9tlc8TOW8Y63lTFz0Ghtz5wYc++P//TMPF+1irHtMv8Lr\nUauhhMMtwBu/uoUh/9pKr5X5jHjkUc1Q83WP5PLvW6awKdVCkdHIOksaC2+exKDTpwK2BSHIkrDy\nPXIef6pFUiXN0TMPpidfkpza6DnyXEBIo/3ss8+SlpbG66+/jtFopLKykvnz55+JsZ3zaKnGGApa\nehHQGpAkCau1nEceuZ6tW4eyfbuTrVuH8vjjN/L44xs9TS5crkys1rEsWjSaBx9c6mMoMzIGYjTu\nc/+lbt1wGihl9Worp0+fDmsB4I/Ae6gETM3AXm6+OSHosdSNOpRrKCqaSWbmcwGLlNxcEXocMuRy\nUlNrNceTnFxCUlJS0AUZ9CY//0qefHKi6n0KZnqUbKYBOI9Nm3qFdW/aK4J5ejEIItZohFdbiPBw\n9VrG7DKbiUcY0hsRWnIngREuF2nLlrIo6xrPfVSfV906xuNhShKSJLFnTzE7d35Fp1UrgqqGKcfY\nh8hDH0hOpXt8Z6Q7p9Jt5JXsGj6UwnlzPOdXmojsGXklI/NX0SDLfPSridRcdz0Xfr6dHzTETgBK\nU1JJS0sPeV/DRXMMr7pJixpNDd2fCwi5jOrVqxdpaWl89tln9OnTh8GDB2OxWELtFkGYaInGGArC\nCT2fLYQiyAWG9r3tIletGsW2bV+SkyPuS/fuPRgwoJiiomy8GT4vM3vRoiP8+98L+P77uSiFNOHm\n9oPdQ5FvvhyrFc1j6acn4vzacvrm28N5bsG4APAD99wjcc01bzBnTg4rV76EzXYBwo/Uasq4AdHV\nWeE9DG5TvIeWRjBPLw3BHK/Ct4RrP9p5a6vBwPMZA7lk3142OJ1+bx6MLNrFu3PncONTz1FbW4Ol\nwko+/q1joE9FOe/PnkVS4ToG2GzsRywWHAROysoSKxXhXTsQTPcDtdWcv2QxN7j38c8TB+SRKytY\nmbeKm/BK9mhdY0sbw+bomUPTZVXPVYSUMX3mmWcoKyujqqqKNWvW8Morr3Ds2DH+8pe/tPrg2rIE\nXUtL5LVUiZbXOAYuAoKFulpb8k9PZnT6dGEoSkoOMmyYEZdLMUra0prK9qdPn+aGG16kuHgQeApo\nvIZeTHFKUYs3KxiONKr/PfTNN3vvof+xAq/BC6OxiO3bnbr5N/U5KysTSUjYSXa2iccfn0BSUlcO\nHz6pew/heeAywILZXIQkHQemAqvd/6q3PwJ8qrpnXjRGNrapOBvSkuHIjvov/RwIzTkZGIzvm7TX\n/f9HCGwXA7AmKZkhn38NwKrM83nAZgt4Ao8YTTzhdATUZguWgS8W4EtIU7ZdhxC4Ve8jAcuTkrm8\nYBMV47N9ZEUlYLNqzF6aorv2IC2No6NzWqWUSsnt65WDhYPGzpHnqoxpSKM9adIk8vLyuO2221i2\nbBkAkydPZtWqVS07Sg205Rve1l+ItvSCh6MvDjB8+A6s1rEETi+B25vN5rANvXpaUxvPUPdIkVm9\n+eYEZPnygO/9DbG4TuUa9MetB4fDwdy5H/Dxx12orT2flJRSsrNP8Mort3D8+CmPYfeKtliBncAD\nKCVevtc8GmG4ExHUpj0IkzMBraKlUAuLlsCZ+N1oPdfCeXM8XqfiTccjSrkm4jXSxthYMmx2SpGp\nQIS/h+FbGy0BSw0GRrhcmnGMIqMRaftXJCQk8p/M87nFrUqmGEkzwuuuILDE6iME0U1NGNNeYnkX\nHJvxlqjFIgzw3p69OHz4EL9WHfsHRALJf8wSsMVgwPLttyQk6KVUWgZnUj+irc/RwRDMaIfMaZ93\nnmDhKj21nU4nTg1h+gjaFvwJVmcT4RDkfPP7+vlYNaHON/8cinglsmLJySV0794jrHx3OPlmdT6u\nuRyF3NxCli6dRHX1Taqc/gQeekhQkerr67nnnkzefDOOqKgKYChCZc1fr9mM8BH/BVyJMBefIGQ6\n/gfhN4a+nvYGJYe7a/hQzMMu88nxZuUuYNW9v+Gp2M5sQjyhjSYTe00mdiLCzSUxsRwe/yu2JSZy\nHZCFuLsKo0GBGXC4XJTqjEPJ09bW1jBQxcVQuPxjEEumbAKJZmnA2wg2+0cIrfQMnfMohLQ0xNJs\njPuYmcDNhw9xh9+xk9B+8mbAkWKhb9/WZ2G3pXmpvSJkXOKyyy7jz3/+M4cOHWLp0qVs3LiRoUPD\nE5eIIAIIX2ZUye8XFJxHZWUHtPKx6u19c8HBiFde+Yns7Dqefnpz2LXs3nMcQciFKj6XMMSARy40\nOjoal8tJbOxLAZ3DcnMDvW81gpXrLVni4MSJ9/jXv3pSWZlOcvJJYmKKsdn6BrnmDITEaT+Uft4i\noJqJqExue7yHpkLx3r5Z+DLTlizWrQU2Ggw8YDvpLYBzOJCApxBh5hi7jZoVb3uMsVrsVXnDlKef\nYDDwtcvFSALjOoeuz/LwEL5LSSHTag1rSWlGxE6io6LYK8vsjYklDfjBbtNQ5vcqm32MbyRAfexO\nqmObEXnzYHlsu719eqY/J4Q02rNmzeLjjz+mY8eO1NTUcNddd5GVpScWEUEEgQiXIKeundbroOVv\nWMIx9LCflBQnY8b8h9mzRzBixFdoTXErV3Zg9uw6n05DDocDl8tFbOyn2GwDgE3Exu5l0qQEXC4D\nw4fv8BDr4uN3qgRfxDSv7hzmD0mSKCsrAaIAWTcacfLkj7z11h2eMVdUZALXIdIBvXSvWVQVq+/h\nMRITl9O5czFVVWXY7RfRmIVFW4N/DXT3qCjtuuaCj9j5q1voUviRpmH7JeJOlSDu5i8QYXMJoUe+\nEiGoohDJjgPHXC7+DKxyn2sgIvy8F+hoO4nD4cBsNvN1fBeus1qDLil7Af9B5M5/BLjzXtLu+y1D\n3VGPD+c8iLR6paayGcB/zDHc7ldvrSANWIKoRZdSLJzOzmE10GPDxxFSVztFyJz2okWLmD59+pka\njw/acj6iPedLtNDa19NYglxjt5ckxdDfib+hv+WWt3jqqV8RHR3Ngw8uZdWqUWgLURYxefJGXnzx\n155P5sz5J0uXTgo4Zmbmcz6KbGIa/RRv00Mv/PPZDoeD//3fde5e3hcBfYmN3YMsH8Ruf4jAthWF\naHVfjo3NQ5b3Yberx1GH4Bp3R5iSMkTe+2IgHbN5F5IkI7Kk9SjZ3enTN5wR5nhLvmfqPLUCNYOh\nDhE27gF0jIoiVZZ1nrqQDP0tgR7os8BDGp+/hOjolY9QSvONwUD+9PsZ8cij7Lz6choqrBgRXP7x\nquMoOe4oRCOToqgo9mYM5N71n9KxY0fvdkrv7PUF9LFa2Ws0cMTpJCm1NydyxjDkgQf5PusaJmi0\nvsxzn7c/cDAlhR/H3MjVs+dSWWkFokhLS/e8l5E5re2gWUS0hx56iAceeIC0tMYTFPbv38+MGTO4\n8847mTZtGn/6eVMEWwAAIABJREFU05/YvXs3Xbp0AeCee+5hxIgRuvu35Rvenl8ILZyp62ksEaUx\n2yuGfuPGrlitvQMMvWBfjwZ2ILJ//igkJUXis8+GEx0dzbx5a3n77TiczkCDaTTm43SqSW96NJ9A\ngpcYRxR4im88V4vIrqolgosQ+Wlt4tjGjSdYtOhbtm1LorKyBuEH/kHjuP4cY1+e8plgjkPLvGdK\nhOL41EmMr7AGfL8OUTtdidcQSwgvWeupv+v+fgSCnKY2wHmIZZj/XckDrkA8HS0G+TpLGvHLV9Ft\n5FVkulxIiKWUmsuvR5vMn36/prSn8luIi4tzlw5qE+3Ux/J/myTgpdhYxkgSpX6NNyJzWttBMKMd\nMjy+b98+cnJy6NKlCx06dECWZaKioti8eXPQ/SRJ4rHHHmPYsGE+nz/44IOMHHnuaBxH0Dho6RK3\n1PZKeP35540UFX3vUw/tzRn3QK/DFdipqRlAbW0Nb75ZxJIlQxF+UCCczgF4dcNBv92lbx5ekiQK\nCs7Dm2X0uVrET3INwjcqRnjD3dAy2snJJfTrN5SXXhrsjghMRGh0hcqc+v/dNNncMw11ONxYYaWv\njr9RgbtNJd47YUb7qdch7vKliGYcvRB3fjMi/Nwf36esIANYTGB5loI+VRUcI4pSd1MSM3AXIn9+\nMYLPH4X2k9KT9lT/Frr7dcjy1xkvcV/XgxrHv8DNZr/WWg4/48Yb7RUhjfbrr7/epANHR0fzxhtv\n8MYbbzRp/wgiaCrUk5vinZw+fUqVMxatQL264t8jxCnvIjl5PXFxmW4D3xc9Q2w07sXpVPtYemZB\nYtSow55ogWDSn4cozNHCQIRn3Qnx8xyL8JeCa7V/8kl3hI8YiozXT/PvxnQvO1tQi4UonnM/vOVb\nJ9z/6t0J5ambEG1WyoCtwKOIuIOXNeBVaX8eUSPtj3Lg94hctFbI/WByChenpbNZJSpSj1gcjHDv\n5y/Eq6ApmtpqnXFpyWIMiAiAeoJXwvGK0Koi9BJfWID0yKOIArcI2jpCGu0uXbqwdu1aDhw4QFRU\nFBdeeCE33XRT6AObTJq5x+XLl7N06VK6d+/OX/7yF7p169a0kUfws0S44XJ/Bbbk5MOYzVvcOWRF\nV1zhBLsQgct6srPrqKurcxt4fUM8YMAeior8A6Ojycx8jhMnLqGqqg9JSQfo0mUXmzZdyltvGUlJ\n2cF11x3GYPgWl2s42tO9wgk2Ixowvosw4H9HTPMXAcVkZOxh3rwZgLqkTt/bFzSrdNW1KOcR19PW\nmeP+UqTRwNeIfteVeD3kTxHEMq07oTz1pWYzBySJVEQNNugzu9PRi8mImM23+NZVK9//t3NnhpnN\nPmpepkorFpcLMyK0vgU0WeH7eyUwpAmldw6Hgw4GIyWxsaTbbOz1O75/+5hM91jfrignubaGtLSE\nRp8zgrMAOQSmT58uP/zww/K7774rr1y5Uv7jH/8o33///aF28+DFF1+Uly1bJsuyLG/fvl0uLi6W\nZVmWFy5cKM+fPz/ovg0NjrDPE8G5jYaGBnnmzDw5Pb1QNhiK5PT0QnnmzDy5oaFBc/uZM/NksMsg\nq/6zy7BC47NX5fT0As/x7Ha7nJ5e6P6+QYY8GQpkKJKNxnx5xowV8qlTp9zjKZCNxqKA/Q8cOCDP\nmLEiyBhW6XynfH5AhtUyHHaf3676XPy/cr4ZM5bJRuN77mPoXffTMhTJUCjDCjk29omAcbdlHDhw\nQC4yGDwXlQeyXfWv8rkd5I/8tpH9vn8L5LzOneVdIH8H8gGQi/y2U/77DuS/g5xvNMq7jEb5o7Q0\n+fFLLpE/TEuTdxgM8iqDQc5zn/M7kPNBfhXk1QaDvGLGDM99PXz4sFxYWCi/l5oacA3+41sxY0aT\n7lHezJk+x1Mf3w5ygc415huN8uHDh1vycelC+W3Y7fYzcr5zESE97RMnTrBw4ULP37feemuTe2mr\n89vXXnstubm5Qbc/fly/m9LZRnsmOWihrV+PP4u7tHQgL7wgcerU6gDWc0yMkTVrOqLlO8XGmoiP\nf4+amotITi7h+uuPcu+9Q0lJScVsNnP8uOh8lJV1TFWipnjlB7njjjpycydy8mQDc+fewKxZiuc/\nxGd/kymWdes6E+iDVSO6htkRYe8uKK0/Rd+ogwixFAsi67kREbZUjuPNrq5Z05G6uuXu+1KAV2hT\nCf33RviCUYggr1KcJHHzzau5/35HwLhbG019z0ymWEpSUhloLffUPEOgh6yEzrXuxE5ESdUdwGuy\nYH3/G+F96sUn9gC3AXlTbqf372aSmZDIUHdK4quvdjBw4ngygeWIp5ijjMflQnr1Vd6pd2I0GDxl\nacVmMysREjdO4BVEqP5897l2D8zkvnmPN/oeSZJExzVrfe6Fcv1ReKVKtXCh08XBg5X06NGj1eYA\n//K8T/1IcK2Btj6nBUOziGipqakcPnyYnj17AnDkyJEmMckBHnjgAWbPno3FYuGLL77gggsuaNJx\nIvj5wOFw8Kc/rWL5ci0VPu0+4dXV1bo1z6dOZVBQYKdjR2dA4w516F2/kcsEn+Np5c+9uWtlDGpN\n9N7uvzsAk/Ea8hEIw6suMPIEMDWvpbIykY8/dri3V5uoDOAbhK7W+Ygmj7737V//6kFubutLSbYU\n1E0nlJpnvdrnCcAbQJfu3Rl09Ch7EEmGYQiF9s+AWNtJlk+czMm17zHG4dClJv4AHAUuue+3Pjlm\nRS2vuHdv+paW0o3AULcZOLxqpY+gS6bNhgT8r8lErsPhI6t6LWAfdlVQI6aXHtJqiqKkA/4LHEIs\nC7USMiUWCxe3shJeQPMSP+GbCMJHSKNdVVXFqFGjOP/883G5XJSUlNCvXz+mTp0KwIoVKzT3Kyoq\n4qmnnqKyshKTycSGDRuYNm0af/jDH+jUqRNms5m//e1vLXs1EZxTcDgcZGW9TFHRYISHqVBnvPIZ\nWqznpKQkUlI+1VRgS0o6SFraL30mPL0OZLNnj2DqVKEQnZamXw6ltf/11x8hObmrWwjFP5vYEeFV\n/4DIvvYjuAxrTwJNCiQk7KS29kr3X/55+gsRmV7tybg9sMX9oeSHYwo+okOllVFoe8gmoKfRSPzR\no2wxGOjqcjEX325cEvBubGeyiw4w/8YsMvbv523Enb4QKEWw0HsCCZY0UvxaSyrG83hODgdffVVz\n8SABF6oMtgIz8AtVW0wz3vhJjw0fI80TrY/VxtnfU/0mKYniS4Yw7slnSUhIJCEhkV1upro/DuFd\nEmotTI5nj2nVxVuw1qh6TPkI9BGyTvvLL78MeoDWlDRty6GN9hx60UJbvB49YRN1jbFWfXHPnp35\nzW9WaHbEio19iSlTUn1EWgK7Z4n2EbGxJiQpw9O4Q0/YRa/7lhBguR9RfKSQ1pTWFOchSGXliIXI\nYPd3WkHa7xBtAtSLEIm7717Fpk29NBuUCEGWaoTRHhPw7Zmqy/ZHU98ztYcJQiXsntUrA7pzge8b\nshyRgNC6Q+ssaQze+gUAX1w5hCFVlcQg6qdTEcS2vcC3GQO5/5OtmEymAONZarHweUwsl+3by6/8\nejIo/bP1BF0UkVmfz41G1k+8hQGfbRPHd4eRXS4XtyxeGHCd/wAaMgcx+b11bHz0Ee7RUE5Ti808\nnzmIy07UaXbaaq05oKTkIOZhl3nq1dVysEpzldZYPLbFOS1cNCs8HtEZj+BsQJIkPv44nlANQPRY\nz0p4e+XKDthsGQjjaMdm+yOLFtWj6Ixra36vBW7CZhOfBdMmD6YZfuLEJdx882Lee09tNMWxA/2+\nNQixTC2jfRAhmlIKpGGxlHpC9SZToaY8rMjeJiFy54HfX3/90Xbh3fgbyV1uI3bTM/8gPz6e+MIC\n3q4op4fRyEVOJ3uNRnA6GY0wmpkIRTAtKKVVABk11fRDGOx78H062cW7eXPW77jxqb+z+Yn5vmHe\nsjKuBZ7MGEh28W6fuxwPfBUbyyB3XbQae/Eu49SGbHcnM3etWulp2ZlpLad80Wus1XhWZuASYGjR\nLp7JPJ9bnU5eio0lnSgGnpLY3clMKTBasrMuxcKx7Bym5y6gvr6e2toaBp+BTlsgeg98k5zCngpr\nQF/xDkkpXNqOm9ScDbQOAyCCCJoBheRTW6vHeeiNwfAmd9zRmdzc8ZpbmEwmHnnkegoKtmKzdcJb\nRgVg8uTCAzuQ6YeptfLnoTqYPfBAL/7zn1IqKpTKX70QeEdE9lGrBUUVFouFUaMOce+9ySQnez3k\n3NwcGhryeOedGJzODIRh/xJRFJXl/k9dk14GlHHvve1jMR4qFyo98ijJbpWw4uLdpP5qHBWIvHVv\nRKGbA51cbnIqg90GY1dKKn2t5bpPJ3X1Sr7cuoWauhOeOmf195fVneTdu35Nr082+nixLpcLScND\n3oF4Mvl4mQ7/Br4+fcrDQFCYEOcB10mSRnJIPNETwOUOB6nAHJuNI8DSyVOY9OTfuQICDLTJZDqj\naRGz2cw3XbrwcIU1YKn6TJd4rmoHi8e2hIjRjqDNQJ0brqhIwGDYh3Yl6/dMm2biqaf8CVa+qK2t\nobr6IgKDkN6crm8HMgkhe9Fb83haeeBQHczS0oaSk3MgjE5kFyG6J/szyn/k9tsN/PWv2qFsk8nE\nffddyltv1SN+zicQVcAWYB/CiE/AqzM+AovlXwE52raIcHOhyvMYMuRyVsXG8oDN5mMcVhK8sxXA\n4dHZHFy8UPfp9Ac6VlV6Wmn6K6GdX11J8n2/JeHRx3yMpMPhIN9gIHr5OwyS7O54D8wHngHUqvED\ngZEOh4cB4S97qryh6vMr1fanEEmUaxH14xd99pm4V41UIGwNSJLEpSd+1HyOl544gSRJ7SLq01ag\na7R37NgRdMfLL7+8xQcTwc8bubmFPrlhp7MUrek2M7OIJ5/8XcjjhdMS1Gw2M3r0MRYvVno59UQY\nu+BtRBWE08EsnE5kBsM3uFy9EMVAaka5mf/7v8KQ15maugOrtRTf0Lv/NN/PZ1xtHQoj2j8PCr6q\nYWpN7nQCPeVJwJOmDgxKTKRfdZVmZysZ4f3GoZ2gUEve+ArACiheu7+RNJlMjHjkUb746EM6SXbP\nMSRgiMZYze6xvI94E4Mnh8QCwIwIt49QbdcUVbVw0NjeASCeY9/KSs3v+lZVtjtC5NmGrtF+/vnn\nAaivr2f//v307dsXp9NJSUkJF198sS5rPIIImgLt3LAoYzIaAQbQq9f33HDDCRYs+J1up6/a2hpi\nYkRYPdyWoKKSVW3sSggmG+oP/fIwkbUMp+XohAlVrF2bgyAVq/nEYLWmBZ3YzGYzo0YdYsmSXmhN\n80YjyPIOUlJqfMbV1tG9ew9WdupEit3OYESzUSU8XJKcSkb3HhTOm+PJd+9JSOSYzYYD34nNBNwk\nuzi2Ig+pY6eAXK4kSfTcsJ5x6HvldtVnvfEVhPX32v1RW1vjyZkrCBZzyUAwvvX0yXojStji3PdC\nQiwz1W1t1KH/loAetyCcOutgzPaWHufPAbp3e+XKlQDMmTOH1157zVOnXV1dzQsvvHBmRhfBzwba\nuWFRxiTLO8jPL2XIkCs1J0b/kqvevbeQlXWM3NyckAZVkiQ2bOhCsMWC/z7+UBtl4YVoh7LNZjPP\nP38r8fHe8SgLkblzp/Lllzs1owIWSxkJCUOC3r97772EJUs66Hw7wH3/zjxbvKlwOBwsvymbX9jt\npOPl2I9GcO8bsnPY9vQCn3x33+oqDiJ6XE/zO15JciqD0/poXr+6xnkSIi7RCWFUrQiDra7O3x3b\nGWN8F07VVFFusXA4KztoP2otoxVMcLYcGIrw/LW+/9pkAqeTdFnmVYRq/lzV96EWEU1Bc+qs1TX2\nwVIUEYSHkDntsrIyj8EGUQNbUVERZI8IImg8goWyU1Jqghoc/7B6aakv21vLoEqShNVazunTp8NY\nLIRn7MLJH5pMJnJzc3A41rJ+fQ01NZfwyScd6NBhM6NHu1i8ONDPGz/eHvL8yckpWCw7sFq1u4G1\ndYPtH3YtnDuHh4t2BRCXCgBjbGcGP/AgJTnXYSZQuqYTwmOehHiSoYyD2qiqq93fBG4F1P20JMA2\ncTKWyVPYdfQIo0aNQJbPC3ptWkbLjKgH0My1I5gJR3W+d955D46ffqLs40KuPXqEYrOZF4hitGTH\n6maJ+y8imhLWVu/b3DprtQa7f7lZBI1DSKPdtWtXHnzwQYYMGUJUVBQ7d+70adAeQQQtgfBD2b4I\nVnKlZnsrBtXhcDBv3ocerzwpyYrZ7MJma/xioanIzS1kyZLJnjFbrbBokcS9977H9OmBUYFnn70l\npMxoU+/f2YZW2LX2+tHErf9IN5/bU7Kzf/9e+ru9Y3/pGsXAvwEkp1oov2o4ObPn+hzL34hpGdU7\n8K1rPpicwtdxcVyYt5KkpW9wCljauTPdb5lC9l//5gkTaxlILaN1evQNrEYIqvSpqqC4R0/+W1vD\nCERn9m6ILmODEY1L9iUkYh8/Adnl4rZlbwWorL0w5kYmPPsPn7adzQlrK9BSW1MQbu7cZDJ52P5n\nstzsXERIcZXTp0/z4Ycfsn//fmRZpl+/fowfP56YmJhgu7UI2nJhfHsu3NdCW7geb5g7MJStN8GU\nlBxk2DAjLleg0TUai9i+3ekzoWgLoazEN6cNIDF9emBddnMhSRLDh3+J1Tou4DtF8AR81bB69uxM\nWVltSE+pKffvTMP/PSucN8cn7Ape4db7NfbfDXyWlMz/+3QbB7JGcK21nM14a57VWBkTgxwXz8W1\nNR6RkmvnzefTxx/1iqP4fa7lCSp1zd8sfJlpSxYHjPV9oGH6/WTlLvAVXtEwkFoGXfls58v/8DHG\nyvHzEYK0lyYlY8/OIXHTBm60WgOudy3gTEnFPmac55x69zd/+v0BYW29OUCSJHYNH8pYjZy0IlDT\nFg1wW5jTmopmiat07NiRK6+8kvj4eAwGAwMHDjwjBjuCnx/CzQ2rEQ5DXIG+Vz6J2Njn6NJlANXV\nfUPmsJuDUHXditeiLDQcDgd/+EM+a9Z08pFY1TLETbl/ZxPBwq7do6KQZDngu4NA/ags6urqqBqV\nxcEli3UJXYPtdjrZ7fTDm4N9Zvs2n7C7Vt13bW0NF8TFUVdXR319PWazWUiFbtygOdYugFTwEesc\nDT5GXTn2ckcDl/zmdx5D7e+VKsdP3vyp5vE7IerMJ1RXsWXJYvSK9foDHSsrSHJfz4hHHm0R+dBI\nTrptwRBqg3fffZfbb7+dwsJC1q1bx2233cbatWvPxNgi+JlCmdjCnVBGjTqEEIZUd4ULDAvrG0wT\np06NYcWKXmzf7mTr1qE8/viNIRs3lJQcRJIa14lOLDJKNb8Ti4xEn2Pn5hbywgtjsFrH4nJlYrWO\nZdGiCeTm6peBNeb+nS0oAjqJFYEeI8BFssxBv8/qgI3ndSTt3//CPOwykjZtIC9jILsN2tNYOYLw\npcaAoqIAIwZwet37HD16hOjoaPa8uZADWSMwD7uMXcOHUjhvDpWVFfSr0i5bSgNiqivBz0A6EDn4\n7m8v9TmWw+Hw3APlOQcLQQ9AsMlXIfq97dXcSlTkK2Vx3dYXUlZWGjKsHS6ycheQP/1+1lnSKDIa\n+SDVwpu3TOFqv7RDBK2PkJ72Bx98wPr16znvPEG2kCSJu+66iwkTJoTYM4IIWhdKOHjTpl6AjNG4\nHqfzEGlpqYweHegphyOEEsrQ6TUXCTcEHSz3PHr0cZ544hNVvn0rJ050IFS+vj3B4XB4yrT6V1aw\nz2Cg1On0UfkCUcL0E8LwKjIzO4GnfjqN2R0azrRauQ54KiMTqbgowAtUl2mBKLMagDcbWAesBpKB\nq6qr2XPt1XzXvTuzinYR595G8ZbfbXDQMzmFTI1FRhlwolcvLq3xNYKeXLtbk1w51mqXC4OqXeeu\nlFSqRmWRlJJCpkbY+zugL16l+i8RLPo41TYSoq+bIpjbp6qCY8iUtlCplZKTrps9lzXzZtNn6/8x\nMn8Ve7Zva/UWmxH4IuRdNplMHoMNYtLp0EGvtCSCcw3NYZ229jkDxViEVOiYMe+TmxuYi24uWUuS\nlDrrO/GSyLR1yYNdg14ZmssV5XM9lZWdEFpXgWiPXboA1j70kG/pEIEqXxJCG+5+979fIjzMi9EW\nG7ns5AkWZAzk0n17ucjppNhg5HtDFHPcHq2CeOBrhOe6FuGZ/lZ1zMzqKkZXV6na0XjP0euTjVRn\njUbSyGn/CJzKHkfZxvV0q6wgyf15tM54zatWcp3tpI+++JEli3mmf3+uw//NFCoCivbfQOAaBEHt\nUrwLGjuCsKa82UqJ2+YWDmtve3oBv121Uje9EEHrI6TRTkxM5LHHHuPKK0ULwG3btpGU5B90iuBc\nQ3M9ytY+ZzDWeGFhF2bP1vZCQ9VtBxuXUDRL1jyn4vlGR0eHvAat3DPA8OFf+h1bqeYNjAx06lRM\n9+5X6Y65LUKSJGLef1/TkEXh7fv8I8L7XYWok+4PnERfjKSP1Uqae7tqYKzLyfsuIdyqfmtqEIuA\nPITut//dVsaipXjWp6qCHvfez2qDEfOqlWTYTnIA+L5zZ7pNnIzBYMB14kcOIVjrPRHesBYybCc5\ngSglU5erTd6/nxdjY+njbvhR1KkTJTYbD2uM8VJELfcJvEptu/EqxylGuSVLrSItNtsGQrLHT506\nxbJly/j222+Jiori4osv5rbbbjsjZV9tmfnXnpmJWvC/Hr12k63BqG7KOYOzxnezfbsjqBfamAiC\nd1zViGKcQMkLhan+5ptFTbpv+teTj3bzyfeZPl1utWfRGigpOUjMsMsYqOolraAIYbCvQFzpYwjF\nMYXTLyGWL9kax/0IYejVgioO4LnYzlzUpQv9qqv4ISmZ744fY4DdjgshIar9JIXx64ivYr2aJS1J\nEmVlpYDML34xmPxZDzFh0WtscG87APjePQZ/jXIQRnq0+7q0nq7S8OMX02fQ49qrNZudaI1RsMct\n2MeMDQhXh/O+h5rT1C02/dGaLTabivY8Rwdjj4ckonXq1Ilp06Zx//33M2PGDKZNmxap0z7HEar2\nubHkq9Y4ZzBCl1AQC56vC5es5TuuJERWMRDJySXExcU1+b7pX88ERDD0I8RUXYigN01qtWfRWkhI\nSKS8t3Yzlt2xnTmWYuGg0ch7KRbSYmJQ69SpxUjUkBAJhG5+35mAayU7xx/7G7uWreLCTVvoPfV2\nrAiZUP0nKURs1bFE/3Cy2WxmwIAMBgwQJr/b+gI2IIzvRERcZALQoDPe/bGxnoWIVlcxpeFHly5d\nOZCUHPYYK26ZwuWf7SDn8acCIlMtQU5MSEikVKfRTElyasjfXAQtg5BG+5NPPiErK4vc3FzmzZvH\n6NGj2bJly5kYWwRnCeGUJZ3tcyr5aa1pMRwFsaaNy4wQ0ww8Z3Z2HXV1dU2+b/rXU48InqYjWkmM\nQJgGU6s9i9aC2WzGNn68piE7PWUal3+2A2n7V/RamU9PSQoIhw9B1G8X4rt8mYAInVe7t3MgCGYH\nZJkhd03DPGUiH1w+mAaHgw6338W3BHuS8OWADD5OSqbIaGSdJY18dw02BFYNVFdXk1hh1TS+k4CX\nEcutImBNUjL50++n5+SpniYoeiH/dGs5/x1zPTXVVZpj3IJo5ak+7s3Pv9yq4WlP6ZfGeCKlX2cO\nIZOTixcv5sMPP6Rbt24A1NbWMnPmTK655ppWH1wEZweNqX1WQx2CAxpFYGvKOfXy0+EoiIWLwHEJ\nXXLhI1lITS0hJ+ckubk51NfX+7X59PamCnbf9K5Hlotwub5H+IZRCN9wD0pH5XCO2dYw4dlnWXGq\nXjPHqvR5liSJHcnJlFdW+oSvLYilyzWoe6AJlCDaUoJ4OuMAszvzNwgYZbPx/pI3cN19L+UxMUh2\nu8+T7A0UIwy+qawMyymJzxMTkUeNYpzbYKubkyjKYhOeeZJPExO5slpZMnhhQnjfMrDdLQjTvXsP\nT7vOmIKP6FBp1ekqJjO1uppofLXQDyJIZ39DLOeWq47bWPj/XouKyjh2zEaajkY7RORI2wJCGu0O\nHTp4DDZAQkJChD1+jqOxLGt/ApnZvAUowW4fTWpqeAS2pjC79cREWpIoFzguRZ36CJMnv8OTT071\njK2+vp5hw/ZgtR4FeiFMwRbgOKNHO0IuXtTX89VXO/jVrw4T2HFZ4VqPadPypHrQkrMEsFrLPQs8\ns9nM7q7duKCy0ocQpoTIwTeXKwE7BmYi150ksdKKTBRml9PnvIoIyrGCArIlifcR7O4MRHnZvxGy\npXHAB5KdgcDl1dUcWbKYpZJEvNmsKZxS0CkaOXsMpUsW67b0HAp0GDPOY1jV9+DDOQ8irV4ZwFg4\npbpuRQt9BWK5ppjneuC8ceMbbbDV0qapFVZWxcRgOf0TgxwNHAc+j42l5+SpPtKsCiJypGcfIWe3\nmJgYlixZ4sMeb++KaGejjKm9oTEsa//SK6HjLdo7WK0TNUuimntONcJp1AFNf+7647oLk8nks2ix\nWmMR06yvoa2rW4okhVdXbTabycgYiNF4GqdTi6src9tty8jNnRT2NbQ1mM1mLJbeHuORUGFlY2Ii\ncvYYrnskl4t//JHTiPByf4SR3gPsNxrJczrphbfc6UcgbdhVDJ43n6++2kHGxPGa50wDfjpUw8GE\nBH5ZU8NxBJnrBnyXif0QrPXvEImJG1atZJ/B4AnFK5OmGYj54AMu+2Qby7/8gpEqpTUQv4Ai9/i0\n2L5ms5mbn3+Z/Ph4j+e6v1cCtdVV/Np/W+AKoliTlMSltTXsTEiE7BxPFKAxUHfsygcesNk84/ZE\nJRYvZKPBoFvGFe5vLoKWR0j2+NGjR3nhhRf47rvvPOzx3//+9z7ed2uhpZl/gSVFpU0uY2rPzEQt\nBNMdDmbogmlpi6zjCMDs0dUOx2g1d1Hlfy0t9dz1xuVllwO6SthrSUlxMmbMT2Gdt6TkIL/8pQE0\nucO7+OJV92YEAAAgAElEQVQLV7ucNNXPpnDeHA/rWunQVQps79+fid9/zyWyjAQeZbS+wA8IAxaP\nMKqDEZ6nwu4G+Pbqy7lRQwSlEJBSLJzIuoHxS99gB9ps9EKEoVWr0Svj+AZflnqR0cj+vPe5+OJL\n+WT+POJXvEOmy0UpIoR/C8J7D6XRrbxbcXFxHMgaoanz/X5qb2pHXkuvTzZygUpPPRxhE/Xxv88a\nwThrORL6b2seICencsX2/+r+7tu649Oe5+hmaY93796dv/71ry06oLMFf49QTxgjAi9CraiDEci8\n9KB+jRIDaWnPuaWeu9a4fNnlP6BPLepPZWVHFi1KCuu8CQmJuq02LZbSdpfL9odS86uwrtVxiZH7\n9/N8TCyX2IUHqGY5HEDkdLsjjPwOBKHsgkqr5/06njNWU1DkR6BhzFhychewzmig8q0lXONo0GyN\n2c09plBtP/cCaTffyJ5UC/VXXk2Cy+UpXVMHrfW6YanfYeW7z0dnIy1eGDCub+LjmK3u7hWGsIl/\nl6+tCQlc4c6/ByPCZQBrqiro4zfmlugaFkHzoHuXr7nmGqKionR33Lx5c2uMp9UQbgvHCBqHYAQy\nEbwcAQQnsIULZYLr3r0HTz+9udkiLC3x3H0XLYoYil52c0TY522vrTb9obewqq2tIbHCymG0BU76\nIHOEwF7W200m5jscAVn+l8wxTHbnx7NyF7Da5fIRQdkXG0vH7LGMmz0Xk8nE2Ceeoe5Pf2Hhn/6I\nZesWLqytYQ/CSF/u/hf0234qn8tOp9jeWk7e6pXUREUxWJY9iwklnO4vG6pn/K6ePZfauhPkIwRa\nlBRALTCgrLTRwibqUDhA3+pq/o2I3yQhcvlab2s50NdgIC4uzudz/+M1RhGtPXjn7QG6RnvlypVn\nchytjnC7K0XQOAQzLl715+YZmkCi23JstgcIx3Nu7efuu2hRFxLp3Yvwz6vk0jdu7IrV2rtVu4+1\nNPSM0tRXXgTEfduow7oGGHz6NEsnT+HCz7bRx2pln9FAtdPJZSqDrcCMYJUrUIyyNG8+P/xwgOLX\nXuTCz7dz0T/z2POf7R7PMC4ujmmvvsGePbupGHElN8gyHwHfAucBfdCuoxasAlgDTHZ/thZ3ON0d\n0u+ICOErxt2/JMrf+F1kLSdv0Wv8d+UyxthsVABHEfn1EQivWLLZNO9VMC/eX8HM/w2tQv9tvdgl\nU1dX5yG6NVURLeKdtyx071hKSgogHtTatWs5cOAAUVFR9O/fn/HjtYkebRlNLWOKIDT8iVqdOhUD\nJUjSaFJS1jXb0PiGtyVstkEE85yFUrVAaz/3wEWLUkjUCRFQrUBMgd4GO+GeV2GTP/+8kaKi79t8\nq0019DyytZ2iGTH3Mcxmc1DWdUlyKpOe/Dsb/jqPvksWk+N0evTotDDwlBRguMxmM9bVK5j1Xl5Q\nzzAtrQ/fpKSyocJKV4SHuw5hMPXCxwOAwwgGdz3CuEcjiF1KKH2/+78jd97NTSrCmJbx8xh9t2EW\nKvqiDv1ChFe8CW2Gg17zD73OYTKiB3gXROpBS8d8AlBosXCx6rjBOpHpLRyged55BIEIKa7y+9//\nnm+//Zb+/ftz/vnn89///pdZs2adibG1KIKJcbSncGNbhGJctm4dyvbtToqKrqGo6E4+/zwqZJvL\nUC0uA8Pb+pk4PREW7dadR7jqqu8bc5m6yM3NYfr0tVgs6zAa92KxdOTuuw8xadIGRMGPEENxX1Gj\n37f20GpTjWAeWcwHH3ie9bjHn+a/mYM0xToOXZ9FWVkp3TZ8jBLDCKpipqHIFdIzdI/DbDbzTZcu\njEEQ034B/AWRLy/WOd8eBMFsC6IUKwWvV52NCDlnA7MAx6nTPu+/v/HTU0Yz46uDvje2c6OETbQU\nzCT3uKcgPPj/AqmIt7QjXumeeuB49hif4zZFES3cZxBB+AgZm7DZbCxevNjz95QpU5g6dWqrDqq1\n0NSSogjCgz9RK1j4N9zmIIHhbf28sX8TDe3WnTXExJwgKup88vKy+OyzpjdCUefotOrFHQ4HXboU\n/uzet2AeWZrV6rlntbU1THt/Pe8umE/Xjwvof6iWg8kp7IyP55JNH9Pt7Tc57nKRj/D8giUftAxX\nuJ6hJElceuJHn2OagLsQIiZa54tCGHflb8Vb1TJOvT/b6lPul5CQyC5Vy8xghDCFypkE9Jw8hXyD\nwUfY5ND1WQy44x7NckKPgpnKy61GRAEU9EM0T1FEZk4jvO1dsZ252a9XttbxlOvXWzg01TuPQB8h\nZ6n09HQOHTpEr169ADh8+DBpaXqvWNuGnhhHBGce4TK6A8Pb+lO3zebg6ac3s3DhVM1zKK077fb3\nEfxf7fOGIswEW3CoJ6Bw3rdzkZzjb5TUKE1NpXLhyyRv2kh6ZQV7UlLh+tF0WZ7HMZOJmrcX87Bb\nxERCJBmU3PBEvMkHjEYGgI8il/+9DDYOdUi5traGvpWVmteSjdeT7o1gi8uokx3i7TLjawzV6Fdd\n5WOc/I1fMPrifkQTkG1jxpLtzgFLjzxKVVUl1YtfI3nTBuLeflM3T+yvYLY3MRnXieNk2myexYIi\nF6Ro+I0Aep+SOHr0SAARrbGKaOE+gwjCh67RnjJlClFRUfz000+MGjWKvn37EhUVRUlJCRkZGWdy\njC2OiDDA2UVjGN3aRLfRwEuIDJ86EzeJ9evXI0lS0HOIbJ6v1tb69XHMnl0XFiu9sSVkWu/b2Wh9\neqagNkrg9RQBvunalVlqo2wt54qlb5C/9A16pqQSf+JHn9ywBaEzfgCoQ4R2xwDL77gL6Te/Y3BC\nItHR0WzMnUtMwTpiqiopT07BPmYcWbkLwvIMFcPS11quEp4V2Bfbma7xXehcVcGSrl2ZfOwYWmyE\nqw0Gijp2IlOyB3ynZZz8jd93ncxcYzsZMM6KW6Zw41N/91nQmc1m9r+1WFOhzT9P7K9gdnlCIpuf\nmI+06LWAxYIZr9KcnkFtrCJaU7zzCIJDd3b4wx/+cCbHEUE7RFO9xMYyutVpDas1HYNhCy5XDmKK\n8VWhrqrqQ3V1NUeP2sKqH1efd9681axadR/BjHFLlZCd65oB186bzzPbt5G5p5gLnU7WG418d+EA\nLj16VJOwdRIYVlmBicAyq0zgemA+8MuUVE6OGcc4lUe57pGH6bh4oUdDvLyygvpFr7He5SL7r38L\n6RlGR0fzVXw8UVbBQt+CiOWMBuyTpyA7XRg/LuDWmmrKjUaGOn0lUgFqUizYr89CWvpGWMbJ3/jd\n3L0H+U8v8Bln9ahR/OLe+wPO1RQWt3rhqF4wVFjLwk436B0vFCJ65S2LkIpoZxNtWc2mvanthDKw\njbme5iqMCRW1HVitYwO+s1jWsXFjJnV1dQFj/dOf8lmyZCiQCDp6VhbLOvbuvY7Dh0/qnkOt1KYg\nNfVDZLmeysqbNY+pqLkF7+MtemqHmsyCqchpKce1t3cNhNrZRA3v6m1E7bVWh/AliDD0eWirdK0D\nim/6H+5e9JZ3P0liVeb5PlKcyvFeiu3M+B3fUldXh8Ph4JtvvmbYsKtITbX4HPfDOX/kVg1j+0zm\nIHpfcSW3qIRO9LqbK53ANubO1W2GEg4kSaKysoI9ixeS8MkG0isrApTPWqqvtfpcvT7ZSN+qCg42\nYczKsUIt4M90Kqg9/m4UNEsRLYL2jdYIwzbXSwxW2x0f/w1ZWVEBY62vr2fTpp549bG089oKM9ts\ndgapH/8x4LOrrqogP///aY5X7f23RAnZua4ZEMwT7GE0YnQ6Nb9LRLCZb9I5bjrwfxs/pq6uzpNr\nLSsr4QI/g60cr7ftJF9eM4zvD9VyMfD/gH1GIx8OyODuwn9hMplYN2823d5Zqrn/wOM/0uHjQp/v\n/HPq5RYLh7OyPUZOL3SslhHVWpB6zms28/3bb/osIvxD3y2VJzabzVxwQX8ueOo5JEnC4bAx2BTb\nKIPamBrsSFqyZdCqRnv//v3MmDGDO++8k2nTvIq9W7du5d5772Xfvn2tefoIaPkwbMuFhwOZ/PHx\n31BUNBORufQd6z33ZPoZOt/GiklJ3zNunOTDzNY6x+jRon3Dhg3rfBjds2ePZ/v2nSGNcUsolZ3r\nmgHBGMMXOp34U74UqdBo4FZEmVUpvs05QDTxmCNJvDt3NpNfeh2Hw8FnL/4DrVgKCMbDu4dqmYsq\n1O50kl20i2dyriP9yqu5csli9HQfY6orsfh9ppC2dsgy+/M/4IYbrsVu9+sopjJOilHrtv4j0q1W\ndhuNHHI6SU618GPO2ADjFm7ou6XzxGazmZ49ExrtmUZqsM88Ws1oS5LEY489xrBhw3w+/+mnn1i0\naBE9e/ZsrVNH4EZrSHi2lJfoz6yOi8skKwsUg+0/1lmz4khJ2a0ydF7Oa1LScj79dFRAi8Jg7O15\n8wI/C9cYN7d08FyRKNVDME+wLC2NH48cQbLbPaSvAgJz2IpU6ET3Z4pKVw+8JVSbn5jPr/+5mh1o\ni47sBS5B6+2HjD3F1B89Sl/0mdv2pBQORkGmRvORmhQLQ4Zcjtlsxm7XN3T+Rm2Q0ylEUyqsTNQw\nbuGWSLWFPHFTFdLOJZyN6o+Q4ipNRXR0NG+88YanVEzB66+/zpQpU4iOjm6tU0fgRjgGtrEQXmKp\n5nfCS2xcCYfildTV1QUda11dnY44DowbFxO0p7CWOInWZ74iKUVYLOuYPn1tgDH2F5MJJSCjhXDP\n1R7h8QT9PpcA+403crBPX/6NqAnegCih0pr4QYTLC8HTFhNECVVZWSnd1hfQA2+ixP9c+xDKZVoY\n4HRSV11FNUIuVHOsY8aK5iMa3+l5tGqxoKAiM+7/9xcYiYuL43ud35BawEQJxQ/e+gXS9q8YvPUL\nch5/6oxWHoSzwDhX4XA4KJw3h13Dh2Iedhm7hg+lcN4cHA5H6J2biVZ7wiaTKeAFKikpYe/evcyc\nOZNnnnmmtU4dgRutEYZtLS8xnLHm5vamNcVxGlvH35wc3bmuGeDvCe7vlcDxG8ZwXkMDD6v6TncE\nTukc4yKEVOgIfN+0kuRU4pE9BkOdKElDsNF3ms3MkCQ+w7dLmILvoqLoTBSnZRfdEOIogxHtP4uN\nRupuv5sct9cajkerldvdc9XVZOuJzCDqFxTjpu4tXlNdFTaj+2zmiRubWz+XNAnOalpAbmW8+OKL\n8rJly2RZluVf//rXcllZmSzLsjxy5MiQ+zY0OFp1bD8HzJyZJ4NdBln1n12eOTOvycdsaGiQZ87M\nk9PTC2SjsUhOTy+QZ87MkxsaGs7IWO12u3zgwAHZbrc363wRtC4aGhrkZTNmyG+mpMifg/x4bKy8\nOipK/XBlO8iFvg/c89/quDi5DOQD7u2U7fNmzpTtdrtcmJ4ecKwDIP+zd2952YwZsh3kx1X7qrdb\nofPZLpCXzZgRcC2h3rm8mTMDznMY5LzOnTWvrcB9zoL0dNlut/vs3wByHsjrQP4uKkouSE+X82bO\nbPbvqzWgdd3KM1LQ0NAg582cKRemp8tFBoNc2IavJxzY7Xa5IC1N+7m6n2dr4ozFUmprazl48CAP\nPfQQAIcOHWLatGksX75cd5/jx9uuLm17KSeYM+d6Tp0K9E7nzMnxGX9jr2fu3BuYNUtZOQ/BbDZz\n/Liez9SyYwWIi+uF3e7UzCc25lraw+q/vbxr/lCXfeUD4222ANKXGX1p0mJLbygrZYDNxiaE9nbP\nyVPInvModruTQ1nZPmQsRV1s2w1jyJr3OPkOmYsKPuJvlVYGIXpEFxuM7DdE8Se/MKYZ6GA0snnq\nbQyZdg9lZbWYzWaf90PrnevZszNlZbV0XLM2IAzeAzgo63fRAjiclc3hwyd99lcrlC1PTOL/rf+U\n7t17NPv3FQpNec+unvMo+afqAyMRcx71HMu//G9gaSnSCy+w4lR9q3qlrfW7KSk5SG9rIM8BoLfV\nSlHR982OfgQr+Wr1Ou2XXnqJrl27+rDHAa699lo+/fTToPu25YmqvU2kLVmn3dporiEN51qaW2t+\nJtGWnk24kCSJ74YPZZy1HAnYjAhzbyGwut4BPBfbmYu6dKFfdRUlyal8HR/HrKJdPrREpR5amei9\nzGz9umjlXerQoQMlJQeJje1Mcva1mjXOu4D/JCUxrLaWkpQU/tM5DsuxYwypraE21eLpd3306BHP\nu9mzZ2e+/PJb3brpbwwGtk6cTNp20WJ0r9HAEaeTpNTenMgRpVFWa3mL1F03F815z/R+s+r3wB/r\nLGkM3vpFqy2WW+t3I0kSu4YPZWwrXtNZqdMuKiriqaeeorKyEpPJxIYNG3jppZfo0qVLa50ygiBo\nTzWSZ2Ks57oi2dmGmqSkaFzredX1QOKUaVzirm++IC4OskZo1BH4spIVMtbRWQ9TXLybjIyBAYRE\n9buUmmoRE64esx2YWl1NNLDHauVKvM1VbdZyjIte46uVy8hwH0PpDx4st2tNsXDjU3/33JNBGnXa\nranPrWVMWyO6pPebPRcbhpxtadZWM9qZmZksW7ZM9/tQXnYEEbQWWqMULgJfqA2RWuPanzSmJn2Z\nTCb69OnLgQPfk65hwADSKysoKytlwIAMH/JX/8oKDqSk8oWOsIeCYBPuKfCE8tUlaIOAlcD/4O13\n7d8fPJxJXDFOWguLljYCWsS4Q6OziQJ6blgfUgilpXCuNgw5myV3bSsOGEEEZwDnuiJZW4B/05AD\nwBFEnlfJ1x4Ejt9xFxOefM5n312LXyMF7drrAy4njlt/RcnYG3G5XD4So+EyeP0n3F09e/J9TQ1/\nQLu3tYRoMaNZuvXBB0iz/tzsSbyljYAWu3np4oVcjmDImzkzjOez7ZW2FhrbOKUlEdEebyLaY54x\nGM6l6wl1LaG0z/21v8822uuzOX36NEtyrvM0DdkVFcXBDh0Y43BgTbFoalxLksS3wy/nJ6tVU+O7\nAGH0jwD/io3lFrfnq0a4ecW6ujoK586m97Yt9K2spAIRCh8KXKza7gdETbmWAMtuoxG7Kufc3NBz\nS4Su/fPIDiAPoel+EVCOSFMoinPK/UpLa7wiWjgIh3vQGmivvxuIaI9HEIEPznVFsraCTx9/1Kcm\nO1OWkerrWXjzLQx54A8MTusTMGnX1tbQx2plACKM3gkRRrciGNeKwMoJIEPDYIPIlZaVldKxY0dN\n46cYxl2vv8I9q1f6hMEl4BV8jXawftdlFgsDVSHe5vIxWoLP4Z9HXovQc/ewt/FVnFNyy2lpCc06\nrx7Opld6LiJitCP4WaK5UqQRBEcwNTDL2vfo9M88drkZ2WqPKy4ujm8NBga5XELjG2GwR+C7vEoC\nNqIdQt/dyYxxys1cVF3lk7cFPHnehAor8QaD5vhS8Ybylc+Oo1O6NX58qxugxnjfkiRx+vRpypOS\nyays0Az3g1eVTeLM5ZbbExm2LSNitCP4WeJcVyQ72wjGGh7gdNIRuFwjp1pXV8chl4sjCG8aoAFt\no7MHyCLQkDptJ7nFJsKi6rwt4Mnz/gCYNfpiA2QaDLwxYSKZX/7Ho+Zmy8pmdQcTPTZ8TGKllZ0J\niZCdw93PPtti9dP+xrkxHbT8t60xm1kJDEFEKrSQhuAVtOfc8s8REaMdwc8akdV/y8PhcPDNwpfp\nHhWlKSFahvCcIbCMq3v3HthjY9loszEIkWPeDoyEgJptOSaWdyfdSq9PNtKnqoIfkpLZ++Nx/ugX\nNjcDMQUf0SHKa+CDhbxLUyxMee4FQCw+hqiMaKHThePjAq6sraF000bWPvQQV895tFm5WT3j3Bii\nXQDxzGZDAp6LiWWw3aadjwe+zRjIffPmN3nsEZx5RIx2BBFE0KLYmDuXaUsWU4C+Gpj6M3W97ran\nF/B7VX/sQcBo4Dm8XmMZoiN64q1TGffEMx4PtevpU4wZeZXmpObfZjOYEptWmZZyXQF9rl94gfxm\nKntpMb2PLHqNf8XGhtVBK1gqYnDXrhzMzkF6Ly/gOh3A3OLd5D/+aKSNZjtCxGhH0CS0B/nPCM4c\nlPchKsrAj8vfBgJrsncjDMUkv32VnGow43MhUOX+uw6wxsbSE+GlKtGSYMIpWm02lfFhNDLAPQ69\nMqvWakOpd9xQRDt1WWKwVES/6ip6zprNu53jiXtnCRlOJ2WIhdMkhAFQxg/6jOUI2g5arTVnBOcm\nHA4H8+Z9yPDhOxg2zMjw4TuYN+/DM9KSLoK2B6VF4XfDL6fTLy+hdOhgoiWJTxEGcQIiFN4RSEd0\n0lJ7CmrPNmgeHMHovhC4EZhjszF58UI25s712W7PVVdzRHXsHxCkMq02myaEiMrxO+4K2d6ytdpQ\n6h03CZFv1oK6RScIAZPSlFTdbVNSUhl0329Jd7noiHgeE/E+h3O9jea5hoinHUGjEJH//HlCL7Li\nH9pVyqYKEAZRKSvqBxSlWjh54zhK1hXQp6qCvYnJlAwfzv/MFoY3mHrWPiAH31C24uXWzZ7LtqcX\n0H19AdmVFXwaG8tXp3/il44GLgC+io3F5XJx/f8+pilgMi6MeuHWUvbSO64Z0SBllO1kSFGScARM\nEhIS2ZVq4fJzTJns54iIpx1B2Agl/ylJbbcrWwRNg+JJ7xo+FPOwy9g1fCiF8+bgcDiChoxj3P+v\nlBVJQPlVw5n2yitk/Psz/n3zLURHQXbeKvaMvJLCeXOIjo4WxsfveBKir7ZW8LlPVQWFc2czcdFr\njLWWk+lyMclm41FHA07EImKSzcYtixfyqTt3O3jrFyE9a394DKPG2JrDvg523J6Tp5A//X7WWdIo\nMhpZZ0kjf/r9muH7rNwFQbdtrfFHcOYRUURrItqz2o4WwrmekpKDDBtmxOUK5AQbjUVs3+5sE0zs\nn+OzaS2o2ypKiOYf8UDB9PsZcM9vdLtT7UaExE8BXwBHYjsz5vOv6NTJwOYFT/kQusDbwSsrdwEb\nc+diWrqYixsaKEeQzuKAQP06eCcmlvguXRivEWIuxLe+u7kdmLSUvU7/z00txh7XUwxrbJ223rah\nzqO0GT1XuCrteR44q605m4O2fMPb8wuhhXCup73If/4cn01rQJHDzLaWsxaIRXS9Kge+i+3MmM+/\npjTnOs0WhYrB3ARcCizNHMSQ/9/evcdFVa57AP8NM6INoKIpoiIqafoRdZPJRzMv2wyTsk5ttSh0\na3gwy7x0QTTLKUVFtHSTH7di6ha8JGSpqYmdLC2JzDwa1olMUwQkBW8w7o2D6/wxzTjDrLnBrJlZ\nM7/vXzJrZtb7umbmWetd7/s8166h3YUS/B4QgDEia6QNQRUAvn2gH/4oK0UH6O9j7wEwDZYzvdcA\nGAErSVagP3GI+vNvQ5nLsLB2Lks16srUn+6a3Cm2H51Oh6/T38ZdOz5G59IL+N0NxUSkJuffAaYx\nJZdg+k//Ypgk9THMq171AjC0+gY+WDgfwSNHQWuylhjQB1PDT+X/BYfgfzt3NtbGLgLQw0pSE9MJ\nUb0uluNp3Lm6fwH6wN0EwD3QnzjUAEgCcECpRG+R9zRdDw4AJ5vdhZrVmQj/nwONqnIl1dp+R97X\nFYFdbD9iy860a1fjg2vX8Hj6u/xuexEGbXIK03/6j7Cwdjga3h5BpRdE71t3+uYwykY8jE+gr4Jl\nuob6DIAlajXaPPEU7v3qC2PJSxX0E2nEkq6YTogyTM5S486V8lgAO/789zDcOYn4o67O7npwLYDf\naqrx6sYPnK4K5g2cyY7mLFtzEzp+uAVHvz6EmkdHy/qq25fwCJBTmP7Tf6jVapwdPASjtm0R3R5V\nXoaK/fvwLO5cEQ+D/sf+UwDDtVpg87/wL8Dsaj0X9pOaWJsNXQfLgB/esRO2PjzSLDPakYvleFCn\nwynoTySqANwHsSmUjVtn7Uq2rqKtXQm74oTD1nK27gCalV5AuExObvwBZ49TgxiG2Dz9Q0fSemrh\nUvwUHCy6rbhtGGIu6oezDVfEhk9DF+iDuBpA84AA3GWy7Unoh7r3AvgRwM6OERazosVmQ2dE98bI\nem3QArgW/ygeT19unBUeunk7xt++jYcA47rkgdCvExfjyXXKWq0Wv/5ajF2zXxWdoW94js3ELo1c\ntWFrnfc56NeMu2pf1HgM2kRkVfPmzXHz2fGiS4WuPPIoKjpGiL3M+GMPAKG3b5sFTBX0Q93DAFwI\nCEDo5u0WS68M5Ry75R9E8fZP0C3/IJLzv8LHdpY1denSFZGRXfB7h45mJxLh0N8HF1M/WYk7mC6l\nOzHofiRsyDIuWXus5DzGrl1tTBwjVWIXA1vLwUxvMTAJi3fg8DgR2RSnSRNNShKvSUN+E5XoMLbp\nj31Nh444de0qokUKeeg6RCAysovFPk3v4XYvvYDTJvdwa63UZTYdXq4/vG6rvKYn1ikbhrsB4EvY\nHraXKrGLqThNGvbcFYjAj3ag64USi/rlrtwXNQ6DNhHZZLjq1YoES9OA3rnkPM5BwE3c+bHXAtA+\nOlr/bxsZu+qzdw/XdPaz2CStupGj8OHkKbh7/2d31lSPfAQfAmaPWcs17grW7lGbDnf/BuulM01z\njNvLeNZYKpUKY1eswLlZc7A99RVM2rbFWE/c1fuixmHQJiKHiC0VMg3oZWWlKFu3GuEHDuD/RIJi\nLoA2+fvQqaTEpcU5RAP8ujXITZ6KPocLLU40tPPeFr1SdxV7M71Nh7ttlQg1vbK1Ntrh6hMOtVqN\nxHffx57mLSTfFzUMk6s0kJwX7ovxpf64oy/urHImt2Nj6/8mKEiJoqJfjdvEnnv27BmrmdaOBgSg\nJHcn+vXrb3z9ycGxGC0ydNzYDGiOEDs2plnkDAwZ3+IXpuurkQ2ONSalyYX5Ovj6zzcl5eeufl/k\nXslPbt8bU7aSq3AiGpETWOXMPlsrCwzbAgMDreY0F5vNrIM+uJ1XKNB97BPG55eVlbp0kpZWq8XZ\ns2caPEvakZne9Sd+GWbTfwrgRyhs5hh356oNrhDxThweJ3ICq5y5hr171vXv4RrXef+Z+czw/Bzd\nLQAzoMcAABeKSURBVLR3wSQtVyUvcWSmd5cuXS2Gu5u174iyhx9G68lT0ad9BwZKsopX2kQOYpUz\n13DkatR0nfbRgAAolErR54cfOICKESNFlyv90KI5AgMDHWqT4STC2rIrR9mrbW1YWmaYC2BacezJ\nJe/innu6MWCTTQzaRA6qqLiI0lLL5UkAUFbWxe/WsDZ0KNmRq1HToFaSuxM9rEy96VJ2AT0nT0FG\ndG98Cn2RkL3QDzfPKvrRoaDryuQlzpbA9Nch6MbehvBnDNpEDgoLa4cOHX4X3da+/Vm3J+jwFFs1\nth3h6NUoAAQGBuLynp34RaGw+vxWrVrhvmvXMBx3MqCNhb6cpyNB19XJS+zVtvZnjf3sEO9pEzmM\nVc70GpsH23g16sC643zNG0hcvw57YD0xyvXr19Hlz6ImUTBneh/ZGlcnL6mtrUXPpCloPut1XL9+\nXbKlZXIkZQ51f8ErbSInaDTxSE7+GBERu6FUFiEiYjeSkz/2mypnYkPJhmIhQXs+dWi4U6vVovvE\nych5frLNq1HTfZnmKz8FIFepxNZJ/404TZpTV+5inB3Stqb+VeTpuGH4+YM1Dt9X93VS51D3F7zS\nJnKCv1c5Mx1K1kE/qzsYQCcATUpLsGv2Kxjz3vuiM651Oh1yZ87EXTs+RufSC2jfoSMqRoxE68lT\n0KdDR4v/R9N9GfKVG04QOgsChBdegkqlgkqlanTGMFckL+FVpG2Ozqwn2xi0iRpALDuYPzAdSjYt\ntwnos3ppP9yC3BYtRIOUaFDbkIXcJip0E3m+2LC1YQj8pw4RZsPWjQ26tlK1OsLZLG7+yB051P0B\nh8eJyGGGoeTLAIJgo9BFvaHOhgyNOjNsLbaEqn7lMEf715DZ3FJX4vIFrroN4e8kDdrFxcUYMWIE\ncnJyAADHjx9HQkICxo8fj6SkJFRVVUm5eyKSQJwmDRueeRbiRTnFg1RDg5qzM7E9tYSqsffV/QVn\n1jeeZEFbq9ViwYIFGDhwoPGxDRs2YOnSpcjOzkZMTAy2b98u1e6JSCIqlQrjlryLs1ZqaYsFqYYG\nNVddQUuNV5GOkcvx9GaSBe3AwEBkZWWhbdu2xsf+8Y9/ICIiAoIgoKKiAu3a8eyTSI7UajWuxD/m\nVBKRxgS1xl5BuyOZB68iHeevSWVcQfIqX5mZmQgNDUViYiIA4NChQ0hLS0PXrl2xatUqBARYP2/Q\n6eqgUimlbB4RNZBOp8PHr72GoJ07EVlSgnMREah54gk8uWyZ1dnjzjzflW0M3rkTnc6fx/lOnVAt\n8T61Wi3Ky8sRHh7OoEQu5/agDQCCIGDZsmUICQnBCy+8YPW13lxWTc5l38TIrT+2ygbKrS/2eHt/\nnCnh2KZNCM6dq3BbyUd7ZTIby9uPjTN8qS+AvPvjNaU5Dxw4AABQKBQYOXIkjh075s7dkw9gaUzv\n4+xQp7uGRpnMw/OYY9z13Bq0MzMz8fPPPwMATpw4gS5dxIsvEFljKI1ZUvIYbt+ORknJY1i79klo\nNHs93TTyMlyG5TnMMS4dyabsFRUVIT09HaWlpVCpVNi/fz8WLlyIt99+G0qlEs2aNcPSpUul2j35\nIHulMefO1brlHqIzw8HkOUzm4TnMDicdyYJ2dHQ0srOzLR7ftm2bVLskH+dIaUwps5TpdDpoNHux\nb18LlJZ2RocORzFq1DVoNPFcsuKFnClM4gparRbnzp0FoEBkZGe/PaFjdjhp8ZeGZENfGvMoSkqi\nLbbpS2PGSrp/w9C84Uq/pCT6z4pfH2Phwscl3TdZZ2vkwxU5xe3R6XTY99YcXNq2GT2qq9EVQGFw\nMGqeeQ6PvLPY707omGNcWkxjSrJhKI0JkdW+UpfGtDc0z4k27ufIfVN3JPPI17yBZuvW4OXqajwB\noDeAcdXVeHrdGuRr3nDZfuSC2eGkxaBNsuKp0piODM2Texnumz5Wch7Rt2/jsZLzGLt2tWiglGrG\nularRdCe3WgJ8TzsLfc6Vq7UlzA7nLT8a9yGZM9TpTE9PTRP5rzlvml5eTmCykrRycr2rmVlfjkc\n7I7bEv6KV9okS+5Og+jJoXl3k8PaWm9ZzhUeHo6a9h1gOT9d70z79n45HMwc49Jh0CZykKeG5t1F\nTmtrveW+qVqtRs2jo3EFYqdzwNX4x3zqhM5ZzDHuejztIXKQp4bm3UVOa2vdvZzLljhNGvbdvo3M\nbVvQvfoG7gHwU3AItM88i0c4HEwuxqBN5CTD1YMcWVse5S33iJ3hLfdNVSoVRi/KgHbe2zh37iyu\nQIEBfrxOm6TFoE3kB3Q6HfI1b6D1vj3oXHoBP3boiMpRjyJOkwaVSiXLtbWG+6baufNRUXERfTyc\noU6tVqNnz14e278pZu3zXbynTeQH7C2P8pZ7xA3B+6Z3yGleAjUMgzaRj3Ok2hXX1voGZ9aukzk5\nrJoAGLSJfJ6jy6PiNGnITZ6K3RGRKFIqsTsiErnJU7m2ViZYirRh5DY6wXvaRD7O0WpX3naPmJwj\nx3kJ3kBOqyYAXmkT+Txnh755j1ie5DwvwVPkODrBK20iP+Aty6NIOt60dl0u5Dg6waBN5Ac49O1a\nhiVVQUHdPN0UMzw5c46jt468CYfHifwIh77vaMhs4fqTlr7q1curJi0x57dz5LhqgkeSiPyKvUQz\ntlhMWvr9d6+ctCTnrH3uJrfRCQZtIvIrDZ0tLMdUr2Sf3G4dcXiciPxGY2YLe0s5UJKGXG4dMWgT\nkd9oTODlkiryBgzaROQ3GhN45ThpiXwP72kTkd9o7Frm+pOWzkdE4FLcKK+dtES+h0GbiPxKY2YL\n15+0NCy6G2pq6qRvNNGfGLSJyK+4Yraw6aSlmpobErWUyBLvaROR3zBNqNLQ2cJyKeFIvolBm4h8\nnivKL4q9R+7MmV6TDY38A4fHicjnuaL8ouh7rFyJ3Ju1XpUNjXwbr7SJyKe5ovyiHEs4km9i0CYi\nn+aKTGbMhkbegkGbyM/5+sQqV2QyYzY08haSBu3i4mKMGDECOTk5AIDy8nJMnDgRiYmJmDhxIi5d\nuiTl7onIBldMzpIDV2QyYzY08haSTUTTarVYsGABBg4caHxsxYoVGDduHOLj47F582Zs2LABKSkp\nUjWBiGxwxeQsuXBF+UWx9/j3U/+FuNnzJWs3UX0KQRAEKd5Yp9NBp9MhKysLoaGhSExMhFarRdOm\nTaFUKrF37158/fXXWLRokdX3uHTJe5MWtGkT4tXtc5Yv9ceX+gJI0x+tVouTg2MxuuS8xbbdEZHo\nc7hQkqtHTx8brVaLioqLCGtE+UXT94iMDPOZz5qnj42rybk/bdqEWN0m2fC4SqVCs2bNzB5Tq9VQ\nKpWoq6vDli1bMHr0aKl2T0Q2+OvEKleUX5RLCUfyTW5fp11XV4eUlBQMGDDAbOhcTGioGiqV0k0t\nc56tsyE58qX++FJfANf3JyioG77q1AnRv/9use18RASGRXeTLCjx2HgvX+oL4Hv9ATwQtOfMmYPI\nyEhMmzbN7nOvXPHe2axyHnoR40v98aW+ANL154+4UaLVri7FjUJNTZ0kObV5bLyXL/UFkHd/bJ1s\nuDVo79q1C02aNMH06dPduVsiEuGKyVnO0Gq1+O23P6BSBXNomaiBJJuIVlRUhPT0dJSWlkKlUiEs\nLAyVlZVo2rQpgoODAQBRUVHQaDRW38Obz5LkfBYnxpf640t9AaTvjysmZ9mi0+mQr3kDrfftQZfS\nCzjboSMqRz2KOE0aVCp5Z1L2pc+aL/UFkHd/PHKlHR0djezsbKnenohcxDCxSir1l5b18uGlZURS\nY0Y0IpIMc3YTuRaDNhFJxl+XlhFJhUGbiKxqbF5y5uwmci0GbSKy4Kq85MzZTeRa8p66SUSScGVe\nctOlZV3LLuCMxEvLiHwZgzYRmbE7eWzufKeukFUqFeIXpkM7dz50umr04Tptogbj8DgRmZFq8pha\nrUZUVBQDNlEjMGgTkRlOHiPyXgzaRGSGk8eIvBfvaRORBXfnJScixzBoE5EF08ljFRUX0UeivORE\n5BwGbSKySuq85ETkHN7TJiIikgkGbSIiIplg0CYiIpIJBm0iIiKZYNAmIiKSCQZtIiIimWDQJiIi\nkgkGbSIiIplQCIIgeLoRREREZB+vtImIiGSCQZuIiEgmGLSJiIhkgkGbiIhIJhi0iYiIZIJBm4iI\nSCZYT9uGwsJCzJgxA926dQMAdO/eHW+++aZx+5EjR/Duu+9CqVRiyJAheOmllzzVVIfk5uZi165d\nxr+Liopw/Phx49+9evXCfffdZ/x748aNUCqVbm2jI4qLi/Hiiy9i4sSJSExMRHl5OVJSUlBXV4c2\nbdogIyMDgYGBZq9ZtGgRTpw4AYVCgblz56JPnz4ear0lsf7MmTMHOp0OKpUKGRkZaNOmjfH59j6X\nnlS/L6mpqTh16hRatmwJAEhKSsKwYcPMXiOnYzN9+nRcuXIFAHD16lX85S9/wYIFC4zP37FjB1au\nXIlOnToBAB544AFMnTrVI22vb+nSpTh27Bh0Oh2mTJmC3r17y/Z7I9YXuX5nnCaQVd9++63w8ssv\nW90+atQooaysTKirqxMSEhKEX3/91Y2ta5zCwkJBo9GYPRYbG+uh1jiupqZGSExMFObNmydkZ2cL\ngiAIqampwt69ewVBEITly5cLmzdvNntNYWGhkJycLAiCIJw+fVoYN26cexttg1h/UlJShD179giC\nIAg5OTlCenq62WvsfS49Rawvs2fPFr744gurr5HbsTGVmpoqnDhxwuyxjz76SFiyZIm7muiwgoIC\nYfLkyYIgCEJVVZUwdOhQ2X5vxPoi1+9MQ3B4vIFKSkrQokULhIeHIyAgAEOHDkVBQYGnm+WwVatW\n4cUXX/R0M5wWGBiIrKwstG3b1vhYYWEhHnroIQDAX//6V4vjUFBQgBEjRgAAoqKicO3aNVRXV7uv\n0TaI9Wf+/PkYOXIkACA0NBRXr171VPOcItYXe+R2bAzOnDmDGzdueM2Vpz39+/fHypUrAQDNmzfH\nzZs3Zfu9EeuLXL8zDcGgbcfp06fxwgsvICEhAd98843x8UuXLqFVq1bGv1u1aoVLly55oolOO3ny\nJMLDw82GjwCgtrYWr776Kp555hls2LDBQ62zTaVSoVmzZmaP3bx50zis17p1a4vjcPnyZYSGhhr/\n9qZjJdYftVoNpVKJuro6bNmyBaNHj7Z4nbXPpSeJ9QUAcnJyMGHCBMyaNQtVVVVm2+R2bAw2bdqE\nxMRE0W3fffcdkpKS8Pe//x0//fSTlE10mFKphFqtBgDk5eVhyJAhsv3eiPVFrt+ZhuA9bRs6d+6M\nadOmYdSoUSgpKcGECROQn59vcd9HbvLy8vDkk09aPJ6SkoLHH38cCoUCiYmJuP/++9G7d28PtLDh\nBAey8jryHE+rq6tDSkoKBgwYgIEDB5ptk9Pn8oknnkDLli3Rs2dPrF27Fu+//z7eeustq8+Xw7Gp\nra3FsWPHoNFoLLb17dsXrVq1wrBhw3D8+HHMnj0bu3fvdn8jrfj888+Rl5eH9evXIy4uzvi4HL83\npn0BfOc7Yw+vtG0ICwtDfHw8FAoFOnXqhLvvvhsVFRUAgLZt2+Ly5cvG51ZUVDg1LOhJhYWFiImJ\nsXg8ISEBQUFBUKvVGDBgAIqLiz3QOuep1Wr8+9//BiB+HOofqz/++MNilMHbzJkzB5GRkZg2bZrF\nNlufS28zcOBA9OzZEwAwfPhwi8+UHI/N0aNHrQ6LR0VFGSfaxcTEoKqqCnV1dW5snXWHDx/GP//5\nT2RlZSEkJETW35v6fQF85ztjD4O2Dbt27cIHH3wAQD8cXllZibCwMABAx44dUV1djQsXLkCn0+Hg\nwYMYNGiQJ5vrkIqKCgQFBVmcYZ45cwavvvoqBEGATqfDDz/8YJxp6e0eeOAB7N+/HwCQn5+PwYMH\nm20fNGiQcfupU6fQtm1bBAcHu72djtq1axeaNGmC6dOnW91u7XPpbV5++WWUlJQA0J8s1v9Mye3Y\nAMCPP/6IHj16iG7LysrCp59+CkA/87xVq1ZesQLjxo0bWLp0KdasWWOcyS/X741YX3zpO2MPq3zZ\nUF1djddeew3Xr1/HrVu3MG3aNFRWViIkJAQPP/wwjh49imXLlgEA4uLikJSU5OEW21dUVIQVK1Zg\n3bp1AIC1a9eif//+iImJQUZGBr799lsEBARg+PDhXrNUxVRRURHS09NRWloKlUqFsLAwLFu2DKmp\nqfjPf/6D9u3bY/HixWjSpAlmzZqFxYsXo1mzZli2bBm+//57KBQKzJ8/3+qPrruJ9aeyshJNmzY1\n/kBGRUVBo9EY+6PT6Sw+l0OHDvVwT8T7kpiYiLVr1+Kuu+6CWq3G4sWL0bp1a9kem8zMTGRmZqJf\nv36Ij483Pnfq1KlYvXo1Ll68iNdff9148usty6Q+/PBDZGZmokuXLsbHlixZgnnz5snueyPWl7Ky\nMjRv3lx235mGYNAmIiKSCQ6PExERyQSDNhERkUwwaBMREckEgzYREZFMMGgTERHJBIM2kQcVFhYi\nISGhQa/NzMzEe++95+IW6f3www/G9dXe4PTp0zh16pSnm0HkcQzaRGRhx44dXhW0Dxw44DV5vIk8\niUGbyEuUlZVhypQpmDBhAsaMGYMjR44AAFJTU5Gbm2t83r333gudTmf22h07diApKQm3bt3Cl19+\nibFjx2L8+PFITk42pms8ceIEnn76aSQmJuKll17CjRs3MHz4cLPgHB8fj9WrV+Ozzz7DkiVLUFBQ\nYLVdpiorK5GcnIyEhAQkJiYa05Xm5eVhzJgxGD9+PGbOnGmsEmXahx07duC1114DoE91unHjRjz/\n/POIi4tDQUEBjh8/jpycHKxbt86r8ngTeQKDNpGX0Gg0mDRpEjZt2oTVq1dj3rx5FsFZzDfffIO8\nvDxkZmZCp9Nh3rx5yMzMRHZ2NoYMGYIVK1YAAF5//XUsWLAAOTk56N+/Pw4dOoSnnnoKn3zyCQDg\nl19+QfPmzTF16lT07NkTqampGDhwoEPtWr58OYYOHYqtW7di+vTp2LlzJ8rKypCZmYmNGzciOzsb\n4eHh2Lhxo93+NG3aFOvXr8fUqVOxadMmxMTEYPDgwZg8ebJo9SYif8IqX0ReorCwEDU1NVi1ahUA\nfWnIyspKm68pLi7G9u3bsXv3bqjVavz8889o3bo12rVrBwCIjY3Ftm3bUFVVhevXr6N79+4AgIkT\nJwLQ56KfMGECpk2bhn379uFvf/ubw+0yzd188uRJTJo0ybjP2NhYfP755+jVq5cxtaShLfbExsYC\nANq3b49r167ZfT6RP2HQJvISgYGByMzMNKvTDgAKhcL479raWrNt58+fR2xsLHJycjBz5kyz5wL6\ncooKhQIKhUK0tGJYWBiioqJw7NgxHDp0CNnZ2Q63q34bb9++bbN/hrbUd+vWLbO/Vao7P0vMskxk\njsPjRF6iX79+2LdvHwCgqqoKaWlpAICgoCCUl5cDAAoKCswC34gRI7B48WLk5+fju+++Q+fOnVFZ\nWYmysjLj8/v27YvQ0FC0bNkSJ0+eBACsX78emzdvBgA8/fTTWL58OXr27ImgoCAA+iBsCKbW2mUq\nJiYGhw8fBgB8//33mD17NqKjo3Hq1CnjfewjR46gb9++AIDg4GBjnwoLC+3+35i2h8if8UqbyEu8\n8cYbeOutt7Bnzx7U1tYaq6yNGTMGM2bMwNGjR/Hggw8a6wcbqNVqZGRkYMaMGcjLy0NaWhpmzZqF\nwMBAqNVqY5DNyMjAokWLoFKpEBISgoyMDADA4MGDMXfuXMyePdv4noMGDcL8+fMxd+5cq+0yNWPG\nDMyZMwcHDx4EALz55pto164dZsyYgUmTJiEwMBDt2rXDK6+8AgBITk5GUlISIiMj0aNHD2MAt2bA\ngAFYunQpBEHAc88918D/YSL5Y5UvIj938uRJLF68GFu3bvV0U4jIDl5pE/mxd955BydOnDBedROR\nd+OVNhERkUxwIhoREZFMMGgTERHJBIM2ERGRTDBoExERyQSDNhERkUwwaBMREcnE/wPYW7a4NEal\nUQAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "r9xlQme0beTY", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Convert to PyTorch tensors\n", + "X = df_reduced.as_matrix(columns=['leukocyte_count', 'blood_pressure'])\n", + "y = df_reduced.as_matrix(columns=['tumor'])\n", + "X = torch.from_numpy(X).float()\n", + "y = torch.from_numpy(y.ravel()).long()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "RerzDWJQbeVz", + "colab_type": "code", + "outputId": "98b02a78-e164-4f79-9492-054feab9d55b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Shuffle data\n", + "shuffle_indicies = torch.LongTensor(random.sample(range(0, len(X)), len(X)))\n", + "X = X[shuffle_indicies]\n", + "y = y[shuffle_indicies]\n", + "\n", + "# Split datasets\n", + "test_start_idx = int(len(X) * args.train_size)\n", + "X_train = X[:test_start_idx] \n", + "y_train = y[:test_start_idx] \n", + "X_test = X[test_start_idx:] \n", + "y_test = y[test_start_idx:]\n", + "print(\"We have %i train samples and %i test samples.\" % (len(X_train), len(X_test)))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "We have 540 train samples and 180 test samples.\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "JCZ7yDl1OsdU", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Initialize model\n", + "model = MLP(input_dim=len(df_reduced.columns)-1, \n", + " hidden_dim=args.num_hidden_units, \n", + " output_dim=len(set(df_reduced.tumor)))" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "-IZ4YOKtSCRk", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Optimization\n", + "loss_fn = nn.CrossEntropyLoss()\n", + "optimizer = optim.Adam(model.parameters(), lr=args.learning_rate) " + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "7NBWLKDISDj8", + "colab_type": "code", + "outputId": "83cff604-b034-4aea-e4b3-47a713209b07", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Training\n", + "for t in range(args.num_epochs):\n", + " # Forward pass\n", + " y_pred = model(X_train)\n", + " \n", + " # Accuracy\n", + " _, predictions = y_pred.max(dim=1)\n", + " accuracy = get_accuracy(y_pred=predictions.long(), y_target=y_train)\n", + "\n", + " # Loss\n", + " loss = loss_fn(y_pred, y_train)\n", + " \n", + " # Verbose\n", + " if t%20==0: \n", + " print (\"epoch: {0} | loss: {1:.4f} | accuracy: {2:.1f}%\".format(t, loss, accuracy))\n", + "\n", + " # Zero all gradients\n", + " optimizer.zero_grad()\n", + "\n", + " # Backward pass\n", + " loss.backward()\n", + "\n", + " # Update weights\n", + " optimizer.step()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "epoch: 0 | loss: 5.6444 | accuracy: 44.4%\n", + "epoch: 20 | loss: 0.9575 | accuracy: 55.9%\n", + "epoch: 40 | loss: 0.3089 | accuracy: 99.3%\n", + "epoch: 60 | loss: 0.2096 | accuracy: 100.0%\n", + "epoch: 80 | loss: 0.1302 | accuracy: 100.0%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "uGWbZlhUSFOz", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Predictions\n", + "_, pred_train = model(X_train, apply_softmax=True).max(dim=1)\n", + "_, pred_test = model(X_test, apply_softmax=True).max(dim=1)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Gz2Sh4JpSFT9", + "colab_type": "code", + "outputId": "8cb4c86b-0ff2-4548-a710-09883a8dc349", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Train and test accuracies\n", + "train_acc = get_accuracy(y_pred=pred_train, y_target=y_train)\n", + "test_acc = get_accuracy(y_pred=pred_test, y_target=y_test)\n", + "print (\"train acc: {0:.1f}%, test acc: {1:.1f}%\".format(train_acc, test_acc))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "train acc: 100.0%, test acc: 100.0%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "DmTCz8OnSFRn", + "colab_type": "code", + "outputId": "f3cf293c-b22b-49bf-d037-ca021376a5d7", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Visualize the decision boundary\n", + "plt.figure(figsize=(12,5))\n", + "plt.subplot(1, 2, 1)\n", + "plt.title(\"Train\")\n", + "plot_multiclass_decision_boundary(model=model, X=X_train, y=y_train)\n", + "plt.scatter(np.mean(df.leukocyte_count), np.mean(df.blood_pressure), s=200, \n", + " c='b', edgecolor='w', linewidth=2)\n", + "plt.subplot(1, 2, 2)\n", + "plt.title(\"Test\")\n", + "plot_multiclass_decision_boundary(model=model, X=X_test, y=y_test)\n", + "plt.scatter(np.mean(df.leukocyte_count), np.mean(df.blood_pressure), s=200, \n", + " c='b', edgecolor='w', linewidth=2)\n", + "plt.show()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAE+CAYAAABr3xMwAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3WmMZHd1N/7v3Wrft67e11k8Hs+M\nPbYH22ATL8FGQpFCEkRkgkUIyZ9IREpCiB38EGSFCOdBkUgkiPwCCCgCkodsSoDkCUlMHhuvY8+M\nZzxL793Vtd+qurXe9f+ipqu7uqp6m+ququ7zeYHw7aquX/d03Tr33PM7hzEMwwAhhBBCCCEHHNvp\nBRBCCCGEELIfKPAlhBBCCCGHAgW+hBBCCCHkUKDAlxBCCCGEHAoU+BJCCCGEkEOBAl9CCCGEEHIo\n8J1eACHrfeELX8Arr7wCAFhcXEQoFILZbAYA/N3f/R0cDse2vs/jjz+O73znOwgEAnu2VkIIIVXt\nOnev+v73v49f+ZVfafs6CWGojy/pVg8//DCef/553H333Z1eCiGEkG261XO3oih44IEH8Oqrr7Z5\nZYRQqQPpIR/72Mfw53/+53jiiSfw5ptvIplM4td//dfx+OOP4+GHH8Y3vvGN2mOPHTuGaDSKV155\nBR/5yEfwla98BU888QQefvhhOpkSQsg+ikQi+NSnPoUPfOAD+MAHPoCf/vSnAABVVfH000/j8ccf\nx6OPPorPfOYzKBQKeOqpp5DL5fD4448jEol0ePXkoKHAl/SUS5cu4V/+5V9w11134Wtf+xqGhobw\nox/9CN/61rfwla98BSsrKw3PuXz5Mk6fPo0f/vCH+NVf/VV87Wtf68DKCSHkcPqDP/gDnDp1Cj/+\n8Y/x9a9/Hb//+7+PbDaL//qv/0I8HscPf/hD/Pu//zvGxsbw9ttv40tf+hIEQcCPfvQjDAwMdHr5\n5IChwJf0lIceeggsW/2z/fznP49nn30WADA8PIxgMIilpaWG59jtdjz66KMAgNtvv50yCIQQsk8k\nScLrr7+Op556CgAwPj6OM2fO4MUXX4TP58PVq1fxH//xHyiVSvjd3/1d3H///Z1dMDnwaHMb6Slu\nt7v2/y9evFjL8rIsi0QiAV3XG57jdDpr/59l2aaPIYQQ0n6SJMEwDPzSL/1S7VixWMSDDz6ID33o\nQ3jmmWfwzW9+E5/97GfxyCOP4Atf+EIHV0sOAwp8Sc/67Gc/i49//OP46Ec/CoZh8L73va/TSyKE\nELJOIBAAy7L4h3/4B1gsloavf/CDH8QHP/hBiKKIp59+Gt/4xjfwC7/wCx1YKTksqNSB9KxUKoWT\nJ0+CYRj8/d//PUqlEorFYqeXRQgh5CaTyYT3ve99+O53vwugmu19+umnEYvF8Ld/+7f4q7/6KwCA\n1+vF+Pg4GIYBz/PQNI3O52RPUOBLetbv/M7v4Ld/+7fxoQ99CMViER/5yEfw7LPPYmFhodNLI4QQ\nctNzzz2Hl156CY8//jh+8Rd/EWNjY+jr68Ojjz6K8+fP4+d//ufxxBNPYH5+Hh//+McRDodx6tQp\nPPTQQ7hw4UKnl08OGOrjSwghhBBCDgXK+BJCCCGEkEOBAl9CCCGEEHIoUOBLCCGEEEIOBQp8CSGE\nEELIoUCBLyGEEEIIORT2ZYDFJ/78xV09j+dYqFp3Ttnq1rV1el2lbBlKUYEjaAfL119XdXptrXTb\nupKyhHsfy+KZSSvOf+InnV5OUxzHQuui39mqvVrX2f/zF23/nt1ut+ft9brtvbWZXllrp9dp6Aay\nEQkMC7jCTjAs0/KxnV7rdnVynQk5AwD4x9/SID77Tcwtj2z6+G49927U6XVuds7u7sltrd9Pndet\na+vQutSKivlXlpCPFWBoBkwOE0LH/Agc8Xd8bVvq1nV1MYbpzl9at67r0Oqlf45eWWsH15mNSFh5\nK4pyrgIAsHotGLyrH46gvfkT6HfaUlKWYEDDuUdzeGbKvq2gF+idc1w3r5NKHUhbLL+5AimSh6FV\n20LLeRmRCzEUxVKHV0YIIeRW6ZqOyPmVWtALACWxjOU3V0DjAHZuN0EvaQ8KfMkt0zUdUrzQeFzR\nIc5lOrAiQggh7STOZ1CR5IbjJbEMKZrvwIp634fHtlfeQNqru0sdSMeVpQri7yZRyVXAW3j4J7xw\n9TsbH9jigt/QKRNACCE9b5NTOWV8SS+hjC9pSS4qmP3pPNLTIgqJIrKLOcy/tIjMYrbucSzHwua3\nNjyfYQH3kGu/lntgGNAAo/s3LxBCDg/vqAcmh6nhuMVjgSvcJBlCWkrKEgDgGE+fj51AgS9pKXEt\niUqu/taWpuhI3kg3PHbgdBg231rwy5k4BI8H4exz7Pk6D5KEnKnVfWX+17c6vRxCCAEAsDyLgdN9\ndcGvxWXG4Jm+TTs7kHoJOQMDGp7/pAjt5RepzKEDqNSBtCQXlObHi43HLS4zjjw6gcxiFkpRgWvI\nBYvTvNdLPDCa7fBdio0D0Dq9NEIIAQB4ht1w9TshLmTBsNX/ZjnKn23Xauuy5z8pYuq1t3DhBbXD\nKzqcKPAlLZlswo6OMywD76hnL5d0oJ17LI9nJu03e/eOgKd3JyGky7A8C/+Et9PL6FnPf1JE6Is/\nwAXK9HYMXaqRloLHAjA762u6OIFFYJJOeoQQQshOHRfcnV7CoUc5JdKSySZg/H2jiL+bQCUng7fw\n8E144R6gjQyEEELIdq1uaCOdR4Ev2ZTFZcbIvUOdXgYhhBDSk9bv4TCMFlPuyL6hUgdCCDlgrl27\nhkcffRTf+c53AACvvfYaPvrRj+JjH/sYfvM3fxPZbHaL70AIaYeNG5fPf+In1MmhwyjwPUCoiXjv\nMqBV//flFzu9FNLjisUinnvuOdx33321Y3/6p3+KP/mTP8G3v/1t3Hnnnfje977XwRUScnisBr2f\nS7xxc+My6bRtBb6UPehu6bkMrv/fGbzzT1dx+YfXkbie6vSSyA6strh5ZtKG3L/OdHg1pNeZTCa8\n8MILCIVCtWNerxeZTPXvLJvNwuulDaqE7Idzj+XxR0ccdG7vIlvW+LbKHvzv//2/MTExga9//ev4\n3ve+h0996lN7ulDSXG5FwtLrEehqddKXWlJREkvgeBa+cfpw63brB1bQzHbSDjzPg9/QC++ZZ57B\nk08+CZfLBbfbjd/7vd/r0OoIIaSztgx8V7MHL7zwQu3YxuzBxMTE3q2QbCo9m6kFvasMHRAXshT4\ndrmkLOHcYxKemaSgl+yt5557Dn/5l3+Js2fP4stf/jL+5m/+Br/2a7+26XN4jgXaMJCL53unoq5X\n1tor6wR6Z617sc6VoogJGDAMAwzDgOe5tnzfdn2fvdat69wy8KXsQXfTlOaTvSqSDF3TaapOD6Cx\nlWSvXb16FWfPngUA3H///fjnf/7nLZ+javqWj9kKz7NQ1Vv/PvuhV9baK+sEemete7HO1RK2D4+q\n6xIbtz6Jk+c5qGr3T/Ts5nXuqp3ZTrMHt5I56OarxW5Ym9VtgbSSbzgu52Vc+7dpDJ4JwzvcPQ2z\nu+F31kwn1sUoa2+KVlfG3XrFDHTv2rp1XZ0UCARw48YNTE1N4eLFixgdHe30kgg5sFaD3n/8LQ3i\nsz+gxEaX2VXgu9PswW4zB918tdiJtemqjsSNFCo5GSYrj8BRP4LHA5DieZTS5YbHl7MVLL4egS1g\nAyd0Phjo1n/PTq1rfReOZlfGXX3F3KVr69Z17adLly7hy1/+MpaXl8HzPH784x/ji1/8Ij7/+c9D\nEAS43W586Utf6vQyCTmQqiVsefzRlA3pz1MJWzfaVeBL2YP9p8oqZv57HsVUqXYss5jD2HtHMPXw\nBCJvrSB1Q2x4nlxQkJ7NIHjUv5/LJYR0yMmTJ/Htb3+74fh3v/vdDqyGEEK6y5aBL2UPukP8SrIu\n6AWAcq6C2JUERs8NwTvmbRr4Agerv6+hG8gsZqFWNHhGXBAsQqeXtGtGG+q9CCGEELJ9Wwa+lD3o\nDqVspenxcqZa4mD3W2H1WVFK1wfHgpWH/4B0dyimilh8PYKSWP2ZY5cTCJ0IIHQ00OGV7dz6jQ+I\nd3gxhBBCyCHRnTuNSAPe1PyfijNVa3cZhsHgmTAsHkvta4JdQP/pcO0xvW75rWgt6AUAtawidimB\nstT8oqBbrd/4EPriD3DhBbXDKyKEEEIOh13V+JL95x3zIrssQVfWbcJiAM/IWscGR8iOEx88guRM\nGrpqwDvmAdelXRR2Si7IKG7IZgOAJmvIzGUQvqOvA6vaubXevTbq3UsIIQfM6vj5g1RieNBQ4Nsj\nXGEHhs4OIHkjDVmqQLAJ8I55EJj01T2OZRn4xg5GacN6DLtJPzymDV329xn17iWEkINlfQkbneO7\nFwW+PcQ35oFvzANDNzYPBA8QKV5ALiKB5RjY/DYU4oW6r/MWDr6JgxfoE0II6R2rQe/znxSrJWwU\n9HYtCnx70GEJepffiiJ5LQljXXUHK7C1cg+T04Tw7SGYbL3b2YEQQkhvS8oSAOCf/j8d6c/TwIpu\nR4Ev6UqFVBHJG6m6oBdANehlAf+kD4NnwjSSmRBCSMedeywPwNbpZZBtoKiBdKVcRIKhttgcoAOF\neAFMD9b2EkIIIaRzKPAlXWmrFmzlbAVyQd6n1RBCCCGNkrJU7eRg6DAMg8ocegCVOpC2MgwDmYUs\nimIZgpVHYNIHdhct1fwTXiSvpyHnmwe3vIUDb6Y/X0IIIZ2xGvSeezSHzyXewPkvUU/2XkCRA7ll\nmqKhkCjA5DAj8nYUuWWp9jVxVsToAyOwOM07+p6cwGHk3CBWLsZQiBcbvu4acPbkYA4DGj48ptG0\nNkJIU2pFRfzdJCq5CngLD/+kDzaftdPLIhusBr3Pf1LE1Gtv0SCiHkKBL7klsSsJJK+noRSVauHM\nhs1opUwF0UtxjN03vOPv7QjaceThCRQSBcSuJFHKlsFyDJxhJwbPhNvzA+yj1XY3xzgnxH+dAUC3\nxAgha9SKiun/mqubUJmNSBg9Nwhn2Lnnr1/Jy8gt52BymOAacNI+ii2ceyyP44IbaTqf9xQKfMmu\nSdE8opfiMLSbm9D05o8riY0T17aiazpyK3nwZg72gA0TD47ewko7a/3tsGem7DSxjRDSVOJqqi7o\nBQC1pCJxLbXngW/k7ShS0yI0WQMA2AM2jN4/TO0iyYFDgS/ZtcxCdi3o3cwOS3zTsyKilxOQJRlg\nqifg4XsGYXHtrFyiWxjQbo4ppqCXENJaWaq0OL63G3mzEQnxd5PAutN5IVlE5K0oxu7f+d26w4BG\nE/cu6upAdk3f5hve2EHpk1xUEHk7Wg16AcAACokilt9c2cUKu8eHxzQaYUkI2ZRgaZ6LanW8XXLL\nubqgd1UhVaTAronVsrVnJm2UzOhBFPiSXXOFHdt6nFyUIcXy23psekaEWtYajhcSBSglZUfrI4SQ\nXhI44oOwobSA4Rj4xjx7+8ItSnmpwrdeUpaQkDM492gO//hbGgW9PYoCX7JrnhE3Ake20a5Mr/bd\nvRUGAEo8EEIOMovLgtH7huAecsHsMsERsmHobD/8k749fV3PiAcM1xjm2oN22uC2wbnH8vijIw4K\nensY1fiSlgzDgBTLoyyWYQ/ZIVgFJK+loJRVmB0mBI/5MXR2AP4pH3IRCZyZxcrbcWiV+owtZ+Lg\nGtjexgzPqBuJa6naBotVdr+NNlkQQg48R9AOR9C+J9/b0A1EL8WRTxRgGIAjaEP4ZAjOkB3hk6Fa\nhx6GY+Dos2Pwrt7rnkPIVijwJU1pqo65/1moligYAMMCYJi6zWy5SA4TD43B6rbA6rYAAGRJadgk\n4R3zwOwwbet1LU4zwieDiF1OQi1Xi4OtXgsG7qQTMCGE3IqFV5Ygzmdr/11MFlHJyxh/YAR9twUR\nmPJBiuZhdphg9VLv4Fao7rm3UeBLmlq5EIUUXavLNXRg4+6HYrqM+JUkBtb11B04HYbVa0EuIsHQ\nAWe/Y8f1acGjAXhGPcgsZMGbeXiGXGDY3rzdtroJAoaBHPV6JITsE13VEX0njmKqCIZjYfNZkV03\nXGhVLiKhkC7B7rOCEzh4ht0dWG33Wz2Xf3hUgfbya1Tm0MMo8CVNFZON09KaKeUaa3fdAy7kYwVI\nqQIKqSJyEQn9p/rg2EEGQTDzCB7xAwCUUjWLXM5VwJt5+Ce9e3YrsJ1WT5TVTRA/oBMlIWRfGIaB\n2f9ZqEteSCvNNxgbmoFisgg7TYdrafVcTlPaDgYKfElz29zQwJsbxwYvvLqMzMLa7bRsQYFcUHDi\n8akdL0OtqJj573mUMmtN3XMrEkbuHYR70LXj77dfEnLmZu9eandDCNlf2eVcXdC7GZZn4Qx3fyKh\nU5JyNUtOQe/BQYEvacoZdqCY2nziGmfi4B+vL2OQi3LTE24pXUJqVoRndPOyh8xiFskbaZTzFbAM\nA47n6oJeANAqGhLX010d+ALUu5cQ0hkbp79txjPsgsVl2cPV9D4aTXywUODbI3RVh1xUYLIJW7cP\na4Pw7SEoRQXp+UzTUcS8lcfQXf1whOp7+SoltaEjwyq5uHkf3tyKhMVXl6Ep61+w+XPkFhOODjKl\nWELi0jWU0lkwLAtbwIvQqeNg+casOyHk8LJ4mgeyvJVH8IgPhWQJBgBHyIbQscD+Lo6QDqPAtwes\nXIxBnMtALigQ7AK8ox703xHa0/6KDMtg+J5ByCUZ+Wh9va/FY8bUz42DNzf++Vg9FpicprXJa6vf\nj2fg3qKlWWpG3BD0tiZYD1drM8MwEHn1AsrpdSUk+SI0WcXge053cGWEkG7jGXIhHbZDihbqjvtG\nPeg7EerQqgjpDhT4drnkdBqxy4laQwWloCB+OQHBurb5a68kbqQagl4AsPmsTYNeAGA5FqGjfkTe\njkFX14JY36gHdr8Nqto6sF1tX7YVhmPgG9/jSUZdRlqK1QW9q/KxBFLvzoA1CXAP94MV6C1NyGHH\nMAzG3juK6KU4iukSWJaBa8CJwJG9HYRBSC+gT8kul1uWms5Qzy1L2wp8Dd2AuJBFOVuGxWWGd9Sz\n7dZghUTzzg7F9Ob1Y4Ejflg9FqQXsjA0A84+OzwjW7fIMbvMLV8TDGBxmSFYBXjHPHs/wrPLKKUW\n9daajuTlGwCA9NVZBE4egXu4fx9XRgjpRhzPYvAM9T8nZCMKfLuc3iJDqmtblwRoiobZny4gH1+7\n3ZW4msLkz421zNiu16qUgt1GibE9aId9hy3HQscDkKISlEJj5tcZdmDyobEdfb9OWd+7t13sfQGk\n3p2FobbOiqulMpKXrsMZDlLmlxBCblFSlmBAAwwd6kv/TRuVD4i93yVFbonN37y3om0bPRdj7yTq\ngl4AKGXKmHt5cVuv7R50Nv0LcfQ5Gg/uwur4zGv/Po13f3QD8SsJjD0wCme/o24Dnz1gxdDZ3shi\nru/3GPriD9rW+sbidsI9svXvQC2VkV1cactrEkLIdhiGgexyDktvRBB5O4pKXt76SV1uNeh9/pMi\nPpd4g9qYHSCUFupy4dtDKIol5NdtUnDcnKu+lVyseR/HQqIIQze2LHnwjnpQzlWQns1AKSrgTBzc\ng07039G3sx+ihaU3V5C6ka79dzlTRjkn48jD48gnC1h+YwWVvIyyJGPl7RiG7h7YVqa6U/Z6YEXo\n9HFYAz4U40mo5QoK0WTTxzHbSckTQkibLL4WQXpWrJXlpWdFDJ0dQGDc29mF7dL6oJd69x483RtF\nEADV5uKTD40hs5hFKVuB1WWGZ8S9rY4OeosOCYZmQC7IMDvNW36P/jv6EDoeQDFdgtllhqlN3RQ0\nWUN2KddwvJgsIjUrInE1iUqumjXQNA2ZxRx03cDE+0bb8vp75fnfyEB7+fye3BJjGAauoT64hvpg\nGAYW/utVlMX6DW8mhw2uYarrO+yuXbuGT3/603jqqafw5JNP4jOf+QxEUQQAZDIZnDlzBs8991yH\nV0kOAimaR3pOrNuLopY1xK8k4e/hvRjUu/fgosC3BzAMA++IBzu9drb5LZCb3HJieQbcDjKnnMDB\n2abyhlVySWnZxSGzmKsFvevlYwXIRRkmm6mta+lFDMMgdPo44m9fQVmsXkCY3Q4Ebz8KljtYfX11\nTUN2bglqSYY16IU95N/TVn69rlgs4rnnnsN9991XO/bVr3619v+ffvpp/PIv/3Inlkb2QDFdRPJ6\nGkpZhcluQvCYH5ZtJDXaRYrlm/Z6L2XLUIoK2C6+S0cOp239RVL2oDeN3DMEKXoVWqV+oIR7yAXe\n1NngyOwwwew0obKh3y+Y5mOQgepGP62iAbZ9WGAPsPrcGHn/OZSSIgxdh+0ABoSVnITIqxch526W\n7Vyfg3MojP67Tx64n7VdTCYTXnjhBbzwwgsNX5uZmYEkSTh16lQHVkbaLZ8oYP6lRSiltSRCPpbH\n+IOj+xb8ci0+SziBBSdwzZoSdb3VDW1GGzcok+6xZeBL2YPexfIsph4eR+TtKEqpEliBhbPf2bEW\nN2WpguW3YyiJJbA8C5PdBLmowNDWTi7uQRf6jgeQW5YaOloINh6Cg7K96zEMA1uwO3pzGobR9mA0\neXl6LeitvgikxRXYQ364Rwfa+loHBc/z4Pnmp/a//uu/xpNPPrnPKyJ7JXktVRf0AkBFkpG4msLw\n3fvz/ghM+ZCaERuGFnEmHoV0EbbAzrr7dNJqbe+5R3N4ZsoO8dlvUieHA2jLwJeyB73N6rZg8sGx\n2pXrXmXJDL1aN8yb+aYZAF3VMf3ifMMMedegExzPQtd02AI2hI4GwLAMAkf9SFxN1gXFSlHF1R/d\nQPhEEP7J7gj2DjvDMJC+NgtpKQq1osDksMF7ZBTO/tabL7WKDLAsuG20XCtnGuvAAaCYTFPgu0Oy\nLOONN97AH//xH2/r8TzHAm04XfD7MGK9XXplravrlAvNR7orRWXffhaeZzFx/zAiF2LIJ4vVhIUB\nVHIVXPvJLAITXoyeG+r6OzQpJV8X9Gb+17ewFBtHi2vIjuJ7ZEx9t65zy39Syh4cDHt50klNp5G4\nlkI5WwFv4eDqd2Lo7gGw3NqJN3Ej1RD0AkAlW8GxJ6bqHgsAA6f64B50Yu7/LUAprmU0lIKCyIUY\nnGEHTPbuyf7uRe/eXiBen0fynRu1/y6VK5ClAoT7zbB464eWlDI5JC9dR1nMAAwLW8CLvjO3gbe0\nviXbql75oNUx74fXXnttR0kKdRu9wrfC8+ym0xq7Sa+sdf06eWvzz2bezO3rz2LxWjHx0Biu/8dM\n/RAiHUhOi3D2O+EedO3benaK51kYhoFzj+XxzKQd5z/xEwDDALStnrrveJ6Dqnbfujbq5nXu+lpm\nJ9mDW8kcdPMVeLeubT/XlU8UEHkrCu1mBwm1rCE9mwFv5jGy7labVm7+BlDKKhij+ZqtTnNDfTIA\naBUNmfkMBk61r2TjVn5nK8Vqvftq65vL3zDadqXbrVfMQHVt+ZV4w3GtIiM3H4FjXQmGrumIvfEO\nKllp9VHIR+KAbmD0wbtbvoYjHERaqu9FzQo8vONDLX833fw766SLFy/i+PHjnV4GaSP/pA+FRBGa\nvHaeFKw8Ans8zr4ZTdFQzjaZ6mlUOz90c+BLDpddB747yR7sNnPQzVfg3bq27awrs5hFelaEUtZg\ndpoQOh6Azbv1QIxmEtPpWtC7Xm5FqluHxd08q2d2mgCOabpmTdNbbozQNaNtv/9b+bdsGFjRxnqw\nrr5ivrk2tdK8Ub1akevWnp1fXhf0rsknUiiIWZidzbuGBG6fgiorKMQS0MoyTC4HfFMjMLmdTX83\n3fw72y+XLl3Cl7/8ZSwvL4Pnefz4xz/GX/zFXyCRSGBkhOoVDxL3gBMj7xlCajoNpaTCbBcQOOrf\n1oCjdmNYBizPQpMbz6VslyaJGh2uO3aH1a4DX8oe9CZxIYPFVyO1jWOldAnFZBET7x/b1S5gXWt+\noti4Mc076kFmMYtcZG2jEsuzCBxp3YlAsAqwB2zIx+ozfpyJg+9mY3S1okIuKLC4zB07uT7/GxlM\nvfpWW4PeXmF2OaDki43H3fWBbKsAGZoOrSwDzuZfZlgW/Wdvh6ao0GQZgs3a9bWCnXby5El8+9vf\nbjj+7LPP7uj7zP9sqbYR1TXgRN+J4IH53csFGeJcBmAA34QXgqU9/ck7wT3ghHugxRvoFslFBbnl\nHMwuMxwh+6b//izHwtnnQHo2U3ect/AITHX3nozqXTsDHx5Vob38YqeXQ/bYloEvZQ8OltS02BCU\nygUFyWspDJ3d+WYhZ8gOccOJDgCsGzLIDMtg6qExrLyTQDFdBCtw8I164Axv3h948M4wFl+NoJgu\nAah2dug7EYRgE7D42jIySzloFQ0mhwD/pA99twV3/DOQ3fMdG0c5K0EtlGrHrAEvvFNjdY9zDvYh\nfXUWulK/A93ktMPq37rJPSfw29oMR9pHnFt7XxdTJWiyhsE7e2N0+GaSN9JYuRirlVElrqUxcCaM\nUJcHZ/tt5UIMyel09ffEVCeGjr5nCMImQ4yGzg7AACCt5KEpGmxeK0K3BbpqP8ZG6+/aHaQpbbqm\nITO9gHIuD94kwD0+1PLO2mGz5SdJu7IHpDsopRa7gFsc34p3zAMploe4kK01Mbd6zOi/o3FXP8ux\n6Duxs8DU6rHiyGMTyEUkqGUVnhE3OIHDyoUYUtNi7XFyXkH0UhxmpxmeIaol2y9WrxsjD92LzI0F\naLIMk9MBz8Rww2ZFk90G79Qo0tfnYNwsReBMJviOjtOI5R6RXcqh/1Rfw79tL9EUDbHLibq9A2pZ\nRfSdOALjvTtlrN2yKxJi7ybWBlMY1QFCkbeiGL1vuOXzWJ7F6LkhaIoGTdFhdZqgtbgr2A2ScrX8\nai9K1TpJ1zQsvXQepUS6diy3FEP/3SdhD+1//Xe3oRTKIWN2mJpORdvNFblhGMhFJAhWAYFJH1iO\nhckuwDfhbeuHI8MwDRsjctHGelFDM5BdylLgu88EixnBk0e2fFzgtkk4wgHklmJgWAbusUGY7DSN\npFcoZRVqRYPJ1ruBrzifhVJsvMiXJRmZpRxcXbYBK58ooJAswuqxwBl27FupSW4p13QaWyFZ3Fa/\nbk7gwAnczcd1b+ALVEcTH+OnZLaYAAAgAElEQVRdOH9Agl4AyEwv1AW9AKCVK0hfn6fAFxT49jTD\nMKArOlieBcPWn4g0RYNcVGCym8Ctq30NHPGjkCrVZTwsLjOCxwI7e23dwNzLi8gurvVZtXosGH2g\nMdvXbtlIrnHi202tao5Jd7B43Q1tzkhvMDvNECy9/ZHRasoYAPBdNFrX0A3M/2wJ2aUsDB0AAzjD\nDow/MAJ0cqPYAanxPujK64f+rCO3OH7YdM87nexIei6D5LUUKnkZvJmDZ9iN8B0hGIaByNvRWmZD\nsAnwjXkQviMEhmHg6ndi/L0jSE2LUMsKzA4zgrcFYLLtbHNH4kaqLugFgFKmjOilOMY2uRV2q2Lv\nJhC9GK8bbLGePbh/GcTV22S93LvXMAwUYkmUkiJ4ixnusSGw1A6MbMDyDAJT3oYL7F7jGXIh7rU0\n9BS3B6xw9tm75rZ8/EoCmYXs2gGjWje7cjGG0XsG9/z13UMupGfFatC9jj1gOzAbHFentDX8kAcA\nZ2p+B5czd2+t9X6iwLeNVFlF4moK5VwFvLm6k9XqsbT9dfKJApbfiNTaiGlytW6N5VnwJhbxK8na\nY5WigtiVBASbUNtZ6wja4Qje2hjJYrLU9Hgp3fw4AEixPFYuxVHKlsGZeHiGXOi7ffs7xXVVR+pG\nunnQywCeYTeCU/tzG+cgbIgwDAMrr12EtByt3Y3MzC1h4J5TMLv3Zpc46R39p/tQTFe7OnhHPXBt\nsRG1FzAsg+G7B7D8VhSFVBEMAHvAjsGz/V11Wz6fbOyUAlRLDfaDq9+JvhMhJG+koJY1gAWcIQcG\n7+zMuPt22zia+OKn/rvTS2or78Qw8ssxqKX6CzznYF+HVtRdKPBtE1VWMfPf8yim1gK/3HIOI+8Z\ngrOvvR8Y6dlM09652eUc+Ga38gwgF8m1taVMq9ZhakXF1X+bBm/m4BvzwDta3TAiF2TMvrRYG7Gp\nFFVEM2UYhoH+O7b3Zixly5DzzTfheUc9GH3P0C5+kp07CEEvAOTmI5CWonXH5FwBySvTGHzPmVv6\n3uL0AnKLK1DLMjizCVa/B76jYxA2mdJGustB7ZBi89sw9fA4KnkZDAOYHa3/JtNzGaRnRahlFSaH\nCaFjAThCt5Y02A62RWZ9uxn3YrqI5I2bvX0d1V7tO93HET4Zgn/Ki1wkD4vLBHtg73/u/bA+6P1c\n4g2c/5J64IbemBw2hO85CfHaHCq5AniTAMdgH3xHxzq9tK5AgW+bJK+l64JeAFBKKhJXk20PfDWl\neYN+TdZa1te2u/bVO+pGZiHb0BpNk/Va1jcfL6AsVRA6FkDyRrrpXPnMYhbhk6FtZX1NdgGciaub\nUrRqq7Zo7Vbr3dujQS8AFFNi0+PlTOPGwVW6piM7uwglXwRrEuCZHAG/4faZOLOI+IWrtRIQtVhC\nRcwiN78M9/gQQiePtu+HIB1jGAaUogLOVN3I1EsYhtmyb3l6LoPF15dhqNW/43K2glK6hPGHxmDb\ngzt56zn7ncguN74Pt/NZko8XMPfyItRS9dwkodqRYeL9YzsuaRMsAvwT3h09pxece0zC5+Jv9PT5\neyv2gA/2ALXoa4YC3zYp55qMagRQvtlBQdd0SNE8OBN3y3VSNq+lob4WAKxeC8x2E/LxQsPX5IKC\nxPUUAlO+ttRoOfscGDgTRvJ6tbSD5diGINjQDMQuJZCeyYATmr+mXFCqdxe3sSTBIsA96GxokG4L\n2OAdoQ1TO8VyzYOVlhdPqoall95EKbkWMEvLUQzce7quNEJaXGla96wrKsRrczC7HXAP77xnNOke\n6bkMEleTKGXL4E08XANODJ3t7+lWZxulZ8Va0LtKKalIXU/Btsd1tv5JLyp5GeKcCLWsgTNx8Ay7\nttUOMnEtVQt6V5VzFcTfTWDoLnrfEUKBb5u02hHMW3ik5zOIXYpXOxEw1Q0Cw/cMwuLa3W3f4LEA\n8vECpOhagGt2mdB3ewg2twWFdKlh2pmcl7H8xgrkvFzXhL4sVVBIFGEP2nY8uS0w5YN/wgu5qGDl\n7SgyTYJxoFpn3KpLsKEbUCvqpk3R1xu+ZxCcmYcUy8PQdNh8VgycCvf8pptOcI8MILe40jBUwt7X\nvE46fX2uLugFAFkqInV1FgP3ro0v1+TNe0IXokkKfHtYKVPG8vmVWmcYtawiPSOC4RgM72IITrdS\ny82zga2OtxPDMBg8E0bouB+lTAUWtxmmbZ4jK1Kl6fFWZWKEHDYU+LZJYMqH7FIOyvorbRZwDjiw\n8lZ07bgBFBJFLL8ZweT7x3f1WizHYuLBMaRnRZQyZfAWHsGj/mrvRJ7F5PvHsHIxhvjlZMNzxfks\nQieC4AUOi68vI7uYg6bo4AQW7iEXhu8ZBMMyiF9NIrOYg1pRYXGZEToeaLohjmEZmB0mmHcZxMMA\nCqkSPEPbO6kzbPUDgdw6i8+N0KnjEG/Mo5LLgzOb4AgHEWxRilDJNi+B2Hjc5LRDlhrvOtTswf4h\nOV9EMZGGI+gD76DewHspPSPWtUNcJa3kt9XjtVeYHCaUs41BpMmxfzvjBYsAIbx2bjR0A7q++RtI\nsAlN1y1Y6eOeEIAC37axuC0YvW8Y8XeTKEsVCBYe3hE3NEWrD4ZvyieKkAvyrkc5MiwD/2Tz+h2G\nYep6966nllWUM2UUUyWkZ9ZKBjRFR3o2A7PTDIZjEHlrbae/LMkoiWUceWS85XqDR/3IRaSGNkFb\n4UwcbF5LbRhGIVmEYKvWlR2k26bdyj06ANdIP9RSGZxJAMu3PiWwQvOLE9ZUf9x3dAyVTA5Ksfnf\nQquM8m4YhoHY+SuQllegKxriPAdHOIj+u0/SRLg9omnN2z/pLY73qtCxAErpUt352+KpJgH2m6bq\nWH5zBflYHrpu3LzT1QeLu7HW2D/hRSFRrCs9E2wC/DSSmRAAFPi2lSNkb9jxG70Ub/pYwzD2tP2r\n1Wut1s1ueA3OzMHiNiN+JdH0eflYHqqiNTxPKVZrhAfP9ENXdaxcjKGYKoFhAWfYidBtAUw8OIrY\nlQRyEWnbt9Xcg04IVgFzLy0iu5SrvW56WsToA8M7Lr/Yawehd+9GDMNAsFm3fJx7dAD5SKyhNMI5\nUD+e2urzYOh9dyN9bQ75lTi0crXOnRV4uEYG4Bpp3+1w8cY8snNLtf82VA3SUhQmuw2B26fa9jpk\njSNoR3q6cWOkzWs9MNleoHo+H39oDKnrqWpXB2e1q8N2y7LaaeGVpbp9HbllCUpBwZHHJhoSBJ7h\n6n6H1IwItVRdd/CoHzbv1u/xw6Dau/fgnL/JzlHgu8d8Yx4krqUaOhGwHAu5KMPcxttmckFGdEaE\nqmhwhOxwhh2QVuontXhG3BAsQsv3vYHNa9sMw8D0i3MoxNf6SebjRchFGcN3D2LorgHop3Vc/D9X\nYDS5JWdymiCYOYBh4OxzoO9EEMlWwzAuxjF2/+bDMErZMmRJhqPPvuc7y9e3wenVNmblrIRCNAHe\naoFrKLyjrKgt4EXfnScgTi9AyRfBWUxwDYbhnRpteKzJbkP4zhPAnSdQTIqoZCXYw4G2jygubhjL\nuaqQErH/ebnDwTvqhhSVIM5naxeqZpcJ4TtCmz+xC+maDkM3Wp47bB7Lnm9k24pclJGPNk7cKmXK\nEOcyTe/8eYbdtQAYAHIrEhZeXYah6XD0OeAb9xyoi5Tt2Ni7V/zWDICDM6aYbB8FvnvM5Kh+IETO\nR+sCQV3RsfjKMo7+/GRbRmVml3NYfC1SC1qT19PwjnoQPO6/mZmtTm0LHqveZnYEbQ0b4KrH7VBK\nzbO1FpcFuRWpLuhdlZ7NIHx7CIJVAMuxsPosTYdcuAecdZvrgGqNbzOZhSwuxvOw+2wI3VZfY6zK\nKhZeWa5uclON6oCOoz70Hd+b3qMHoXdv/MK7yMwtw1CrF2HijQX033MHzM7t9+d0DYXhGgqDZRho\nur6tD09bwAtbYL9bIlFGZ68wDIORc0PwjnmQjxXAmzn4p/wty6u6ka7qWHpzBVJUgqbosHmtGDjd\nB5u/++rDlbLatG/76te2snHapTifRSFRwMi5/el73g02Br3nP/ETUNB7ePXOmaqH+ca9YJu085IL\nClI3mmesdsIwDMQuJ+oztQYgzmfgCjtw5JEJTP3cOELHA7VApe9ECJ5RNxi++t8Mz8Az6oZrwAml\n2Hgy5cwcgkf9Da3Eai+nGSiuq+/1j3kb/rrMjuott402q+XVyhpyEQnzLy9Bzsu145HzUeSWpVq7\nIaWoIHoxDim2d7PIn/+NzL4EvYZhoJjKoNxiM1krcr4AaSkGtdy4sSW/Eoc4vVALegGgkskhcena\nrtbIcmxXZIxsLfpU2vwHr/doN2EYBq6wEwOnwwgdD3Yk6DUMA1I0j2wk1/Tu0mYWX48gPSNCKarQ\nFf1m79ulpj3CO83mscLsarwzyPAMnP2bT1hsNe1SXMiikNqfKXDd4txjUnVgxSd+0umlkA6jjO8+\n0BUNutr8xNzqSn67DMOAnJdRFJtkTQ1AihbgDNefHOWCjHyyiP47+hA6Hqi1M7N5rVh+c6WhHy8A\ncDwLhmOATYIdft2u4XJeBssw0GEATDXzPfG+kYbNcUpFrX5obTEtVCkqSNyo1hgbhoF8ovGkbWgG\nMovZtg8M2U/SShzJd25AzuUBloUt4EHfmdthcrSuzzN0HSuvX0I+moChauDMJrhHB+q6M+Sjyaa/\n34qYg6HrPbsRzHtkFBWpgPxyFLqqgeE5OPqCCNw22emlkT1UTJew9EakNjTI4jKj/3Qf3IOuLZ+r\nKRqkaONFpZyXkbyR3lav3P3EsAxCx4OIvBVdC8wZwD/uhd23ed1uUSw13W9haAby0TzsXZjhJmSv\nUeC7D3gLD6vH0jDZDQzgDO9+DGR2OYf4lWR1eEaLoJET1gIawzCw9EYEmYUcNFlraGEGtN6ZresG\nYADufgeyC9mGr7MCC+vNlmbzP1uEOLfuMUa1M4QUK8DsWtuFnE8UsPCzpaYT3Zqpz2g3/4F7ec+C\nWpERf+vdtfnquo5iPI34W5cx9N6zLZ+XeOd63ehhrSIjfW0OJpcd7pFqfWKrwFZXNSy9fB6cyQT3\nSD/sfb1VGcswDPrP3o7K0TGUEmnYgz4IOyjdIL1n9Ty2/nxazlWwfD4KR59jy+yzpugtEw7dkvEt\nJAvIJ4qwuMxwDTjhn/DC5rUgPZcBdAOOsAPOsAO6pm96x8zkMLWcdrmfbdk6zUB3/LuS7kCB7z5g\nGAZ9J4JYej2y1hqHqW58c+wyO1nKlLHw6nLTfpqrTA5TXQubxNUUUjfWdmOvtjAz2U0In6xuTHH0\n2ZFqtWObZeAd9SA1I6KwIeMaPOYHy7FQygrEJoExUA3UA0fWSh2il+LbDnoB1LfuaZZ4Zqo1xL0q\nO7+8FvSuU0iJkAslmOzNszsbh0rUnhdN1QJf90g/cvMR6Gp9mYauqijGUgCA/EoCfaePwz3ae0MI\nzE47zE47eJ6DqtKH3EFWSJUakwioZmzFORGBqc3b5QnWFokIFnD2b/98rBQVxK4kUM5VwJt5eMc8\n2z7/aKoOhmks81LKChZeWUY+lodxMzZ39Nkx9sAwrF4rBr1WsAww/8py7e6czWdF+I4+2Jpkf01W\nAa4BJ8S5xmmX6ze/HWSr+zM+PKoCzZssdZxSKkMtVWDxOHv27lsvocB3n7gHXbB6LEhOi9BVDc4+\nB1wDzro6SV3TUUqXINgFmGybX42nWjSRB1PN8lq9VoRPhuo2zrWqf5WiEvyTXghWAZ5hN6SJAsQ5\nsXbiNbvNtR3bDMtg/H0jiL2TQEksg+UZuIdc8E9UA+z0bAZoUb2hrluvruooZbbf89cesCF4M2iO\nXU40vX3nDDu2dauza+ktfnGaDkNvHcy1rG9cd9zidSNw8gjEG/NQ8kWAZeq+DgCGqiIzswDXSH9X\n1O8S0lSr9wlQO2dtplUiIjDh23aZlKZomPnpfF3f8lxEwtDdA/CNeVo+L58sInYpjqJYAsuzcPY5\nMHRXPxiWweLryxDnsw31uPlYASsXYhi+u3oRO/ezpbq9FrmVPCoFGUd/fqpptnv4ngFwJq7WA9ju\ns6L/9OGYdrl+U3Loiz/AheXu2tCmaxqib1xCIZaCrqgwOe3wTI7AO7F5NyNyayjw3UcmuwkDp/qa\nfi1+LYnktTTkvAxOYOHsd2Lk3kGwLW7baUrzQEiw8jj+xJHm7XlaxEeFZAnv/NNVsDwLk02AI2jH\n6P3DKInl6o7tSV9dZoI38Q2dGVZtdjLlBBZLb66AN3FgBQb6VvXNLGDz2+DqsyN4PFj7XSRbbAjc\nq3Zm+9W71zncj/SNBegbRv5afG6YHGu375ViCQzDgLdWM+BWv6fpVDVbqH7jl3diGO7RQZTFDMSZ\nJeTXlUeskgulas0vt/vfpaYoYDmOMhdkT9iDdli9loZhOYKVh2+8ddC53moiIjUtQlM0OPud8A27\noGnbe48nriYbXn91I1mrwFdTtGpp181NulpFQ3pGhKEbEKx83UChjVaz02pZRS7S+F6v5GSkptMI\nHWssVWI5FkN3NT9fH2SrQe8//pYG8dkfYK7Lgl4AiL/9LqSlWO2/ZamA5KXrsHicsPo2/1s2dB3Z\n+QiUQglmjwvOwRAlLLaJAt8uIMULiF6I1TbAaYqOzEIWnMBiuEUPSbvPCrFJhwWb19oyAHQEbZCa\n9IMEABjVFmvlbAXlbAXFdAlTj4zveHqab8yD+LsJqKUNgTlT7febb9IKrSUdCN8WgGtgLYubnqs2\nZW/68Cab8m7V+jY4x3gXzu9hRweT3Qb/sXGkr85Bk6sfjiaHDYETU2AYBiUxi8TFayilM2AYFla/\nB6EzxxE8eQRyoYhiPA0YBhieg2soDPd4Y7silmNhC/hQSopo9pfAW827DlgLsRRSV2dQyUpgBQH2\nPj/6Th+nAJi0FcMwGDgTxvIbKyjnqh1MBLuA/jv6dnTxa7Kb0L8uEVENGrYX+LYq0ZILcsuxzckb\n6brONKukqATessVHMQNE34kjPSvW3TlbT630XovFvfb8b2SgvXy+K4NewzCa9iHXVRW5hZVNA1+1\nVMbyK2+jnF4rK8yFAxg4d4Ymnm4DBb5dILOQadr1IR9v7LO7yj/pQ24lX3f1b7IL6D/Zuol86LYg\nyrkKMsu5WhuwVorpElLTaQSPtt7sVEiXUIgXYPVaarcIeTOPobsGELkQhSxVPxw4M7dpLfKmNgRN\n2eXWLb5sgfZOJlof9H4u8QbOf6m9HyxquQJxegFaRYbZ5YB7fBi+I2NwDoWRW1wBbxLgHO4Hy3Ew\ndB2xNy/XMrsGNBTjKcTeeAfDD96DofvvQjEhopKTYAv6YHFvXmvomRxFbilW7R6ximHgGt5dmYNS\nKiP65iWopWogoisqsrPViWrhO0/s+PsRshlnnwNHPzAJcaFaGuAdde/5AJv1BFvz6W2CTWj5/mm1\ncU6VtZZ39lZxAovoxU0KVG9O0CS9xWhRttPq+Krklem6oBcACtEkxOuz8B+njjZbocC3C2ys6aod\n36Q3JcMyGH/vCMT5DIqpEjgzh8ARH6wOM9QWmU+GZTB63zCCYgnp2QyS11KbrqvSJDuxuq6FV5eQ\nWboZQLOAK+zE2P3DYHkWnmE33IMu5KISOIFDalaEuMltvFaqAXX9Dv1WvytWYNs+vMKAVu3d++r5\ntvfuLWVyWHnlbSiFtQ02UiSOofvvQn4lieLNmq9iUoTv2AQqmVzTcoZSKoNyKgNrwAt7yAd7qHlf\n2404gcfAe04jdWUGpZQIQ9MhOGxb3l5rJTOzWAt61yvEUj3dLo10L5Zj4R/vTL/mwBEfsou5WsYZ\nABiOgX+i9XqcYQfiV5MNeyBsHgtMLjPkfOOmYIZjYPNaUGgyDGg935gXzhB1M1nVC6PlGYaBxetG\nvtR4QWMLbd5dp5zJNT1eSjc/TupR4NsFHH2OpoMhrFv0aGRYBr5xL3w7PPnbvFZY3RbkY3mUs43B\nyiqL09z0eOJasr5dmV7d2LFyIYbBm7VkDMvAfbNEIbu0vTcjb+FrLcusXgsG72rMPtqDtqY1bt4R\nd09t1ki/O1MX9ALV7gzLP3urevvr5gm7nMmhLObgHGldo6fKzS9QtmJ22MEJPNRitVZRq8hYeulN\nBE5MwddkDPFmNnaLqB1XVBgaBb7kYBEsAsYfHEHs8s2uDiYO3lEPvKOtLxydfQ74x71IzYi1igre\nwiF0WxA2vw2yJK91mmCqUzSDJwJYeGmp5QW/YOcxeKYf7qEe3tTbZr00Wj5w8giUYhmVm4Esw3Fw\njfTDObj5+G+Gax66MVTmsC0U+LaJYVT73O4m+PKOulFIFJCez9RKEGw+CwZON26EMwwDmYUsSpky\nzA4TfOPeXb0mwzLouz2I5Tej9f1xb7IFbPC1yF60qtOVEnksvRlBKV0Cw7G1Ecn+SS/E+QzU8ubl\nDpPvH0VFqg7jqEgy4leSyMcKCN0WqNUthY4FUBLLyCxla5kTR8iO/ia/q24mS83LWMrpbEOWQpYK\nyEwvguE4GFr971Bw2GDv212mu5yRkF2I1B0zVA2Z6QV4xofA7mCDmy3gQ2Z6seG42e0AK9Bphhw8\nZocZI/fubOzv0N0DcA04IUXzMGCA5VkoJQWcwOLIIxMQ5zOQCwrsQRucfQ4sn1/ZtLewb8x7aNqS\nbcdq0Nsro+XNDjtG338vcosrUEsV2Pv8sHi3/vd0hAMopza0sWRZuIbCe7TSg4U+kW7R6rjgzGIO\nalmF2WlC6HhgR221GIbB8D2D8E14kY/mIdhNTTOYuqZj9qcLdRvUUjMixt87AsHavOZsM94RD+wB\nO9IzIopiCZqs3bz9YkH4RLBlkTzT4qJSlhQkxbVi/XysAKWkYPDOfgydHUDyagr5ZOvNbZWcDLms\nIHE1Vctw5CIS8skCxt87Ao6vBmKOoK06v17W4B50IHyyr+d2s7YKBltlTrXVMcQMUwuMOYsJ/uOT\nu97MUIgl6kYYr1IKJUiRONzD298J7hgIwTncD2lxpXaMt1ngPz6xq7URchAxDAP3oAtKSUH0UryW\nDEhcTWHw7EDD3btWmV6gevcrdNv2LnrViorYlSTK2XI1Oz3mgWuLcce9aK08rfuD3lUMy8I92nwT\neyu+o2PQZLk6or5Uhslph3tsEM7B3koAdQoFvrco/m6ybtOBWlaxkFvG5EM8bL6djYO0+22bjpCM\nX040dGUopkqIXoq37P6wFZNNqA2v2EpRLCFxNdXQxmdVs64KmcUcwidD8Ay74R/z4N1/m24YfrHK\n4rEg+v/ijX0sowVc/LsrYFgGnImBWl57nXKmDCmax/C9Q7CuH3DR5ZyDfQ2bE7aDFXi4xwbB8Txc\nY4MQLPXlKGqpjNTVWVRyBXAmAa6RMJwDzU+Ggq11KU3s/GUUY0mE77p9W2UKDMOg/+6TcA6GUEyk\nwQkC3BPDDesj5LBTygqilxJ1d8DkgoKVCzG4wo66hIczbEdyOt3QbMLsMmHy/WPbuujVVR0zL87X\nDezILksYOtu/4zI50h0YhkHojmMI3DYFtVKBYLUcmnIywzCgFEtgWbbW0nOnKPC9Rc3qV7WKhtSM\nuOPAdyuFFgFnUdx848NOVW7OrNcVDfagHd5RN8q5CmZ/ugCl2NjGhxNYCHYB5UxjvbBSVCAXFVjd\nHBiGQWDK1zTwtbhMYDkGZal1zbGhG1DLjRmQYqqM2Z/OY+LBMVhcvRFoeadGUUqIyEcTO3qeLitw\nDYVh8dTfUShnJGTnFpFbitX1AS7Ek9BPKXCPNd6SdQ6FId5YQFlsDMANVUNuYQW8xYLgySPbWhvD\nMHAO9LUMtAkhgDifbVpeVs6UkU8W4AytDdFwDbrgn/AiPZepJQQsHku1x/s27/QkbqQaptTpqo7k\njTQFvj2O5TmY+PbGGd2slBSReOc6SuksGJaFLeBB6PQJmBw76+hEge8tUlu1qNlt+65NcFzz2/nt\n7NuXjUhYem25NtEoNS0it5wDI7BNg16rz4Kx+0dQzpQw+z+NNZ4muwCzfW0KnXfUg1K2jOS1dC1D\nLNgEhG4LghVYmKzCjsYYr5LzChJXk7vOfO83hmFgHwztOPDlbda6YRZAddRx/MJV6Erjh6mhasjM\nLTcNfBmGwcC5U0hcvAZpJdF0IlazPpOEkN1r2bqMAbgN5/LVMjjvmAdSNA/ezKHvaKDVcMymKlLz\nza9yXoau6Qem7+vqwIpjnBPiv84A6L7evd1K13Rk55eqwzBczq6c3qlrOqJvXYacq+6PMTQNhVgK\nsbfewfB7797R96LA9xZZ3RbITU4sNk/7b7t7RtzIRqSGUoB2jumNX0msjfG8KbOYg8XdPJNqGNWJ\nSZllGYKNh1Jc91wG8I55Gk70A6fCCB0LID0jIjUropKTsfDKMjgzu62Ro63ITQLzbuYa6od4ba7l\nRjeW5+trfhkG7rEBsPzapjND15G+Pt806F2lFMotm+oLNisGzp3G0s/eQiHS2FbHuJV/EEJIjWEY\n0FUd3mE3Eu8mGwJSe8DWspOPI2iHI1i94GV5dkfDekwt9n8INmHTjdGZpSzEuSw0RYPFbUbfbcFd\n7SXZa+u7ODwzZYf47De7cmBFt1JLZSz/7O26O3/ZhQiG7ruz7rOm03ILkVrQu14xKaKclbbsXb8e\nBb63qO+2AEpiqS5L6QjZEWwyOvJWeYbdqBRkpGdEVCQZJrsAz7AbwWP+HX8vwzCglFSwHAPeXP0z\n0BQN5WzzcgqjRT/Ecq6Md390oy74Z3kGNr8N3jFPQ59NXdNh6AY4EwdxKYdKbu15WuXWgqxWTeV3\nox19IJVCCeLMAnRZhdnjhGd8qK4Oi+VYhE4fR+SVt5sGrtagF1afG6VUFizHwj4QathwJueL9UMo\nmhCs5i2v3u0Bb9PAd7d9fUlnXbt2DZ/+9Kfx1FNP4cknn4SiKPjDP/xDzM/Pw26346tf/SrcbuoG\nsJc0RYM4nwXLMdBUvX2JFmYAACAASURBVHrezssw2QTY/FawAotSugww1THMQ2f3JssWOOJDZiFb\n13MYbDUp0er1UtNpLJ1fqXUZyscKKCaLmHp4YsthG/vNgIZzj0l4ZpKC3t1IvjvdUO5WSqSRujqD\n4O3bK3PbD1qr5I5u1JX3bQcFvrfI5rfhyCMTSNxIQy2rsHjMCEz69uz2Ud/xIIJH/FDLKngzv6uT\nUD5RwMqFGIrpEliWgT1kx/DZAfAWHpzAQZMbA1BH0A5DMxrLEDQ0ZLx11YDJKtQFvbqmY+71ZWQj\nEjRFh8luQjnTPMius3GKKAOY7DzkfP2bQLALCB7d+QVAM+1oiVNIphF9/SLU4s0Pm3kgv5LA0P13\n1gW/9pAfgw+cReSlN6Gte/OyAg//5DCsWzQy58wmsCah9RufY+Ea27r8wzM5gnJGghSJVTs9MIAt\n5N92fS/pHsViEc899xzuu+++2rHvf//78Hq9+MpXvoLvfe97eP311/HII490cJUHW2pWRPRirP4O\n2E3lbAXlXAUDd4YxdJcNDM/A5mnv1Mn1eDOPsQeGsfDqMiqSDJZnEZjyIbQuObO+6wMrsCiL5Ybp\nnsV0GYnrKfRts5PEfvrwmAbt5Rcp6N2FSqZ54qSSaT0ltRNcw2GI1+agbehbb3I5YPXvLEFDgW8b\nCDYBA6f2b0MPy7Ewraub3Qld1bH42nIt06ppBnLLEhb1ZUw8NAbXoBPJa/V1nYK92vkhMOXDjf+c\nbRoYb5RbkVAUS7B5qyf0pdcjdUM6thX0AvCNe6CWVZQlGYKZw9Ddg7B6LMhFJaSmRaglBSaHGcGj\n/rZ0dVitE7vVPpDpq3NrQe9NxXgK4vQifEfqh0PYfG4MvOcMxBvzUAol8FYz3ONDcA70QW3Sbmw9\n3myCPeSHtBStO86wLMxeNxiOQSmRhlauwDs1Cs7UPCu+2pXBKw6jmBRhdjlgC/m7rs6LbM1kMuGF\nF17ACy+8UDv2n//5n/jMZz4DAPjIRz7SqaUdCkpFRfRCrKFkrI4B5JYlhDYZCd8uhm4gciFW2+Cm\nyRqSN9Kw+a1w9jkgF2Vc+7eZphvuNpJbTPMkvatVOQPTRWUOACBYLfAdG0Pq3ZnaHVLeaob/tokd\nd7TYVuBLt80OjtScWFdesEqKF1CRKhg80w8GDHIrEjRZg8VrRfhEtbZLsArgTHzDFVczakXD9H/O\nYeBMGK4BB9LzOx9ZDFSnzAWONGZyXWEnXHs0m74dfSBblR9UsmtdQAzDQG5hBbKUh8lhx8C9p3bV\nkiZ89nawPIdiIg1d02H2OOHoDyF1ZXqt/y+q44OHHrirZfALABave8sG6oauQ5yJoJjJQbBa4JkY\n3tGwC7K3eJ4Hz9ef2peXl/Hiiy/iz/7szxAIBPCFL3wBHg+VsewFcTazedB7k6bsT/18elZEbrk+\ne6cUFcSuJGEP2HD9P7YX9ALtLScj3cHRH2zcxMyycHVhT2DfkTE4+kPILa5Up8OODYE37zwJuGXg\nS7fNDpZWU4AMzYAqazA7GQze1Y8BIwxDN8By1W4OKxdiUGUNnGn7gZkma4i+E0P8SqJhPv22sID9\n5vx5wzBQSBahawacIXvXjyfmTDzUJl3mWKH6waEpCpZffgul5Nr0nez8MgbuOwPeZIJhGKhIeehg\nIGzRq5DlOITvuh0lMYvUlWmUMxJK8TSMDV0aymIW4o0FBE5M7vrn0lUNSy+/iVJibd25xRUMvufM\npn2BSWcZhoHx8fH/n703i3EsQet8/2e1fY73PRbHlhGRS+VWa1ZVV1VXb8CVkLgSgns14gEB904L\ngTTiAZjpocUVAqm53BdAiKYfGAmeBmYQGjRDN0VD091VXUtWZuUWmZGxh/d999nPfTgRDjt8ju2I\ncGRGZvv3lOmwfU447M/f+Zb/H7/2a7+GP/uzP8M3v/lN/NZv/Vbfx9AUaYwanRD6jM2E9mMU50oN\n+RwUTRz5eJqqIb9Rgq5q8M/7hjqWle56I9fA9vu7kBvDJb0Onx3Ri0HkHuVR3q1ClVVwPgcmroR7\num2apkMVFejk0X/HIyMdvEnpE1QpT/LYJ80ozzV4fh66qqKynYTcEsDwHHwL0/ANMSI3iNN4TWmv\nC5z3ZEWvgYnvuG32fOGNeZB7WOhJgO1ee3ssATC0fIWysXiRvJXumu0lKKKvo1AnwwZVUzSguF6C\nb96LxM0kGnkjkyRZEv5ZL6ZenDizCbBzMgKx0l31pew2eBdiAIDCw42upBcAWoUyCisbcE6EkL+/\nBqFcAUFS4II+RF68CIKiUE9mQNvt4KPBrjEETVWR/uSepULEPlKt/yLcIIqrG11JL2DMguVX1jHx\n8uUTPfeY0yMYDOLVV18FALz11lv4kz/5k4GPUdSTVyRpmoRyBAWCp8moztU760FmJTdQllFTtCMd\nr5auIf5pqt2xS93LYuJqBL7Z/pV7gjaPkbqqo5KwnuNkOBp2jx2qrMLhsSN8KYTUvRwyDw4kGIWK\niGaxhaWvLIBijCQnfS9rWC83ZdicLPzzPoQvnOZIx8F30aDRMCtomjr2Y580p3Gu/vML8C3NQRUl\nUDYWBEme+Bhn+TUdmPiO22bPF3aXMQ+bfZg/0NF10Ii+EAJBEtBUDTsfJVBN1Iyfk+ip1uqqDoIk\noGvHVzwYlmaphWax2U56AUCTNOQfFyE3Zcy9NXMm51ADFxYAHailMtBEGaybh39pDjaXUcEWyr3G\nJwDQKlfQSOchNwyTD0OrMI/dH9yEpqjt0QWbxwnP7BTcs1No5ovI312FVLe2g96HOkZbqBPBYuFB\nrBxtEUKs1aHJCuw+z5n8+z1vvPPOO/j+97+Pn/3Zn8X9+/cxPz//tE/puYViKExejyJ9N9utpHAI\nWVBQyxpqCazTUOix+izomo7E7UzXmJrUkJG8k4F70tVOOs0ILQZQ3q4MNX7R9bjzwa4FOF3TUd7t\nNbsRqiLyqwVEXggjv1ZA+n62nYsKFRGpO2kwDnpggn4c9ncyoOuojrV7TwRxAie0Z41jLbcdtW12\nkpbZWW6TndVzG3Re09ej8M96UNyT2gkt+tv6jLt3MihvdwQ3i4IE62Qh9gnqo0KoCJazcJVEDY/f\n20D0hTD8MyebMW+/ZiNqmwFA9OoyoleXTTV0Kdp8Vk6XlHbS24l8KKkVK3Vk7zxC9sGaIbk2RHWO\ndtgRWJrt+r2a+RLKWwloigKH3wv/4kzfOWPaYj6YYpihXi+x3kLq5j00ckVA02D3uhB6YWmk82TP\nUsvyNLh37x6+8Y1vIJFIgKZpfPvb38Yf/dEf4fd///fxt3/7t+A4Dt/4xjee9mk+13hjHnim3Kgm\nayjtVrpj6h66omPjXzfb2uX5UBFzb82AsfV+LdeyDdOFYLkho7RVNt2D2Id1sojdmEJ2JY96ttFj\nf2yGe9rdlfQCgKpolsZMsqBAkVQUt8o9z69rQGmnMvLEdz/p/fuvqij9zn8fKzqMGZpjJb5HbZsd\nt2V2lttkZ+HcdE1HcauMRr4BkiLhX/DBHeJ7zkusi8g+LEBqSGDsNIJLfnB+DtHL4fZ99h9TSw9X\nuXNFDCvjSqIKoSyeWvV3kIJEs9DC5vs7kFsTCJzzH+sY+39LQ7tXb2v3nmabhp8MGa5th3SCGSc3\ncFyhiwHnSFAkKLsNNhcP39IcaJ5r/16HHd8qOynUswVM3rhmWXnipyKoJrLQ1e7j8hOhoV6v1M17\naGTy7f8L5RpSnz4A63ODZk9WjQbOdnvtSXH58mX81V/9Vc/tf/zHf/wUzubHF4Ik4Jl2gwtxEMoC\nhEq3ju5h189GronUZxnMvNY7W9mvKbI/7iXWREhNGXyQ65HT3F8GXv/eFmqp3nEn2kGDsdEgGRLe\nGQ9CHYm0rumoJGsgCB02J4Nmsffz1Sy18PB/rkIRLHZIRvxdmZPKe9q93Fi79zlBbrZQWt+BKkpg\nXU74FmdObWn6WInvuG329NF1Hdsf7KK8e9AyL+1UMPvqFNzTB05uYl3Exve2u1yCquk65t6MtZ2A\nup938LFpO4Xgkh92tx3RF8LIrxcR/zh5sl/oBOiKjsJG6diJL9Dt/nMSGbOu89J1VONplNd3oEoy\n7F4PAhfnYXM54Z2dgiqIxkJBswXGYYd7ZhLumQls50t9ndiGhWIZhK6eh2dm0vTcSms7PcepJ7Oo\nJTJwT0dNn9M1EYZyeRnV7TjEehOMww7XVBS+c4O/eOSmgOahuWbAcA6qbCUQWB7HkTHPH4yNxvzb\nM8is5CFWRFA2ClJDglDu7Zg1C+bjSs4wD4ffgVaxe2OWdbJwTTix8W/bqGXr0BUdrItF+HwQwcXe\neOif86KebXTtaBAUganrUdOKbCVZQ+p2uj2ywXA0SJqA1qHxy/AMmnmTTd4OHL7RL76OtXufH1rF\nMlIf3YHcPOhqNNI5TH/uJZD06FV3Bz7juG12NqnEq11JLwCooor0Sg6uKVe7Ypd7WOixxlRaCnKr\nBdPElw9yplvAlI0EQMDutiF8IQi7+2AW6Cw4+UhN2dKWdxCZVvXEhhVmpD+9j+r2wQWBXG+ins5i\n6sZ18JEAAucX4F+agyKIoGy2dpXGvzyH/MONocYXrGBdPCZeu9pj4yg3W6juJKHJCsS6eWVZKFYs\nE18A8J2LIbg0C7ElgGLooSXYNFXtqRQf/PBsdnbGPN8okopqsopKogpN0sA4jaTR7ja3aD+Mpmqo\npepgOAachd0wANicNsy8elDJvff3D83vaPFRIggCUy9FkbiZasdnu8eGiWtRJD/LoJo86NRJNQmp\nz9LgA46ehNM364UiKihulCE1JbA8C/+CzzTp1VQNiU9TXdq9clMB62TgDPNQZQ2cz46iyRhHJ3yI\nQ/jS6esVP4sU17ZRi6f3qpw8fIuz4MOjMWJ6lig+2upKegFj2bu0to3AheOrEFkxMPEdt83OJo28\neWVAKAtQRBWM3fjTig1zzV0rIfKJa1GIdQm1dB3QDfth74wH069MApp5kusMcKBYylIq7UnAcsyx\nl6Q0fbRJryJKaOaKXUnvPrqiorC6AT5iBDeCJHtkwALnF9DIFnrUE4aF4TlM3rgKm7s76S1vxpG/\nvzZQh5m2m3/pt0oVlNd3IDcFsLwDnoUYaJ8HcksAQRCWj9uHdXKw+z0Qit1flCRDwzU9YfGoMWNG\njyIpiH+SRDVZby/5AgAyDdSzDZz7/Cxszv7v58J6EdmVPMS6BJCGu+XMjWmwA7RuxYYERTSPMzTT\n+5Wsazq2PthFLWWcK0EBrogLc58zFGLiHyd6HqPKGopbZUyZVFpDy0EElwLQFA0kTVrGzdJ22fR7\nQqrL8L7ihTvqBAAUNs012m0uFtEXQvDOeEeqvjMKO/mzQHFtG7m7q+3fQ260IJRriL39Mmwu56kc\nUxEllDd2oYoS7H4P3LHTsck+KqKF2tBhZaRRMXZue0ahTRYgABi2wx3JKeMwv5/V7RRNYuGdWVQS\nVWQf5iGLCoSKiMy9XNdMsNSUkbmf3bO4pGD32tHIDjebSrIktCHc34aFoIgTjTnsc9KtYLklIHNr\nBa1CEVqfOVOp2hhcnbaI6QzngCKK0C2qwY6gFxOvXOlJpjVZQeHh+sCkl3Xz8C5M99zeKlWQ/NFn\nUFrGVXkrX0ItmQPD2SHWGyAJAo6AIbtmpedLEASClxaRvb3SVqCgWAa+8/NgnVzf8xozZpTEb6ZQ\n3jFXVpFqEvKrRUy9ZH0xJtREJD/LHFzsa0A900DiZhLzb89aPg4ANFmzXBp2hnu7cJvv76AaP6jo\n6ipQTdaQeZBD5FLIcr+i394FQRB9lSAAQ9LSko7n5vyOHtt6AAifDyK0GBjpLswo7OTPCrV4uid5\nVwUR5Y1dRK5dHPnxWsUyUh/fhdzYG0vZ2EU9mT2ScZIqSlAVBQznGGnCTNnYngVuACD7mC2dhHHi\n+4wSXPKjuFnqGWPwTLlBkASKmyU08k3omg7aTnUtHVAM2ZMoChUB2ZU8hLoImqUg1uW2aoMMGc1C\nC7IgY+a1aaiyis1/20arc8uYAPiIA41sq//WMAF4p1wgSBKF9eNVNA/DOGj4556+nF760/toZgoD\n70eyg6vTNrezR+cXMJbIXLEodr/3kenrTNvtoB12lNZ3UE/noMkqWCcHhndAaZmrcNCcHQRBwOZ1\nI3jxnOlMVXltp5307qPJMsSKoVWqAWhk8kjfvI/Y269Y/l58OIDZL72BylYCmqLCHYsObXzRLJRQ\nT2ZBUhQ8c1Njw4wxx0JTtIEX6ZJFp2yf4mbZtMNVzzWgSCpo1jqptHtscPjtaBW7P08UQ8I74+66\nTWrJXWMMnZS2K5i4EgEX4HrvQxrfBSfBqitIsRRc0YOK5MSVMMSaePD7kIAv5oH/nO9Exz/MqOzk\nzwqqaP76qmJ//efjUni4cZD07lFPZlHZTsA7H+v7WFWSkb71wHAHlWXYvW74LyzANRHu+7hhcU1F\nIBS6OweUjYV3vrcIMwrGie8zCsVQmH0jhvT9LFqlFijGCEaxlyaw/oMdVDrmf0mGBBfkoGs6GAeN\nwIKvKyhKTRkbP9gxvWrvpBKvQboio7RZ7k56AUAHpLoyWCpHB8q7Ncy+MQ1nmEfuccFYnND3KiGD\nINBzDKkuo7h5suW2kyLW6mgOOZrQb352n8CFBQilKoTSwViA3edG4MICaBsL1u2EZNIGUloCNr79\nfSgd81JCsdxXvzf64iXwkf4zeHLL3P3pMM1CCUK5CrvX+kuXpKihluE6yd17jOL6dnvuubwVR/jq\nhaFeyzFjOtFUrXu8wYSB1rxWbXa9z8/2IAgC0csRxG8mIe+ZXJA0idD57t0JABAromV1WJGMxG/y\nWgSyoLQX30iGRHDR35WcHgexbp6AsTzTNbpgc9qw/OVzKG6WIDVlOEP8iY9txSjs5M8KrIvvSUQB\nwOburfqPAquxgVaxMjDxzdxeQT2Raf9fKFWRvbUCu88DZsCI2zD4F2cBTUctnoYiisa887nZvt8j\nJ2Gc+D7DcH4HFt6e7Wqbl3YqXUkvYCSUBAEs/4T5kHhuNT8w6QUMC2KxJlpWQxRJGWrWV1M0o1px\nNQz1vjr02IMn5u753fZJ3EqjVREx9WL0qcwsqaI81IIWSdMQq3WI9QZsTusAR9ttmP/CDeQfb0Fq\ntMDyDngXYm15Fz4c7E18SQJCpQbdZMxi35HHrMrQzJcGJr60Y8jgpumWlYzjIlRrKG3sdC37qYKE\n4qMNuKYiZ2JGbcyzA22j4fA5DE1bE1gng+By/wUj34wH+cfFngSaCzgsx9A68Uy6wAfOobBRgqZo\n8M54emx/AcMmmKRJ00R9P0m2e+xY+tI8dj9JollsgXXQYHn22Mu++zA2CmZaDTaTxT+CHM242Vmi\nmSuinsoZsnTz02D50Y5j+RZnIZZrUISDTpzd74Fvsf+ozHEhGRpmf1BqgGqCpiho5oo9tyuCiMpG\nHMFLo1k+8y/Pwb88N5LnGsQ48X0O6Axu9ZzF0ltFgCqrpnNdcnO41grDMeB8DjQL5tI1DpcNDr8D\nhbXBlU9VVpF9WOhyIuqHM8Ij9vIkWqUWJJNKhKZoyK8WwNhpRC6FhnpOAAfavSfE4fcYVdjqIZti\nloEj6EM9md07TwX1RAZyo4nZd2/0na0iaQr+pbme2+upLFrFMkAS7Vk7xsmBtttMxyP2oXmHaVJa\n2UzAe27G9MpdUxTkVzYg1ZoASQ5M7lkXDy402i/AeiJrmsyLlTrESu3UqgJjnl+iV8LY+TDR1c6n\n7RRcURfCFwKwu/pf6Dl8DkQuhZB9lIe6Z+rg8Dsw+eLwS5q0jUbkYm+sKmyUUE3WoGs6+BAH/zkv\n8o+6Ew+SJjH94kG3I3ErhdLekplYEVFLNyBUBEy/3CtlOCy+eR9quQb0Duky2kYhOOIRhiPxhBba\nsnceGRfbe/G1spVE+Np5uGOjW8LlwwFMv/3y3rKZDNbFw780O1L5LrFaR3F1C1KtYbp3QrEs3PO9\nutGdaKoGzUKNR1Ofzcr7OPE94+i6jvzjIqqpGqDr4AIcIpdCPQLl+9A269my+M0kFEEFQQI2lw3h\n80EwHAOGG8I4gAD8815QDIXQUgCV3QqaHTNqBE3Av+BH4JwPNpcNtUwD0HUogmIqj2b32NEqmSfQ\ntJ3eOxYJTdZg89jhmzWc2ZwRJ4rNkmX7r5qqDZ34dmr3nqfdOMnEMUGSCFxYQPbOo7atMEnT8CxM\no7IZ77m/WK5ZzlbV0zljBlZSwDgd8C3PtavDYq2B9KcPehJYZzQETVX7Jr6ihd2wKkmoJ7PwLRyc\ni67rqCezyN552DMbTDvs4II+kAyN6m4SmmwERcrOInBhYehFiWGhLBYcCJo6sQXzmB9PnCEe53/y\nHPLrRaiSCs+kC56o60iLWJFLIfjmvKjsVkDbacNy2ES9QFM1KIIC2k5bxu19kncyyK7k2tfi1WQN\n3hk3pl+ZQH6tBEVS4HDbELsxDXbPbVOoiabOcKXtCsIXgmD5431GfDMe6Kq2N8KggHWyCC354Qyf\nzhhDP3JS+SBOn7I1sVCuorwV71rgUyUJhdVNuKaj0GQFiiCCdXInjnU2l/NUFtkAQBZEJH70GeRO\n2UrCcNnUdR2sywn/0hzsh9R/DkPbWNi97t7vFpKAc0Qzvk+aceJ7xkneSiO3erAwZVzJi5h/y/yD\nH1oOIL9Ras+O7aNKGkpbncGxjlq6jujlMBqF3pYfxZBwT7uMMQmShGfK1dZ6JGkS82/PIrOSg1AW\nQbEUfLMeeGNGchru8HgXagI2vrfTVVnh/A5ELgYR/zRl+jtwAQcmr3XPbjZLLcQ/Nlp5/egUZu9H\nZ9L7W7mbuPUHCk4aTN3TUTiCPlS3EtA0Fa7pKEiCRPHhpun9ZZNls2o8jcynD6Ape1fSeUPPMPra\nFdR20qhsxU3NLRqZPAIXF02TbACG9VOfam2nqoIiiMZM116V+jAkTWH6xlWomg7vuRhqu2kQJAH3\n3PRI5r0O45mbQnljt8fRjg/5wfyYeMuPGT0UQyFyYfjukBksxyB03nxMSNd1pO9mUdopQ2rKsPEs\n/Od8lsdUJRWlzVJPA6oSryK0FMCFn1oE0OsaWkvXTW3dVUlFLV0/1giCLCjIPsxBqEpgeBbRq1E4\ng09eeaUzTv+nRf6JuLTVUznTDpNUqSPx4WcQCuW27q53IXbkfYUnRWltuzvpBQAdYFw8pt98CSRN\nDT0KE7h0Dpmb99szyQRFwjsfAxd8itX/EzBOfM8wsiCjtNOrkVhJVlHLNuAykb5hHQxmb0wj8yCH\nVlkwFiAs8h2hImL7g922V3wnXIDD7A3rgXfGwWD6pf5ttPJOGZmVPKS6BIIkwDho+Oa9iFwIgaRJ\n+GbcqCSqXa00kiERWOj+MOm6jsTN1MCkF0BfEfmu5+yQxHnwl6NrnzF2GwIXFg6Oo2lgXXyvDTFB\nmAaNymb8IOndQ6o1kPjBzb7bvposwzkZgnt2EtXdVLtaQVAkGN4BqWq9xU47bOBCfrTKVeTvrqJZ\nKPdNkqVGC4ogQag3UN5MQJONNt2oK737kBSF6MsvIHf/McRSFQRFwhH0I3L9dColY8aMgvxqAZkH\nufb/xZqE1J0MWAdjahjRLLYgt3ovanUNqOeb4E0MhwAj5hEU0XPRT9DE0PGwE0VSsPG9ra5OXTVZ\nw8xrU11L0bqmo7xbgdSQ4J5wnYo7mw51z5qYx61f+i5Os9K7j1WHCQSBRkcxQKo1kLv/GKyLP5Om\nE1YqPkpLBGWiF30YoVJDK1+Cw+8BH/Rj7otvoLwZh6oocEZDcPg9oz7lE6HrOlqFMgiKHDj+Nk58\nzzCtsmjufa4Z1pZmiS9gaEHyQQ6FzSLiH5tXVfcxS3oBoJFvYPtHu3CGePjnfUcSINd1Ha1iC9sf\nxqGr+8fRITXkdhK8+3EC5biR9BIUAZImwPk4BM75eoJrcatkadjRCR/iEL1ytNaLod17ela5BEnC\ne24GuXuPoXcktK7pqGmwlJvmyf0giRubxw2SJDHx8mV4ZibRyBZA21h45qaRf7DWN/ENXTkP6Doy\nN+9DrJiPQ3TCOOxoFctI3rzfNXLRzBURe+vlI8+o6ZqG/Mo6mtkiNE2Dw+dG8IUl0B1jDA6/FzNv\nvwpFlECSpLGoMWbMGaZiJkOmAeXdqmnia/PYzJeDCWM0zAo+wMEddaKS6D7ecZPR/KNCz3iaKqrI\nPS62Y7NYF7H9Qby975F5kIN/3oepl0ZviLBvTfyk8MxNobwZ79nXICmqpyihKypq8fTIEl9NVaEr\n6lCSl4NgLeQeWb7/e0LXdaRv3kMtaexWEBQJPhrC5KtXntjy2VFpZArI3V81xvkI4/vCWlRznPie\naRweGygb1V6eaEMAXJ+ApkgKNn+wO7ShhBmaoqO0VUFpq4Jauo7ZN2NDfRBzjwsorJcgHJY726Oe\naSB5J92l4aurOlRdR+Ccrz0uAQDFrTKyKzkIFfMrVwDwzrphc9pgc9ngm/WcyQ1/30IMNrcT1d0U\ndFUFF/TDPWteLWc4h6nEzSA6q8xcyN+1YGbzWs9wuWen4J6OorKdHCrpBQD3zASKazs9c8ZCsXIs\ni8n07RVUtw7cp6RKDVKtgdg7r/b8PenxTO+YZwQryTSr21kHA8+0C8WN7i6fK8zDPdF/rnb2zRhS\ndzKo5xogAPAhHhNXI8c6b8FCv1eqHcTh5GeZriVnTTF2UfgQB9/M09dUPwn7Hab8/TUIex0mLuSD\nUKz0JL4ALBe/joKuacjcfohGJm900NwuBM7PnWiG1rs4g3o61xXXSYaGZ6G/dFlxdQvVnYOCma5q\nqCcyyDs5hF5YOvb5nBaaqiLz2cqBAYZujAf2Y5z4nmEYBwNvzN2jkuCecMEZsZbCSt/LnSjpPUx5\ntwrxn9YR2Ftes7S43K0geTvdd85WlhRUzByT9ioh+4mv1JCQvJ0yr3h3ntt2FTY3i4mrT0fGbBC6\nrkOTZNh97va/oYi6HQAAIABJREFU+WjI8lw989MQStXuADtATYFxcdBUFYkPP4PaEsDwDngXZ+Hw\nGa+lOzaBWjyNRjp/8CCCgPdcDOEr5wEYVpaDoB12+M/Pw7cQw/o/ft/0PqKJ+04/FEFEI5nrub1V\nKKOWyIx1esc8szgsFHD6jR/EXpkC62BQzTSgaxr4gNHFGhTbSIrE1BEUJQBjKS6/WoDcksHyLELn\ng2A5xtLVk3YwRueuKaFZMP+c19KNkSW++4YVT8Oa2OHzIPbWy1BlBQRJgKQoJD++Y1qUcAROPuea\nufMIla2D/QyhWEb61gpm3M5jy6jRNhZTb764p+pQB2Vj4ZmZHChdabUg3cr3TyafFpXtpKnrWz/G\nie8ZZ/rlSbA8i1q6bsjbBDlEL/cPhFZqCSehVRQQLyZR3CqBoimAAFwRJ0LnA+1zKW9XBi6X2Zw2\nS0cgoXJQJS5slAYmvfuIVQm7HyfAOGjwgbNjfZu588hYdDtUJWCcPIIXF0ylcdzTUUj1BgoPNw+S\nXU3rki47DG23I/XRHaiSMQ7RKlbQLJQx9cZ12D1uEASBqdevo7S2DaFUBcnQcMcmuqrC7qkISqub\n7efohHKwcEYjiFw7357jpe0sFJOxDNo23HKbpqrI3XuMRjpnaaN81GA2ZsyTQFU05FZyaFUEUCwN\n/4LPdPEr+kIIrbKAZseYljPC91WdIUgC0SsRRK+M/rylhgShIoILOCA1ZWz+YKdrCbqWqmP+nRlD\ntSde7ZKNJCgCLEfj0bfXDMMhy/Mfzbl2ubR9cgfbty9i8v+cAWm3QRNENNZ3ULl5fyjt9JPQOQsb\nemEJUq0JsbxXuCEIuKYiJ3YX03UdzUy+53ZVEFHejCN8efnYz8047Ihcu3C087FILXToKG/GIVRq\nYOw2eM/FQDGnYyl8FPRjvAfGie8ZRapLqKbrcPgdiFwMmeo9WkHSR4s+fIjbW6rQoQhqX1ejZv4g\n2aml6hBrImKvGjqADYsqQCeRSyHsfmiuPEB0nHc/n3kzVFFFcaN0ZhLf0vouymvbpj+T6w2kP3sI\nHcZYwmElBKFY6Q3omg6SoU0VHaRKvSdhVZoCEj/6DFM3rsHudYMgSfiXrWeZGd4B3+IsCqub7Y1m\nimURuDgPz9x02zhjH+/sJNKlalc1huYc8J0zb6Ppug6hWIEqyeAjAaQ+udflBNQDScAReLZbpmOe\nPzRVw8a/bnXtHFQSVcRemewa09I1HRRLYemL821rebvXDt+MueTZaaJrOnY/TqCSqEGVVDAOGiRD\n9ij/CFURuYcFTL8yibnPzSC7koNYlUDZKDg8duQ3il2LyIchacJ0dvmo7Ce9/++v1DDzAQX99f+M\nxZ/srapK+RJy3/khsv/wL9BGbJpjBsM5MPvua6jspCA3W+CCvvZsr67rEEpV6KoKR9C6K2qGrmlQ\nTUYoAJhq7542fMiPZro3EVcEEZlbD9r/r+6mMPnaVdg8/eXQTht3bALF1a22jOgwjBPfM4au60h8\nmkJpuwJVUkFQBNxRJ2bfjFlqQOqajsJ6EY1CEzRLw+G1o5au98jikAwBTe6+kQ9xWPzifPuDuvtJ\nEoW1XpcWK8q7VUQuhiC2ZCgmG8mdUDYKLEeD5hjIJiYU7o7xDc+0G7nHhb6B9jDKAMc4YLTavf0o\nrW31/bkuyUh/fBekjYF7Oorw1Qvtv0GPAsQeXDiAVqkCtXlo8cSiYqo0Wtj+7o/gCPkRffFSl2SZ\nGYELC+CjQVTjGZAEAc/cFBiLRYjA0hw0HajF021pH//5eTAmCxVivYHMpw/QKhhSTTRn73IrMsM1\nGRm5EcaYMScl/7jYs2iriiryjwvwxjxQJAWJmynUcw3oqqG7PnEt8lRdzdL3sihuHrSp5ZZi6uAF\nGEtrgLFDMvfmgYLC9o/ifWMx62QRXPbDaaE8cVT+v/9bwCL5NsifNs5hdRX4r/8VKBYBvx/4+Z8H\nlpd9mPp3Pw3va1ew9vt/DqVqbsk7SgiShHeu2/BBLNeQ+WylPVdq87gQurw0cKRgH5KiYPe40Mz2\nfu8+Dbkw3+IspFoTtUQamqyApGnQvAPSoR0QqdZA4dEmJl+7+sTPsRPaxiJ46RzyD9bbyS8zYDxk\nnPieMYobJeQfH3wAdFVHJVFD8rMMpl/qbY3ruo7NH+6g2rHRS9kouKfcEMotSA1DP9I354XdY0Pq\nbqbtlsYHHZh+uXsLd/qlCZAUgfJudShHN1VSUc83kB/GrU1Usf4vW6ayVzY3i2CHHiYf4BC5EELu\nUb6tUWkm2dOJmeVnJ/tJ7+tfruE/XliE8P1tKF/5D4hKEmqPt0fSOtNUFYWVDUt1hp77izLK67tQ\nBBETL18GSdOgbKzpLJncbEIVjl7ZaOWKSH18BzPv3gBBENB1HcVHm6inclAlGTaPE/7zC3D43LB7\n3aZSMGKtDl3VYPO42u8X30Ksy/TCiuzth11zY0rTfPERAFg3D8/sNHyLZ1Mbc8yPN0LV/L0r1CTo\nuo7dj5KoxA92GKrJGuSWjOWvnHvild59apnhE0Labt661lSLhTwng9hrU+D93JE7jVbYGAox1xdB\n0kFsbAD//t8D//zP3aO+X/868KUvAd/8JrCwOIvFr30Vq1//4ydS+e1E13Vkbq8YTpp7iJUaMp89\nxNyX3ujplFkRuHDOkInsiPuu2ARcU8dbUDwJBEEg+tIl+M/PoZUvw+73oPBgrSfxBTD0QvRp452b\nhnMijOpOCgRFwjPTX2p1nPieMapp8yDVyJlXAUvbla6kFzASTEVQcP6nFqEIe62tvWqxZ8qNaroG\niibBh/ielgxBEph6cQJTL05g/XtbqKX6B02CBCiWgm4RGA+ja90zOQxHgw/xiF4KgTnkcR+9HIZ3\n1oPSlnExoErWx6DtNMIX+l9hswzwa//HDD4/sQyC5MD91OvYvy6M4OStM13XkfjgNprZwuA7H6Ke\nyGI9828IX78ILhI0xh0OIZaOH2SEUhW1eBru2AQKK+soPNxo/0xuNCFW6ph597Ue1QSx3kD21gqa\nhRKg6WDdTti8TigtEQRBgnbY4V2Ybi/SHUZuCUaldwhImsbka9dgcz95Z6gxY4aBtpl/ZTJ2GlJD\nNjpth2iVBJS2y/DPPx2x/2HHxigbhYCFHTEXcKCy27uUzAd5uEbs5PYzryzAsZf0vvkmkDGZiNJ1\n4L33jJ+//76R/IZ/+l2k/9t3RnougxBK1a6kdx+53kRlJwVfn/lfRZJQfLQFqVoHydIIXVqE3GhC\nlRRjjGLCegn6ScDyXHuxjrCQqDxLspK0jYV/aXa4+57yuYw5ApqqQRaO5n1ttV0rVkXoGmBzdicy\nBEnAM9lf3Hmf+c/NIHU3Y7T2CAKKpECqdieEugZsfxAHjvn5lAUFYlVELdsw1aq0u2wgKWpA0kth\n6cvzfSsOLgeD//gzb2Jpwgjsp9E6qyezx0p699EUBelP7oI+JTcyudlCfmUdhdWt3p81mig+3mov\nUjTyRVQ24mik813LeVK13qNv2cjkMPHKFXMtS02HPuRWtmsmOk56x5w6tXStXZX1THvgig7/ngst\nBVDerXYv6BKAd8YDpSVb7kcM0z07LfgAZ2obvw/FkuCDHIJLActRhfByEI1cs6vI4vA7EL18Mue7\nw5AE8FPX5wAYlV6zpLeTTAb46leB73wHCH3lc0j/3XunvvDWST8ps37FIE1VkXj/VleBo5HKI3z9\nAgIX+lcrnwae2UnUk5meHZOxZfGYE1HYKCGzkoNUM680Wrn20DbzVgrFUqBO2Hoi6W6JHE3VkHmQ\nQ36t2KUtrJnYZQ6NZlREkrfToFnKdDmiR9C9g+CSH5HL4Z5qcScsTeI//O+XMR91nWrrrF/bh3Hx\ncMcm0coXBybHSsv6S+okNAtl06WFfRqpHHB5GY1sAamP7/bo9FqhChLK6zumiS/N2eHweXuqvhTL\nwH9xAUKxCkAHHwpYahuPGTMqUnczyK7k2sY9hc0yIhdDiF4e7guc4RjMfS6G7AND1YG20fDGPAgt\nB6CpGmwuFuKhGE7SJNxTwxUbToPo1TDEuoha2rxryId4LLzdv1JGkATm35pBOV5Fq9ACyzPwL/gs\n906Oy9X5AEJuBx49MmL0MLz3nlHIWF72w/PSJVQ+uTfSc+oHF/TB5nH1xH7KboM7Zi3FWF7f6enq\naYqC8kZ8YJv+acAFfYhcv4jS+g6kWhO0nYVrKnJmDS0G8dwlvpqqIfsgZygMkCTcUSeCS/4zqfG6\nj1A1Ej+zBG9/uW3ymvmsT2ApgOJ2pSdh9ky5Rj5TRlIkJq5EUN6p9JpqnBBd1VHaqcAz5YbcksFw\nDEiKRGG9iOKWeaucCziGcgr6iZem20nvabbOWItqJc3ZMPeFGyBpGpo6i63vfgDZYoFtEIzbCYqm\nTEch2ljo/rZy/ZcWVcm4mi9v7A6d9O4jNcw7DwRBIHRlGZlbD9pfDpSdhX95Af5zM8ARvC7Eah2q\nrMDhP5tGJWPONlJLRn6t2OVWqas68mtFBBZ9oJ3DSfFxPgfmPtc7g05SJMIXgkh+ljmI5QQQOOeD\nw3s6XZxhoFkaC5+fw4P/8Qhys7ejaFU8OQxBEPDFPPDFTs+qNhIyOpR/8zfDy/fqunH/r30N4BZn\nnmjiSxAEgi8sIfvZQ8h7MZCy2xC6dK6v2Y5kIdUoN5rQNW1k9u9yUwBBYCRdRHdsAq7pqOHmRlPP\ndAx+7hLf7Q/iXcsFtWQNUkMaStxbbsnIPDCcwiiWgm/OA+/06ftRFzfLpkkvSRNY+PycZftJUzRU\nEzUE5ryoF5oQKiJoloJ7wnUk616pKUGoSuD9DlDsEEFw2Pc7aczwMnYGNjeLZrYJ0UTNYZ9msYWV\n//UYckMG62TgnnShtFUxfW0YjkbkhSGE3Qng3avG3/60W2euqQjKIX9Pgumenmjb+Eq1mqWH+kBI\nEv5zMXjnY2jmimiVq4BOoJ5IQajUQTE0+HAAmqqi3uEpv8+gOWySNc5x2MW8Tmi7dWB1+D2Y/cIN\n1OJpKJIMd2wCtI019CuzBYjVOvhI0HLMQW62kL55/2DO2ONE8MK5p7L4MebZpRqvml6wK4KCarIO\nx/JB4qtKKkASR+6aBc75wQU4FDdL0DUd7kkX3BNPV+4JMEYtFLNiBQkEFwcrTjRLrbaLJm0zOnOj\nVqrISWXYGUMxoTi8sFDX/ak+cei0cEaD4IJvoLKThK5p7fjWD6tElHbYRpL0tspV5O4+QqtQAUEY\n0pDh6xdgc55MdYMgCBBnaK73uDz7v0EHtWwDlWTvAH5pu4zwxSAYi41VwEgiN76/jVbxoM1cTdeg\nvqieuhSN1fIBQRKWSgXFrTLSdzOQ9rQYHV4bZl+fhnfCBaWPDu/h4x7Wd/TN+zA5wOrS5mTbyhB9\n0QC5rkBpqfDOeDD78hTSD3Io7VR62oEAuuTQpLqM/Kp59CNIYOHdOTjcg4Pc1fkA/C7bE2mdEQSB\n6TeuI/9gHa1yFSRJgo8E4Z6ZgCwIKK/topZMQ7fQbOyHzeNC+MoyuL1xgk5bYv/SDJSWCJKhQTE0\n0h1ai0dhXzqH4RyG5/mwUCQ8hyR+DkOQJNwdLTxFkpH66A6auQKgA/mVDbhjUUSuX+y5mMncWkGz\n42JCqtSRvfMQjqBvbGE8Zmhsbptx0X443JKAzWW8j5rFFlJ30mgUWiApEs4wh+mXJy2X2sxweO3t\nQovUlJG6k4EiqeADDvhmvU9F3aG4WTZXxNENh9B+SE0ZWz/c7Zprrueb0DQdoSWTuf5jsK/d+7kX\njP0B/xG/cvfvrwqnMyY2CJKmhlK42ce7EEMtkenelyCIrhh5XHRNQ+bm/XaHTQfQzBaQuXnf1Ab+\nx5HRDug8ZZqFJmCS8ymCila5f5Ut97jQlfQCgK4Y+rjDLuccF2/MDYLqfTNyAQ4ERUCVu6/UFVFB\n8rN0O+kFgFZZNOyCj3Cu+/qO+xVVuaUgu5JDcbP/Fv7USxNHeufoqo7iegkUQyF6JYLFL87D4etO\nWo8ihUOQJGh2uC+i+YhRRTxO6wwwWmdHgaRphK+ex+w7r8IzN4VaIo31f/weNv7X91Fc3YRcH76a\nave54ZmPYfqtlzH3pTfaSS8AqLKCWjwNoVwFQRBgOHvbZcg7Pw3qKAkhQYCPBhG+Yiy2eRdiQz/e\n5vdg4pXLR7YWzt9/bMw67/1NdEVBZTOOynay635KS0TTxEJTaYldFp9jxgzCGeZNu2fOsBPOEA9N\n1bDzYRy1dAOarEERFJR3qtj5MHGs49VzDTz+5w1kHuRQWCti58MENn+4c2RzntOEIImBcTG3Wuh1\n29SA0uZoLWz/8P8qw/vwEwDGsvGw+RlBAD/3c8a/m2s7Iz2n04K2sZh8/Rrcs5OweV3gwgFErl+E\nf7H/rHVpYxeb//IhNt97H8mP7kAo9xb6aoms6b5Jq1Buaw3/uPNcVXw5n930it5wnuk/v2Vloys1\nZOiabpqYjgo+yCN8Ibgn2WUkoTYPCxAEHvzDKnRVA+fnMHElbLTRtsqmZhHNQgvNYgu2AXq2+5jq\nO+pAJVkzld6ppmoobpahiIpp1Zfz20HZadSSvc8r1iXILRmkjQbjYLD0pQXkHhcgNWSwPINKvGrq\na28GH3CAsQ/31tUo4/V80q0zoVxF9vaKqQXwIAiagnduGqzTAUWQQLHdFZnC6oah/dsSAZIEH/Yj\n+soV0Hv3s3vdCF5aRO7uo77OPzRvh39xDnafGw7/wVIhHw5g4sZVVDbiUAQRqiiZmmoQFIXpN148\nVtXVTAIIMCoTnQLxmqZaWlKepQRizNmHIAjMvjGN5O006vkmCN0w8Jnc00dPPzRa+YepZ+oQ61KP\nQs4gMvdzPe5o1UQNhY0igoujqZQOi3/Oi9xqoWdsjA9wYLn+FV/FQmlIFkavVKHnHkDKl7C87MOX\nvmR03wbx5S8Dy8uAlCui8unxul1PA5uTx8TLl4e+f3FtG7m7q+0KjlStQyhVEPv8a13un1aGRgCO\nvLvxvPJcJb7OiBPuCReqye6rHW/MPbCdw1h8+BmOeSKtqYkrEQTmfSjvVkA7jESwa1Y5XYfclLH8\nE/23gcSmNHTia5k4mNxe3Coj/kmyS66HslGg7RQIEOD8DkxcjaASr5omvoyDAW2n209N0mSXDbPc\nkodKfGkHhYnrw892tmQjOD/p1lllK3GspBcAuLAf9XQO8t4CROHRJrzz04hcv4hmrojCysbBvK6m\noZHOI3fnESZeMYKoWK2j+HhrsN2lbthO1pNZ8NGQYRqh7/mxl6ug7Sw881PI3n5o+nCSoUAecx6N\nsBoUP3Qzwzlg93sgHKpUkAwNd2zw3P6YMZ0wDgazb8TanTGCIKCICja+v41qyny8R1P19sX+sOi6\njlbFPHY0i0efoR+WRr6BZqEFLsh12bezThYTV8LIrOTb0moOvwOTLw7u1OyPgfTcPuQy4NDoOqBr\nyH3nh5j6dz+Nb37Tehl5n0jEUOIBgNw//XBkUma6rkNuNEExzNG6Z6dIbSfV07aUGy3Ef3ATE69c\nbhsPuaajKDza7LHwZXgOfHQ4N7nnnecq8SUIAnNvxpC+n0Uj3wRBEnBFnAhfHPzHDi0HUIlXu/QO\nCYqAf+FovtvHQayJUAQFXIBD+GIIsqAgcTPZcz+hKmLrgx3MvDqN3KO86YZu/NM0Ft62we4eHJSs\n9B35cG87sLBe7NGoVEUVoaVAlxSQf8GH4mYJzUNjI94ZD0iKbD+HrunIPsyhnjM0gvmAHZSNGqgW\noYgqEjfTCF8KwTM5eGlkLWWoH/z8zxuSZcOMO4yidabKR5/jBQDKxkIVxHbSC8BIRjd2QTvskJst\n0yW1ejaP5Md3IFbqUAQR2hBJt9IU2i5qzVwRiiBAqjbQyBxInpXWdy1fNC7oP7aAuSPo623HEYAz\n2r2USRAEQi8sIXPrQbvqTLEMfMtzAy2Yx4yxojOm736S7DEB6sTusYHzmVt393t+mqVMO3MUM5yK\nwlHQVA3bH8RRTdWgq0aH0jPtxuyN6XbhJrgUgG/Oi9J2BbSNgmfKPVRRJ7QcQDVZ6ypMUDYKwaWT\n7770WMj/zw1k8yS8r13BwuIs3n/fWDZ+773uMEQQRqX3z/8cmJ8HGo+3kf2Hfz3x+QBANZ5G8dEm\nxEoNJMuAC/sx8dIL7QVlMxrZAsobuwAMa3nv/PRI8wZd16GI5uOaUrWOxAe3MXnjGhx+D2gbi8Dy\nPAoP19vFF8rGInBhYWgnueed5yrxBYxK4uS1o80bAkYwmn97Fpn7WQgVARRLwTvjhX+uV1d2VMiC\ngt2P4qhlG9AVHXaPDeGLITh89rZN72GqiTp2kMDktQh2P071JKNSTUL2UR4zr/ZfNgL29B1rhnkE\ndCPR9067TRcWpIbFKMihERGSIjH31izS97JolQWQFAHPlBuh893PufNhHKXtA0muWrI2nFqEBjTy\nTcQ/ScLxpXmwfP+r8Y/XM9C1JpaXuSfaOnP4Pajtpo78OFWULNtRxcdbcE6aq3VogoTabvrIx+uk\nspXoESi3Snr5aAiR6xePfazQ5SUogohGJg9dUUHZWXhmp0y1L7mgD7NffB2V7SQ0RYF7OgqGO1oi\nMmaMGaqkop61lhakbBTCF0PH6vq5J109oxO03dod7SRk7ue6OoS6qqO8XYHDbUPkhYOYQTHUUCoO\nnVAMhYV3ZpF9mIdQNZSD/As+S7WhYelMev/TIo9bv/RdADMAJKz9/p9j8WtfxcLiLL7zHWPZ+G/+\n5sBw6Od+zojRgJH0rv3Bn4/ErliqN5H97GE7BmuSjHo8gwxJtTtqh0nfeoDK5sG+QT2ZRSOTx9Tr\n10eW/BIEAZbnLRWBlJaA0to2HK9dBQD4FmfATwQNC18CcM9OgTmmpJlQrqGeyoKyMfDMTj0XyfNz\nl/ieBJZjEBsiYRwV8ZtJVDvGAoSKiMStFJa+vAC71w6hbN4qqyZrCCz4YPewaBZ672OmmGAGzdJY\neHcO1VQdQkWAM8SBD5oHM4ZjTSvMZiMiLMdg5jXr17FZaqGc6B3K79m27oPclJFfLw1UoNB0HZC2\nAPulJ9o6885Po5EtGKYQVhB7A+lD/t6aJMPm5o3HncLCZU/S24fwC4s9s8dHgaQoTN24BrHagFSt\nwRHy950VJqmjbU2PGTMMmqZDt1DB4QJ2zLweg911vJY+bTdGwfZlxGwuFpPXJ8A4GGQe5CA1JLBO\nFqGlwJGWe82o5811Yeu5JkYh+kfb6GMVlPqhQ8WNr9TwW9mbuPUH3bFHqdax+vU/Rvin30XoJ97C\n8rIPX/ta9+OlXBG5f/ohsv/wryNJegGgshU3LTw0cwVoqtZj2CG3BFS2epcfG6kcGtkCnJHubrNQ\nqUMRBHBB35ETSO+5GYjVmuUI3WEZSpbnELx4BKF0E7J3HqG8FYe+NzZX3ogjcH4edr8XLP/sFh/G\nie9TQpVVNHK9lQZVVFHcLCNyMYjdm0loZla9uqFgwThYAL2JL2Pv/UBVkjUU1oqQBQU2J4PQ+SD4\nAAeCIOCZdA0cGwjMe9EqtbokcexuG4LLR293NXJN6MrJEzdNHtJEQ1qHkmGwsLD0xFpnBEli6vXr\nSH96D41MwTCH0LV2kst6XJD6OL1Z4YyGDae0rcTBOMMpJcJWMLwDdq/LbBT8yNjcvJHMjxnzFGDs\nNLiAA/Vsd+JIUASmXpo8dtJbWC8ieTvTdVGrCCo0WcXaP2+i1VHUKO9UsPDO7MA9lL7oFhfoxyg4\nNgpNlLbKgK7DPeU+VR3in51TUf0vGzAqvd1oooT0f/sO0n/3HjwvXQK3OAPKbocqCGiu7RjduBHb\nE2sWWueaohnHOpT4lh5vW8beRjrfTnwVQUTq5j00cyVA08DwDviX5+Gdnx763FxTYVA2Bumb99tm\nGZ3omobdH9yEKkpgXTwCy/OweY//t2vkiiht7HTt/EjVOlIf3wVBkXAEfYi+eOmZ7L6NE9+nxN4c\nvzmaDt+sF3aPHY/f2zD1f2d5FnyIRz3b6NrUpWwUgod0hyuJKnZ+FG+PT7SKLTTyLSy8Mzu0o1Dg\nnB+yqKC4XoKm6uD8dky+ONFXG1luGoYgrYpgyJ9pOmRBNX55Mz3NI+I0mUU2R0X1m78H2y/93qm0\nznRdN21plTfiqO6muwIHydAIXl6GWK4eOfFleAdYJ4fgC0tQRAn1VM6Y9yXQviLvgSQMyaIhtZ0H\nQVAUvOdmQFLU4OW5MWOeAaJXItj9KNHulJE0idByoGs57Cg0Sy0kbqd74psqqUjdzfaMh7VKAjIP\ncph++egarkJFQOpOBq2SeQvcFTE3hTlMJVlD7lEezWKry4I+v1FC+Hxw5NXeI6FpqHxy74k4svHR\noDGreyiZtfvc5vsMfUYZNEWGWG+gmSmglsig1SHLKDdayN1bhSPgtTTuMYML+jD9+jXs/PAmVOHg\nfURQVJf2ulipGYoPb79y7MS0kcqZLroDhhlSM1NA+tYDxD738rGe/2kyTnyfEjRLgfPZUct0V32N\npQTjKs3htcM/70X+cbcWF+e3wz/vA0ESmLkxhcJaEVLTkAULnw/CeSjYFdaLPTPDclNGdjWP2deG\nu+LMruaRXcm3g2I920QlXoW9Q5mhE1VWDUMQk+W5I2OSJPvmPPBMu/s+bF8UXdd16PXKSFtnuq6j\n+GgT1XgaqiSDdXLwL83COXEwT1eNp3oChyYrqG4nIDeOvtm9b4mcu7eK6nbv8mMPBIHoS5fBOjns\n/uAT6+TYBJKmQPMOOKMhMJwDzUIJJEnCNR0FH36yUkxjjs7q6ip+9Vd/Fb/4i7+IX/iFX8Bv//Zv\n4/79+/B6jZ2FX/7lX8a77777dE/yjOAM8Tj/k4sobZchtxR4Ym5L46BB6JqO3Y8SXcljJ4poPk7U\nMpFRG4Sx0LZrqlFPsRQ8MRf4EIdqug5XmLecU24WW9j9KA5FMIkPGlBYL8G/4Dt29duM/dj8JDtV\nw8CHA/A8YbrDAAAgAElEQVQuxFDeigN71V/WxSN4yXxkwD07gdKaedW3up1Cddt6z0OTFVR2kghf\nXj7SOXIBLyZeu4ry2g7kZguMwwGx3oB8SHJSbrRQWt9B+Mr5Iz3/PsPMtbfyZcgt4djzw0+LceL7\nFJm4FoX8Yby9AEExJILLga4526mXJkCzFKrpOjRFg8PvwMSVSPtN6ZlywzN1kADSNNnj3CZUzYNq\nNV6D/oo+8A2uyipyDwtdwVxTNOQeFeBf8IGx0ZAaEjIPcmgWWqDsFCiWGpz0kjAS2kGx79DPnREe\nMzf6b83uB9a//6qK0u/8F2wljKUJs9aZLkqoP946Uuus+HgL+Qdr7f+3BBHpagNTn7Ohkc6jkc6b\niosDgFCsmN4+CLnegKaq1nPDHRcItMMG70IMnhlD8itwYR6F1S3o0sEXL2Vjocqy6VW9//w8AucX\n2v8/SktuzNOl2Wzi937v9/DGG2903f4bv/Eb+MIXvvCUzupsQ9IkIueDQ7teWlE+pAx0GJqlIJkk\nxfQwVvF7SA0JmdUCGrmmadJLUgSi18LI3M+huG7EQdbFYPJqFN6Yp+f+hfWiedK7hyqpqCZqsF8Y\nTeK7H5v/8FdKCP8//30vNp8NCIJA5NoFuGMTqKdzoFkGnrlpkLT538fudsF/fh7FhxvHO+AxE38+\n6AcfPOjsrv/j903vpwjHn332zE2jspXsqwusq6qxG/KMTTuME9+nCOd3YPknzqG0ZZhCeGKenqtq\ngiAQvRJB9MrxVhQKm6Uuh7dOVElFcauMwEL/LeNKvNrWfuxEERRUdipgXSy239+FajaP3A8NmH51\nEvV0HfV801T6x4xmoQWxJsJuYVmck8rtTeGDpLfzuN2tM5qmoByxbV9P9G7IqZKE+A8/HUpKzAzG\n7YQqSpbVZqnWRPbuKlSrc92PoQQB50SkK3ENLC/AMzttVKgFETTngCcWRfLjuz2JNM074F04eM0U\nUQJBkm1nuDFnG5Zl8a1vfQvf+ta3nvap/NhhVdEFDC3d8IUAErfSXbsSBEXAO9ObkB5GasrY/mAX\njZz5Its+mqojeTPdpdMu1WTs3kzAGeZ77JcVaXDsY7jRfPa7CxJnJ+kVaw0U1nagqSr4kB/OyTAc\n/sF/EwDwLcRQfLRx5NE9giLhnBzF6iHA8g4ozd4u4kkkH1knh/C18yg82uy2Vu7A5nODdT17OxpD\nvZvHbbPTg6RIBM6dXA/RDF3TkXtU6PuBbBVbwIDEl+UYy5lclmOQfZA7etILwOZk4Z/zInjOD1XR\nsP7djR79XzM0RUM92zRNfPNSDTe+UsfXFp0o/ue/HHlgrSWzqCUyEC0CwXGTXn4ijODFBWx/90d9\n79fKFmBzO9EU+rRGdR3ljR0wvB3+pbn2zbSNhf9c9+sRffESMljZ21pWYfd5ELy4CIqh0cqXkH+w\njla5AoIiwQX9iLx4ETR7NgTdx5hD0zRoE83Rv/7rv8Zf/uVfIhAI4Hd+53fgH+DqQlPksZajes/n\nZIoFJ0VTNRS3K9BVDf55H6g+53PScw3Oe5G9n4N8yO2MYklc/N8WwdhokASB/HrRcK10sgid8yM0\nIAbruo7t93fQyA8ekSJpAprJ8rAqaChtVzBxqXs8jfc5UNk1707tU96pIDDr7VE1GIau11Qi8Ie/\nUkT563+HeGYefaRxnxjVeBrJT++3Z2YrG7vwzk9j8pXLQ8mRlROZIye9FMvAvzgDd+R4Y2P0oQp0\nYHnWUHwQD75/7D43gufne+57FPzz0/DNTkGs1lDeTqK0sdtW/2F4DpEry2D6FEROcuzTZODbbtw2\nezbRNR1CVYRg4R60D+0YHHn4MA9nkDPMJjrgghz4MI/Wh3GLR1pD0AQCS/52IKVoEvPvzCG7kkNp\np9K3+kvSJPjQkzcvKD7eQu7BWnv2a5SwTg4M7wBlt/U47nSiqSoC5+ch1ZumV/idVHdS8C3O9g3e\ntN2GqTeuG6YXqgqGc4AgCGiKitTNe+1ZZF1RjSq3rmPq9evH+yXHPDV+5md+Bl6vFxcvXsRf/MVf\n4E//9E/x9a9/ve9jlBG8z81Gr54ktUwdiZup9rhX6l4W0SsRU332UZwrQVMIXQoicy/XXjqmbBQm\nr0dBUMbz+8/54VvwQdeMMTOCIAYet7hTHirppRgSBE1CU8zjpyqrPccKLgdQSdX6VpIr8RqSdzOI\nXj5ahbL3NTUyRF3Xj9xlOw10XUduZb1rUQwAylsJOCfD4CODza/0I2j1cuEA+EgArskIGN5xrNfg\ncIdS1zSI9RZsHhfkpgCKpeEI+OBfngdIciSvM+3kEXxhCe7ZKdTiKRAUDe/8FEiatnz+43RSnxQD\ns55x2+zZQtd0xD9NoZqs9W27AYau5DBi5gRBIPb6NBKfptDY04t0eO1wT7mgCAoohjpSxXe/tRda\n7r7aZew0pl6cgKZqKKyVLB4NeKZcx14+OS6aqqG8GT+VpBcwxiQohoF7OoJSH7c4ymYDF/Jj9t3X\nkPjgFoSSdaVGFgTjy5UaIjATBGrxDKR6A6ooQ6o3TBfw6ukcFEEEPXZNe6boLFx88YtfxO/+7u8+\nvZN5Qui6juTtdNeOg9SQkbqThmfKdSoOagAQXg7CHXWitF0BQRDwz3t7jHYIghjucwmgsFFC6m4f\n8XEY9sN8wAHfnBeZB1lUEyYdKRKmCT9Jkzj3+TnkHhcgVkVUU3UoQu93R2MIS/lnDUUQIZh173Qd\nzVyxJ/FVBBGNdB6sm4fDb7yWntlJFFc32y6YZhAUBT4SwMSrV0ZqAKHrOpIf3UE9mW3fpjI0vHOx\nvrrox4V1cghcOJk28FlgYOI7qrbZmCfD7qcp5FcL/e9EAJ5JFyKXwz3zXlbYeBYLb89CkRQkb6dR\niddQzzSQYXOg7RbPQQIwkyFWdZQ2yqBpCqELQeQfF6CICgiagCqoxrKfyWgFw9EIzPu6nIieFEqz\n1W0jfAiSJk1l54Zlf3QidOU8aLsdxfUdqK3eQCq3BOiaBtpug93v6Zv4sjw31GZuPZVD5vYKFJPj\n9aDpUEQJGCe+zxS//uu/jt/8zd9ELBbDhx9+iKWlpad9SqdOPdcwXTSTmwqKm+WeC+/joKkaiusl\ntKoiGDuN4JIftI2G3W3HxJWTX5xXk1UkPk2aji7sw/IMFt+dA7W3IOef96GWbnTNEQNAYMFn6XRJ\n0iTCF4L4/9l7k99I8jQ987HN932jc99iXzIjMrNyqaWrutSN/gN0E+ogDPow05fWQYCAQc9BEKBG\nj466CKrDzKB1FjADSDM102p1d1XXklm5RcYeQTK4O33fF3Nb5uCkk043I52kM8iI8OdGX8zNne5m\nr32/73vfdr1Ns6JaCl/xFOl1lx1JlpEUBV3vX2Vr15ts/u5bTE3v+uGWVjc71WFRwBOPMP69u8gO\nB8kPbpP+7hlqqXMcFxWZ8LVZAtMTNDIFnCE/ruDw/ZCrW+ke0Qsdt4jC0hqB2YmBk+PsLDnfVk7V\nYXPSZbOz9IpddH/YUVy2fTNNk5JVIhqdHjNJkfBE3Uy8l8QzoH/vYbLPS+SXi92/dVVHV3UEsd+X\n2JfwUs82bAVhYbVIabNsO3y3hyAKhKYDLPxw5tgfp9Dev18QhIF7jI57nODzILtdtuLQ0IyOS4Kd\nDdoxIRPtah3BNJAVhcStRdq1eqfCfPh1WirbXzxg6rP7eKIhissbltsVZZnIlZkj+6+g853JPVka\nTPTu4nB1Tp5n7d8ydJ3C0jpqrY7D6yG8OD2Uashl7St7XTx8+JC/+qu/YnNzE1mW+cUvfsHPfvYz\n/sW/+Be43W48Hg9/+Zd/edG7ee4cdaw4TQTxYXTNYPkfVqkdiDwurBWZ/8EMriGtSOVfFY8WvT6F\nmY+nuqIXIDQVxPieSe5lnma5heSQSNyMElu0F/qVnSqp79LU8nUEq5O10IlgftsQFRnvWLTPHlJ0\nKFS20l2Xn9pOtveJhkl9J0fmwXPGP7qDNxFl7qef0SpVECQRp3/fUtQxa215YGgahaV1tFYLVzBA\nYGb8xOKzmS9a3t6q1NCarSNtxvaO/ZWtNEa7jSPgJ3JtDk8sjGkYCKL41orhUwnfky6bnbZX7KL7\nw47iIvbNNE10VUeURMuIS0M3+vx69wjNhJj+aN8g/bT7Xtq2Dl2wCuOopvqT6Q6itXRoHd8DZBom\njWKT9u57P/KxB0TgoH1kA/UiCQK+iTjFpXXbhzjDAbR603YCVvG6bf17jbZG7sVqpy8LkI4YIKts\npnnxX/+h0+MriZ2q+u77FmUZVyxMeGEaXzJ27PtqFsu2tmtWiIqMKXb+B2fp39JaKpu//ppmYd/a\nrbi6xeT3759pie4y95W9Lu7cucNf//Vf993+J3/yJxewNxeHN+bBE3VTP7RE79gdqj0rmSeZHtEL\n0CqrpB5nmPtsOPHadsdzURGZ+WSS0JS180BkLjTwe9TbOutfbHWDNcy9pbbdFTvFoxCeDRI5ZgDv\nOLrevZeMsXs3kSSJSiqLoWs4A360WmOgQeVGbr8lTxAEXKGjveX3aFVqbP3uG9Ty/vensrHNxKf3\nTzRAKLmsLeZklwNJ6Q+XapYqtEpVvIkIxeV1cgds2LRGi2auiOxyoO1604cWZrqWmG8TpxK+7+Ky\n2UVT3CyT2k39kRwSgaSPyQ/He34koiTiCbkop/qFlzd2+qXpZqVF7kUeraXRqpzcaN2WE6S3NUst\nCqtFogsX11KTeO8GksNB/sUryzAIp99LYDJJ6sv+hCFHwMvcH35KeStN6vMHlts/WBkPLU5T3ti2\nFcrdwbbdi0pnyE/k6jz+qTHbq/RGrkj+xSvUSg3J6SAwPY4nHumI5wEvTn3JuOUB9aTkni73iF6A\nZqFE7ukyY+/fOPP2R7x7HF6uFQSByQ/G2fhyu+NeQydmffz9McvCwUk5GDt8kKbN7afBHXJR2e4/\nnoemArai96TklvJ9aXLQ+fzmfjiFb8x35n7og969V774hgeXxMYMQJQkJj66Q1ttY5omRltj+Re/\nGui5JqdrE8g9WeoRvQC1nRzFpf3ixyCE5qcprW71FVt844ke72FD09n+/XfUdnKYuo7osD6GG5qG\nWu20uTTzJdLlJ8gux1sXWnSs8B0tm108mZc5Nr/c7opEQzPILRdAgOnvTfY8Nnk3QaPcpF3f79Fy\n+h34EtbCV1M1ss/zqDUVxaMQvxbt6fut7FRZ+92mpY/vWZFd8sDevcCpLNOGiSAIxG4uonjc7Hz7\npEf8Kj4P4SuzyC4n5bUt6pn9tD1BEgnOTiGIIq0jqqu+qf3eZdnlZOqze7z677/rxBIfg1qpAUb3\nAGwaBvnnr2jkiiAIOEP+Tn9aY/fCpVKjkS3gSUTxRMPU0zZ94aKIKAqIiownHmXs3s1j92UQWjZx\nzXa3jxhhRz1fJ/UwQ6PQQFREAuN+Jt5PIogC3qiHa3+8QGWnhqkZBCb8Q2lzABBtQiekE4RRHEfi\nZoxapt4dKgZwh12M3bZOzDwNdq0Upm7iDDiHKnoT//o/XyrRexBBFDtNHuYgqUod3JHQqdoB7I5z\nR81sWCHKEhMfv0f2yRKtYhlRlvCOxYndvtLzuPTD5z29wIPabhqaRnlt690TvqNls4tFrbfZtsh9\nB6ikqhi60VP1DYz5mP50ile/WsPYFYqtisry368y/wezOA8MN6j1NiuHYoVLG2XmfzSD09dZQkk/\nzVqL3oPV2hNUbvceP/H+GAgCWzbv7TCiLBCeO77CYaKDafS0PAyLZrlKu1rDP5FAkEXKa9voLRWH\nz0vk2ly3n2rys/vkn6/QLJYRJInAVBL/ZMcGqJHJ226/VajgCuz30XkiIYLzUxSPcHnYw9QNtr94\nSKtSI37rKttffEflQMhGLWWd9lZP5/DPTOAdi1HPFjrVAEVGdCi4w8HO+/K6EURxqNPIgs22xFFI\nxogToLd1Vn+zQauyW7FsQKacw9ANpj/qFAUEQSCQ9B2xldMRmQ9R3ij3tiMIHBulfhJkh8ziH86R\nW8rTKneKE8mbsRNZaB1HcCpA+mm2bxbDE3HhHFJM8f/1Pxnk/+LyBFYcRWl107rYIApIsoyutkEQ\n8MTCJN47XRywaGNgbJcQdxTOgI/JT94/8jGNrL1L0nHo7cGLU28Ko7PMJSe/XLC9Itfaeied59Bv\npbBc7IrePZqlFpknWaYO9PmmH2f6pp6bpRY7T7LM7FaS7eKO/Ukv/qSfaqpK2WIpzg5RFkncjJG4\nEcc0TUzdJLecR60efQXq8DtRXPZL7Fm1gol+dGLbKdHbbVK/f0gtncfUdWSPk9DCDFOf3bd8vChL\nxG5dsbzP0O37T3e+fYIgiQSmkt3bEnevI8ky1VQGQ9ORnE6a+YLtxULhxSqtSp3adtr6ARY0Mnnm\n//gHGO02uqbj8HnOfajBtPkc9i4QRowYhOyL/L7oPUB5q4KhGUNpabDDn/Ax+eEE2Rc5WlUVxSVb\n2jSeFVESiV/bt9WShjxf4g65iF+Pkn6Wxdw91ygembHbibd2uOkoGjaR8pLLyeyPP6a2nUHxefHE\nw6f+fHzj8b5WL1GWCcxM2DzjjNgVgkSxO8Bnx3m4UQDU0jkqGykMXccTixCcm3xt37eR8L3kHGWR\n5Q64LJeh7Ppwm4dub9iI2lZp/3bZKdG2cF1w+V0krseoZY4eYNtDkASii2Gi82Hc4c6UqyAIjN2K\nM3YrTiVdZeOLLcuTGIAnbB8Gflj0fv0//C0wvMpC5sFzqgdifbV6i9yTJVyhwImXgFyhQF9v1x6m\nprP9xXe06w2iu31egiAQu3WlK6RN0yT97VOKy9ZDdqZuULOIUz4KrdVCV9soHtdrOSA0C6W+gz50\nJqlHwnfESbDzKtdaOvo5C1/oDJGFZ4OYescv+00ViuN3xwhOBSiul5Ekgchi+MhCw6DsNE62dH8Z\nsFvZkhUFxe0itHD2wcXI9XkMTaeyuYPeauHweQktTndmLs4BdzS02w7XS+zWInpTRW+3kV1Oqlvp\nnsd1gjDmhr4/+ZerZB+97BZAKusp6tkCE9+7O/TXsmIkfC85wSk/6efZPj9cQYTxu9Z+tnbevHt+\nu1pLI/cyb9u3KzsPWONMB2kcihFW3DLRK50JX1fARYnj+zJN3USSxK7o7bnPNEk9SNuKXkHq2Jkd\nxcGY4mGKXoB6tr89wdQNKps7Jxa+kWtzVDbTthXPTtzwBuGFGbBY9hIEgbF7NztBEkcYpp8Eh8+L\n7B7OkuYgdAYs+i/oDLVNs1DGEzvb9PiIdwdvzNOJZT+EO+jqOY6dJ4IgIMhvpuA9iCfsPrLAcFIO\nFiRM0zu07Z43gelxyhs7mIfS77zJ41PcBkUQBOJ3rhK7tYjR1hAdyrleNMXuXKNdb3ZmT0wTUelU\nlyNX53peN3JtjuLSGu1GC6ffS3B++lQx1Udh6AbFpfW+c2BlM0V9fuq1HP9HwveS4415SVyPkXme\nxdz9nkgOkelPJvGNWfetReZDVDM1jAO9Z5JDIjIfppars/rbDVQ7kSkLhGb3bXASN2JgQnGjhNbS\ncfmdJG7GcAU6/azxG1Eq6Rr1A8MXdsEVdm0T5c1yz/DGQWRXJ+QiMH5xHpK6jUht5Iqs/LdfY+om\nrrCf+O2rKJ6jTxy5Zyv2oncXrd6gWargcFmL6k5c8clFrzcZQ63We4I4BFkmvHi8P/IwkT3W3pKi\nIqN4h3fiHfH2E5wKEJruVCr3kBwS8evRoX6nTdMk+yJPabOMoRm4w26St+Mo7rNXRd9GDoref5X5\nkq//rcawCxLnhSceIXH3GoXlddRyFdnlwDeRsG1fOw1as0X+xSpavYHscRG+Mnuk5+5ZkR0KUz/4\ngHqmgFqu4E3GcViEEEmKcu7JbGqlSrtmcb43Oml5I+E7AoCJ95OEZ4KUNiuIikh0MYK0u4RnGiap\nR2kqqSqmYeKLexi7nWDqwwnyy3nUuobD5yB+NUIg6WP5H15Zil5REXEFnEQXwoRn9ofIDrYjWCE7\nZK78ZD/uUnbKVLM16ha58opNwlvriP7eqQ8mCM0Mx7bnNJQ3tjGa1hcJBy1k2tUa7WqdmR9/jCBa\nXyEbba3H7cEOyaEcLQAFQBTAONkAn1qrM/9H36e4sk4jV0KUpX1Ls9dIYCpJcWm9r93BOxY714P/\niLcPQRCY/f40gVdFqukaoiIRXQjjPmVAjx2ph2l2Hu23O9VzDRr5Blf+yfzQK2JvAyb6vnXZz9+8\n4ajQ/BTBuUm0RhPJodgOo50Gtdpg8zdf9bQU1FJZJj69h9N/fpVxQRDwJiJ4Exebsqu4XUgOpTMk\nePi+YwpHw2IkfN8Q3GG3ZZvA+u83e5LUGoUmjVKLxZ/M9RmYm6ZJ3SLCEyA0HWDm46lT7ZsoiySu\nxyjvhls4A04aha2eyEzJKRG7al3BDEz4SD3sj/xVPAr+8eFPYw+KYRjsfP1k4Mc3C2Wyj14Sv3vN\nenu6jtE+PlzBOx5HsTEmh04UsTsSOvGkbrtSR1PbhBdncccqVLfSNEsVXOHAUA/sxyGIIhOfvEfm\n4XMahTKiKOCORUm8Z/25jRhxFIIgEJkPE5k/n0qRoRsUVvt70uv5Bvnlgu1x7TKgtbRuIpsoifiT\nPsZuxV/LCs8NJUjh/14BhhPm8boRBOFIIWboOo1cAcXtxnECwZp/vtLXb6tWauSfrzD+4Z1T7++b\nguR04B2P96XlucJBAtNJm2cNl5HwfYNRG21KG/39tdWdGuXNMkELg3NJEdEsMhGkM8S8VnaqbH6d\n6hq3u0IuYlci1PMN2k0Np89B7FoUX8xjOY3sCriILITJvsh13QoESSB2JXJmD8mTYJomuafL1FJZ\nDE1DVGSME1q55F++QlAkwgsziIrcc4KRXU5cYT+NbH+CkexxISkKnkSU+O0r6GobrV5HcrksK8hj\n798g9fVjmrsTyKLLgSTLaI3Wka0UlY0UerNFYXm960NcWl4n+cFt3LtLTM1imdyTZZqlyq4vZIz4\nnatDPVkqHjcTHx9twTNixGVAa+m0G9arUq1j4tYvEtM0WfnVGrXM/rJyLVNHa2pMfXhO7gHvCIWl\ndQovX9GuNRBkCW88wtiHd5BtgiEOolath5sPtqC97STv30JSZGqZPKZu4A4HiN66AiNXhxHH0aq0\n0FVrkdMsqxyWvYIgEBj3kyn3DoNITonI4umqJaZhsvnVNs0DThDNYhNMk+t/cmVgs/jJ+0m8MTeV\n7SqCIBCaCeIf0HtzWN69me+eURjAMxc61jOGZiGKTcg9XqLw/BWOgI/QwhRqud7JcJcl3PEI7UYL\nbS+RTRQJz0+R2E0rM3SD1FePqKayGGobh99L+MoszpC/O3SgeFxErswy8+OPqe9k0VQN/2QCQRTR\nWyq5F68ovli13O/iqw3a1UaPhY1arbP5xQOmf/gRisvJ9ucPUA8chNVyFdPQGXt/OOEVI0a8SSgu\nGYdXoVXub3lyB1/fUOhJKa6VekRv9/b1Esm7Y8hDDNo4yF5gxXl4qV8GmoUS2Ucvusd/U9OpbmcQ\nHzxl/KPjXQkkm0j2o2Lq3zYEUSTxXuec16rWyD58wfo/fLHrjxwh8f71oSSE2jESvm8wnrAbxaP0\nuTMIInjj1kltE+8nMQyT8lYFvaXjCjpJ3IjhDp6uJ660Ue4RvXs0Sy1KG+WB+3MFQSA8EyI8M1i+\n/B4ZtTgU796Otczg3rehxRnyL1Zs+2wNTaeZL5EqlHo8d4WUSPTmIpidnl/veBxPdP89Zx4+o7y2\n3f1brdTY+fYpkix1e6IaQCObZ/LT+3iTvb3Xsst5ZDpc28ZKTW+0WPv7z/GORXtE7x7V7QzxO9eG\nGmIxYsSbgCAKRBcjbD/Y6Wnf8iW8hGdPdrx6ndi55GhNHbWqIkeG30+5J3r/z/9Rp/C//O9s7MwD\nx7d3vUmU17ctix7V7UxnpfCYtrHQ7CT1dK5nNVGUZQJzk0c86+3ENE1SX3zXk1hXXtvC0DQmP713\nbq87Er5vMJIiEZkPsfM40yOuQlNBfHHrniNBFJj+cALjnoHRNpCc0pmWsI0jruqPuu+sDDuwQldV\ntKa160Qfokh5bRPJ6URvHOOucOgjMHWD8vo2cz/9DOhUW9uNZneoq75jER1sGH1xze1ak/TD50x9\n/4Oe/5/WUmmdMPay+zJqm3raevhOb7U7tjsj4TviHSRxPYbiViiulzDaBp6Im8St+NDij88DT9Rt\nmaqpeBVcgeFXqq2KEK9xdOC1YdoVO9oa67/8ksnP7iEfMaPhTcYY++A2peUN2vU6isdNcH4S//jw\nYqjfFCobKcuY5tpODrVat3SeGAZv4dfy3WL87hiyW6aaqgEm/oSP6JXjpzZFSbScRjZNk9zLPKXd\n5CNPxM3Y7Tiyw/qrEpoKsBNw9C0DOvwK7UablV+tAgKBcR+JIScaHfTuPWtKW7veQpDEbt/rkRgG\nWmNAkWyBWqqy9fmDjm1ZoRNr7ImFGbt/E+OYFJ2D1HdyrP/yC8bu3UKUJMrr25gInTSeU1ZZdNW6\nSuT0e22X6EaMeBcIzwR7HG8uO/6kj8CEn/LmgTkQAaLz4aEHe2TVylCPx5cZ73ic4sqGZRpas1Ai\n+2SJ5P1bR24jMDlGYBTWQ9vGltPUddr15kj4juinUWqy9U2q46ErgDfuJTwbPFMVIvVdulNB3qWW\nqdMoNFn8yZzldkVJZOL9JFvfpLpLa06/A8WjsP3NfoJYaaNMq6Iyce/1TG0OSrveYOOrx9R2jb1P\ng+R2gmF2Ms0HFK7VA+lqpq5T28mS+uoxrlCA6gk8ehvZIhu//hpT07qtEMIZ7JUkhwNXJEjtQFKd\n6FAIX519Y1OpRox4FxEEgfkfzJB+kqGWayBIAsFJP5G5UUDMWfCNxQhfmaXw4pXl/YNYVo7o4B2P\ndbztD7WOKF437uj5XWSOhO+QUGsq7aaGJ+we2vJX/lWB0noZvW3gDrt6Kq+mYbL2u00a+X2LhvJm\nhSn4Ks4AACAASURBVNXfbLDwk7lTvZ6hGeRW+i2yqukahbUSoekA+ZUCrYqKK+AkMh9GEAWCkwH8\nSV/X8scVcrL0t6/6389KgfB8CEmRUNzypRBSO98+pZa2aC84AXqr3RG8kogoSxiDVI0tqGcLTHx6\nj3atQau0W6URBZyRAGqhYpl2Bp3Ai4OYutHx+TU5sZj3jccZu3+L0qtNGrkioiwRnJvAFXpzKl0j\nRozoIIgCY7etEz7Pg7d1oO0wibvXKK1uYlh40bbrTbRm68h2h3omT20ni6jIBOemkN/R1TRXwE9o\nboLC0tq+o5MsE74ye65tdSPhe0Y0VWP98y0qqSqGZuAMOEjcjBM9o6fkzpMM29/tdBPQquka9XyD\nK384jyAKFNdLPaJ3j0q6Sj3fwHPCwQVDN1j5xzW0hrV9V71QJ/sy35PQln9VZP5HM8gOGVESiS50\n3nPmea7Pkxc6tkAv/r9lTNPEE3aTvBPHn7zARDa1bWktdmL2qry6gQE4wwHckVBnCMLiwHjUdmSH\nzMxPPukeVNv1BpWttK3otd+WiSBLOHweWsXjI6UFUSQwN0ni7vWOq8b8FKH50/k6jxgx4t1hb97i\nn8620X/zxVvd5rCHWq3bH9sNg+LKBrGb1gloO988ofhqozsYXVzZJPnBLbyJy+sHfZ4k3ruBJx6h\nmsp2zkPTSdyR8x0aHUXOnJGNL7cpbZS7Qq9VVtn6OkWzfPJI2T1MwyS/UuiL/a1l6p3bAa1pLVBN\ngz6Xh0HYfrBDZbtqe3+z1OqNJd7dn4NpRnu4Qy7bb5ahGZi6SS1bZ/2LLbTWxaX6mKbZ+cAscPi9\nyKdMETPUNvHbV08cvegM+nGFg4iSSHhhmsDkGOWN1MnE8wFMTd+vHB+FALG710jeuzlKoRrxWqhm\naiz/cpUn/+U5L/7bMrml0fLwm0hGLb7xKW2noX3MULOd/3stnev0Bx8YkNPqDXJPl4e6f28avvEE\nyfu3GHv/xrmLXhgJ3zNh6AbVdL89lK7q5JZPlqp1EK2lodoYozfLnaGq4HQQydm/FOD0O06Vdmb1\nPvbwjXkx2tYCsWGRBOdLeAkMUMlVa21yS6f7nEx0wDzT0prsdOCy+JEJskzyo7un3na71uDFf/k7\nWpVap/93kH1xu4jdWuxp/yitbx87bCfI0pFLaocnug8jOR1Eby4SWXz7qzQjLgfNUpPV32xQ3qzQ\nqqjUMnU2vtwiOxK/bxRZtXNR/a6JXgB3JIjstS+MeMb2q7emaVLdSrPz7ROyj15Ytp+1imW0lvVg\n8YjhM2p1OAOdgqG1sjjo93hSZKeMw6NY+jA6/Z1eIIdHIXE9xs7jTLfaLDkkkrfjp6ra2b0Ph8/B\n/I9mefWP1sEOkmL9WnPfn2brwQ7VTI2mTUwygH6Kftg9r8j/edFzZhuzxN1rpL58RHPX+1Z0KESu\nzeEK+RFl6fQOlLpOu1IDUSC4MI3R1qhspeFAqpo7HkHxuJBdLsJXZvr6vAbpgQ5Mj+OfHCP93XPU\nQaq7hxi7fxP/xGi6eMTrI/sy37cqZRpQeFUktni8I83rollpkXmapVVVUdwK0cWwrU3ku8onf1zl\nhhIk/1+XgXfn4lmUJCJX5kl/96xvoDk4O9ltWzBNk9RXj/rieQ8jyPJrX23TVJXiyzXUah3J5SSy\nOIPiHb6382VkJHzPgCSLeKNuyluHWgRECE4G+h6vqRqphxka+TqCKBCYCBC/Hu0TOIIoEJ4LkXqY\n7qnYeWKenjz6sVtx/OM+imudobLIQhhf2G0ZC3wc3rjXMohi7EYMSRYJTvippKq9FUQBglP97xNA\nlEWmPhhn5Vdr9sLX5nM6imEFVuzhDPpZ+KPPKKxuo7Va+KeSKLsVVHckdPYYScPE1HT0ZqtH9AI0\nMnkagORQ0Jotkvdv9sQTh+YmyD5bsXWKEGWZ0OwkrkiQuZ9+yvovf08jO3gF3R0L4xs/fvDF3O1Z\na+SLCKKI4vchmiay141/cuxSDCmOeHOwa29q27RvXQStaovlf1hFPVB8KG9XmPts6kLnEkZcHsKL\n07jCAQor67SKVRSPk9D8FN6xWPeYWNvJUl47WvQCeBPRY4MvhonWUtn4xy975j+qW2kmPnkPd/jt\nH2QeCd8zkrw7hlpv0yx2RKMoi0SvRPridk3T5NU/rlPd2W8pqKbrqPU2Ux+M92/3dgLZJXf6h/dc\nHe4k+q4KPWE3nvDZr9LG30ugVltUdmpgdt5HaCZIaDbI2uebVFKV/mVzEzSbyOQ9GkX7am9wIoA3\nOrhP33l5RQqiiH9qjOLKBqkvH2EaOu5QEMk12KSt6HIgStJ+DPEhdFXtVpSt729TXt2kmsoQnp8m\nenMBQRBw+n3EbiyQffzS8nmy140r0jlICYLA+Ed3SH31mHo2b5soJ4giksuBOxomcefqsaLVNE22\nPn9Adcs61S4fDjD+vbs4faNK2IjBcPqtW3Nc/ssz2Z55musRvQB6SyfzIj8Svq+RVrlKNZXF4fXg\nm4hfuotsdySIO2IvFOuZ/JHtZqJDwTsWY+ze6ePgTdMk/3yF2k4OUzdwhYNEby0iO+wjf/PPV/qG\nnrV6g8KLVdwfv3fqfXlTeC3CV2tp5F8Vu+bZkvL2pD95wm6u/fEihVdFtKZGYDLQGe46RGmj3CN6\n9yiulUjeSVjmpscWI69t6U92yCz8eI5Kqkqz1MKf9OEOuXj16/VuRdmK9JMs0cUwkmzzP7U7Tskw\n94Pps+/4kMg+fkn+2Ur370amANJgB1mjqSIdYbTtDPpplSq2Aw/d7bRUck+XMHSNxN3rAERvLGCY\nBvkn/cMP7VodtVLD4e+ITsXjZvqHH9IsVch8+6wjgA8RvjpL/PbVgd4XQHU7bSt6AVqFMpnvnjP1\n2f2Btzni3SZ+PUp5u9rjSiO7ZeLXYxe4V72oNgPC7eqoD/N1YJom6W+fUl7bjwd2R0NMfPzeqYaO\nDV2n8HKVVrmGpMiEFqZxBk42C1NYWqO8vo3eUnH4vYSvzB7rxCApR0us4PQEifevn2g/DpN+8JTi\n0nr372ahRKtSYfqHH9leKKgV65mels3tbxuvRfg++39e0t61yco8zTJ5L0lo5vJmnJ8UURKJHiNQ\nrdoIoOPO0Kq0kE9Q+dzDNE30toEki0PxDhYEgcC4n8C4v7tvlZS908PeY5b/7hULP5lHskgDcgdd\nfZUTgOhc+NJcvRuaRnl9u/+OE/RpC4oEgtA3uCC7nESvz6M1WgMteUFnyck3MUZpZR21UrP1BTY1\nHbXe6ArfPVxBP4l7N9j87Tc9rRqKz0Pk6tyxr9+uN8g+fkmzUO6GYhxFI1vA0PUe38VWpYqpGziD\n/kvzfx5xOZAdMos/niXzLEez3ER2ykSvRvFYFAwuCsVtfWpUPPZVtBHDo7KZori83nNbI1ck/fAF\nE9+7e6JtGbrOxq++opHbbwOrbO0w/uEdvGODXWwVltZJP3jWPb63aw2axQrTP/ywR0Brqkr20Usa\n+RKCAM5wENntQrNxgTBsXIUGRVfbVA6EIe3RyBSobKYJTFnPb9ilcL4rfsKvRfi2D3jDtusaW9+l\nCUwG3inrJHfEJjfdc7rc9OyLHNmlAu2aiuJRCM+GGLs13KzvdktDP6aVAaCWbZB+mmH8Tv+PLHEz\nRqPYQK3uCyhvzMPEvf72jotCrTXQTpCWZoUnHMI/3hGrWqPVCZ4I+pn50UeIsszYvRuYhkFlM3Ws\n00K70WT78we2B8s9ZK8bT9TaMs3h8yAeqja0a3VKq5tHil9DN9j87be0jmjN6H+Ozl5pX63W2Pnm\nCfVsAQwTVyhA7PZVvGPvpkflCGtkp8z4e5d3qDJ+LUo5VaV9wF1HUsSB4uDfBfa8ezENtF///dC9\ne2sp61ChZv7kvuuFpbUe0QugN1XyL1YHFr7lje2+oobebFFcXu+2KZimydbvHtA4kNzWKlZwxyMY\nba1buT7IUW0Sg6BW6+hN61UItVIFrH9jobkpaqks+kEniV0P3XeBC+nxVSsqxY0ykdm3p+p7HIFx\nH4FxP+Wt3tz0yFxooNYP0zRJP8lS2iyj1lW0xr4g1Usttr/bQXJKJIe4XOjyO3EFnbbV6oM0bXp5\nvVEPV3660Am1UHUcfgfxq9GhZ8WfBcXjRnTKGDZDN55EFFGRAIFaKmMZJhGYm8AdChK5MkOjUMbh\n86AcWJITZZnkh3eopbMY6jFDPCbHil5EgfDiDKJFi0mrXCH19WNahUPi1YTS6hbhxZmeIbqDlFc3\nTyR6oSN591Ycdr5+0hPZ2SyW2fnmCXP/5NOe4Y1WudrpMytXkRwOAtNJgrOTJ3rdESPOC1fQ1Yn7\nfZZFrarILpnoYoTgxKi/d0/0nqeNmd0K5sHb9XYbUzeOtnOkc6yxwm653wo7cXlQONZS2R7R2339\nYonE+zfJPHrRGXLexTeRIDB9tgKQM+BF9rj6CzcC3fkPK9zREMkPblNYWkOt1ZFdToIzE+/MMfjC\nhtvsbLDeVgRBYO4H0+w8zlDPNRAlgcCE/9gWiT1S36XZedwfFtHFhOJ6eajCVxAFEjdibH6dOrby\na9WjvIfDozB5L4ksi6dynNhjGN69VkiKTHB6gsLLfss2QZaI37mGK+Sn8HKVqsWyEkC7WscdCiLK\nMt649f9UEAVklwtVPbp9ZJCYYXc0TOTKbP9+1Bts/uZb2jVrN4p2rYGutm1PFu1TVL4ljxtBEGiV\nq9Rz/a4SnUpzR3ADaM0WW7/7BrWyv4/1bAFDNwgvXJ6+7xHvNp6Im7nPRt/Hg7wO0QsdUVha2+5z\ntHHHImgttbOqlMnvDnMFiN+6gtsmMEh2WC/f2y33W+HweyyPqQfbzOz6Y422juRQmP3xxxRW1jHa\nGu5IiMDM+JnbwERZJjgzQe7Zcs9KojcZP7b/2Dcexzc+3FXiN4ULEb7usKvbR/ouIUoi43dPvrxn\nGibFdfsBsz2M9qldZ22JzIdxR9zklwuYuoFhmORXij0/MskpEVk43yXAPe/efzqrof/mH4a+tBa/\nex212qCW6r24CEyP4wp1vqu2HoeiiGMAVwNBEPBPjpGzqUCchFahhKHpfRXf/ItVW9ELoHhcSEdM\n+55m6S0w2flOG5pm6yZhHLByK7xc6xG9nQcYlNe2RsJ3xIhLzuvw7vUl48RuLlBcWUertxBkCW8i\nSuLudba/eEB1e/843cgWSH31iNmffmppCRZanKaytdNXFfVb9L828kXUagPfeLxnMC18bY5Wqdqz\nEueKBIlcm+v+7Y2HyUkS5iHbSsnlxBUNIjschBdmEAQBecBgo0GI3bqC4nVT3c5gGruuDtfnR7MV\nR/BahK8n6qaea4DQuYqe/ODsVzpvG1pLY/u7NPVcx+PXn/SRvJ1AEAV0zbCNKD6IvJvkZpodoVxL\n17v2aopbRmtqyE75xG0G7qCLyfvj3W07/U6KqyXaLQ2X30HsahRv7OTDeYOyJ3r/1z8tkPjX/5kH\n55AFLwgCU9+/TzWVobq5g2GaOAN+jHab9HfP8E0k8CbjuKPhvn4xbyKCKzSYH3H0xgKCJFLdSqOr\nGobWtl1GOwpD0zsDZYeEr9Y8omIrgH86advmAOAdj+ObSBzp5HAQxesmdusKAK5wEGco0NcqITqU\nniU9u308tr1jxIgR7wzR6wuEF2aoZfM4fV4cfi9ao0XNop1ArdbJP3/VPRYdxOH1MP7R3U5rVaWG\n7HDgm0z0zDq0Gy02fvftrv2Yiex2Er4y232MNxZh6ocfUFxeR2+1cfg8RK7N9QhtVziIfypJeXVz\n/8UFgeDcJO1ag63ffrs79CbgiYaI37sxNBvI4OzkO9OmMAxei/C9+kcL1HMNBBHcYfdI9B6i6/F7\nIDa4nmvQbrSZ+XgKSRFxBpydi4cjqOUb1AsNth9lKLzaHwLIvswjKiJaS8PhUQjNhBi/m7D9P5iG\nSepRmmq6hmmCL+4hueshLAgCYzfjjN2MY5rmuf8v9717PeT/4j8PvdJ7GF8yji8Zp7yxTfrbZ90e\nrsLLVYLz04x/7w6Z757TyJdA6IRA7FmPDYIgCESvzRO9Ng9A/vkrMg+fn2pfjbYGh5brFLd1VVp0\nyMRuXe2pqJqGgVqtI7udSIrS3b+Jj9+jsLROM1+kVamhHlGh1jUNU9cRZBlBEIjdWmTn26ddT2PJ\noRC5sdDT7+ywsX5TvOd38TRixIizszfQNux2MztERcZ/IGRHb7dtY9yLKxtErs/3uMvs4YmF8di0\nQgCkvnlMPb0/UKc1WmSfLOGOhnDvxto7/T6i1xfQmi2cAZ9lASH5wS1cYX/HDlMQ8I7HCUyOsfrf\nf0drN1nTBGrpHMaXj5n+A3vLsWHRrjfIP3/VSWhzOgjOTdq2470rvBbhKwjCuVYE33RKm+Ue0du9\nfaNC+24bxa0QuxJho7yN0bbvkdWbOhvfpHoH6ABDM7qxxmq1TfpxBtkh4vA6aBSbOANOwjPB7g9w\n7XcbFFb3Wyvq2TqtSov5H/b2lB78wZqmSfZ5jvJ2FdMw8cY8jJ0yPvkiaTeaaPUWuacrvROvJpSW\n13H4PUx88n73wF/ZSrP9+QPa9QaKx01wforA1OCTseGrszSLZSpbO7ZtAlaIDgXZImAjfHWW2k62\nZ3BDVDqDdQdPIPmXqxSXN2hXa0guB75kgrF7NxBEEUEUiVydBWbRVJXNf/yK5uFBuV0EhI6N2y6+\nZBxPLEzx1SamrhOYHkfx9Irx8OIsla1MT2VY3PXWHDFixOVk2KmZp8Hh9+IM+miV+i/G9ZZKaWWD\nsMXsw1GYhtFxoTl8u6ZTWU/hjoQwdJ3Ul4+o7WQx2lrHx/fqLKG5qZ7nCIJAeGGG8ML+Z1Ne3+6K\n3oM08gWa+SJuG2cey301Teq5IrphIrsc6C3VVoRDZ55i49df9xQv6jtZkh/eHii183VjmibZxy+p\npjIYbR1X0E/kxvzQ0+RGyW2XgFbZZmJU1WlWWihuhch8GMWrkF8uUMvUUWvW/qqtcutYuyyA1OMM\nhrovovNLBeZ+OI3W1Cht9v9Iy9tVarm6bdLa1tcpMs/3r5ir6RqNYpP5H81cugq/0dbQWiqKx9U9\nYBiaxvaXj6ins0f2Smcevuj2adVSGXa+etQNpmjXGjQLZURJsh0aaDdbFF6uojVaKG4X4auzTHz8\nHvVMnsLSOtUt6+G5wwSmk5b9bIrbxeRn98g/X+1Uc127V/gHBh2qqSzZRy+7vWh6U6X0agPJoRC/\n0xtuITscTP3gQzIPX1Ba3ej7brmjob4KiyjLloN33fsVmakffED+2TJqpY7o6AxoDGotNOJ4nj9/\nzp/92Z/xz//5P+dnP/tZ9/Zf/vKX/Omf/inPnj27wL0b8SaxN9B20aIXOsIytDjLzlePLO9X60ev\nitpic87cuzn97VMqG6n916nUyHz3HFfQj+sYUWbrhW6CNoBP+h61bJ7Md8/73HocAR+Ra/MEZ/od\nIgovV/tW7HS1TWFp/VIK38zD5xRerHb/rtYbtCpVZn788VA9hkfC9whM08TQTURROFVAhFpvU94s\n4wy68MU9tgLQE/MgiHDYy1rxKD1xxP6Ej9xSwVb0AihuhZZFYMRhDope6AjV1MMMnrCrWx0+iKmb\n1HMNS+HbbmkU1vr9FcvbFao71UsT8bmXBlTZSqM3Wzj8XkIL08Svz7PzzVNbx4YedIPC8jqRxRmK\nq1t9aWyGplFa3bQUvq1Kja3fft0z2FVNZZj6/n088U6f8Eqx1DeEIToUPIkoarmKKEl4x2JEby7Y\n7qLD5yX5wS3b+yubqb4BDIBaOkuc/lQ3yaGQ/OAWzoCP/MtVtHoDRAFPLMLY+zdsX+coZKeDxHun\ne+6Io6nX6/ybf/Nv+Oyzz3pub7Va/Mf/+B+Jx9/NSe4Rp+c8ouJPS3B2gvzzlZ5wnj2cgZOfawRR\nxB0N9QdBSCL+iUSnymrRV2y0NUpr28cKX/9Uktyz5b5ZDsXnwZsY7GLfNAzS3zxBLfevDKvlKpkH\nT3FHAn1D1u2a9YWA3e0XiWkYlrMl7Wqd0so60RuLQ3utkfC1obRZJv0k200WCk4FGH9vbODq5faD\nHbJLefSWDgL4El5mvz+N4uz/yP0JL8GpYG80sADhmSDZl3l0Vcc/7sfpU6hs2/dbeiJuZj+b5MXf\nrBwpju1o5BskrkeRHFKffZkoi/gS1o34zWITrWlRJTWhnm9cGuGbffyyJw1IrdTIPHqBy++1XOqy\no7qZIrI409sKcYBmvsjq3/0O0zBxeNzE791AdjrY+vxBn5uBuutnO3bvFqIiE7k6T/bxi66gFhWJ\n6I2FIyuoJ8XKh/io2/cIX5khODdBLZXFFfCinOIkM+L8cTgc/PznP+fnP/95z+3/4T/8B/7ZP/tn\n/Lt/9+8uaM9GjDg7giAQvjJL5uHznn5fdzxsWfUchLH3b9JutmjmOgUcyeEgtDiNJx7BNE1M43TH\nTOhc5EeuLXTi6HcrvJLLQfTG4sCtgOX1bUvRu4eutim+2iRx51rP7ZJNvLPsGZ6rxLAwNN22Oq7Z\nnGtPy0j4WtAoNln7fLMjWgFdVUk/ySIIwkBpQ6XNMjtPM7D3mzChulNj6+sUs59OWT5n9tMpPBEX\ntUwdQRJx+h0UVkuou9nw6WdZAkmfrZ+uL+Fh7oczuDwOZj6dIvUoQ6PQ8Qs2TdAOpOdJiohu0Sss\nSAIOr4PQTJDcy94r3NB0ALdNpKgr5EJ2Sf3iV+gMM56FYXr31nb604BMTae0vj3QAWyP1u4ByM4H\nUmuqaLtX961imUoqjTPgQ7Xo8wJoHRDD4cVpPIkI5bVNBEHEP5U8cab8cbijoZ5luz2cAzhTiLKM\nfyqJLEtoNkMmIy4WWZaRD7XBrKys8PTpU/78z/98JHxHnILh+6efhfDCNLLbSWU9haFpuEIBItfm\nj3SsOQqnz83MH3yP2k6Wdq2Bb3IMZdfrXBAEXOEg1UZ/NdIzYCJl5MoMvmSM8to2ggiBuanu9gfB\nsFihO4zVOSxyZYZaKk27ul/hFWSprzf5MiAqMg6/l2a+37r1uKr6SRlI+L5r/WK55UJX9B6ktFke\nUPhW9kXvAWpZe3/VTlhEHHZXf5f+7lVX9AJgQHmriuyS+6zNBElg/P0ksqPz7/TFvVz5iRdDMzot\nGgIUVks0i02cPgemabLx1XZfX1NwsiN8pj4cxxVwUEl1BJ434SFxRDCG4pQJzYTIPu8VloFxP/7k\n6UXbsL17rZb3obPE4o4Eerwhj8LQNIprW5bLX9ZPMGkVrUUv0Oer6/R7id++dm7iMrQwTSPXyXLf\nC8twhQPEb/dbAY14O/jLv/xL/uIv/uJEz5ElcS+J+kzIlyil8TjelH19Xfu5XS8AZvcYvLEzj8Vo\nwZHIFumSpyX/cpXi6hZas4XD5yV6bbZnaPcsKIpMyGYweezuddr1Rvc4LkgioblJwicIoZBDfjyh\n062SReanKDx/ZR8wJAoEp8b6Pms54GP6+x+Se7aMWqkhOR2E5qYIvqZo4pP+72PX59n+6hF6a7/y\n65tIEJmfGuqs0LFf4XexX8xuuEkfNCDijP8fXTOoF6x7cBw+BV3TMbV91RqeDVn23h70643M9cZD\nt5sahdUiarWN4lEIzwaJXe1YnAiCQPxajPi1wYeNJu8ncXoVyttVjF1Xh+Tt+Km/rAe9e4eVEOQK\nBSxjKgVRxNBUEIXBnBUMk9zjl91lqzMhCoTmXq//oiAIjH/vPQKzORq5Ig6Pu5MidMpqyduGaZoU\nXq5S2UpjqG0cAR8fXvROnYGdnR2Wl5f5l//yXwKQTqf52c9+xn/6T//pyOdpJ1gFseOsaY2vkzdl\nX1/Xfg7jGDzMi/fiygY73z7pHqPbtQbNYpnJz+51LcdOy3H7KXvdzP7kE0prW2iNFt6xGO5IEH0I\nv5GBEESiNxbIPF7qiT2G/QquKxq2fA+Kz0Pywzs9t72O1brT/O+94wmmfuCi9GoTXdNwh4OE5qeG\n/jkfK3zfxX4xd9gFKxa32yz1HyY44Se/Uuir+g5q6SYIHdFqVXX2xbyM3x2juFbC0A38Yz7Ccyf/\n0Y/fHWPsZpxWTcXhdSCdsYIgCALx6zHiQ4hMzqqdq+phB1bEbl+hVan12Gg5/F5K69snshIDbPt7\nT0p4cXYgN4N2o9mxrgn6j72YqG5nKK5s0G50LNZC89P4kr2vIQgCvrEYvpGTQh/5ZytkH7/s/m11\nsfQmMTY2xt/8zd90//7pT396rOgd8W5zXsfgs1C2OE7rLZXiyuaZhe8gCKJ4oS0CwbkpvOMJqhsp\ndN1AEDp9sb7xRDdd9G3AFQrgujdYINRpOVb4DqNf7CxLZhex9DR2I051p9Zj6+X0OZi4O9azP3b7\nFp0N0Sw2ybzIoTV1BBH8Yz5mvzcx2PuRRYJJH9ml3oEr2S2TuBHD5XMQnrT/Ygz8mckiDtfrbfMe\nZN+EtsDHf9SJxSwIwtCWyuSAj/mffsrm59/SyBYBk3ajeWLR6woH0VqtPvcFwNZj0gr/5Bjj924c\nLWQNna0vHnb8IzUdZ9BP7OYiIZshjupOltRXD7tLRWqpSjNfZOrT+/gG7EcblLP8X5qlKpnHL2kW\ny4iKTGAiQezm4lCWs86yX6ZpUtns739+k3j48CF/9Vd/xebmJrIs84tf/IJ//+//PaHQ+YuDEW8P\n3Wjii96RXXTVzvbT+nbTMCitbaGrbQKTSfvI+TcI2ekgdn3+QuYrWpUapdVNMEx843E88QhqtU7x\n1QboJt7xWI9t5mXmVKrnpP1ip10yu8ilp7kfzFBYLVLPNZCcErGrERSX0t2f4/Zt7HaCyGKY8lYV\nZ8CBL9ZxRBj0/UzcH0fXTSqpCpqq4w65GLsZ7/T4HrGN4/Zrb0DhIrx1B/1/HhyiME1zqD/y3PMV\nKhuDeeV22WuBEMAVCpL88DaFpXVKK+s9D5O9biZ/8CHF5XWKy2sYqv3SoCCLRG9dQWtrti0G2eBw\ncQAAIABJREFUsiyx9ftHPTY7rVKF1NePcQb9lgfy3Mu1nv4oAL3VJr+0his6POFzliVMo62x/pte\nU/VmvoSman0+wq9zv6BzstROESF9mbhz5w5//dd/bXv/3/7t377GvRkxYjg4fF5LZwOnv99tqJEv\nkfrqYffx+eeviFydJXrd3gZyhD2l1S0y3z3rui4UltfwJqI08+XuhUdhZY3wwgyJ9wZPMr0oTix8\nT9sv9qYhiAKR+TCR+cFTVQ6juBSiC6d7viiLzH46ha7q6G0dxaOcSay2qi22vt2hnqt3kvTiXiY/\n2B+Ie1ewcjOwRRTBMPYrwiZorRaCJDL2/nUEUaCWymJoGs6gn+iNBRSXk/itK8RuLlJP5ygsrVFL\nZfs2bWoGq3/7W2SXA8nhQHQqKG4XofkpXLvuCoamWQ7Q6S2V4qsN4rf7ReLh/q89NJvbL4LC8rpl\nDHJla4fYrcUL7TUWRBGHz0NjyPY5I0a8KewFVrzOaOJBiFybp1Ws0D4QUuEKBwhfm+t7bObR8x6R\nbKhtcs9e4U3GcQWH3xbQLFWobqY7CZTzk5bhQm8qpmGQf77SazVmmP3nNcOk+GqDwMzEpW+9OPF/\nZ9Qv9nqRHBKS42xL/aZpsvqbDeq5/QOGWiuit3UWfjQ8f9jLjmmaA/XmOsMBYjevkHn8AvWQG4NW\nb1J4ucbY+zcYe/8G5nsmmGafWBMEAe9YDNMwLIUvdFwm2rVGj5l4eX0bdzyCbyxKeGbC3j/S5nbF\n66GR6w8TuUzLfFrTejJZb7UwNB3JcbFDdqHFGVqV2nCGF0eMeIO4TClth3FHgkz/6CMKS2toLRWH\nz0Pkyiyi0itjtGaLZr4/Yt3UNCobqaEL38zDFxSW17qewsWVdcY+uIU3Fhnq61wUzWJ54DkHU9Op\nbqfffOE76hd78ymul3tE7x6VnSrNchNXYLChvdfNsKsNgiDg8HnRGv3VT9nrRnY4cIX8RG9dQXY6\nOhPEFujNFqZhkHn8ktpODlPTcIYCxG4u9nnuepNx3PEIjQGtz0xNp76dob6dobaVwRUK9Fd9RdE2\nbjJydZZGrtAjphWvm8jVy3OB47LxC3Z4vX0nsYsgMJVEdrsor26iq22c51AhGjHisnFQ9P6rzJd8\n/W814HKI3j0Ur/vYpXRB6CStmhYdT8NeTWrmSxSWVns8dNvVOrlHS3h//HYIX8nlRJAkWzvQvsc7\nleMfdMEce5YZ9Yu9+bRrNs3/molaVS+V8N337m2j/+aLoVcbwldmaZWrPZVfTzzC5PfvI0q9lXWH\nz4tmEe1Y2c7Q+H9/1TPc1q41UCs1Zv/wk57tCILAxMfvkX30gka+hFZvYAzYg1pL5wjOT+JoertX\n3IIsEZ6fxhOzbqFxBv1Mfv8DiktrHVcHt5vQlRmcPuvUvYsgMDNBZSPVEygiKjKhxZkL6T23whMN\n4RliT/SIEW8C3Wji/2OZyyZ6B0VyOnDHwtQO+bJLLgfBAa0jTdOksLRGdTuN0dY7BZGbiyiHktDK\nW2nL4IhmsYzWaCG7L0dCmqEb5J8td1YDxY6jz6DHW4fHjTcRGcjn3hHwEZx9vfacp+Hiyysjzp3A\npJ+dx5m+tDaHT8GXGG4q2Fk4D+/ew/jG40x8eq/bqO8KB5j86C6mxQEgMDNOfceiTcEwLB0d1HKV\n0soG4UPxwrLTQfKD2wBknyyRe7I08P7qapvZn37a8TVU2/gmEscu1Tn9Xsbu3Rz4NV43giAw8el9\nCi9Xae25OsxM2Ir5ESNGjDgJY/dukjIM6pkCGAaOgJfo9YU+4WpH7skSuafL3b9bxTKtUoXpP/i4\nJ2bYLnJYkESEAeOIzwOjrWHoejdddOvzb3suBOo7Odr1Bon3bgy0vbEPbyN885TKVroz92KBMxRg\n7P6tvgLSZWQkfN8BXAEXkcUImWfZblqbKAvErkZ7Qi4ukoO+kecleqHjirDz9aPu4EO7WmcLSH50\nt+fq19ANck9e2mzFnuOGyCLX5mjkCtTTg7U+SIqCKEmEF9/M6osdoiQSvT5/0bsxYsSIt5Dqdqaz\nsiaJiLKE7HLZRswfxjQMyuv9Q9DNQpnSq42eY3FoforSq42+9jlPPNKXyPk6MDSN1NdPqGdy3Uq1\nJxmznDMpb6SIXF9AHuBzkR2Ozsrl4xfknlqEHABao2k7XH3ZGAnfd4TJe0l8CS/lzTKCKBCeDeKN\nXZ7lb9j3jfzqnEQvdCquhy1xyusp2s0WkatzeMdiCIJAaXWjJ998UNwWy+PNUoV2tY43EUVUZKa+\n/wG5Zyvkni71xUYfRHJ0KqEjRowYMWIwiq82SD942nXjMYB6Okc9kyd6bZ7YMdHseqttW8BoH2p9\nk11OEvdukn+y3PEklyU88ciFrbilvn5CZX27+3cjV6RVrnaj6Q+iN1XUchU5PngvcuTaPLWdPM1C\nqX97LZXC0iq+8cuf5jsSvu8QwQk/wYl3e1CnecilYY9GpsBmtkBwbork/VunEr3+yTG8yf0fvaaq\npH7/kFomD7qB7HESWpwlenWuE9YgCuSfv8Jod4S+qMiIioyh6Th8HqLX5l7L8n91O03h5RpqrY7s\nchKYniC8OH3urztixIgRWksl/3wFtVJDcigEZyfxnECMHaaynrIOJTJNiivrBBemjmx5kJwKitdt\nabnoDPa3BvrHE/iS8e7+y66L6evV2xr1dK7v9r3zy2EkpwNH4GStjqIsM/mDD1j/+88tnR7UU5w3\nL4KR8B3xztCqHmNRZUJpdZPAzDgOC1N0K7wTcURJxh0NEZqf6mmXyDx41rPEpNVb5J4s4Q4H8cTC\nRK8v4J9MUtnYRlQ6B/ziygbltS3UWoPCy1V03SA4bZ3SNgzquSKpLx91PRq1epNmsYwgCRcazzli\nxIjXy0V49xptjY1//KonRr6aypK8fwv/5Niptqm17JfbdbVNdXOnbw7jIIIoEpybIvPwWY+Advi9\ntitwgiD0Ofq8bkxNtx2clr0utFrvXIp/amygNoe+bTkUvGMxS+Eru06+vYtgJHxHvBMYms72777F\n0I5po9g15o7dXKS8tmXpibuHfzLJxCfvWd5nmib1bKH/dk2nspHqVnIdPg/RG4tAR3RnHj3vHmzr\nLZVmsdo90JwHpVcbvcbkAIZJZT01Er4jRrwDXKR3b353wPUghtqmuLR+rPDt9OJuo2t6x4JwV8TZ\nJbztofg8x+5XYDpJ/sUK+oHeXbVap7iyQXjhcq6GSS4HzpCf5uFzligwdv8WjXSeRr6EIIp4x6JH\niv/jCC/OUN1K94SJIAgEzrFIM0xGwvccuch44BG9FJfXaZX6l66skBQFQRSZ+Ow++WfLtIqVzpSu\nLNEqVtDVNrLTgW/imF4mm8qJXUGlbLFEZ2gapdWtcxO+faJ3F20U3jBixFvPRQdWqNW69e1169v3\nqGcL7HzzpNuOkH+2QvTGAuGFacuEtz3c0fBAx9Li0nqP6AXANCmvbl5a4SsIArHrC6S+fozW2K3u\nip2VO18ihi8xvHOI4nUz/vF7+y0qTgf+qeSl/WwOMxK+50C70WbrmxS1bOfH6417mLg/juIcfdxW\nHIzI1H799+fyGtWd4z0IoVOBDS10Kp2yQyFxt2OWbpom258/oL17oFbVNttfPqRdb1jmvwuCgDsS\norK5c/gOfOPWByA7EXqeCWJOn5ca/Z+Nc8BWjxEjRrzZdL17/+J/e+0pbXY+t0f1yZqmSea75z09\nuHqzRe7JS3wTCdyRIFM/+pDcs1fUd7IYbQ1RFnFHw8TvXhuoENVuWKdLthstTNO8tMUsbzLG7B9+\nQnFlA0PT8CXjZ+qXPgp3JMjkp/fOZdvnzUiJDRnTNFn97QbVnf2lFrVWot3UufKTuYvbsUvKnug9\nLxszQ9fZ/vw7Gpn+tgMAQZKQHAqGruMKBYjdWrTMWa9n8h0Pw56NmxRfbRJamKFdq2O0NdzRUDcd\nKH73Gu1mq7v0JDqUztV30rpS7Az4+pb9gBMPIJyE8LU56tk8zcL+68peN+Frc+f2miNGjBgBu0vm\nmzu9bgmicKSbjVqu2rgKtCmvbhG9Po/D62H8g1vA6VZeHTYR74rH3d1Ou9FEEIQLG2azQ3Y5id1c\nvOjduNSMhO+QqaZrVNP9/UXVdJVqpoYvPqqk7TFM0dvMlyitbWFoGu5omODcJIIgkHn4gup22vZ5\nrmiQuR99D63dthS8sD91bNWjoNUarP/y97RKFTBNHAEfsZtX8E8mUDxuZv7ge1S3M7RrdXwTCRxe\n+/6yyI15msVST3+aKxwgco5+t7LTwfQPPyL/chW1Wkd2OQgvzqB4rA/8I0aMeHsw0QHztQ60HURx\nu5j89B655yuo5c6SeWA6aZn+Zeg6hZdr1PPWRQwAQewXt6epzoavzFDZSvcUIgRZJjQ/RSNfIvPw\nOc1CqbOyFw0zdv/mG3fMNE2TVrmKKEtHnpfeRkbCd8i0Ki1rb1YDWuXWSPge4pM/rnJdDvD1GURv\neX2bnW+edG1bymvb1HayTHzyvuWA2UHckRCCKNiK3tKrDTKPl+yNuQWh5+ColqukHzzFkwh3eoUF\nAf9EYqD34fR5mf7R9yguraM1mjgDXv7/9u48yM36vh/4+zl0rLS6Vlrtfa9vY2wcYxuDSahdknSS\nTiYztHRMyxTaEq6UCfXVEEjcQLx2MwmmQ8BJIbHLpJQyA22ZHw0DM6aJMcQ4xhde23t479XqllbX\nc/z+kFderaRd766k59nV5/UX+0iyPmi1jz76Pp/v52Npqc8ZW76wGp5WCAgpMdfHwwsQjx8repnD\nBJ3FhNoN2TcJT5BEEf3/d3LazcZ8mf6GRxLPhOV51N+2Du6L3YgHQ8muO421MFbZ0fvBR6n9IjKA\n8MgYhk+eQ8MdX8jLcxdDeGQMY+cvJ6/0cSyMDhuq1q1ccMn7XFHim2eWOjOGzoxCjKW3FeH1HMx1\npd1DtxBkWYb3Um9Gr8LQ4CgCfSOYbkIEw7Lwdfch2DcIvd0G55pl4LXX27GICQFjF6ZJepMBZBwS\nIlH4ugdgn0O5AK/TwrEymYTyPAchR3sapYkJAYnxKHiDXrX1boSQ7IoxHj6fvJd7p016tSYj7Cvb\nwWnyNy2N1+tQdXP6SF9/70DWTdLjbi+ivgD0VnPenr9QJEHAyB8uXC8vESWER9wYPnUeDVvWKxtc\nkVDim2eaMg0c7RUYueBKjowBwLCAo90Ojb74IwwXOzEWRyxLP0EAGLtwCUZnBeLZujmwDGRJghyT\nIMUSSISHIMUTqL/tltRdAn2DGaMob5Tvci8SoTDsy1sX1bdoWZIwcvpzhIfHIESj0JpNqGhrgIVa\nnxGyIEyMh3/rIRHep97EZwqt9M5GLEd7MlavRc361TBWVqT2VhRSrg3IkGSIsXjBnz8ffN0DGRPo\ngGSnjHh4vCTKHijxLYCam6pgdBjg709eArfWm2GqodXeQmA1PFgtDzGSuTIqhCOIBkIAg7SFX73d\nmtnrEEDY5Un71s5y3JzjEqIx+HsGEPUG0HjnhoKXKxSL69xl+Lv7Uz/H/UEMn7qARDQG+7JWWv0l\nZAHYuD0EoEyx8obZ4rTZz5/aMj3KC9TqMRtTQw3cnd2QYukJsNZkLFj3hHyTxRxXEUUp55S3xabw\nX5FKlLnGhIYNdWjYUEdJbwGxHDftWN+Y259R7TC5g0EaUUr7JmxuqIHWPHNNNm/IPf4y5g/Ce6Vv\nxn9joQiPjmUelGW4z1/B0O/PKLZJhhCyeFlbG8Bl6Z5gqqsuahwavQ4VS1vAaq4vinB6LezLW4uy\n4pwPpoZqsNrMq896qxk6S2nkKotjGYqUNOfNKxAaHIUsSjf2ACn7/XiDDkanPfUzw7Jwrl0B15lO\nxHIky5aWOjjXLIe/px+jZy5l/bdz9YQslNRuXQ0PbZ7LLORpao6DfcMor6mEuX5hTO8hpNRM7pm+\nkOhM5aj5wmp4LvUiHgyD12qSAxOWzH362FzZlzSjvLoSwb4hMCwDc3M9NCpraTYdrdGAiqXN8HT2\npHrE88YyOFa2l8wVO0p8yYLHazWwNNfDd+Vq2nGG56ZN1NLuy3GwtjWB1aT/SRgdFTB8cSOivgAY\nhoUsiwheHYYkSTBU2mGqc4JhGFhbG+HvHcreh7cINVPjY174uvoQ9QchxmKQ4gIYjoOh0obqdSvB\nl+VelZ4NndWctT7sehw+SnwJUaHJU9p2uU7i1LML67K20WlPW5hQks5khG5lu9JhzJl9aQtMdVUI\n9g+DYTlYm+syPvsWs9L5PyUqlZ9L4841y8BpNQiPjEESJZRZzQDHwt+Vu8zAWFsJXqcHyzEor63K\nWjIR6B+Gv6cfQiQGjbEMttZGOKfs9AWSvSKtLXUY/SycVkOlr7CkJsEVStjlwdDHn2VsrpBFEeHh\nMQz/4QLqN6/Ly3M5VrYhHgynTU2abD510YQsZr5+PzzdPogxATqTDs4VldCbi7NSWOhBQWTh0RoN\nWaeOlgJKfIkipvaQnC+GYeBY0ZbWj1YSJYjRGEJTJ64huRrsWNYKvc2Ss21YcHAEw5+ehywkPyTi\nwTCi3gBqN62FwW4FAEQ8Png6exALhMHpNDA1VENKCJASCegspmQ9WIGTQd+Vq9PuKI64PBCisbxM\nGNKZytH0pY3o/+2niEzpkczptQVP8glZiDw9PvSfHISUSJYYhMciCI+No+1LLdAaitPtJx8908nM\ngkOjCPYNp6aBVixtpgUBlaHElxRdsXpIshyLuk1rEegfhuvsJQjjyUv0nF4LW3sT9DbLtI/39wyk\nkt4JYiwOf3cfDHYrEuEIhj7+DInxZA1vIgREPT5U3rQUFe3Nef//kSUJvp4BxAMh8GV62NoawPI8\nhBlqiCVRgpyjrnkuWI5DyxdvxcDJcwgPj0FKJJJtzZY1l0QrHEJmy9PlSSW9E2LBOFydY6hbS6VB\ni4X38lW4znWm9puEh1yIuH2o33JLydTPLgSU+JKimugh2fGgF87vF6eHpLm+Gqa6qmTv2UgU5XVV\n4HXaGR+XaxVVuHbc23U1lfSmyMlNXvlOfCVBQP/vTqWtsgb7h1G78eZk/W6uThVAclU7TzW+ExiW\nRfW6lcmkWhDAajV0Yickh/h49i/3iRzH821iNDEpnOTCRH/GJuvxUTcCfUOwNNYqFBmZihJfUnQb\nt4eSK71F7CHJMAzKaypz3i7LMkKDo4h6/dAYy2BpqoPGaMja+izq8aPv/07m7IcoRPPfyNzT2Z1R\nWhDzB+H+vAvW9kZE3L6sibqm3ADHyraCJaUsxwLczF8iCCllWoMG8VDm36fWWPgyh4krbHvbDPA+\n9SqAhdG7d6ERYnHEw+NZb8s27Y3khyxJ8HX3I+YLgtXysLU2QmOcvpsRJb6k5EmihIGP/oDwkCt1\nzNczAMeKVkQ9fiTG07sYSAkB46NuIEffRq0p/5f7o/5g1uMxfxBGRwVqN94MX3cfhEgMrIYHr9dB\nazImd+sukuEZhCxUjiUViHgjECeVO+gtOlQuLWyXAlfch43bAtjbboT3qVcXzMCKhYjTasHrdRCy\ndL3RTNPrncydLEkYOH4K4RF36liwfwTV61dN+zj6RCQlz3OpJy3pBYCYN4DgwCjqttwC35WrCA2N\nZo4vliSwGj592g3DoKzCmvcYWT77ytBECxqDwzbtIA9CiHKsDRawPAtPlxdCTITOrINzuR2assKt\n+I7Fg9i4PYi9bZT0FgPLsTDXVcHT2ZN2XGc100j3AvF19aclvQAgRKLwXOqd9nGU+JKSN55lfDEA\nRH0B6ExGVK1dgXhoPDPxBcBoeEAQrpfPyTJ83f0wVDlSnR/ywdxQg9DQaEZf4vJaZ96egxBSOOYa\nE8wKTPEUjx+jpLdIHKuWgNNqERpyQRIE6KwmOFa0JUvCSN5F/dn3tsQD2a+QTqDElyxKkiAi0D8M\nMIC5vmbaEw/LZ281M9GCRhJFiPHMpBcAIEoZe0bEWBz+nv68Jr7l1Q441yyDr6sfifA4eL0uObmo\njT7QCCFEDRiGQcXSZlQsbVY6lJLAanJcCc0yknkySnxJ0YxEApAh4ptNCSCztW7eBPqH4Tp3KVVr\n5b3YDefNy2GscmS9v7mhBoH+kYzNauXVlZBlGYMnPkPMl7k5QWMog8wyQJZNZdP11Z0ra3M9LE11\nkBICWA1PXRQIIYSULGtLA4L9wxCj6QtTpprpr4TS+jspClfcB0kWCt67VxLEtKQXAOKhcYye6czZ\ny9Zc60TlqiXQmowAA/AGPWztjahY1oLwqBvhEVfGYxiORfWtNyUnxGWhNRnz8z80ScTrR+DqEGRJ\noqSXTKuzsxPbtm3D0aNHAQCnTp3Cvffei/vuuw8PPPAAPB6PwhESQsj86EwG1KxfDYOzApxeB625\nHPblrbBPGmSVDa34koKb3Lu30OMyA31DWXfVxgMhBAddMNdXZdyWiMYAJlmfpTOXg9frUuUPMV8g\na/tLWZQASYJtaTMiXn/ac+qsyYlt+SLGExj6/RmER92AJIPTaWFtqYdjAc+KJ4UzPj6Offv2YfPm\nzaljr7zyCjo6OtDQ0IAXXngBr7/+Oh566CEFoySFluzdS8jiZqyyw1hlhyzLN7wgRIkvKYqN24PF\nmRE/zRvfdfYitOVl0E9apR27cAW+rr5UaYLebkXthpvA8sk+gDqLCWCQkfxyei20pnLwOi0ab/8C\nPFeuQozGoC0vg7W9Cbw2f71tXWc6ER4eS/0sxuJwX+yG3mqmzW0kg1arxeHDh3H48OHUseeffx5A\nsl/1yMgI1q9fr1R4pAgmj4QvZFkZIWoxm6ugVOpAFhVzQzW05dn76ArjUbgvXEn9PD7mhbuzO60e\nN+r2YfRMZ+pnY5Uja22wub46Nf1NYyxD1ZplqL11DRwrl+Q16QVydJ2QZYSGM0swCOF5Hnp9Zt/Q\nY8eO4ctf/jLGxsbw9a9/XYHISDFMJL1vPSQmp2MWerGBkAXmhlZ8Ozs78fDDD+P+++/Hjh07cOrU\nKXR0dIDneWi1Whw4cAAVFRWFjpWQGbEch8o1yzD0yZn0/rrXRH2B1CWR4MBIsivDFBG3L1lHy7Jg\nGAa1G2+G+0IXIh4fGJZFebUD1qJ2U8gxalSmEaTkxm3duhV33HEHDh48iJdffnnGUgeeY5NXO+aJ\n5xfO+spCiTVXnCORwLXevQb4vvdL9I+0QOn5NXyOrjlqs1DiBBZOrGqNc8Y/CaoXIwtNeXUlzA01\n8HX1ZdzGcNf/EHN9pk+9YsJyHCpXL8ljhLNTVmFFIjRlFCYDGKtzj2AmZLLf/OY32L59OxiGwd13\n341Dhw7N+Bghy5fC2eJ5FoIw/39nvgLDIXi7vRAFCWU2PaqWV4KdkjyqJdaZTBenfO3LsHj8GLr7\nGwCF63x5noMgqL/WeKHECSycWNUc54xfbyfqxZzO67WEzz//PBoaGlL1YtXV1QUNkpDZsjTXZ+3l\nZ3DaU7VA5fXVYLJ8Iy2zW8HkGEeshMqblsJQWZHKyDmtBrYlzTDVZW7UIySbQ4cO4cKFCwCA06dP\no6Ulf5sv1c59xYOe316Ft9ePwEAQI2dd6PqwF7JEV0wIKUUzrvjyPA8+y7WSY8eO4Yc//CFaW1up\nXozkNBYPJncXF/myvN5qgnPNcngv9SAWCILTaWGscsB507LUfQx2K+zLW+HvuorEeAxgGBgqbXCu\nWT7v55dlGfHQODitJlULPFe8Tov629dj3OVFPBRGebUDGkPZvGMki9PZs2exf/9+DAwMgOd5vPvu\nu/inf/onfP/73wfHcdDr9ejo6FA6zKKQZRljlz2QEukrpKGRMDzdXtjbileiJ4kSEhEBmjK+IJO8\nJs61tKGNkOnNufpnNvVi86kVU3PNlVpjU0tcEwMrNm4LYJfrJM6/Ihe15sfeWo+KljokxiPgtBpw\nWaa8VK1sh6O9CcGhUWiMBhgdtnk/r79vGGMXriDqC4DTamB02lG7YXXW55/J5NfLUlsJQD3lDaqt\n31JpXMWyevVqHDlyJOP4r3/9awWiUZYYFxELZR8mE/FHixKDLMsYPjsKb68P8XACOqMWtmYrqlfn\nryPLRNJbjJaRhCx0c0p8Z1svNtdaMTXXXKk1NrXEle1ErFTND6vTQQZyPjev1aC8LlmuM9/4EuEI\nhk6dgxhNftiK8QQC/cOQGQa1G26a1b+l5hoptcam1riIMjgNB42eRyyRmfxqDfntvpLL2GUPRs67\nUntUY6E4hs+NQmPgYW+d/4ozJb2EzM6clgZLuV6M3LiOv/GV3InY19OfSnonG3d5IFFCBgCQJQmJ\n8QgkkV4PUlgMy8DaaMk4rrfqYG8vTplDYCCY2ZhFBvz9wbz8+zLEkjzXEjJXM674Ur0YITdOznF1\nQxbFayOTS/syvPtiF/y9g0iEI+ANelgaamBf0UYjmEnBVK92gtNw8A8EIMVF6G1lqF5dCa5IJWFS\njnNCruOEkMKaMfGlejFCbpyx2gHvlasZm/l0VjO4LF0mSom/dxBj56+kXhshHIH78y5wOi1sRe2L\nTEoJwzBwLnfAuTxzEE0xlNn0CLvGM44bbHncoEo9vQm5YTSymJA8MjrtsLU1wNfdn1r91ZYbULmy\nfU7/niSIcJ3tRGjYBVmSoLOYULfxZrBKd6Wfg9DgSNYP6NCQixJfsmhVr3Yi4o2mJb/lTiOq8rC5\nzRX3YeO2AJbxZnjf6QKg/N+RJIoQY3Hweh1K/QoXUaeF9+lJiEqEhsfg67qavGyv18HSUgdzfQ2c\na5bD3FCD0JALrEYDa0vdnBPV/uOnEHF5Uj+PR9248v8+RMv2LfNuk1ZsuWp6JYHqEsnixWt5tH+p\nBd5eH6KBGPQWPWxNlnmV90xsaNu4LYC97UZ4n3oVPQPKJr2yLMN1phPBwREIkRi0JgMq2ppgaalX\nNC5CpqLEl+SdUr17i2nc7cPwybMQY8mNbPFgGBGvH2AYmOuqobdZoLdlbqqZjfCoOy3O2mGfAAAW\nfUlEQVTpnSDFExg9exG162fXJUJpeqsF46OZ/z96q1mBaAgpHoZlUNEy/1aJE2SI10YTqyPpBQDP\nxW54L/emfo4Hwhg5cxFcmQ7lNGWSqIg6Gr6SRWPySsQy3rxodxn7u/tSSe8EWRAR6B3K23NEvIGc\nt0U9uW9TK/vyFpRVpu+k19utsK9oUygiQhaubzaLEI8fU0XSCwChYVfGMVkQEewbViAaQnKjFV+S\nN5OT3l2ukzj17OJMegFAiGVvii9EY3l7DqMzd7slvkyXt+cpFpbn0XD7egT6hhAPhKAtN8LcWKOq\n8dCEkLnJ1a6R2hYStaHEl+RNqp/kx6cW7UrvBG25AeMj7qzH86XMZoG+woKox59xm6WhNm/PU0wM\nw8DSuDBjJ0QNhsa9yf9QWSmZ3mpGPBDKPD7Pki9C8o2WWgiZg4olzdCay9OOaQxlsC1tzuvzNN55\nKwzVDjBccnc0p9PCvqodliZKHgkpNa64D4CsyiltjpVt0E2p1y+vcaJiSZNCERGSHa34EjIHGkMZ\n6m9fD++lnmRXhzI9rG2N0OVxxRdIrpA23HYLZEmCGE+A02qoNICQEpRMeoGOB71wfv9NfKaS2t4J\nGkMZGu+8FYHeASTGI9BZLbA11UCkQR1EZSjxJaoW9QURHBgGy7GwNNdf6w2pDhq9Ds6blhXluRiW\nVdX/OyGk+JKlZH9QXdI7geVYWFsbUj/TREaiRpT4EtUau3AFnks9kK9tmvB198O5ZgVMdfNv/E7S\nybKM0OAool5/cpRwUz1YjlaWCSGELC6U+JK8GIsHk/+Rpw0XsWAY3svXk14AECIxuD+/gvLaSlpJ\nyCNZkjBw4jTCQ9fbEfl7BlG36WZoDHkcq0oIIYQojBJfMm9Te/fmY3RmaGAYUiKzDU7MH0TMH6Sh\nB3nkvXw1LekFgJgvgLHzl1HzhYU1JGMm3u4+hAZHIQsidBYT7CvaFtwEPEIIIXNHiS+Zl6mjM0/9\n9fvIx7x4VqPJepzhuJy3kbmJeHxZj0d9C29IxnTGPr8C94UrwLWLEhG3D1FfAI1bN9CGQUIIKRF0\ntifzMjE6c5fr5LWkNz8sTXVZe+IaKm3QGunyez6xPJf9OLd4vhfLkpScIDWlEifq8cPfM6BMUITc\noHyXkhFSyijxJfP2zeb8T+ZheQ5Vt6xCmd0KsCxYDY/yGieq163M+3OVOlN9DZgsya+x2qFANIUh\nxhJIjEez3hYPjxc5GkJunCvuSw4Huta79/wrlPwSMh+LZ0mHLDoGhw0NWzdAiMTAcCzVYhZIebUD\nlauWwtfdh3gwDF6vQ3mdE/blrUqHljecTgONQY94MJxxm9ZUnuURhChvcu/eiYEVfI4rNISQG0OJ\nL1E1hmGgMeiVDqOoJEFAeMQNXbkBWoupKM9pa2uAtaUOQjQGTqvNWf6wUDEsC3NzHcbOXQKk6ytm\nZXYbLI01CkZGyPRSvXtVNKWNkIWMEl9CCkyWJAT6hhAPhKExGWFprMm5mcp7pQ+eSz0QxiMAy8Bg\nt6H6C6uhKSt88s+w7KJuX2Zf0gyNXodg/zAkQYTOaoJ9WSttbCOEkBJCiS+ZP9pwkZOYSGDg+B8Q\nGfOmjvl7B1C3aW1G6UY0EMTY+UuQEtdWdiQZ4y4PRk9/jrpNa4sZ9qJlbqiBuYFWeMkCQudXQvKK\nljrInLnivlTv3sA7XUqHo0ruz7vSkl4AiLp9cH+e+XoFeoeuJ72TRNw+SAJd5iSkVIzFg3R+JaRA\naMWXzNrU3r3ep15Fj0pnxyst5gtmPZ69R272lR1ZlnPdRAhZZOj8SkhhUeJLZm2id+/etvwNrFis\nsrUJA7L3zjXVVcPX3Z82phkAyiqsYDX0p0pIKUj1Rh89iVPPCqDzKyH5RZ+mZE6+2SxCPH5M6TBU\nz1RbhfDwWHqdHgOU1zoz7ltWYYF9WQu8l69CjMUBAPoKCyrXLC1WuIQQFfhmswiMKh0FKQRZluG9\n1IvgwAjEeAI6czkqlrWgrMKidGglgxJfQgrI0lQLIRpF4OoQ4uFxaMrKYG6sga2lIev97ctaYW6q\nQ6h/GNpyAwxVDjAMU+SoCSGEFILnYjfGzl9O/ZwIjyPqD6Jx6xcWdVcdNaHEl5ACsy9rRcWSZgjR\nODidFiw3/Z5SjV4HW3sTeJ6DIOR/Kh4hRJ0mBlZQJ4fFKzgwnHFMGI/A19WHytV0da8YKPElpIBk\nWYYsSmA4tuQGcRBCbly2KW1kcZFlGcK1MraphFiiyNGULkp8CSmQ0NAoPJd6EAuEwWk1MNU44Vi9\nhEoXCCFpJpLetx4S4X3qTXxGXRwWJYZhoCsvx3jUk3Gbzkyj04uF+viSWZk4QS/jTNRbchqxQAjD\nn55HZMwHKZ5AIjQOz6WetNouQgqls7MT27Ztw9GjRwEAQ0NDuP/++7Fjxw7cf//9cLlcCkdIpur4\nGx/E48eoddkiZ1vSCE6bPryozGGDtTX7vg+Sf5T4khs20VA9uSpBvSWn4+/pT3VmmCw0RAkHKazx\n8XHs27cPmzdvTh37yU9+gnvuuQdHjx7F9u3b8corrygYISGlq7zGifrbb4GltR6muio4VrWjfsst\nM+79IPlDpQ7khrjivlTvXkp6ZyZmmcAGIOtkNkLySavV4vDhwzh8+HDq2NNPPw2dTgcAsNlsOHfu\nnFLhkSnG4teG3NCGtpKht5pRvXal0mGULPqKQW7YRO9eSnpnpreZsx7XWaiOixQWz/PQ69M3UhoM\nBnAcB1EU8dprr+FrX/uaQtGRySZPaVvGm2lDGyFFQCu+ZMEI9A8h2D8CSRCht5hQsbwFnEajdFhZ\nWZvrER4eSw6vuIY3lMG+rFXBqEgpE0URO3fuxKZNm9LKIHLhORbIwz5Mnl846yvFjHUkEoAMMdXF\n4UyHDD7HpMepbvR+arBQYl0ocQILJ1a1xnlDiW9nZycefvjh1OaIoaEh7NmzB4IggOd5HDhwAJWV\nlYWOlZQwz+VeuM5eAiQJADA+6kbE60fD7evBsOr7YGVYFnWb1yHQO4iILwBeo4G1rQG8Xqd0aKRE\n7dmzB01NTXj00Udv6P6CKM37OXmehSDM/98phmLHKskCOv7Gh/aPZ9e6bCH1914osS6UOIGFE6ua\n45wxY6CNEkRpsiTB39OfSnonRMa88F8dUiiqmTEMA0tzHarXroBjVTslvUQxb7/9NjQaDR5//HGl\nQyGEEEXNuOJLGyWI0sR4AolwNOtt8UCoyNEQom5nz57F/v37MTAwAJ7n8e6778LtdkOn0+G+++4D\nALS1teGZZ55RNlBCCFHAjIkvz/Pg+fS7GQwGAEhtlHjkkUcKEx0hADitBnyZHolQOOM2TTnNNidk\nstWrV+PIkSNKh0EIIao0581ts9koMZ9NEmreGKHW2AoSV/z6L3A+BetzeywHa1MtXOcvAZM6/ugr\nLLC3NYLl5l9Ar9oifJXGBag3NrXGRQghRHlzTnxns1Firpsk1LwxQq2xFS4uOdVncq4F6/Mpdq9Y\n1gJGwyM0OAopIUBvNcG+og2SDEjzLKBXaxG+WuMC1BubWuMiZDLq3UuIcuaU+NJGidIxtc+k950u\nAMr08bW1NsCWx7GO0UAQgZ5BQJZRVmlDeY0TDJOH/k2EEJKDms6phSRLEjxXBhDxBaE1lsHSUp+X\nq3OEzNeMiS9tlChdk0/Qe9sX18Q2f+8gRs9chBRPAAC8V67C0lKP6nU0TYcQUhhTz6mn/vp9LMak\nV4gnMHj8FCJuX+qYv28IdZvWQlOmn+aRhBTejIkvbZQoXTLE1JjixXSClmUZnss9qaR3gr93EObG\nWhjsVoUiI4QsZjLEa717T+HUs4t3Spunszst6QWAmDcAz+ddqKLFBaIwde7OIqoxMaZ4MYkHw4j7\ns7RBkySMj4xlHieEEHLDYr5g1uPRHMcJKSZKfEnJ4XVacNrso445nbbI0RBCyOLC5uiswmrmvJ+e\nkLyhxJeUHE6nhcHpyDiuNRthaa5TICJCyGLnil+79C/LCLzTpWwwBWaqrwa4KekFA5jqqpQJiJBJ\n6OsXKUnV61eC5VmEXW5AlKGzmuBY1U67jgkheTeR9L71kAjvU28umk3CuZjrqyFG4/D3DiARHgdf\npoe5sQbWlnqlQyOEEl9SmliOQ/UtqyDLMniOhShRP01CSP654r5rm4QNi6ozzkxs7Y1wLG1GPBIF\nq+HBsHSBmagDI8vUQZsQQgghhCx+9BWMEEIIIYSUBEp8CSGEEEJISaDElxBCCCGElARKfAkhhBBC\nSEmgxJcQQgghhJQESnwJIYQQQkhJUEUf3xMnTuDb3/42lixZAgBYunQpnnrqqdTtv/vd7/DjH/8Y\nHMdh69ateOSRR4oS13/8x3/g7bffTv189uxZnDp1KvXzqlWrcMstt6R+fvXVV8EVeABCZ2cnHn74\nYdx///3YsWMHhoaGsHPnToiiiMrKShw4cABabfrY3WeffRanT58GwzDYu3cv1qxZU7TY9uzZA0EQ\nwPM8Dhw4gMrKytT9Z/q9Fyqu3bt349y5c7BarQCABx54AF/84hfTHlOM12xqXI8//ji8Xi8AwOfz\nYe3atdi3b1/q/m+++SZ++tOforEx2Qf0tttuw7e+9a28xwUAHR0dOHnyJARBwN/93d/hpptuUsX7\nLFtcaniPkXThcBi7du2C3+9HIpHAI488gjvuuEPpsNLM5VyqlNmeW9US54QPP/wQDz74IC5evKhg\ndNdNjTORSGD37t3o7e2F0WjE888/D4vFonSYADJj/eSTT/DjH/8YPM/DYDCgo6NDFbHO5TNDMbIK\nfPTRR/Jjjz2W8/avfOUr8uDgoCyKonzvvffKly5dKmJ0SSdOnJCfeeaZtGO33nprUWMIh8Pyjh07\n5O9+97vykSNHZFmW5d27d8vvvPOOLMuy/M///M/yv/3bv6U95sSJE/Lf/u3fyrIsy5cvX5bvueee\nosW2c+dO+X/+539kWZblo0ePyvv37097zEy/90LFtWvXLvn999/P+ZhivGbZ4pps9+7d8unTp9OO\n/ed//qf8ox/9KO+xTHX8+HH5wQcflGVZlj0ej3znnXeq4n2WLS41vMdIpiNHjsgHDx6UZVmWh4eH\n5bvvvlvhiNLN5VyqlLmcW5WQ65wWjUblHTt2yFu2bFEwuuuyxXn06FF53759sizL8q9//Wv5vffe\nUzLElGyxfuMb35CvXLkiy7Isv/jii/JLL72kZIiyLM/tM0NJqi916Ovrg8ViQU1NDViWxZ133onj\nx48XPY5/+Zd/wcMPP1z0551Mq9Xi8OHDcDqdqWMnTpzAH/3RHwEAvvSlL2W8NsePH8e2bdsAAG1t\nbfD7/QiFQkWJ7emnn8bdd98NALDZbPD5fHl/3rnENZNivGbTxdXV1YVgMFiwlfmZbNiwAT/96U8B\nAGazGZFIRBXvs2xxqeE9RjJN/l0EAgHYbDaFI0o3l3OpUtR6bp0q1zntZz/7Gf7iL/5CNat92eL8\n4IMP8PWvfx0A8Gd/9mep94HSssU6+fft9/tV8bc1l88MJakm8b18+TIeeugh3Hvvvfjtb3+bOu5y\nuVBRUZH6uaKiAi6Xq6ixffbZZ6ipqcm4lBSPx/Gd73wHf/7nf45XXnml4HHwPA+9Xp92LBKJpE4o\ndrs947UZGxtL+8Mo1OuXLTaDwQCO4yCKIl577TV87Wtfy3hcrt97IeMCgKNHj+Iv//Iv8cQTT8Dj\n8aTdVozXLFdcAPCrX/0q7TLhZB9//DEeeOAB/NVf/RXOnz+f15gmcBwHg8EAAHjjjTewdetWVbzP\nssWlhvcYyfQnf/InGBwcxPbt27Fjxw7s2rVL6ZDSzOVcqpS5nluLLVuc3d3d+Pzzz/GVr3xFoagy\nZYtzYGAAx44dw3333YcnnnhCFV8kgOyx7t27F4888gjuvvtunDx5Et/4xjcUiu66uXxmKEkViW9z\nczMeffRRvPjii9i/fz/+8R//EfF4XOmwUt54442sb66dO3fiBz/4Af71X/8V//Vf/4UzZ84oEN11\n8g1Mn76R++STKIrYuXMnNm3ahM2bN6fdptTv/U//9E/x5JNP4le/+hVWrFiBF154Ydr7F/M1i8fj\nOHnyJDZt2pRx280334zHHnsMv/jFL/D3f//3BU8m3nvvPbzxxhv43ve+l3Zc6ffZ1LjU+B4rdW+9\n9RZqa2vxm9/8Br/85S/xgx/8QOmQZqXY58m5mO59rxbPPfcc9uzZo3QYM5JlGS0tLThy5AiWLFmC\nl156SemQctq3bx9eeOEFvPvuu1i/fj1ee+01pUNKmc9nRjGpIvGtqqrCV7/6VTAMg8bGRjgcDoyM\njAAAnE4nxsbGUvcdGRmZ1WXrfDhx4gTWrVuXcfzee++F0WiEwWDApk2b0NnZWdS4gOQ3/2g0CiD7\nazP19RsdHS3qJog9e/agqakJjz76aMZt0/3eC2nz5s1YsWIFAOCuu+7K+L0p+Zp98sknOUsc2tra\nUpvw1q1bB4/HA1EUCxLHhx9+iJ/97Gc4fPgwTCaTat5nU+MC1PkeK3Wffvopbr/9dgDA8uXLMTo6\nWrD3ar7M9B5Xm+ne92owMjKCrq4uPPnkk7jnnnswOjqa80qW0hwOBzZs2AAAuP3223H58mWFI8rt\n4sWLWL9+PYDkBuezZ88qHFHSbD8zlKSKxPftt9/GL37xCwDJ0ga3242qqioAQH19PUKhEPr7+yEI\nAj744ANs2bKlaLGNjIzAaDRm1Cd1dXXhO9/5DmRZhiAI+PTTT1M7x4vptttuw7vvvgsA+N///d+M\nndNbtmxJ3X7u3Dk4nU6Ul5cXJba3334bGo0Gjz/+eM7bc/3eC+mxxx5DX18fgOSXmqm/NyVfszNn\nzmD58uVZbzt8+DD++7//G0Byp29FRUVBuogEg0F0dHTgpZdeSnW+UMP7LFtcan2PlbqmpiacPn0a\nQPIystFoLHjHm/ma6T2uJjO979WgqqoK7733Hl5//XW8/vrrcDqdOHr0qNJhZbV161Z8+OGHAJLn\nr5aWFoUjys3hcKQS8zNnzqCpqUnhiOb2maEkRlbBGnQoFMKTTz6JQCCARCKBRx99FG63GyaTCdu3\nb8cnn3yCgwcPAgD++I//GA888EDRYjt79ix+8pOf4Oc//zkA4OWXX8aGDRuwbt06HDhwAB999BFY\nlsVdd91VsNZSk2PZv38/BgYGwPM8qqqqcPDgQezevRuxWAy1tbV47rnnoNFo8MQTT+C5556DXq/H\nwYMH8fvf/x4Mw+Dpp5/OmVjlOza32w2dTpdKgNra2vDMM8+kYhMEIeP3fueddxY8rh07duDll19G\nWVkZDAYDnnvuOdjt9qK+ZtniOnToEA4dOoT169fjq1/9auq+3/rWt/Diiy9ieHgY//AP/5D6slWo\nlmH//u//jkOHDqWd/H/0ox/hu9/9rqLvs2xxDQ4Owmw2K/oeI5nC4TD27t0Lt9sNQRDw7W9/W1WX\n42dzLlXabM6taovz0KFDqUTorrvuwvvvv69ojEDu3/0Pf/hDuFwuGAwG7N+/Hw6HQ+lQs8b6xBNP\noKOjAxqNBhaLBc8++yzMZrOicc7mM0MNVJH4EkIIIYQQUmiqKHUghBBCCCGk0CjxJYQQQgghJYES\nX0IIIYQQUhIo8SWEEEIIISWBEl9CCCGEEFISKPElhBBCCCElgRJfQgghhBBSEijxJYQQQgghJeH/\nA1agtHV9cQEPAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "kdP98xnlbvVn", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "This is a very scary but highly realistic scenario. Based on our reduced synthetic dataset, we have achieved a model that generalized really well on the test data. But when we ask for the prediction for the same white point earlier (which we known is a tumor), the prediction is now a benign tumor. We would have completely missed the tumor.\n", + "\n", + "**MODELS ARE NOT CRYSTAL BALLS** \n", + "It's so important that before any machine learning, we really look at our data and ask ourselves if it is truly representative for the task we want solve. The model itself may fit really well and generalize well on your data but if the data is of poor quality to begin with, the model cannot be trusted." + ] + }, + { + "metadata": { + "id": "yWzAC39adTwk", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Models" + ] + }, + { + "metadata": { + "id": "cR45QpjQdY6N", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Once you are confident that you data is of good quality and quantity, you can findally start thinking about modeling. The type of model you choose depends on many factors, including the task, type of data, complexity required, etc.\n", + "\n", + "\n", + "\n", + "So once you figure out what type of model your task needs, start with simple models and then slowly add complexity. You don’t want to start with neural networks right away because that may not be right model for your data and task. Striking this balance in model complexity is one of the key tasks of your data scientists. **simple models → complex models**" + ] + } + ] +} \ No newline at end of file diff --git a/notebooks/10_Object_Oriented_ML.ipynb b/notebooks/10_Object_Oriented_ML.ipynb new file mode 100644 index 00000000..72e32160 --- /dev/null +++ b/notebooks/10_Object_Oriented_ML.ipynb @@ -0,0 +1,1599 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "10_Object_Oriented_ML", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "accelerator": "GPU" + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Object Oriented ML" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "In this notebook, we will learn how to properly create and use classes & functions to solve ML tasks with PyTorch. We will be following this implementation structure in subsequent notebooks.\n", + "\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Overview" + ] + }, + { + "metadata": { + "id": "qWro5T5qTJJL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Here is the overview of the different classes and the functionality they will have." + ] + }, + { + "metadata": { + "id": "f88fhoHFLIKg", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "* **Vocabulary**: dictionaries to convert between raw inputs and numerical form. Usually useful for NLP tasks to build and store vocabulary dictionaries.\n", + "* **Vectorizer**: instances of the vocabulary class for inputs and outputs and vectorizes the data for the model.\n", + "* **Dataset**: vectorizers to process the data and data splits.\n", + "* **Model**: PyTorch model to process inputs and return predictions.\n", + "\n", + "Full credit to the code structure in the implementations below and in subsequent lessons goes to these [contributors](https://github.com/joosthub/PyTorchNLPBook/graphs/contributors)." + ] + }, + { + "metadata": { + "id": "I_1BrSavU0ek", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Set up" + ] + }, + { + "metadata": { + "id": "b6B0GSOuY_ty", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "First we'll set up the environment, arguments, seeds for reproducability, etc." + ] + }, + { + "metadata": { + "id": "WnV34uLSY4bZ", + "colab_type": "code", + "outputId": "923141ef-0d88-47ba-8b6a-ad14e50b789d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Load PyTorch library\n", + "!pip3 install torch" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Requirement already satisfied: torch in /usr/local/lib/python3.6/dist-packages (1.0.0)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "0-dXQiLlTIgz", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import os\n", + "from argparse import Namespace\n", + "import collections\n", + "import json\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import pandas as pd\n", + "import re\n", + "import torch" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "hnID97KCXuT-", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Set Numpy and PyTorch seeds\n", + "def set_seeds(seed, cuda):\n", + " np.random.seed(seed)\n", + " torch.manual_seed(seed)\n", + " if cuda:\n", + " torch.cuda.manual_seed_all(seed)\n", + " \n", + "# Creating directories\n", + "def create_dirs(dirpath):\n", + " if not os.path.exists(dirpath):\n", + " os.makedirs(dirpath)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "wmpwPJr5VtKP", + "colab_type": "code", + "outputId": "4ede8242-2dcd-4f30-aaa2-88090713b1a6", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " seed=1234,\n", + " cuda=False,\n", + " shuffle=True,\n", + " data_file=\"names.csv\",\n", + " split_data_file=\"split_names.csv\",\n", + " vectorizer_file=\"vectorizer.json\",\n", + " model_state_file=\"model.pth\",\n", + " save_dir=\"names\",\n", + " train_size=0.7,\n", + " val_size=0.15,\n", + " test_size=0.15,\n", + " num_epochs=20,\n", + " early_stopping_criteria=5,\n", + " learning_rate=1e-3,\n", + " batch_size=64,\n", + " hidden_dim=300,\n", + " dropout_p=0.1,\n", + ")\n", + "\n", + "# Set seeds\n", + "set_seeds(seed=args.seed, cuda=args.cuda)\n", + "\n", + "# Create save dir\n", + "create_dirs(args.save_dir)\n", + "\n", + "# Expand filepaths\n", + "args.vectorizer_file = os.path.join(args.save_dir, args.vectorizer_file)\n", + "args.model_state_file = os.path.join(args.save_dir, args.model_state_file)\n", + "\n", + "# Check CUDA\n", + "if not torch.cuda.is_available():\n", + " args.cuda = False\n", + "args.device = torch.device(\"cuda\" if args.cuda else \"cpu\")\n", + "print(\"Using CUDA: {}\".format(args.cuda))\n", + " " + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Using CUDA: False\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "1U_jyWA-ZIZF", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Data" + ] + }, + { + "metadata": { + "id": "R_Fg-TslU2Bs", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Our task is to determine the nationality of a name given the name. Here we'll look at preprocessing the data and split it into training, validation and test splits." + ] + }, + { + "metadata": { + "id": "M7H6_m8XZkFX", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import re\n", + "import urllib" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Vq8Ooa6RZWhX", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Upload data from GitHub to notebook's local drive\n", + "url = \"https://raw.githubusercontent.com/GokuMohandas/practicalAI/master/data/surnames.csv/"\n", + "response = urllib.request.urlopen(url)\n", + "html = response.read()\n", + "with open(args.data_file, 'wb') as fp:\n", + " fp.write(html)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "QkkdVRivZKd8", + "colab_type": "code", + "outputId": "79d7d550-f7e0-4eb7-9a62-ebac2c514fd1", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Raw data\n", + "df = pd.read_csv(args.data_file, header=0)\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
surnamenationality
0WoodfordEnglish
1CotéFrench
2KoreEnglish
3KouryArabic
4LebzakRussian
\n", + "
" + ], + "text/plain": [ + " surname nationality\n", + "0 Woodford English\n", + "1 Coté French\n", + "2 Kore English\n", + "3 Koury Arabic\n", + "4 Lebzak Russian" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 8 + } + ] + }, + { + "metadata": { + "id": "diz8O5KKBbwj", + "colab_type": "code", + "outputId": "08fe865a-7220-4036-d07f-e43725637f04", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 323 + } + }, + "cell_type": "code", + "source": [ + "# Split by nationality\n", + "by_nationality = collections.defaultdict(list)\n", + "for _, row in df.iterrows():\n", + " by_nationality[row.nationality].append(row.to_dict())\n", + "for nationality in by_nationality:\n", + " print (\"{0}: {1}\".format(nationality, len(by_nationality[nationality])))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "English: 2972\n", + "French: 229\n", + "Arabic: 1603\n", + "Russian: 2373\n", + "Japanese: 775\n", + "Chinese: 220\n", + "Italian: 600\n", + "Czech: 414\n", + "Irish: 183\n", + "German: 576\n", + "Greek: 156\n", + "Spanish: 258\n", + "Polish: 120\n", + "Dutch: 236\n", + "Vietnamese: 58\n", + "Korean: 77\n", + "Portuguese: 55\n", + "Scottish: 75\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "PYwA2DD7BoNv", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Create split data\n", + "final_list = []\n", + "for _, item_list in sorted(by_nationality.items()):\n", + " if args.shuffle:\n", + " np.random.shuffle(item_list)\n", + " n = len(item_list)\n", + " n_train = int(args.train_size*n)\n", + " n_val = int(args.val_size*n)\n", + " n_test = int(args.test_size*n)\n", + "\n", + " # Give data point a split attribute\n", + " for item in item_list[:n_train]:\n", + " item['split'] = 'train'\n", + " for item in item_list[n_train:n_train+n_val]:\n", + " item['split'] = 'val'\n", + " for item in item_list[n_train+n_val:]:\n", + " item['split'] = 'test' \n", + "\n", + " # Add to final list\n", + " final_list.extend(item_list)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "oxYU4gnLCzcV", + "colab_type": "code", + "outputId": "56762991-d349-423a-8dfd-74e36f513508", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# df with split datasets\n", + "split_df = pd.DataFrame(final_list)\n", + "split_df[\"split\"].value_counts()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "train 7680\n", + "test 1660\n", + "val 1640\n", + "Name: split, dtype: int64" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 11 + } + ] + }, + { + "metadata": { + "id": "k_erGyQ24Tnb", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Preprocessing\n", + "def preprocess_text(text):\n", + " text = ' '.join(word.lower() for word in text.split(\" \"))\n", + " text = re.sub(r\"([.,!?])\", r\" \\1 \", text)\n", + " text = re.sub(r\"[^a-zA-Z.,!?]+\", r\" \", text)\n", + " return text\n", + " \n", + "split_df.surname = split_df.surname.apply(preprocess_text)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "BnLGAU_7Dl7y", + "colab_type": "code", + "outputId": "d59eff3a-c6f9-4f47-fdc6-847f140b931b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Save to CSV\n", + "split_df.to_csv(args.split_data_file, index=False)\n", + "split_df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
nationalitysplitsurname
0Arabictrainbishara
1Arabictrainnahas
2Arabictrainghanem
3Arabictraintannous
4Arabictrainmikhail
\n", + "
" + ], + "text/plain": [ + " nationality split surname\n", + "0 Arabic train bishara\n", + "1 Arabic train nahas\n", + "2 Arabic train ghanem\n", + "3 Arabic train tannous\n", + "4 Arabic train mikhail" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 13 + } + ] + }, + { + "metadata": { + "id": "-i28mtiYD4Xc", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Vocabulary" + ] + }, + { + "metadata": { + "id": "sj7DzE_YvjSr", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're going to create the Vocabulary class for nationalities and surnames." + ] + }, + { + "metadata": { + "id": "QDFTRZ4nDzxp", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Vocabulary(object):\n", + " def __init__(self, token_to_idx=None, add_unk=True, unk_token=\"\"):\n", + "\n", + " # Token to index\n", + " if token_to_idx is None:\n", + " token_to_idx = {}\n", + " self.token_to_idx = token_to_idx\n", + "\n", + " # Index to token\n", + " self.idx_to_token = {idx: token \\\n", + " for token, idx in self.token_to_idx.items()}\n", + " \n", + " # Add unknown token\n", + " self.add_unk = add_unk\n", + " self.unk_token = unk_token\n", + " if self.add_unk:\n", + " self.unk_index = self.add_token(self.unk_token)\n", + "\n", + " def to_serializable(self):\n", + " return {'token_to_idx': self.token_to_idx,\n", + " 'add_unk': self.add_unk, 'unk_token': self.unk_token}\n", + "\n", + " @classmethod\n", + " def from_serializable(cls, contents):\n", + " return cls(**contents)\n", + "\n", + " def add_token(self, token):\n", + " if token in self.token_to_idx:\n", + " index = self.token_to_idx[token]\n", + " else:\n", + " index = len(self.token_to_idx)\n", + " self.token_to_idx[token] = index\n", + " self.idx_to_token[index] = token\n", + " return index\n", + "\n", + " def add_tokens(self, tokens):\n", + " return [self.add_token[token] for token in tokens]\n", + "\n", + " def lookup_token(self, token):\n", + " if self.add_unk:\n", + " index = self.token_to_idx.get(token, self.unk_index)\n", + " else:\n", + " index = self.token_to_idx[token]\n", + " return index\n", + "\n", + " def lookup_index(self, index):\n", + " if index not in self.idx_to_token:\n", + " raise KeyError(\"the index (%d) is not in the Vocabulary\" % index)\n", + " return self.idx_to_token[index]\n", + "\n", + " def __str__(self):\n", + " return \"\" % len(self)\n", + "\n", + " def __len__(self):\n", + " return len(self.token_to_idx)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "PJ56RLko0prE", + "colab_type": "code", + "outputId": "06161be2-181f-4436-b310-258bce6f349e", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Vocabulary instance\n", + "nationality_vocab = Vocabulary(add_unk=False)\n", + "for index, row in df.iterrows():\n", + " nationality_vocab.add_token(row.nationality)\n", + "print (nationality_vocab) # __str__\n", + "print (len(nationality_vocab)) # __len__\n", + "index = nationality_vocab.lookup_token(\"English\")\n", + "print (index)\n", + "print (nationality_vocab.lookup_index(index))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "18\n", + "0\n", + "English\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "wt6sCsBu238H", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Vectorizer" + ] + }, + { + "metadata": { + "id": "lFSaEs4L2TkY", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class SurnameVectorizer(object):\n", + " def __init__(self, surname_vocab, nationality_vocab):\n", + " self.surname_vocab = surname_vocab\n", + " self.nationality_vocab = nationality_vocab\n", + "\n", + " def vectorize(self, surname):\n", + " one_hot = np.zeros(len(self.surname_vocab), dtype=np.float32)\n", + " for token in surname:\n", + " one_hot[self.surname_vocab.lookup_token(token)] = 1\n", + " return one_hot\n", + "\n", + " def unvectorize(self, one_hot):\n", + " surname = [vectorizer.surname_vocab.lookup_index(index) \\\n", + " for index in np.where(one_hot==1)[0]]\n", + " return surname\n", + " \n", + " @classmethod\n", + " def from_dataframe(cls, df):\n", + " surname_vocab = Vocabulary(add_unk=True)\n", + " nationality_vocab = Vocabulary(add_unk=False)\n", + "\n", + " # Create vocabularies\n", + " for index, row in df.iterrows():\n", + " for letter in row.surname: # char-level tokenization\n", + " surname_vocab.add_token(letter)\n", + " nationality_vocab.add_token(row.nationality)\n", + " return cls(surname_vocab, nationality_vocab)\n", + "\n", + " @classmethod\n", + " def from_serializable(cls, contents):\n", + " surname_vocab = Vocabulary.from_serializable(contents['surname_vocab'])\n", + " nationality_vocab = Vocabulary.from_serializable(contents['nationality_vocab'])\n", + " return cls(surname_vocab, nationality_vocab)\n", + "\n", + " def to_serializable(self):\n", + " return {'surname_vocab': self.surname_vocab.to_serializable(),\n", + " 'nationality_vocab': self.nationality_vocab.to_serializable()}" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "IBf2a0nz4Ji_", + "colab_type": "code", + "outputId": "199a097e-bfa2-4205-e168-c643c6c1bc66", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Vectorizer instance\n", + "vectorizer = SurnameVectorizer.from_dataframe(split_df)\n", + "print (vectorizer.surname_vocab)\n", + "print (vectorizer.nationality_vocab)\n", + "one_hot = vectorizer.vectorize(preprocess_text(\"goku\"))\n", + "print (one_hot)\n", + "print (vectorizer.unvectorize(one_hot))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "\n", + "[0. 0. 0. 0. 0. 0. 0. 0. 1. 0. 0. 0. 1. 1. 1. 0. 0. 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0.]\n", + "['g', 'o', 'u', 'k']\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "N0QYigLGZJ6G", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "**Note**: When we vectorize our input with bagged one hot encoded format, we lose all the structure in our name. This is a major disadvantage of representing our text in bagged one-hot encoded form but we will explore more semantic structure preserving encoding methods later." + ] + }, + { + "metadata": { + "id": "vT7q4sh558yh", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Dataset" + ] + }, + { + "metadata": { + "id": "4fYxY_Eq-Tso", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from torch.utils.data import Dataset, DataLoader" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "XFQf4ikx5pp1", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class SurnameDataset(Dataset):\n", + " def __init__(self, df, vectorizer):\n", + " self.df = df\n", + " self.vectorizer = vectorizer\n", + "\n", + " # Data splits\n", + " self.train_df = self.df[self.df.split=='train']\n", + " self.train_size = len(self.train_df)\n", + " self.val_df = self.df[self.df.split=='val']\n", + " self.val_size = len(self.val_df)\n", + " self.test_df = self.df[self.df.split=='test']\n", + " self.test_size = len(self.test_df)\n", + " self.lookup_dict = {'train': (self.train_df, self.train_size), \n", + " 'val': (self.val_df, self.val_size),\n", + " 'test': (self.test_df, self.test_size)}\n", + " self.set_split('train')\n", + "\n", + " # Class weights (for imbalances)\n", + " class_counts = df.nationality.value_counts().to_dict()\n", + " def sort_key(item):\n", + " return self.vectorizer.nationality_vocab.lookup_token(item[0])\n", + " sorted_counts = sorted(class_counts.items(), key=sort_key)\n", + " frequencies = [count for _, count in sorted_counts]\n", + " self.class_weights = 1.0 / torch.tensor(frequencies, dtype=torch.float32)\n", + "\n", + " @classmethod\n", + " def load_dataset_and_make_vectorizer(cls, split_data_file):\n", + " df = pd.read_csv(split_data_file, header=0)\n", + " train_df = df[df.split=='train']\n", + " return cls(df, SurnameVectorizer.from_dataframe(train_df))\n", + "\n", + " @classmethod\n", + " def load_dataset_and_load_vectorizer(cls, split_data_file, vectorizer_filepath):\n", + " df = pd.read_csv(split_data_file, header=0)\n", + " vectorizer = cls.load_vectorizer_only(vectorizer_filepath)\n", + " return cls(df, vectorizer)\n", + "\n", + " def load_vectorizer_only(vectorizer_filepath):\n", + " with open(vectorizer_filepath) as fp:\n", + " return SurnameVectorizer.from_serializable(json.load(fp))\n", + "\n", + " def save_vectorizer(self, vectorizer_filepath):\n", + " with open(vectorizer_filepath, \"w\") as fp:\n", + " json.dump(self.vectorizer.to_serializable(), fp)\n", + "\n", + " def set_split(self, split=\"train\"):\n", + " self.target_split = split\n", + " self.target_df, self.target_size = self.lookup_dict[split]\n", + "\n", + " def __str__(self):\n", + " return \"= 1:\n", + " loss_tm1, loss_t = self.train_state['val_loss'][-2:]\n", + "\n", + " # If loss worsened\n", + " if loss_t >= self.train_state['early_stopping_best_val']:\n", + " # Update step\n", + " self.train_state['early_stopping_step'] += 1\n", + "\n", + " # Loss decreased\n", + " else:\n", + " # Save the best model\n", + " if loss_t < self.train_state['early_stopping_best_val']:\n", + " torch.save(self.model.state_dict(), self.train_state['model_filename'])\n", + "\n", + " # Reset early stopping step\n", + " self.train_state['early_stopping_step'] = 0\n", + "\n", + " # Stop early ?\n", + " self.train_state['stop_early'] = self.train_state['early_stopping_step'] \\\n", + " >= self.train_state['early_stopping_criteria']\n", + " return self.train_state\n", + " \n", + " def compute_accuracy(self, y_pred, y_target):\n", + " _, y_pred_indices = y_pred.max(dim=1)\n", + " n_correct = torch.eq(y_pred_indices, y_target).sum().item()\n", + " return n_correct / len(y_pred_indices) * 100\n", + " \n", + " def run_train_loop(self):\n", + " for epoch_index in range(self.num_epochs):\n", + " self.train_state['epoch_index'] = epoch_index\n", + " \n", + " # Iterate over train dataset\n", + "\n", + " # initialize batch generator, set loss and acc to 0, set train mode on\n", + " self.dataset.set_split('train')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, shuffle=self.shuffle, \n", + " device=self.device)\n", + " running_loss = 0.0\n", + " running_acc = 0.0\n", + " self.model.train()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + " # zero the gradients\n", + " self.optimizer.zero_grad()\n", + "\n", + " # compute the output\n", + " y_pred = self.model(batch_dict['surname'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['nationality'])\n", + " loss_t = loss.item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute gradients using loss\n", + " loss.backward()\n", + "\n", + " # use optimizer to take a gradient step\n", + " self.optimizer.step()\n", + " \n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['nationality'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['train_loss'].append(running_loss)\n", + " self.train_state['train_acc'].append(running_acc)\n", + "\n", + " # Iterate over val dataset\n", + "\n", + " # initialize batch generator, set loss and acc to 0; set eval mode on\n", + " self.dataset.set_split('val')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.\n", + " running_acc = 0.\n", + " self.model.eval()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + "\n", + " # compute the output\n", + " y_pred = self.model(batch_dict['surname'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['nationality'])\n", + " loss_t = loss.to(\"cpu\").item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['nationality'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['val_loss'].append(running_loss)\n", + " self.train_state['val_acc'].append(running_acc)\n", + "\n", + " self.train_state = self.update_train_state()\n", + " self.scheduler.step(self.train_state['val_loss'][-1])\n", + " if self.train_state['stop_early']:\n", + " break\n", + " \n", + " def run_test_loop(self):\n", + " # initialize batch generator, set loss and acc to 0; set eval mode on\n", + " self.dataset.set_split('test')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.0\n", + " running_acc = 0.0\n", + " self.model.eval()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + " # compute the output\n", + " y_pred = self.model(batch_dict['surname'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['nationality'])\n", + " loss_t = loss.item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['nationality'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['test_loss'] = running_loss\n", + " self.train_state['test_acc'] = running_acc\n", + " \n", + " def plot_performance(self):\n", + " # Figure size\n", + " plt.figure(figsize=(15,5))\n", + "\n", + " # Plot Loss\n", + " plt.subplot(1, 2, 1)\n", + " plt.title(\"Loss\")\n", + " plt.plot(trainer.train_state[\"train_loss\"], label=\"train\")\n", + " plt.plot(trainer.train_state[\"val_loss\"], label=\"val\")\n", + " plt.legend(loc='upper right')\n", + "\n", + " # Plot Accuracy\n", + " plt.subplot(1, 2, 2)\n", + " plt.title(\"Accuracy\")\n", + " plt.plot(trainer.train_state[\"train_acc\"], label=\"train\")\n", + " plt.plot(trainer.train_state[\"val_acc\"], label=\"val\")\n", + " plt.legend(loc='lower right')\n", + "\n", + " # Save figure\n", + " plt.savefig(os.path.join(self.save_dir, \"performance.png\"))\n", + "\n", + " # Show plots\n", + " plt.show()\n", + " \n", + " def save_train_state(self):\n", + " with open(os.path.join(self.save_dir, \"train_state.json\"), \"w\") as fp:\n", + " json.dump(self.train_state, fp)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "O1_A24sGHslh", + "colab_type": "code", + "outputId": "10f14aa7-0092-4096-b37d-adcee95a26d1", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 119 + } + }, + "cell_type": "code", + "source": [ + "# Initialization\n", + "dataset = SurnameDataset.load_dataset_and_make_vectorizer(args.split_data_file)\n", + "dataset.save_vectorizer(args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "model = SurnameModel(input_dim=len(vectorizer.surname_vocab), \n", + " hidden_dim=args.hidden_dim, \n", + " output_dim=len(vectorizer.nationality_vocab),\n", + " dropout_p=args.dropout_p)\n", + "print (model.named_modules)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Creating from scratch!\n", + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "-5RrfYBpJFkg", + "colab_type": "code", + "outputId": "54348c27-4452-42aa-befc-05ae3de66c46", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 357 + } + }, + "cell_type": "code", + "source": [ + "# Train\n", + "trainer = Trainer(dataset=dataset, model=model, \n", + " model_state_file=args.model_state_file, \n", + " save_dir=args.save_dir, device=args.device,\n", + " shuffle=args.shuffle, num_epochs=args.num_epochs, \n", + " batch_size=args.batch_size, learning_rate=args.learning_rate, \n", + " early_stopping_criteria=args.early_stopping_criteria)\n", + "trainer.run_train_loop()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[EPOCH]: 00 | [LR]: 0.001 | [TRAIN LOSS]: 2.73 | [TRAIN ACC]: 30.5% | [VAL LOSS]: 2.54 | [VAL ACC]: 36.7%\n", + "[EPOCH]: 01 | [LR]: 0.001 | [TRAIN LOSS]: 2.32 | [TRAIN ACC]: 38.0% | [VAL LOSS]: 2.26 | [VAL ACC]: 40.4%\n", + "[EPOCH]: 02 | [LR]: 0.001 | [TRAIN LOSS]: 2.10 | [TRAIN ACC]: 38.7% | [VAL LOSS]: 2.14 | [VAL ACC]: 36.9%\n", + "[EPOCH]: 03 | [LR]: 0.001 | [TRAIN LOSS]: 2.00 | [TRAIN ACC]: 39.0% | [VAL LOSS]: 2.07 | [VAL ACC]: 39.1%\n", + "[EPOCH]: 04 | [LR]: 0.001 | [TRAIN LOSS]: 1.92 | [TRAIN ACC]: 39.3% | [VAL LOSS]: 2.02 | [VAL ACC]: 41.9%\n", + "[EPOCH]: 05 | [LR]: 0.001 | [TRAIN LOSS]: 1.88 | [TRAIN ACC]: 40.4% | [VAL LOSS]: 1.99 | [VAL ACC]: 37.4%\n", + "[EPOCH]: 06 | [LR]: 0.001 | [TRAIN LOSS]: 1.83 | [TRAIN ACC]: 39.4% | [VAL LOSS]: 1.98 | [VAL ACC]: 40.7%\n", + "[EPOCH]: 07 | [LR]: 0.001 | [TRAIN LOSS]: 1.80 | [TRAIN ACC]: 40.7% | [VAL LOSS]: 1.96 | [VAL ACC]: 42.1%\n", + "[EPOCH]: 08 | [LR]: 0.001 | [TRAIN LOSS]: 1.77 | [TRAIN ACC]: 40.5% | [VAL LOSS]: 1.95 | [VAL ACC]: 43.2%\n", + "[EPOCH]: 09 | [LR]: 0.001 | [TRAIN LOSS]: 1.74 | [TRAIN ACC]: 41.9% | [VAL LOSS]: 1.94 | [VAL ACC]: 38.3%\n", + "[EPOCH]: 10 | [LR]: 0.001 | [TRAIN LOSS]: 1.70 | [TRAIN ACC]: 42.0% | [VAL LOSS]: 1.90 | [VAL ACC]: 39.6%\n", + "[EPOCH]: 11 | [LR]: 0.001 | [TRAIN LOSS]: 1.69 | [TRAIN ACC]: 42.7% | [VAL LOSS]: 1.90 | [VAL ACC]: 38.1%\n", + "[EPOCH]: 12 | [LR]: 0.001 | [TRAIN LOSS]: 1.66 | [TRAIN ACC]: 42.7% | [VAL LOSS]: 1.90 | [VAL ACC]: 40.4%\n", + "[EPOCH]: 13 | [LR]: 0.001 | [TRAIN LOSS]: 1.64 | [TRAIN ACC]: 43.5% | [VAL LOSS]: 1.88 | [VAL ACC]: 39.6%\n", + "[EPOCH]: 14 | [LR]: 0.001 | [TRAIN LOSS]: 1.61 | [TRAIN ACC]: 43.8% | [VAL LOSS]: 1.87 | [VAL ACC]: 39.7%\n", + "[EPOCH]: 15 | [LR]: 0.001 | [TRAIN LOSS]: 1.60 | [TRAIN ACC]: 44.3% | [VAL LOSS]: 1.87 | [VAL ACC]: 41.4%\n", + "[EPOCH]: 16 | [LR]: 0.001 | [TRAIN LOSS]: 1.57 | [TRAIN ACC]: 45.0% | [VAL LOSS]: 1.86 | [VAL ACC]: 42.3%\n", + "[EPOCH]: 17 | [LR]: 0.001 | [TRAIN LOSS]: 1.56 | [TRAIN ACC]: 44.7% | [VAL LOSS]: 1.87 | [VAL ACC]: 40.1%\n", + "[EPOCH]: 18 | [LR]: 0.001 | [TRAIN LOSS]: 1.52 | [TRAIN ACC]: 45.7% | [VAL LOSS]: 1.85 | [VAL ACC]: 42.2%\n", + "[EPOCH]: 19 | [LR]: 0.001 | [TRAIN LOSS]: 1.51 | [TRAIN ACC]: 46.0% | [VAL LOSS]: 1.84 | [VAL ACC]: 41.8%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "fgfpWoNRN_wu", + "colab_type": "code", + "outputId": "91cf38b2-c040-4d9f-b596-bee9d1d41bc8", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Plot performance\n", + "trainer.plot_performance()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA2gAAAE+CAYAAAD4XjP+AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3XdgVGXa///3lEx6JhPSeyOhhAAK\nCEpHOqhgwYaurKv7c9Vdd59d3X3W9bvdsvq44trXsnYXIShgQwlNQOkpJCG9J5NkMpmUSTLl90cg\nirRAyuQk1+sfk3PmnPnMkJi5zrnv61Y5nU4nQgghhBBCCCFcTu3qAEIIIYQQQgghukiBJoQQQggh\nhBCDhBRoQgghhBBCCDFISIEmhBBCCCGEEIOEFGhCCCGEEEIIMUhIgSaEEEIIIYQQg4QUaEJcpOTk\nZKqrq10dQwghhBgQN954I1dddZWrYwgx5EmBJoQQQgghzikvLw9fX1/Cw8M5dOiQq+MIMaRJgSZE\nH2tvb+cPf/gDCxcuZPHixTz66KPY7XYA3nrrLRYvXsyiRYu47rrrOH78+Dm3CyGEEIPBhg0bWLRo\nEcuWLSMtLa17e1paGgsXLmThwoX8+te/pqOj46zb9+3bx/z587uP/f73a9eu5fe//z3XXXcdr7/+\nOg6Hgz/+8Y8sXLiQuXPn8utf/5rOzk4AGhoa+OlPf8q8efNYvnw5u3btIj09nWXLlp2SeeXKlWzd\nurW/3xoh+pzW1QGEGGreeOMNqqur2bx5MzabjVtvvZVNmzYxb948/vnPf7Jt2zZ8fHz45JNPSE9P\nJyws7IzbR44c6eqXIoQQQmC32/niiy/42c9+hkaj4cknn6Sjo4Pa2loee+wx0tLSCA4O5r777uM/\n//kPixYtOuP2cePGnfN5tm/fzsaNGwkICOCzzz5j//79bNq0CYfDwYoVK9iyZQtXX301Tz75JAkJ\nCbzwwgtkZ2dzxx13sHPnToxGIzk5OYwaNYrKykpKS0uZOXPmAL1LQvQdKdCE6GPp6emsWbMGrVaL\nVqtl+fLl7N69myVLlqBSqVi3bh3Lli1j8eLFAHR2dp5xuxBCCDEY7Nq1i3HjxuHj4wPAlClT2LZt\nG42NjUycOJGQkBAAnnzySTQaDR9++OEZtx84cOCczzN+/HgCAgIAWLhwIXPmzMHNzQ2AcePGUVZW\nBnQVci+//DIAY8aM4csvv0Sn07Fw4UI2b97MqFGj2Lp1K/PmzUOn0/X9GyJEP5MhjkL0sYaGBvR6\nfff3er2e+vp63NzceP311zl48CALFy7k5ptvJjc396zbhRBCiMFg/fr1pKenM2nSJCZNmsTnn3/O\nhg0bMJlM+Pn5dT/O3d0drVZ71u3n8/2/nQ0NDTz44IMsXLiQRYsW8eWXX+J0OgFobGzE19e3+7En\nC8elS5eyefNmALZu3cqSJUt698KFcBEp0IToY4GBgTQ2NnZ/39jYSGBgINB1pe+ZZ55hz549TJ8+\nnUceeeSc24UQQghXMpvNfPPNN+zbt4/9+/ezf/9+vv32WzIyMlCr1ZhMpu7HNjc3U1dXh8FgOON2\njUbTPScboKmp6azP+3//939otVo+/vhjPv30U2bNmtW9z9/f/5Tzl5eX09nZyeTJk7HZbGzbto3j\nx49z+eWX99XbIMSAkgJNiD42e/Zs1q1bh91up7W1lY0bNzJr1ixyc3O5//776ejoQKfTkZKSgkql\nOut2IYQQwtU2b97M1KlTTxkqqNVqmT59Oh0dHRw8eJDy8nKcTiePPPII69atY9asWWfcHhQUhNFo\npL6+Hrvdzscff3zW562vrycpKQmdTkdOTg6HDh2itbUVgLlz57JhwwYA8vPzWblyJXa7HbVazZIl\nS/jzn//M3Llzu4dHCqE0MgdNiF5YvXo1Go2m+/u//OUvrF69mrKyMpYuXYpKpWLRokXd88oiIyNZ\ntmwZbm5ueHt784c//IGkpKQzbhdCCCFcLS0tjdtvv/207fPnz+e5557jT3/6E7fffjsajYZx48Zx\nxx134O7uftbt1157Lddccw3h4eFcffXVHDt27IzPu2bNGh588EHWr1/PpEmTePDBB/nf//1fUlNT\n+fWvf82DDz7I3Llz8fb25h//+AceHh5A1zDH1157TYY3CkVTOU8O6BVCCCGEEELB6urqWLFiBenp\n6adcQBVCSWSIoxBCCCGEGBKeeeYZbrrpJinOhKJJgSaEEEIIIRStrq6OefPmUVdXx5o1a1wdR4he\nkSGOQgghhBBCCDFIyB00IYQQQgghhBgkpEATQgghhBBCiEFiwNvsG42WXp/DYPDCZGrtgzQDS3IP\nHCVmBmXmVmJmUGZuJWYOCvJ1dQRFkb+RysqtxMygzNxKzAzKzK3EzKC83Of6+6jIO2harTI780ju\ngaPEzKDM3ErMDMrMrcTMYuAp9edEibmVmBmUmVuJmUGZuZWYGZSb+0wUWaAJIYQQQgghxFAkBZoQ\nQgghhBBCDBJSoAkhhBBCCCHEICEFmhBCCCGEEEIMElKgCSGEEEIIIcQgIQWaEEIIIYQQQgwSUqAJ\nIYQQfcRqtXLllVeyfv16Ojs7+dWvfsV1113H7bffjtlsdnU8IYQQCiAFmhBCDCPp6V/26HH//OeT\nVFZW9HOaoef5559Hr9cD8MEHH2AwGFi3bh1Llixh//79Lk4nhBBCCaRAE0KIYaKqqpKtWz/r0WN/\n/vNfER4e0c+JhpaCggLy8/OZPXs2ANu2beOqq64CYNWqVcybN8+F6YQQQiiF1tUBLlRbu42PdxYy\nMSEAd7ehs2K4EEL0t6eeeoxjx7KYMWMyCxYspqqqkqeffo6///1PGI21tLW1sWbNXVxxxQzuvfcu\nfvnL37Bt25e0tDRTWlpCRUU599//K6ZNu8LVL2VQeuyxx3j44YdJS0sDoKKigh07dvDEE08QGBjI\nI488gr+/v4tTCiGEuBgOp5Py2mbyyhqJD9cTH+7Xb8+luALtWImJl9IyuHVBEnMviXR1HCGEUIyb\nblrN+vUfEBeXQGlpMc899womUwNTpkxl8eJlVFSU8/DDD3HFFTNOOa62toZ//OMZ9u79mo0bP5QC\n7QzS0tKYMGECUVFR3ducTidxcXHce++9PPfcc7z44os8+OCD5zyPweCFVtv7i49BQb69PocrKDG3\nEjODMnMrMTMoM7cSM0Pf566ub+HIcSNHjtdx5LiRppYOAC5PDeOy8f03ykRxBVrYCC8A8ivMUqAJ\nIRTrg6/y+Tan9oKO0WhU2O3Os+6fPCqYG+Ym9uhco0ePBcDX149jx7L46KP1qFRqmppOb2SRmjoB\ngODgYJqbmy8o83CRnp5OWVkZ6enpVFdXo9PpCAwMZPLkyQBMnz6dtWvXnvc8JlNrr7MEBfliNFp6\nfZ6BpsTcSswMysytxMygzNxKzAx9k7uptYOcEhPZxSayixuoM1u79xl83bk8JZQxsQYmjgzq9XOd\nq5hUXIEWEuCFj6cbhRVNro4ihBCK5ebmBsAXX3xKU1MT//rXKzQ1NXHnnatPe6xG890dHafz7AXi\ncPb00093f7127VoiIiKoq6tj586dXHvttWRlZREXF+fChEIIIX7I2mEjr8zMsZIGsotNlNV+dxHS\n013LxJGBjIkNYEysgdAAL1Qq1YDkUlyBplapSI4xcCCnlqbWDvy8dK6OJIQQF+yGuYk9vtt1Um+v\nDqrVaux2+ynbGhsbCQsLR61Ws337V3R2dl70+cWpVq9ezYMPPsi6devw8vLisccec3UkIYQY1mx2\nB0VVTWQXmzhW3EBBZRN2R9eFR61GzegYA2NiDYyOCSA21Be1emAKsh9SXIEGkBwTwIGcWgorm5iQ\nGOjqOEIIoQgxMXHk5uYQFhbe3axi9uy5PPTQL8nOzmTp0qsIDg7mtddednFSZbvvvvu6v37mmWdc\nmEQIIQSAydLOO1vzyCxqoL2j60KlCogN82V0TACjYw2MjNCjGyQNCBVaoBkAKKgwS4EmhBA9ZDAY\nWL9+8ynbwsLCeeON97q/X7BgMQB33PETAOLjv7vLFx+fyLPPvjQASYUQQoi+UVTVxNoPj9LY3EGI\nwZMxKQGMiTGQHG3Ax9PN1fHOSJkFWrQBFVBYKfPQhBBCCCGEEKfbm1XNa5/kYLM5uGFOIgunRA3Y\nPLLeUGSB5u3pRligN4VVTTgcTpeNDxVCCCGEEEIMLg6nkw07Ctm8pwRPdw0/W5FKaoJyRt0pskAD\niA/3o7Kuhcq6FiKDfVwdRwghhBBCCOFibe02Xv44m8P5dQT7e3L/damEB3q7OtYFUbs6wMVKOLF6\nd37l6Wv2CCGEEEIIIYYXY2Mbf3vrAIfz6xgdY+D3t09SXHEGSi7QIvQAsh6aEEIIIYQQw1xGQR1/\nfmM/FcYW5l0SyQM3jB+0TUDOR7FDHMNHeOOh01Agd9CEEEIIIYQYttIPV/D253kA3LYwmdkTI1yc\nqHcUewdNrVYRF+ZHVX0rLVZZWFUIIfrKddctp7W11dUxhBBCiHOyOxy8/Xke//k0Fy8PN/7nxgmK\nL85AwQUaQEJE1zy0Imm3L4QQQgghxLDR3NbJU+8f4cuD5UQEefPUL2aSHG1wdaw+odghjgAJ4V3z\n0Aoqm0iJH+HiNEIIMbitWXMLf/vbk4SGhlJdXcVvf/srgoKCaWtrw2q18sADv2bMmBRXxxRCCCHO\nqbKuhWc+PEqtqY0JiYH8ZPkYQkd4YzRaXB2tTyi6QIs/0clR5qEJIcT5zZw5h927d3DttTewc+d2\nZs6cQ0LCSGbOnM2BA9/y9ttv8Ne/PuHqmEIIIRSs1drJR7uLOVZiIjLIh5GRehIj9YQHeqPug0Wi\njxbU8eJHWbS121k6LYYVM+P75LyDiaILNF8vHcEGTwormnA4nUPuH0cIMXStz9/EodqMCzpGo1Zh\ndzjPun9i8DhWJi476/6ZM+fw7LNPc+21N7Br13buvfcB3nvvTd599006Ozvx8PC4oDxCCCHESQ6H\nk10ZVXy4vQBLaydqlYqy2mb2ZFUD4OmuJSHCj5ERehIj9MSH63HXaXp8fqfTyWfflPHfbfloNGru\nWj6GqWND++vluJSiCzToWg9tT1YNNQ2thI1Q3joHQggxUOLjE6ivN1JTU43FYmHnznQCA4N5+OE/\nk5OTzbPPPu3qiEIIIRQov9zM21vzKKm24O6m4dpZ8cyfFIXRbCW/vJH8cjP5FWYyCxvILGwAQK1S\nERXiQ2KEvusuW4SeAL8zXyjstDn4z6c57M6sRu+j4/5rU4kL8xvIlziglF+gRejZk1VDQUWTFGhC\nCMVYmbjsnHe7ziQoyLfX4+unTZvOSy89x4wZs2hsNJGQMBKA7du3YbPZenVuIYQQw4vJ0s669Hz2\nZNUAMG1sCNfNTsTg6w5ARKA3EYHezJrQ1VmxqaWD/IquYi2/3ExxdRMl1Ra+PFAOQICf+4mCzZ/E\nCD2Rwd40t3by7IYMCiqaiAvz5d6Vqd3nH6qUX6CdaBRSWGlmemqYi9MIIcTgNmvWHH760zW8/vq7\nWK1t/OUvj7Bt21auvfYGtm79nM2bP3J1RCGEEINcp83B59+WsunrEto77cSE+nLLlUkkRurPeZyf\nt45LkoK4JCnoxHnslFQ3c7ziu7ts3xyr5ZtjtQC46zRo1SparDamjgnhR4tHoXPr+bBIpVJ8gRYR\n5I1Oqya/QlrtCyHE+YwePZbt2/d1f//22+u6v54+fRYAS5deNeC5hBBCDH5Op5Mj+fW89+Vxahvb\n8PVy46YrRzJ9XBhq9YX3gnDTakg80USEy7rOX2tqI7/CzPETBVt9k5VrZ8WzZGoMqmHSb0LxBZpW\noyY2zI/j5Y20tdvwdFf8SxJCCCGEEGJQqapv4d2tx8ksakCtUjF/UhRXT4/Fy8Otz55DpVIREuBF\nSIAXV4zrGhnndDqHTWF20pCoZhLC/cgra6S42sLomKGxQJ0QQgghhBCu1mq18dHuIr48UI7d4WRM\nrIGbrkwiInBgej8Mt+IMhkiBFv+9eWhSoAkhhBBCCNE7DqeT3Ue72uY3tXYSqPfgxnkjmTgycFgW\nTQOpRwXa448/zoEDB7DZbNx9990sWLCge19VVRW//OUv6ezsZMyYMfzpT3/qt7BnkxBxYsFqmYcm\nhBBCCCFErxRUmHlnax5FVRZ0bmpWzIxn0ZQo3LRDv0HHYHDeAm3v3r0cP36c999/H5PJxIoVK04p\n0B599FHWrFnD/Pnz+eMf/0hlZSXh4eH9GvqH/H3cGeHnQUGleViOUxVCCCGEEKK3TJZ23tp6nK/2\nlwFw2ZgQrp+dcNb1yUT/OG+BNnnyZFJTUwHw8/Ojra0Nu92ORqPB4XBw4MABnnrqKQAeeeSR/k17\nDgkRfnxzrBaj2Uqwv6fLcgghhBBCCKEkNaZWPttXyq6Mamx2B9HBPtw8P4mkKH9XRxuWzlugaTQa\nvLy8AFi3bh0zZ85Eo+m6vdnQ0IC3tzd///vfycrKYtKkSfzqV7865/kMBi+0fXB7NCjI95TvU5OC\nuwq0pnbGjgzu9fn7yw9zK4UScysxMygztxIzgzJzKzGzEEKIwamk2sIn+0r4NqcWpxOC/T25YX4y\nE+IMF9U2X/SNHjcJ2bp1K+vWrePVV1/t3uZ0OqmpqeG2224jIiKCu+66i/T0dGbPnn3W85hMrb0K\nDF0fUIxGyynbQvy6VhQ/nFPL2OjBWe2fKbcSKDG3EjODMnMrMTMoM7dSMw8nVquVZcuWcc8997By\n5UoAdu7cyZ133klubq6L0wkhRNfn99zSRrbsLSGzqAGA6GAflkyLYVJyMCEhfor7WzPU9KhA27lz\nJy+88AKvvPIKvr7f/bE1GAyEh4cTHR0NwLRp0zh+/Pg5C7T+Eh3ii1ajoqDSPODPLYQQQgA8//zz\n6PX67u/b29t56aWXCAoKcmEqIYTo6sp45HgdW/aWUFDZ1VhvVLQ/S6bGMDYuQHo4DCLnLdAsFguP\nP/44r7/+Ov7+p96Z0mq1REVFUVxcTGxsLFlZWSxdurTfwp6Lm1ZNTIgvxdUWOjrt6Nyky4wQQoiB\nU1BQQH5+/ikXKV944QVuvvlmnnjiCdcFE0IMaza7g33ZNWzZW0JVfddItokjA1kyNYaECP15jhau\ncN4CbcuWLZhMJn7xi190b7vssstITk5m/vz5/O53v+Ohhx7C6XSSlJTE3Llz+zXwucSH6ymobKK4\n2iKTGoUQQgyoxx57jIcffpi0tDQAioqKyMnJ4ec//7kUaEKIAdfeYWfH0Uo++6aUhqZ2NGoVV6SE\nsmhqzIAtMi0uznkLtFWrVrFq1aqz7o+JieHdd9/t01AXKyHCjy/2Q2FlkxRoQgghBkxaWhoTJkwg\nKiqqe9vf//53fv/731/QefqrkZZSKDG3EjODMnMrMTMMfG5LawebdhXx8c5CLK0d6Nw0LJ8RzzUz\nEwgO8OrROeS9dq0eNwlRgoTwrtu0Mg9NCCHEQEpPT6esrIz09HSqq6vRarWo1Wr+53/+B4Da2lpu\nvfVW3nrrrXOep78aaSmBEnMrMTMoM7cSM8PA5m5osvL5t2VsP1xJe6cdbw8tV10Ry7xLI/H10oHd\n3qMs8l4PjHMVk0OqQAvwc0fvo6PwxMRHIYQQYiA8/fTT3V+vXbuWiIiI7i6OAHPnzj1vcSaEEBfK\n2NhGTqmJ7GIT+3NqsTuc+PvouGZGHDPHh+PpPqQ+6g8bQ+pfTaVSkRCu52CekYYmq6x6LoQQQggh\nhow6cxu5pY3klJjIKW2kvsnavS8kwIvFl0UzbWwoblq1C1OK3hpSBRp0zUM7mGekoLJJCjQhhBAD\n7r777jtt21dffeWCJEIIpWtospJTaiKnpJGcUhN15u8KMm8PLZckBTEq2p9R0QbCg7xRS6v8IUFx\nBZrT6aS0sQIPp+8Z12vonodWYWbyqOCBjieEEEIIIcRFMVnaTxRkJnJLG6ltbOve5+WuZeLIQEZF\nG0iO9icy2EcKsiFKcQVadkMezx35N3eMuYlJoRNP2x8T6otaJQtWCyGEEEKIwc3c0sGxkgZyShrJ\nLTVRY/quIPN01zIhMZBR0f4kRxuICvZBrZaCbDhQXIEW5BkAwP7aw2cs0NzdNEQF+1BS3UynzSFj\ncIUQQgghxKBiszvYvKeETV8XY3c4AfDQaUhNGMGoaAOjYvyJDvaVgmyYUlyBFuwVRJRfGMcajmO1\nteOhdT/tMQkRfpTUWCirbSY+3M8FKYUQQgghhDhdubGZf286RkmNBYOvO1deGsmoGAPRIT5o1HJj\nQYAifwomR07A5rBxrCHvjPtlPTQhhBBCCDGY2B0ONu8p5k+vf0tJjYXp48L4848vY/HUGOLC/KQ4\nE90U+ZMwJWICAEeMmWfcHx/RddesoEIKNCGEEEKIC1HVUkOnvdPVMYaUqvoW/v7WQT7cXoi3hxv3\nX5fKmqWj8fJQ3GA2MQAU+VMRZ4giwMNAZv0xbA4bWvWpLyPY3xMfTzdZsFoIIYQQ4gJsLd3OhvzN\nLI6dx7L4ha6Oo3gOh5PPvynlwx2FdNocTB0Tws3zk/DxdHN1NDGIKfIOmkqlYnzgWNpsVo6bCs+4\nPyHcjzqzFXNzuwsSCiGEEEIoy47yr9mQvxmAXFOBi9MoX62pld89v5v3vsrH3U3DPdekcNdVY6U4\nE+elyAINYHzQWAAO151tmGPXPDS5iyaEEEIIcW57qvbzfl4avm4+BHoEUGopp9Nhc3UsRXI4nXx1\nsJxHXv2WrMJ6Lk0K4i93XsYkWZ9X9JBiC7R4fSw+bt5kGLNwOB2n7U840b0xXxqFCCGEEEKc1YGa\nw7x97L94a724b+JPGBs4GpvDRpmlwtXRFKfebOXJ9w7z1ud5aDUqfnXLpdyzIgU/b52rowkFUWyB\nplFrSAkcjbnDQnFT2Wn748L8UAGFFXIHTQghhBDiTDLqsnk9+z3cNe78bMKPifAJI14fA0Chudi1\n4RTE6XSy80glD/97H8dKTKQmjOBPP76M2ZdEolLJWmbiwiiySchJE4JS2Fu1nyPGzO7/mZzk6a4l\nIsibouom7A6HtC4VQgghhPieYw15vJLxJlqVhnvGryHGLwqg+zNVkbnElfEUw2Rp541PczhaUI+n\nu4Y7loxi+rgwKczERVN0gTbKMBKdRscRYybXJCw57RchPlxPubGFCmML0SG+LkophBBCCDG45DcW\n8eLRN0Cl4u7UH5HgH9u9z+Duj7+7nkJzCU6nUwqNs3A6nezNruGdL/JosdoYG2vgR4tHM0Lv4epo\nQuEUfVvJTePG2IBkjG31VLXUnLb/5Dw0WQ9NCCGEEKJLfn0xzx95FbvTzk9SVjMqYOQp+1UqFXH6\nGJo6LNRbTS5KObiZWzr414ZMXv44G5vdyeqFyfxy1QQpzkSfUPQdNIDxQSkcMmZwxJhJuE/oKfsS\nTnRyLKhsYs4lrkgnhBBCCDF4VDRX8c/DL9Ju72BNyi2kBI4+4+MS9LEcqj1KobmYQM+AAU7ZPzKL\n6jmQa8Rmd+B0dnVbdDicOJzgdDhP+d7hdOL84ffdjwFjYxut7TaSovxZs3Q0wf6ern55YghRfIGW\nEjgKjUrDEWMmi+OuPGVf6AgvPN21FEirfSGEEEIMc9UttTxz6CVaOlu5bfQqLglOPetjv2sUUsKU\nUGVf5W5osvLul8c5kGu86HOoVKBWqVCrVahVKtx1Gm6cPpIrJ0WiliGgoo8pvkDz1HqSZEjgWEMe\n9W0NjPjeVR61SkV8uB9ZRQ00t3XKwoBCCCGEGJbq2up55tBLNHe2cOelNzFRP/Gcj4/0CcdN7abo\nTo42u4Mv9pfx0a5i2jvtJEbquX52AnpvXXexpeouuuguvn5YjKlUyDw8MaAUX6BB1zDHYw15HKnL\nYm7UjFP2JZwo0AorzaQmBLoooRBCCCGEa5isjTxz6CXMHU2sTFzGgsSZGI2Wcx6jUWuI8YukoLGY\nNpsVT62y5lbllpp48/M8Kuta8PF045b5SVw+LlTudglFUHSTkJNSA8eiQsURY+Zp+7rnocl6aEII\nIYQYZpo6LDxz+CXqrSaWxS1gXvTMHh8br4/FiZOSM6w3O1iZm9t5+eMsHnvnEFV1LcyeEM7f7prK\n9NQwKc6EYgyJO2h6d1/i9NEUNBZj6WjGV+fTvS8urKuTY2GldHIUQgghxPDR3NnC2kMvU9tax/zo\n2SyKnXdBx5+ch1ZgLj6t0+Ng43A42XaogvU7CmhrtxMT6sttC5O7PwcKoSRDokCDrmGOheYSMuqy\nuTx8Svd2H083QgO8KKxqwuF0ytUTIYQQQgx5bbY2/nX4FSpbqpkVeQVXJyy+4HlUcX7KWLC6oMLM\nm5/nUlrTjJe7ltULkpg1IQK1Wj7zuUqnvRNzh2XIdAAdaENiiCPA+MAUgDMPcwz3o63dTlVdy0DH\nEkIIIYQYUFZbO88deZVSSwXTwiZz3cjlF9XkwkfnTYhXEEXmUhxORz8k7Z3mtk5e/ySHv755gNKa\nZq5ICeVvd01lziWRUpy5UF1bA4/vX8sf9z5O4SAv7gerIVOgBXmNINw7lBxTPlab9ZR9318PTQgh\nhBBiqOqwd/JixhsUmkuYFDKBm0ddi1p18R/34vQxWO1Wqlpq+jBl7zicTnYcqeR3L+1lx5FKIoK8\neeiWS/jxsjH4eetcHW9YO24q4In9a6lsqcbhdPBRwSc4nU5XxwKgpqWW1s5WV8fokSEzxBG6hjl+\nUryV7Ia8U9b2iA//bh7azPHhroonhBBiiLNarSxbtox77rmHadOm8dvf/habzYZWq+WJJ54gKCjI\n1RHFEGZz2Hgl803yTPmMDxzLbaNX9ao4g655aHur9lNoLiHCJ6yPkl680hoLb36eS0FFE+46DTfM\nSeTKSZFoNUPmnoNi7arYy/t5aQDcmLySo3VZZNfnkmvKd/kcxvzGIp4++AIqlYpRhpFMDE4lNWgM\nPm7eLs11NkOyQDtizDylQIsI8sbdTSOdHIUQQvSr559/Hr2+a9TG008/zQ033MCSJUt4++23ee21\n1/jNb37j4oRiqLI77LyW9S5Z9TmMCUjmjpRb0Kg1vT5vgj4WgEJzMTMipvb6fBerpa2Td77I48uD\n5TidMHlUMDfOG4nB191lmURgUY0VAAAgAElEQVQXu8POh/mb2F6+G283L+5MWU2SIYEYv0iy63P5\nqPBTkg2JLltLzul0sj5/E06chHuHkt2QS3ZDLu/mqknyT+CS4FRSg8ae0mTQ1YZUgRbpE8YIDwOZ\ndTnYHDa06q6Xp1GriQvzJbe0kVarDS+PIfWyhRBCDAIFBQXk5+cze/ZsAB555BHc3bs+PBoMBrKy\nslyYTgx1645/zGFjBiP94/nJuNW4qfvms06wVxBeWs8Bm0vkcDppbu2ksbmdxuZ2TJZ2Gpra2ZVR\nhcnSTojBk1sXJDM2TppPDAYtna28mvk2OabjhHmH8NPUHxHoOQKAaN9IJgSN47Axg4y6bFKDxrok\n48HaI5Q0lTExOJU7U27F2FrPYWMGB2uPkmM6To7pOO/lbWCkfzwTg8cxPigFP52vS7KeNKQqFZVK\nxfigFL4q20muqYCxI5K79yVE6MkpbaSouomxsfJLLYQQom899thjPPzww6SldQ3x8fLyAsBut/PO\nO+/ws5/9zJXxxBC2s2IPOyq+Jtw7lJ+m/gidpu/mYalVauL0MWTV59DUYenVB9e2dlt30dVVgHV8\n7+t2Gi1d2+yO0+cs6bRqVsyIY9FlMbhpZTjjYFDdUssLR1/D2FbPuMDR3D7mptMWNF8Wv4Ajxkw2\nFX1OSuDoXg+5vVCdDhsbCz5Fo9JwdfxioKtvxfyY2cyPmU19WwOHjBkcqs0g15RPrimf93PTSPSP\nY2JwKhOCUtC7D/xSDT0q0B5//HEOHDiAzWbj7rvvZsGCBac95sknn+Tw4cO8+eabfR7yQpws0I4Y\nM08p0E7OQyuoMEuBJoQQok+lpaUxYcIEoqKiTtlut9v5zW9+w9SpU5k2bdp5z2MweKHV9n5YWlCQ\na6/+XqyByN3Q2oiHmztebp59cj5Xv9eZNbn8N28jvu4+/G7OvQR7j+jRcReSe1x4Eln1OdQ7a0kI\n6tlcfofDyftf5JJRUE9DUxsNTVba2u1nfbxGrcLg50FilD8Bfh6M0Ht0/3eEnyfRYb4YfD3Oevxg\n5uqfkYtxvsyHqjJ5+uC/aeu0cs3ohdyYchVq9enFV1CQLzOqp7CjZB/51jyuiJ7cX5G7n+/7NuV+\nSb21gSVJcxkTE3v64/FlVHQMN7GMupYG9pYfYl/ZQXLrCzneWMh/8zYyKiiBqZGXcFnkRAK8/Ps1\n/0nnLdD27t3L8ePHef/99zGZTKxYseK0Ai0/P59vv/0WNze3fgvaU/H6GHzcvDlal8WNzhXdlXpC\neNecgELp5CiEEKKPpaenU1ZWRnp6OtXV1eh0OkJDQ0lLSyMmJoZ77723R+cxmXrfYSwoyBej0dLr\n8wy0gcjd3NHCI3seJdmQyF2pt/f6fK5+r42t9Ty5/yVAxZ1jV6Nq1WFsPX+eC80dou1qDnK4LIc4\n94QeHbNxVxEbdxUB4OvlRpDeE39fd/x93PH30eHv647Bp+t7g687Pl5u51yr1uDrIT/XA+RcmZ1O\nJ1+V7WRD/mY0ag23j7mRKaGXUF9/9qWs5oXPZlfpt7x75CMS3Ef2ydzInuRu7WxlXeZmPLUezAqZ\n0YN/BzcuC5jCZQFTaGw3c6i2685ajrGAY8Z8Xjv0AfH6WCYGj+Oy0EvxdvPqdd6zOW+BNnnyZFJT\nuxpu+Pn50dbWht1uR6P57s199NFHeeCBB3j22Wd7FbQvqFVqUgPH8HXVtxSZS0nwjwXAz1tHkL8H\nBRVmnE6nyyYqCiGEGHqefvrp7q/Xrl1LREQEdXV1uLm5cf/997swmfi+PVXfYrW3c6wh75S56krU\nZrPywtHXaLG1csuo60j0j+u354rxi0KtUlNoLu7R4w/mGdm4q4hAvQe/v30Sfl7S+n4o6HTYeC9n\nPXur96PX+XJX6u3E+kWf97hAzxFcHjaZXZX72Fd9kMvD+/cu2kmflnxFq62NaxKWXHC3Rn93PXOi\npjMnajqN7WaOGLM4VHuU/MYiCs3FFDQW8ZNxt/VT8h4UaBqNpnsc/bp165g5c+Ypxdn69euZMmUK\nERER/RbyQo0PSuHrqm85YszsLtCg6y7a3uwaak1thAT0ruoVQgghzuWdd96hvb2d1atXA5CQkMD/\n+3//z7WhhjGH08HOir0AdDg6KW4q69eipj85nA5ez3qH6tZa5kRO5/LwKf36fO4aHZE+YZQ2ldPp\nsJ2zAUmFsZmXN2Wjc1Nz78pxUpwNEU0dFl7O+A+F5hKifSO5O/V2/N31PT5+Uew89lYfYEvRF0wO\nndhnTWzOpr6tge1luwnwMDA78opencvfXc+syMuZFXk55nYLWfU5RPr275ITPX53tm7dyrp163j1\n1Ve7tzU2NrJ+/Xpee+01amp6toDhQIyvvyJgIq9lv0NmQzZ3Bd7YfbcsNSm4q0CztJOSHNLrDBdD\nieOQQZm5lZgZlJlbiZlBmbmVmHm4ue+++wBYuXKli5OI78uuz6Xe2kCAh4EGq4k8U75iC7SNBZ+Q\nWZ/D6IAkViQuHZDnjNPHUmqpoMxSQbw+5oyPabF2snZ9Bu0ddn569ViiQ+T/V0NBmaWCF4++gam9\nkUuDx3Pr6BvQaS5sWpPBw5+ZEdP4qmwnuyv39bpoOp+PCj/F5rSzPH4hbheY9Vz07r4DcgewRwXa\nzp07eeGFF3jllVfw9f3ul23v3r00NDRwyy230NHRQWlpKX/729/43e9+d9ZzDdT4+jEByRysPcqR\n4uPdCyuG6LvaHR/OqWVcjKHXOS6UEschgzJzKzEzKDO3EjODMnMrNbMQg8HOij0A3DLqOp49/Ap5\npgKWxM13caoLt6/qAFtLtxPsFciasX2z1llPxOtj2F6+m0Jz8RkLNIfDyQsbs6g1tbF0WgxTRrvm\nQrjoWwdrj/Jm9vt0ODpZHr+IhTFzLnqa0IKYOeyq3MdnxV9xedjkPu02+n0lTWXsrzlMlG8Ek0Im\n9Mtz9Lfz9rq0WCw8/vjjvPjii/j7n9q5ZNGiRWzZsoUPPviAZ599lrFjx56zOBtI44NSADhszOze\nFhXsg5tWTUGl2VWxhBBCCDHA6tsayKrPJdYvmlEBI4n0CaPIXEKHvdPV0S5IobmEd3LW4an15Kep\nd/RZJ8qeOLlgddFZ1kNbt72ArKIGUhNGsGJG/IDlEv3D4XSwuegL/p35FqhU3DXudhbFzu1VDwdf\nnQ9zI6fT1GFhe/nXfZj2O06nkw35mwFYmbh0wNv695Xz3kHbsmULJpOJX/ziF93bLrvsMpKTk5k/\nf/BeeRo7YhRalYYjxkyWnrhCptWoiQn1pbCiifYOO+66gbnqJIQQQgjX2VW5DydOZkZ0LXWQZEik\nrLmSQnMxowJGujhdz5isjbyU8QYOnPw45RZCvIIG9PkNHv74u+spMBef1mxtb1Y1n+4rJSTAi7uW\nj0WtlkZsSma1tfNq5tscMmYwwsPA3ak/6h6N1lvzomexvWIPX5SkMz3iMjy1fXuRIbP+GMcbC0kZ\nMYokQ2KfnnsgnbdAW7VqFatWrTrviSIjI12+Btr3eWo9SApIJLs+l7q2BgI9u9Y+Swj3I7/cTHF1\nE8nRAz/MUQghhBADp9Nh4+vKb/DWenFJcFdX6iRDAl+W7eC4qUARBVq7vYMXj76OpaOZ60ZexeiA\nJJfkiNfHcLD2KPXWBgI9u9ZbK6m28NonOXi6a7j/2nF4eSi3M6bouhDwxJf/obixnET/OO5MWY2v\nzqfPzu/l5smV0bP4uPBTvirdydL409dWvlh2h50N+VtQoeKaAZqb2V+Ued+vhyYEdg1zPPK9YY4n\n10MrkPXQhBBCiCHvUO1RmjtbmBY+ubtZQIJ/HGqVmlxTgYvTnZ/D6eA/2e9T1lzJFeFT+r25wrnE\nnxjmWHhimGNTSwdr1x/FZnPwk+VjCRtxYa3MxeDSYe9k7eGXKW4s54rwKdw34Sd9WpydNDvyCnzd\nfPiqbCfNnWdfP+1CfVX4NTWttVwePpkwb2XPgRzSBdq4oDGoUJ1aoEWcKNAqZB6aEEIIMdTtrNiD\nChXTw6d2b/PUehDjG0mJpQyrzerCdOf3SdFWDhszSPSP44aka1y6juvJ5iCF5hJsdgfPpWXS0NTO\nNTPjmZAY6LJcom98XPgpNa1GFiXO5qbka/ttnUAPrTsLYudgtbfzRUl6n5zTarPyQdYmdBodS+P6\n7q6cqwzpAs1P50u8PoZCcwlNHV2dzwy+XSvWF1Y24XQ6XZxQCCGEEP2l3FJJobmE0QFJBHmNOGXf\nSEMCDqeDgh4uvuwKB2uPsqV4KyM8DPwk5TaXL6wd6ROOm9qNQnMx7355nLyyRiYlB7Fs2pnb7gvl\nyG8sYlvZLoK9Arll/Ip+vxAwI3wq/u56tpd/jbm996PatpbuwGxt4sroWejd/fogoWsN6QINuro5\nOnGSYczu3pYQ7oe5pYN68+C+aiaEEEKIi3eytf7MyGmn7Us+0UAg15Q/oJl6qtRSzn+y38ddo+Pu\n1B/ho3P98EGNWkOsXxSVzdVsO1xCZJA3a5aOduldPdF77fYO3jz2AQCrR6/CXdv/i4u7adxYHDuP\nTkcnnxZ/1atzNbab+bJ0O/4efsyLmtlHCV1rWBRoAEfqsrq3xcs8NCGEEGJIa7O18U3NIQzu/owd\nMeq0/fH6GDQqDccH4Tw0c7uFF4++gc1h40djbuqzDnp9wV8dihMnXgEW7rs2FQ+dNAVRuo0FW6hr\nq2de9MyzLkLeH6aFTSbQcwS7K/dR39Zw0efZXPgFHY5ObkhZjofWvQ8Tus6QL9ACPQOI8Akjt+E4\nbSfGmSeenIcm66EJIYQQQ9K+6oN02DuYETH1jGsh6TQ64vTRlFkqae1sdUHCM+u0d/Jyxhs0tpu5\nKn4RqUFjXR2pm8nSzqFDNgAmXepGkP/ArcMm+kduQz7by78m1CuYZQM8d0uj1rA0bj52p50txVsv\n6hyVzdXsqfqWUO8Q5sSdfqdcqYZ8gQZdd9FsTjvZ9TkARIf4oFGrKKiQO2hCCCHEUON0OtlZvgeN\nSsPl4VPO+rgk/wScODneWDSA6c7O6XTyTu6HFDWVMjlkIvNjZrs6UrdOm51n1x/FUt/V1a9ZVevi\nRKK3rDYrb+X8F7VKzW1jVnV3OR1Ik0ImEOodwr6qA9S0XPjPVFrBFpw4WZGwBI166KxvPCwKtAkn\nhzkau4Y56tw0RIf4UFpjodNmd2U0IYQQQvSx/MZCqltrmRg87pxtwk8uZJs3SOahbS3dzjfVB4nx\ni+KWUdcNmrldTqeT/3yaS1GVhWnJ0YR4BVFkLsXhdLg6muiFDfmbabCaWBA9mxi/KJdkUKvULI9b\ngBMnm4u+uKBjcxvyyarPIck/4YzDmJVsWBRo4d6hBHoEkFWfQ6ej69Z8Qrgeu8NJSU2zi9MJIYQQ\noi/tONEcZEbEuYc8xeqjcVO7kTcI5qFl1GWzseAT/N313D3udpfczTibrfvL2Z1ZTWyoL7cvSiZe\nH4vVbqWqpcbV0cRFOlafx67KfYR7h7Io7kqXZhkflEK0bwQHao9Qbqns0TEOp4MN+ZsAWJG4dNBc\nzOgrw6JAU6lUjA9KwWpvJ7fhOADxEV0tOGU9NCGEEGLoMLc3cdiYSbh3KAknFlY+Gze1lgR9LJUt\n1Vg6XHfBtrK5mtey3kGr1nL3uNsHVZvw7OIG3v8qHz9vHfeuHIfOTfO99dCKXRtOXJQ2W9upQxtd\nvHyDSqViWfwiADYVfdajY/bXHKasuZLJIROJ9ovsz3guMSwKNKB7ku3JYY5Jkf6ogP25MoZaCCGE\nGCq+rvwGh9PBzMhpPbqqnmRIAHDZXbTmjhZePPo67fYOVo++/qI/bFbUtfDSR1ms31HIgdxa6hrb\ner3eq7GxjefTMlGp4GcrUgjw8wBOXbBaKM+64x/T2G5mUew8onwjXB0HgDEBSSToY8moO0bReX6u\nOuydfFTwKVq1luUnCruhZtj0Ro3Xx+Dr5sPRuixucq4kwM+DlPgRZBTWU1pjITrE19URhRBCCNEL\ndoedXZX78NC4MzlkYo+O6S7QGgu4NGR8f8Y7o40FW6izNrA4dh6Xhky4qHOYLO089f5hTJb2U7Z7\ne2iJDvElJtSXmBBfokN8CAnw6tE52zvsrP0wgxarjdsWJTMy0r97X7BXEF5aTynQFCiz7hh7q/YT\n5RPOopi5ro7TTaVSsTx+EU8feoGPCz/j/ol3nfWx6eW7MLU3cmX0LEZ4GgYw5cAZNgWaWqUmNWgM\nuyu/odBcQqJ/HLMnhpNRWM/2w5WsXpjs6ohCCCGE6IXM+mM0tpuZGXE5HlqPHh0T7RuJh8bdJY1C\nOu2dHKzNwODuz5K4+Rd1jlarjf/74AgmSzvXTI8jIUJPSY2FkmoLJTUWjpWYOFZi6n68u05DQoSe\n8ACv7sItLNALjfq7QVVOp5N/bzlGubGZ2RMjmD3h1LssapWaeH0MmfU5NHVY8NPJRW4laOls5Z2c\ndWhUGlaPWTXouh6ONMQzOiCJYw155Jnyu5v4fF9zRwufFW/DW+vFwkFUYPa1YVOgQdckxN2V33DE\nmEmifxzjEwIJ8HPn66xqrpudgKf7sHo7hBBCiCFlR/nJ5iBTe3yMRq0h0T+OzPocGtvN+Lvr+yve\nabLqc7DarWddq+18bHYH/9qQQbmxmTmXRLD8ilhUKhVj4wK6H9NqtVFWa6GkppmSagulNRZyihvI\nLvpuYWCtRk1UsHfXXbZQX2pNbezPqWVkpJ6brxx5xueO08eSWZ9Dobmku1u2GNz+m/cR5g4LV8Uv\nGlSLn3/f8viFHGvI46OCz/jVpQmnDVP+pHgrVruVa0cux8tt6K7DN6wqkiRDIh4ad44YM1mZuAy1\nWsXM8eGk7SxiX3YNsycOjnG4QgghhCt12jtp7mzB4OF//gcPEjWtRnJMx0n0jyPcJ/SCjh1pSCCz\nPoc8UwFTQi/pp4Sn+7bmMMBFDW10Op28tiWHYyUmJo4M5JYrk844587LQ0tytIHk6O+GgvnqPTmc\nXU1JTVfBVlLdTGlNM0VVlu7HGHzduWfFOLSaMxeO328UMhwLtLq2BkZ4GBTTPfCIMZNvaw4S4xvF\nldGzXB3nrGL8ohgfOJYjdVlk1eeQEji6e19tax07KvYQ6DmCmefp0Kp0w6pAc1NrGTtiVFcbz+Yq\nonzDmZEazke7itl2qIJZE8IV84smhBBC9Jd1+R+zr2o/j0z9jWKKtF0VewEu6oNb8omhVLmm/AEr\n0NpsVjLrjxHqFUzkRdzN2LCzkD1Z1cSH+3HXVWNRq3v++cVDpyUhQk9CxHd3C212BxXGFkpqLFTV\ntzB9XBh6b91ZzxHjF4VapT5vQ4ehaGfFHt7L3cDYEaNYPfqGc661Nxg0d7Twbs56tGott425YdAN\nbfyhZfELOVqXzceFnzFmRHL33eWPCj7B4XRwdcJitC7uPNnfhk0Xx5PGdy9anQl0XSGaODKQstpm\nCquaXBlNCCGEcDm7w86h2qN0OmwcPvG3crDrsHewp2o/vjqf7r/zFyLCJwwvrSfHe9jJ0WZ38J/P\ncnn0jW9pbuu84OeDrs8hNoeNSSETL/jicPqhCjZ9XUKwwZP7r0vF3a33H7i1GjUxob7MHB/Oqrkj\niQg6d9HhrtER6RNGaVN59xqzw0GnvZNPir4Euoao/nXfU2TV57g41bl9kJeGpbOZ5fELCfUOcXWc\n8wr3CeXSkPGUN1d2/z+o0FzCIWMGcX7RTAwa5+KE/W/YFWhjRySjVWu7CzSge2hj+qEKV8USQggh\nBoWiplJaOlsBTvlbOZgdqDlCm62NK8Ivu6gr62qVmpGGBOqtJuraGs75WGuHjX/+9wjphyrYfbSS\nP73+LeW1F76G2v7u4Y0X1jnycH4db36ei4+nGw/cMB4/r7Pf5epv8fpYbE47ZZbh8/lpT9V+zB1N\nzI2awcrEZbTa2njuyKv8N28jnfaLK9b708HaoxyoPUK8Poa5UTNcHafHlsYtQK1Ss6nwc+wO+/cW\npV42LEa7DbsCzUPrwShDIpUt1Rhb6wEYHWsg2ODJN8dqabEOvl8uIYQQYqBk1GUDXXdI8huLXLqA\nc0/tqNiDChXTwy+76HP0ZD00S2sHT7x7iKxiE+MTRrDqyiTqzFb++uYBDlzAuqpNHRZyTfnE+EUR\n7BXY4+OKqpp4YWMmbho1P78+lRBDz1rm95fhtmC1zWHj85JtuKm1zI+Zzbzomfx60n2EeAWTXr6b\nx/evpbK52tUxuzV1WHgvdz1uajduHX3DRTWicZVgr0Cmhk6iprWW17LeodBcwvigFBL8Y10dbUAo\n51+qD3UPc6zrujKoVqmYPSGCTpuD3RmD5xdLCCGEslitVq688krWr19PVVUVq1ev5uabb+bnP/85\nHR0dro7XIxl12ejUbiyImYsTJ0frslwd6ZxKmsootZQzLnBMr+bLJfmfLNDO3G6/3mzl0bcPUlRl\n4YqUUO69dhy3Lh7NPdek4MTJvzZkkrazEEcPFoc+WHsUh9PBpAtoDlJrauXp/x6h0+bg7qvHkhA+\ncN0mzyZeHwsMnwWr91UdwNTeyPSIqd1LC0T5hvPQ5PuZHjGVypZqHt//DOnlu3u9SHhvOZ1O3svd\nQEtnK1cnLCbEK8ileS7G4rh5aFUaDhkzUKvUXJ2w2NWRBsywLNDGBY5BheqUoRtXjAtFq1GRfqjC\n5b9UQgghlOn5559Hr+/64PzMM89w880388477xATE8O6detcnO78alqN1LQaGR2Q1F08HDEO7gLt\nZGv93nZ1C/MOwdfNhzxT/mmfAyrrWvjbWweoqm9l4ZQo7lg6unvdsEmjgvnf1ZMI1Hvw0e5intuQ\nSVv7uedkHag5jAoVlwb3bHijpbWD//vgCJbWTm6dn8TEkYPjw7bBwx9/dz2F5uIh/9nJ7rDzWclX\naNXa07og6jQ6bkpeyV3jbken0fHfvI28cPQ1l9593l9zuHtZqVmRl7ssR28EeBiYfmLJjOnhUxVZ\nZF6sYVmg+ep8SPCPpchcirm9q6Wsr5eOSaOCqW5oJbe00cUJhRBCKE1BQQH5+fnMnj0bgH379jFv\n3jwA5syZw549e1yYrmdODm9MCRxDoGcAkT7h5DYcp83W5uJkZ9bS2cqB2sMEeY4gOeD0RW0vhEql\nIsmQgLnDQm2rsXt7QaWZv791AJOlnevnJLBq7kjUP5gDExXsw8O3T2JUtD8H84z87a0D1Dae+T2r\nb2ug0FzCSEMCene/8+bq6LTzzIdHqTG1sWRqDHMuiezV6+xr8foYLB3N1FvPPXdP6b6pOUS91cQV\n4VPOulbe+KCx/G7KA4wyjCSzPoe/fvMUh6sG/gJHY7uZD/LS0Gl0rFbY0MYfWh6/kOtGXsXVCYtc\nHWVAKfdfrJfGB3UNSThizOjeNudks5DDw2eyqxBCiL7x2GOP8dBDD3V/39bWhk7X1cBhxIgRGI3G\nsx06aGTUZaNCRUrgKAAmBKVgc9rJqhucXer2Vu2n02FjRsS0PvkQenIeWu6JeWiZRfX8493DtLbb\nuGPJKBZfFnPWY329dPxy1QTmXRJJhbGFP7/+LdnFpxctB2qOADC5B8MbHQ4nL32cTUFFE1PHhrBy\nVvzFvKx+NRyGOdoddj4r/hKtSsP86NnnfKy/u56fTfgxKxKX0trZxt92PMu6vI8GrIGI0+nk3Zz1\ntNraWJGwlEDPEQPyvP3FQ+vBnKjpeGg9XB1lQA3tRQTOYWLQODYWfMKmws8ZO2I0IzwNJEboiQjy\n5kCuEXNLxznX/xBCCCFOSktLY8KECURFRZ1xf0+HfxkMXmi1vW+ZHhTke8HHWNqbu+7sjIgjISIc\ngDm6y9hU9DnHLLksHjez17nO50JyO5wOvv5mH24aN5alzMbH3bvXzz/NYzzv5q6npK2EY+VjeGbd\nUVQqFb/70RSmppx5rbIfZv7FLZcyOiGQF9Yf4akPjvDj5WNZPiO+u/PcoQNH0ag1zBs9FR/d2TM7\nnU5e2pDBwTwjqYmB/Oa2Kbhp++66+sX8jJzJpZoxrDv+EZXtFQQF9e8CyH2V+ULtKN6Hsa2eKxNm\nkHSW3/Efuil4GVPjx/PMnlfZVr6LQksR909bQ5Q+vF+zphftIbP+GONCklkx4cqLvnDhqve6t5Sa\n+4eGbYFm8PDn+pFX8W7uev6d9Ra/vOT/Q6vWMntCBG9/kceuo5UsnRbr6phCCCEUID09nbKyMtLT\n06murkan0+Hl5YXVasXDw4OamhqCg4PPex6TqbXXWYKCfDEaLRd83DfVB3E4HYzSJ3Uf7+70Idgz\nkIOVmVRUN6DTuPU639lcaO5j9XlUNxuZGjqJtiYHbVz4a/4htdMDf3c9B8uzSd8XhIe7lvuvTSUh\nxOeM2c6W+ZKEAH5z0yU8uyGDlzdmcqywntULkzFaayk1V5AaOJY287kzf7qvlE27i4gI8uauZWNo\nNLX0+vWdL/fF8HbocVO7kV2T32fnPJO+zHwhHE4H/83YjFqlZmbwFReUwQd/Hl3wW17c8w67Kvfx\n0Od/Z0XiMmZGTOuXVvEmayOvHvgAD40718evpL7u4n5mXPVe95bScp+rmBy2QxwBrgi/jCmhl1DS\nVMb6/M0ATBsbis5NzfbDlTgcQ3vCqxBCiL7x9NNP8+GHH/LBBx9w/fXXc88993D55Zfz2WefAfD5\n558zY8bgXoPo6In5Z+MCx3RvU6lUjA9KocPeQU5DnquindGOihPNQSJ71xzkhzw7QuhwWvEJsPLg\nzZeQHG24qPMkRur5w+2TiA31ZVdGFY+/c5BdZfsBmHSetc/2ZdfwwbZ8DL7uPHD9eLw8Bu/1dI1a\nQ6xfFJXN1bTZrK6O0+cO1h6lptXI1NBLGeEZcMHHu2t13DTqWu4adxs6jY4P8tJ44ejrfd5AxOl0\n8nbOOqx2KytHLmOE58X93IrBYVgXaCqVihuTVxLmHcL28t0cqDmMl4eWqWNCqDNbySwa2hNehRBC\n9J/77ruPtLQ0br75ZmL95OkAACAASURBVBobG7nmmmtcHemsbA4bx+pzCfQIIMw75JR9E4JPLE0z\niLo5NlhNZNRlE+0bSYxfz4acnY/D4eStL/IoKeia3jBvlifRIb0bLhXg58FDt1zC1LEhFFSa2V6y\nHzeV2ylF8A/llpr49+ZsPN01PHD9eAL8Bv/cmzh9DE6cFDeVujpKn3I4HXxa/CVqlZoFMXN7da7x\nQSn8bsoDJBsSyaw/xl+/eYrs+tyLPp/T6aTd3oG5vYmallq2lm7nWEMeYwKSuTxsSq+yCtcbvJdk\nBoi7RsedKat5bP8zvJ2zjkifcGZPjGDHkSrS/3/27jw+zrLe///rnj2TZLZksu9726RJutJSurAL\nuGDBVuQLiOLhoAIufMUvHjw/PccjIOrBDbUgCmKRigiIrC1QCnRPmqRNszb7MkkmeybLzPz+yNKW\nLtkzmfTzfDx4zGTmvu/5tCTpvOe6rs91uI6lyf69uFIIIcTc+vrXvz52/w9/+IMPK5m40vYKXO5+\n1kSuPGPqVVxwDBa9mYKWo7g9btSq6a+Rm6499fvw4p12a/1Rg0Metr1ylP3FzURGxtJOIfX9MxM2\ndFo1d1y3mOCQHt539dLfEsX+o61cnHXmmrY6Rze/+FsBXi987fosYsKCZqSG2ZZ8SqOQRbY03xYz\ng/IdRTT0NLE6Yjl24/TfD1r0Zr6W82V21uzmpfLX+FX+E2yKXceSkAxcQ/30DblwuV24hly4hvpH\n7vfTN3LrGnLhcp+89Xg9p10/QGPgpozNszJ9UsytCz6gAUQEhvGFjBv4Q9GzbCt8hvtWfI3EyGDy\ny1to7XARYp7/n14JIYQQU1XQcgzgrCM7KkVFtn0J79Z+QGl7BRm21Lku7zRDniH21O/FqAlg+ThT\nBSeir3+IX/29gKMnnKTFmLn7hqU8dGgvZe0VeLyeGekOqSgKmtAGqAVVRzRP/PMYNc3d3LgpeWw/\nNWdXPz97Pp/e/iHuuG4xixImP53OVxLMcQBUtJ+YlesPuAfo7p+5NXgT4fF6+NeJt1BQuCpheqNn\np1IpKi6P20CaNZmniv7Crpr32VXz/oTOM6j1GDTD6yQNGgMGjZ4A9fCtQW1gRXjOtDZrF/OHBLQR\nK8JzKG8/wXt1H7D9+N/ZkL2OyobjvJdfz/Xr519bWyGEEGImeL1eClqOEqAxkGJJPOsxOfZM3q39\ngHxHoc8DWr6jkK6Bbi6NvQSdenrdlrt6B/j58/lUNnSRkxLKnZ9egk6rJs2awgcN+6jpqpuRKZRu\nj5uDzfkEao3cc/3V/PqFIt7YX0Odo5t/+3QmapXCz5/Pp62zn80bkliTGTHt15xLQdpAwo1hnOis\nnrFQO6pzoItHD/yKPo+Lby/7GmHG0Bm79vkUtByjrruBFeE5s7JBclxwDN9ZeQ976vcy4B7AMBq0\nNAYMaj0BGsPIfQMBGj1alVZGxi4gF/QatI/7bOp1xAfHsrfxIF5bDQF6De8dqWfI7Rn/ZCGEEMIP\n1fc00uZystiWfs7pi8nmRAK1RvIdRWdMq5pro81B1kVfNK3rtHa4+J9nDlHZ0MXFWRF89bOZ6LTD\nf/70kf3QSkb2Q5uu0vYKuga6yQ1bSnRIMN+7ZQXZySEUnXDyX388wGM7jlDT3M3G3Giuuejce63N\nZ0nmeFzufhp6mmbsmgPuAR4/8hQtrjZ6Bnr5fcGf6HcPzNj1z8Xr9Y6Nnl2dcNmsvY5erePS2Eu4\nOuEyNsZezEWRK8ixZ5JhSyXeFEu40Y5ZH4xOrZNwdoGRgHYKrUrDlzJvxqgJ4IWKl8jO1NDRPUB+\nWYuvSxNCCCFmRcFI98al52lcoVapyQpdTMdAJ1WdNXNV2hnquxspa68kw5o6rVGNupYefvTMQRrb\nerl6VRy3X7NobKohQOoMB7T9TYcBWBmeC0CAXsPXNy/l2jXxNLf3cbymnZyUUL5wRarfvhFPMg8H\ny4qOEzNyPY/Xw1NHt1PVWcPqiOVcmbye+p5G/nzs+QnvKzhVRa3F1HTVkRuWdUbTHCHmwoQC2sMP\nP8yWLVvYvHkzb7zxxmnPffTRR3zuc59j69atfPe738Xj8e/RppAAK7cu3sqQZ4jqgHdBPcg7h+t8\nXZYQQggxK460HEWlqFgckn7e43Lsw90c8xyFc1HWWe2u+wiYemt9r9dLSU07P37mIM6ufm7clMzn\nLk05IxSZ9SYijGGUdVTi9rinVfOge5C85kIsevNYiAFQqRQ2b0jmq9dncfmKGP7tU0tOC4n+JumU\nRiEz4e9l/yTfUUiaJZmbMjZzW+6NJJnjOdicz66a3TPyGmfj9Xp59cRbALM6eibE+Yz7m+Cjjz6i\ntLSU5557jm3btvGjH/3otOcffPBBHnvsMbZv305PTw+7d8/eD81cyQxdxJXxm3AOOLEtKaboRBtN\nbdPfPFQIIYSYTzr6u6jqrCHFnIhRazzvsRnWVPRqHfmOwlkfwTgb15CLfY0HsejNZIYsmtA5Q24P\nlQ2dvLG/hl+/WMi3frWHH//5EL39Q3zxmgw+sfrc0wnTrMkMuAeo6preiGFR23FcbhcrwnPOujZr\nebqdmy5PQ6/zfXfM6QgzhhKoMc5Io5B3avews2Y3EcYw7si6BY1Kg0Y9PMvJpAvm7+WvUuIsm37R\nZ1HcVkpVZw059kyig87stCnEXBi3ScjKlStZunQpACaTib6+PtxuN2r18C+SF154gaCg4TawNpsN\np9M5i+XOnesSr6Syo4rS9go0EUG8mxfP5y5N8XVZQgghxIwpbB3dnHr8wKNVa1kSksGh5iPU9zTO\n+ZvX/U2Hcbn7uTxuwznXynX3DVJe10FZXQdltR1UNnQyMHRyZo8pUMfyNDsbc6NZknj+Lolp1hTe\nq/uQ423lY6NDU3GgcXh644rwnClfwx+oFBWJ5jgKW4vp6O/CrJ/aHnIFLUfZUfISwdog7sq+HaM2\nYOw5i97MlzJv5n8P/5YnCv/M/SvvmdGuhcOjZ28CcHXC5TN2XSEma9yAplarMRqHP1XbsWMH69ev\nHwtnwFg4a25uZs+ePdxzzz3nvZ7VakSjmf6nRHb79DaPnIj71n+F//vGj2iPLeH9ilDu+OzSsQXE\nUzUXdc8Gf6zbH2sG/6zbH2sG/6zbH2sW89fo+rOs0CUTOj7Hnsmh5iPkOQrnNKB5vV7eq/0QlaJi\nbdSqsceanX2U1nZQVtdOWV0n9S0nW7ErQLQ9kJQYCynRJlJiLNjNhgmv8Uq1DndwLmkv5xNMbapb\n35CLwtZjhBvDiAmKmtI1/EmiOYHC1mIqO6vGpsRORnVnLU8W/hmNSsO/Z3+RkIAzQ3SKJZHNqZ/k\n+ZJ/8PuCp/nGsjvRqrUzUT4lznIqOqrICl1MbPDC//8l5q8Jt9l/66232LFjB08++eQZz7W2tnLn\nnXfy/e9/H6vVet7rOJ3TnypotwfjcHRN+zrjU3Hbos/z88O/YyjmAC/uzmJT1tRb7s9d3TPLH+v2\nx5rBP+v2x5rBP+v215rF/DTgHqC4rYyIwPAJb8K7JCQDjaIm31HItYlXzHKFJ5U4y6nvaSQ1aBEf\n5Dkpqz1BWV0HXb2DY8fotWoWxVtJiTaTGmMmKcqE0TD1N+5B2kCigyKp6DjBoHtwSiHgiKOIQc8Q\nK8Kz/bb5x2Sc2ihksgGtzeXkN0f+wKBniDuybjnv9gYbotdS3VnL3saD/LXkH3xh0Q3TqnvUv0bW\nnn1C1p4JH5tQQNu9ezePP/4427ZtIzj49H9su7u7ueOOO7j33ntZt27drBTpS6nWZC6Luoy369/i\n5dq/syHzGzO6v4cQQgjhC8edZQx6Bsma4HouAIPGQIYtlcLWYhy9rRMOdlPV1NZLfnkLr7f+HXRQ\nsNfCkZ7hzoo2k55Vi8JIjbGQEm0mJixwxptspFtTqOtuoLKzijTr5Jc5HGjKAxb+9MZRCaZYVIqK\nykk2Cukb6uPX+U/SOdDFDamfItt+/hFdRVHYmv5Z6rsb+KBhHwmmWC6OXj2d0il1VlDaXsHikPQZ\n2ftOiOkYN6B1dXXx8MMP89RTT2GxnDnP98c//jG33nor69evn5UC54PPpF/Oh5VH6dXX81zhq3w+\n6zpflySEEEJMy1h7ffu52+ufTbY9i8LWYvJbCrk8bsOM1jQw6Ka4up2C8lYKKlppbu9DZWpFn+FA\n2xvB2owlpMaYSYk2YzMZZvS1zybNmszOmt2UOMsnHdC6BropdpYSFxxD2CxsdDwf6dQ6YoKiqO6s\nnfCoo9vjZlvBMzT0NLEx5mI2xU7sw36dWssdWbfw0P7H+GvJi0QFRZJojpty7a+deBuAT8jaMzEP\njBvQXn31VZxOJ/fee+/YY6tXryY9PZ1169bx4osvUlVVxY4dOwC47rrr2LJly+xV7AMqRcVnEz/L\nnyqf4P3m98hpTWNRSJqvyxJCCCGmxOP1UNByjCBtIAmmyb2pXRq6mGdRyHfMTEBrcvZSUN5KcW0H\nBWUtDI409TDo1OSmheIIzad1CL65/nPEmWKm/XqTkWJJREHhuLOcyX40e7j5CB6vh5UXyOjZqCRz\nPNVdtdR0143bXMXr9fKX4y9Q7CwlK3Qxm1M/OanXCgmw8cXMm/hV3hNsK3ya76y8G5Nu8tOqKzpO\nUOwsJcOaetpWCEL4yrgBbcuWLecNXIWFvtsPZS6tSovhr3tW0h//Pk8WPcv/W3XvjHYOEkIIIeZK\ndVctnQNdXBSxYtLT9oN0gaRYEiltr6CjvxOz3jSp8wcG3RyvGR4lO1LRSrOzb+y5aHsgS5NCyEoK\nISXGTGl7Gb/Mb2Bp6JI5D2cAAZoA4kwxnOispt89gF6tm/C5+5vyUFBYFp49ixXOP0nmeN6p3UNF\nR9W4Ae31qp182LCfuOAYvrjkpiktIVlkS+NTyVfzj/J/8UThM9yd85Vzdvk8l39VjoyeJcromZgf\nJtwk5EKnVqnYmL6EV0pa6E04yhOFf+Yby+6c9C8BIYQQwtcKWo4BkDXJ6Y2jcuxZlLZXkO8omtCm\n0c3OXgoq2jhS3srxaudY63u9Tk1uaihLk0PYsCIehobGzvF6vfyz8g0ArpnDhiQfl2ZJpqqzhvL2\nynE38x7V2uekouMEaZZkLHrzLFc4v0x0w+r9jYd5ueJ1bAYrdy794qTC78ddEbeRqs5a8hwF/L38\nn9yQ+qkJn3uis5qjbcdJsySTYkmccg1CzCQJaJOwPjuKl/fEobd3UUkVL5a/OunheCGEEMLXClqO\nolHUZFhTp3R+tn0Jz5f+g3xH4TkDmtfrZd+xZv7xfiWNbSc7OEeHBpKVPDxKlhpjRqMeHjWxWwNO\n61J6tO04lZ3VZNszfdryPN2awpvV71DiLJ9wQDvYPNIcJOLCmt4IYDVYsOotVHScwOv1nrV7Zamz\ngmeO/ZUAjYF/X/rFKe+ZNkpRFP7Pohtp7GliV837xAfHsjIid0LnyuiZmI8koE2CNVhPdkooh4+l\nE722j501u0kyJ5AbluXr0oQQQogJae1zUtfdwOKQdAwa/ZSuYTVYiA+OpaS9nJ7BXgK1xtOe7+ju\n5+k3SjhU4kCrUZGbGjocyhJDCDGP39zD6/Xyz4rhDYPnsp3/2SRZElArakqc5RM+50BTHmpFTa79\nwnx/kGSO52BzPi19bWd0+mzqaeZ3BX/Eg5c7Mm8hKihiRl7ToDHwlaxbePjAL/hz8Q4iA8OJGSfY\nV3fVUth6jGRzAqmWqW+jJMRMk37xk7QpNxo8GiK6LkGn0vLMsedp7nX4uiwhhBBiQgpaR7o3hk5t\neuOoHHsmHq+HwpHpkjAcrD4qauR72/ZyqMRBeqyFH35pFV/fvJSNOdETCmcARa3FVHXVkGvPmtMN\nsc9Gr9aRYIqluquWvqG+cY9v6GkaC8DGjwXXC0XiKfuhnaproJtf5z9J71AfX8i4gXTb5LcuOJ/w\nwDBuWbyVQc8gvyv4Ez2D599797UTO4Hh0bMLYZ864T8koE3S4kQbdouBgqJ+Nid/BpfbxbbCZxhw\nD45/shBCCOFjBY7hgJY5if3PziY7bHgj4jzHcLOw9u5+fvlCAb97+SiDbg9fuCKN+27KJcw6uZAy\nuvZMQfHp2rNTpVlT8OKlrL1y3GMvtL3PzmZsw+rOk+vQBtyD/PbIU7S42vhEwuVcFLliVl47276E\nqxMuo9XVxlNFf8Hj9Zz1uLruBvIdhSSa4qY81VeI2SIBbZJUisLGnGgGhjy4miJYF7Wauu4G/nh0\nu4Q0IYQQ81rfkIvS9gpig6On3Yk43GgnIjCcY23H2V1Qw39s28vh0hYy4iz84EuruWx5DKopjEoU\ntByluquOZWFLZ2z623SlWZOB4c29z8fr9XKg8TA6tY6saY5Q+rOYoCh0Ku3YhtUer4c/Ht1OZWc1\nqyKWzfq01WsTr2CxLZ2jbcf5Z+WbZz3mXydOrj2T0TMx30hAm4KLl0aiVinsOlzH5pRPkmROIM9R\nwE8P/ZrWPqevyxNCCCHO6lhbCW6vm6xpjp6NyjBlMOgZ4o8f7GbI7eXmK9P49udzCbMETOl6w6Nn\nb6KgzKumDYmmOLQqzbjr0Kq6amhxtbE0dPG0uhL6O7VKTbwplvruRvqGXLxY/ip5jgJSLUl8IeOG\nWQ9EKkXFbUs+T6jBxmsn3ibfcfqWUPXdjeQ1FxAXHMNi28QavwgxlySgTYHJqGNFRhgNrb1U1vdw\nd84drIlcSU1XHQ8feIyScT5hE0IIIXyhoGV4euNU2+uP8nq97Clo4J13h6ePWWOc/OBLq7h02dRG\nzUbltxRR213P8vBsIgPDp1XjTNKqtSSaE6jrbqB7oOecxx1oHJ7euDJ8Yh0EF7IkcwJevDxbvIO3\nq98j3BjGV7JuQaOam/50gVojd2Tdglal5U9Hn6Opp3nsuderduLFyzUyeibmKQloU7QxZ7gz0Dt5\n9WjVWr6QcQNb06+nb8jFL/K2sbNmN16v18dVCiGEEMPcHjdFLcVY9GZig6KnfB1nVz//u+MIT/zz\nGJ7eYIyqYDxBjVhN2mnV5/F6eHV09Cxh/oyejUofmeZY0n72UTSP18PB5nwCNUYybLKmaXQd2qHm\nIwRrg7gr+/Y5b5oSExzFFzJuwOXu53cFf8I15KKpp5mDTfnEBEVNex2mELNFAtoUpcVaiAoN5EBx\nM509AyiKwiXRa7gn998I0gbyt9KXR9alDfi6VCGEEIKKjip6hnrJDF00pVEDr9fL+0ca+N62vRwp\nb2VRvJUf3r6ai6JzcLn7OT6JNvRns682j7ruBlaE5xIRGData82G0XVopef4c5Y4y+kc6CI3LGvO\nRonms0RzPAoKWpWWO7NvIzTA5pM6Vkbksil2HY29zTx97HleGxk9+0TCZTJ6JuYt+Q0yRYqisDEn\nimffKuX9ggauuWj4k6JkSwLfWXk32wqeZn/TYRp6mvhK1i2E+OgXkxBCiNnX19fH/fffT2trK/39\n/dx1110EBQXx05/+FI1Gg9Fo5OGHH8ZsNvusxum013d29fPH14o5Ut6KXqfmlqvT2ZAdhaIoZJPJ\nzprd5DsKWDLBjZw/zuP18HzRP0fWnl02pWvMtvjgWHRq3TmDqHRvPF2g1shti7diNVhJMMX5tJbr\nk6+ltquePEcBAFGBESy1L/FpTUKcj4ygTcPazAh0GhXvHK7Dc8p0RovezD3L7uTiqNXUdtfz0IHH\nKG4r9WGlQgghZtOuXbvIzMzkmWee4ec//zk//vGP+Z//+R/++7//m6effprc3Fyee+45n9ZY0HIU\nnVpHmiV5wud4vV52H6kfGzVbkmDlh19axcac6LHRhyRzPMHaII44jp6zpfl4DjcXUNNRz6qIZYQb\n7VO6xmxTq9SkWBJp6m2mo7/ztOcGPUPkOQqw6M0kWxJ9VOH8syIil2RLgq/LQK1Sc3vmF7Dohz8g\nuTrhMlSKvAUW85d8d06D0aBl1eJwWjpcHK1sO+05rUrDTRmb+Xz6Z3EN9fPLvG28XPyWrEsTQogF\n6JprruGOO+4AoKGhgfDwcKxWK+3t7QB0dHRgtVp9Vl9TTzPNvS0ssqWhVU9srVhbp4ufPZ/PH14t\nxuv1cuvV6XxzSw6h5tM7NKoUFUvtS+ga7Kaio+ocVzu30bVnKkU1L9eenWo03H68m+PR1mL6hlws\nD8+WN/7zlEkXzD25X+HmjBvJDcvydTlCnJdMcZymTbnRvH+kgVc+rCIj3opGffov5nXRFxEVFMm2\ngj/xdP7fOBZezhcybkB3AbffFUKIhWrr1q00Njby+OOPo9VqufnmmzGZTJjNZr71rW/5rK6C1mMA\nE96b61iVk1++cIS+fjdLEm3cdnUGIWbDOY/PsWeyp34veY4CUiY5gnSoKZ/G3mY2Jq7BbgyZ1Llz\nLd2aAkCJs4yVESc7Ncr0Rv8QZrQTNk9HaIU4lQS0aUqMNJGTEkpeWQt/fK2Y2685c/F1kjme76y8\nhz8WP8uBpryRdWm3+mzBrBBCiNmxfft2jh07xn333YfNZuOXv/wly5cv56GHHuLZZ5/llltuOe/5\nVqsRjUY97Trs9uDTvi4uOI6Cwoa05ZgNwec466THXzpKX7+br96QzVUXxY/bTOFiWw5/OBpAQetR\n7lxz04SbL3g8Hl7fvxO1omLz4k9gDxq/Nl8KCUknMD+A8s7Ksb/jIIuWgtZjRAWHsywxw28aT3z8\ne8Qf+GPN4J91+2PN4L91f5wEtBnwlU8t5pG/HGZPQSOWID2bN5w5v9+sN/H9Td/gNx8+y+66D3l4\n/2N8MfMmFtnSfFCxEEKImVRYWEhISAiRkZEsWrQIt9vN3r17Wb58OQBr167l5ZdfHvc6TmfvtGux\n24NxOLrGvu4e7KHYUU6iOY6BLgVHV9d5zh5W1dhJoEHD8pQQWlq6J/S6S2wZ7G86zKHKYuKCYyZ0\nzr7GQ9R3NbE2chXhQfbT6p6vks1JHGkpori6moy4OHYW72XQPUhO6NIJ/1352se/R/yBP9YM/lm3\nP9YM/lf3+cKkTJSeAQadhntuzCbMGsA/P6zi7YO1Zz1Oo9awNf16vpBxA/3ufn6V9wRvVr0j69KE\nEMLPHThwgCeffBKAlpYWent7SU1NpaysDICCggLi4+N9UltRSzFevBOe3jjk9tDS3kdEyOT2rMqx\nZwKQ31w4oePdHjf/qnwLlaLi6oRLJ/VavpT2sf3Q9jcdBmR6oxBi5sgI2gwxGXV8c0sOP3r6IM++\nWYI5UMeKjLPv47I2ahWRgRFsK3yaF8tfpbqrlpsXfQ69rEsTQgi/tHXrVh544AFuuukmXC4XDz74\nIBaLhe9973totVrMZjM/+tGPfFLbZNefOdr7cHu8RNgmF9AWhaSjVWnIcxTyyeSrxz3+QFMezX0t\nrIta7Vdb0YwFNGcZna4VFLeVEhccPW+7Twoh/I8EtBkUZgngGzdm89Czh/jdy0UEBWjJiD97165E\ncxz/d8XdPFH4NIeaj9DY08xXsm6d9wukhRBCnMlgMPDoo4+e8fj27dt9UM1Jg54hjrUeJzQghAjj\nxDZ/bmwbnmY52YCmV+tYbEsnv6WIxp7m82427fa4efXEW6gVNVf50egZQGRgOEHaQEqc5XxUewiP\n18OK8NzxTxRCiAmSKY4zLD4imK9+NguvF37xwhFqms89H92sD+bu3K+wPnot9T2NPHTgMYpai+ew\nWiGEEAtZmbMCl7ufpaGLJ9y84mRAC5z062WPTnN0nH+a477GQ7T0tbI2ahU2g++2H5gKlaIi1ZpM\ne38H/yh+EwWF5eHZvi5LCLGASECbBUsSbHzpukX09bv52V/zaOnoO+exGpWGLemf4eaMGxn0DPLr\n/Cd5qmg7nQP+s8hRCCHE/FTQehSArNBFEz6nsXUkoE1yDdro66gUFXnnCWhuj5t/nXgbjaLmqvhN\nk36N+SB9ZJqjo6eVFEvi2AbIQggxEySgzZKLFkew9dIU2rsH+Nlf8+nuGzzv8WuiVvLt5V8lLjiG\n/U2H+MFHj/Bu7Qd4vJ45qlgIIcRC4vV6OeI4SoAmgGTzxPcma2zrRVGGp+1PllFrJM2STHVXLW0u\n51mP+ajxAK2uNi6OXo3VYJn0a8wHaSP7oYE0BxFCzDwJaLPoylVxXL0qjobWXv53Rz6ugaHzHh8b\nHM19K77GlrTrAfhryYs8cuAXVHXWzEW5QgghFpD6nkac/e0sCUlHrZr43mqNbb3YzQFoNVN7i5AT\nNjrNseiM54Y8Q7x2YicalYYr/XT0DCAsIBSL3oxaUZETluXrcoQQC4wEtFl2w6ZkLloSTnldJ488\nfRC35/wjYipFxfqYNTx40X2silhGdVcdjxz4JduP/53ewenvjyOEEOLCcMQxOr1xYt0bAbr7Bunq\nHZzS9MZRS0OXoKCcdR3aRw0HaHM5uSTqIr+eFqgoCrct3sq3Lv4KQdrJr9UTQojzkYA2y1SKwu3X\nLGJJgpV9Rxt5+vXjE9r3zKQL5tbFW7kn998IN9rZXfchP/joJ+xtOCj7pgkhhBhXQctRVIqKxbb0\nCZ8z1Q6OpzLrTSSa4yhrr6Rr4GSjrMGR0TOtSsMV8RunfP35ItWazIpoaQ4ihJh5EtDmgEat4q7r\ns0iOMfNefgP/eL9ywuemWZP57qp7+XTyJ3C5+/nTsef438O/paGnaRYrFkII4c86+jup6qohxZKE\nUTvxtWTTaRByqmx7Jl68FLQcHXvsw/r9OPvbuSR6DWa9aVrXF0KIhUwC2hwJ0Gv4/pcvwm4x8NKe\nE7xzuG7C547O1f+P1d9maegSStsr+NG+n/Fi2av0uwdmsWohhBD+qLBleHPqpZOY3ggnR9AipzGC\nBpAz0m5/tJvjoHuQ16t2olVpF8TomRBCzCYJaHPIGmzgm1tyCDZqefqN4xwqcUzq/JAAK/+29Fbu\nXHobFr2ZN6vf4Ycf/eSsC7GFEEJcuKbSXh9mZoojQGhACNFBkRxvK6VvyMWehn2093ewPmYNJl3w\ntK4thBALnQS02LTQ9gAAIABJREFUORZuNXLvjdnoNGp++1IRJTXtk75GVuhi/mP1t7gyfhOdA138\nruCPPH7kD7T2tc1CxUIIIfxJ/9AAxW2lRAaGExoQMqlzG9t6CdCrMQXqpl1Hjj2TIa+bPEchb5zY\nhU6l5Yq4jdO+rhBCLHQS0HwgMdLEXddn4vF4eWzHEeoc3eOf9DE6tY5PJ3+C/7fqXtIsyRS0HOOH\nex/ltRM7GfKcv52/EEKIhaug6RiDnqFJdW8E8Hi8NDt7ibAZURRl2nXk2Ifbz+8oeYmOgU42xFxM\nsC5o2tcVQoiFTgKaj2QlhfDFazLo7R/ip3/Np63TNaXrRASGc3fuV7h18VYMGj0vV7zGj/b9nGNt\nJdLtUQghLkAH6guAybXXB2jp6GPI7Z329MZRkYHh2ANCcLld6NU6Lo/bMCPXFUKIhW5CAe3hhx9m\ny5YtbN68mTfeeOO05z744ANuuOEGtmzZwq9+9atZKXKhWpsZyY0bk3F29fOzv+bT4xqc0nUURWFV\nxDIeXH0f66PX0tzr4Jd523jwwx/zQukrVHZUS1gTQogLgMfr4WB9AcHaIBJMsZM6d6bWn41SFGVs\nFG1DzMUE6WS/MCGEmAjNeAd89NFHlJaW8txzz+F0Orn++uu58sorx57/r//6L5544gnCw8O5+eab\nueqqq0hJSZnVoheSq1fH4ezu560DtfxixxG+uSUHnVY9pWsZtQFsSf8MayJXsLNmNwUtR3m75j3e\nrnkPq95CTlgmy8KWkmCKQ6XI4KkQQiw01V21dLg6WRO5ctK/50+22J+5IHV5/AaMmgDWx6ydsWsK\nIcRCN25AW7lyJUuXLgXAZDLR19eH2+1GrVZTU1OD2WwmMjISgA0bNvDhhx9KQJsERVHYelkqHd0D\n7C9u5rcvFfHvn8lEo556gIozxXDbks8z6B6k2FnK4eYCjrQUsavmfXbVvI9FbybHnklu2FKSzPES\n1oQQYoEocEyteyPM/AgaQJA2kCsTNs3Y9YQQ4kIwbkBTq9UYjcO/rHfs2MH69etRq4dHeBwOBzab\nbexYm81GTU3NLJW6cKkUhS9ft5juvkEOl7bwmxcLufPTmWg10wtOWrWWrNDFZIUuZsgzRHFbKYcd\nBRxxFPFO7R7eqd2DSRdMjj2L3LAsUiyJEtaEEMKPlbZXolVpyLClTfrcxrZeFCDcOvGNrYUQQsy8\ncQPaqLfeeosdO3bw5JNPTusFrVYjGs3UpvCdym73z31Uzlf3D+5cy38/uY/DpQ5++8pR/t9tq9BP\ncbrj2USGr2LTolUMedwUNh3no9pD7K/N4726D3iv7gPM+mBWxeRwUewyFttTUatOvrY//n37Y83g\nn3X7Y83gn3X7Y81i7lyVcCmBwVr06sm3yW9o68VmMkx5mr0QQoiZMaGAtnv3bh5//HG2bdtGcPDJ\nNwdhYWG0tLSMfd3U1ERYWNh5r+V09k6x1JPs9mAcjq5pX2euTaTuf//0Yn7190IOFTfzH7/Zw92b\nl6LXzfw/ltGaWDYnxPKZuOsoba/gcPMR8hyFvFm+mzfLdxOkDSTbvoRsexZL41IY7Fb8anRtIX+P\nzDf+WDP4Z93+WrOYO0tC0qf0fdLXP0RH9wBLEm3jHyyEEGJWjRvQurq6ePjhh3nqqaewWCynPRcT\nE0N3dze1tbVERESwa9cufvKTn8xasRcCrUbN1z6bxeP/KOJQiYOf/jWPe2/MJkA/4cHOSVGr1GTY\nUsmwpbIl/XrK2is43FzAYUcBe+r3sad+H+SDWlFjNViwGayEGKzYDBZCDDZsBgs2gw2L3nTaiJsQ\nQgj/Mbr+LHIG158JIYSYmnHf9b/66qs4nU7uvffescdWr15Neno6V1xxBf/5n//Jt771LQCuueYa\nEhMTZ6/aC4RGreLOTy9h2ytH2XesmZ9sz+ObW7IJNGhn9XVVioo0awpp1hRuTPs0FR1VFLUW0+3p\npL7DQZvLSYmz7JznWvTmU4Kb9ZQwZ8VqMKNRzU7IFEIIMT0nOzhKQBNCCF8b9x3zli1b2LJlyzmf\nX7lyJc8999yMFiWGQ9pXPrkErVrFnsJGHvnLYb61JYdg4+TXFUyFSlGRYkkkxZJ42nSZAfcgTpeT\nNlc7ra62027bXE7K209QRuUZ11NQsBkshBnthBnthI/8F2YMxaI3+9X0SSGEWGgaZqGDoxBCiKmR\nIY15TKVS+OK1i9BoVLybV8/DfznMt7fmYg6cm5B2Njq1lvDAMMIDz77WcMgzhNPVcUpoG75t6WvD\n0dfCsbYSjrWVnHaOVqUlzBh6RnALN9oJ0Eg3MSGEmG2z0WJfCCHE1EhAm+dUisItV6WjVat462At\nD/35EPd9PhdrsN7XpZ2VRqXBbgzBbgw56/N9Qy6aex009Tpo7m2hudcx/HVfC3XdDWccH6wLIixg\nJLgF2gkLCMVuDCXEYEU3hS5lQgghztTY2oteq563/7YIIcSFRAKaH1AUhc9fnopWo+Jfe6t56M+H\n+Pbncwg1+9/oUoDGQLwplnhT7GmPe71e2vs7aO5tGQlvDpr6HDT3OKjoOEF5x5nTJoN1QYQabIQE\nDK95G70fYrBh9cinwEKIudPX18f9999Pa2sr/f393HXXXaxbt47777+fqqoqAgMDeeyxxzCbzb4u\n9Qwer5dmZy8RIUYURfF1OUIIccGTgOYnFEXhho3JaDUqXtpzYmwkLcy6MIKIoihYDRasBgvptpTT\nnhv0DNHS1zoc3HoctLhaae1z0uJqo6qrlsrO6jOvt1fBojMTEmAlZCS4nQxwVsx6k6x7E0LMmF27\ndpGZmckdd9xBXV0dt99+O7fccgtWq5VHH32U5557jgMHDnDZZZf5utQztHW6GBjyyPRGIYSYJySg\n+RFFUfjMJUlo1CpeeK+CH4+EtMiQQF+XNqu0Kg2RgeFEBoaD/fTnPF4P7f0dtPY5aXW10drXRqvL\nSae7g4ZOxzmblqgVNaEBNiJGrhtpDCMyKIKwgFC06tntlimEWHiuueaasfsNDQ2Eh4eza9cu7r77\nboDzNtvyNVl/JoQQ84sEND903doEdBoV23eW8dCzh/n21hxi7EG+LssnVIpqrKV/Kkljj492nhz0\nDOEc6TQ5Gt5a+9pocbWNTafMdxSOnaegYDeGEGkcDm6jAS7caJfgJoQY19atW2lsbOTxxx/nG9/4\nBu+99x6PPPIIoaGhfP/73z9jP9H5QFrsCyHE/CIBzU9duSoOjUbFM2+U8PCzwy344yOCfV3WvKNV\naUY6RIae8ZzX66VzoIuGniYaeppoHLlt6Gkiv7eI/JaisWMVFOwBIWOBLSIwjMjACMKNdnQS3IQQ\nI7Zv386xY8e477778Hg8JCYm8rWvfY1f//rX/Pa3v+U73/nOec+3Wo1oNOpp12G3T/zfg46+IQAW\nJdsndd5s8PXrT4U/1gz+Wbc/1gz+Wbc/1gz+W/fHSUDzY5cui0GrVvHUv4p55C+H+eaWHJKiTL4u\ny28oioJZb8KsN5FhSx17fDi4dZ8MbL1NNHQPB7gjLUUc+VhwCzfaybZnsiI8h6igCF/8UYQQPlZY\nWEhISAiRkZEsWrQIt9uNSqVi5cqVAKxbt45f/OIX417H6eyddi2n7l05EZV17QDoFe+kzptpk617\nPvDHmsE/6/bHmsE/6/bHmsH/6j5fmJSA5ucuyY5Co1Gx7ZWj/GT7Yb7xuWxSY+bfFBp/MhzcgjHr\ng09rWOL1eukaHA5u9T1NNPY009DTSHVnLa9X7eT1qp1EBUawPDyHFeHZhAacfasBIcTCc+DAAerq\n6njggQdoaWmht7eXrVu3snv3bjZv3kxRURGJiYm+LvOsGtt6sQbrMejkLYEQQswH8tt4AVizJAKN\nWsXvXirip8/lc/cNS1kUb/V1WQuOoiiYdMGYdMGkWU8Gt373AIUtRznYlE9RazEvV7zGyxWvkWCK\nY0V4DsvClmLWy8imEAvZ1q1beeCBB7jppptwuVw8+OCDrFmzhu985zvs2LEDo9HIQw895Osyz9A/\n4Kats1/+zRBCiHlEAtoCsTIjDI1a4TcvFvLz5/P5+mezyEySEZy5oFfrWB6ew/LwHHoH+8h3FHKg\nKY/jzjJOdFbzt9KXSbUksSI8h5ywLAK1shBfiIXGYDDw6KOPnvH4Y4895oNqJq7JKQ1ChBBivpGA\ntoDkptr5+ual/PKFAn7+/BFWLQ7jqpVx0jxkDhm1AayJWsmaqJV0DnRxqPkIB5vyKGkvp6S9nOdK\nXmSRLY0V4TlkhS7GoNH7umQhxAVMWuwLIcT8IwFtgclKCuGbn8vmmTdL+KioiY+KmsiIs3D16jgy\nk0JQKYqvS7xgmHTBbIy5mI0xF9Pa5+RQcz4HmvIobD1GYesxtCotS0MXszw8h8Uh6WhV8uMohJhb\nDSMt9iMloAkhxLwh7wgXoPQ4Kz+4fRVFlW28vq+aohNOiqvbiQwxctWqONYsCUc7A22cxcSFBFi5\nIn4jV8RvpLGnmQNNeRxsyuNgcz4Hm/MJ0BhYGrqE2JAIPP0KARoDBo2BAPXIrUaPQWPAoDagV+tQ\nJGgLIWaAjKAJIcT8IwFtgVIUhcykEDKTQqhu6uKN/TXsPdrEU/8q5oV3y7l0eQybcqMJNup8XeoF\nJyIwjOuSruTaxCuo6arjQHMeB5vy2dt4kL2N45+vUlQY1PqR4GbAoNaPBbrRUKdWVONfaAIhz6I3\nkWCKJyowHLVKQr0QC01jay9ajQqb2eDrUoQQQoyQgHYBiAsP5svXLWbzhmTeOljDO4freXF3Ja9+\nWMXFWZFcuTKWcPn0dM4pikKcKYY4UwyfSb6Ghp4mNEYvja1OXEMu+tyu4duhU27d/ad93eZy4hrq\nx4t3VmvVqbTEmWJINMWTYI4j0RQnnSmF8HNer5dGZy/h1gCZ/i6EEPOIBLQLiDVYz40bU7huTQLv\nH2ngjf017DpcxzuH68hJDeWqVXGkxphl+pwPqBQV0UGR2O3BhKsmt8mix+thwD1wWoDzeD3Trsnr\n9eDoa+NEZxWVHdWUt5+grL1y7Hmr3kKiOY7MqDTs6nBig6LQqrXTfl0hxNxo7x6gf8At0xuFEGKe\nkYB2AQrQa7hiZSyXLo/m4HEHr++r5nBpC4dLW0iKMnHVqjiWpYWiVk1gmpzwOZWiGpveONNSrcms\njVoJQN+Qi+rOWio7q8dC26HmIxxqPgKAWlETExxFgml4hC3RHEeIwSaBX4h5qrG1B5AW+0IIMd9I\nQLuAqVUqVi0KZ2VGGKW1Hby+r5q80hZ+82IhoWYDV6yM5ZKlkb4uU8wTARoD6bYU0m3Dm3R7vV5a\nXW20eh0cqT1OZWc1tV31VHXW8C57AAjSBpJojiM6KAqzzoRZH4xp7DYYjXSuFMJnpEGIEELMT/Lu\nSKAoCmmxFtJiLTS29fLG/hr2FDTwl7dK+cfuSj65PomLF4cTFCDT18RJiqIQGhDCInsC6cYMAAbd\ng9R013Oio4rKzmoqO6opaDlGQcuxs14jUGvEpAvGrDNh0p+8HX4sGJPehFkXPK3RQY/Xg8frwe31\n4PG6cXs8ePES4gmc8jWFWAgaxgKa/CwIIcR8IgFNnCbCZuSWq9L5zCWJvHOojrcO1vLcmyW8+E45\nm3KjuWpVLOYg2VxZnJ1WrSXJHE+SOX7ssY7+Tpp6m+no76JjoJPOgS46+7voGOiis7+T9v5OGnqa\nzntdnVqHSRdMkDbwlMDlxu114/GcEr5Ggtjw48Nfn6uBilpRYdFbsBks2AxWrAYLNv0p9w0WdOqZ\n6XLq8XroHuyhvb+DdlcH7f2dw/f7O+gYuR+gCSDFkkiKJZEkcwJGbcCMvLYQ5yIjaEIIMT9JQBNn\nZTLq+NS6RK5aFcfB8lZ2vF3Ca/uqeetgLeuzI/nE6nhCpC2zmACz3jRux8cB9yBdAydD22m3p9yv\ndbWjKCrUihq1SoVq9L6iQqvSD3+tGv5apYzeDh+jUo0eqwa89Hp6ae5upay9Ei8VZ60rSBuIzWDB\narCOhLeR+yOhLkgbiNvrHglZnbT3t58Wvkbvd/R34va6z/nnN2oCaO5robKzijer30FBIToociSw\nJZFiSSRYFzSd/w1CnKGxtRdToA6jQd4KCCHEfCK/lcV56XVqPr0+mZWpoewpaODVj6rYeaiOd/Pq\nWZMZwbUXxUuLfjFtOrWWkAAbIQG2OXtNuz0Yh6OLIc8Q7f2dtLmcOF3ttLmctLnacfYP32/oaaa6\nq+6s19CoNAx5hs75GipFhUkXTGxwNBa9CYvefMp/Jix6C2a9CZ1ai2uon8rOKsraKylrr+BEZw21\n3fW8Uzu8ni/cGEZmRBoxhhhSLInYDNZZ+XsRF4bBITetHS5SYy2+LkUIIcTHSEATE6LVqNiYG826\npZHsPdrEqx9V8f6RBvYUNLBqUTjXroknxi6f8Av/o1FpCA2wEXqOcOj1euke7DkZ3vrbx+47XR3o\n1FosesvJAGYwj9036YJRTWTTcMCg0bPIlsYiWxowvJ6vqqt2LLBVdJzg7Yr3x463GaxjUyJTLEmE\nBYRKx0wxYU3OPrxApHRwFEKIeUcCmpgUjVrFxVmRrFkSwcESB698cIK9R5vYe7SJ3NRQrlubQGKk\nbGAsFg5FUQjWBRGsCyLOFDNnr6tVa8cCGFyK2+OmR9vB/spCytorKW+vZF/jIfY1HgIgWBdEijmR\neFPs2Do6q96MWW+acEgUF47GVll/JoQQ85UENDElKpXCyowwVqTbyS9v5ZUPToztpZaZaOO6tQmk\nydQZIWaMWqUm2RaPyW3jsrj1eLweGnuax0bYytorOewo4LCj4LTzVIoKs840FtisBsvIfQtWgxmr\n3kKQNlBG3y4w0iBECCHmLwloYloURSEnJZTs5BCOVTl55YMTFFa2UVjZRlqshU+uTWBxglXe/Akx\nw1SKiqigCKKCIlgfswav10tLXxv1PQ04XR04R6ZiDt92cKKzmgqv56zX0qo0WPUWLKeEuOigSHLs\nmTL6tkA1jI6gyRRHIYSYdySgiRmhKAqLE2wsTrBRVtvBKx+e4Eh5K48+l0diZDDXrU0gOyUUlQQ1\nIWaFoijYjSHYjSFnfd7tcdM50HVKcOsYvj0lxDU7y0475/9b8x1CA85+PeHfGtt6UasUQqUbrxBC\nzDsS0MSMS4kxc++N2VQ1dvHKhyc4eNzBL/5WgDVYz7JUO8vS7aTFmlGr5JN5IeaKWqUem96I+ezH\nDLoHae/vxNnvBJBwtkB5vV4a23oJswbI72EhhJiHJKCJWRMfEcxXr8+irqWHN/ZVc6jEwduHann7\nUC1BAVpyUkNZkW5nUbwNrUbeJAjha1q19ryjcGJh6OwdpK9/iIw4WScshBDzkQQ0MeuiQwP54jWL\n+D9XpVNS087BEgeHShy8f6SB9480YNCpyU4JZXmancwkGwadfFsKIcRsaWztAWT9mRBCzFfyTljM\nGY1aNbZO7QtXpFFR38nB480cPO4Ya9Wv1ajITLSxPN1OdkoogQatr8sWQogFRTo4CiHE/DahgFZS\nUsJdd93Fbbfdxs0333zac3/+85956aWXUKlUZGZm8sADD8xKoWJhUSkKKdFmUqLNfG5TCjXN3Rw8\n7uBgiWOsXb9apZARb2V5mp3cNDvmQJ2vyxZCCL83GtAibYE+rkQIIcTZjBvQent7+eEPf8iaNWvO\neK67u5snnniCN954A41Gw+23305eXh45OTmzUqxYmBRFIS48mLjwYK5fn0RDaw+HShwcPO6gqLKN\noso2nn79OKkxZpalh7EyIwxrsN7XZQshhF9qlBb7Qggxr40b0HQ6Hb///e/5/e9/f8ZzWq0WrVZL\nb28vRqORvr4+zOZztAcTYoIiQwK5dk0g165JoKWjj0MlLRw63kxpbQcltR38dWcZy9PtXLY8htQY\ns+yxJoTwub6+Pu6//35aW1vp7+/nrrvuYtOmTQDs3r2bL3/5yxw/ftzHVQ5rbOslKEBLUIBMIRdC\niPlo3ICm0WjQaM5+mF6v56tf/SqXX345er2ea6+9lsTExBkvUly4Qs0BXLkylitXxtLRM8Ch483s\nOlzP/uJm9hc3ExcWxGXLY1i9OBydVu3rcoUQF6hdu3aRmZnJHXfcQV1dHbfffjubNm2iv7+f3/3u\nd9jtdl+XCMCQ24Oj3UVSlMnXpQghhDiHaTUJ6e7u5re//S2vvfYaQUFB3HrrrRQXF5ORkXHOc6xW\nIxrN9N9I2+3B076GL0jd06kBUhJCuPHKDIoqWnnl/Uo+LGzgD/8qZse7FVx1UTyfWJtAmNU4crzv\na54Kf6zbH2sG/6zbH2u+EFxzzTVj9xsaGggPDwfg8ccf56abbuKRRx7xVWmncbT34fF6ZXqjEELM\nY9MKaOXl5cTGxmKz2QBYsWIFhYWF5w1oTmfvdF4SGH6D4nB0Tfs6c03qnjnhJj1fuiaD69clsOtw\nHe/m1bNjZyl/21XKsjQ7my9LIzxY53fTH+fj3/V4/LFm8M+6/bXmC8nWrVtpbGzk8ccfp7KykuLi\nYu655555E9BG159FSgdHIYSYt6YV0KKjoykvL8flcmEwGCgsLGTDhg0zVZsQ47KZDGzekMwn1yaw\n91gTbx+sHe4GedxBjD2Qy5bHcNGSCPQy/VEIMQe2b9/OsWPHuO+++4iMjOR73/vepM6f7VkmXQWN\nAKQlhszL8DwfaxqPP9YM/lm3P9YM/lm3P9YM/lv3x40b0AoLC3nooYeoq6tDo9Hw+uuvc+mllxIT\nE8MVV1zBl770JW655RbUajW5ubmsWLFiLuoW4jQ6rZpLlkaxLiuSsroO3i9sYk9+PX987Tg73inn\nkuwoLs2NJtQS4OtShRALUGFhISEhIURGRrJo0SJ6enooKyvj29/+NgDNzc3cfPPNPPPMM+e9zmzP\nMimrcQJg1CjzbjTWX0eI/a1m8M+6/bFm8M+6/bFm8L+6zxcmxw1omZmZPP300+d8fuvWrWzdunVq\nlQkxwxRFITXGwtrcWEoubhmZ/ljHa3ureX1fNTkpoVy2PIZF8Va/m/4ohJi/Dhw4QF1dHQ888AAt\nLS14PB527tyJSqUC4NJLLx03nM2FxtZeVIqCXT6sEkKIeWtaUxyFmM+swXo+uz6JT66NZ9+xZt4+\nWDu2CXZ0aCCXZEexOMFKdGighDUhxLRs3bqVBx54gJtuugmXy8WDDz44Fs7mk8a2XuwWAxr1/KtN\nCCHEMAloYsHTatRcnBXJ2swIKuo7eftgLfuLm9n+dikAwUYt6XFWFsVZyIi3EmEzSmATQkyKwWDg\n0UcfPefzO3funMNqzq67b5DuvkGSpcW+EELMaxLQxAVDURSSo80kR5vZcmkK+eWtFFc7Ka5ycqC4\nmQPFzQCYg3RkxFnJGAlsYZYACWxCCL832sFRWuwLIcT8JgFNXJDMQXrWZ0exPjsKr9dLs7OPYyNh\nrbi6nb1Hm9h7tAkYniqZEWclI97CojirNBoRQvilhrYeACKkxb4QQsxrEtDEBU9RFMJtRsJtRjbm\nROP1emlo7R0bXSuubufDokY+LBpuTx1qNowFtow4KzaTwcd/AiGEGF9j28gImgQ0IYSY1ySgCfEx\niqIQFRpIVGggly6LweP1Uu/oGRthK6lp5/2CBt4vaAAgMsTIxtxoLlkaiUEnP1JCiPnp5BTHQB9X\nIoQQ4nzk3aQQ41ApCjFhQcSEBXHFilg8Xi+1zd1jo2tFJ9r4y1ul/GN3JZuWRXPZ8hgsQXpfly2E\nEKdpbOslQK/BZNT6uhQhhBDnIQFNiElSKQpx4cHEhQdz5ao4OnsHeOdQHW8fquWfH1bx2t5qLloS\nzlWr4oixB/m6XCGEwO3x0OzsIy48WJoeCSHEPCcBTYhpMhl1fGpdIlevjuODokbe2FfDnoJG9hQ0\nkplo46rVcSyWjbGFED7U0uHC7fESKR0chRBi3pOAJsQM0WnVbMyJZn12FEfKWnl9XzWFlW0UVrYR\nGxbEVatiWbUoXDaIFULMubH1Z9IgRAgh5j0JaELMMJWikJMaSk5qKJUNnby+r5r9xc1se+UYf3u3\ngsuXx7AhJwqjQdaBCCHmhnRwFEII/yEBTYhZlBhp4s5PZ3LDhj7ePFDLe/n1PP9OOS99cIIN2VFc\nviKGULPsqyaEmF1jAU2mOAohxLwnAU2IORBqCeDzl6fy6XUJvJtXz5sHanhjfw1vHahlRYadq1bF\nkRhp8nWZQogFqrG1FwUIt8oHQkIIMd9JQBNiDhkNWj5xUTxXrIxl79EmXt9Xw75jzew71kxajJkV\nSyKxBWqJDQsixGxAJY1FhBAzoKGtlxCzAa1G7etShBBCjEMCmhA+oFGruDgrkrWZERw94eS1fdUU\nVbZRUtsxdoxBpybGPrz/Wqw9cHgvNnsQAXr5sRVCTFyva4jOngEyk2y+LkUIIcQEyDs9IXxIURSW\nJNpYkmjD2dVPZ7+bwtJmah091DZ3U1HfSVldx2nnhJoNxI6EtdiRDbTDLAGoVDLaJoQ4kzQIEUII\n/yIBTYh5whqsJy0pmPjQk2+iBoc8NLT2UNPcTU1zN7WO4dvDpS0cLm0ZO06nURFtDxwLbRnxVqJD\nA2XvNSEEjW09AERKQBNCCL8gAU2IeUyrUREXHkxcePBpj3f0DFDT3EVtc89YcKtu6qayoWvsGLvF\nQG6qndzUUFJizKhVsv+aEBciGUETQgj/IgFNCD9kDtRhTgwhMzFk7LEht4fGtl6qGrs4Ut7KkYpW\n3tg/3C0yKEBLdkoIual2liTa0GulUYAQF4qxTapDAn1ciRBCiImQgCbEAqFRq4abitiDuDgrksEh\nD8XVTg6XODhc1sKegkb2FDSi1ahYkmAjNzWU7NRQTEadr0sXQsyixrZe9Do1liD5WRdCCH8gAU2I\nBUqrUZGVFEJWUgg3e72caOjicKmDw6Ut5JUN/6e8BinR5uGpkGmhhFtlCpQQC4nH66XJ2UdUiKxJ\nFUIIfyHLC0UMAAAYaklEQVQBTYgLgEpRSIoykRRlYvOGZJraekcajTgoq+2gtLaDv+4qIyo0kNzU\nUHJT7SREBss+bEL4ubYOF4NDHiJD5MMXIYTwFxLQhLgAhduMXL06jqtXx9HZM0B+2XBXyKITbfzz\nwyr++WEV5iAdSxJsY8Euxh6ERi2NRoTwJ9IgRAgh/I8ENCEucKZAHZdkR3FJdhT9A26KTrRxuNRB\nflkrHxQ28kFhIzC8xi0+PIjEKBNJkcOhzW4J8HH1QojzaRgNaDKCJoQQfkMCmhBijF6nZlmanWVp\ndjweLw1tvVTUd1DZ0EVlfScnGrsor+8cOz7QoCE9wUZMiJGkKBMJkSZpOiLEPCIjaEII4X8koAkh\nzkqlUogODSQ6NJBLlg4/NjDoprqpm4qGzpHg1smh4mYOnXKe3WIgMXJ0lM1MXHgQOmnrLxa4vr4+\n7r//flpbW+nv7+euu+4iIyOD7373uwwNDaHRaHjkkUew2+1zWtdoi31pACSEEP5DApoQYsJ0WjUp\nMWZSYsz/f3v3Hh1lde9//D2TyYWEXCZhEpICQQJouARB0ARIgCi2xFZtdXGAg7QFsQoRF6WEqOXS\n4zkigvz0h7YULFoFq6fo6aHV9YOiSJFCBFQwActNBXIjTBKSkAvJ8Pz+CIzEXLgkzMwjn9daWcw8\n+3kmH/Z6yOabvWcP0L3xWKcAducWcLSggi8LKzlacJqPD5zk4wMnAfCzWujZNZRb+8VwW2IMYSGa\nYZPvni1btjBgwACmT59Ofn4+U6dO5eabb2b8+PFkZGSwbt06XnnlFbKysjyaq6i0msiwQAID9EsS\nERGzUIEmIu0S3jmQpIQuJCV0AcAwDErKa87PslXwZUEFRwsrOFJQwVvvH2ZAr0iS+8cwuI9DH5gt\n3xkZGRnux4WFhcTExLBw4UICAwMBsNvt5OXleTRT7dkGyirr6NfT7tHvKyIi7aMCTUQ6lMViIdoe\nTLQ9mOR+XQE4XVXHxwdOsiOviH1HnOw74iQwwI9b+jpI6d+VxHg7Vqu29BfzmzBhAkVFRaxcuZLg\n4MZlhS6XizfeeIOZM2d6NEtxaQ2g95+JiJiNCjQRuebCOwcydlh3xg7rTqHzDDvyitmZV+TeJTI8\nJIDb+sWQ0r8rPWI66wN1xbTefPNNDhw4wNy5c9mwYQPnzp0jKyuL5ORkUlJSLnm93R6Mzdb+mWWH\nI5T9x08D0LtHJA5HaLtf0xPMkvNiZswM5sxtxsxgztxmzAzmzf1tKtBExKNio0L4SVovfpx6A4fz\nT7Mjr5hdB4rZtOs4m3YdJ65LCCn9Y7itXwxdwrWNv5hDbm4uUVFRxMbGkpiYiMvlorS0lCVLlhAf\nH09mZuZlvU5ZWXW7szgcoZSUVHLwKycAnQOtlJRUtvt1r7ULuc3EjJnBnLnNmBnMmduMmcF8udsq\nJi/rU2cPHjzIHXfcwdq1a5u1FRYWMnHiRO6//34WLFhw9SlF5LpisVjo0y2CKd+/keWZI3n0JwMZ\neqODk2U1vL31KFm/28Ez6z5h62f5nKmt93ZckTbt3r2bNWvWAHDq1Cmqq6vZvn07/v7+zJo1yyuZ\ntMW+iMiV+fDD9y/rvBdeeI6CgvxrluOSM2jV1dU89dRTrS7NeOaZZ5g6dSpjx47lN7/5DQUFBcTF\nxXV4UBH57vK3WRnc18Hgvg6qa+vZ/a8SduYV8cWxcg4eL2fd3w8yKKELwxKjiesSgiO8k3alE58y\nYcIEnnzySSZNmkRtbS0LFixg1apV1NXV8cADDwCQkJDAokWLPJapqLSaAJuVyLAgj31PERGzKiws\nYPPmjYweffslz33ssTnXNMslC7SAgABWr17N6tWrm7WdO3eOPXv2sHz5cgAWLlzY8QlF5LoSHORP\n2qA40gbF4TxdS86BYnbkFrHnYAl7Dpa4zwsLCcAREYQjohOO8E5E2zs1Po7oRHjnAKx6H5t4UFBQ\nEM8991yTY+np6V5K07ibanFpDTGRwfq3ICJyGZYvX8KBA3mkpg7jzjvHUVhYwPPP/5bFi/+DkpKT\n1NTUMHXqQ4wYkUpm5kP88pdZbNnyPmfOVHHs2Nfk559g1qw5pKSMaHeWSxZoNpsNm63l00pLSwkJ\nCWHx4sXk5eUxdOhQ5sy5thWliFw/osKDyEiOZ9xtPTh+soq8L0spKa85/1XLV4WVHMmvaHadzc/a\npHhzRAThuFDAafZNrgNllXXU1bu0vFFETOm/PzjMri9OXtE1fn4WXC6j1fZhN0UzPr13q+0TJz7A\nO+/8NzfckMCxY1/x29++TFlZKbfemsy4cT8kP/8E8+dnM2JEapPrTp4sZtmy/8vOnf/kf//3bc8U\naG0xDIPi4mKmTJnC9773PR566CE+/PBDRo8e3eo1HblDlRkpt+eYMTOYM7cnMkdHh3HLgKbLp12u\nc5SU11DsrKao9AxFzmqKnGcoKq2m2HmGQmfLGy7YQwMZmNCFof1iGHJjNOGdA695/o5ixvtDPE/v\nPxMRuXqJif0BCA0N48CBPDZseAeLxUpFxelm5yYl3QxAdHQ0VVVVHfL921Wg2e124uLi6NGjBwAp\nKSkcOnSozQKtI3eoMhvl9hwzZgZz5vZ2Zj8gzh5EnD0IEqKatFXX1lNSXnvRrFvjV/6pM/zjs3z+\n8Vk+FqBXXBhJCVEkJXTx6W3+vd3XV0MFpXe4C7QoFWgiYj7j03u3OdvVko4cI/39/QH4+9//HxUV\nFbz00stUVFTw4IMPNDvXz++biSfDaH0G70q0q0Cz2Wx0796dr776ip49e5KXl8ddd93VIcFERNor\nOMif+K7+xHdtWiQYhkGNCz7cfYx9h09xOL+CIwUV/M+2LwnvHMDAXlEMSoiiX89IOgXq00jEfIqc\nmkETEbkSVqsVl8vV5Fh5eTmxsXFYrVa2bv2A+nrP7Cp9yf955ObmsmTJEvLz87HZbGzcuJH09HS6\ndevG2LFjeeKJJ8jOzsYwDPr27evVN0WLiFwOi8VCfGwoGcnxZCTHc6a2nrwvS9l3xMnnR518tK+Q\nj/YV4me10Ld7xPnZtSi6Rgb77OyayMW0xFFE5MrEx9/Av/71BbGxcURERAAwenQ62dm/ZP/+XO66\n626io6N55ZXmGyd2NIvRUXNxl6kjph7NuMwHlNuTzJgZzJnbjJmh9dznDIMvCyv4/IiTvUecfF30\nzTmOiCCSErowKCGKG3tE4N8B76e9Embsay1xvDIdNUb+/D82Uu86x//JHNkBqTzDrPe32TKDOXOb\nMTOYM7cZM4P5crc1PmrtjojIRawWCwlx4STEhXNvai9OV9Wx76iTfUec5H1Zyvt7TvD+nhME+Fvp\nFx9J9+jO2MMCiQwNxB4ahD00kJAgm2baxGvq6l04T9dyY48Ib0cREZGroAJNRKQN4Z0DSU2KIzUp\njgbXOQ6dOH1+du0Unx1u/Pq2AJsVe2jg+a8gIsMaH0eeL+DsYYGEdvJXESfXREFJFQZa3igiYlYq\n0ERELpPNz0pivJ3EeDvj03tTWlHLybIayirrKK2spbSyjrKKOsoq6yirrKW4rKaN17J8U8CFBtIz\nNozk/jGEBQd48G8k30X5JY3bPKtAExExJxVoIiJXKTIsiMiwoFbb6xvOUV5V5y7gyi4q4ErPHzt0\nvBwD2Lm/mD9vOczNvbswMimWAb0i8bNaPfeXke+M/JPnCzRtsS8iYkoq0ERErhF/mxVHRCccEZ1a\nPafBdY6yyjo+O3SKbfsK2HOwhD0HSwjvHMCIAbGMTIrVTIhckROaQRMRMTUVaCIiXmTzayzixg7r\nzh1Du/F1cSXb9hWyM6+Y93Z+zXs7v6ZPt3BGJsUybmSCt+OKCeSfrMLmZ6FLeOu/GBAREd+lAk1E\nxEdYLBZ6dg2jZ9cw/m1Mbz45VMJH+wrZ/1UZh06c5k+bDzH0pmhSk2Lp/b1wbTIizRiGQX5JFTH2\nYKxW3R8iIh3t/vt/xGuvvUVw8LVbpaACTUTEBwX4+5HcryvJ/bpyqryG7blF7Mgrcn+IdkxkMKlJ\nsQwf0JWIzoHejis+ouLMWaprG0jsYfd2FBERuUoq0EREfFyXiE7cM/IGpt4zkG17jvHRvkJ2/6uE\n9R8e4Z2tRxnYK5KRSXEM6h2FzU8bi1zPikqrAW0QIiJypaZO/Xeefvo5unbtSlFRIY8/PgeHI5qa\nmhpqa2uZPXsu/foN8EgWFWgiIiZhtVro1zOSfj0j+ffaenL2F7NtXyF7jzjZe8RJaLA/g/s4iLZ3\nIiosqPErPIjwzgFYtRzyulB4oUDTBiEiYmLvHP4bn578/Iqu8bNacJ0zWm0fHD2Qn/T+YavtaWlj\n2L79H9x333i2bdtKWtoYEhL6kJY2mj17drFu3R/5r/9aekWZrpYKNBEREwoJ8id9SDfSh3TjWHEl\nH33euLHIP/YWNDvXz2ohMiywSdHm/jM8iMjQIPxtmnn7LihyqkATEbkaaWljePHF57nvvvF89NFW\nMjNn8+abr/OnP71OfX09QUGtf6xOR1OBJiJicj1iQpkUE8r4Mb0pOHWG0oo6nBW1OE/XNv55/vEX\nx8pbfY3wkIBvCrewILpHd+a2/jGaeTMZLXEUke+Cn/T+YZuzXS1xOEIpKam86u/Zq1cCTmcJxcVF\nVFZWsm3bh3TpEs38+U/xxRf7efHF56/6ta+UCjQRke8Im5+VHjGh9IgJbbG9vsFFaWVdY+H2reKt\ntKKOr4sqOVpQ4T4/oVs40W18hpv4npq6BqLtnQgJ8vd2FBER00lJGcmqVb8lNXUU5eVlJCT0AWDr\n1i00NDR4LIcKNBGR64S/zY8YezAx9pZnV84ZBqerzuKsqAUDFWcm9Iu7+xMeEQznznk7ioiI6Ywa\nNYaHH57Kq6/+idraGv7zPxeyZctm7rtvPJs3b+Lddzd4JIcKNBERAcBqsWAPDcQeqm37zSoyLAhH\nVEi7lvmIiFyvEhP7s3Vrjvv5unXr3Y9HjhwFwF133X3Nc+hd4SIiIiIiIj5CBZqIiIiIiIiP0BJH\nERGRdqqpqSE7Oxun00ldXR0zZszgpptuIisrC5fLhcPhYOnSpQQEBHg7qoiI+DgVaCIiIu20ZcsW\nBgwYwPTp08nPz2fq1KkMGTKESZMmMW7cOJYvX8769euZNGmSt6OKiIiP0xJHERGRdsrIyGD69OkA\nFBYWEhMTQ05ODrfffjsAY8aMYceOHd6MKCIiJqEZNBERkQ4yYcIEioqKWLlyJT//+c/dSxqjoqIo\nKSnxcjoRETEDFWgiIiId5M033+TAgQPMnTsXwzDcxy9+3Ba7PRibza/dORyOlj+s3NeZMbcZM4M5\nc5sxM5gztxkzg3lzf5sKNBERkXbKzc0lKiqK2NhYEhMTcblchISEUFtbS1BQEMXFxURHR1/ydcrK\nqtudxeEINeXnoJkxtxkzgzlzmzEzmDO3GTOD+XK3VUzqPWgiIiLttHv3btasWQPAqVOnqK6uZvjw\n4WzcuBGATZs2kZqa6s2IIiJiEppBExERaacJEybw5JNPMmnSJGpra1mwYAEDBgxg3rx5vPXWW8TF\nxXHvvfd6O6aIiJiAxbjchfEiIiIiIiJyTWmJo4iIiIiIiI9QgSYiIiIiIuIjVKCJiIiIiIj4CBVo\nIiIiIiIiPkIFmoiIiIiIiI9QgSYiIiIiIuIjfP5z0J5++mn27t2LxWLhiSeeICkpyd32z3/+k+XL\nl+Pn50daWhozZ870YtKmnn32Wfbs2UNDQwO/+MUvuPPOO91t6enpdO3aFT8/PwCWLVtGTEyMt6IC\nkJOTw2OPPUafPn0A6Nu3L/Pnz3e3+2pf//nPf2bDhg3u57m5uXz66afu5/3792fIkCHu56+++qq7\n3z3t4MGDzJgxg5/97GdMnjyZwsJCsrKycLlcOBwOli5dSkBAQJNr2rr/vZn78ccfp6GhAZvNxtKl\nS3E4HO7zL3UveSNzdnY2eXl5REREADBt2jRGjx7d5Bpf7OtZs2ZRVlYGQHl5OTfffDNPPfWU+/x3\n3nmHF154gR49egAwfPhwHnnkEY/nFu/Q+OgZGh89Q2Ok9zJrjPRBhg/LyckxHnroIcMwDOPw4cPG\n+PHjm7SPGzfOKCgoMFwulzFx4kTj0KFD3ojZzI4dO4wHH3zQMAzDKC0tNUaNGtWkfcyYMUZVVZUX\nkrVu586dxqOPPtpqu6/29cVycnKMRYsWNTl26623eilNU2fOnDEmT55s/PrXvzZef/11wzAMIzs7\n23jvvfcMwzCM5557zli3bl2Tay51/3tCS7mzsrKMd9991zAMw1i7dq2xZMmSJtdc6l661lrKPG/e\nPOODDz5o9Rpf7euLZWdnG3v37m1y7O233zaeeeYZT0UUH6Lx0XM0Pl57GiM9R2OkOfj0EscdO3Zw\nxx13AJCQkMDp06epqqoC4Pjx44SHhxMbG4vVamXUqFHs2LHDm3Hdhg0bxgsvvABAWFgYNTU1uFwu\nL6e6er7c1xd76aWXmDFjhrdjtCggIIDVq1cTHR3tPpaTk8Ptt98OwJgxY5r1aVv3v6e0lHvhwoV8\n//vfB8But1NeXu7RTJfSUuZL8dW+vuDo0aNUVlZ65TeW4ps0PvoGX+7ri/ny+AgaIz1JY6Q5+HSB\ndurUKex2u/t5ZGQkJSUlAJSUlBAZGdlim7f5+fkRHBwMwPr160lLS2u2bGDhwoVMnDiRZcuWYRiG\nN2I2c/jwYR5++GEmTpzI9u3b3cd9ua8v2LdvH7GxsU2WEQCcPXuWOXPmMGHCBF555RUvpQObzUZQ\nUFCTYzU1Ne7lGlFRUc36tK3731Nayh0cHIyfnx8ul4s33niDH/3oR82ua+1e8oSWMgOsXbuWKVOm\nMHv2bEpLS5u0+WpfX/Daa68xefLkFts+/vhjpk2bxk9/+lP2799/LSOKD9H46FkaH68tjZGeozHS\nHHz+PWgX85Uf1Jdr8+bNrF+/njVr1jQ5PmvWLFJTUwkPD2fmzJls3LiRH/zgB15K2ahnz55kZmYy\nbtw4jh8/zpQpU9i0aVOz9d6+av369fz4xz9udjwrK4u7774bi8XC5MmTGTp0KAMHDvRCwrZdzr3t\nS/e/y+UiKyuL5ORkUlJSmrT54r10zz33EBERQWJiIqtWreLFF19kwYIFrZ7vS3199uxZ9uzZw6JF\ni5q1DRo0iMjISEaPHs2nn37KvHnz+Otf/+r5kOJ1vnTPXg6Nj55j9vERNEZeaxojfY9Pz6BFR0dz\n6tQp9/OTJ0+6fwP07bbi4uIrmq691rZt28bKlStZvXo1oaGhTdruvfdeoqKisNlspKWlcfDgQS+l\n/EZMTAwZGRlYLBZ69OhBly5dKC4uBny/r6FxKcTgwYObHZ84cSIhISEEBweTnJzsE319QXBwMLW1\ntUDLfdrW/e9tjz/+OPHx8WRmZjZra+te8paUlBQSExOBxk0Ivn0f+HJf79q1q9VlGwkJCe43cg8e\nPJjS0lJTLxeTy6fx0XM0PnqHxkjP0Rjpe3y6QBsxYgQbN24EIC8vj+joaDp37gxAt27dqKqq4sSJ\nEzQ0NLBlyxZGjBjhzbhulZWVPPvss/z+979374hzcdu0adM4e/Ys0HhjXdjJx5s2bNjAH/7wB6Bx\nyYbT6XTvnOXLfQ2NP7hDQkKa/fbp6NGjzJkzB8MwaGho4JNPPvGJvr5g+PDh7vt706ZNpKamNmlv\n6/73pg0bNuDv78+sWbNabW/tXvKWRx99lOPHjwON/1n59n3gq30N8Pnnn3PTTTe12LZ69Wr+9re/\nAY27W0VGRnp1FzbxHI2PnqPx0Ts0RnqOxkjfYzF8aZ6yBcuWLWP37t1YLBYWLlzI/v37CQ0NZezY\nsezatYtly5YBcOeddzJt2jQvp2301ltvsWLFCm644Qb3sdtuu40bb7yRsWPH8sc//pG//OUvBAYG\n0q9fP+bPn4/FYvFiYqiqquJXv/oVFRUV1NfXk5mZidPp9Pm+hsatg59//nlefvllAFatWsWwYcMY\nPHgwS5cuZefOnVitVtLT0722vWpubi5LliwhPz8fm81GTEwMy5YtIzs7m7q6OuLi4li8eDH+/v7M\nnj2bxYsXExQU1Oz+b+2HkCdzO51OAgMD3T+cExISWLRokTt3Q0NDs3tp1KhRXs08efJkVq1aRadO\nnQgODmbx4sVERUX5fF+vWLGCFStWcMstt5CRkeE+95FHHuF3v/sdRUVFzJ071/2fLG9tfSzeofHR\nMzQ+eianxkjvZdYY6Xt8vkATERERERG5Xvj0EkcREREREZHriQo0ERERERERH6ECTURERERExEeo\nQBMREREREfERKtBERERERER8hAo0ERERERERH6ECTURERERExEeoQBMREREREfER/x83WZ+Ot8th\n/AAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "RAQROqCgfcQM", + "colab_type": "code", + "outputId": "ef6c7f89-50b8-4823-ab44-4203bafba3f0", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Test performance\n", + "trainer.run_test_loop()\n", + "print(\"Test loss: {0:.2f}\".format(trainer.train_state['test_loss']))\n", + "print(\"Test Accuracy: {0:.1f}%\".format(trainer.train_state['test_acc']))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Test loss: 1.93\n", + "Test Accuracy: 42.5%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "bT0hnmy2vS26", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Save all results\n", + "trainer.save_train_state()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "EvWFdAz0jh4B", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Inference" + ] + }, + { + "metadata": { + "id": "76p9UmpYjjp5", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Inference(object):\n", + " def __init__(self, model, vectorizer):\n", + " self.model = model\n", + " self.vectorizer = vectorizer\n", + " \n", + " def predict_nationality(self, surname):\n", + " # Forward pass\n", + " vectorized_surname = torch.tensor(self.vectorizer.vectorize(surname)).view(1, -1)\n", + " self.model.eval()\n", + " y_pred = self.model(vectorized_surname, apply_softmax=True)\n", + "\n", + " # Top nationality\n", + " y_prob, indices = y_pred.max(dim=1)\n", + " index = indices.item()\n", + "\n", + " # Predicted nationality\n", + " nationality = vectorizer.nationality_vocab.lookup_index(index)\n", + " probability = y_prob.item()\n", + " return {'nationality': nationality, 'probability': probability}\n", + " \n", + " def predict_top_k(self, surname, k):\n", + " # Forward pass\n", + " vectorized_surname = torch.tensor(self.vectorizer.vectorize(surname)).view(1, -1)\n", + " self.model.eval()\n", + " y_pred = self.model(vectorized_surname, apply_softmax=True)\n", + "\n", + " # Top k nationalities\n", + " y_prob, indices = torch.topk(y_pred, k=k)\n", + " probabilities = y_prob.detach().numpy()[0]\n", + " indices = indices.detach().numpy()[0]\n", + "\n", + " # Results\n", + " results = []\n", + " for probability, index in zip(probabilities, indices):\n", + " nationality = self.vectorizer.nationality_vocab.lookup_index(index)\n", + " results.append({'nationality': nationality, 'probability': probability})\n", + "\n", + " return results" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "9zlIp2uJcYHM", + "colab_type": "code", + "outputId": "844f4e9a-c565-48ab-f159-ccf487e4c348", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 119 + } + }, + "cell_type": "code", + "source": [ + "# Load the model\n", + "dataset = SurnameDataset.load_dataset_and_load_vectorizer(\n", + " args.split_data_file,args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "model = SurnameModel(input_dim=len(vectorizer.surname_vocab), \n", + " hidden_dim=args.hidden_dim, \n", + " output_dim=len(vectorizer.nationality_vocab),\n", + " dropout_p=args.dropout_p)\n", + "model.load_state_dict(torch.load(args.model_state_file))\n", + "model = model.to(args.device)\n", + "print (model.named_modules)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Reloading!\n", + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "7YND9nlvjjtK", + "colab_type": "code", + "outputId": "ce62853e-623d-47cb-b951-43f0b11ebb86", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Inference\n", + "inference = Inference(model=model, vectorizer=vectorizer)\n", + "surname = input(\"Enter a surname to classify: \")\n", + "prediction = inference.predict_nationality(surname)\n", + "print(\"{}: {} → p={:0.2f})\".format(surname, prediction['nationality'], \n", + " prediction['probability']))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Enter a surname to classify: Goku\n", + "Goku: Korean → p=0.46)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "8JXPtHs_pQEC", + "colab_type": "code", + "outputId": "f7060ecc-7846-4846-b93b-3f269eb4c0c3", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Top-k inference\n", + "top_k = inference.predict_top_k(surname, k=3)\n", + "print (\"{}: \".format(surname))\n", + "for result in top_k:\n", + " print (\"{} → (p={:0.2f})\".format(result['nationality'], \n", + " result['probability']))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Goku: \n", + "Korean → (p=0.46)\n", + "Japanese → (p=0.25)\n", + "Chinese → (p=0.15)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "5uL1j7a8gJ_h", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# TODO" + ] + }, + { + "metadata": { + "id": "Lh2nWwDhgLXD", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "- tqdm notebook" + ] + } + ] +} \ No newline at end of file diff --git a/notebooks/11_Convolutional_Neural_Networks.ipynb b/notebooks/11_Convolutional_Neural_Networks.ipynb new file mode 100644 index 00000000..0384105f --- /dev/null +++ b/notebooks/11_Convolutional_Neural_Networks.ipynb @@ -0,0 +1,2211 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "11_Convolutional_Neural_Networks", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "accelerator": "GPU" + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Convolutional Neural Networks" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "In this lesson we will learn the basics of Convolutional Neural Networks (CNNs) applied to text for natural language processing (NLP) tasks. CNNs are traditionally used on images and there are plenty of [tutorials](https://pytorch.org/tutorials/beginner/blitz/cifar10_tutorial.html) that cover this. But we're going to focus on using CNN on text data which yields amazing results. \n", + "\n" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Overview\n", + "\n", + "The diagram below from this [paper](https://arxiv.org/abs/1510.03820) shows how 1D convolution is applied to the words in a sentence. " + ] + }, + { + "metadata": { + "id": "ziGJNhiQeiGN", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "qWro5T5qTJJL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "* **Objective:** Detect spatial substructure from input data.\n", + "* **Advantages:** \n", + " * Small number of weights (shared)\n", + " * Parallelizable\n", + " * Detects spatial substrcutures (feature extractors)\n", + " * Interpretable via filters\n", + " * Used for in images/text/time-series etc.\n", + "* **Disadvantages:**\n", + " * Many hyperparameters (kernel size, strides, etc.)\n", + " * Inputs have to be of same width (image dimensions, text length, etc.)\n", + "* **Miscellaneous:** \n", + " * Lot's of deep CNN architectures constantly updated for SOTA performance" + ] + }, + { + "metadata": { + "id": "8nCsZGyWhI9f", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Filters" + ] + }, + { + "metadata": { + "id": "lxpgRzIjiVHv", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "At the core of CNNs are filters (weights, kernels, etc.) which convolve (slide) across our input to extract relevant features. The filters are initialized randomly but learn to pick up meaningful features from the input that aid in optimizing for the objective. We're going to teach CNNs in an unorthodox method where we entirely focus on applying it to 2D text data. Each input is composed of words and we will be representing each word as one-hot encoded vector which gives us our 2D input. The intuition here is that each filter represents a feature and we will use this filter on other inputs to capture the same feature. This is known as parameter sharing.\n", + "\n", + "" + ] + }, + { + "metadata": { + "id": "1kTABJyYj91S", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Loading PyTorch library\n", + "!pip3 install torch" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "kz9D2rrdmSl9", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import torch\n", + "import torch.nn as nn" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "1q1FiiIHXjI_", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Our inputs are a batch of 2D text data. Let's make an input with 64 samples, where each sample has 8 words and each word is represented by a array of 10 values (one hot encoded with vocab size of 10). This gives our inputs the size (64, 8, 10). The [PyTorch CNN modules](https://pytorch.org/docs/stable/nn.html#convolution-functions) prefer inputs to have the channel dim (one hot vector dim in our case) to be in the second position, so our inputs are of shape (64, 10, 8)." + ] + }, + { + "metadata": { + "id": "tFfYwCcjZj79", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "b6G2nBvOxR-e", + "colab_type": "code", + "outputId": "3b422df4-d2c6-4f2f-cb71-925453c54948", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Assume all our inputs have the same # of words\n", + "batch_size = 64\n", + "sequence_size = 8 # words per input\n", + "one_hot_size = 10 # vocab size (num_input_channels)\n", + "x = torch.randn(batch_size, one_hot_size, sequence_size)\n", + "print(\"Size: {}\".format(x.shape))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Size: torch.Size([64, 10, 8])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "GJmtay_UZohM", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We want to convolve on this input using filters. For simplicity we will use just 5 filters that is of size (1, 2) and has the same depth as the number of channels (one_hot_size). This gives our filter a shape of (5, 2, 10) but recall that PyTorch CNN modules prefer to have the channel dim (one hot vector dim in our case) to be in the second position so the filter is of shape (5, 10, 2)." + ] + }, + { + "metadata": { + "id": "ZJF0l88qb-21", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "WMK2TzgDxR8B", + "colab_type": "code", + "outputId": "59562322-13b9-43cf-ec5f-04d692566364", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Create filters for a conv layer\n", + "out_channels = 5 # of filters\n", + "kernel_size = 2 # filters size 2\n", + "conv1 = nn.Conv1d(in_channels=one_hot_size, out_channels=out_channels, kernel_size=kernel_size)\n", + "print(\"Size: {}\".format(conv1.weight.shape))\n", + "print(\"Filter size: {}\".format(conv1.kernel_size[0]))\n", + "print(\"Padding: {}\".format(conv1.padding[0]))\n", + "print(\"Stride: {}\".format(conv1.stride[0]))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Size: torch.Size([5, 10, 2])\n", + "Filter size: 2\n", + "Padding: 0\n", + "Stride: 1\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "lAcYxhDIbeWE", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "When we apply this filter on our inputs, we receive an output of shape (64, 5, 7). We get 64 for the batch size, 5 for the channel dim because we used 5 filters and 7 for the conv outputs because:\n", + "\n", + "$\\frac{W - F + 2P}{S} + 1 = \\frac{8 - 2 + 2(0)}{1} + 1 = 7$\n", + "\n", + "where:\n", + " * W: width of each input\n", + " * F: filter size\n", + " * P: padding\n", + " * S: stride" + ] + }, + { + "metadata": { + "id": "2c_KKtP4hrJx", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "yjxtrM89xR5a", + "colab_type": "code", + "outputId": "5892ff1d-595f-4528-b84a-dcd4295181f3", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Convolve using filters\n", + "conv_output = conv1(x)\n", + "print(\"Size: {}\".format(conv_output.shape))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Size: torch.Size([64, 5, 7])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "vwTtF7bBuZvF", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Pooling" + ] + }, + { + "metadata": { + "id": "VXBbKPs1ua9G", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "The result of convolving filters on an input is a feature map. Due to the nature of convolution and overlaps, our feature map will have lots of redundant information. Pooling is a way to summarize a high-dimensional feature map into a lower dimensional one for simplified downstream computation. The pooling operation can be the max value, average, etc. in a certain receptive field.\n", + "\n", + "" + ] + }, + { + "metadata": { + "id": "VCag6lk2mSwU", + "colab_type": "code", + "outputId": "27fd0640-c1c5-467b-a77e-c19eb50e6749", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Max pooling\n", + "kernel_size = 2\n", + "pool1 = nn.MaxPool1d(kernel_size=kernel_size, stride=2, padding=0)\n", + "pool_output = pool1(conv_output)\n", + "print(\"Size: {}\".format(pool_output.shape))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Size: torch.Size([64, 5, 3])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "c_e4QRFwvTt8", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "$\\frac{W-F}{S} + 1 = \\frac{7-2}{2} + 1 = \\text{floor }(2.5) + 1 = 3$" + ] + }, + { + "metadata": { + "id": "l9rL1EWIfi-y", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# CNNs on text" + ] + }, + { + "metadata": { + "id": "aWtHDOJgHZvk", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're going use convolutional neural networks on text data which typically involves convolving on the character level representation of the text to capture meaningful n-grams. \n", + "\n", + "You can easily use this set up for [time series](https://arxiv.org/abs/1807.10707) data or [combine it](https://arxiv.org/abs/1808.04928) with other networks. For text data, we will create filters of varying kernel sizes (1,2), (1,3), and (1,4) which act as feature selectors of varying n-gram sizes. The outputs are concated and fed into a fully-connected layer for class predictions. In our example, we will be applying 1D convolutions on letter in a word. In the [embeddings notebook](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/12_Embeddings.ipynb), we will apply 1D convolutions on words in a sentence.\n", + "\n", + "**Word embeddings**: capture the temporal correlations among\n", + "adjacent tokens so that similar words have similar representations. Ex. \"New Jersey\" is close to \"NJ\" is close to \"Garden State\", etc.\n", + "\n", + "**Char embeddings**: create representations that map words at a character level. Ex. \"toy\" and \"toys\" will be close to each other." + ] + }, + { + "metadata": { + "id": "bVBZxbaAtS9u", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Set up" + ] + }, + { + "metadata": { + "id": "y8QSdEcDtXUs", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import os\n", + "from argparse import Namespace\n", + "import collections\n", + "import copy\n", + "import json\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import pandas as pd\n", + "import re\n", + "import torch" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "VADCXjMwtXYN", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Set Numpy and PyTorch seeds\n", + "def set_seeds(seed, cuda):\n", + " np.random.seed(seed)\n", + " torch.manual_seed(seed)\n", + " if cuda:\n", + " torch.cuda.manual_seed_all(seed)\n", + " \n", + "# Creating directories\n", + "def create_dirs(dirpath):\n", + " if not os.path.exists(dirpath):\n", + " os.makedirs(dirpath)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "mpiCYECstXbT", + "colab_type": "code", + "outputId": "d836f55c-3fce-4b3e-ea6b-bc32c5fb5b10", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " seed=1234,\n", + " cuda=False,\n", + " shuffle=True,\n", + " data_file=\"names.csv\",\n", + " split_data_file=\"split_names.csv\",\n", + " vectorizer_file=\"vectorizer.json\",\n", + " model_state_file=\"model.pth\",\n", + " save_dir=\"names\",\n", + " train_size=0.7,\n", + " val_size=0.15,\n", + " test_size=0.15,\n", + " num_epochs=20,\n", + " early_stopping_criteria=5,\n", + " learning_rate=1e-3,\n", + " batch_size=64,\n", + " num_filters=100,\n", + " dropout_p=0.1,\n", + ")\n", + "\n", + "# Set seeds\n", + "set_seeds(seed=args.seed, cuda=args.cuda)\n", + "\n", + "# Create save dir\n", + "create_dirs(args.save_dir)\n", + "\n", + "# Expand filepaths\n", + "args.vectorizer_file = os.path.join(args.save_dir, args.vectorizer_file)\n", + "args.model_state_file = os.path.join(args.save_dir, args.model_state_file)\n", + "\n", + "# Check CUDA\n", + "if not torch.cuda.is_available():\n", + " args.cuda = False\n", + "args.device = torch.device(\"cuda\" if args.cuda else \"cpu\")\n", + "print(\"Using CUDA: {}\".format(args.cuda))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Using CUDA: False\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "ptb4hJ4Bw8YU", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Data" + ] + }, + { + "metadata": { + "id": "bNxZQUqfmS0B", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import re\n", + "import urllib" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "MBdQpUTQtMgu", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Upload data from GitHub to notebook's local drive\n", + "url = \"https://raw.githubusercontent.com/GokuMohandas/practicalAI/master/data/surnames.csv/"\n", + "response = urllib.request.urlopen(url)\n", + "html = response.read()\n", + "with open(args.data_file, 'wb') as fp:\n", + " fp.write(html)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "6PYCeGrStMj7", + "colab_type": "code", + "outputId": "b72eb44f-a6a4-4c78-f167-48b52e2e35dc", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Raw data\n", + "df = pd.read_csv(args.data_file, header=0)\n", + "df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
surnamenationality
0WoodfordEnglish
1CotéFrench
2KoreEnglish
3KouryArabic
4LebzakRussian
\n", + "
" + ], + "text/plain": [ + " surname nationality\n", + "0 Woodford English\n", + "1 Coté French\n", + "2 Kore English\n", + "3 Koury Arabic\n", + "4 Lebzak Russian" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 41 + } + ] + }, + { + "metadata": { + "id": "pbfVM-YatMnD", + "colab_type": "code", + "outputId": "a583b5d1-3125-4b7a-d9d0-dab540c806a8", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 323 + } + }, + "cell_type": "code", + "source": [ + "# Split by nationality\n", + "by_nationality = collections.defaultdict(list)\n", + "for _, row in df.iterrows():\n", + " by_nationality[row.nationality].append(row.to_dict())\n", + "for nationality in by_nationality:\n", + " print (\"{0}: {1}\".format(nationality, len(by_nationality[nationality])))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "English: 2972\n", + "French: 229\n", + "Arabic: 1603\n", + "Russian: 2373\n", + "Japanese: 775\n", + "Chinese: 220\n", + "Italian: 600\n", + "Czech: 414\n", + "Irish: 183\n", + "German: 576\n", + "Greek: 156\n", + "Spanish: 258\n", + "Polish: 120\n", + "Dutch: 236\n", + "Vietnamese: 58\n", + "Korean: 77\n", + "Portuguese: 55\n", + "Scottish: 75\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "KdGOoKFjtMpz", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Create split data\n", + "final_list = []\n", + "for _, item_list in sorted(by_nationality.items()):\n", + " if args.shuffle:\n", + " np.random.shuffle(item_list)\n", + " n = len(item_list)\n", + " n_train = int(args.train_size*n)\n", + " n_val = int(args.val_size*n)\n", + " n_test = int(args.test_size*n)\n", + "\n", + " # Give data point a split attribute\n", + " for item in item_list[:n_train]:\n", + " item['split'] = 'train'\n", + " for item in item_list[n_train:n_train+n_val]:\n", + " item['split'] = 'val'\n", + " for item in item_list[n_train+n_val:]:\n", + " item['split'] = 'test' \n", + "\n", + " # Add to final list\n", + " final_list.extend(item_list)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "DyDwlzzKtMsz", + "colab_type": "code", + "outputId": "2f21d2e1-ffab-4c09-e9e1-bd103cecaca3", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# df with split datasets\n", + "split_df = pd.DataFrame(final_list)\n", + "split_df[\"split\"].value_counts()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "train 7680\n", + "test 1660\n", + "val 1640\n", + "Name: split, dtype: int64" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 44 + } + ] + }, + { + "metadata": { + "id": "17aHMQOwtMvh", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Preprocessing\n", + "def preprocess_text(text):\n", + " text = ' '.join(word.lower() for word in text.split(\" \"))\n", + " text = re.sub(r\"([.,!?])\", r\" \\1 \", text)\n", + " text = re.sub(r\"[^a-zA-Z.,!?]+\", r\" \", text)\n", + " return text\n", + " \n", + "split_df.surname = split_df.surname.apply(preprocess_text)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "wh6D8qfQmS2c", + "colab_type": "code", + "outputId": "c28ae3d6-706d-441d-eb92-d447f7295abf", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Save to CSV\n", + "split_df.to_csv(args.split_data_file, index=False)\n", + "split_df.head()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
nationalitysplitsurname
0Arabictrainbishara
1Arabictrainnahas
2Arabictrainghanem
3Arabictraintannous
4Arabictrainmikhail
\n", + "
" + ], + "text/plain": [ + " nationality split surname\n", + "0 Arabic train bishara\n", + "1 Arabic train nahas\n", + "2 Arabic train ghanem\n", + "3 Arabic train tannous\n", + "4 Arabic train mikhail" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 46 + } + ] + }, + { + "metadata": { + "id": "6nZBgfQTuAA8", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Vocabulary" + ] + }, + { + "metadata": { + "id": "TeRVQlRZuBgA", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Vocabulary(object):\n", + " def __init__(self, token_to_idx=None, add_unk=True, unk_token=\"\"):\n", + "\n", + " # Token to index\n", + " if token_to_idx is None:\n", + " token_to_idx = {}\n", + " self.token_to_idx = token_to_idx\n", + "\n", + " # Index to token\n", + " self.idx_to_token = {idx: token \\\n", + " for token, idx in self.token_to_idx.items()}\n", + " \n", + " # Add unknown token\n", + " self.add_unk = add_unk\n", + " self.unk_token = unk_token\n", + " if self.add_unk:\n", + " self.unk_index = self.add_token(self.unk_token)\n", + "\n", + " def to_serializable(self):\n", + " return {'token_to_idx': self.token_to_idx,\n", + " 'add_unk': self.add_unk, 'unk_token': self.unk_token}\n", + "\n", + " @classmethod\n", + " def from_serializable(cls, contents):\n", + " return cls(**contents)\n", + "\n", + " def add_token(self, token):\n", + " if token in self.token_to_idx:\n", + " index = self.token_to_idx[token]\n", + " else:\n", + " index = len(self.token_to_idx)\n", + " self.token_to_idx[token] = index\n", + " self.idx_to_token[index] = token\n", + " return index\n", + "\n", + " def add_tokens(self, tokens):\n", + " return [self.add_token[token] for token in tokens]\n", + "\n", + " def lookup_token(self, token):\n", + " if self.add_unk:\n", + " index = self.token_to_idx.get(token, self.unk_index)\n", + " else:\n", + " index = self.token_to_idx[token]\n", + " return index\n", + "\n", + " def lookup_index(self, index):\n", + " if index not in self.idx_to_token:\n", + " raise KeyError(\"the index (%d) is not in the Vocabulary\" % index)\n", + " return self.idx_to_token[index]\n", + "\n", + " def __str__(self):\n", + " return \"\" % len(self)\n", + "\n", + " def __len__(self):\n", + " return len(self.token_to_idx)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "bH8LMH9wuBi9", + "colab_type": "code", + "outputId": "1a9cde73-19a1-4db2-a789-9ecab9e53fa2", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 68 + } + }, + "cell_type": "code", + "source": [ + "# Vocabulary instance\n", + "nationality_vocab = Vocabulary(add_unk=False)\n", + "for index, row in df.iterrows():\n", + " nationality_vocab.add_token(row.nationality)\n", + "print (nationality_vocab) # __str__\n", + "index = nationality_vocab.lookup_token(\"English\")\n", + "print (index)\n", + "print (nationality_vocab.lookup_index(index))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "0\n", + "English\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "57a1lzHPuHHm", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Vectorizer" + ] + }, + { + "metadata": { + "id": "MwS5BEV-uBlt", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class SurnameVectorizer(object):\n", + " def __init__(self, surname_vocab, nationality_vocab):\n", + " self.surname_vocab = surname_vocab\n", + " self.nationality_vocab = nationality_vocab\n", + "\n", + " def vectorize(self, surname):\n", + " one_hot_matrix_size = (len(surname), len(self.surname_vocab))\n", + " one_hot_matrix = np.zeros(one_hot_matrix_size, dtype=np.float32)\n", + " \n", + " for position_index, character in enumerate(surname):\n", + " character_index = self.surname_vocab.lookup_token(character)\n", + " one_hot_matrix[position_index][character_index] = 1\n", + " \n", + " return one_hot_matrix\n", + " \n", + " def unvectorize(self, one_hot_matrix):\n", + " len_name = len(one_hot_matrix)\n", + " indices = np.zeros(len_name)\n", + " for i in range(len_name):\n", + " indices[i] = np.where(one_hot_matrix[i]==1)[0][0]\n", + " surname = [self.surname_vocab.lookup_index(index) for index in indices]\n", + " return surname\n", + "\n", + " @classmethod\n", + " def from_dataframe(cls, df):\n", + " surname_vocab = Vocabulary(add_unk=True)\n", + " nationality_vocab = Vocabulary(add_unk=False)\n", + "\n", + " # Create vocabularies\n", + " for index, row in df.iterrows():\n", + " for letter in row.surname: # char-level tokenization\n", + " surname_vocab.add_token(letter)\n", + " nationality_vocab.add_token(row.nationality)\n", + " return cls(surname_vocab, nationality_vocab)\n", + "\n", + " @classmethod\n", + " def from_serializable(cls, contents):\n", + " surname_vocab = Vocabulary.from_serializable(contents['surname_vocab'])\n", + " nationality_vocab = Vocabulary.from_serializable(contents['nationality_vocab'])\n", + " return cls(surname_vocab, nationality_vocab)\n", + "\n", + " def to_serializable(self):\n", + " return {'surname_vocab': self.surname_vocab.to_serializable(),\n", + " 'nationality_vocab': self.nationality_vocab.to_serializable()}" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "zq7RoFAXuBo9", + "colab_type": "code", + "outputId": "a8e8f739-5d23-4164-e0e2-fac1b13fe177", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 221 + } + }, + "cell_type": "code", + "source": [ + "# Vectorizer instance\n", + "vectorizer = SurnameVectorizer.from_dataframe(split_df)\n", + "print (vectorizer.surname_vocab)\n", + "print (vectorizer.nationality_vocab)\n", + "vectorized_surname = vectorizer.vectorize(preprocess_text(\"goku\"))\n", + "print (np.shape(vectorized_surname))\n", + "print (vectorized_surname)\n", + "print (vectorizer.unvectorize(vectorized_surname))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "\n", + "(4, 28)\n", + "[[0. 0. 0. 0. 0. 0. 0. 0. 1. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0.]\n", + " [0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 1. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0.]\n", + " [0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 1. 0. 0. 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0.]\n", + " [0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 1. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0.]]\n", + "['g', 'o', 'k', 'u']\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "wwQ8MNp5ZfeG", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "**Note**: Unlike the bagged ont-hot encoding method in the MLP notebook, we are able to preserve the semantic structure of the surnames. We are able to use one-hot encoding here because we are using characters but when we process text with large vocabularies, this method simply can't scale. We'll explore embedding based methods in subsequent notebooks. " + ] + }, + { + "metadata": { + "id": "Mnf7gXgKuOgp", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Dataset" + ] + }, + { + "metadata": { + "id": "YYqzM53fuBrf", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from torch.utils.data import Dataset, DataLoader" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "gjolk855uPrA", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class SurnameDataset(Dataset):\n", + " def __init__(self, df, vectorizer):\n", + " self.df = df\n", + " self.vectorizer = vectorizer\n", + "\n", + " # Data splits\n", + " self.train_df = self.df[self.df.split=='train']\n", + " self.train_size = len(self.train_df)\n", + " self.val_df = self.df[self.df.split=='val']\n", + " self.val_size = len(self.val_df)\n", + " self.test_df = self.df[self.df.split=='test']\n", + " self.test_size = len(self.test_df)\n", + " self.lookup_dict = {'train': (self.train_df, self.train_size), \n", + " 'val': (self.val_df, self.val_size),\n", + " 'test': (self.test_df, self.test_size)}\n", + " self.set_split('train')\n", + "\n", + " # Class weights (for imbalances)\n", + " class_counts = df.nationality.value_counts().to_dict()\n", + " def sort_key(item):\n", + " return self.vectorizer.nationality_vocab.lookup_token(item[0])\n", + " sorted_counts = sorted(class_counts.items(), key=sort_key)\n", + " frequencies = [count for _, count in sorted_counts]\n", + " self.class_weights = 1.0 / torch.tensor(frequencies, dtype=torch.float32)\n", + "\n", + " @classmethod\n", + " def load_dataset_and_make_vectorizer(cls, split_data_file):\n", + " df = pd.read_csv(split_data_file, header=0)\n", + " train_df = df[df.split=='train']\n", + " return cls(df, SurnameVectorizer.from_dataframe(train_df))\n", + "\n", + " @classmethod\n", + " def load_dataset_and_load_vectorizer(cls, split_data_file, vectorizer_filepath):\n", + " df = pd.read_csv(split_data_file, header=0)\n", + " vectorizer = cls.load_vectorizer_only(vectorizer_filepath)\n", + " return cls(df, vectorizer)\n", + "\n", + " def load_vectorizer_only(vectorizer_filepath):\n", + " with open(vectorizer_filepath) as fp:\n", + " return SurnameVectorizer.from_serializable(json.load(fp))\n", + "\n", + " def save_vectorizer(self, vectorizer_filepath):\n", + " with open(vectorizer_filepath, \"w\") as fp:\n", + " json.dump(self.vectorizer.to_serializable(), fp)\n", + "\n", + " def set_split(self, split=\"train\"):\n", + " self.target_split = split\n", + " self.target_df, self.target_size = self.lookup_dict[split]\n", + "\n", + " def __str__(self):\n", + " return \"= 1:\n", + " loss_tm1, loss_t = self.train_state['val_loss'][-2:]\n", + "\n", + " # If loss worsened\n", + " if loss_t >= self.train_state['early_stopping_best_val']:\n", + " # Update step\n", + " self.train_state['early_stopping_step'] += 1\n", + "\n", + " # Loss decreased\n", + " else:\n", + " # Save the best model\n", + " if loss_t < self.train_state['early_stopping_best_val']:\n", + " torch.save(self.model.state_dict(), self.train_state['model_filename'])\n", + "\n", + " # Reset early stopping step\n", + " self.train_state['early_stopping_step'] = 0\n", + "\n", + " # Stop early ?\n", + " self.train_state['stop_early'] = self.train_state['early_stopping_step'] \\\n", + " >= self.train_state['early_stopping_criteria']\n", + " return self.train_state\n", + " \n", + " def compute_accuracy(self, y_pred, y_target):\n", + " _, y_pred_indices = y_pred.max(dim=1)\n", + " n_correct = torch.eq(y_pred_indices, y_target).sum().item()\n", + " return n_correct / len(y_pred_indices) * 100\n", + " \n", + " def pad_seq(self, seq, length):\n", + " vector = np.zeros((length, len(self.dataset.vectorizer.surname_vocab)),\n", + " dtype=np.int64)\n", + " for i in range(len(seq)):\n", + " vector[i] = seq[i]\n", + " return vector\n", + " \n", + " def collate_fn(self, batch):\n", + " \n", + " # Make a deep copy\n", + " batch_copy = copy.deepcopy(batch)\n", + " processed_batch = {\"surname\": [], \"nationality\": []}\n", + " \n", + " # Get max sequence length\n", + " max_seq_len = max([len(sample[\"surname\"]) for sample in batch_copy])\n", + " \n", + " # Pad\n", + " for i, sample in enumerate(batch_copy):\n", + " seq = sample[\"surname\"]\n", + " nationality = sample[\"nationality\"]\n", + " padded_seq = self.pad_seq(seq, max_seq_len)\n", + " processed_batch[\"surname\"].append(padded_seq)\n", + " processed_batch[\"nationality\"].append(nationality)\n", + " \n", + " # Convert to appropriate tensor types\n", + " processed_batch[\"surname\"] = torch.FloatTensor(\n", + " processed_batch[\"surname\"]) # need float for conv operations\n", + " processed_batch[\"nationality\"] = torch.LongTensor(\n", + " processed_batch[\"nationality\"])\n", + " \n", + " return processed_batch \n", + " \n", + " def run_train_loop(self):\n", + " for epoch_index in range(self.num_epochs):\n", + " self.train_state['epoch_index'] = epoch_index\n", + " \n", + " # Iterate over train dataset\n", + "\n", + " # initialize batch generator, set loss and acc to 0, set train mode on\n", + " self.dataset.set_split('train')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, collate_fn=self.collate_fn,\n", + " shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.0\n", + " running_acc = 0.0\n", + " self.model.train()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + " # zero the gradients\n", + " self.optimizer.zero_grad()\n", + "\n", + " # compute the output\n", + " y_pred = self.model(batch_dict['surname'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['nationality'])\n", + " loss_t = loss.item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute gradients using loss\n", + " loss.backward()\n", + "\n", + " # use optimizer to take a gradient step\n", + " self.optimizer.step()\n", + " \n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['nationality'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['train_loss'].append(running_loss)\n", + " self.train_state['train_acc'].append(running_acc)\n", + "\n", + " # Iterate over val dataset\n", + "\n", + " # initialize batch generator, set loss and acc to 0; set eval mode on\n", + " self.dataset.set_split('val')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, collate_fn=self.collate_fn, \n", + " shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.\n", + " running_acc = 0.\n", + " self.model.eval()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + "\n", + " # compute the output\n", + " y_pred = self.model(batch_dict['surname'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['nationality'])\n", + " loss_t = loss.to(\"cpu\").item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['nationality'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['val_loss'].append(running_loss)\n", + " self.train_state['val_acc'].append(running_acc)\n", + "\n", + " self.train_state = self.update_train_state()\n", + " self.scheduler.step(self.train_state['val_loss'][-1])\n", + " if self.train_state['stop_early']:\n", + " break\n", + " \n", + " def run_test_loop(self):\n", + " # initialize batch generator, set loss and acc to 0; set eval mode on\n", + " self.dataset.set_split('test')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, collate_fn=self.collate_fn,\n", + " shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.0\n", + " running_acc = 0.0\n", + " self.model.eval()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + " # compute the output\n", + " y_pred = self.model(batch_dict['surname'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['nationality'])\n", + " loss_t = loss.item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['nationality'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['test_loss'] = running_loss\n", + " self.train_state['test_acc'] = running_acc\n", + " \n", + " def plot_performance(self):\n", + " # Figure size\n", + " plt.figure(figsize=(15,5))\n", + "\n", + " # Plot Loss\n", + " plt.subplot(1, 2, 1)\n", + " plt.title(\"Loss\")\n", + " plt.plot(trainer.train_state[\"train_loss\"], label=\"train\")\n", + " plt.plot(trainer.train_state[\"val_loss\"], label=\"val\")\n", + " plt.legend(loc='upper right')\n", + "\n", + " # Plot Accuracy\n", + " plt.subplot(1, 2, 2)\n", + " plt.title(\"Accuracy\")\n", + " plt.plot(trainer.train_state[\"train_acc\"], label=\"train\")\n", + " plt.plot(trainer.train_state[\"val_acc\"], label=\"val\")\n", + " plt.legend(loc='lower right')\n", + "\n", + " # Save figure\n", + " plt.savefig(os.path.join(self.save_dir, \"performance.png\"))\n", + "\n", + " # Show plots\n", + " plt.show()\n", + " \n", + " def save_train_state(self):\n", + " with open(os.path.join(self.save_dir, \"train_state.json\"), \"w\") as fp:\n", + " json.dump(self.train_state, fp)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "OkeOQRwckNd1", + "colab_type": "code", + "outputId": "92bf0944-5cae-4e91-8d9d-ae0ebccec738", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 187 + } + }, + "cell_type": "code", + "source": [ + "# Initialization\n", + "dataset = SurnameDataset.load_dataset_and_make_vectorizer(args.split_data_file)\n", + "dataset.save_vectorizer(args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "model = SurnameModel(num_input_channels=len(vectorizer.surname_vocab),\n", + " num_output_channels=args.num_filters,\n", + " num_classes=len(vectorizer.nationality_vocab),\n", + " dropout_p=args.dropout_p)\n", + "print (model.named_modules)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Creating from scratch!\n", + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "3JJdOO4ZkNb3", + "colab_type": "code", + "outputId": "1bc45f26-92d9-421b-bf1d-53971fa177de", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 357 + } + }, + "cell_type": "code", + "source": [ + "# Train\n", + "trainer = Trainer(dataset=dataset, model=model, \n", + " model_state_file=args.model_state_file, \n", + " save_dir=args.save_dir, device=args.device,\n", + " shuffle=args.shuffle, num_epochs=args.num_epochs, \n", + " batch_size=args.batch_size, learning_rate=args.learning_rate, \n", + " early_stopping_criteria=args.early_stopping_criteria)\n", + "trainer.run_train_loop()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[EPOCH]: 00 | [LR]: 0.001 | [TRAIN LOSS]: 2.82 | [TRAIN ACC]: 21.2% | [VAL LOSS]: 2.73 | [VAL ACC]: 41.0%\n", + "[EPOCH]: 01 | [LR]: 0.001 | [TRAIN LOSS]: 2.55 | [TRAIN ACC]: 43.6% | [VAL LOSS]: 2.41 | [VAL ACC]: 50.2%\n", + "[EPOCH]: 02 | [LR]: 0.001 | [TRAIN LOSS]: 2.19 | [TRAIN ACC]: 49.2% | [VAL LOSS]: 2.13 | [VAL ACC]: 49.6%\n", + "[EPOCH]: 03 | [LR]: 0.001 | [TRAIN LOSS]: 1.90 | [TRAIN ACC]: 51.8% | [VAL LOSS]: 1.93 | [VAL ACC]: 57.1%\n", + "[EPOCH]: 04 | [LR]: 0.001 | [TRAIN LOSS]: 1.69 | [TRAIN ACC]: 55.2% | [VAL LOSS]: 1.78 | [VAL ACC]: 52.0%\n", + "[EPOCH]: 05 | [LR]: 0.001 | [TRAIN LOSS]: 1.52 | [TRAIN ACC]: 57.4% | [VAL LOSS]: 1.66 | [VAL ACC]: 58.5%\n", + "[EPOCH]: 06 | [LR]: 0.001 | [TRAIN LOSS]: 1.38 | [TRAIN ACC]: 60.6% | [VAL LOSS]: 1.59 | [VAL ACC]: 56.7%\n", + "[EPOCH]: 07 | [LR]: 0.001 | [TRAIN LOSS]: 1.29 | [TRAIN ACC]: 62.1% | [VAL LOSS]: 1.51 | [VAL ACC]: 55.2%\n", + "[EPOCH]: 08 | [LR]: 0.001 | [TRAIN LOSS]: 1.20 | [TRAIN ACC]: 64.0% | [VAL LOSS]: 1.48 | [VAL ACC]: 59.9%\n", + "[EPOCH]: 09 | [LR]: 0.001 | [TRAIN LOSS]: 1.12 | [TRAIN ACC]: 65.3% | [VAL LOSS]: 1.43 | [VAL ACC]: 59.9%\n", + "[EPOCH]: 10 | [LR]: 0.001 | [TRAIN LOSS]: 1.06 | [TRAIN ACC]: 65.5% | [VAL LOSS]: 1.38 | [VAL ACC]: 61.2%\n", + "[EPOCH]: 11 | [LR]: 0.001 | [TRAIN LOSS]: 0.99 | [TRAIN ACC]: 67.0% | [VAL LOSS]: 1.38 | [VAL ACC]: 62.6%\n", + "[EPOCH]: 12 | [LR]: 0.001 | [TRAIN LOSS]: 0.94 | [TRAIN ACC]: 68.5% | [VAL LOSS]: 1.35 | [VAL ACC]: 66.1%\n", + "[EPOCH]: 13 | [LR]: 0.001 | [TRAIN LOSS]: 0.90 | [TRAIN ACC]: 69.1% | [VAL LOSS]: 1.37 | [VAL ACC]: 63.7%\n", + "[EPOCH]: 14 | [LR]: 0.001 | [TRAIN LOSS]: 0.85 | [TRAIN ACC]: 69.7% | [VAL LOSS]: 1.30 | [VAL ACC]: 64.9%\n", + "[EPOCH]: 15 | [LR]: 0.001 | [TRAIN LOSS]: 0.81 | [TRAIN ACC]: 70.4% | [VAL LOSS]: 1.28 | [VAL ACC]: 66.6%\n", + "[EPOCH]: 16 | [LR]: 0.001 | [TRAIN LOSS]: 0.79 | [TRAIN ACC]: 71.4% | [VAL LOSS]: 1.29 | [VAL ACC]: 66.4%\n", + "[EPOCH]: 17 | [LR]: 0.001 | [TRAIN LOSS]: 0.74 | [TRAIN ACC]: 71.7% | [VAL LOSS]: 1.30 | [VAL ACC]: 67.5%\n", + "[EPOCH]: 18 | [LR]: 0.001 | [TRAIN LOSS]: 0.70 | [TRAIN ACC]: 73.2% | [VAL LOSS]: 1.27 | [VAL ACC]: 68.4%\n", + "[EPOCH]: 19 | [LR]: 0.001 | [TRAIN LOSS]: 0.69 | [TRAIN ACC]: 73.3% | [VAL LOSS]: 1.31 | [VAL ACC]: 67.6%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "0QLZfEyznVpT", + "colab_type": "code", + "outputId": "0f436371-3b96-4e59-a0fd-6868688c59e9", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Plot performance\n", + "trainer.plot_performance()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA2gAAAE+CAYAAAD4XjP+AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3XdYHOe5///3FpbeYekdREcN1JBA\nQr1Z1Zbt2HHsNJ9fEifn+OvjJMcnTuJUJ05ziU8s19hxZMu2LEuyVVFDDUlIAoFE723pve3u7w9k\nJKwuQMvC/bouXezOzM58Fha0994zz6MwGo1GhBBCCCGEEEKYnNLUAYQQQgghhBBC9JMCTQghhBBC\nCCFGCSnQhBBCCCGEEGKUkAJNCCGEEEIIIUYJKdCEEEIIIYQQYpSQAk0IIYQQQgghRgkp0IS4Q+Hh\n4VRXV5s6hhBCCHFX3H///dxzzz2mjiHEmCcFmhBCCCGEuKHc3Fzs7e3x9vYmIyPD1HGEGNOkQBNi\nmHV3d/Ozn/2MxYsXs3TpUn73u9+h1+sBePfdd1m6dClLlixh/fr15OXl3XC5EEIIMRp88sknLFmy\nhBUrVrBly5aB5Vu2bGHx4sUsXryYp556ip6enusuP378OAsXLhx47JX3X3zxRZ555hnWr1/PW2+9\nhcFg4Be/+AWLFy8mJSWFp556it7eXgAaGhp4/PHHmT9/PitXruTw4cPs37+fFStWDMq8du1a9uzZ\nM9LfGiGGndrUAYQYa95++22qq6vZvn07fX19PPTQQ2zbto358+fz17/+ldTUVOzs7Pj888/Zv38/\nXl5e11weFhZm6qcihBBCoNfr2b17N9/73vdQqVS88MIL9PT0UFtby+9//3u2bNmCVqvlBz/4Ae+8\n8w5Lliy55vLY2NgbHufAgQN8+umnuLi4sHPnTk6ePMm2bdswGAysWbOGHTt2sGrVKl544QVCQkJ4\n9dVXyc7O5tFHH+XQoUPodDouXLhAREQElZWVlJaWkpSUdJe+S0IMHynQhBhm+/fv57HHHkOtVqNW\nq1m5ciVpaWksW7YMhULB5s2bWbFiBUuXLgWgt7f3msuFEEKI0eDw4cPExsZiZ2cHwLRp00hNTaWp\nqYnJkyfj4eEBwAsvvIBKpeKjjz665vJTp07d8DgTJ07ExcUFgMWLFzNv3jwsLCwAiI2NpaysDOgv\n5F577TUAoqKi2Lt3LxqNhsWLF7N9+3YiIiLYs2cP8+fPR6PRDP83RIgRJqc4CjHMGhoacHR0HLjv\n6OhIfX09FhYWvPXWW5w+fZrFixfz4IMPcvHixesuF0IIIUaDjz/+mP379xMfH098fDy7du3ik08+\nobGxEQcHh4HtLC0tUavV111+M1f+39nQ0MDTTz/N4sWLWbJkCXv37sVoNALQ1NSEvb39wLZfFo7L\nly9n+/btAOzZs4dly5YN7YkLYSJSoAkxzNzc3Ghqahq439TUhJubG9D/Sd/f/vY3jh49yuzZs3n2\n2WdvuFwIIYQwpebmZk6cOMHx48c5efIkJ0+eJD09nczMTJRKJY2NjQPbtrW1UVdXh7Oz8zWXq1Sq\ngWuyAVpaWq573D//+c+o1Wo+++wzvvjiC5KTkwfWOTk5Ddp/eXk5vb29JCQk0NfXR2pqKnl5ecya\nNWu4vg1C3FVSoAkxzObOncvmzZvR6/V0dHTw6aefkpyczMWLF3niiSfo6elBo9EQExODQqG47nIh\nhBDC1LZv386MGTMGnSqoVquZPXs2PT09nD59mvLycoxGI88++yybN28mOTn5msvd3d3R6XTU19ej\n1+v57LPPrnvc+vp6JkyYgEaj4cKFC2RkZNDR0QFASkoKn3zyCQD5+fmsXbsWvV6PUqlk2bJlPPfc\nc6SkpAycHimEuZFr0IQYgocffhiVSjVw/1e/+hUPP/wwZWVlLF++HIVCwZIlSwauK/P19WXFihVY\nWFhga2vLz372MyZMmHDN5UIIIYSpbdmyhUceeeSq5QsXLuSVV17hl7/8JY888ggqlYrY2FgeffRR\nLC0tr7t83bp1rF69Gm9vb1atWkVOTs41j/vYY4/x9NNP8/HHHxMfH8/TTz/N//zP/xAXF8dTTz3F\n008/TUpKCra2tvzxj3/EysoK6D/N8c0335TTG4VZUxi/PKFXCCGEEEIIM1ZXV8eaNWvYv3//oA9Q\nhTAncoqjEEIIIYQYE/72t7/xwAMPSHEmzJoUaEIIIYQQwqzV1dUxf/586urqeOyxx0wdR4ghkVMc\nhRBCCCGEEGKUkA6aEEIIIYQQQowSUqAJIYQQQgghxChx14fZ1+lah7wPZ2cbGhs7hiHN3SW57x5z\nzAzmmdscM4N55jbHzO7u9qaOYFbk/0jzym2OmcE8c5tjZjDP3OaYGcwv943+fzTLDppabZ4j80ju\nu8ccM4N55jbHzGCeuc0xs7j7zPV1Yo65zTEzmGduc8wM5pnbHDOD+ea+FrMs0IQQQgghhBBiLJIC\nTQghhBBCCCFGCSnQhBBCCCGEEGKUkAJNCCGEEEIIIUYJKdCEEEIIIYQQYpSQAk0IIYQQQgghRgkp\n0IQQQgghhBBilJACTQghxpH9+/fe0nZ//esLVFZWjHAaIYQQQnyVFGhCCDFOVFVVsmfPzlva9oc/\nfBJvb58RTiSEEEKIr1KbOsDt6u7R89mhQiYFO2OlMbv4QghhMn/60+/JyTnPnDkJLFq0lKqqSv7y\nl1f47W9/iU5XS2dnJ4899h0SE+fw/e9/h//6r/8mNXUv7e1tlJaWUFFRzhNPPMnMmYmmfipCCCHE\nLTMYjRRVtdDe2YvB0H/fYDBiMBrRGy7dvnS//yuXlxuv/jop1J1gb4cRy2t2Fc7Fskb+sSWTeVN8\neHhRuKnjCCGE2XjggYf5+OMPCAoKobS0mFde2UhjYwPTps1g6dIVVFSU87//+2MSE+cMelxtbQ1/\n/OPfOHbsCJ9++pEUaEIIIcxCc3sPaZlVHDxTSW1T57Dtt6q+g++tiR22/X2V2RVoUYEu+LjbciCj\nkpQpvvi42Zo6khBC3LYP9uWTfqH2th6jUinQ643XXZ8QoeW+lNBb2ldkZDQA9vYO5OScZ+vWj1Eo\nlLS0NF+1bVzcJAC0Wi1tbW23lVkIIYS4mwxGI9lFDRw4W8mZvDr0BiMatZJZMZ54udqgUipRKkCp\nVFz+p1CguvT1ymVKJYOXX/rq72E3os/B7Ao0tUrJYytjeO6N42zal8d/3TfJ1JGEEMLsWFhYALB7\n9xe0tLTw8ssbaWlp4VvfeviqbVUq1cBto/H6BaIQQghhKvXNnXx2pJhDZyupa+4CwNfdjuRJ3syM\n9sDGysLECW+d2RVoAAlRHkQGOJNV2EBmYT2xwa6mjiSEELflvpTQW+52fcnd3R6drvWOj6lUKtHr\n9YOWNTU14eXljVKp5MCBffT29t7x/oUQQoi7yWAwklVUz4EzlZwtqMdgMKKxUDInzovkST4Eedmj\nUChMHfO2mWWBplAouH9+GD9/8wSb9uUTFeiMSikDUgohxI0EBARx8eIFvLy8cXJyAmDu3BR+/OP/\nIjs7i+XL70Gr1fLmm6+ZOKkQQghxfQ0tXRw+V8XBc5U0tHQDEOzjSGKMJzOiPLC2NMsSZ4DZpvfT\n2jEnzpuDZys5cKb/ejQhhBDX5+zszMcfbx+0zMvLm7ff/vfA/UWLlgLw6KPfBiA4+HKXLzg4lJde\n+sddSCqEEEIMpjcYyCxo4MCZCs4V1mM0gqVGRfIkb5IneZMQ6zOks0xGE7Mt0ADWJAVzIqeGLYeK\nmBFlXueWCiGEEEIIIa7PaDRSf6lbduhcFY2t/d2yIC97kif5MC1SOyan3TLrZ+Roq2H5zAA+OlDI\nZ0eK2ZASZupIQgghhBBCiCv09hno6OqlvauP9ktfO7p6ae/8yv1L6zu6+vpvd/aiN/QPTmVtqWLe\nFB+SJ3rj72Fv4mc0ssy6QANYlODHgTOV7DlZztzJPng425g6khBCCCGEEONOY2s32cUN5JQ0UlrT\nOlBw9fQabnkfSoUCGys1tlZq3BytcLDRMHmCG9MiPLDUqG6+gzHA7As0C7WK9XNDePXT83yYWsD3\n147cpHFCCCGEEEKIfu1dvVwoaSS7pJGc4kaqGzoG1llaqLC3scDLxba/4LK2wNZKja1V/1ebK27b\nWlsM3LfSqMxy5MXhZHYFmtFopLK1Bgsud8oSIrTsOVXO6VwdF0sbCfd3NmFCIYQQQgghxp7uXj15\n5U3kFPcXZaXVrXw5O6alhYq4EFci/J2JCnTGV2uHcpwXWnfK7Aq0C415vJS6kQcj1pHoPR3oH3b/\ngflhPPf2Sf69N5///Ua8vCCEEEIIIYQYgj69geKqVrJLGsgpbqSgspk+fX9JplIqCPNzIirAmchA\nZ4K8HFCrZNqr4WB2BZq3rRcWKgs+L9rLNM+pWCj7n0KQlwMzoz04er6GI5nVzI7zMnFSIYQwT+vX\nr+SddzZhYyPX9N6qDz/8kK1btw7cz8rK4v333+fnP/85AOHh4fziF78wUTohhLg1BqORospmjmSU\nk13SyMWyJrp79AAoAH8PeyIDnYkKcCbM12ncXBN2t5ldgeZoac+ikCS25+7lWFU6c3xmDqxblxzC\nqYs6PjpYQHyE+5gcdlMIIcToc++993LvvfcCcOLECT7//HN+/etf89Of/pS4uDiefPJJDhw4QHJy\nsomTCiFEv94+PRV17ZTWtFFW00ZpbSvlujY6u/UD23i42PR3yAKciQhwxs5aprS6G8yyglkVsZBd\n+QfZWZzKDK+EgS6ai4MVS6b7szWtmM+PlbImKdjESYUQYvR47LGv8ZvfvICnpyfV1VX85CdP4u6u\npbOzk66uLv7zP58iKirG1DHN3ssvv8xvf/tbHnroIeLi4gCYN28eR48elQJNCGESLR09lNVeLsTK\natqoqu/AYDQObKNQgJerLTNjXQjysCMywBkXBysTph6/zLJAc7J2ZI7PDPaVHbqqi7Z0egAHz1ay\n80QpyZO85YUlhBCXJCXNIy3tIOvW3cehQwdISppHSEgYSUlzOXUqnffee5tf//oPpo5p1s6dO4eX\nlxcqlQoHB4eB5a6uruh0OhMmE0KMBwajkdrGTspq2yitaR342tTWM2g7S42KYB8H/LV2+HvY46e1\nw8fNFo2FCnd3e3S6VhM9AwFmWqABLPCfy6GKY3xRvG9QF81So2Jdcgivb89h84ECvrMy2sRJhRDi\nah/nbyOjNvO2HqNSKgYm7LyWydpY1oauuO76pKR5vPTSX1i37j4OHz7A97//n/z73//k/ff/SW9v\nL1ZW8oHWUG3evJk1a9ZctdxovP7P7UrOzjao1UO/psPd3TwncTXH3OaYGcwztzlmhpHJbTAY0TV1\nUl7bSnltG+W1bRRXNlNc1UJXj37Qtm6OViREeRDk7UiwtyNBPg54utiiVF5/QD35XpuW2RZojpb2\nA120o5XpJPle7qLNjPFkz8lyjp2vYcFUP4K9HW6wJyGEGB+Cg0Oor9dRU1NNa2srhw7tx81Ny//+\n73NcuJDNSy/9xdQRzd7x48d55plnUCgUNDU1DSyvqalBq9Xe9PGNjR033eZmzPXTb3PMbY6ZwTxz\nm2NmGHru7l49NQ0dVNV3UFXfTvWl2zUNHfT0DZ78WalQ4O1mg5/WDj+tPf4edvhp7bC30QzeqdFI\nfX3biGU2FXPLfaNi0mwLNICFAf1dtJ0l+5jpfbmLplQouH9+KL//Vwb/3pvHTx6aMu4nvBNCjC5r\nQ1fcsNt1LcPxn8/MmbP5xz9eYc6cZJqaGgkJCQPgwIFU+vr6hrTv8a6mpgZbW1s0mv43Q8HBwZw8\neZL4+Hh27drFww8/bOKEQojRyGg00tLe01+ENVwqxOr7C7H6lq6rttdYKPF0tcHL1RYvF5uB254u\n1lgMQwdemJ5ZF2gOGnuSfGayt+zgVV20cH9npk5w51SujvQLtUyL9DBhUiGEGB2Sk+fx+OOP8dZb\n79PV1cmvfvUsqal7WLfuPvbs2cX27VtvvhNxTTqdDhcXl4H7P/3pT/nZz36GwWBg4sSJzJo1y4Tp\nhBCjQUt7D+W6Nip07VTU9X+trO+gs/vqD8gc7TRE+Dv1F1+uNni52uDlYouzg6XM9zvGmXWBBrAg\nIJmDFUev6qIB3DsvhLMFdXyYWsDkMDf5VEEIMe5FRkZz4MDxgfvvvbd54Pbs2f0jDC5ffs9dzzUW\nxMTEsHHjxoH7oaGh/Otf/zJhIiGEqXR291FZ187pgnouFNb3F2V17bR29A7aTqVUoHW2JjLAGS9X\nGzxdvuyG2WBjZfZv08UdMvuf/OAu2gmSfC9/Qql1tmHBVD++OFHKrvQyls8MNF1QIYQQQggxpvT2\nGahu6LjcFdO1Ua5rv+apie5OVoR4O+KrtcXHzQ4f9/5CTK1SmiC5GM3MvkCDK7toqcz0njaoi7Zi\nViCHM6vYdrSE2bFeONpZmjCpEEIIIYQwV719ejLy6jidq6Osto2ahs5Bc4kBONpqiAp0xsfNjshg\nVxys1Hi72WClGRNvu81OW287BU1FFLeU4ahxINgpAB9bL1TK0Xtm3Zh4pdyoi2ZjpWbNnCD+uSuX\nTw4V8o2lkSZMKoQQQgghzInRaKSwqoW0zGpOZNfQcel6MWtLFcHeDvi42+Lr3j+PmI+77aBRE81t\nZMGxoLm7lfymwkv/iqhsr75qG41KQ6CDP8GOAQQ7BhLk4I+NhbUJ0l7bmCjQoH9Ex+t10ZImebPv\ndAWHzlaRMsUXf4+xMUeCEEIIIYQYGY2t3RzJqiIts5rqhv4pMJzsNCRP9mdWtCfebrYySvgo0NjV\nRF5TIeXF5WRWX6C2o25gnYXSgnDnUEKdggh2DKSxu5mi5mIKmkvIbcwntzEfAAUKvGw9CHIMIMQx\nkCDHANytXU328x0zBZq9xo4k35nsLT3IkcoTJF/RRVMplWxICeVPH5xl0758/t/9k+QXSgghhBBC\nDNLTq+d0no60zGqyixswGkGtUjItUsvsWC+iAl1uOMGzGFlGo5G6zgbymwrJu9Qhq+9qGFhvpbIk\nyjWcMMdgQp2D8bf3Qa0cXO7M9IoHoKO3g8LmEoqaSyhoLqakpYzK9mrSKvsH0rK3sCPYMaC/aHMK\nxM/ed1ADaCSNmQINYKH/XA6WH2VXSSqzvBKwUFkMrIsJdiU22JXMwnrO5NcxOczdhEmFEEIIIcRo\nYDQaKaho4XBmFekXaujs1gMQ4uNAYqwX0yK02FhZ3GQvYiQYjUZqO3TkXnHKYlN388B6G7U1sW5R\nhDkFkxAUg22v4y1fW2ZjYUOMWyQxbv2XP+kNeiraqihoLh4o2s7Wneds3XkA1AoV/g6+BDkGMMsr\nAU/bkZvCa0wVaIO6aFXpg7poABtSQjlf1MAH+/KJDXaVUXOEEEIIIcaphpYujmRVk5ZZRU1jJwDO\n9pakTPFlVownXq62Jk44PvXoe8ltzOd8/QWy6i/Q0NU4sM7OwpbJ7rGEOgUT5hyMl60HSkX/+3l3\nl6Fd76dS9hdg/g6+zPObDfSfPlnQXExhcwmFzcUUt5RR2FxCXWcD34n9+tCe6A2MqQIN+rtoh67T\nRfN2s2Xu5P7r0fadrmBRgp8JkwohhBBCiLupu1fP6VwdaZlV5BQ3YgQ0aiUzoj1IjPEiMsBZTmE0\ngYauxv6CrC6Hi40F9Br654uzVlsxWRtHuHMoYU5BeNho7+plSs5WTsRbTSLeYxIAXX3dlLVWoLVx\nG9HjjrkCrb+LNos9pQeu2UVbNTuIo+dr2Hq4iFkxnthZS8taCCGEEGKsMhqNFFa2cOhcJSdyaunq\n6T+FMczXkcRYLxIitFhbjrm3xKOa3qCnqKV0oCi7cqRFT1sPYlwjiHGNINgxcFQNh2+ltiTMOXjE\njzMmX40L/JM5WH6EncX7ruqi2dtouCcxkE378vn0cBFfWzjBhEmFEEIIIcRIaO3o4WhWNYfOVVFR\n1w6Aq4MlC+L9SIz1xMPZxsQJx5e23nay6y9yvv4C2fUX6ejrP61UrVQT5RJOtFsEMa6RuFm7mDip\n6Y3JAu3KLlpa1Qnm+iYOWj9/qi+pGRWknq4gZYqPnGMshBBCCDEGGAxGzhc3cOhsJRl5degNRtQq\nBQkRWuZM9CIqQEZhvJ6WnlYOVxyjIa8B+pRYqSyxVGmwVFtiqbK84X0rleVVoyUajUYq26vJqssh\nqz6HouZSjPRP6u1k6cgUbRwxbpFMcA7FUqW5VqRxa0wWaHC5i7arOJVEr2mDumhqlZL75oXy0seZ\nfHq4iMdXxZgwqRBCCCGEGApdUyeHz1WRllVFQ0s3AL7utsyJ82amXNJyQ+WtlaSWHeZkTQZ9Rv0d\n70elUGGlskSj0mCltqSzr2tgxEUFCoIc/Ylx7R810dvWU6a8uoExW6DZa+xI9k1kd+n+a3bRJoe5\n4etux8kLOhrmdeHiYGWipEIIIYQQ4nb19uk5nVvHwbOV5JT0j/RnpVGRPMmbpIneBHraj0gRoDfo\nKWktJ8Ded1RdH3U7DEYD5+svsK/s8MBkzVprN+b5zSY5PIEaXTPd+m669T109XVdvq3vpruv59L9\n7kv3r1in76arr5uW7lYUCgXxHpOIdo0gyjUcOws5Y+1W3VKB9vzzz3Pq1Cn6+vr47ne/y6JFiwbW\npaSk4OnpiUrV/wL94x//iIfHyM0LcDvm+ydxoDztml00hULBwgRf3txxgb2nyrl3XqgJkwohhBBC\niFtRWtPKoXNVHDtfTXtXHwATfB2ZM9Gb+HAtlpqRK5p69D28nvUuWfUX8LHz4oHwtQQ5BozY8YZb\nV183x6tPsb/sMLWddQCEO4cyz2820a4RKBVK3GzsMdpIx9GUblqgHTt2jLy8PDZt2kRjYyNr1qwZ\nVKABvPbaa9jajr6qeFAXrfIEc/0Gd9FmRHnw0f4CDpypZGViIFaaMdtQFEIIIYQwW22dvaSeLufg\nuSpKqvvnunK01bB0hj9z4rzxdBn5AT/aezt49dybFDaXoLV2o6KtihdOvUKiz3RWBS/FxsJ6xDPc\nqYauRg6UHyGt8gSdfZ2oFSpmeMWT4jcHHzsvU8cTX3HTiiQhIYG4uDgAHBwc6OzsRK/XD3TMRruB\nLlrJPhK9B3fRLNQq5k72YWtaMWmZ1cyf6mvCpEIIIYQQY5veYKCzW09nd98V//rvd3T30dXT//Wr\n25RUt9LTZ0CpUDAp1I05cV7EhriiVinvSu6m7mZeOrORqvYa4j0m8XDkfRQ1l/Lvix9zuOIYZ3VZ\nrA9dyVSPSaPq2qqi5hL2lR3ijC4Lg9GAvYUdy4IWMsdnBg4ae1PHE9dx0wJNpVJhY9P/qcTmzZtJ\nSkq6qjh79tlnqaioYOrUqTz55JOj6oV5sy7avCm+7DhWwp6TZcyb4oNyFGUXQgghhDA33b16Mgvq\nOXmxlrrmrsvFV7ee7t7bH4RCoQBvNztmRGlJjPXCyc5yBFJfX017LS+e2UhjdxNzfRNZF7YSpUJJ\nmHMwP5n2I/aWHuTz4j28mf0+R6tOsiF8zYhPZHwjeoOeM7pMUssOU9RSCoC3rScpfnOI95g0qFkh\nRqdbPqdvz549bN68mTfeeGPQ8ieeeII5c+bg6OjI9773PXbu3MmSJUuuux9nZxvU6qF339zdb73q\n32C/jIOVR9lTtp9VE+ejueKF6e4Oc6f4sSe9lJK6DqZFeQ45243cTu7RxBxzm2NmMM/c5pgZzDO3\nOWYWQox9Pb16MgvrSb9Qy5n8Onp6DQColAqsLdXYWKpxtNVgY6nG+qp/qoFtBpZpVAO3rTQqtFoH\ndLrWu/68SlrKeOXsG7T1trMyeAmLA+YNakSolWoWB6Yw1WMimy5uIbvhIr8+8SeWBKSwIGDuXc3a\n0dtJWuVxDpQfobG7CYAY10hS/OYwwTlkVDVQxI3dUoF26NAhXn31VTZu3Ii9/eA3B6tXrx64nZSU\nRG5u7g0LtMbGjjuMepm7u/1t/5Imec9kd+l+Pj2796ouWlKsJ3vSS9m8J5cg95G7lu5Oco8G5pjb\nHDODeeY2x8xgnrnNNbMQYmzq7dOTWdjQX5Tl1Q10x7TO1iREaEmI0OKntTPbwiCnIZd/ZL5Dr76X\nByPWkeg9/brbulm78v9NfIwMXSabcz9lW9Eu0msy+O60r+Gh9B6xjH2GPnIbCzijyyK9JoMefQ8a\npQVJPrOY65eIh437iB1bjJybFmitra08//zzvPXWWzg5OV217kc/+hF///vf0Wg0pKens3jx4hEL\nOxTz/ZM4UHGEXSX7mOU9bVAXzVdrR2SAMzkljZTWtOLvIW8ohBBCCCG+qrfPQFZR/UBR1tXTX5S5\nO1mREOFLQoQWfw/zLcq+dKrmDG9nb0KhUPCt2IeZ5H7zOXMVCgVTtHFEuoTxWeFODpYf5Zf7/8I0\nzymsDV2BvcZuWLJ19HaSXX+Bc3XZnK+/QJe+f943J0tHlgUuINF7GjYWIz9oihg5Ny3QduzYQWNj\nIz/60Y8Glk2fPp3w8HAWLlxIUlISGzZswNLSkqioqBt2z0zJXmNHss+sS9eiHWee3+xB6xcl+JFT\n0sjuk2V8c3mUiVIKIYQQQowuvX0Gzhc3kJ5Ty5l8HZ3d/UWZm6MV8yb7kBCpJcBjZOYcM4UD5Uf4\nMPdTLFWWfDfuESY4h9zW463V1tw3YTXTPafyYcEWTlSfJqsuh9Uhy5jpnYBScfsDmzR2NXGuLptz\nuvPkNhVgMPafQupq5cxMrwTi3KMJcQw023nZxGA3LdA2bNjAhg0brrv+kUce4ZFHHhnWUCNlgX8y\nByqOsLsklUTv6YO6aLEhrni42HA8u4b1ySE43uULUIUQQgghRos+vYHsS0XZ6bw6Orv75xtzcbAk\naaI30yI9RmwiaFMxGo1sL9rN58V7sNfY8b2J38LP/s5PTwxw8OM3C57mozO72Fa4k39d/Ihj1ad4\nIHwt3nY3HvPAaDRS2V7NOd15ztWdp7S1YmCdv70PcW7RxLlH423rOaZ+BqLfuJr4y05jy1zfRHaV\npF7VRVMqFCyM9+XdXbmkZlSwek6wCZMKIYQQQtx91Q0dfHG8hFMXdQOTQDvbWzInzouECC3B3g5j\nsiAwGA1syt3C4YpjuFm58P3R1yBUAAAgAElEQVRJ38bdxnXI+1UpVczzm81kbSwf5m7ljC6T36b/\nhfl+SSwNWoClSjOwrd6gp6C5mHN15zmny6a+qwEApUJJhHMYce7RxLlF4WzldL3DiTFiXBVoAPP9\nkthfnnbNLlpijBefHCwkNaOC5TMDsBiG0SaFEEIIIUa7msYOPksr5uj5aoxGcLLTsCDel2kRHgT7\nOIzpaYh6DX28ff59MnSZ+Nh58b2J38LRcnjHI3CydOTbsQ+TVZfDB7lb2F26n1O1Z1kfthKj0ci5\numyy6nJo7+sfTM9KZclU7UTi3KKIco0Y1ZNgi+E37gq0G3XRLDUqkiZ58/mxUo6dr2HOxJEbdUcI\nIYQQwtRqmzrZllbMkaxqDEYjPu62rEoMYkq4+5guyr7U2dfFPzLfIbcxn1CnIB6P+wbW6pErhmLc\nIpngHMKOoj3sLTvIPzLfGVjnZOnIHI+ZxLlFEeYcgoVy3L1NF5eMy5/8fL8kDpSnsesaXbT5U3zZ\ndaKM3SfLmB3nNSbb+EIIIYQY3+qaOtl2tJi0zGr0BiPebrasmh3E1HFSmAG09rTx8tnXKWutYKJb\nNI9GP3hXJnHWqDSsDl3GNM8p7C09iJOlA3Hu0fjZ+9zRACJi7BmXBZqdxpbkS120wxVHSfFPGljn\n4mBFfISW49k1ZJc0Eh3oYsKkQgghhBDDp765iw8OFLL7eAl6gxFPFxtWzQ4iIUKLUjk+CjOAus4G\nXjrzGrrOemZ5TeP+8DV3fQREbztPHo66764eU5iHcVmgQf+8aAfLj/JFyT5meicMamcvSvDjeHYN\nu9PLpEATQgghhNlraOli+7ESDp2tpE9vxMPZmntmBzE90mNcFWYAFW1VvHxmI809rSwOSGFl8GI5\nY0qMKuO2QLOzsGVRwFy2Fn7BrpL9rApZOrAuyMuBUF9HzhXUU1XfjperrQmTCiGEEELcmcbWbnYc\nK+HAmUr69Abcnax4aGkkUX6OqJTj73S6/KYiXj33Jp19XawPu+eqeXGFGA3GbYEGMM9vNgcrjpJa\ndogkn5mDhi1dFO9Hfnkzu0+W8/XF4SZMKYQQQghxe5rbutlxrJT9Zyro7TPg5mjFylmBzIzxxMvT\nEZ2u1dQR76rGribSqzPYUbwbvdHAI1H3M81ziqljCXFN47pA06g0rAhezLs5H7CtaBcPR14+D3jy\nBDdcHaw4klnF2qRg7KxH/qJRIYQQQoihaGnv4fPjJaSerqCnz4CrgyUrZgWSGOuFWjW+OmadfZ1k\n1GaRXn2avKZCjBjRqDQ8HvsI0a7y4bsYvcZ1gQYw3XMK+0oPcrzqFCl+c/Cx8wJApVSyIN6XTfvy\nOXCmguUzA00bVAghhBDiOuqbu9h3upy9p8vp6TXgbG/JhlmBzIkbX4VZn6GP7PqLnKjJILMumz5D\n/2TbIY6BJHhOYYo2DlsLGxOnFOLGxn2BplQoWR26nFfOvs6W/B18b9I3B9bNifNmy+Ei9p2uYPE0\n/3H1B04IIYQQo1tPr57TuToOZ1aRU9yIkf4Jpu+dG0jSRG8s1OPjfYvRaKSwuYQTNafJqDk3MNmz\nh42WaZ5TSPCYhKu1DPomzMe4L9AAolwmEO4cSnbDRS405BHhEgaAjZWaOXFe7DlZzskLtcyI9jRx\nUiGEEEKMZ0ajkcLKFg5nVnEip4bObj0AoT6OzI7zYma0BxbquztcvKlUt9eSXpNBenUG9V0NADho\n7Enxm0OC52T87HxkdEZhlqRAAxQKBatDl/H79L+xJX87/53wxMBEgQvi/dh7spxd6WVMj/KQX3Qh\nhBBC3HWNrd0cPV9NWmYVVfX9HSJne0tSpviSGOuFp8v4OG2vpaeVUzVnOVF9mtLWcqB/TIHpnlNJ\n8JjMBOeQuz6fmRDDTQq0S/ztfUnwmEx6TQYna84MjOyjdbJm8gR3TufqyCtvZoKf0032JIQQQggx\ndL19ejLy6kjLrCarqB6jEdQqJdMitcyO8yIqwGVczGHW1dfNweJs9uYd4UJDHkaMKBVKol0jmOYx\nmVj3aCxVGlPHFGLYSIF2hZXBi8moPcdnhTuZ7B6Lhap/5MaF8b6cztWxO71MCjQhhBBCjBij0Uhx\ndWv/KYzZNbR39Q9yEeztQGKsF9MjtdhYjf2RpTv7Osmsy+FMbSbZDRfpvTTYR6CDPwmek5mqnYi9\nxs7EKYUYGVKgXcHV2oVk30T2lh3kQMURFvgnAzDBz4kAD3tO5+nQNXXi7mRt4qRCCCGEGEua23s4\nmlVNWlYVFbp2ABxtNSyd7s+sWC983GxNnHDktfW2k6nLJkOXyYWGPPTG/uvrvGw9SAyMJ9o+Cq2N\nu4lTCjHypED7isWBKRypSueL4n3M9ErA1sIGhULBogQ/XtuWzd5T5dw/P8zUMYUQQggxBhRXt7D1\ncDHnCuoxGI2oVQriw92ZHedFdJALKuXYHomxpaeVs7rznKnNJLepAIPRAICvnTeTtbFMco/F01aL\nu7v9uJtcW4xfUqB9ha2FDUsCU/gkfzs7S/axNnQFAAmRWj7Yn8/Bs5Wsmh2EtaV864QQQly2detW\nNm7ciFqt5oknniA8PJz//u//Rq/X4+7uzh/+8Ac0GrlORlx2IqeG17fn0NtnIMDTntmxXkyP8sDO\nemyfwtjU3cyZ2izO6DLJbyrCiBGAAAc/Jrv3F2XuNq4mTimE6UiVcQ3JPrPYX5bGgbI0kn1m4Wrt\nglqlZP4UXz4+WMihc1UsSvAzdUwhhBCjRGNjIy+//DIfffQRHR0dvPjii+zcuZMHH3yQpUuX8qc/\n/YnNmzfz4IMPmjqqGAWMRiPbjhTzyaEirDQq/mN9HJNC3Uwda0TVdzZwRpdFRm0mRS0lAChQEOQY\ncKlTFoOLlbOJUwoxOkiBdg0WKgvuCVnC29n/5rPCXXwj+n4A5k72YduRYvacLGPBVN9xMXKSEEKI\nmzt69CgzZ87Ezs4OOzs7nnvuOVJSUvjFL34BwLx583jjjTekQBP09hl46/Mcjp6vwdXBkh+un4iv\ndnQNdlHf2UhLz9BPJzQYDRQ0FZGhO0dpawXQX5RNcAphkjaWie7ROFk6Dvk4Qow1UqBdR7zHJPaV\nHiS95jTz/efgZ++DnbUFs2I82X+mkow8HVPDtaaOKYQQYhQoLy+nq6uLxx9/nJaWFn7wgx/Q2dk5\ncEqjq6srOp3upvtxdrZBPQyTDLu72w95H6ZgjrlvJ3NzWzd/ePMEOcUNhPs78z+PTcPZ3moE013f\n9XIfLTvFX46+PnDa4XBQKZRM9Ixkuu8UEnzicLRyuKP9mOPrA8wztzlmBvPN/VVSoF2HUqFkdehy\nXjzzGp/kb+cHk76NQqFgQbwf+89Usiu9TAo0IYQQA5qamnjppZeorKzk61//Okbj5Te4V96+kcbG\njiHnMNfBFMwx9+1krqhr568fnqWuuYtpkVoeWxZJX1cvuq7eEU55tevlLm+t5OVTb6NRWTDbZwZK\nhj5AiYetlji3KGwt+ifS7mkFXevt/5zN8fUB5pnbHDOD+eW+UTEpBdoNRLiEEeUSTnbDRbIbcol2\nDcfbzZaYYBeyChsoqmohyOvOPgUSQggxdri6ujJ58mTUajX+/v7Y2tqiUqno6urCysqKmpoatFr5\nUG+8Ol/UwCtbsujs7uOexEBWzQ5CoRhdl0m09bTzj8y36TH08p3YrzPRPcbUkYQYt8b22K3DYHXo\nMhQo2JK/fWDo1y8HCNl9ssyU0YQQQowSs2fP5tixYxgMBhobG+no6GDWrFns3LkTgF27djFnzhwT\npxSmkHq6nD9/cJbePj3fXhnF6jnBo6440xv0vH7+Peq7GlkWuECKMyFMTDpoN+Fj58V0z6kcqz7J\n8erTzPSKJzrQBR83W9Jzarl3bijO9pamjimEEMKEPDw8WLx4Mffddx8AzzzzDLGxsTz99NNs2rQJ\nb29vVq9ebeKU4m4yGIz8e18ee06WY29jwQ/WxhHqOzoHxPikYDu5jfnEuUWzNGiBqeMIMe5JgXYL\nVgQv4lTtGbYV7mSqdiIalQULE/x46/ML7DtdzrrkEFNHFEIIYWL3338/999//6Blb775ponSCFPq\n7O7j/7ae51xBPd5utvxwfRzuTtamjnVNx6tOkVp2GE8bLV+P2oBSISdXCWFq8lt4C5ytnJjnN4em\n7mb2lx0GYMaliST3Z1TQ3as3cUIhhBBC3E01HTpydHlXDQBT19zJb989xbmCemKCXPjpQ1NHbXFW\n0lLGvy5+hLXamu/GPYK12jQjSgohBpMC7RYtCpiLrYUNO0tSaetpR2OhYt5kH9q7+jiSVW3qeEII\nIYS4Szr7Ovnzqb/z7L4/8fzJv3G69lz/nF+VzfzqnVOU69pJmeLDD++Nw8ZqdJ6s1Nzdyj8y30Fv\n0PNo9INobdxNHUkIcYkUaLfIWm3N0sAFdOm7+KJ4LwApU3xQKRXsTi/DcItDKAshhBDCvG0v2k1r\nbxsBjj6UtVbyeta7/M/B3/OHnVtp7eziwQVhPLQoHJVydL7N6tP3sTHrnzR1N3NPyBKiXcNNHUkI\ncYXR+ZdjlJrjMwM3KxcOVhxF11GPo50l06M8qG7oIKuw3tTxhBBCCDHCKtuqOVB+BDdrV36z8Gme\nmf4kPsoImnubUAVk4jr9KEqPYrr1PaaOel1vZHxAYXMxU7UTWeg/19RxhBBfIQXabVAr1dwTsgS9\nUc9nhV8Al4fc/+J4qSmjCSGEEGKEGY1GPszbisFoYH3YSowGJVv36cg/Foh14SISXKfTa+zio7zP\n+N8jv2FH0W7ae4c++fhwOlRxjD0Fh/Cx8+JrkfeOuiH/hRAyiuNtm6yNI6D0EKdqz5LSModAD/+B\niavPFzUQHeRi6ohCCCGEGAEZukxyG/OJdo0gwCaUZ149Qk5xAyHeDnx/XRyOthraepawvzyNA+Vp\nbC/azZ7SA8z2nkGK/xycLE07zH5BUzEf5n6KvaUd3419BEuVxqR5hBDXJh2026RUKFkTugyALfk7\nMBqNrEvqH2Z/84ECuRZNCCGEGIN69D18nLcNlUKFb+80frbxODnFDUyL1PLUA5NxtO0vduw0tqwI\nXsRzs37CmtDlWKms2Ft2kGeP/I5/XdhMbUedSfI3djXxWtY7GDHynzO/hau1fKAsxGglBdodCHMO\nIdYtkrymQrLqcwjwtGdapJaS6lZOXdSZOp4QQggxpjR3t/CnU3/nTG2myTLsKkmlsbsJi4ZQtuyp\npbvXwKMrovjuPdFoLFRXbW+ltmKBfzK/mPVjHgxfh7OVE2mVJ/jlsT/wRtZ7lLVW3rXsvfpe/pH5\nDq09bawNXUGMhwwKIsRoJqc43qFVIcvIqrvAlvwdRLmEsyYpmFMXdXx8oIDJYW6oVVL7CiGEEMPh\ni+K9FDQXUdZWgaetB5622rt6/MzyMr4oSsXYa0lToR9JE71YPSeYsCA3dLrWGz7WQqkm0Wc6M70T\nyKg9x86SVE7VnuVU7VmiXMNZHJBCqFPQiGU3Go28f/FjSlvLmeEZz1zfxBE7lhBieEiBdoe8bD2Y\n5Z1AWuUJjlWdJNFnOkkTvUnNqCAts4rkST6mjiiEEEKYvYauRo5UnsBabU1nXyevZ73LU/E/QKOy\nGPFjN7d188mhIo51bEPlbEDbOYVvPjILP63dbe9LqVAy1WMSU7QTyW64yM7iVLLrL5Jdf5FgxwBm\ne89gsjYWzTBfF7a/PI3j1acIcPDj/vA1MiiIEGZACrQhWBa0kPTqDLYV7SLeczIrEwNJy6zi08NF\nzIz2vOYpD0IIIYS4dTuL99Fn1PNA2EqKW8o4VHGUzXmf8mDE+hE7Zk+vnp3pZew4VkKvdTWW4bV4\nWfry01WrUA5xbjOFQkG0awTRrhEUNBWzq2QfWfUXKGwu4cO8T0nwmMws7+n42XsP+XlcaMjj4/xt\nOGjs+U7s17G4C0WtEGLopEAbAidLR+b7J/F58V72lB5gedBCFib4sf1oCXtPlbN0RoCpIwohhBBm\nq76zgSNV6Wit3UjwmMxU7USKmktIqzxBmFMICZ6Th/V4BqOR4+dr2HyggMbWbuxsVThEFtBuUPCN\nuPVDLs6+KsQpkP9weoy6znqOVKZzrCqdgxVHOVhxFH97H2Z5TyPeYxLWauvb3nddZwNvnH8PBQq+\nHfuwyUeQFELcOrlQaogW+CfjoLHni+K95DcVsXS6P7ZWarYfLaG9q9fU8YQQQgiz9UXxXgxGA0uD\nFqBSqrBQWfDNmK9hqdLw/sWPqOkYvoG5csua+NXbJ3ltWzatHb0smxHAkmV62gxNzPGZie8wdLSu\nx83alXtClvDcrJ/yeNw3iHWLorytin9f/ISfHP4V72RvIr+pCOMtjhTdre/hH5lv097bwYYJqwl2\nDByx7EKI4ScF2hBZqa14LPpBADZm/pMeRQfLZgbQ0d0nk1cLIYQQd0jXUc+x6lN42GiJ95g0sFxr\n486D4evo1vfweta79OqH9mFoTWMHL3+cye/eO01xdSvTozz4zbens2CmG3vK92FrYcOK4EVDfTq3\nRKVUEesWxeNx3+C5WT/hnuAlOGrsOV59ij+f/jvPHX+BPaUHaO1pu+4+jEYj/8z5gIq2Kub4zCTR\nZ/pdyS6EGD5yiuMwCHMOYW3oCjbnbeW1zH/yvUnfZnd6GbvTy5g/1RcnO0tTRxRCCCHMypfds2VB\nC1AqBn+eHO85mdymQtIqj7M5/zMeCF972/tv7+rls7Ri9p4qR28wEurjyIb5oYR4958K+Nb5T+nW\n97A2dAW2FjbD8pxuh5OlI4sDU1gYMJe8xkKOVJ3gTG0mn+RvZ2vBF8S5RTHLexoRLmGDvj+7S/aT\nUXuOEMdA1oetvOu5hRBDJwXaMJnrm0hJSxnpNRlsKdrGqtkzePuLi3yWVszDi2W+ESGEEOJW1Xbo\nOF59Ci9bD6Zo4665zfqweyhuKeVwxTEmOAUz9You24306Q2knq5ga1oR7V19uDlacd+8UKaGuw+M\ncFjQVEx6zWn8Ll0HZkpKhZJwl1DCXUJpm9BOenUGRypPkKHLJEOXiYuVMzO94pnplUBFWxVbC7/A\nydKRb8U+jFopb/OEMEfymztMFAoFD0aso6q9hrTK49w/wQcPFxsOnq1k0TQ/PJzv/qdvQgghhDna\nUbQXI0aWBS28qnv2JY3Kgm9Gf43fnfwb/7rwEX72Pmht3G+437qmTv6y+RyVde1YW6q5b14o86f6\nYqG+fAyD0cAHuVsAuG/C6use3xTsLGyZ5zebub6JFLeUcaTyBCdrz7C9aDc7ivagVqpQK1V8N/YR\nHDT2po4rhLhDo+evzhigUWn4duzXsVXbsDnvU+bMsEZvMPLJwUJTRxNCCCHMQnV7LSdrMvCx82KS\ne8wNt/Ww1fJA+Fq69N28nvXeDa9HK6tt49fvnqKyrp3kSd787rszWDLdf1BxBpBWeZzytkqme04l\n2HF0jsasUCgIcvTna5Hr+W3iM3wtYj2BDn7ojQYejFiPv4OvqSMKIYZACrRh5mbtwqPRD6I3Gkhr\n/Qw/bwtO5NRSUt1q6mhCCCHEqPd58Z6bds+uNM1zCrO8plHeVsnH+duuuU1uWRO/e+80zW093D8/\njEeWRGBvc/WE0G297XxWsBMrlSWrQpYN+bncDVZqK2Z5T+P/xX+fPyU9xzTPKaaOJIQYIinQRkCk\n6wTuCV5CU3cLmtAzoDDw0cECU8cSQgghRrXKtmpO1ZzFz86biW7Rt/y4eyeswtvWk4MVRzlVc3bQ\nuow8HS9sOkNPr57vrIxiUYLfdfezrXAX7X0dLA1agKOl+Z0iKBNRCzE2SIE2QhYGzGWSeyyVXWVo\no4rJKmwgM7/O1LGEEEKIUWvHpe7Z8uBFAwN23AqNyoJvxjyERqXhXxc2U9vR///tobOVvPRxJgoF\nPLE+jhnRntfdR1lrJYcrjuFho2Wub+KQn4sQQtwpKdBGiEKh4OHIe/G09aDVNheVayVvb8++5Ukm\nhRBCiPGktKmCjNpz+Nv7EuMaeduP97zierQ3st5j65EC3vz8ArZWFjz1wGRig12v+1ij0ciHuVsw\nYuTeCffI6IdCCJOSAm0EWamt+E7s17FSWWEZfJ7cuhIy8qSLJoQQQnzVB+f7rx9bHrTwtrpnV5rm\nOYUZXvGUtVWwveRzXBws+clDUwbmNrue9JoMCpqLmegeQ6TLhDs6thBCDJdbKtCef/55NmzYwLp1\n69i1a9egdUeOHGH9+vVs2LCBl19+eURCmjMPG3ceidqAUaHHMiyDDw9lYzBIF00IIYT4UllrBSfK\nzxDo4E+0a8Qd76dPb6A9LxxDhx1qj1LuWWaFl6vtDR/T1dfFlvztWCjVrAtdccfHFkKI4XLTAu3Y\nsWPk5eWxadMmNm7cyG9+85tB63/1q1/x4osv8v7775OWlkZ+fv6IhTVXce7RLA1cgMKyk0aXYxzO\nrDR1JCGEEGLU2F60G4AVQbd37dmVunr6+Nvmc5zIrsezdQ4WSgs+LfmUus76Gz7ui+J9NPe0stB/\nLq7WLnd0bCGEGE43LdASEhL461//CoCDgwOdnZ3o9XoAysrKcHR0xMvLC6VSSXJyMkePHh3ZxGZq\nWdACYtyjUDnW89HFHfT26U0dSQghhDC50pZyMuuyCXcLIcIl7I720drRwx/eP0NWUQNxIa78eH0S\n94evoUvf1T8/mqHvmo+raa9lX9khXKycWRgwbyhPQwghhs1NCzSVSoWNjQ0AmzdvJikpCZVKBYBO\np8PF5fKnTS4uLuh0uhGKat6UCiVPzv4m1jjQ55bHeycOmjqSEEIIYXLbi/ovndgQs+KOumd1zZ38\n9t3TFFW1kBjjyffXxmJpoWKGVzwzPOMpbS1nS/72qx5nNBrZnPcZeqOedaEr0MgQ9UKIUeKWhyna\ns2cPmzdv5o033hjSAZ2dbVCrVUPaB4C7u/nNTwLw46T/4NnUP5LevovVxkmEaf1NHemWmOP32xwz\ng3nmNsfMYJ65zTGzENdT1FxKVv0FQp2CiNaGU1fXdluPr9C18acPztLY2s2S6f7cOzdkUJF3X/hq\nilvL2F+eRphzCJPcYwbWZdZlk91wkQjnMCZesVwIIUztlgq0Q4cO8eqrr7Jx40bs7S+/OdBqtdTV\nXR6VsKamBq1We8N9NTZ23GHUy9zd7dHpWoe8n7vN3d0eN7UrE63mc7Z3F79OfYVfJv0X1mprU0e7\nIXP8fptjZjDP3OaYGcwzt7lmFuJ6vuye3cm1Z/nlzfx181nau/q4b14oS6Zf/YGnpUrDN6O/xvMn\nX+TdnA/wtfPGzdqFXn0vH+V9hlKh5N4J99zxdW9CCDESbnqKY2trK88//zz/93//h5OT06B1vr6+\ntLW1UV5eTl9fH6mpqSQmyuSON/PI9Hko60LooJnXz72PwWgwdSQhhBDiripsLianIZcJzqGEOYfc\n1mPP5tfxx39n0Nmt55vLI69ZnH3J286TDRNW09nXxRtZ79Fn6GNP6UHquhqY65uIp63HUJ+KEEIM\nq5t20Hbs2EFjYyM/+tGPBpZNnz6d8PBwFi5cyM9//nOefPJJAJYtW0ZQUNDIpR0jLDUqVoUsZXPp\n++RwgZ3F+1gatMDUsYQQQoi7Znth/8iNy4MW3tbj0jKreHPHBdQqBU+sjyUuxO2mj5nhFU9eUyHH\nq0/xbs6HnNFlYa+xY9ltHlsIIe6GmxZoGzZsYMOGDdddn5CQwKZNm4Y11Hgwd5Ivu05No80qle1F\nu/Gz9yHGLdLUsYQQQogRl9dYyIXGPCKcwwh1uvUPdj8/XsKHqQXYWqn54b0TCfW58QTUX1IoFNw3\nYTXFLWWk12QAcH/IGqzVVneUXwghRtItTVQthp9apWRtYiTdeZPBqOCt7Pep7ai7+QOFEEIIM/fl\ntWfLgxfd0vYGg5FN+/L4MLUAZ3tLfvy1KbdcnH3JSm3Jt2IeQqPSEOIYxDTPKbedWwgh7gYp0Exo\nWpQHvnY+dBdF09nXxWuZ79DV123qWEIIIcSIyW3MJ6+pkCjXcIIdA266fU1DB7977zQ7T5Th5WrD\nTx+aio+73R0d29vOk+dm/oQnJn8bpULeAgkhRif562RCSoWCdckh6Ot8cOqaQGV7Ne/mfCCDhggh\nhBiTjEYj2y5de7Yi6MbdM4PRyJ6TZTz7xgnyK5qJj9Dyk4em4uo4tNMS7TS2qJW3PMuQEELcdfIX\nysRig12Y4OdEbmYgoUmdZOgyeTv733w9cgMq5dDnixNCCCFGi4uN+RQ0FxHjGkmAg991t6tr6uSN\nHTlcKG3CztqCx5ZHMi1SRlsUQowPUqCZmEKhYH1yCL95twljYTzB4UpO1pxBbzTwaNQDUqQJIYQY\nE/q7Z19ee3bt0RONRiMHzlayaV8+3T16JoW68ciScBztLO9mVCGEMCkp0EaBUF9HJoW6cSa/jv9I\nWI1SuZWM2nMYDHoei/manIohhBDC7GU35FLUUsJEt2j87X2vWl/X1MmfPzhLVlED1pZqvrk8klkx\nnjKJtBBi3JF3/qPE2uRgzubXsfVQOU8/9CivZ7/D2brzvJb5Dt+KeRgLlYWpIwohhLiO48eP88Mf\n/pCwsDAAJkyYwP/P3p2HR1Xe7x9/z5JJMtlnMtnJHiAQ9kVAAQFBcMWlLpRqq7Zat9baovZXq639\ntrVaq622Vqq0dam0aK1bhYIICCGyQ9iSsGbf94Ukk/n9EYgiyJZlZsj9uq5cTObMOXNnriFnPjnP\n83nuuOMOFixYgNPpxOFw8NRTT2GxWNyc1D1cLldX58Yvrz3mcrlYl13CmytyaWxpJyPJxjfnDMYW\nrBb4ItI/qUmIh4hzBDJlZAyF5Y28s+oQ3x3+LdJtA8mu3MOfd/yNVmebuyOKiMgpjB8/nldffZVX\nX32VRx99lN///vfMmzePN954g4SEBJYsWeLuiG6zs3IPh+ryGekYRlxQTNf9tQ1H+MNbO3j5g910\nuFzcOnsQD9wwQsWZiFSEi/EAACAASURBVPRrKtA8yE3T04gND+DjzYVszanizmG3kmEfzO6qHP60\nfRFHnK3ujigiImcoKyuLGTNmADBt2jQyMzPdnOjMrSnM5LF1v+b5rX9hSe67rC3MIq/mAI1tTWd9\nLJfLxfsHlmHAwOVfuHr22e5SfvKXLLbmVTA4PpQ//HA6U0fGakijiPR7GuLoQXwtJu6+JoOf/20j\ni/67hwERY/n2sFt4Jft1tlXs5I/bXua7w7+Fn1l/WRQR8TR5eXncdddd1NbWcu+999Lc3Nw1pNFu\nt1NeXu7mhGemraOdD/b/j4a2RipaqthdlXPc9iBLINHWSKICIokKiCA6IIKogEiCfAJPWlxtr9hF\nfn0hYyJGEBMYRV1TK68ty2HjnjIsPka+PnMg00bHEmmzUl5e31c/poiIx1KB5mGi7QHcOnsQL727\niz++k81PbhnL7RnzWbTrH2wp284L217m7hG3468iTUTEYyQmJnLvvfcyZ84c8vPzueWWW3A6nV3b\nXS7XGR0nLMyK2dz97r0OR9A57/vpoc+ob2vgioEzuH7o5RTWl1BQW0xBXTGFdSUU1BWTU7OPnJp9\nx+0XaAkgNjiKuOBo4oKjiAuJJjY4imWbV2DAwNfHXE3eoXr+uGQ7NQ1HSE+08f2bRxET/vmi093J\n7S7emBm8M7c3ZgbvzO2NmcF7c3+ZCjQPNGFIFLn5tazcUsjry3K47fL0zpb7hs4W/H/YupB7R9yB\n1cff3VFFRASIjIzksssuAyA+Pp7w8HB27NhBS0sLfn5+lJaWEhERcdrjVFef/RDCL3M4grp1Jer9\n3R8DMMY2hsbadkIJJzQonIygYRDb+ZgjzlZKm8ooaTz2VUpxUym5lQfYW7HvhGOODB/B35ccInNn\nKWaTkRumpTJr3ACMLldX1u7mdgdvzAzemdsbM4N35vbGzOB9uU9VTKpA81A3zUhjf3Edn+4oJm1A\nCJOHx3DrkJswGUxklWzi91tf4r6R3ybAx+ruqCIi/d67775LeXk5t99+O+Xl5VRWVnLttdeydOlS\nrr76apYtW8bkyZPdHfO08uuL2F97iCG2QURYw7/ycb4mC/FBcSe0y2/raKe8qYLixlJKmjoLt5K6\nWnZlhlNbXUpSdBC3Xz6EmPCA3v5RRES8lgo0D+VjNnL33AweX7SB15blkBgVzICIQOanfw2TwcS6\n4s94bsufuW/ktwmyBJ7+gCIi0mumT5/OD3/4Q1asWEFbWxuPP/446enpPPTQQyxevJiYmBjmzp3r\n7pintbpgHQBT4iae0/4+RjMxgVHEBEZ1Hm9bEWtX78FkNHDtlCTmTIjHZFR/MhGRU1GB5sEcof7c\ncXk6f3h7B3/89w5++s1x+PuauXnwtZiMJtYUZvLclj9z/6jvEGw5P8bcioh4o8DAQF588cUT7l+0\naJEb0pybprZmNpRuweYXxlD74G4fr7SqiTeW5xDgZ+ZHN48iPlLnKRGRM6E/Y3m4UQMdzB4fT2l1\nM3/97x5cLhdGg5EbB85lWtxFFDeW8uzmP1NzpNbdUUVExIutL9lIW0cbk2MnYDR07+OBs6ODv7y/\ni9a2DubPGqTiTETkLKhA8wLXTk0mNS6EDXvK+HhzIQAGg4Hr0q5kRvwUSpvKeHbzi1S31Lg5qYiI\neKMOVwdrCjIxG81Mih7f7eN9uP4w+4rqGJ8ewQVDInsgoYhI/6ECzQuYTUbuumoogf4+vLkilwPF\ndUBnkXZNyuXMTphOeXMlv9v8IpXNVW5OKyIi3mZvVR5lzRWMiRhBoKV7DTwOldTz7qcHCA20MH/W\noB5KKCLSf6hA8xK2YD/uvGooHR0u/vjvbBqa24DOIu3KlNlcnjSTypYqfrf5RcqbKt2cVkREvMmq\nwu41Bzmmrd3Jwvd34exwcdvl6QT6+/REPBGRfkUFmhcZmmTjygsTqaxr4eX3d9HxhYVPL0uayVXJ\ns6k+UsOzW16ktKncjUlFRMRbVDZXk12xm/igWBKCBnTrWG+t2k9RRSPTR8eSkWTvoYQiIv2LCjQv\nc9WFSQxJDGPbvkqWZh0+btulidO5JvVyao7U8uzmF8mtPnGxUBERkS/6tGg9LlxMiZ2EwWA45+Ps\nOVTN/zbkE2mz8rVpqT2YUESkf1GB5mWMRgPfuXIooYEW3lq1n72Hq4/bfkn8VG4YOJeGtkae2/IS\n7+9firPD6aa0IiLiydo62llX9BkBZitjIkee83GaWtp5+YNdGAwGvn3FEHx9TD2YUkSkf1GB5oWC\nAyzcdXUGAC++u5Paxtbjtk+Nm8QDo7+LzS+U/x5cwbNb1DxEREROtKVsOw1tjUyIGYvFdO7zxf6x\nPIfKuiNcMSmB5JjgHkwoItL/qEDzUgMHhHLd1GRqG1p56d2ddHS4jtueHJLAI+O/z5iIEeyvPcSv\nNjzLptKtbkorIiKeaHXBOgwYmBJ77s1BNu0tZ212CYlRQVwxKbHnwomI9FMq0LzYpRfEMzI1nN2H\nqnl37YETtvub/fnW0HnMT78Bp6uDV3a+wau7/0lL+xE3pBUREU9yuL6AA3WHGWIfRLj/uTX0qG04\nwt8+2oOP2ci3rxyC2aSPFSIi3aXfpF7MaDBw+xXphIf48d7ag2QfOLG9vsFgYGL0WB4e9z0GBMWy\nvngjT258jsP1BW5ILCIinmJNQSbAOV89c7lc/PW/e2hobuP6i1OItndv/TQREemkAs3LBfj58N25\nGZhMBl56dxdVdS0nfVyk1cEPx9zDjAFTKGuq4OmNL7Di8Go6XB19nFhERNytqa2JDaVbsfvZGGI/\nt8Wk12wvZtu+StITwpgxJq6HE4qI9F8q0M4DSdHB3Dg9jYbmNl78z07anScvusxGM9emXcE9I27H\n6uPP23nv88dtr1DXWt/HiUVExJ0yizfS1tHG5NgJGA1n/1GgrKaZf6zIxd/XzO2Xp2PsRnt+ERE5\nngq088T00bGMT48gr7CWt1adev2zIfZB/L/xP2CIfRC7q3L4Zdbv2Fm5t4+SioiIO3W4OlhdmImP\n0czEmHFnv3+Hi5ff38WRVifzZw3EFuzXCylFRPovFWjnCYPBwK2zBxNps7L0s3y25JSf8vFBlkC+\nO/xbXJd2Jc3tzfxx28u8lfsebR3tfZRYRETcYU9VLhXNlYyJGEmgz9nPG1v62WFyC2oZOziCCUMi\neyGhiEj/pgLtPOLva+aeuRlYzEb+8sFuiioaT/l4o8HI9AGT+eHYe4m0Ovg4fw2/3fg8pY1lfZRY\nRET62urCdQBMiTv75iD5ZQ38e81+QgIt3HLpIAwa2igi0uNUoJ1n4iICuXX2YJqPtPPbxVuprD15\n05AvGhAUy0Pjvsek6PHkNxTx6w3Psa7oM1wu12n3FRER71HZXEV2xR4SggaQEDzgrPZta+9g4Xs7\naXe6+NacdAL9z31haxER+Woq0M5DEzOi+Nq0FKrrj/DMP7dS39R62n18TRa+nn49t2fMx2Q08fqe\nJby883Wa2pr7ILGIiPSFNYXrceE6p6tn76zZT0F5IxePjGF4yrmtmyYiIqenAu08NeeCBGaPj6e4\nsoln/7WdltYzm1s2OmI4j4x7gOSQRLaUbeeXn/2OTw99hrPD2cuJRUSkN7U521hX/BkBPlbGRIw4\nq31z8mv4KOswEaH+3DA9tZcSiogIqEA7r10/LYULM6I4UFzHC//O/sr2+19m9w/j+6Pu5LLES6ht\nreP36xfx86ynWVuYpSYiIiJeanPZdhrbmpgUPR4f05kPT2w+0s5f3t8FBrjjyiH4Wcy9mFJERFSg\nnceMBgO3zhnMiBQ7Ow9U8Zf3d9FxhvPKTEYTlyfP4rEJP+KSlMnUtNTwxt63eDzzST7OX8MR5+mH\nTYqIiOdYXZiJAQMXxU44q/3eXJFLRW0Ll01IIDU2pJfSiYjIMSrQznNmk5G75maQFhfCZ7vL+Mf/\ncs+q+Ue4v53vjJ3HzyY9zPQBk2lqa+Kt3Pf46bpf8dHBFZqjJiLiBQ7XFXCw7jBD7YMI97ed8X5b\ncstZs72Y+MhArr4oqRcTiojIMSrQ+gFfHxP3Xz+cOEcAKzYX8N7ag2d9jFDfEK5Lu5InJv2YOYkz\ncLo6eG//Uh5d9yv+s++/1Lc29HxwERHpEau6WutPOuN96ppa+dt/92A2Gfn2FUMwm/SRQUSkL+i3\nbT8R4OfDAzeMJDzEj3c+PcDKzQXndJxASwBXJF/KE5Me4eqUOfgYzSw7tJJH1/2Kf+X8h+qWmh5O\nLiIi3dHQ1sim0q2E+9tJtw08o31cLhd//2gvdU1tXDc1mVhHYC+nFBGRY1Sg9SNhQb48eONIgq0+\nvLYshw17zn1Ban+zH7MSpvHzSY9ww8C5BPoE8EnBWh7LfJLXd/+LsqbyHkwuIiLnan3xRto62pkc\nOwGj4cxO++t3lbI5p5zB8aHMHHd266WJiEj3qEDrZyJtVh64YSS+FhMvvbuTnQerunU8i8mHqXGT\neHziAuan34DdP4x1xRv4+fqneSX7dQobinsouYiInK0OVwdrCtfjYzQzMXrcGe+XtasUgG9elo7R\nYOiteCIichIq0PqhhKgg7rtuOAYDPP/WDg4U13X7mGajmYnRY3n0gh9ye8Z8YgOj2VS2jV9+9jv+\ntG0RB2oP9UByERE5G7urcqhormRM5EgCfKxnvF9heQOhgRYiQv17MZ2IiJyMCrR+Kj0hjDuvGkpr\nu5Pf/XMbxZWNPXJco8HI6IjhPDzue3x3+LdIDkkgu3I3T296gee2vEROdd5ZdZEUEZFzt7qgsznI\n1Ngzbw7SfKSdyrojmncmIuImWm2yHxszKIJbLh3E3z7ayzOLt/LI/DHYgv165NgGg4GM8HSG2geT\nV3OAjw6uYE91LjnVeSQFJzA7cTpD7YMxaOiMiEivqGiuYmflXhKD44kPjjvj/QorOv9gFxse0FvR\nRETkFFSg9XNTR8ZS39TG26v388w/t/Hw10cT6O/TY8c3GAykhSWTFpbMobp8Pjr4MdsrdvKn7YsY\nEBjD7MQZDHcMPeOJ6yIicmY+LVyPCxdTYiee1X6F5Z3LpqhAExFxD30qFi6fmMDMsQMoqmjkuX9t\n40irs1eeJyF4AHcOv5Ufj3+AMREjKGgoZmH2q/zfZ7/js5LNODt653lFRPqbNmcb64o/I9AngNER\nw89q38Lyo1fQNMRRRMQtVKAJBoOBG2ekMmFoJPuK6njhnR20Ozt67fliA6O5LePrPHrBg1wQNYay\npnL+tutNfp71NOuKPqO9o73XnltEpD/YVLaNxrYmJkaPw8d0dqMijg1xjAk/86YiIiLSc1SgCQBG\ng4HbLktnWLKd7P1VvPLhbjp6uZlHZEAEtwy5kccmLOCi2AnUtNTw+p4lPJ75Gz4pWEurs61Xn19E\n5Hy1uiATAwYmx044630LKxoJD/HDz6JZECIi7qACTbqYTUbunptBSmww63eW8uaK3D7puBjub+Pm\nQdfys0kPM33AZBraGvlXzn/4aeav+N+hT2hpb+n1DCIi54u8yoMcqs8nI3wwdn/bWe1b19RKXWMr\ncRreKCLiNmdUoOXk5HDJJZfw2muvnbBt+vTpzJs3j2984xt84xvfoLS0tMdDSt/xtZj43vUjiAkP\nYPnGAj7I7Lv1y0J9Q7gu7UqemPQIsxKm0eZs4519H/LTdb/mvweW09TW3GdZRES81bK81QBMOYvW\n+scUlR8b3qgGISIi7nLa8QtNTU088cQTTJz41V2gFi5cSECAfpmfLwL9ffjBDSP41WubeHv1fgID\nfZk6LKrPWuIHWQK5OmUOM+OnsqpgHSvzP+X9A8tYfng1U+ImMjF6LOH+dnV+FBH5koa2Rtbmb8Th\nb2ewLe2s9+9qse/QOV1ExF1OW6BZLBYWLlzIwoUL+yKPeAhbsB8P3jSKp/6xhb9/uJtDRbXMnzUQ\nk7HviiKrj5U5SZcwbcBFrClcz4r81Sw7tJJlh1biY/QhyuogKiCKmIBIogIiiA6Iwu4fpsJNRPqt\nzKINtDnbmBw78Zx+F6rFvoiI+522QDObzZjNp37YY489RmFhIWPGjOHBBx/U4sPniSiblZ/cMpYX\n/p3Nqq1FVNa18N2rM/D37duJ435mP2YmXMzUuAvJKtnEvpoDFDeWUtJURn5D0XGP9TH6EBUQQaIt\nFpvJTnRgJNEBkdj8VLiJyPkvu3I3FpMPE6PHntP+hRWNGA0Gou3q4Cgi4i7d/qR9//33M3nyZEJC\nQrjnnntYunQps2fP/srHh4VZMZtN3X1aHI6gbh/DHbwtt8MRxK/uuZAnX93I5j1l/HbxNn56xwXY\nQ/zdkufaqJldtzs6OihrrCC/rpj82iIKaospqCumsK6E/PrC4/azmHyIDY5iQHAMcSHRxAVHk2JL\nIMw/pK9/hNPytvcIeGdm8M7c3phZ+s61qVcQGOyLlbMvsFwuF4XljUTa/PHpgfO0iIicm24XaHPn\nzu26PWXKFHJyck5ZoFVXN3X3KXE4gigvr+/2cfqaN+f+7lVDeM3PzKqtRTzwu1U88LURxEW4v8uX\nCX8SLckkOpLB0Xlfh6uDDv8j7MzfR3FjaddXfm0xB6rzu/Y1YGBQWCoXRI9hhCMDX5PFTT/F57zx\nPeKNmcE7c3tr5v6kpaWFK664grvvvpuJEyeyYMECnE4nDoeDp556Could3/PJAQPOOf3SU1DK01H\n2hmSGNYLyURE5Ex1q0Crr6/n+9//Pn/605+wWCxs2LCBSy+9tKeyiQcxGY3ccukgwkP8eGvVfn71\n+ibuvmYYQxPProVzXzAajEQGRWB2+DPCkdF1v7PDSUVLFSWNpRQ1lLKrag97qnPZU52Lr8nCKMdw\nLogeQ2pokoZDisg5+dOf/kRISOeV+d///vfMmzePOXPm8Mwzz7BkyRLmzZvn5oRf7dj8M3VwFBFx\nr9MWaNnZ2Tz55JMUFhZiNptZunQp06dPJy4ujpkzZzJlyhRuvPFGfH19GTJkyCmvnol3MxgMXD4x\nEXuIH698sJtn/7mNW2cP5qLh0e6OdkZMRhORVgeRVgcjHBnMSZpBWVM5WSWb+axkM+tLNrK+ZCM2\nvzDGR43mgqjRRFgd7o4tIl5i37595OXlcfHFFwOQlZXFz372MwCmTZvGK6+84tEFWsHRFvtaA01E\nxL1OW6BlZGTw6quvfuX2W2+9lVtvvbVHQ4lnmzAkirBAX55/ewevfLibitpmrr4oySubw0RYHVyZ\nfCmXJ80kr+YAWcWb2FK+nY8OruCjgytICk7ggugxjIkYgdXHPfPuRMQ7PPnkkzz66KO88847ADQ3\nN3cNabTb7ZSXl5/2GO6cp13ZcASAjIERbhua6o1DYr0xM3hnbm/MDN6Z2xszg/fm/rK+bccn541B\n8WH8+Btj+N0/t/Hu2oNU1LbwzTmDMZu8c2ig0WBkYFgKA8NSuME5l23l2WQVb2JvdR4H6g6xJPdd\nhoUPYULUGNJtAzEZNYFeRD73zjvvMHLkSAYMGHDS7S6X64yO48552vsLajCbDPjQ4Za5jt46x9Lb\nMoN35vbGzOCdub0xM3hf7lMVkyrQ5JxF2wP4f7eM5fdLtrEuu4Tq+iPcc00GVj8fd0frFl+ThfFR\noxkfNZrqlho2lGxhfckmtpRtZ0vZdoIsgYyLHMUFUWOIC4pxd1wR8QCffPIJ+fn5fPLJJ5SUlGCx\nWLBarbS0tODn50dpaSkRERHujvmVOlwuCisaibYH9Ol6lyIiciIVaNItIQEWFtw8mpfe28mW3Ap+\n9dpmvve14YS7qQ1/TwvzC2VW4jRmJlzM4foC1hdvYlPpVj7OX8PH+WuIDYxmfNRoMuyDibRGeOUw\nTxHpvmeffbbr9h/+8AdiY2PZsmULS5cu5eqrr2bZsmVMnjzZjQlPraK2hda2DmIdahAiIuJuKtCk\n23wtJu65Zhhvrshl+aYC/u/vm/j+10aQEHV+jAOGzgYpCcEDSAgewHVpV5BduYes4k1kV+7m33kf\n8O+8DwjzDSXdlsZg20AG29II8NFCryL92X333cdDDz3E4sWLiYmJOW5ZGk9zrINjrDo4ioi4nQo0\n6RFGo4F5MwcSHurP4hW5/Pr1zdx19VBGpIa7O1qPMxvNjHRkMNKRQUNrI9srdrGnKoc9VbmsK97A\nuuINGDAQHxzHENtABtsGkhQcr3lrIv3Efffd13V70aJFbkxy5gqPdnCMDVcHRxERd1OBJj1q1rgB\n2IN9eem9Xfz+re3MnzmQaaPj3B2r1wRaApgUM45JMePocHWQX1/I7qocdlXmcKDuEIfq8vnvwRX4\nmfwYFJbCYNtA0m0DcVjt7o4uItKlsOJogaYhjiIibqcCTXrcmEERLAj05bkl23l1WQ7ltS1cf3EK\nxvN8fpbRYOwaBjk7cQbN7S3kVu9jd1UOu6ty2Faxk20VOwEI97eTfrRYGxiWgr/Zz83pRaQ/Kyxv\nwNfHhD1Ev4tERNxNBZr0ipTYEH5yS2cb/o+yDlNZ28IdV6Tj0wPr+3gLf7Mfwx1DGe4YCkBFc+XR\nYi2XvVV5rCnMZE1hJkaDkaTgeAaFpRJXF0Fbkwtfsy9+Jl98zb74mo7eNvnia7KoEYmI9Kh2Zwcl\nVU0MiAg67/+QJiLiDVSgSa+JCLN2tuF/azsb9pRxuLSeG6enMSLV3i+LjHB/O5NjJzI5diLODicH\n6/LZXZXDnqoc9tceYl/tQTh46mMYMOBrsnQWbV8s3szH/xvmG4rDaifc347dLwyzUf/VReTkyqqb\naXe6NLxRRMRD6FOb9KpAfx9+dNNI/rVyHx9vLuT3b21naGIYN81II9bRfyejm4wmUkITSQlN5Irk\nWTS2NXGg9hBmfyivqaGl/QhHnEdocR7hSHvnv1+8fcTZSlNbM1UtNbR1tJ3yuQwYsPmF4fC347CG\nd/579Ha4nw0fU/fXrXO5XDS1N1PXWk/dkXpqW+s6b7fWU3ekAX+zLxfFTiA2MLrbzyUiPatr/pk6\nOIqIeAQVaNLrfMwm5s0cyNSRMbz5cR47D1Tx2CsbuHhUDHMnJxPo790LW/eEAB8rGeHpOBxBlJfX\nn9W+zg4nR5ytXQVdc3sL1S3VlDdXUt5USXlzBeXNleypzmVPde5x+xowEOobgsO/82qbw2rH4R/e\n9b3JYPy80Gqtp/ZI/XHf17XW09DeQG1zHe0u5ylzri7MZHBYGtPjJ5NuG4jRoMVwRTxBV4t9XUET\nEfEIKtCkz8Q6AvnBDSPYtq+SxSty+XhzIet3lnL1RUlMGx2L2aQP7OfCZDRhNfpj9fnC4uAhCSc8\nrqX9CBXNlZ2FW3PFccVbTs0+cmr2nfVzmw0mQv1DiA2KIdgSRLAliBBLEMG+QV3fB1uCKGosYcXh\n1V1FYqQ1gmkDLuKCqNFYTJbu/Pgi0k1qsS8i4llUoEmfMhgMjEwNJyPJxopNBby79iD/WJHLJ1sL\nuXF6GsNT1H6+t/iZfYkLiiEuKOaEba3ONipbqihvqjhawFVS3lSBCxfBlmCCfQMJsQR/XnQdLcCs\nZn8iIoJPe9XP7m9jWPgQ8usLWZn/KRtLt/Lm3rd5b/9HTI6ZwJS4SYT4BvfWjy4ip1BQ0UiAn5nQ\nQP2xRETEE6hAE7cwm4xcOj6eiRlRvLN6P6u2FfHsv7YxLNnOTTNSibZrqE1fsph8iA6IJDogslef\nZ0BQLLcMuZGrUmazpiCTNYXr+ejQx/zv8CrGRo5k2oDJDDhJASkivaOt3UlZdRNpsSH9snmTiIgn\nUoEmbhVstXDL7MFMGx3Hmyty2bG/kl0Hq5g2OparL0oiwE/z085Hob4hXJkym0sTp5NVspmV+Z+S\nVbKJrJJNDAxNYXr8ZIbaB2uemkgvK65swuWiXzdtEhHxNCrQxCMMiAjkhzeNZEtuBYs/zmX5xgLW\n7yxl7uQkpo6MwWTUB/XzkcVkYXLsBC6MGc+uyr2szP+UPdW55NTsI8I/vHOeWvRYfDVPrc+4XC6K\nG0tpaGtgYFiqu+NILzs2/yxGHRxFRDyGCjTxGAaDgdEDHQxLtrN8Yz7vrTvIa8tyWLmlkJtmpDE0\n0ebuiNJLjAYjGeHpZISnU9hQzMf5a9hYsoXFOe/w3v6lXBQ7galxkwj1DXF31PPOsYIst2Y/udX7\nyK3ZT0Nb54f2xyYsIMIa7uaE0psKKjo7OMapg6OIiMdQgSYex8dsZM6EBCZlRPH26v18ur2Y3765\nlZGp4dw4PZVIm9XdEaUXxQZG8430G7g6ZQ6rCzJZU5jJskMrWX54FcPDhxIbGIXdz4bd30a4v41g\nS5DHD4XscHXQ1tFO+5e/XE7aOtpo73DiZ/Il3N+Gn9mvV7O4XC5KmsrIrd5HztGi7FhBBp3DT8dH\njWaofTAOfzXtOd/pCpqIiOdRgSYeKyTQl29dls700XH8Y3kOW/Mq2LG/kpnjBnDlpET8ffX2PZ8F\nW4K4InkWlyZMY0PpFlbkr2Fr+Q62lu847nFmoxmbX2hn0eYXht3fht2vs3iz+9kI8LGeU/MDZ4eT\npvZmGtoaaWhtoKGt6ejtRhrbGjtvtzXS6mylvcNJu+vzwqvtS0VYh6vjjJ830CcAh78du7/t6L/2\no+vS2bC7zv5DtMvlorSpjJyjBVle9X7q2xq6tof6hjAucjQDw5JJC00h3N+mZhH9SGF5IyEBFoKs\nGkYsIuIp9AlXPF5CVBAPfX00G/eW88+P8/go6zDrd5Zw4/Q0xqdH6MPkec7H5MOkmPFMjB5HeXMF\nFc1VVLZUUdlcfdy/ZU05J93f12Q5esUtrOvKW6hvCL4NRoqrKrsKrvq2LxRerY00tTefcUaz0YyP\n0YzZYMZsNONrshDgYz3h/s4v0+f3f2FbU3szFc2VVDRXcqi+gAN1h0/6Wth9wwj3txF+dDHxY7ft\nfjYsJp8vFGT7ya3ZR+5JC7JRpIUlMzA0VQVZP9Z8pJ3KuhaGJIa5O4qIiHyBCjTxCgaDgXGDIxiR\nYufD9Yf4cP1hAGJbYgAAIABJREFU/vzuTlZtLeTrMweqA1k/YDAYiLA6iLA6Trq9pb2FypZqKpur\nOv89roiroqix5LTPYTQYCfCxEuIbTGxgNAE+AQRaAgj06fwK8LES5BNIgMV69PsALEafHi9wnB1O\nao7UUtFc1Vm0tVRR3lxJbVsNJfXllDSVnXS/EEswHa6O4wqyEEtwV0GWFpqCw9+ugkwAKKrUAtUi\nIp5IBZp4FYuPibmTk5mUEcU/lueybV8ljy/awIwxcVx9UZKGPfZjfmY/YgOjiQ2MPmGby+Wisb2J\nquZqKlqqqD1SR3hoCK4WI4GWQAJ9OgsuP7OfR8xnMxlNnUM1/W0M4vNOig5HEOXl9TS1NVHR3Fm0\nVTZXUdFSSXlzFZXNlXS4jIyNHMnA0BTSwpJx+IerIJOTOjb/LFYNQkREPIo+zYpXigiz8r2vjWBr\nXgX/WJ7Dsg35ZO0u5YZpqUwY0ruLLYv3MRgMXVfB4oPjgM+LHW9k9bES72Pt+llEzkVXgaYGISIi\nHsX9fyoW6YaRqeH84o4LmHtREk0t7Sx8bxdPvrGFg8V17o4mIuLRCo+22FcHRxERz6ICTbyej9nE\nVRcl8Ys7LmBUWjg5+TV875lPeGN5Dk0t7e6OJyLikQrLG7EH+2louIiIh1GBJucNR6g/9103nO9/\nbQSRNivLNxbw44XrWbujGJfL5e54IiIeo6G5jdrGVs0/ExHxQCrQ5LwzPMXO8z+cxjVTkmk50s7L\nH+zmV69v5nCpd843EhHpaYXlncMbVaCJiHgeFWhyXrL4mLhyUiK/+PYFjBnoIK+glp/9dQOv/y+H\nppY2d8cTEXGrwgo1CBER8VQq0OS8Fh7izz3XDuMHN44gIszKik0FPPLSetZsL6JDwx5FpJ/6vIOj\n1kATEfE0KtCkX8hIsvPz28Zz3dRkjrQ5WfThHn756ib2Hq52dzQRkT5XWN6AwQDRdqu7o4iIyJeo\ndZP0Gz5mI5dPTGTi0CgWf5zHhj1lPPnGFjKSbFw3NYWEqCB3RxQR6XUul4vCikYiwqxYfEzujiMi\nIl+iAk36HVuwH9+dm8GlRXW8tWof2QeqyD5QxdjBEVwzOYlou+ZkiMj5q6ahlcaWdgbHh7k7ioiI\nnIQKNOm3kmOC+dHNo9h1sIq3Vu1j454yNu8t58JhUVx9URK2YD93RxQR6XFFxxqEqIOjiIhHUoEm\n/d6QRBvpCWFszqng7dX7WLO9mMydpUwfHcvlExMIslrcHVFEpMcca7Efow6OIiIeSQWaCGAwGBgz\nyMGotHAyd5bwzpr9LNuQz+ptRVw6Pp5Z4wbg76v/LiLi/Qq6rqCpg6OIiCfSJ06RLzAaDVw4LJrx\n6ZF8srWQ99cd5D+fHmDFpgKumJTItFEx+Jg1qV5EvFdheSMmo4HIMH93RxERkZNQm32Rk/AxG5k5\ndgC/vnMicycn4ezo4M0VuZ1rqG0rwtnR4e6IIiJnrcPloqiikWi7FbNJHwFERDyRfjuLnIK/r5mr\nLkziybsmMXt8PPVNbSz67x5++vJnbNxThkuLXYuIF6msbeFIm1PDG0VEPJiGOIqcgUB/H26YnsrM\ncQN4d+0B1mwr5o/vZJMQFcS1U5IZmmTDaDC4O6aIyCkVHpt/pgYhIiIeSwWayFkIC/Ll1tmDmT0+\nnn+v2c9nu8v43T+3ER7ix6SMKCZmRBEZZnV3TBGRkzrWwVEFmoiI51KBJnIOIm1W7ro6gzkX1PO/\njfls2lvOu2sP8u7ag6TGhjApI4px6REE+Pm4O6qISJdCrYEmIuLxVKCJdENCVBB3XDGEb8xysimn\njHXZJew+WE1eYS1vLM9hZGo4kzKiyUi2aUK+iLhdYXkjFrOR8FB1cBQR8VQq0ER6gK/FxKSMaCZl\nRFNV18L6XaWs3VHMxr3lbNxbTqC/DxOGRDJpWBQJkUEYNF9NRPqYs6OD4spG4hyBmjMrIuLBVKCJ\n9DBbsB+XTUhgzgXxHCqtZ92OEtbvKmX5pgKWbyogJjyASRlRTBgSiS3Yz91xRaQHNDc38/DDD1NZ\nWcmRI0e4++67GTx4MAsWLMDpdOJwOHjqqaewWCxuy1hW3Uy706XhjSIiHk4FmkgvMRgMJEYFkxgV\nzA3TU8neX8W67GK25lWw5JN9vPXJPtITw5iUEcXogQ78LPrvKOKtVq5cSUZGBt/+9rcpLCzktttu\nY/To0cybN485c+bwzDPPsGTJEubNm+e2jIXlxzo4qsW+iIgn0ydCkT5gNhkZmRbOyLRwGlva2LC7\nc77aroPV7DpYja9PDmMGObhySgoRQRYNgRTxMpdddlnX7eLiYiIjI8nKyuJnP/sZANOmTeOVV15x\nb4GmBiEiIl5BBZpIHwvw8+HiUbFcPCqW0qom1mWXkLmzhHXZnV/RditTRsQwKSOKIKv7hkOJyNm7\n6aabKCkp4cUXX+Rb3/pW15BGu91OeXm5W7Opxb6IiHdQgSbiRpE2K9dMSebqyUnsPVxD1p4y1m0v\nYvHHeby1ah9jBkUwdUQMg+JDdVVNxAu8+eab7N69mx/96Ee4XK6u+794+1TCwqyYzaZu53A4gk64\nr6S6mQA/MwOTwz3298nJcns6b8wM3pnbGzODd+b2xszgvbm/TAWaiAcwGgykJ4QxZWw8+w9Vsi67\nhFVbi8jaVUrWrlIibVamjohh0rAognVVTcTjZGdnY7fbiY6OJj09HafTSUBAAC0tLfj5+VFaWkpE\nRMRpj1Nd3dTtLA5HEOXl9cfd19bupKi8keTYYCoqGrr9HL3hZLk9nTdmBu/M7Y2ZwTtze2Nm8L7c\npyomz2hhppycHC655BJee+21E7atW7eO66+/nhtvvJEXXnjh3FOKCABBVguXjo/n/759AQ/NG8WE\noZFU1rbwz5V5PPj8Wl78Tza7D1bRcYZ/kReR3rdx40ZeeeUVACoqKmhqamLSpEksXboUgGXLljF5\n8mS35SuubKLD5SJOwxtFRDzeaa+gNTU18cQTTzBx4sSTbv/FL37Byy+/TGRkJPPnz+fSSy8lNTW1\nx4OK9DcGg4FB8WEMig9j3iVtZGaX8MnWQj7bXcZnu8uICPNn6ogYLhwWTXCArqqJuNNNN93E//t/\n/4958+bR0tLCT3/6UzIyMnjooYdYvHgxMTExzJ071235Pm8Qog6OIiKe7rQFmsViYeHChSxcuPCE\nbfn5+YSEhBAdHQ3A1KlTyczMVIEm0sMC/X2YOW4Al4yNI6+wllVbi9iwp4x/fbKPt1fvZ9RAB1NH\nxpCeEKYFaEXcwM/Pj9/+9rcn3L9o0SI3pDlR0dECLUZX0EREPN5pCzSz2YzZfPKHlZeXY7PZur63\n2Wzk5+f3XDoROY7BYCAtLpS0uFBuviSNzOwSVm0rYuOeMjbuKcMR6seUo1fVQgN93R1XRDxE1xpo\narEvIuLx+rxJSG92qPIGyt13vDEznHluB5A4wMZNs9PZe6iaj9YfZM3WIt5atZ9/r97PyIERTBs7\ngAkZUb2+CPb5/lp7Em/MLO5XUN5AsNVHTYZERLxAtz61RUREUFFR0fX9mXSp6q0OVd5AufuON2aG\nc89tD/Dh6zPSuObCRNbvKmVddgmb95axeW8ZvhYT4wZFMCkjioHxoT0+BLK/vdbu5K2Zxb1aWtup\nqG0hPSHM3VFEROQMdKtAi4uLo6GhgYKCAqKioli5ciVPP/10T2UTkbNk9fNh+ug4po+Oo7iykcyd\nJWRml/DpjmI+3VGMPdiXCUOjmJQRRbRdQ51E+oOiis4/jGqBahER73DaAi07O5snn3ySwsJCzGYz\nS5cuZfr06cTFxTFz5kwef/xxHnzwQQAuu+wykpKSej20iJxetD2Aa6ekMHdyMrn5NazNLmHjnjI+\nyDzEB5mHSIoOZlJGFBcMiSTQ38fdcUWklxSWd657pvlnIiLe4bQFWkZGBq+++upXbh83bhyLFy/u\n0VAi0nOMX2jX//WZA9mSW8667BJ2HqjiQHEdb67IZXiKnUkZUQxPCcfHfEbLI4qIl+hqsR+uFvsi\nIt6gz5uEiIj7+PqYmDAkiglDoqhpOELW0flqW3Ir2JJbQYCfmfHpkUzKiCI5JhiDWvaLeL1CtdgX\nEfEqKtBE+qnQQF8uHR/PpePjOVxaT+bOEtbvLGXllkJWbikkMsyf0YMcDIwLJTUuhAA/DYMU8UaF\n5Q3Ygn2x+umULyLiDfTbWkSIjwwiPjKI6y9OYffB6s4ukDnl/Hf9Yf7LYaBz/krnGmwhpMWFEB7i\n7+bUInI6Dc1t1DS0MizZ7u4oIiJyhlSgiUgXk9FIRrKdjGQ7La3t7CusI7eghpz8GvYX1VFY3sgn\nWwoBsAX7khYXyqjBkUSH+hEbHoDRqCGRIp6kqEILVIuIeBsVaCJyUn4WM0OTbAxNsgHQ7uzgcGkD\nuQU15BbUkltQQ9auUrJ2lQLg72smNTak6wpbUnQwFp/uL0ovIueuq4Oj5p+JiHgNFWgickbMJiPJ\nMcEkxwRz6XhwuVyUVjdTUtPC5t2l5BbUsGN/JTv2VwJgMhpIjA4iLS6UQQNCGZwQhq8KNpE+Vagr\naCIiXkcFmoicE4PBQJTNyrBBkYxM7rzKVtvYSl5BDTn5nVfYDhTVs6+wjo+yDmMxG0lPCGNEajgj\nUsMJC/J1808gcv4rLG/EAFqYXkTEi6hAE5EeExJgYcygCMYMigDonMdWVMeuA1Vs21fZ9cXSvcRH\nBjLyaLGWEBWEUS39RXqUy+WisKIRR5i/rl6LiHgRFWgi0mv8LGaGJtoYmmjja9NSKatpZlteBdvz\nKthzuIbDpQ28u/YgIQEWRqTaGZESzpBEG74WfZgU6a66xlYamttIiwtxdxQRETkLKtBEpM9EhPoz\nc+wAZo4dQPORdnYeqGJbXgXb9lWyelsxq7cVYzZ1DoUcmWpneEo49hA/d8cW8UoFXfPPAt2cRETE\nO3zyyQouvnjGaR/33HO/5Wtfu4mYmNheyaECTUTcwt/XzNjBEYwdHEFHh4v9xXWdxVpexReajeQw\nICKw8+paajhJ0cEaCilyhgrLOwu0ODUIERE5reLiIpYvX3pGBdr3vvdgr2ZRgSYibmc0GkiNDSE1\nNoTrpqZQUdvMtrxKtu2rYM+havLLGnh/3SGCrD4MSbQxJCGMoUk2bMG6uibyVY612I9Ri30RkdN6\n5pkn2b17J5Mnj2PWrDkUFxfx7LN/5Fe/+jnl5WU0Nzdz223f4cILJ3Pvvd/hBz9YwMqVK2hsbODw\n4UMUFhZw//0PMnHihd3OogJNRDxOeIg/M8bEMWNMHC2t7ew6WN05d21/5XFrr0XarAxJDGNooo3B\n8aFY/XzcnFzEcxRVNGIydnZbFRHxJv/8OI8Ne8rOah+TyYDT6frK7eMGR3DD9NSv3H7zzd/g7bf/\nSVJSCocPH+SPf/wL1dVVjB8/gTlzrqCwsIBHH32YCy+cfNx+ZWWlPP3071m/fh3/+c9bKtBE5Pzn\nZzEzeqCD0QMduFwuiiqb2HWwil0HqtiTX8PKzYWs3FyIwQBJ0cEMSbQxNDGMlNgQzCaju+OLuIXL\n5aKgopEom1X/D0REzlJ6+lAAgoKC2b17J++++zYGg5G6utoTHjt8+EgAIiIiaGho6JHnV4EmIl7D\nYDAQGx5AbHgAM8cOoN3ZwYHiOnYeqGLXoWr2F9axv6iO99cdxOJjZNCAsK4rbLGOAAyavyb9RGVd\nC0danVqgWkS80g3TU095tetkHI4gysvre+T5fXw6R+T8738fUVdXxwsv/IW6ujruuOMbJzzWZPq8\n87TL9dVX8M6GCjQR8Vpmk5G0uFDS4kKZOxmaj7Sz93ANuw5WsfNg1ReajUBwgIUhCWGdc9gSwwgP\nV2c7OX8daxASq/lnIiJnxGg04nQ6j7uvpqaG6OgYjEYjq1Z9TFtbW59kUYEmIucNf18zI9PCGZkW\nDkB1/ZHO4ZAHq9h1sJr1u0pZf3T+WoC/D5Fh/kTZrJ9/2a1EhvnjY9Y6bOLdCtViX0TkrCQkJLF3\n7x6io2MIDQ0F4OKLp/Pwwz9g165sLr/8KiIiIli0aGGvZ1GBJiLnrbAgXy4cFs2Fw6I7569VNLLz\nYDV7D1dTXtvCoZJ69hfVHbePAbCH+B1XtB27HRbkq2GS4hWOdXDUFTQRkTMTFhbG229/cNx90dEx\n/O1vb3Z9P2vWHAC+9a1vA5Cc/PkwzOTkVJ5//qUeyaICTUT6BYPBQKwjkFhHILPGDcDhCKKktJaK\nmhaKq5ooqWyipOrzr+wDVWQfqDruGL4+JiJtx191S4sL1WLa4nEKKxrxMRtxhPq7O4qIiJwlFWgi\n0m+ZjEYibVYibVb40lzkppZ2Sqs7C7fiY4VbZRPFlU0cLj2+S1OcI5CRaXZGpISTFKPFtMW9nB0u\niiqaiA0PwGjUe1FExNuoQBMROQmrn5mk6GCSooOPu7/D5aKqroWSqiaKyhvJPljFnkPVvL+uczHt\nYKsPw1PCGZFqZ2iSDT+Lfs1K3yqpbKTd2aEOjiIiXkqfHEREzoLRYCA8xJ/wEH8ykuzMGh/ftZj2\n1rwKtu+r5NMdxXy6oxizycDg+DBGpHYWbOEhGm4mve9Qcee8ShVoIiLeSQWaiEg3fXEx7Q6Xi4PF\n9WzLq2BbXkXXXLbX/9f5gXlkajgjUsNJjg7W8DPpFYdKOtcBitVSEiIiXkkFmohIDzIaDCTHBJMc\nE8w1U5Kpqmth275KtuVVsOtgNR9kHuKDzEMEWX0YnmxnRGo4Q5Ns+Pvq17H0jEMlR6+gqYOjiIhX\n0icCEZFeZAv2Y9qoWKaNiuVIq5Ndh6rYllfJtn0VrM0uYW12CSajgbS4EAYOCGXQgFCSY0Pw9dFa\nbHJuDpfU42cxYQv2dXcUEZHzzvXXX8nf/74Yq9Xaa8+hAk1EpI/4WkyMSnMwKq1zKOTh0nq25law\nbV8lew/XsOdwDQAmo4HE6KCjBVsYqbEhWP3061pOr629g6LyBhKjg7Rmn4iIl9IZX0TEDYwGA4lR\nwSRGBTN3cjKNLW3kFtSSc7iGvfk1HCiqZ19hHf9dfxiDAeIjghgxyEF8eABpcSEEWS3u/hHEA5VW\nNeHscGn+mYjIWbrttq/zy1/+lqioKEpKinnkkQdxOCJobm6mpaWFBx74EUOGZPRJFhVoIiIeIMDP\nh5Gp4YxMDQegpbWdfYV17M2vJudwDfuL6zhUWt/1+NjwAAbGdw6JHDgglNBADWcTKKjoXKNPHRxF\nxJu9nfc+W8p2nNU+JqMBZ4frK7ePihjGtalXfOX2KVOmsXbtaq677gbWrFnFlCnTSElJY8qUi9m0\naQOvv/43/u//njqrTOdKBZqIiAfys5gZmmRjaJINgLZ2J1VN7WTtKCInv4a8wloKNzeycnMhABFh\n/gwaEEp8ZBBWPzP+FjP+vib8jv3r23mfj9nozh9LellheSMAcWoQIiJyVqZMmcbzzz/LddfdwKef\nruLeex/gzTdf5R//eJW2tjb8/Pz6LIsKNBERL+BjNpGREkrk0cYP7c4ODpXUk5PfOSQyt6CGNduL\ngeJTHsdsMnQVbf4W89HCzYS/7+e3/XzNOEL8GD8kEqPmMXmVYwVajENDHEXEe12besUpr3adjMMR\nRHl5/ekf+BWSk1OorCyntLSE+vp61qz5hPDwCB599An27NnF888/e87HPlsq0EREvJDZZCQlNoSU\n2BDmTEigo8NFflkDxVWNtLQ6aTnipPlIO82t7Z23W9tpOdJOc2vn/S2tTspqmmlpdX7lc6TEhuAI\n1eLa3qSxpY3wUH+CrT7ujiIi4nUmTryIl176I5MnT6WmppqUlDQAVq1aSXt7e5/lUIEmInIeMBoN\nJEQFkRAVdFb7dbhcHGk9Vsw5jxZx7VjMJhVnXujOq4YSEmrF0NHh7igiIl5n6tRp3HXXbfz1r/+g\npaWZX/ziMVauXM51193A8uXL+OCDd/skhwo0EZF+zGgw4O9r1kLZ5wlbsB8Oe0C3hvmIiPRX6elD\nWbUqq+v7119f0nX7ooumAnD55Vf1eg6dkUVERHrAb37zGzZt2kR7ezt33nknw4YNY8GCBTidThwO\nB0899RQWi5ZHEBGRU1OBJiIi0k3r168nNzeXxYsXU11dzTXXXMPEiROZN28ec+bM4ZlnnmHJkiXM\nmzfP3VFFRMTDqd+yiIhIN40bN47nnnsOgODgYJqbm8nKymLGjBkATJs2jczMTHdGFBERL6EraCIi\nIt1kMpmwWq0ALFmyhClTpvDpp592DWm02+2Ul5ef9jhhYVbMZlO38zgcZ9csxlN4Y25vzAzemdsb\nM4N35vbGzOC9ub9MBZqIiEgPWb58OUuWLOGVV15h1qxZXfe7XK4z2r+6uqnbGbq7FpC7eGNub8wM\n3pnbGzODd+b2xszgfblPVUxqiKOIiEgPWLNmDS+++CILFy4kKCgIq9VKS0sLAKWlpURERLg5oYiI\neAMVaCIiIt1UX1/Pb37zG/785z8TGhoKwKRJk1i6dCkAy5YtY/Lkye6MKCIiXkJDHEVERLrpww8/\npLq6mu9///td9/3617/mJz/5CYsXLyYmJoa5c+e6MaGIiHgLFWgiIiLddOONN3LjjTeecP+iRYvc\nkEZERLyZhjiKiIiIiIh4CIPrTFtLiYiIiIiISK/SFTQREREREREPoQJNRERERETEQ6hAExERERER\n8RAq0ERERERERDyECjQREREREREPoQJNRERERETEQ3j8QtW//OUv2bZtGwaDgR//+McMHz68a9u6\ndet45plnMJlMTJkyhXvuuceNSY/3m9/8hk2bNtHe3s6dd97JrFmzurZNnz6dqKgoTCYTAE8//TSR\nkZHuigpAVlYW3/ve90hLSwNg4MCBPProo13bPfW1/te//sW7777b9X12djZbtmzp+n7o0KGMHj26\n6/u//vWvXa97X8vJyeHuu+/mm9/8JvPnz6e4uJgFCxbgdDpxOBw89dRTWCyW4/Y51fvfnbkfeeQR\n2tvbMZvNPPXUUzgcjq7Hn+695I7MDz/8MDt37iQ0NBSA22+/nYsvvvi4fTzxtb7//vuprq4GoKam\nhpEjR/LEE090Pf7tt9/mueeeIz4+HoBJkybx3e9+t89zi3vo/Ng3dH7sGzpHui+zzpEeyOXBsrKy\nXN/5zndcLpfLlZeX57rhhhuO2z5nzhxXUVGRy+l0um6++WZXbm6uO2KeIDMz03XHHXe4XC6Xq6qq\nyjV16tTjtk+bNs3V0NDghmRfbf369a777rvvK7d76mv9RVlZWa7HH3/8uPvGjx/vpjTHa2xsdM2f\nP9/1k5/8xPXqq6+6XC6X6+GHH3Z9+OGHLpfL5frtb3/rev3114/b53Tv/75wstwLFixwffDBBy6X\ny+V67bXXXE8++eRx+5zuvdTbTpb5oYcecn388cdfuY+nvtZf9PDDD7u2bdt23H1vvfWW69e//nVf\nRRQPovNj39H5sffpHNl3dI70Dh49xDEzM5NLLrkEgJSUFGpra2loaAAgPz+fkJAQoqOjMRqNTJ06\nlczMTHfG7TJu3Diee+45AIKDg2lubsbpdLo51bnz5Nf6i1544QXuvvtud8c4KYvFwsKFC4mIiOi6\nLysrixkzZgAwbdq0E17TU73/+8rJcj/22GNceumlAISFhVFTU9OnmU7nZJlPx1Nf62P2799PfX29\nW/5iKZ5J50fP4Mmv9Rd58vkRdI7sSzpHegePLtAqKioICwvr+t5ms1FeXg5AeXk5NpvtpNvczWQy\nYbVaAViyZAlTpkw5YdjAY489xs0338zTTz+Ny+VyR8wT5OXlcdddd3HzzTezdu3arvs9+bU+Zvv2\n7URHRx83jACgtbWVBx98kJtuuolFixa5KR2YzWb8/PyOu6+5ublruIbdbj/hNT3V+7+vnCy31WrF\nZDLhdDp54403uPLKK0/Y76veS33hZJkBXnvtNW655RYeeOABqqqqjtvmqa/1MX//+9+ZP3/+Sbd9\n9tln3H777dx6663s2rWrNyOKB9H5sW/p/Ni7dI7sOzpHegePn4P2RZ7yi/pMLV++nCVLlvDKK68c\nd//999/P5MmTCQkJ4Z577mHp0qXMnj3bTSk7JSYmcu+99zJnzhzy8/O55ZZbWLZs2QnjvT3VkiVL\nuOaaa064f8GCBVx11VUYDAbmz5/P2LFjGTZsmBsSntqZvLc96f3vdDpZsGABEyZMYOLEicdt88T3\n0tVXX01oaCjp6em89NJLPP/88/z0pz/9ysd70mvd2trKpk2bePzxx0/YNmLECGw2GxdffDFbtmzh\noYce4r333uv7kOJ2nvSePRM6P/Ydbz8/gs6RvU3nSM/j0VfQIiIiqKio6Pq+rKys6y9AX95WWlp6\nVpdre9uaNWt48cUXWbhwIUFBQcdtmzt3Lna7HbPZzJQpU8jJyXFTys9FRkZy2WWXYTAYiI+PJzw8\nnNLSUsDzX2voHAoxatSoE+6/+eabCQgIwGq1MmHCBI94rY+xWq20tLQAJ39NT/X+d7dHHnmEhIQE\n7r333hO2neq95C4TJ07k/7dz7y6NRFEcx38RQ3w2CgpiIyl8dEFEMIggxMK/wS6VoIKoYCPaDeoU\nwhRi1CKlnQQbbWyFiI2P0kYFm7HQNOpAthgcdtUsW829i99PmTvF4XK4Z05yc/r7+yWFQwg+54HN\ne10ul2te20in09EfuTOZjJ6env7r62L4d9TH+FAfzaBGxocaaR+rG7RsNqvj42NJ0vX1tTo6OtTS\n0iJJ6u7uVqVS0f39vYIg0OnpqbLZrMlwIy8vL9rY2NDOzk40Eef3tXw+r7e3N0lhYn1M8jGpVCpp\nf39fUnhlw/f9aHKWzXsthQd3c3Pzl2+fbm9vtbCwoGq1qiAIdHFxYcVefxgZGYny++TkRKOjo3+s\n/y3/TSqVSkomk5qbm6u5XiuXTJmdndXd3Z2k8GXlcx7YuteSdHl5qb6+vm/Xdnd3dXR0JCmcbtXW\n1mZ0ChtUyZQnAAABhklEQVTiQ32MD/XRDGpkfKiR9klUbfqd8huu6+r8/FyJREKrq6u6ublRa2ur\ncrmcyuWyXNeVJE1MTCifzxuONnRwcCDP89TT0xN9Njw8rN7eXuVyORWLRR0eHiqVSmlgYEArKytK\nJBIGI5YqlYoWFxf1/Pys9/d3zczMyPd96/daCkcHb21taW9vT5JUKBQ0NDSkTCajzc1NnZ2dqa6u\nTuPj48bGq15dXWl9fV0PDw+qr69XZ2enXNfV8vKyXl9f1dXVJcdxlEwmNT8/L8dx1NDQ8CX/ax1C\nccbt+75SqVR0OKfTaa2trUVxB0HwJZfGxsaMxjw1NaVCoaDGxkY1NTXJcRy1t7dbv9ee58nzPA0O\nDmpycjJ6dnp6Wtvb23p8fNTS0lL0kmVq9DHMoD7Gg/oYT5zUSHMxUyPtY32DBgAAAAA/hdVXHAEA\nAADgJ6FBAwAAAABL0KABAAAAgCVo0AAAAADAEjRoAAAAAGAJGjQAAAAAsAQNGgAAAABYggYNAAAA\nACzxC/7gtb1qSzPnAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "BWGzMSaBnYMb", + "colab_type": "code", + "outputId": "a6efc12c-b694-4741-ef6c-1b3c6caadb02", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Test performance\n", + "trainer.run_test_loop()\n", + "print(\"Test loss: {0:.2f}\".format(trainer.train_state['test_loss']))\n", + "print(\"Test Accuracy: {0:.1f}%\".format(trainer.train_state['test_acc']))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Test loss: 1.28\n", + "Test Accuracy: 67.2%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "5672VEginYnY", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Save all results\n", + "trainer.save_train_state()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "HN1g2vP3nad_", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Inference" + ] + }, + { + "metadata": { + "id": "Myr8QQjKnZ7k", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Inference(object):\n", + " def __init__(self, model, vectorizer):\n", + " self.model = model\n", + " self.vectorizer = vectorizer\n", + " \n", + " def predict_nationality(self, surname):\n", + " # Forward pass\n", + " vectorized_surname = torch.tensor(self.vectorizer.vectorize(surname)).unsqueeze(0)\n", + " self.model.eval()\n", + " y_pred = self.model(vectorized_surname, apply_softmax=True)\n", + "\n", + " # Top nationality\n", + " y_prob, indices = y_pred.max(dim=1)\n", + " index = indices.item()\n", + "\n", + " # Predicted nationality\n", + " nationality = vectorizer.nationality_vocab.lookup_index(index)\n", + " probability = y_prob.item()\n", + " return {'nationality': nationality, 'probability': probability}\n", + " \n", + " def predict_top_k(self, surname, k):\n", + " # Forward pass\n", + " vectorized_surname = torch.tensor(self.vectorizer.vectorize(surname)).unsqueeze(0)\n", + " self.model.eval()\n", + " y_pred = self.model(vectorized_surname, apply_softmax=True)\n", + "\n", + " # Top k nationalities\n", + " y_prob, indices = torch.topk(y_pred, k=k)\n", + " probabilities = y_prob.detach().numpy()[0]\n", + " indices = indices.detach().numpy()[0]\n", + "\n", + " # Results\n", + " results = []\n", + " for probability, index in zip(probabilities, indices):\n", + " nationality = self.vectorizer.nationality_vocab.lookup_index(index)\n", + " results.append({'nationality': nationality, 'probability': probability})\n", + "\n", + " return results" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "vV2SBrXpdllN", + "colab_type": "code", + "outputId": "b46c411d-7de6-4afa-a3bd-5a073a67550c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 187 + } + }, + "cell_type": "code", + "source": [ + "# Load the model\n", + "dataset = SurnameDataset.load_dataset_and_load_vectorizer(\n", + " args.split_data_file, args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "model = SurnameModel(num_input_channels=len(vectorizer.surname_vocab),\n", + " num_output_channels=args.num_filters,\n", + " num_classes=len(vectorizer.nationality_vocab),\n", + " dropout_p=args.dropout_p)\n", + "model.load_state_dict(torch.load(args.model_state_file))\n", + "model = model.to(\"cpu\")\n", + "print (model.named_modules)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Reloading!\n", + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "TRc5KCZinaBh", + "colab_type": "code", + "outputId": "cdcbf2ad-4576-4a88-9c23-32bae30bc4de", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Inference\n", + "inference = Inference(model=model, vectorizer=vectorizer)\n", + "surname = input(\"Enter a surname to classify: \")\n", + "prediction = inference.predict_nationality(preprocess_text(surname))\n", + "print(\"{} → {} (p={:0.2f})\".format(surname, prediction['nationality'], \n", + " prediction['probability']))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Enter a surname to classify: Goku\n", + "Goku → Japanese (p=0.79)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "P5slsQKwnZ_H", + "colab_type": "code", + "outputId": "a4dfae91-cb3a-47e3-8d98-71680f12fa5a", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 323 + } + }, + "cell_type": "code", + "source": [ + "# Top-k inference\n", + "top_k = inference.predict_top_k(preprocess_text(surname), \n", + " k=len(vectorizer.nationality_vocab))\n", + "for result in top_k:\n", + " print (\"{} → {} (p={:0.2f})\".format(surname, result['nationality'], \n", + " result['probability']))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Goku → Japanese (p=0.79)\n", + "Goku → Korean (p=0.08)\n", + "Goku → Vietnamese (p=0.04)\n", + "Goku → Czech (p=0.03)\n", + "Goku → Polish (p=0.02)\n", + "Goku → Russian (p=0.01)\n", + "Goku → Arabic (p=0.01)\n", + "Goku → Greek (p=0.00)\n", + "Goku → German (p=0.00)\n", + "Goku → Chinese (p=0.00)\n", + "Goku → English (p=0.00)\n", + "Goku → Dutch (p=0.00)\n", + "Goku → Scottish (p=0.00)\n", + "Goku → Irish (p=0.00)\n", + "Goku → Spanish (p=0.00)\n", + "Goku → Portuguese (p=0.00)\n", + "Goku → French (p=0.00)\n", + "Goku → Italian (p=0.00)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "HQSsKNRSxjRB", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Batch normalization" + ] + }, + { + "metadata": { + "id": "r3EamVazx2hx", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Even though we standardized our inputs to have zero mean and unit variance to aid with convergence, our inputs change during training as they go through the different layers and nonlinearities. This is known as internal covariate shirt and it slows down training and requires us to use smaller learning rates. The solution is [batch normalization](https://arxiv.org/abs/1502.03167) (batchnorm) which makes normalization a part of the model's architecture. This allows us to use much higher learning rates and get better performance, faster.\n", + "\n", + "$ BN = \\frac{a - \\mu_{x}}{\\sqrt{\\sigma^2_{x} + \\epsilon}} * \\gamma + \\beta $\n", + "\n", + "where:\n", + "* $a$ = activation | $\\in \\mathbb{R}^{NXH}$ ($N$ is the number of samples, $H$ is the hidden dim)\n", + "* $ \\mu_{x}$ = mean of each hidden | $\\in \\mathbb{R}^{1XH}$\n", + "* $\\sigma^2_{x}$ = variance of each hidden | $\\in \\mathbb{R}^{1XH}$\n", + "* $epsilon$ = noise\n", + "* $\\gamma$ = scale parameter (learned parameter)\n", + "* $\\beta$ = shift parameter (learned parameter)\n", + "\n" + ] + }, + { + "metadata": { + "id": "9koMITOdzfZB", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "But what does it mean for our activations to have zero mean and unit variance before the nonlinearity operation. It doesn't mean that the entire activation matrix has this property but instead batchnorm is applied on the hidden (num_output_channels in our case) dimension. So each hidden's mean and variance is calculated using all samples across the batch. Also, batchnorm uses the calcualted mean and variance of the activations in the batch during training. However, during test, the sample size could be skewed so the model uses the saved population mean and variance from training. PyTorch's [BatchNorm](https://pytorch.org/docs/stable/nn.html#torch.nn.BatchNorm1d) class takes care of all of this for us automatically.\n", + "\n", + "" + ] + }, + { + "metadata": { + "id": "RsWdAKVEHvyV", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Model with batch normalization\n", + "class SurnameModel_BN(nn.Module):\n", + " def __init__(self, num_input_channels, num_output_channels, num_classes, dropout_p):\n", + " super(SurnameModel_BN, self).__init__()\n", + " \n", + " # Conv weights\n", + " self.conv = nn.ModuleList([nn.Conv1d(num_input_channels, num_output_channels, \n", + " kernel_size=f) for f in [2,3,4]])\n", + " self.conv_bn = nn.ModuleList([nn.BatchNorm1d(num_output_channels) # define batchnorms\n", + " for i in range(3)])\n", + " self.dropout = nn.Dropout(dropout_p)\n", + " \n", + " # FC weights\n", + " self.fc1 = nn.Linear(num_output_channels*3, num_classes)\n", + "\n", + " def forward(self, x, channel_first=False, apply_softmax=False):\n", + " \n", + " # Rearrange input so num_input_channels is in dim 1 (N, C, L)\n", + " if not channel_first:\n", + " x = x.transpose(1, 2)\n", + " \n", + " # Conv outputs\n", + " z = [F.relu(conv_bn(conv(x))) for conv, conv_bn in zip(self.conv, self.conv_bn)]\n", + " z = [F.max_pool1d(zz, zz.size(2)).squeeze(2) for zz in z]\n", + " \n", + " # Concat conv outputs\n", + " z = torch.cat(z, 1)\n", + " z = self.dropout(z)\n", + "\n", + " # FC layer\n", + " y_pred = self.fc1(z)\n", + " \n", + " if apply_softmax:\n", + " y_pred = F.softmax(y_pred, dim=1)\n", + " return y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "s_QcGx4vN3bQ", + "colab_type": "code", + "outputId": "cf7b1ffa-6520-43ab-f950-b26defc1bcea", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 255 + } + }, + "cell_type": "code", + "source": [ + "# Initialization\n", + "dataset = SurnameDataset.load_dataset_and_make_vectorizer(args.split_data_file)\n", + "dataset.save_vectorizer(args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "model = SurnameModel_BN(num_input_channels=len(vectorizer.surname_vocab),\n", + " num_output_channels=args.num_filters,\n", + " num_classes=len(vectorizer.nationality_vocab),\n", + " dropout_p=args.dropout_p)\n", + "print (model.named_modules)" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "tBXzxtiaxmXi", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "You can train this model with batch normalization and you'll notice that the validation results improve by ~2-5%." + ] + }, + { + "metadata": { + "id": "ERMGiPgAPssx", + "colab_type": "code", + "outputId": "950c476f-01a3-48b8-9c4c-da4b78eb3f2a", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 357 + } + }, + "cell_type": "code", + "source": [ + "# Train\n", + "trainer = Trainer(dataset=dataset, model=model, \n", + " model_state_file=args.model_state_file, \n", + " save_dir=args.save_dir, device=args.device,\n", + " shuffle=args.shuffle, num_epochs=args.num_epochs, \n", + " batch_size=args.batch_size, learning_rate=args.learning_rate, \n", + " early_stopping_criteria=args.early_stopping_criteria)\n", + "trainer.run_train_loop()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[EPOCH]: 00 | [LR]: 0.001 | [TRAIN LOSS]: 2.66 | [TRAIN ACC]: 22.5% | [VAL LOSS]: 2.33 | [VAL ACC]: 38.6%\n", + "[EPOCH]: 01 | [LR]: 0.001 | [TRAIN LOSS]: 2.05 | [TRAIN ACC]: 43.4% | [VAL LOSS]: 1.94 | [VAL ACC]: 44.3%\n", + "[EPOCH]: 02 | [LR]: 0.001 | [TRAIN LOSS]: 1.64 | [TRAIN ACC]: 51.4% | [VAL LOSS]: 1.71 | [VAL ACC]: 59.4%\n", + "[EPOCH]: 03 | [LR]: 0.001 | [TRAIN LOSS]: 1.39 | [TRAIN ACC]: 57.1% | [VAL LOSS]: 1.52 | [VAL ACC]: 61.7%\n", + "[EPOCH]: 04 | [LR]: 0.001 | [TRAIN LOSS]: 1.21 | [TRAIN ACC]: 60.6% | [VAL LOSS]: 1.46 | [VAL ACC]: 57.3%\n", + "[EPOCH]: 05 | [LR]: 0.001 | [TRAIN LOSS]: 1.09 | [TRAIN ACC]: 63.1% | [VAL LOSS]: 1.38 | [VAL ACC]: 59.2%\n", + "[EPOCH]: 06 | [LR]: 0.001 | [TRAIN LOSS]: 0.98 | [TRAIN ACC]: 64.5% | [VAL LOSS]: 1.37 | [VAL ACC]: 67.4%\n", + "[EPOCH]: 07 | [LR]: 0.001 | [TRAIN LOSS]: 0.90 | [TRAIN ACC]: 67.6% | [VAL LOSS]: 1.27 | [VAL ACC]: 63.9%\n", + "[EPOCH]: 08 | [LR]: 0.001 | [TRAIN LOSS]: 0.81 | [TRAIN ACC]: 68.9% | [VAL LOSS]: 1.31 | [VAL ACC]: 63.6%\n", + "[EPOCH]: 09 | [LR]: 0.001 | [TRAIN LOSS]: 0.77 | [TRAIN ACC]: 70.2% | [VAL LOSS]: 1.28 | [VAL ACC]: 63.8%\n", + "[EPOCH]: 10 | [LR]: 0.001 | [TRAIN LOSS]: 0.67 | [TRAIN ACC]: 72.7% | [VAL LOSS]: 1.29 | [VAL ACC]: 70.1%\n", + "[EPOCH]: 11 | [LR]: 0.001 | [TRAIN LOSS]: 0.65 | [TRAIN ACC]: 73.0% | [VAL LOSS]: 1.26 | [VAL ACC]: 68.6%\n", + "[EPOCH]: 12 | [LR]: 0.001 | [TRAIN LOSS]: 0.63 | [TRAIN ACC]: 74.2% | [VAL LOSS]: 1.23 | [VAL ACC]: 70.3%\n", + "[EPOCH]: 13 | [LR]: 0.001 | [TRAIN LOSS]: 0.61 | [TRAIN ACC]: 74.6% | [VAL LOSS]: 1.26 | [VAL ACC]: 69.1%\n", + "[EPOCH]: 14 | [LR]: 0.001 | [TRAIN LOSS]: 0.59 | [TRAIN ACC]: 75.1% | [VAL LOSS]: 1.25 | [VAL ACC]: 71.6%\n", + "[EPOCH]: 15 | [LR]: 0.001 | [TRAIN LOSS]: 0.54 | [TRAIN ACC]: 76.4% | [VAL LOSS]: 1.27 | [VAL ACC]: 70.2%\n", + "[EPOCH]: 16 | [LR]: 0.001 | [TRAIN LOSS]: 0.53 | [TRAIN ACC]: 77.3% | [VAL LOSS]: 1.25 | [VAL ACC]: 70.2%\n", + "[EPOCH]: 17 | [LR]: 0.001 | [TRAIN LOSS]: 0.51 | [TRAIN ACC]: 77.1% | [VAL LOSS]: 1.26 | [VAL ACC]: 69.6%\n", + "[EPOCH]: 18 | [LR]: 0.001 | [TRAIN LOSS]: 0.51 | [TRAIN ACC]: 77.1% | [VAL LOSS]: 1.26 | [VAL ACC]: 72.2%\n", + "[EPOCH]: 19 | [LR]: 0.001 | [TRAIN LOSS]: 0.50 | [TRAIN ACC]: 77.5% | [VAL LOSS]: 1.27 | [VAL ACC]: 72.1%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "iiAW6AL0QAJ8", + "colab_type": "code", + "outputId": "8409aecf-1c40-4a86-9bb9-38a6bf31affd", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Plot performance\n", + "trainer.plot_performance()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA2gAAAE+CAYAAAD4XjP+AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xd8VOed/v3P9FHXSBr1AuoCJHoH\nYcB0bLCxDe5rP2m/deJ415v1xps4duquEyebxI6duDuOS4ypBptmigyIIkA0NRAIdY2kGdWRpj5/\nCGQwHUmMRnzfrxeWdM7MOZeEJXTNuc99K9xutxshhBBCCCGEEB6n9HQAIYQQQgghhBBdpKAJIYQQ\nQgghRD8hBU0IIYQQQggh+gkpaEIIIYQQQgjRT0hBE0IIIYQQQoh+QgqaEEIIIYQQQvQTUtCEuEFp\naWnU1NR4OoYQQghxUyxbtow777zT0zGEGPCkoAkhhBBCiCsqLi4mICCA6OhoDh486Ok4QgxoUtCE\n6GWdnZ0899xzzJkzh3nz5vE///M/OJ1OAN5//33mzZvH3LlzueeeeygpKbnidiGEEKI/WLlyJXPn\nzmXhwoWsWrWqe/uqVauYM2cOc+bM4Uc/+hE2m+2y2/fs2cOsWbO6n3v+x3/+85/5yU9+wj333MM7\n77yDy+XihRdeYM6cOcyYMYMf/ehH2O12ABobG/ne977HzJkzueOOO/jqq6/Ytm0bCxcuvCDz3Xff\nzebNm/v6SyNEr1N7OoAQA827775LTU0N69atw+Fw8NBDD/HZZ58xc+ZM/vjHP7J161b8/f35/PPP\n2bZtG1FRUZfcnpKS4ulPRQghhMDpdLJp0yaeeOIJVCoVL730Ejabjbq6Ov73f/+XVatWER4ezg9+\n8APee+895s6de8ntmZmZVzzP9u3bWb16NSEhIWzYsIH9+/fz2Wef4XK5uOuuu1i/fj2LFi3ipZde\nIikpiddee43jx4/z2GOPkZOTg8lkorCwkPT0dKqqqjhz5gzZ2dk36askRO+RgiZEL9u2bRuPP/44\narUatVrNHXfcwc6dO5k/fz4KhYLly5ezcOFC5s2bB4Ddbr/kdiGEEKI/+Oqrr8jMzMTf3x+AcePG\nsXXrViwWCyNHjiQiIgKAl156CZVKxaeffnrJ7Xl5eVc8z/DhwwkJCQFgzpw5TJ8+HY1GA0BmZibl\n5eVAV5F7/fXXARgyZAhbtmxBq9UyZ84c1q1bR3p6Ops3b2bmzJlotdre/4II0cdkiKMQvayxsZGg\noKDuj4OCgmhoaECj0fDOO+9w4MAB5syZwwMPPEBRUdFltwshhBD9wYoVK9i2bRtjxoxhzJgxbNy4\nkZUrV2I2mwkMDOx+nE6nQ61WX3b71Zz/b2djYyPPPPMMc+bMYe7cuWzZsgW32w2AxWIhICCg+7Hn\niuOCBQtYt24dAJs3b2b+/Pk9+8SF8BApaEL0srCwMCwWS/fHFouFsLAwoOuVvj/96U/s3r2bKVOm\n8LOf/eyK24UQQghPampqYu/evezZs4f9+/ezf/9+9u3bx5EjR1AqlZjN5u7Htra2Ul9fj8FguOR2\nlUrVfU82QHNz82XP+4c//AG1Ws3atWv54osvmDZtWve+4ODgC45fUVGB3W5n7NixOBwOtm7dSklJ\nCZMmTeqtL4MQN5UUNCF62W233cby5ctxOp20t7ezevVqpk2bRlFREU8++SQ2mw2tVsuwYcNQKBSX\n3S6EEEJ42rp165gwYcIFQwXVajVTpkzBZrNx4MABKioqcLvd/OxnP2P58uVMmzbtktuNRiMmk4mG\nhgacTidr16697HkbGhpITU1Fq9VSWFjIwYMHaW9vB2DGjBmsXLkSgBMnTnD33XfjdDpRKpXMnz+f\nX/ziF8yYMaN7eKQQ3kbuQROiBx5++GFUKlX3x7/85S95+OGHKS8vZ8GCBSgUCubOndt9X1lsbCwL\nFy5Eo9Hg5+fHc889R2pq6iW3CyGEEJ62atUqHn300Yu2z5o1i7/85S/8/Oc/59FHH0WlUpGZmclj\njz2GTqe77PYlS5awePFioqOjWbRoEQUFBZc87+OPP84zzzzDihUrGDNmDM888wz//d//TVZWFj/6\n0Y945plnmDFjBn5+fvzud79Dr9cDXcMc3377bRneKLyawn1uQK8QQgghhBBerL6+nrvuuott27Zd\n8AKqEN5EhjgKIYQQQogB4U9/+hP333+/lDPh1aSgCSGEEEIIr1ZfX8/MmTOpr6/n8ccf93QcIXpE\nhjgKIYQQQgghRD8hk4QIIYQQPdTW1sYzzzxDU1MTdrudJ554AqPRyPPPPw9AWloaL7zwgmdDCiGE\n8ApS0IQQQogeWrlyJYMHD+bpp5+mtraWRx99FKPRyLPPPktWVhZPP/0027dvv2AtJyGEEOJSbnpB\nM5laenwMg8EXs7m9F9LcXJL75vHGzOCdub0xM3hnbm/MbDQGeDrCTWEwGCgqKgK6Ft8NDg6msrKS\nrKwsAKZPn87u3buvWtDk30jvyu2NmcE7c3tjZvDO3N6YGbwv95X+ffTKK2hqtXfOzCO5bx5vzAze\nmdsbM4N35vbGzLeKBQsWsGLFCmbNmkVzczOvvvoqP//5z7v3h4aGYjKZrnocg8G3V/6evbUYe2Nu\nb8wM3pnbGzODd+b2xszgvbm/ySsLmhBCCNGfrF69mujoaN58800KCwt54oknCAj4+heFa52Pqzde\n/TUaA3rlStzN5o25vTEzeGdub8wM3pnbGzOD9+UecFfQhBBCiP7kwIEDTJkyBYD09HQ6OztxOBzd\n+2trawkPD/dUPCGEEF5E1kETQggheighIYH8/HwAKisr8fPzIykpif379wOwceNGpk6d6smIQggh\nvIRcQRNCCCF6aOnSpTz77LM89NBDOBwOnn/+eYxGI8899xwul4vhw4czadIkT8cUQgjhBaSgCSGE\nED3k5+fHH//4x4u2f/DBBx5II4QQwpvJEEchhBBCCCGE6CekoAkhhBBCCCFEPyEFTQghbiHbtm25\npsf98Y8vUVVV2cdphBBCCPFNUtCEEOIWUV1dxebNG67psT/84dNER8f0cSIhhBBCfJPXTRJi7XSw\nNqeUkUkh6DQqT8cRQgiv8fvf/y8FBceYOnUss2fPo7q6iv/7v7/wm9/8HJOpDqvVyuOPf4fJk6fy\n/e9/h3//9/9k69YttLW1cuZMGZWVFTz55NNMnDjZ05+KEEII0efcbjdtHQ7MLZ1YWjuxtHRiabMx\ndFAIidGBfXZerytoBWVm/rbqCPffnsKsMXGejiOEEF7j/vsfZsWKfzJ4cBJnzpzmL395A7O5kXHj\nJjBv3kIqKyv46U//i8mTL1yvq66ult/97k/k5u5i9epPpaAJIYS4rPYOB6drmjFZrOi0Kny0anx0\navRaFT66r99Xqzw7kM/a6egqXa227vJlPvfxuULW2onD6b7ouWdqW3jirsw+y+Z1BS0+wh+AgtNm\nKWhCCK/1zy9PsK+w7rqeo1IpcF7iH4pzxqaHc9+M5Gs6VkbGUAACAgIpKDjGmjUrUCiUNDc3XfTY\nrKwRAISHh9Pa2npdmYUQQgxcDqeL8rpWSquaOVXd9ae6of2anqtWKfHRdRU4ve68IveNbTqtCtzg\ncrtxudzdb50uNy5311Uup8uNXq+hta0Ttwuc33isy+3G6XTT0m7rLmQdNudlsykVCoL8tcSF+xPs\nryM4QNf11l+LwV9HcmxQb30JL/216dOj94GwIB+iQv0oKjfjdLlQKeU2OiGEuF4ajQaATZu+oLm5\nmVdeeYPm5ma+9a2HL3qsSvX1cHK3+/IFUQghxMDldrupM1sprW7uLmRnalsuuMKk16rISDCQGB1I\nZIgvdocLq82BtdNJR6cDq81BR6fz6202B9ZOB03tNjqvUJh6k7+PBmOwT3fhCvbXYThXwAK6Pg70\n1aJUKm5KnkvxuoIGkJUSxobcMspqWvt0/KcQQvSV+2YkX/PVrnOMxgBMppYbPqdSqcTpvPAfQIvF\nQlRUNEqlku3bv8Rut9/w8YUQQgwcTW02Tp1Xxk5XN9PW4ejer1IqiA33JzEqkMToQAZHBRIZ6otS\ncWPFxuVy02H7urRZbV2lrsPmRKEApVKBUqHoenvufQWolEoUSggN8aPJYkWlVKBQntt34XP89Bo0\n6v5/cccrC9rwZCMbcssoKGuUgiaEENcoIWEwRUWFREVFExwcDMBtt83gv/7r3zl+/CgLFtxJeHg4\nb7/9uoeTCiGEuNnMLZ0cLDFxqraVwlONNDR3XLA/3OBDZmIog88WsvgIfzTq3puwT6lU4KtX46u/\nsXpiNAZgusHn9jde+VkMSw4FoLDMzIKJgzwbRgghvITBYGDFinUXbIuKiubddz/q/nj27HkAPPbY\ntwFITPz6Kl9iYjIvv/y3m5BUCCHEzVDb2M6BYhN5xSZKq5q7t/v7aMhKCiUxKpDBZ6+O+ftoPJj0\n1uKVBc0QoCfG6EdJRRN2h8srLlUKIYQQQgjhSW63mzO1rRwoNnGg2ERlfRsACgWkxwczKtXI9HEJ\nKJ1OFDc4VFH0nFcWNICMBAOVpjZKq5pIizd4Oo4QQgghhBD9jsvl5kRlE3lFJg6WmKhv6hq6qFYp\nGZEcxsjUMEYkhxHgqwXAGOrXo/udRc95dUHbvL+CgjKzFDQhhBBCCCHOsjtcFJSZOVBs4lCJieb2\nrgmg9FoV44dEMCrVyLDBIfjovLYKDGhe+7eSFmdAoYDjZWYWT73644UQQgghhBioOmwOjpQ2cqDY\nxOGT9Vg7u2btDfDVkD08mlGpRjISDHJrkBfw2oLmq1czKDKQU1XNdNgc6LVe+6kIIYQQQghxVQ6n\nC0tLJ/VNHTQ0d9DQ1EF9cwf1FisnKptxOF0AhAXpmZrVVcqSY4I8uqaXuH5e3WoyEgycqm6mpKKJ\nzMRQT8cRQgghhBDihtkdThqaO6lvstJwfgk7+765pRO3+9LPjQnzY1SqkVGpRuIj/GWSDy/m3QVt\nkIH1uWUUnDZLQRNCiF5yzz138N57H+Pr6+vpKEIIMWC4XG6a2myYWzoxt3TQ2NKJubmThuavC1hz\nm+2Sz1UoINhfR3JMEKFBekID9YQG6Qk7+zYkUI9O03trkgnP8uqClhwThFqloKDM7OkoQgghhBDi\nFuVwurC0dp4tX500Nne9bbc5qalvpbGlk6ZWG67LXP5SKRWEBuqJSTB8Xb7OK2KGAB1qldw7dqvw\n6oKm06hIig6iuNxCq9UuC+gJIcQVPP74g/z61y8RGRlJTU01P/7x0xiN4VitVjo6Ovi3f/sRQ4YM\n83RMIYTotzrtTo6faqSgzExDc9dVMEtLJ81tNi4z8hCVUkGwv47EmEBCAnQYAnQYAvSEBOgIDtAR\nGqgnyF+LUoYkirOuqaC9+OKL5OXl4XA4+O53v8vs2bO7982YMYPIyEhUqq7Lqr/73e+IiIjom7SX\nkDHIQFG5haIzZkanhd+08wohhLfJzp7Ozp07WLLkPnJytpOdPZ2kpBSys28jL28f//jHu/zqV7/1\ndEwhhOhXmttsHDpRz6GSeo6fbsTmcHXv06iVGAJ0pIUGdxcvQ3cJ05EyKBRbh03Kl7guVy1oubm5\nlJSU8PHHH2M2m7nrrrsuKGgAr7/+On5+fn0W8koyEgysyjlFQZkUNCGE91hx4jMO1h25rueolAqc\nrsu9RgsjwzO5O3nhZfdnZ0/n5Zf/jyVL7uOrr7bz/e//Gx999Hc+/PDv2O129Hr9deURQoiBqrqh\njUMl9RwsqedkZVP31bHoMD9GpoSRlRRKVKgffnr1FSfjMATqMXXab05oMWBctaCNHTuWrKwsAAID\nA7FarTidzu4rZp42OCoQnUYl96EJIcRVJCYm0dBgora2hpaWFnJythEWFs5Pf/oLCguP8/LL/+fp\niEII4REul5uTVU3dpaymsR3ompwjJTaIESlGRqaGEWGQyZNE37tqQVOpVN0zeS1fvpzs7OyLytnP\nfvYzKisrGT16NE8//fRNndZTrVKSGhfMkdIGzC2dGAJ0N+3cQghxo+5OXnjFq12XYjQGYDK19Oi8\nEydO4W9/+wtTp07DYjGTlJQCwPbtW3E4HD06thBCeJNOu5Pjpxs5WFLP4RP1NLd3XenSapSMTAlj\nZIqRrORQAn21Hk4qbjXXPEnI5s2bWb58OW+99dYF25988kmmTp1KUFAQTzzxBBs2bGDu3LmXPY7B\n4Ita3fOrb0ZjQPf7Y4ZEcqS0gSqzldTEsB4fuy+dn9ubeGNub8wM3pnbGzODd+buaeZFixawbNky\n1qxZQ3t7O8888ww7d27jwQcfZOvWTezYsRGVSklYmL/Hhq4LIURfaW6zkX+y636yY6e+vp8s0E9L\n9vAoRqQYGZJgQCtT1gsPuqaClpOTw2uvvcYbb7xBQMCFvxwsXry4+/3s7GyKi4uvWNDM5vYbjPq1\nb76KHB/WdYVvz9FqhsYH9/j4faU3Xv32BG/M7Y2ZwTtze2Nm8M7cvZE5Kmow27fvASAoCN5775/d\n+z76aBUA2dmzaW930d7e86+PN5ZgIUT/4na7ae+wY27ppMPmoMPmpKPz7Fubs3ub9YLtF+63dna9\nbe9wdN9PFhXqy4izV8oSowNlIg/Rb1y1oLW0tPDiiy/yzjvvEBwcfNG+p556ildffRWtVsu+ffuY\nM2dOn4W9nLgIf/z0agpOm3G73bJyuhBCCCHEAHCqupn3viiirPbGXjBSKhTotSr0OhVB/jriIwIY\nlhjCyBQjkSFyP5non65a0NavX4/ZbOapp57q3jZ+/HjS0tKYNWsW2dnZLF26FJ1Ox5AhQ6549ayv\nKBUK0uMN5BWbMDV1EB7sc9MzCCGEEEKI3mHtdLAyp5QteRW43ZCVHIZeo+wqW1r11291KvRaFT4X\nbVPjo1WhUSvlhXvhda5a0JYuXcrSpUsvu//RRx/l0Ucf7dVQNyI9oaugFZaZpaAJIYQQQnipQyX1\nvL+piMbmTiIMPjwyN53sMfFeNyxd9B8djk52V++j3d6OUqFCqVCgVChRKZRnPz73vvLr95WX2a5Q\nEesfjV7ddxMTXvMkIf3dkEEGAI6fbiR7eLSH0wghhBBCiOthae3kg03F7C8yoVIqWDhpEHdMSkDT\nC5PLiVvX0foCPi5eRWNH7y3JNcKYybczH+61433TgClokSG+BPlrKSyT+9CEEEIIIbyFy+1mx6Eq\nPtl2Emung6SYQB6dm06s0d/T0YQXa7a1sLx4DXl1+SgVSmYnTCcjJBWX24XT7cLlduJyu3C53bjc\nzrPbXOftP/e+86LtmWEZfZp9wBQ0hUJBRoKB3GO1VNa3yTe1EEIIIUQ/V1nfxrtfFHKiogkfnYqH\nZ6cybWSMzKh4HY7WF7D65OcAjAzPZFT4cCL9wj2cynNcbhe7q/ex8sR6rA4rgwLjeSB9CTH+UZ6O\nds0GTEEDugtaQZlZCpoQQgghRD9ldzj5bFcZ63PLcLrcjE4z8sDtqRgC+u6+noHG3GFheckaDpmO\ndt8jte7UJtad2kSMfxSjwoczOnw4Rt9QT0e9aWra6vig8FNONp1Cr9JxX+pipsZMQKlQejradRlw\nBQ2gsMzMrDFxHk4jhBBCCCG+qeiMmXe+KKK2sR1DgI6HZqUyMtXo6Vhew+lysr1iJ5+d2kin00Zi\n0CDuT7sbgz6YI/XHOVCXz/GGYtaWfsHa0i+ID4hhVPhwRoVnEeoT4un4fcLucvDJ0c9YefwLHG4n\nw43DuC91EcG6IE9HuyEDqqCFBflgDNZTeMaC0+VCpfSutiyEEEIIMVC1Wu18svUEOYerUQAzR8dy\nd3YiProB9etonzrVVMaHRSuobK3GT+3LPemLmBA1uvsK0bjIUYyLHEW73Up+/TEO1OVT2FjCmZZK\nVp1cz6DAeEaHZzEyPAuDPvgqZ/MOJyyn+KDwU2rb6wjWBXFf6iKGG4d5OlaPDLjviIyEEHbkV3Gm\ntpXBUYGejiOEEOIW8Mknn7BmzZruj48ePcqHH37I888/D0BaWhovvPCCh9IJ4Vlut5u9BXV8uLmY\n5nY7sUZ/Hp2XRlK0d17d8IR2ezurT37Ozqq9uHEzMWosi5Pm46/1u+TjfTU+TIwaw8SoMbTa28g3\nHeVA7WGKLSc53XyGT098RmLQIEaHD2dkeCZBOu/7nbnd3s6qk+vZWbUXBQrmJt/G7dEz8FHrPR2t\nxwZgQTOwI7+KgjKzFDQhhBA3xb333su9994LwN69e/n888/51a9+xbPPPktWVhZPP/0027dvZ9q0\naR5OKsTNVW+x8t7GIo6WNqJRK7nntiRmj41DrfLuUU42pw2tStvn53G73eyrPciKks9osbcS5RfB\nsrS7SQ4efM3H8Nf4MTl6PJOjx9Nia+WQ6QgHag9TYimltOk0y0vWkBw8mFFny5qRgD78jHrO7XZz\noC6fT0rW0GJrJdovkgfSlzAuediAWStvwBW09LP3oRWcbmT+hAQPpxFCCHGreeWVV/jNb37DQw89\nRFZWFgDTp09n9+7dUtDELaPW3M6e47Wszy3DZncxZJCBR+akEW7wve5jtdrbcLZYUeHTB0mvnd3l\n4GDdYXIqd1PaVEaEr5GhoekMC80gKXgQamXv/lpd01bHx0UrKbacRKPUsChpHjPipvboPAFaf6bG\nTGRqzESaOls4aDrMgdp8SiyllFhK+WfxKmKDosCl+MYizapLLNh87n3V2fcVFyz6rFVqCPUJxegT\ngtE3jEBtQI8n62iwmvm4eCXHGgrRKNUsSpzHzPhsVMqBtVbegCtoQX5aYox+lFQ0YXe40Ki9+xUa\nIYQQ3uPw4cNERUWhUqkIDPx6FEdoaCgmk8mDyYToWy63m1PVzRwqqedgST1V9W0A+PtoeGROGhOH\nRt7QGrU2p52X9r9CnbWe+IAYxkeOYUzEiMsO7esLjR1mcipz2VW1l1Z7GwoUxAfEUtNWy5flOXxZ\nnoNepSM9JJVhoekMCU0nSHfjV6FsTjsbyr5kU9k2nG4nw0IzuC91Ua9P8BGkC+C22MncFjsZc4eF\ng2evrNW21+F0OS9Y96s3aJRqwnxCCfMJxdj9J4wwn1BC9MFXLFnnJkZZW7oBm8tOuiGFZWl3D9gZ\nKgdcQQPIiDdQaWqjtKqJtHiDp+MIIYS4RSxfvpy77rrrou1ut/uanm8w+KJW9/yVYKOxfw9Ruhxv\nzO2NmaF3ctvsTvJLTOw5VsPeYzWYWzoB0KqVjBsSyfhhkUzKjMLf98aHAv4jfyV11nqiAsKpaK3m\nTMlqVpz8jFFRw5g2aAKjooahVvX+r7Mut4sjtYVsKNlOXvUR3G43/lo/7ki7nVnJ2UT6G7E57Ryv\nK+FA9REOVh3lkOkIh0xHAEgyJDAyeiijlJkkhsVf85WjQ9XHeDPvI2rb6gn1MfDYqPsYGzP8hsrt\n9TASQGpcHEuZf9E+t9uN2+3GeW4xZ5frMu93vXW6uhaBbrd3UNdWT02riZpWE7Vn31a31V50DpVC\nSZhfKJH+RiL8w4j0Dyfy7NsORydvHPyQUvMZArR+fGfkg0xNGHfJr4m3fj9+08AsaAkGNudVUFBm\nloImhBDiptmzZw8/+clPUCgUWCyW7u21tbWEh1994Vizub3HGYzGAK+8D8Mbc3tjZuhZ7larnfwT\n9RwqqefoqUY67U6g60rZ5MxIRqYYGTooBJ2264UGa1sn1rbOGzpXeUsVa4s2E6o38L+zn6WipoH9\ntQfZU5PHvsp89lXm46fxZUzECMZHjiY+ILbHRabd3k5u9X5yKnOps9YDkBAQx9TYiYwOH45WpQEr\nmKxdX78YdRwxcXEsjJ1HbbuJow0FHKsv5ITlFCfNZSw/tp4AjT9DQtMYFpZBRkgKPuqLh2paOptY\nXrKWg3WHUSqUzIzLZv7gWejVOurrW3v0OV2va///QwGoANXZ/4LmvL0BSogIiCbzvM7kdrtps7dj\nstZjsjZgsjZQb23A1N71Nr/1+GXPNj5yNHcnL8Rf63fJr4m3fT9eqUwOyIKWFh+MQgEFZWYWT/V0\nGiGEELeC2tpa/Pz80Gq7rhYkJiayf/9+xowZw8aNG3n44Yc9nFCIG1Nnbu8eulhS0YTr7BXhCIMP\nI1OMjEgJIzkmCKWy967yuNwuPihcjsvt4v60JejVOoJ0AcyMz2ZmfDYVLVVdRa32INsrdrG9YheR\nvuGMjxrNuMhR173+1ZmWCnIqdrOv9hB2lx21Us2EyDFkx04kIfDqa+sqFAoi/cKJ9Avn9vhpWB0d\nFDaWcKLtBHmVR9hTk8eemjyUCiVJQYMYFpbBsNB0jD5h7KjczWelG+hwdjI4MIH70+8mxj/qRr90\n/ZpCocBf64e/1o/BQRfPFdHh6MBkbcRkre8ubu2OdqbGTCQ9JMUDiT3D6wqa1WFlVcEuRgePQn+Z\naTR99RoGRQZQWtVMp83Z/SqOEEII0VdMJhMhIV/fI/Lss8/y3HPP4XK5GD58OJMmTfJgOiGuncvt\n5nR1CwdLTBwqqafy7P1kCiAxOpARKWGMTDESFerbZ0PvtpV/xZmWCsZGjCIjNPWi/bEB0cQGRLM4\naT4FjcXsqcnjcP1xVp/8nDUnvyDNkMz4qNGMMA677GyLdqedA2cn/TjVfAaAMH0IU2MnMiFqDP6a\nG7/PzUetZ2R4JrONk6ita6K8pZKjDYUcqy/snpBj5Yl16FV6Opwd+Kp9eCBtCROjx/Z4Ig1vplfr\niQuIJi4g2tNRPMrrCtpJy2k+OLyKxkEt3JE457KPy0gI4VR1C8UVFjITB+YNhEIIIfqPYcOG8cYb\nb3R/nJyczAcffODBREJcO5fLTUmFhf1FJvKK6rC02gBQq5RkJYUyMiWMEclhBPnr+jxLg7WRtaUb\n8NP4siRl4RUfq1Kquq5GhWXQbm/nQN1h9tTkUWguodBcwkcqLSPDs5gQOZqk4MEoFUoarI3kVOay\nu3pf96Qfw0LTyY6dREZIaq8XJKVCSUJgHAmBcSwYPItmWwvHGoo4Vl9AaVMZw41DuSt5AQFa/149\nr/BeXlfQUg1J+Gl82FW1l/mDbr/sjC8ZCQbW55ZRUGaWgiaEEEII8Q0ul5vicgv7iuo4UGSiqa2r\nlPnp1UweFsmIFCPDBofc1JGIes1hAAAgAElEQVRIbrebj4pXYnPZWZZ293WVFl+NL1NiJjAlZgJ1\n7Sb21hxgT80Bcqv3k1u9n1C9gXBfI4WNJbhx46fxZVb8bUyJmUBYL8+QeCWB2oDuRaSFuBSvK2ha\nlZZpgyawvmQr+fXHGBWedcnHJccGoVYpKCgz3+SEQgghhBD9k9PlIr/YxOa9ZRwoqqO53Q50TfKR\nPTyKMenhpMcbPLaQdF7tIY43FJFuSGFc5KgbPk64r5GFiXOYP3gWJyyn2FOTx8G6wzQ0mhkUGE92\nzERGhWehUWmufjAhbjKvK2gAtydPZX3JVnIqcy9b0HQaFUnRQRSXW2i12vH3kW9AIYQQQtx6nC4X\nhWUW9hfVcaDYRMvZUhbgq+G2EdGMTg8nPT4YldKz9z612tv4pGQNGqWG+9Pv7pX725QKJamGJFIN\nSdyXuphWW2uvrycmRG/zyoIWGxhFSnAixeYT1LbVEeF36amLMxIMFJVbKDpjYXSa8SanFEIIIYTw\nDIfTRWGZ+Wwpq6fV2lXKAn01zJs0iGHxwaT2g1J2vpUl62i1t7E4aT5hPr1/e4pOpUUn5Ux4Aa8s\naABTYyZQYinlq6o9LEm545KPSU8wwFenKCwzS0ETQgghxIDmcLo4ftrM/sI6DpaYaOtwABDkp2XG\nqBjGpIWTGhdMRERgv1svqrCxhNya/cT5RzMjTtZIErc2ry1ow43DCND4k1u9nzsS53YtHPgNidGB\n6DQqjpc1eiChEEIIIcSVudwu2uztPZrBz+12syO/iuXbTnaXsmB/LTNHxzI2PbzX1yjrbTannQ+L\nVqBAwQPp91x2AjghbhVeW9DUSjUTo8eysWwrB+rymXCJmXDUKiUpcUEcLW3E0tpJ8E2YGlYIIYQQ\n4lp9VLSCXVX7WJq2mKkxE6/7+R02B+99UUTu8Vp8dWpuH9NVypJiglD20RplvW39qU3UWxuYGZdN\nfGCsp+MI4XH9Z+DxDZgSPR4FCr6qzL3sYzISDAAUymyOQgghhOhH6trr2VW1DzduPipayeqTn+Ny\nu675+eV1rfz8nf3kHq8lMTqQ5x8fywO3p5ISG+w15ay8pYot5TsI1RtYkDjb03GE6Be8uqCF+oQw\nJDSNU81nKG+puuRjhiR03Qx6XAqaEEIIIfqRjWVbceNmUdI8wn3C2Fi2lXePf4Td5bji884Nafzl\ne/upaWxn9tg4/uvBUYQF+dyk5L3D5XbxQeFyXG4X96ctQafSejqSEP2CVxc06JosBOCryt2X3B8X\n7o+fXi1X0IQQQgjRb9RbG9lTk0ekbzi3x0/j6dFPkBiUwP7aQ7xy6A3a7dZLPq/D5uCNz47zzueF\naFRKfnB3Jstmpnhs3bKe2Fb+FWdaKhgbMYqM0FRPxxGi3/C+7+ZvGBqajkEXzN7ag1gdHRftVyoV\npMUbqG/qwGS59A87IYQQQoibaWPZVlxuF3MHzUSpUOKv9eMHI77DCGMmJZZSfn/gLzR2XPjicsXZ\nIY27j9UyOCqQ5x8by8hU75ylusHayNrSDfhpfFmSstDTcYToV7y+oCkVSqbEjMfmtLGv5sAlH3Pu\nPrQCuYomhBBCCA9r7DCTW72fcN8wRkcM796uVWn4/4Y9yPS4KVS31fK7/S9T3lLVPaTxF+cNafzx\nQ6MIC/auIY3nuN1d99zZXHaWJN/RoxkshRiIvL6gAUyMGodSoSSnMhe3233RfiloQgghhOgvNpVt\nw+l2Mjeh6+rZ+ZQKJfek3MmSlDtotrXyhwN/4fefbxoQQxrPyas9xPHGItINKYyLHOXpOEL0O977\n3X2eIF0Aw43DqGqrobSp7KL9UaG+BPlrKSgzX7LACSGEEELcDJbOJnZV7SVMH8KYiBGXfdyMuKks\njr+HTruDk7otRCTXe/WQxnNa7W18UrIGjVLD/el3o/CS2SaFuJkGREEDyD47WUjOJabcVygUZCQY\naG6zUVXfdrOjCSGEEEIAXVfPHG4ncwbNuOyCzG63m5z8KpavaqOzcCwatDSH7GdPY47Xv9C8smQd\nrfY2FibOJswn1NNxhOiXBkxBSwlOIsLXyMG6fFptF5ewjHgZ5iiEEEIIz2nqbGZn1R5C9IbLDu3r\nmqWxgLc/L0StUvKvs7N5duKThOlDWH96M+8XfILT5bzJyXtHYWMJuTX7iQuIYXrsFE/HEaLfGjAF\nTaFQMCVmAg63k9ya/Rftl/vQhBBCCOFJm89sx+5yMDthOmql+qL9FaZWfvHufnYfq2FwVAA/e2ws\no1KNRPga+Y8x3ychII7cmv38Jf+tS85c3Z/ZnHY+LFqBAgUPpC+57NVDIcQAKmgA4yNHo1GqyanM\nxeV2XbAvLNgHY7CeojMWXC7vHh4ghBBCCO/SYmslpzKXYF0QE6LGXLDP7XaTc7iKX767n+qGdmaN\niePHD43GeN4sjQFaf3446rtkhmVQaC7hDwdexdLZdLM/jRu2/tQm6q0NzIibSnxArKfjCNGvDaiC\n5qfxZXT4COqtDRSZT1y0PyPBQHung7LaFg+kE0IIIcStasuZHdhddmYnTEdz3tUza6eDN9cV8Pb6\nQlQqJd+/O5P7b7/0LI06lZbvZD7K1JiJVLZW89v9L1PZWn0zP40bUt5SxZbyHYTqDSxInO3pOEL0\newOqoAFMucJkIelnhzkWyjBHIYQQQtwkrbY2tlfuIkgbwKSosTicLg6frOeva47xb3/+il1Hu4Y0\nPn92SOOVKBVKlqYuZnHSfCydTfw+71WKGi9+Ubq/cLldfFC4HJfbxf1pS9CptJ6OJES/d/EAaC83\nKDCOOP9ojtQfx9LZRLAuqHtfRkIIAMfLzMybkOCpiEIIIYS4hWwtz8HmtDE59Db++eUp9hbU0tJu\nByDc4MOUzCjmjo+/5rXNFAoFsxJuw6AL4u8F/+SV/Dd5KOPefrmm2LbyrzjTUsHYiFFkhKZ6Oo4Q\nXmHAFbRzk4V8WLSCnVV7WTB4Vve+ID8tMWF+lJRbcDhdXr3IoxBCCCH6vzJTA5vKclA4dKxf7wZX\nBQG+GmaOjmXi0EgGRwXc8FpgYyJHEqQL5K9H3uPd4x9Rb21gVHgWPmoffNQ+aJRqj64z1mBtZG3p\nBvw0vixJWeixHEJ4mwFX0ADGRIxk5Yl17Kray9yEC9cZSU8wUFnfRmlVM6lxwR5MKYQQQoiBqKXd\nxr7COnYfq6GMPDQxdlw16YxPj2bi0AiGDArptReJUwxJPD36X3nl0JusO7WJdac2de9TKVT4qPX4\nni1sPmo9Pmo9hoBAFHZV1zbNuf367sfoVXrcuHG47NhdDuwuB47ut+dvs39jnwP7uW1OB2daKrC5\n7CxLu5sArX+vfL5C3AoGZEHTq3WMixzFjsrdHG0oYLhxWPe+IQkGtuRVcPx0oxQ0IYQQQvQKm93J\noRP15B6r5UhpA06XG4Xaju+IM2gUPjx3zzKCfX375NxRfhH8aMz3yanMpcXWgtXRcfaPlfazb82d\nTdhdXcMqMfVJjEsaYczsl0MvhejPBmRBg67JQnZU7ianMveCgpYWH4xCcXaikKkeDCiEEEIIr+Z0\nuSk43cjuY7XsL6qjw9a1gHR8uD8ThkbSHlzAlko7cxNv77Nydk6QLpCFV5kh0e5y0OHoQB+opKqu\ngXaHtavI2a20O6x0ODrOFroOVAolapUajUKNWqlGo1SjUWq6tinVqJUaNAoVapXm7L6z27rf7/oT\npA306DBLIbzRgC1oMf5RJAYNoqCxGFN7A0bfUAB89RoSIgI4WdVMp82JTisLJQohhBDi2tkdLjbs\nPcP2/CoamroWjA4N1DFjVCwThkYQa/Snw9HBT3e9iZ/al+yYiR5O3EWjVKPR+mMMCEDT0beFUQhx\n4wZsQQOYGjOB0qbT7Kzaw+Lk+d3bMwYZOF3TQkmFhWGJoR5MKIQQQghvcux0I+9vKKLWbMVPryZ7\neBQTh0aSEheM8rwrRTsqdtPusLJw8Bz0ar0HEwshvM2AnsZwpDETP40vu6v3YXc5urdnnF0PrUDW\nQxNCCCHENWhq7eRva47x0keHqLNYuX1MLG/9dDb/Mi+DtHjDBeWs02ljS/kOfNR6boub5MHUQghv\nNKCvoGlUGiZGjWXzme0cqjvC2MiRAKTEBqNSKqSgCSGEEOKKXC432w5V8un2UqydDgZHBfDInHQS\nIgPw1Wtoa+m46Dk5lbtptbcxf9Dt+Kh9PJBaCOHNBnRBA5gSPYHNZ7aTU7m7u6DpNCqSYoIoKbfQ\n1mHHT6/xcEohhBBC9DdlNS28t6GQU9Ut+OjUPDw7lWkjYlAqLz/phc1pY/OZ7ehVOqbHTbmJaYUQ\nA8WAL2hG31AyQlIpaCymqrWGaP9IoGuYY3G5haIzFkalGj2cUgghhBD9hbXTwcodpWw5UIHbDROG\nRLB0RjJB/rqrPndn1V5abK3MTZiBr0Ym4hBCXL8BfQ/aOVNjJgCQU5nbve3cfWiHTzZ4JJMQQggh\nro3daedQ3RHa7O19eh63282+wjqefT2XzXkVhAf78B/LRvCdO4deUzmzO+1sKtuKVqVlerys5SOE\nuDED/goawLDQDIJ1QeytyWNR0jz0ah3JMUEYAnTsLahl2cxk9Npb4kshhBBCeA23201eXT5rTn5O\nQ4eZGP8onhr5PXw1vX9fV525nfc3FXO0tBG1SsniKYOZNyEejfral+PZVb2PJlsLs+Jvw1/j1+sZ\nhRC3hmu6gvbiiy+ydOlSlixZwsaNGy/Yt2vXLu655x6WLl3KK6+80iche0qlVDEpehwdzk7yag8B\noFQqmJoVRYfNyb7COg8nFEIIIcT5TlhO8du8l3n72Ac0dTYzODCBytZqXj38NjanrdfOY3e4WLvz\nFD99cy9HSxsZOsjAL741jjunDL6ucmZ3OdhYthWtUsPM+OxeyyeEuPVc9bJRbm4uJSUlfPzxx5jN\nZu666y5mz/56pfpf/vKXvPnmm0RERPDQQw8xZ84ckpOT+zT0jZgcPY4vTm8hp3I3k6LHoVAomJIV\nxdqdp9mRX8XUrGhPRxRCCCFuebXtJlaf/Jx801EARocP586kuYToDbxz7EPy6vJ5/ejf+W7mo6iV\nPRv9UnC6kb9vLKamsZ0gPy33L0hhbHo4CsXlJwG5nNzq/Vg6m5gZl02A1r9HuYQQt7ar/mQbO3Ys\nWVlZAAQGBmK1WnE6nahUKsrLywkKCiIqKgqAadOmsXv37n5Z0IJ1QWSGDSHfdJSylnIGBcYTFuTD\n0MQQjpY2UmlqJcYoP1CFEEIIT2jubOWfxavJqdyNy+0iMWgQdycvYHBQQvdjHhmyFKujg+MNRbx3\n/GP+Zej9KBXXfzt9U5uNf35Zwu5jtSgUMHN0LHdNTcRXf2OFz+FysOH0l2iUambGT7uhYwghxDlX\n/UmkUqnw9e2ahWj58uVkZ2ejUnVd8jeZTISEhHQ/NiQkhPLy8j6K2nNToyeQbzpKTkUug4bEA5Cd\nFc3R0kZ25Fdz/+0pHk4ohBDCW61Zs4Y33ngDtVrNk08+SVpaGv/5n/+J0+nEaDTy29/+Fq1W6+mY\n/Y7daWdbxU42nPkSq70Do08oi5PmM9w47KIrWWqlmm9lPszLh14nry4fX40vS1MXX/MVL7fbTc7h\nav755QnaOx0kRAbwyJw0BkcF9uhz2FtzAHOnhdtiJxOkC+jRsYQQ4ppfKtq8eTPLly/nrbfe6tEJ\nDQZf1NcxpvtyjMbr/wEYGjaST04ayTPl852gZfhr/bjd4McHm0vIPV7D9+4ZjlbT82xXciO5+wNv\nzO2NmcE7c3tjZvDO3N6Y+VZgNpt55ZVX+PTTT2lvb+fPf/4zGzZs4IEHHmDevHn8/ve/Z/ny5Tzw\nwAOejtpvuNwu8mrzWX3yc8ydFvy1ftyTcidTYyZcceiiTqXl/2U9xh8OvEZO5W78NL7ckTjnqudz\nulx8sKmErQcr8dGpeHBWKtNHXnlNs2vhdDn54vSXqBUqZiXc1qNjCSEEXGNBy8nJ4bXXXuONN94g\nIODrXw7Cw8Opr6/v/ri2tpbw8PArHsts7vkUuUZjACZTyw09d2LEWFadXM+6o9uZEdc1Be7EoRF8\nvucMG3aVMmFIZI/zXU5PcnuSN+b2xszgnbm9MTN4Z25vzXwr2L17NxMnTsTf3x9/f39+8YtfMGPG\nDF544QUApk+fzltvvSUF7awS80lWnFjHmZYK1AoVt8dP48HRd9Le5Lym5/tqfPn+iG/x+wOv8sXp\nLfipfZhxhYk5rJ0OXl19lKOljcQa/Xnq3ixCAvW98rnsqz1IQ0cj2TETCdYF9coxhRC3tqsO3G5p\naeHFF1/kr3/9K8HBwRfsi42NpbW1lYqKChwOB1u3bmXy5Ml9FrY3TIwai1qh4qvKXNxuNwBTh3dN\nEJKTX+3JaEIIIbxURUUFHR0dfO973+OBBx5g9+7dWK3W7iGNoaGhmEwmD6f0vNq2Ov56+F3+7+Bf\nOdNSwZiIETw34UfclbwAP+31LeocpAvkByO+TZA2gE9PfEZu9f5LPq6hqYPfvJ/H0dJGspJC+fFD\no3qtnLlcLjac/hKVXD0TQvSiq15BW79+PWazmaeeeqp72/jx40lLS2PWrFk8//zzPP300wDMnz+f\nwYMH913aXuCv9WNkeBb7ag9SYjlJqiGZyBBf0uKCKSgzU2duJ9xwff9ICCGEEBaLhZdffpmqqioe\neeSR7hcBgQvevxJP3gbQl5o6mvnk2Do2n/wKl9tFhjGZh4cvITl00AWPu97cRgL4aeAP+dnW3/OP\nwuVEhoYwNmZ49/6ScjO/fj8Pc0snCycP5luLhqFSXf+kIpfzVdle6qz13J44hbS4+F477s3Q3/4f\nuRbemBm8M7c3Zgbvzf1NVy1oS5cuZenSpZfdP3bsWD7++ONeDdXXpsZMZF/tQXIqc0k1dM04mT0i\nmqJyCzvyq7nntiQPJxRCCOFNQkNDGTlyJGq1mvj4ePz8/FCpVHR0dKDX66/pFgDw/G0Avc3pcrLl\nzA42lH1Jh7OTcJ8wFifPJytsKAqX4oKcN5rbh0D+X+Zj/OnQ6/xh1xs8MfxxUg3JHCg28bc1x7A7\nXNx/ewqzxsTR2NjWa5+by+3i0+Ofo1QoyY6Y0m++5teiP/0/cq28MTN4Z25vzAzel/tKZbL3Xkby\nIolBCUT7RXLIdJSmzq6/yNGpRnx1anYeqcbhdHk4oRBCCG8yZcoUcnNzcblcmM1m2tvbmTRpEhs2\nbABg48aNTJ061cMpb76vqvawuvRzVEoV96Yu4ifjn77k7Iw9NTgoge9kdl21fO3wO3y8ex+vrDgC\nCvjBkixmjYnr1fMBHKw7QmVzDeMjRxPqE3L1JwghxDW6JQuaQqFgaswEXG4X2yt2AqDVqJg4LJKm\nNhuHTzZ4OKEQQghvEhERwZw5c7jvvvv49re/zU9+8hN+8IMfsGrVKh544AEsFguLFy/2dMyb7mh9\nAQDPjPkht8VORqXsu5mSM0JSeSRjGZ0OO9ubVxEQ0smPHxzNiJSwXj1Pg9XM8uI1vF/wT5QKJXMS\nZvTq8YUQ4sZWZBwAxkWOYkPZVjad2cYI4zDiA2PJHh7NlrwKduRXMSrV6OmIQgghvMiyZctYtmzZ\nBdvefvttD6XxPLvLwQlLKZF+EYT6GPr8fNZOBzu2u7G1DkE7+Bg+GXkEBE/oteNXtlazqWwbeXX5\nuNwuDLpgHhyxGKNvaK+dQwgh4Ba9ggagV+t5KONeXG4X7xz/CJvTTly4P4OjAjlS2kBjc4enIwoh\nhBBe61RTGTaXnQxDSp+fq3umxlONDA0cwYKEuTTbm/nzoddpsbXe8HHdbjfF5hO8cuhNfr33D+yr\nPUikbziPZCzlhYnPkD1ofC9+FkII0eWWvYIGXcMhboudzLaKnaw+uZ57UxcxbUQ0pz5v5qvD1dw5\npX/PSCmEEEL0V4WNJQCkhST36XlOVTfzp+WHaWqzMXNULMtuT0alVGJzd7DpzDZeOfQGPxz1XXzU\nPtd8TJfbxSHTUTaXbaespRyAlOBEbo+fxtDQ9F6/h04IIc53Sxc0gEVJ8yloLGFbxU6GhWUwLiOR\nD7eUkHO4ioWTBqFUyg9hIYQQ4noVNpagVChJCU7ss3PkFZl4fe2FMzWesyhpHm32dnZV7+W1w+/w\nxPBvoVVprng8m9POnpr9bD6zg3prAwoUjDBmcnv8NAYHedc0+kII73XLDnE8R6vS8C9DlqFUKHm/\n4BNcChvjM8JpaO7k2OlGT8cTQgghvE67vZ0zLRUMDkxAr+6dRaHP53a7+WLPGf6y8ggKheKSMzUq\nFAruT7+bkcZMTlhO8dax93G6nJc8Xpu9nS9Ob+G5Xb/ho6KVWDqbmBw9np9O+A++nfmwlDMhxE11\ny19BA4gPjGX+oFl8dmoDHxevYtrwhezIr2ZHfhWZiXLzrxBCCHE9iswnceMmvQ+GNzpdLv6xsZht\nh6oI9tfyw3uGkxB56fWElAoljw69H2t+B0fqC3i/8BMezrgPpaLr9enGDjNfluews2ovNqcNH7We\n2QnTuS12CkG6gbHgrRDC+0hBO2t2wm0cayhgf+0hhoVmEGv051BJPU1tNoL8tJ6OJ4QQQniNwsZi\nANJDUnv1uNZOB6+uOsrRU43Ehfvzw3uyCAm88hU6jVLNtzMf4c+HXmdvzQF81T5Mih7H5jPb2V97\nCJfbRbAuiAWDZzElenyfXPETQojrccsPcTxHpVTxyJBlaJUaPi5exbisQJwuN7uOVHs6mhBCCOFV\nCs0n8FHrSQiI7bVj1jdZ+fXZmRqzkkL5rwdHXbWcnaNX6/jX4Y8T5RfBtoqd/HrvH9hbc4BwXyMP\nZ9zHCxOf4fb4aVLOhBD9ghS084T7hnF3yh1YHVZOKHegUSvYkV+F2+32dDQhhBDCK9RbG6m3NpAa\nnNRrC1ObLFZ+9V4elaY2Zo6O5QdLMvHRXd8gID+NL98f8S1i/aNJDh7M97L+hf8e929MiBqDWikD\nioQQ/Yf8RPqGKdHjOVJ/nGMNhSQMDeFEfgjF5RbS4vt+kU0hhBDC250b3pgW0jvrnzldLv629hhN\nbTbunZ7EvPEJN3ysYF0QPx73VK/kEkKIviJX0L5BoVDwYPq9+Gl8qdEfQKFvZXt+ladjCSGEEF6h\n0HwCgPReKmhrd57mZGUzY9PDmTtOZlMUQgx8UtAuIUgXwANpS3C6HfimHmV/YS1tHXZPxxJCCCH6\nNZfbRXHjCQy6YMJ9wnp8vJIKC2t3nSYkUMcjc9NkgWghxC1BCtpljAjPZHzkaFx6C0SWsPtojacj\nCSGEEP1aeUslbY520kNSelym2jsc/G3NcQC+vXAIfvorLzIthBADhRS0K7g39U6CtcGoo0+ypfCI\nTBYihBBCXEFRY+8Nb3x/YxENzR0smJgg94ELIW4pUtCuwEftw78MXYoCsITspbiywdORhBBCiH6r\nwFwCQJqhZwtU7z5aQ+7xWhKjA7lz8uDeiCaEEF5DCtpVpBiSGB40DqW+nQ8LVns6jhBCCNEv2Zw2\nSi2niPWPJkDrf8PHMVms/H1jETqtiu/cMQS1Sn5VEULcWuSn3jV4dOQiFB2BmFRFHKg+5uk4Qggh\nRL9z0nIah9vZo+GN56bU77A5eWhWKuEG315MKIQQ3kEK2jXQqTRM9J+L26XgH4Wf0Gpr83QkIYQQ\nol8pMHetf9aTgnZuSv1xGeFMGhbZW9GEEMKrSEG7RvNGDMNRmUKHu50Piz6VCUOEEEKI8xQ2lqBW\nqkkKurF7xo6famDtrtOEBup4ZI5MqS+EuHVJQbtGIYF6MnxH42w2cMh0lL01BzwdSQghhOgXWmyt\nVLZWkxQ0CK3q+qfDb+9w8NI/8gD49h1D8ZUp9YUQtzApaNdh2vBY7KWZqNwa/lm8mgar2dORhBBC\nCI8rauyavfFGhze+v7GIOrOVBRMHkRoX3JvRhBDC60hBuw5ZSaEEaoJxlg+hw9nB3ws+xuV2eTqW\nEEII4VHnptdPN1x/QTs3pX5avIE7Jw/q5WRCCOF9pKBdB7VKyZSsKKw1kcRpkyixlPJleY6nYwkh\nhBAe43a7KWo8gZ/Gl9iA6Ot6bt15U+o//eBomVJfCCGQgnbdpmZFAQpc5ZkEaPxZe/ILKlurPR1L\nCCGE8Ii6dhPmTgtphmSUimv/tcLpcvH6eVPqR4X59WFKIYTwHlLQrlO4wZeMBAMnyjqYH3sHDreT\nd49/hN3l8HQ0IYQQ4qbrHt54nfefyZT6QghxaVLQbkD28K4hHDWnA5gcPY7K1mrWnvzCw6mEEEKI\nm6+w8frvPysut5ydUl8vU+oLIcQ3SEG7AaNSw/DTq9l1pJpFiQsI9wljS/kO9lTneTqaEEIIcdM4\nXU5KzCcx+oQS6hNyTc9p77Dz+trjAHz7jiEypb4QQnyDFLQboFGrmDQsiuZ2OwWlLXw361/wUev5\noHA5Jy2nPR1PCCGEuCnKWsrpcHaSHpJ6TY93u938fWMxDc0dLJQp9YUQ4pKkoN2g7OFRAOzIryLS\nL5xvDXsYF27+duRd6q2NHk4nhBBC9L2C7uGNydf0+N3HathzvJak6EDunDKoD5MJIYT3koJ2g2KM\n/iTFBHLsVCP1FivpISncl7qIVnsbrx1+G6ujw9MRhRBCiD5V1Pj/t3fncVHV+//AX2f2DQYGhk1k\nEUFx3xUN3NLU0rzVrSTLyvb126+bWbeybve2aT3qVvdWtmuLN7OuLTfMUitFRTMXFAUXQPadAWYY\nZub8/gBGCRSJZebA6/l48JiZc87MvBhHzrzn8znvkwkBAuIuoEArrrRi7aZj0KjkuHXBUMhl/AhC\nRNQW/nXshKSRYRAB/HKwsc1+Yr8ETAufgoLaIryb/hGcLqdnAxIREXUTm8OGk9U5iPTtD51Se95t\nHU4XVm9saqk/Ow5BfuffnoioL2OB1gkTBgdDq5bj5wMFcLlEAMAVAy/DENMgHC47ig1ZX3s4IRER\nUffIrDwBl+i6oOmNXxL0rk0AACAASURBVG0/heP51Zg4JBgJQ9lSn4jofFigdYJaJcfEISGosNTj\n4IkyAIBcJsfNw5IRqg/G1tPb8dPpVA+nJCIi6nru9vrtnP/sWG4lvk5tbKl//Wy21Cciag8LtE5q\nbhbyw97T7mVahRZ3jLgJBqUen2X+F0fKj3kqHhERUbfIKM+ESqZEtDHynNs0ttRPBwDctmAIdBpF\nT8UjIpIsFmidFBXii8ERfjh0shx7j5a4lwdqTbht+BLIIOCdQ2tRWFvswZRERERdp8JWicK6Ygz0\nHwCF7NxF18btp1BWXY/5k6MQG86W+kREF4IFWhe4/pJBUMgFrP3+KOpsDvfyGL8oJA++ClaHDf8+\n8B4s9TUeTElERNQ1jlZkAQDi/c89vbGqph5b9+XB5KvGpQlRPZSMiEj6WKB1gdAAPS6bHIWqGjs+\n33a8xbqJoWNxSeQMlFrLsGr7W3C4HOd4FCIiImk4c/zZuU9Q/e3OHNgdLlyaEAWlgh83iIguFCeD\nd5F5kyKx+0gxtuzLw6ShwS2mclw2YDaK6krwW8lBfHr0C1w3+CoeJE1E1Ivs2rUL999/P2JjG0eU\n4uLicMstt2DZsmVwOp0wm81YuXIlVCqVh5N2niiKyKjIhK/KB6H64Da3qaypx9bf8hDgq0biiNAe\nTkhEJG38SquLKOQy3DhnMADgg++OwuF0udfJBBluGHINBvhHILUgDT/k/uSpmERE1E0mTJiANWvW\nYM2aNXj88cfxz3/+E8nJyfj4448RGRmJ9evXezpil8ivLYTFXoNB/rHn/LLx253ZaHC4cOnkKCjk\n/KhBRNQR/KvZhQaGGzF9dD/kl9bifzuzW6xTy1VYdtGdMKp88WXWtzhQku6hlERE1BN27dqFmTNn\nAgCmT5+O1NTecdqV5umN8edor19hqcfWffkI8NXgouEcPSMi6igWaF3syqkxMBpU+GrHKRSU1bZY\nZ9L54Y4RN0IhU+C9w58g15LvoZRERNTVsrKycMcdd2DRokXYvn07rFare0pjQEAASkpK2nkEaWgu\n0AaZ2j5B9bc7s+FwujB/CkfPiIj+CB6D1sV0GgUWz4rD618cwoffHcVDyaMhO2sKSIRvOG4cci1W\nH1qDNw+8j4fG3QOj2teDiYmIqLOioqJwzz33YO7cucjNzcUNN9wAp9PpXi+K4gU9jr+/DgqFvNN5\nzGafTj9GWxqcDThedRLhvqGIDQ9vtb6syoqf9ucj2KTD5dNjO1ygdVfu7iTFzIA0c0sxMyDN3FLM\nDEg39++xQOsGY+LMGB0biH2ZpfjlQAGSRoa1WD8qaDgWDJiDjSe+w5sHP8D/jb4DKrnSQ2mJiKiz\ngoODMW/ePABAREQEAgMDcfDgQdhsNmg0GhQVFSEoKKjdx6moqOt0FrPZByUllk4/TluOVRxHvdOO\nWN+YNp9j7aajaHC4MG9iBCrKa9t4hHPrztzdRYqZAWnmlmJmQJq5pZgZkF7u8xWTnHvQDQRBwHWz\n4qBRyfGfH7NQVWtvtc3syOmYGDIW2dW5WHNkHVyiq41HIiIiKdi4cSPeeecdAEBJSQnKyspwxRVX\nICUlBQCwadMmJCYmejJilzjTXr/18Wfl1Tb8tD8fZj8NEoaF9HQ0IqJegwVaNzH5anDl1BjU1Tvw\nyeZjrdYLgoBFg69EjDEKvxYfwLcnN3sgJRERdYUZM2YgLS0NycnJuOuuu/Dkk0/igQcewJdffonk\n5GRUVlZi4cKFno7ZaRkVmZAJMgz0i2617pvUbDicIi5j50Yiok7hFMduNH10P+xML8TuI8WYPKwU\nM383lKmUKXDr8Buwcs9r+N+pzQjRmTEuZLSH0hIR0R9lMBjwxhtvtFr+3nvveSBN96hrqENO9WkM\nMEZBo9C0WFdW1Th6FuSnxWSOnhERdQq/4upGMpmAJXMGQy4TsCblGKz1jlbb+KgMuGPEjdDINViT\n8RlOVmW38UhERESedbTiOESIbbbX/2ZnNpwuEfOnREEu40cLIqLOuKC/oseOHcPFF1+MtWvXtlo3\nY8YMJCcn4/rrr8f111+PoqKiLg8pZeFBBsyZGIGyahs+Tsloc5swQwhuHnYdnC4nXtn3Jt5P/wTH\nKrJ4XBoREXmNjPLG6fqDfleglVZZ8fP+fAT7azFpaLAnohER9SrtTnGsq6vD008/jYSEhHNus3r1\nauj1+i4N1pvMnxyFtIxibPzpOIZH+SM6tHVb/aEBg3DT0EX4+sQmpBXtQ1rRPgRqTEgIG49JoePg\npzZ6IDkREVGjjIosaBUaRPq0bK//TSpHz4iIulK7f0lVKhVWr159Qe2BqW0qpRxLLhkElwh88L8M\nOF1tj4yNDR6FJyY9hAfG3ImJIWNRZbfgqxMpeGz7M/jX/nfxW/FBOFytp0kSERF1p1JrOUqtZYjz\ni4FcduY8baWVVvxyoADBJh0mDuHoGRFRV2h3BE2hUEChOP9mK1asQF5eHsaOHYsHH3wQwlknZv49\nbz8JZ3cxm33w6/Ey/JCWix2HS3DF9IHn3DYoaAQSYkegrsGKHTl78OOJHUgvy0B6WQZ81QYkRU3C\njAGTEe4b2qP5pUaKmQFp5pZiZkCauaWYmaTvXNMbv049BadLxAKOnhERdZlOd3G87777kJiYCKPR\niLvvvhspKSmYM2fOObf39pNwdqeb5w/D7vRCfPTdEQwO94XZT9vufUb6jsLIUaOQV1OA1II07C78\nFV8f3Yyvj25GtG8kJoeNx5igkdAo1N2WW4qvtxQzA9LMLcXMgDRzSzUzSV9GRRaAluc/K6m0YvvB\nQoSYdJgYz9EzIqKu0umvuxYuXIiAgAAoFAokJSXh2LHW5/yiRr56FRbNjIXd4cKalKMQRfGC79vP\nEIqrYhfgH1Mew81Dr0O8KQ6nqnPwUcZ6PLL9aaw98hlOVJ3q0GMSERG1xyW6cKw8C/5qPwRpA93L\nv9pxZvRMJjv3zBkiIuqYThVoFosFS5cuhd1uBwCkpaUhNrZ1+106Y+KQYAyLNuHQyXLsOtzxjpdK\nmQJjg0finlG34KmE5ZgXPQsGpR6pBWl4ce+/8PSuF7E5Zxss9ppuSE9ERH1NriUPtY46xJti3Ycw\nFFfUYcfBQoQG6DCBo2dERF2q3SmOhw4dwvPPP4+8vDwoFAqkpKRgxowZCA8Px6xZs5CUlIRrrrkG\narUaQ4YMOe/0RgIEQcD1lwzC42/vwic/ZGLYgAAYtMo/9FgBWn9cGj0Lc6Nm4mhFFlLz07C/5BC+\nyPoGXx3/DlP6TcTsyOnsAElERH/Y0fLG6Y1nH3/21Y5TcIkiFkyJ5ugZEVEXa7dAGzZsGNasWXPO\n9UuWLMGSJUu6NFRvZ/bTYmHiAPxnSxbW/ZiJpZcO6dTjyQQZ4k1xiDfFoaahFmmF+7Al9xdsO70D\nO/J3I7FfAmZFToOviseCEBFRxxypyAQADPJvbG5VVFGH1ENFCAvUY/xgdngmIupqbLnkIbPGhyMi\nyIDtBwtx5FR5lz2uQanH9P4XYcWkh5A86EoYlAb8mPszVux4Dl9mfYsae22XPRcREfVudqcdJypP\nor8hDD4qAwDg6+3No2c89oyIqDuwQPMQuUyGJXMHQxCAD1KOwt7g7OLHl2NKv4lYkbAM18QthFah\nxfc5W/FE6rP46kQK6ho6302TiIh6t+OVp+AQne7pjUXlddiRXoh+Zj3GcfSMiKhbsEDzoOhQX8wa\n1x/FFVZ8teNUtzyHUqZAUvhkPJXwMK6KXQCVXIXvTv2AJ1Kfw7cnv4fVYe2W5yUiIuk7UtHYmbm5\nvf7G7acgisDlU6IhO885T4mI6I9jgeZhCxOjEeCrwXe7cnC6uPs6LyrlSkzvfxH+lrAcfxp4KeSC\nHN+c/B5P7HgOKad+hM1R323PTURE0pRRngmFTIEYYzQKymqx83Ahws16jBlk9nQ0IqJeiwWah2lU\nClx/SRycLhHvf5cBl6t7z2OmkqtwccRUPJXwMBYMaOy4ufHEd1iR+hw252yD3Wnv1ucnIiJpsNhr\nkFdTgBhjFFRyJb7a0Th6toCjZ0RE3YoFmhcYEROICfFBOJFfjS378nrkOTUKDS6JmoG/TV6OS6Nn\nweFy4ousb/BE6nPYkvsLGpwNPZKDiIi809Hyxu6Ng02xKCirxa7DRQg3Gzh6RkTUzVigeYlFF8dB\np1bgs61ZyC609NjzahVazIuehacnL8ecyBmwO+1Yn7kRK1Kfx0+nd6DB5eixLERE5D2a2+sPNsWe\nOfbsIo6eERF1t3bPg0Y9w6hX4eZL4/H6hoN4Zf1+PHbDOJh8NT32/DqlDvNj5mB6/0RsztmGbae3\nY92xL/HdqR8R7hcCmUsBjVwDjUINjVwNjUINtbzxulqhhlaugbppnVquhrZpvVwm77HfgYiIuoYo\nijhangW9Uge5zQ+7Dx9DRJABY+ICPR2NiKjXY4HmRcbEmfHn6QPxny1ZeGX9ASy/bgy06p79JzKo\n9Fg4cB5mRCTi++yt2JGfhvTiY3/48ZQyBdRyNXQKLcYFj8LsqBlQyvi2IyLyZsV1Jaior8SYoBGN\nx56hcfRM4OgZEVG34ydlL3PJhP4orrRi6748vLkxHfdeORxyWc/PRPVV+eDK2Pm4MnY+TAE6nC4s\nhc1ZD5ujHjZnPeqbLhuX2VDftK7eWQ9r0+XZ21XVV+PbU5vxa8lBLB58FaKNkT3+OxER0YVpnt4Y\noozAhiPFiAz2wahYjp4REfUEFmheRhAEXDcrFqWVVhw4XoZPN2fhutlxHs0kl8mhU+qgU+r+8GPY\nHDb89/h3+ClvB17c+y9MC5+CywZcAo1C3YVJiYios+qddmzL3Q4BArIyVBDh4OgZEVEPYpMQLySX\nyXDnwmEIN+vxw6+n8f2eXE9H6jSNQoNrBi3EA2PuhFkXgC2nf8Ezu1/CkfI/Pn2SiIi63ueZX6HY\nWorxgRNx4EgdIkN8MHJggKdjERH1GSzQvJRWrcD9V42EUa/Cp5sz8VtmqacjdYmBftF4dPwDmB05\nHRX1VXjtt7ex5sh/UNdQ5+loRER93oGSdGzP34V+hlBYjg/gsWdERB7AAs2LBRg1uO+qEVAqZHhj\n46Eebb/fnZRyJS6PmYtl4+5Ff0MYdhbswd92rcK+4oOejkZE1GdV1VvwUcZ6KGQKzAm5HL8eLUd0\nqA9GxnD0jIioJ7FA83LRob64bcFQNDS48PL6/Sivtnk6Upfp79MPD427F5fHzIXVYcPbh9Zg9cEP\nUVVf7eloRER9iiiKWHvkP6hpqMXCmHk4kF4PgKNnRESewAJNAsbEmXH1jIGoqrHj5c8OwFrfe04e\nLZfJMTtyOh4d/3+IMUbjt5JDeHrXi9iRnwZRFLvlOV2iC/k1hcisOIEKWyVcoqtbnoeISCp+ykvF\n4fKjiDfFYVr4FJzIr4ZKKcOwaI6eERH1NHZxlIjZ4/ujuMKKLR5uv99dgvVB+L8xt+OXvF347/Fv\n8VHGZ9hb9BsWDb4CgdrOfUCwOxuQXZ2LE1WncLzqFE5UZcPqsLrXK2QKBGhMMGtNCNQGIFAbAHPT\nZYDWxPO2EVGvVlBbhC+yvoZeqcP18VejweFCfmkdBoT5Qibj6BkRUU/jJ0+JEAQBybNiUVLV2H7/\nk82ZuG5WXK+aeiITZEgKT8DwwHh8cnQD0ssy8I9dL2F+zBxMC58CmXBhBanFXoOTp49jX+4RnKg8\nhRxLHpyi070+UGPCiMAhMKp9UWotQ6m1DCXWchTVFbd6LAEC/NRGBGpN7qLt7AJOp9R22e9PRNTT\nGlwOvJ/+CRpcDtw0NBlGtS9OFlTDJYqIDPbxdDwioj6JBZqEyGUy3Hn5MDy7di9+/DUPwf46zBrf\n39Oxupy/xg93jrgJe4p+w2eZ/8XnmV9hb9F+XDf4KoQZQlpsK4oiiq2lOFHZODp2vOokiuvOdLyU\nCTKEG8IQ4xeFAcYoxBijYFT7tvm8tQ11TcVaWYvLUms5MitPILPyRKv76BU6+GmM7iwuiBBFESJc\njbdFEWLTMpfocl8X0fK2CyIEAEGGQJjVgQjRBSFEH4QQfTCCtIFQypVd9wITETX55sQmnK7Jx+TQ\nCRhpHgYA7oZUEcEGT0YjIuqzWKBJTHP7/b9/uAef/pCJQD8NRseaPR2rywmCgPEhozHYFIv1mRux\np+g3PJf2Ci6JmoEhprjGqYpNRVlNQ637fhq5GvGmOAwPG4QQRSiijBFQy1UX9Jx6pQ56pQ6Rvq2L\nXruzAeW28qairfys4q0MZdYKCELjaJtMkEGAAEEQztwWGi/lMjlkggABTcuatmu+dIouFNeWIbcq\nv+VrAQGBWlNjwaYLbircghCsC4JWoencC019kkt0oc5hRa29FjUNdahpqEVtQy1qmn/stVDIFPhz\n7AJ+OdCLHas4js0522DWBuDK2Pnu5dlFjQVaZAhH0IiIPIEFmgQFGDW4/88j8NxHv+LNjelYft0Y\nRIW0PSokdT4qA24amoxxwaPw6dEv8O3J7/Htye/d6/3URowNGokYv2gMMEahnyEEMkEGs9kHJSVd\nd1oClVyJEH0wQvTBXfaYbQkI1CPz9GkU1hajsK648bK2GIV1RThYegQHcaTF9n5q41mjbUFN14Ph\no/Keb76tDhtqG2qhUWiglWsgl8l75HnrnXZY7BZU2y2ottc0Xq+3oLqhBnUNdTD7+kMHA0waf5g0\nfjBp/OGjNHjltGGX6ILT5URdgxU19lo4RAecLiccorPpsum2ywm7y44a+5liq7HwqkON/UwRVttQ\nBxHnb8KjlqswN2om/OV+PfRbUk+qa6jDB4c/hSAIWDJkETQKtXtdTpEFCrmAsEC9BxMSEfVdLNAk\nKirEF7fPH4rXNhzEK+sP4PEbxsHk23tHU4YHDsFAv2h8n70NVocVMcYoDPCLgknj7+loXUomyJoK\nBn8MCRjUYp3FXuMu3Ipqi1FQW4TCumJkVGQioyKzxbY+KgP6G/oh3CcM4YZQhPv0g1kbcMHH8f1R\nNQ21OG3JR64lz/1TbG15knW1XAWtQgudQgutQgOtQtt4W9l8XdO07nfXlRooBAVqGmpRbbc0FV81\nTddrWhRj1XYL7E77+cO2PuQQSpkC/ho/mNT+CND6u/8tmos4o8r3ggtMURRhc9ajtqEOtU1FUfNP\njft206WjDnanHQ6XE07RCYfL0XTZeLsrOo0KEKBTamFQGhCsM8Og1EOv1MOg0kOv1MGg1Df+qBov\nfVU+UF3g6DNJiyiK+PToF6isr8Jl0bMRbYxwr3M4XcgtrkW/QAMU8t7TiIqISEpYoEnY6Dgzrpkx\nEJ/+mIWXPzuARxaPgVbde/9JtQotFsTM8XQMj/FRGeCjMiDWf0CL5TaHDUV1Je7iraC2EHk1hThc\nfhSHy4+6t1PJVeinD0V/nzCEG8IQ7hOGMH3IH57CVm23INeSh7LiEmQUnUSuJQ/ltooW2+gUWgzy\nHwg/tRE2Zz2sDVZYHVbUOWyorK9CQW1RuyM5HSETZPBR6hGkDYSvygc+KgN8VT7wVRngo/JxL9Mp\ntVDoRRwvOI1yWyXKbRUos1WgvOmnuK4UqGj78f3URpg0fgjQmOCv8YPT5XQXWc0FV01DLeoarC2a\n05yPUqaERqGGXJBDIcihVqqhkMkbb7svFdBq1HA1iO7b7vUyORSCAnKZHCqZ0l1k6ZuLLqUeOqW2\n2wt0koa0on3YW7wfA4yRmB05vcW6grI6OJwuRIZ4zyg8EVFf03s/zfcRs8b3R1GlFVt+zcMb/03H\nfVf1rvb71D6NQoNI3/6tjp2rbahDXk0+ci35OF2Tj9OWfGRbcnGyOtu9jUyQIVhnRrihH8J9Qt2F\nm0F5ZmqTKIqorK9CzlmjYrmWPFTZW55Q3KDUY4hpEPr79HP/BGj8zztl0CW6UO+0w+qwwuqwoa6p\ngLM6bKhz/P66DQ3OBhhU+t8VX2eu65W6Cy5CzP4+MDjanr5nc9Sjor7SXbCVWZuLt8ZlxytPIQsn\n27yvTqGFXqlDgMbkPq6xeYSq8boeeoXurHV6qC6wSO7qqbvU95RZy7Hu6JfQyNVYMuTaViPCOc3H\nn7GDIxGRx7BAkzhBEJB8cSxKK204eKIMH2/OxOJe1n6f/hi9Uoc4/4GI8x/oXtbgbEBBbRFya/Jw\n2lKA0zV5OF1TgILaIqQVnbmvv9oP4T6hcLicyLXktWjEAjQe+zY8cAj6+/TDsH4DYRRNMKp8O/y+\nkwmypmmO3jU9V6NQI1QRjNBzHHPY4HKg0laFivoKyAWFu9jSKbQ9dowdUUe5RBc+OPwpbE4bro+/\nus1zTJ7p4MgCjYjIU1ig9QJymQx3XD4Uz679FVua2u/P7oXt96nzlHIlInzDEeEb7l7mEl0otZa1\nGGk7XZOPg6WNDUkCNCYM9BuAiLNGxs5uQtIXR3WUMgXMugCYdZ07iTpRT9qUvRXHq05htHk4JoaM\nbXOb7CILBAEID+IURyIiT2GB1kto1Qr8359H4OkP92DdD5kwGzUYHdf72u9T15MJMgTpzAjSmTE2\neKR7ebXdAoUgh06p82A6Immx2Wy47LLLcNdddyEhIQHLli2D0+mE2WzGypUroVJ5pvFKdnUuvjm5\nCX5qIxYNvrLN0W6XKCKnuAZhAXqolRwJJiLyFB6s1IuYfDW4/6oRUCpleHNjOlLTCz0diSTMV+XD\n4oyog/7973/DaGw8ef0///lPJCcn4+OPP0ZkZCTWr1/vkUz1TjveP/wJXKIL18dfDf05/l8XV1hR\nb3fyBNVERB7GAq2XiQrxxV0Lh0OQCVj91WG8881h2OwOT8ciIur1jh8/jqysLEybNg0AsGvXLsyc\nORMAMH36dKSmpnok14bMr1BcV4oZ/RMx2BR7zu2ajz9jgxAiIs9igdYLjYgJwJM3jUdkiA+2HyzE\n397f4+7MRURE3eP555/H8uXL3betVqt7SmNAQABKSkp6PNOBknT8kr8L/QyhWBAz97zbZjd3cAxh\ngUZE5Ek8Bq2XCvbX4a/Xj8X6rcexKS0Xf/9wL66ZMRAzxvRjh0cioi725ZdfYtSoUejfv+0GTaJ4\nYef78/fXQaHo/PFfZrMPKq1V+Hj751DKFHhgylKE+fmf9z6F5VYAwOghodBr/9j5ETvLbJZecSjF\nzIA0c0sxMyDN3FLMDEg39++xQOvFFHIZrp0Zi/hIf7zzzRF89P0xHD5VjpvmxcPgoZ0vEVFvtHXr\nVuTm5mLr1q0oLCyESqWCTqeDzWaDRqNBUVERgoKC2n2cioq6Tmcxm31QXFyNfx94H5b6GlwVuwDa\nBt/zdlsVRRGZuRUI8tOirsaGuhpbp3N0lBQ7wkoxMyDN3FLMDEgztxQzA9LLfb5ikgVaHzByYCCe\nunkCVn+Vjn2Zpch+bzdumz8Ucf3bPkkvERF1zMsvv+y+/uqrr6Jfv37Yt28fUlJScPnll2PTpk1I\nTEzssTw/56UivSwD8aY4TA2f3O72ZdU21NociI8y9UA6IiI6Hx6D1kf4+6jxl2tH40+J0aiw1OP5\nj3/Fxu0n4XJd2LQbIiLqmHvvvRdffvklkpOTUVlZiYULF/bI856uLsCGrK+hV+qwOP7PkAnt7+pz\nimoAAJHs4EhE5HEcQetDZDIB86dEY1CEP97cmI4vfz6JjOwK3Dp/KPx91J6OR0TUK9x7773u6++9\n916PPrfD5cCrqe+hweXAjUOT4ac2XtD92MGRiMh7cAStD4rr74enbp6A0bGByMipxIp3d2N/Vqmn\nYxERUSf979QPOFmZi8mh4zHKPOyC79fcwTGCBRoRkcexQOujDFol7rliOK6bFQeb3YlX1h/Apz9k\nwuF0eToaERH9QYW1xehvDMOVsQs6dL+cIgv8fdTw1au6KRkREV0oTnHswwRBwMyx4YgNN+KN/6Zj\nU1oujuZW4o7LhyLYX+fpeERE1EG3DFuMgEA9yssuvBtkVU09KmvsGDUwsBuTERHRheIIGiEi2Acr\nbhyPi4aHIrvQgiffS8PO9EJPxyIiog4SBAFyWcfOo5bd1CAkgg1CiIi8Ags0AgCoVXLcfGk8bp0/\nBADw1leH8e43R1Bvd3o4GRERdaecIjYIISLyJpziSC0kDA3BgDBfvPHfdPxysABZeVV4eMl4GNUd\n+0aWiIikoblBSGQICzQiIm/AETRqJdhfh79ePxazx/dHYXkd/vLKT/hq+0k4XWwgQkTU22QXWmDQ\nKnm6FSIiL8ECjdqkkMtw7cxYPHjNKPj5qPHFzyfxzJpfUVBW6+loRETURWptDSitsiEy2ABBEDwd\nh4iIwAKN2jE02oTX/jIdCUODcbKgGk+9l4bNe3LhEkVPRyMiok7KaW4QwumNRERegwUatcugU+HW\n+UNx18JhUCnl+HhzJl5a9xvKq22ejkZERJ2QXcgGIURE3oYFGl2wcYOD8PTSCRgZE4DDpyrw+Du7\nseNQAUSOphERSVJOMQs0IiJvwwKNOsRoUOO+q0bgxrmD4RJFvP31Efzri0OorrN7OhoREXVQdqEF\nGpUcZn+tp6MQEVETttmnDhMEAUkjwxAf6Y93vj6MvcdKkHm6EkvmDsboWLOn4xER0QWotztRWFaH\n2P5+kLFBCBGR17igEbRjx47h4osvxtq1a1ut27FjB6666ipcc801eP3117s8IHkvs58Wy5LH4Orp\nA1FX78Crnx/Eu98egbXe4eloRETUjtySGogAIoINno5CRERnabdAq6urw9NPP42EhIQ21//973/H\nq6++ik8++QTbt29HVlZWl4ck7yWTCZgzMQJP3DgeEUEG/HKgACve3Y2jORWejkZEROfBBiFERN6p\n3QJNpVJh9erVCAoKarUuNzcXRqMRoaGhkMlkmDp1KlJTU7slKHm3cLMBjy0Zh8smR6Gs2oYXPt6H\nT3/IRIPD6eloRETUhuyipgKNLfaJiLxKuwWaQqGARqNpc11JSQlMJpP7tslkQklJSdelI0lRyGW4\nImkAHl08FkH+ggjPtQAAHuhJREFUWmxKy8VT7+9xf0tLRETeI6fIAqVChtAAnaejEBHRWXq8SYi/\nvw4KhbzTj2M2S/Mbv76Q22z2waj4ELz/zWF8s/0k/v7hHlw7exD+PCMWcnnPNQ7tC6+1t5BiZkCa\nuaWYmbxPg8OFvJJaRAT7QC5jQ2ciIm/SqQItKCgIpaWl7ttFRUVtToU8W0VFXWeeEkDjB5SSEumN\nyvS13FcmRmNwuBHvfnsEH32XgR/TcnDVtBiMGhgIoZs7hvW119qTpJgZkGZuqWYm75NfWgunS+T0\nRiIiL9Spr83Cw8NRU1OD06dPw+FwYMuWLZgyZUpXZaNeYGi0CX9bOgFTR4WhsLwOr35+EM999Cuy\nTld5OhoRUZ/VfPwZOzgSEXmfdkfQDh06hOeffx55eXlQKBRISUnBjBkzEB4ejlmzZuHJJ5/Egw8+\nCACYN28eoqOjuz00SYteo8SSOYMxa1x/fL7tOPZlluKZtXsxOjYQV02LQWiA3tMRiYj6FHeDEHZw\nJCLyOu0WaMOGDcOaNWvOuX78+PFYt25dl4ai3iksUI97rxyBzNOV+GxLY6G2P6sMiSNDcflF0fAz\nqD0dkYioT8gptEAuExBu5hdkRETepsebhBDFhvvhkcVj8FtmKdZvO45tv+UjNb0Qs8f3x9yJkdCq\n+bYkIuouLpeI3OIahAbooeyCpl1ERNS1+EmYPEIQBIyOM2PEwABsP1iIL38+ga93ZGPrvnzMnxyF\naaP7QalgZzEioq5WUF4Hu8OFyBAef0ZE5I34CZg8Si6TIWlkGJ69PQFXJA2A0+XCJz9k4q+rd2Ln\n4UK4RNHTEYmIepWcQh5/RkTkzVigkVdQK+W4bHIUnrs9AbPG9UeFpR5vbTyMp9/fg/RT5Z6OR0TU\na5zp4MgCjYjIG7FAI6/io1Nh0cWxeOa2SZg0NBjZRRa8+OlveHHdb8gpktb5n4iIvFFOkQUCgP5B\nnOJIROSNeAwaeSWznxa3zR+KS8ZHYP2240g/WY70k+WYNDQYVyQOQKCf1tMRiYgkRxRFZBfVINik\nY0MmIiIvxb/O5NUiQ3zw4DWjkH6qHJ9tycLO9CLsySjGtNH9cNnkKPjqVJ6OSEQkGSVVNljrHRg+\nwOTpKEREdA4s0EgShkaZEH/jeOw+XIQNP53A5j2n8cuBAsyZEIHZE/pDo+JbmYioPe4GISE8/oyI\nyFvxUy1JhkwQMGloCMYNDsK23/KxcftJfPnLSfz462nMnxKNqaPCoJDzsEoionNpbhDCDo5ERN6L\nn2ZJchRyGWaODcdztyfg8ouiUe9w4aPvj+Gvq3di1+EituYnIjoHdnAkIvJ+LNBIsrRqBS6/KBrP\n356AmWPDUV5djzc3puNv76fh16PFEFmoERG5iaKI7EILAnw1MGiVno5DRETnwAKNJM9Xr8J1s+Lw\nj6bW/LlFNVjxVipWffobThZUezoeEZFXqKyxw1LXwOPPiIi8HAs06jWCmlrzr7hpPMYMDsKR7Ao8\n/cEe/OvLQygqr/N0PCIijzpz/BnPf0ZE5M3YJIR6nYhgHzx1awJ+2pOD9VuPY09GMX49WoKkUWFY\nMCUKfga1pyMSEfW45g6OPP6MiMi7sUCjXis+0h+P3TAWe4+W4POfTmDrvjzsOFSAWeP6Y+7ESOg0\nfPsTUdewWq1Yvnw5ysrKUF9fj7vuuguDBw/GsmXL4HQ6YTabsXLlSqhUnjt3o3sEjVMciYi8Gj+h\nUq8mCALGDQ7C6LhA/HygAP/95SS+Sc3G1n15mD2+P0bHmdEvUA9BEDwdlYgkbMuWLRg2bBhuvfVW\n5OXl4eabb8aYMWOQnJyMuXPn4qWXXsL69euRnJzssYw5RRYY9SrOIiAi8nIs0KhPkMtkmDaqHxKG\nhmDznlx8uzMHX/x8El/8fBImXzWGRQdg+IAADInyh1bN/xZE1DHz5s1zXy8oKEBwcDB27dqFp556\nCgAwffp0vPvuux4r0Cx1dpRV12P4gACPPD8REV04fhKlPkWtlOPShChMG90P+7NKcfBEOQ6dKMNP\n+/Px0/58yGUCYsONGB7TWLBxdI2IOuLaa69FYWEh3njjDdx0003uKY0BAQEoKSnxWK6cohoAQGQI\nG4QQEXk7FmjUJ+k1SkweForJw0Lhcok4UVCNg8fLcPBEGTJyKpGRU4nPthzn6BoRdcinn36KI0eO\n4KGHHmpxLsYLPS+jv78OCoW80znM5pbHmZUdLAQADI8NarXOm3hztnORYmZAmrmlmBmQZm4pZgak\nm/v3+GmT+jyZTMDAfkYM7GfEn5IGoLrWjkMny3DgeBnST5ZzdI2I2nXo0CEEBAQgNDQU8fHxcDqd\n0Ov1sNls0Gg0KCoqQlBQULuPU1HR+VOCmM0+KCmxtFh2+EQpAMBPq2i1zlu0ldvbSTEzIM3cUswM\nSDO3FDMD0st9vmKSBRrR7/jqVR0aXRsVG4gRMQGQsVgj6rP27NmDvLw8/PWvf0VpaSnq6uqQmJiI\nlJQUXH755di0aRMSExM9li+70AKdWoFAo8ZjGYiI6MKwQCM6j9+PrlXV2nHoRGOxdvbo2sB+Riye\nHcfzCxH1Uddeey3++te/Ijk5GTabDU888QSGDRuGhx9+GOvWrUNYWBgWLlzokWzWegeKKqyIj/Tn\nqD8RkQSwQCPqAKNehSnDQzFl+JnRtZTdOdh7tARPvZ+GaaP74YqkAdBrlJ6OSkQ9SKPR4MUXX2y1\n/L333vNAmpZyixsbhEQEs0EIEZEUsEAj+oPco2t/Go70k+X46Ptj2PJrHtKOFOOqaTG4aEQopz0S\nkcdlFzadoJoj/EREkiDzdACi3mBotAl/WzoBf54egwaHC+//LwP/+HAPThZUezoaEfVx2UVNBVoI\nCzQiIilggUbURRRyGeZOjMQzt03CxCHBOFlgwd8/2IP3/5cBS53d0/GIqI/KKbJApZQh2F/n6ShE\nRHQBWKARdTF/HzVuXzAUyxaNRligHj/tz8ejb+3Ell9Pw+W6sHMhERF1BXuDE/mldYgI8oFMxinX\nRERSwAKNqJsMjvTHipvG49qZsXCJItZsOoa/fZCGrLwqT0cjoj7idEktXKLI48+IiCSEBRpRN1LI\nZZg9vj+euXUSJg8LQU5RDZ5ZsxfvfH0YVbWc9khE3Sun6fgzdnAkIpIOFmhEPcBoUOOWy4bgkcVj\nEBFkwPZDhXj0rVR8n5YLp8vl6XhE1EuxQQgRkfSwQCPqQbHhfnjixvFYPDsOAgR88kMmnnwvDUdz\nKjwdjYh6oexCCxRyAWGBek9HISLyelu3/nBB273yyovIz8/rthw8DxpRD5PJBMwYE45xg4OwYdtx\n/Ly/AM9/vA8T4oOQOKY/9EoBwf46aNX870lEf5zD6cLpklr0CzRAIef3sURE51NQkI/Nm1MwbdrM\ndre9//4HuzULPwESeYivToUb58YjaWQ/rN10FLuPFGP3kWL3eqNBhRB/HYJNOoQ0/wToEGjU8MMW\nEbWroKwODqcLkSE8/oyIqD0vvfQ8jhxJR2LieMyePRcFBfl4+eV/4dln/4aSkmJYrVbcfPNtmDIl\nEffccxv+3/9bhi1bfkBtbQ1ycrKRl3ca9933IBISpnQ6Cws0Ig8bEOaLx5aMw9HsClTXO5GVXYHC\nijoUldfhWG4ljuZWttheLhMQ6KdFiL8WIQFNBZx/Y/Fm1KsgCGylTUSN0xsBsIMjEUnOf37MQlpG\ncfsbnkUuF+B0nvt0RuMHB+HqGQPPuX7RouuxYcN/EB0dg5ycU/jXv95GRUU5JkyYhLlzL0Ne3mk8\n/vhyTJmS2OJ+xcVFWLXqn9i5cwf++9/PWaAR9RYyQUB8lAlmsw9KBlncy+0NThRXWlFYVoeiijoU\nltWhsOlyf3kd9h8va/E4GpUcwSYdzH5aBBo1CDRqEODbdGnUQKPif3mivuJMB0cWaEREHREfPxQA\n4OPjiyNH0rFx4wYIggzV1a1PlTRixCgAQFBQEGpqarrk+flpjciLqZRyhJsNCDe3nqJUY21AYXld\nq+Itr6TW/c357xm0SgQ0FW6NP9oWBRyPeyPqPbKLLBAEIDyIUxyJSFqunjHwvKNdbTGbfVBS0vbn\nn45SKpUAgO+//w7V1dV4/fW3UV1djVtuub7VtnK53H1dFM89gtcR/DRGJFEGrRID+xkxsJ+xxXKX\nKKKqxo6yKhtKq62Nl1U29+X5Cji9RtFUwGndRZu56XqgH0fgiKTCJYrIKa5BWIAeaqW8/TsQEfVx\nMpkMTqezxbLKykqEhoZBJpNh27Yf0dDQ0CNZ+GmLqJeRCQL8fdTw91FjIIyt1rtEEZZaO0qrzxRt\nZwq4xumUOUVtD9EbtEqY/TQIMGphNmoQ6KdFTIQ/lBARaNRAqeAHQSJvUFxhRb3dyRNUExFdoMjI\naBw9moHQ0DD4+fkBAKZNm4Hly/8fDh8+hEsvXYCgoCC8997qbs/CAo2oj5EJAowGNYwGNWLCWhdw\noijCUtfQVLhZ3QVcaaUVJVU25BbX4GRB2yNwRoOqccTN78wUSrNRgwA/LfwNaigV7D5J1BPYIISI\nqGP8/f2xYcM3LZaFhobhgw8+dd+ePXsuAOCmm24FAAwYcGYa5oABA/Haa291SRYWaETUgiAI8NWr\n4KtXYUCYb6v1zVMoS6usKK20oc7hQnZ+FUorG4u5E/nVyMprfRAtAPjqVQjwVcPko4G/rxoBvhqY\nfDUw+ahh8tXAaFBBxi6URJ2W3dQgJDKEBRoRkdSwQCOiDjl7CmVseOuDcp0uFyqq61HSNOrWPAJX\nYbGhvLr+vCNwclnjYzcXbI0/jQWdyVeNQKMWOg3/bBG1p7mDY/8gFmhERFLDTzpE1KXkMhkC/bQI\n9NMCkf6t1ruaplCWV9uafupRbrGhrLoeFdU2lFXbkHm6CiJaj8IJAjCovx/GxwdjbJwZvnpVT/xK\nRJIiiiKyCy0I8uMXGkREUsS/3ETUo2SCAKNeBaNehejQ1lMoAcDhdKGypr6xeKu2odxSj7JqG3IK\nLcjIqURGTiXWbjqKwRH+GB8fhDFxZvjqWKwRAUBJhRW1Ngfio0yejkJERH8ACzQi8joKuayp1b+2\n1bryahv2ZBQjLaMYR7IrcCS7AmtTjiE+0g/jBjcWaz4s1qgPO950DGgkOzgSEUkSCzQikhSTrwaz\nJ0Rg9oQIlFZZsSejBGkZxUg/VYH0UxVYk3IM8VH+GN9UrBm0Sk9HJupRx/MqAbCDIxGRVLFAIyLJ\nCjRqMWdiBOZMjEBppRV7jpYgLaMI6SfLkX6yHGtSjrYo1vQaFmvU+x0/3TiCFsECjYioy1111Xx8\n+OE66HS6bnsOFmhE1CsE+p0p1koqrdiTUYzdGcU4dKIch06U48PvjmJotAnjBgVhdFwgzJ4OTNRN\nTuRVwd9HzSY6REQSxQKNiHods58WcydFYu6kSBQ3FWtpR4px4HgZDhwvg/AtoFbJIZcJjT9yGRRy\nAXJZ0+Xvbivkst9t17hMIZPBV6+EyVfTeE43Y+M53RRynpCbPKOqprGxzqiBgZ6OQkQkKTfffB2e\neeZFhISEoLCwAI888iDM5iBYrVbYbDY88MBDGDJkWI9kuaAC7ZlnnsH+/fshCAIeffRRjBgxwr1u\nxowZCAkJgVwuBwCsWrUKwcHB3ZOWiKiDgvy0mDcpEvMmRaKoog57mkbVnKIIW70DDqcIp8sFh1NE\nvb2h6bYIh9MFp0vs8PMJAHwNKvdJuAN81e4CLsBXgwCjBnqNAgJPyE3dILuoBgAQwQYhRCRhG7K+\nxr7igx26j1wmnHe/PTpoOK4YeNk51yclTcf27T/hyiuvxs8/b0NS0nTExMQiKWka9u5Nw0cffYB/\n/GNlhzL9Ue0WaLt370Z2djbWrVuH48eP49FHH8W6detabLN69Wro9fpuC0lE1BWC/XW4NCEKlyZE\ntTrBdltEsbFYczpFOJqKOKfTBYer8bLB4UJ1rR1l1Y3ncWs+t1tZtQ3ZhRacyK9u83FVSlmrAs5H\nq4RKKYdKKYdSIYNaIXPfVillUCnk0OrVaHC4oJALLPCoTc0nqGaDECKijklKmo7XXnsZV155NX75\nZRvuuecBfPrpGnzyyRo0NDRAo9H0WJZ2C7TU1FRcfPHFAICYmBhUVVWhpqYGBgO/nSOi3k0QhKYp\njoAa8g7d1yWK7uKtvLoeZVW2pus297KCsro/mAtQKeVQK2RQKpoKOPdtGWSyximZsuYpnE3XZTIB\nirOuN66Tua+fvb3RoMLE+GAWghKT3VyghbBAIyLpumLgZecd7WrLhXzxej4DBsSgrKwERUWFsFgs\n+PnnrQgMDMLjjz+NjIzDeO21l//wY3dUuwVaaWkphg4d6r5tMplQUlLSokBbsWIF8vLyMHbsWDz4\n4IPcoRNRnycTBPgZ1PAzqBET1vY29XYnyi02lFXZUGtzwO5wwt7gOnPZ4ITdceYSgoCa2nrUO1xo\ncG/nhKWuAXaHDQ0NLnR8Uua5xYQZYfZrfS468l6WWjsCjRr4+6g9HYWISHISEi7CW2/9C4mJU1FZ\nWYGYmFgAwLZtW+BwOHosR4ebhIhiy93/fffdh8TERBiNRtx9991ISUnBnDlzznl/f38dFIqOfRPd\nFrNZmt8OMnfPkWJmQJq5pZgZ8I7c4V34WKJ45tg5Z9OxdE6XCy6X6D7WzukU4XKdOc6u+XrzcXiu\npumbBp0KQwYEdGE66gm3LRgKo58Ogsvl6ShERJIzdep03HHHzXj//U9gs1nx97+vwJYtm3HllVdj\n8+ZN+OabjT2So90CLSgoCKWlpe7bxcXFMJvPNKheuHCh+3pSUhKOHTt23gKtouKPTek5W2eHMD2F\nuXuOFDMD0swtxcyANHN3JrOs6UcpAyAT0NjO5PzdJrvi9fGGIrgvMflqYA7QS+69TUTkDeLjh2Lb\ntl3u2x99tN59/aKLpgIALr10QbfnaLcX9JQpU5CSkgIASE9PR1BQkHt6o8ViwdKlS2G32wEAaWlp\niI2N7ca4REREREREvVe7I2hjxozB0KFDce2110IQBKxYsQIbNmyAj48PZs2ahaSkJFxzzTVQq9UY\nMmTIeUfPiIiIiIiI6Nwu6Bi0v/zlLy1uDx482H19yZIlWLJkSdemIiIiIiIi6oPaneJIRERERERE\nPYMFGhERERERkZfocJt9IiIiau2FF17A3r174XA4cPvtt2P48OFYtmwZnE4nzGYzVq5cCZVK5emY\nRETk5VigERERddLOnTuRmZmJdevWoaKiAn/605+QkJCA5ORkzJ07Fy+99BLWr1+P5ORkT0clIiIv\nxymOREREnTR+/Hi88sorAABfX19YrVbs2rULM2fOBABMnz4dqampnoxIREQSwRE0IiKiTpLL5dDp\ndACA9evXIykpCb/88ot7SmNAQABKSkrafRx/fx0UCnmn80j1BOFSzC3FzIA0c0sxMyDN3FLMDEg3\n9++xQCMiIuoimzdvxvr16/Huu+9i9uzZ7uWiKF7Q/Ssq6jqdwWz2QUmJpdOP09OkmFuKmQFp5pZi\nZkCauaWYGZBe7vMVkz1eoHVVZSvVCpm5e44UMwPSzC3FzIA0c0sxc1/x888/44033sDbb78NHx8f\n6HQ62Gw2aDQaFBUVISgoqN3H4D5SermlmBmQZm4pZgakmVuKmQHp5v49HoNGRETUSRaLBS+88ALe\nfPNN+Pn5AQAmT56MlJQUAMCmTZuQmJjoyYhERCQRgnih8y6IiIioTevWrcOrr76K6Oho97LnnnsO\njz32GOrr6xEWFoZnn30WSqXSgymJiEgKWKARERERERF5CU5xJCIiIiIi8hIs0IiIiIiIiLwECzQi\nIiIiIiIv4fXnQXvmmWewf/9+CIKARx99FCNGjHCv27FjB1566SXI5XIkJSXh7rvv9mDSll544QXs\n3bsXDocDt99+e4vz4cyYMQMhISGQyxtPRrpq1SoEBwd7KioAYNeuXbj//vsRGxsLAIiLi8Pjjz/u\nXu+tr/Vnn32GjRs3um8fOnQI+/btc98eOnQoxowZ4779/vvvu1/3nnbs2DHcdddduPHGG7F48WIU\nFBRg2bJlcDqdMJvNWLlypfukts3O9/73ZO5HHnkEDocDCoUCK1euhNlsdm/f3nvJE5mXL1+O9PR0\nd3e9pUuXYtq0aS3u442v9X333YeKigoAQGVlJUaNGoWnn37avf2GDRvwyiuvICIiAkBj18A777yz\nx3OTZ3D/2DO4f+wZ3Ed6LjP3kV5I9GK7du0Sb7vtNlEURTErK0u8+uqrW6yfO3eumJ+fLzqdTnHR\nokViZmamJ2K2kpqaKt5yyy2iKIpieXm5OHXq1Bbrp0+fLtbU1Hgg2bnt3LlTvPfee8+53ltf67Pt\n2rVLfPLJJ1ssmzBhgofStFRbWysuXrxYfOyxx8Q1a9aIoiiKy5cvF7/99ltRFEXxxRdfFD/66KMW\n92nv/d8T2sq9bNky8ZtvvhFFURTXrl0rPv/88y3u0957qbu1lfnhhx8Wf/zxx3Pex1tf67MtX75c\n3L9/f4tln3/+ufjcc8/1VETyItw/9hzuH7sf95E9h/tIafDqKY6pqam4+OKLAQAxMTGoqqpCTU0N\nACA3NxdGoxGhoaGQyWSYOnUqUlNTPRnXbfz48XjllVcAAL6+vrBarXA6nR5O9cd582t9ttdffx13\n3XWXp2O0SaVSYfXq1S1OVLtr1y7MnDkTADB9+vRWr+n53v89pa3cK1aswCWXXAIA8Pf3R2VlZY9m\nak9bmdvjra91sxMnTsBisXjkG0vyTtw/egdvfq3P5s37R4D7yJ7EfaQ0eHWBVlpaCn9/f/dtk8mE\nkpISAEBJSQlMJlOb6zxNLpdDp9MBANavX4+kpKRW0wZWrFiBRYsWYdWqVRC95EwHWVlZuOOOO7Bo\n0SJs377dvdybX+tmBw4cQGhoaItpBABgt9vx4IMP4tprr8V7773noXSAQqGARqNpscxqtbqnawQE\nBLR6Tc/3/u8pbeXW6XSQy+VwOp34+OOPMX/+/Fb3O9d7qSe0lRkA1q5dixtuuAEPPPAAysvLW6zz\n1te62YcffojFixe3uW737t1YunQplixZgsOHD3dnRPIi3D/2LO4fuxf3kT2H+0hp8Ppj0M7mLX+o\nL9TmzZuxfv16vPvuuy2W33fffUhMTITRaMTdd9+NlJQUzJkzx0MpG0VFReGee+7B3LlzkZubixtu\nuAGbNm1qNd/bW61fvx5/+tOfWi1ftmwZFixYAEEQsHjxYowbNw7Dhw/3QMLzu5D3tje9/51OJ5Yt\nW4ZJkyYhISGhxTpvfC9dfvnl8PPzQ3x8PN566y289tpreOKJJ865vTe91na7HXv37sWTTz7Zat3I\nkSNhMpkwbdo07Nu3Dw8//DC++uqrng9JHudN79kLwf1jz5H6/hHgPrK7cR/pfbx6BC0oKAilpaXu\n28XFxe5vgH6/rqioqEPDtd3t559/xhtvvIHVq1fDx8enxbqFCxciICAACoUCSUlJOHbsmIdSnhEc\nHIx58+ZBEAREREQgMDAQRUVFALz/tQYap0KMHj261fJFixZBr9dDp9Nh0qRJXvFaN9PpdLDZbADa\nfk3P9/73tEceeQSRkZG45557Wq0733vJUxISEhAfHw+gsQnB798H3vxap6WlnXPaRkxMjPtA7tGj\nR6O8vFzS08XownH/2HO4f/QM7iN7DveR3serC7QpU6YgJSUFAJCeno6goCAYDAYAQHh4OGpqanD6\n9Gk4HA5s2bIFU6ZM8WRcN4vFghdeeAFvvvmmuyPO2euWLl0Ku90OoPGN1dzJx5M2btyId955B0Dj\nlI2ysjJ35yxvfq2Bxj/cer2+1bdPJ06cwIMPPghRFOFwOPDrr796xWvdbPLkye7396ZNm5CYmNhi\n/fne/560ceNGKJVK3Hfffedcf673kqfce++9yM3NBdD4YeX37wNvfa0B4ODBgxg8eHCb61avXo2v\nv/4aQGN3K5PJ5NEubNRzuH/sOdw/egb3kT2H+0jvI4jeNE7ZhlWrVmHPnj0QBAErVqzA4cOH4ePj\ng1mzZiEtLQ2rVq0CAMyePRtLly71cNpG69atw6uvvoro6Gj3sokTJ2LQoEGYNWsWPvjgA3z55ZdQ\nq9UYMmQIHn/8cQiC4MHEQE1NDf7yl7+guroaDQ0NuOeee1BWVub1rzXQ2Dr45Zdfxttvvw0AeOut\ntzB+/HiMHj0aK1euxM6dOyGTyTBjxgyPtVc9dOgQnn/+eeTl5UGhUCA4OBirVq3C8uXLUV9fj7Cw\nMDz77LNQKpV44IEH8Oyzz0Kj0bR6/5/rj1BP5i4rK4NarXb/cY6JicGTTz7pzu1wOFq9l6ZOnerR\nzIsXL8Zbb70FrVYLnU6HZ599FgEBAV7/Wr/66qt49dVXMXbsWMybN8+97Z133ol///vfKCwsxEMP\nPeT+kOWp1sfkGdw/9gzuH3smJ/eRnsvMfaT38foCjYiIiIiIqK/w6imOREREREREfQkLNCIiIiIi\nIi/BAo2IiIiIiMhLsEAjIiIiIiLyEizQiIiIiIiIvAQLNCIiIiIiIi/BAo2IiIiIiMhLsEAjIiIi\nIiLyEv8f9sUwV2nlQuEAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "GPQH0NVwQAO3", + "colab_type": "code", + "outputId": "5bad94de-2bb3-4e50-f9a3-6a5a521e1eb7", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Test performance\n", + "trainer.run_test_loop()\n", + "print(\"Test loss: {0:.2f}\".format(trainer.train_state['test_loss']))\n", + "print(\"Test Accuracy: {0:.1f}%\".format(trainer.train_state['test_acc']))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Test loss: 1.32\n", + "Test Accuracy: 69.8%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "w6WRq-O3d1ba", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# TODO" + ] + }, + { + "metadata": { + "id": "oEcbaRswd1d0", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "* image classification example\n", + "* segmentation\n", + "* deep CNN architectures\n", + "* small 3X3 filters\n", + "* details on padding and stride (control receptive field, make every pixel the center of the filter, etc.)\n", + "* network-in-network (1x1 conv)\n", + "* residual connections / residual block\n", + "* interpretability (which n-grams fire)" + ] + } + ] +} diff --git a/notebooks/12_Embeddings.ipynb b/notebooks/12_Embeddings.ipynb new file mode 100644 index 00000000..9103f1e8 --- /dev/null +++ b/notebooks/12_Embeddings.ipynb @@ -0,0 +1,2879 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "12_Embeddings", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "accelerator": "GPU" + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Embeddings" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "So far, we've represented text in a bagged one-hot encoded form which is a n-dimensional array where each index corresponds to a token. The value at that index corresponds to the number of times the word appears in the sentence. This method forces us to completely lose the structural information in our inputs. \n", + "\n", + "```python\n", + "[0. 0. 1. 0. 0. 0. 0. 0. 0. 0. 0. 1. 0. 0. 0. 0. 0. 1. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 1. 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0.\n", + " 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0.]```\n", + " \n", + " We've also represented our input in a one-hot encoded form where each token is represented by an n-dimensional array. T\n", + " \n", + " ```python\n", + "[[0. 0. 0. ... 0. 0. 0.]\n", + " [0. 0. 1. ... 0. 0. 0.]\n", + " [0. 0. 0. ... 0. 0. 0.]\n", + " ...\n", + " [0. 0. 0. ... 0. 0. 0.]\n", + " [0. 0. 0. ... 0. 0. 0.]\n", + " [0. 0. 0. ... 0. 0. 0.]]\n", + "```\n", + "\n", + "his allows us to preserve the structural information but there are two major disadvantages here. If we have a large vocabulary, the representation length for each token will be massive leading to large computes. And though we preserve the structure within the text, the actual representation for each token does not preserve any relationship with respect to other tokens.\n", + "\n", + "In this notebook, we're going to learn about embeddings and how they address all the shortcomings of the representation methods we've seen so far.\n", + "\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Overview" + ] + }, + { + "metadata": { + "id": "qWro5T5qTJJL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "* **Objective:** Represent tokens in text that capture the intrinsic semantic relationships.\n", + "* **Advantages:** \n", + " * Low-dimensionality while capturing relationships.\n", + " * Interpretable token representations\n", + "* **Disadvantages:** None\n", + "* **Miscellaneous:** There are lot's of pretrained embeddings to choose from but you can also train your own from scratch." + ] + }, + { + "metadata": { + "id": "2thIKTLYwzJd", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Learning embeddings" + ] + }, + { + "metadata": { + "id": "MlxioJLqx2Ls", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "The main idea of embeddings is to have fixed length representations for the tokens in a text regardless of the number of tokens in the vocabulary. So instead of each token representation having the shape [1XV] where V is vocab size, each token now has the shape [1 X D] where D is the embedding size (usually 50, 100, 200, 300). The numbers in the representation will no longer be 0s and 1s but rather floats that represent that token in a D-dimensional latent space. If the embeddings really did capture the relationship between tokens, then we should be able to inspect this latent space and confirm known relationships (we'll do this soon).\n", + "\n", + "But how do we learn the embeddings the first place? The intuition behind embeddings is that the definition of a token depends on the token itself but on it's context. There are several different ways of doing this:\n", + "\n", + "1. Given the word in the context, predict the target word (CBOW - continuous bag of words).\n", + "2. Given the target word, predict the context word (skip-gram).\n", + "3. Given a sequence of words, predict the next word (LM - language modeling).\n", + "\n", + "All of these approaches involve create data to train our model on. Every word in a sentence becomes the target word and the context words are determines by a window. In the image below (skip-gram), the window size is 2. We repeat this for every sentence in our corpus and this results in our training data for the unsupervised task. This in an unsupervised learning technique since we don't have official labels for contexts. The idea is that similar target words will appear with similar contexts and we can learn this relationship by repeatedly training our mode with (context, target) pairs.\n", + "\n", + "\n", + "\n", + "We can learn embeddings using any of these approaches above and some work better than others. You can inspect the learned embeddings but the best way to choose an approach is to empirically validate the performance on a supervised task. We can learn embeddings by creating our models in PyTorch but instead, we're going to use a library that specializes in embeddings and topic modeling called [Gensim](https://radimrehurek.com/gensim/). " + ] + }, + { + "metadata": { + "id": "uGDGEVvz41LL", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 734 + }, + "outputId": "90061167-dbee-45f4-986e-e47446a4cd4f" + }, + "cell_type": "code", + "source": [ + "!pip install gensim " + ], + "execution_count": 1, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Collecting gensim\n", + "\u001b[?25l Downloading https://files.pythonhosted.org/packages/27/a4/d10c0acc8528d838cda5eede0ee9c784caa598dbf40bd0911ff8d067a7eb/gensim-3.6.0-cp36-cp36m-manylinux1_x86_64.whl (23.6MB)\n", + "\u001b[K 100% |████████████████████████████████| 23.6MB 1.6MB/s \n", + "\u001b[?25hCollecting smart-open>=1.2.1 (from gensim)\n", + " Downloading https://files.pythonhosted.org/packages/4b/1f/6f27e3682124de63ac97a0a5876da6186de6c19410feab66c1543afab055/smart_open-1.7.1.tar.gz\n", + "Requirement already satisfied: six>=1.5.0 in /usr/local/lib/python3.6/dist-packages (from gensim) (1.11.0)\n", + "Requirement already satisfied: scipy>=0.18.1 in /usr/local/lib/python3.6/dist-packages (from gensim) (1.1.0)\n", + "Requirement already satisfied: numpy>=1.11.3 in /usr/local/lib/python3.6/dist-packages (from gensim) (1.14.6)\n", + "Collecting boto>=2.32 (from smart-open>=1.2.1->gensim)\n", + "\u001b[?25l Downloading https://files.pythonhosted.org/packages/23/10/c0b78c27298029e4454a472a1919bde20cb182dab1662cec7f2ca1dcc523/boto-2.49.0-py2.py3-none-any.whl (1.4MB)\n", + "\u001b[K 100% |████████████████████████████████| 1.4MB 16.0MB/s \n", + "\u001b[?25hCollecting bz2file (from smart-open>=1.2.1->gensim)\n", + " Downloading https://files.pythonhosted.org/packages/61/39/122222b5e85cd41c391b68a99ee296584b2a2d1d233e7ee32b4532384f2d/bz2file-0.98.tar.gz\n", + "Requirement already satisfied: requests in /usr/local/lib/python3.6/dist-packages (from smart-open>=1.2.1->gensim) (2.18.4)\n", + "Collecting boto3 (from smart-open>=1.2.1->gensim)\n", + "\u001b[?25l Downloading https://files.pythonhosted.org/packages/9c/b9/7df67f1775d240ac8d111211f967fa75ecc9968ae79ffa0594e36345445f/boto3-1.9.62-py2.py3-none-any.whl (128kB)\n", + "\u001b[K 100% |████████████████████████████████| 133kB 27.9MB/s \n", + "\u001b[?25hRequirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.6/dist-packages (from requests->smart-open>=1.2.1->gensim) (2018.11.29)\n", + "Requirement already satisfied: urllib3<1.23,>=1.21.1 in /usr/local/lib/python3.6/dist-packages (from requests->smart-open>=1.2.1->gensim) (1.22)\n", + "Requirement already satisfied: idna<2.7,>=2.5 in /usr/local/lib/python3.6/dist-packages (from requests->smart-open>=1.2.1->gensim) (2.6)\n", + "Requirement already satisfied: chardet<3.1.0,>=3.0.2 in /usr/local/lib/python3.6/dist-packages (from requests->smart-open>=1.2.1->gensim) (3.0.4)\n", + "Collecting s3transfer<0.2.0,>=0.1.10 (from boto3->smart-open>=1.2.1->gensim)\n", + "\u001b[?25l Downloading https://files.pythonhosted.org/packages/d7/14/2a0004d487464d120c9fb85313a75cd3d71a7506955be458eebfe19a6b1d/s3transfer-0.1.13-py2.py3-none-any.whl (59kB)\n", + "\u001b[K 100% |████████████████████████████████| 61kB 22.6MB/s \n", + "\u001b[?25hCollecting botocore<1.13.0,>=1.12.62 (from boto3->smart-open>=1.2.1->gensim)\n", + "\u001b[?25l Downloading https://files.pythonhosted.org/packages/e2/77/35e82076e3beb506280f94213a258819378115f174e516ce69b3a2336e1c/botocore-1.12.62-py2.py3-none-any.whl (5.1MB)\n", + "\u001b[K 100% |████████████████████████████████| 5.1MB 6.3MB/s \n", + "\u001b[?25hCollecting jmespath<1.0.0,>=0.7.1 (from boto3->smart-open>=1.2.1->gensim)\n", + " Downloading https://files.pythonhosted.org/packages/b7/31/05c8d001f7f87f0f07289a5fc0fc3832e9a57f2dbd4d3b0fee70e0d51365/jmespath-0.9.3-py2.py3-none-any.whl\n", + "Collecting docutils>=0.10 (from botocore<1.13.0,>=1.12.62->boto3->smart-open>=1.2.1->gensim)\n", + "\u001b[?25l Downloading https://files.pythonhosted.org/packages/36/fa/08e9e6e0e3cbd1d362c3bbee8d01d0aedb2155c4ac112b19ef3cae8eed8d/docutils-0.14-py3-none-any.whl (543kB)\n", + "\u001b[K 100% |████████████████████████████████| 552kB 19.3MB/s \n", + "\u001b[?25hRequirement already satisfied: python-dateutil<3.0.0,>=2.1; python_version >= \"2.7\" in /usr/local/lib/python3.6/dist-packages (from botocore<1.13.0,>=1.12.62->boto3->smart-open>=1.2.1->gensim) (2.5.3)\n", + "Building wheels for collected packages: smart-open, bz2file\n", + " Running setup.py bdist_wheel for smart-open ... \u001b[?25l-\b \b\\\b \bdone\n", + "\u001b[?25h Stored in directory: /root/.cache/pip/wheels/23/00/44/e5b939f7a80c04e32297dbd6d96fa3065af89ecf57e2b5f89f\n", + " Running setup.py bdist_wheel for bz2file ... \u001b[?25l-\b \bdone\n", + "\u001b[?25h Stored in directory: /root/.cache/pip/wheels/81/75/d6/e1317bf09bf1af5a30befc2a007869fa6e1f516b8f7c591cb9\n", + "Successfully built smart-open bz2file\n", + "Installing collected packages: boto, bz2file, docutils, jmespath, botocore, s3transfer, boto3, smart-open, gensim\n", + "Successfully installed boto-2.49.0 boto3-1.9.62 botocore-1.12.62 bz2file-0.98 docutils-0.14 gensim-3.6.0 jmespath-0.9.3 s3transfer-0.1.13 smart-open-1.7.1\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "9wr9S6965DD7", + "colab_type": "code", + "outputId": "78009f70-4ae5-436e-b4e9-065ff5e9a86b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "import os\n", + "from argparse import Namespace\n", + "import copy\n", + "import gensim\n", + "from gensim.models import Word2Vec\n", + "import json\n", + "import nltk; nltk.download('punkt')\n", + "import numpy as np\n", + "import pandas as pd\n", + "import re\n", + "import urllib\n", + "import warnings\n", + "warnings.filterwarnings('ignore')" + ], + "execution_count": 2, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[nltk_data] Downloading package punkt to /root/nltk_data...\n", + "[nltk_data] Unzipping tokenizers/punkt.zip.\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "5-sx-n9655TJ", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "args = Namespace(\n", + " seed=1234,\n", + " data_file=\"harrypotter.txt\",\n", + " embedding_dim=100,\n", + " window=5,\n", + " min_count=3,\n", + " skip_gram=1, # 0 = CBOW\n", + " negative_sampling=20,\n", + ")" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "VaJSRgNEg_V_", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Upload data from GitHub to notebook's local drive\n", + "url = \"https://raw.githubusercontent.com/GokuMohandas/practicalAI/master/data/harrypotter.txt/"\n", + "response = urllib.request.urlopen(url)\n", + "html = response.read()\n", + "with open(args.data_file, 'wb') as fp:\n", + " fp.write(html)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "irvgngOG5yqk", + "colab_type": "code", + "outputId": "086fa4d4-57d3-42fe-ba5e-6f15d1fa518a", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Split text into sentences\n", + "tokenizer = nltk.data.load('tokenizers/punkt/english.pickle')\n", + "with open(args.data_file, encoding='cp1252') as fp:\n", + " book = fp.read()\n", + "sentences = tokenizer.tokenize(book)\n", + "print (len(sentences))\n", + "print (sentences[11])" + ], + "execution_count": 5, + "outputs": [ + { + "output_type": "stream", + "text": [ + "15640\n", + "Snape nodded, but did not elaborate.\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "VTREFDg47Vrx", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Preprocessing\n", + "def preprocess_text(text):\n", + " text = ' '.join(word.lower() for word in text.split(\" \"))\n", + " text = re.sub(r\"([.,!?])\", r\" \\1 \", text)\n", + " text = re.sub(r\"[^a-zA-Z.,!?]+\", r\" \", text)\n", + " text = text.strip()\n", + " return text" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "IX7pkCbg7WPK", + "colab_type": "code", + "outputId": "95f9759f-6add-42c6-d4ab-62fcb7fbb58d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Clean sentences\n", + "sentences = [preprocess_text(sentence) for sentence in sentences]\n", + "print (sentences[11])" + ], + "execution_count": 7, + "outputs": [ + { + "output_type": "stream", + "text": [ + "snape nodded , but did not elaborate .\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "dsmEEVzX5ytO", + "colab_type": "code", + "outputId": "ba5cf8a6-106d-49ed-a9f8-063e04d58eeb", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Process sentences for gensim\n", + "sentences = [sentence.split(\" \") for sentence in sentences]\n", + "print (sentences[11])" + ], + "execution_count": 8, + "outputs": [ + { + "output_type": "stream", + "text": [ + "['snape', 'nodded', ',', 'but', 'did', 'not', 'elaborate', '.']\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "Fa-DbjPW-KC3", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "When we have large vocabularies to learn embeddings for, things can get complex very quickly. Recall that the backpropagation with softmax updates both the correct and incorrect class weights. This becomes a massive computation for every backwas pass we do so a workaround is to use [negative sampling](http://mccormickml.com/2017/01/11/word2vec-tutorial-part-2-negative-sampling/) which only updates the correct class and a few arbitrary incorrect classes (negative_sampling=20). We're able to do this because of the large amount of training data where we'll see the same word as the target class multiple times.\n", + "\n" + ] + }, + { + "metadata": { + "id": "wzkUkl-b5ywC", + "colab_type": "code", + "outputId": "94d29f13-c47e-4c2c-915d-a4d930531346", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Super fast because of optimized C code under the hood\n", + "model = Word2Vec(sentences=sentences, size=args.embedding_dim, \n", + " window=args.window, min_count=args.min_count, \n", + " sg=args.skip_gram, negative=args.negative_sampling)\n", + "print (model)" + ], + "execution_count": 9, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Word2Vec(vocab=4837, size=100, alpha=0.025)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "gcMb9HUd7vS_", + "colab_type": "code", + "outputId": "6be3ac88-a5c5-4614-8269-6c0547a6303d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 374 + } + }, + "cell_type": "code", + "source": [ + "# Vector for each word\n", + "model.wv.get_vector(\"potter\")" + ], + "execution_count": 10, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "array([-0.2489659 , 0.24121806, 0.15966399, -0.1747967 , 0.10363109,\n", + " -0.1511645 , 0.15248442, -0.04558881, -0.08044929, 0.2222574 ,\n", + " -0.25447345, 0.27639526, -0.16762276, -0.14328802, -0.01826264,\n", + " 0.23642407, -0.05720777, 0.0143759 , -0.03353882, 0.12028241,\n", + " -0.01040754, 0.18283844, -0.17171031, 0.31479293, 0.05503249,\n", + " -0.08049146, 0.20224565, -0.11427342, 0.05925621, 0.0216365 ,\n", + " 0.11731622, -0.12440909, 0.3802724 , 0.1682069 , 0.50465703,\n", + " 0.3332439 , -0.4917376 , 0.20792836, 0.4224515 , -0.33049974,\n", + " 0.25798362, -0.03507125, 0.21839641, 0.08492662, -0.26844618,\n", + " 0.07765336, 0.30522913, 0.01970481, 0.13059294, -0.6628051 ,\n", + " -0.34673738, 0.479213 , 0.19385533, -0.14426081, -0.23008673,\n", + " -0.20338146, -0.14760706, 0.545037 , 0.0767005 , 0.07072604,\n", + " -0.26795644, 0.2091712 , 0.16069579, 0.2414927 , -0.2661651 ,\n", + " -0.7027013 , -0.06159785, 0.11271702, 0.18699864, 0.06832824,\n", + " 0.04442952, 0.261182 , -0.24468403, -0.16012008, -0.02954605,\n", + " -0.19371727, 0.4338561 , -0.02107797, 0.36587957, -0.6298013 ,\n", + " 0.37707213, -0.0692855 , 0.29460624, 0.03771852, 0.27480027,\n", + " 0.53056574, 0.00974346, 0.13482095, 0.16975024, -0.32460022,\n", + " 0.03467605, 0.31499952, -0.05332879, 0.28996226, 0.38008863,\n", + " -0.37839958, -0.44602472, -0.10334857, 0.17595556, -0.02492724],\n", + " dtype=float32)" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 10 + } + ] + }, + { + "metadata": { + "id": "BozlP5WG70Ak", + "colab_type": "code", + "outputId": "a82275b3-8d43-41ea-89ec-7be3ccdae930", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Get nearest neighbors (excluding itself)\n", + "model.wv.most_similar(positive=\"scar\", topn=5)" + ], + "execution_count": 11, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "[('pain', 0.9486030340194702),\n", + " ('burned', 0.9303449988365173),\n", + " ('forehead', 0.9295971393585205),\n", + " ('prickling', 0.9275624752044678),\n", + " ('burning', 0.9198344349861145)]" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 11 + } + ] + }, + { + "metadata": { + "id": "q-wgfMnH68vQ", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Save the weights \n", + "model.wv.save_word2vec_format('model.txt', binary=False)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "K1OC2smgw1P5", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Pretrained embeddings" + ] + }, + { + "metadata": { + "id": "DHUU_-TJz_7K", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We can learn embeddings from scratch using one of the approaches above but we can also leverage pretrained embeddings that have been trained on millions of documents. Popular ones include Word2Vec (skip-gram) or GloVe (global word-word co-occurrence). We can validate that these embeddings captured meaningful semantic relationships by confirming them." + ] + }, + { + "metadata": { + "id": "vJNngmZjglVg", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from gensim.scripts.glove2word2vec import glove2word2vec\n", + "from gensim.models import KeyedVectors\n", + "from io import BytesIO\n", + "import matplotlib.pyplot as plt\n", + "from sklearn.decomposition import PCA\n", + "from zipfile import ZipFile\n", + "from urllib.request import urlopen" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "5WZ2bT27gncI", + "colab_type": "code", + "outputId": "889cf713-9164-44ae-d004-c393564927f7", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Unzip the file (may take ~3 minutes)\n", + "resp = urlopen('http://nlp.stanford.edu/data/glove.6B.zip')\n", + "zipfile = ZipFile(BytesIO(resp.read()))\n", + "zipfile.namelist()" + ], + "execution_count": 14, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "['glove.6B.50d.txt',\n", + " 'glove.6B.100d.txt',\n", + " 'glove.6B.200d.txt',\n", + " 'glove.6B.300d.txt']" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 14 + } + ] + }, + { + "metadata": { + "id": "NNacKuRNi8_x", + "colab_type": "code", + "outputId": "5180e767-57c3-49c8-b96b-503162bec86b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Write embeddings\n", + "embeddings_file = 'glove.6B.{0}d.txt'.format(args.embedding_dim)\n", + "zipfile.extract(embeddings_file)" + ], + "execution_count": 15, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "'/content/glove.6B.100d.txt'" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 15 + } + ] + }, + { + "metadata": { + "id": "SA5Y1BGbbpPo", + "colab_type": "code", + "outputId": "bf3bd287-47bf-442e-c78b-9ec7eee5f70c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Save GloVe embeddings to local directory in word2vec format\n", + "word2vec_output_file = '{0}.word2vec'.format(embeddings_file)\n", + "glove2word2vec(embeddings_file, word2vec_output_file)" + ], + "execution_count": 16, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "(400000, 100)" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 16 + } + ] + }, + { + "metadata": { + "id": "bQp1pIJLiZw3", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Load embeddings (may take a minute)\n", + "glove = KeyedVectors.load_word2vec_format(word2vec_output_file, binary=False)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "HDpHnC0sbpVE", + "colab_type": "code", + "outputId": "a19ed390-7c15-4897-d440-65137d170525", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# (king - man) + woman = ?\n", + "glove.most_similar(positive=['woman', 'king'], negative=['man'], topn=5)" + ], + "execution_count": 18, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "[('queen', 0.7698541283607483),\n", + " ('monarch', 0.6843380928039551),\n", + " ('throne', 0.6755735874176025),\n", + " ('daughter', 0.6594556570053101),\n", + " ('princess', 0.6520534753799438)]" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 18 + } + ] + }, + { + "metadata": { + "id": "_1TatbmvbpYU", + "colab_type": "code", + "outputId": "ec827143-0c7f-4c1b-f080-4d1458f53c1e", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Get nearest neighbors (exlcusing itself)\n", + "glove.wv.most_similar(positive=\"goku\", topn=5)" + ], + "execution_count": 19, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "[('gohan', 0.7246542572975159),\n", + " ('bulma', 0.6497020125389099),\n", + " ('raistlin', 0.6443604230880737),\n", + " ('skaar', 0.6316742897033691),\n", + " ('guybrush', 0.6231324672698975)]" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 19 + } + ] + }, + { + "metadata": { + "id": "oMljB5MEbpdb", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Reduce dimensionality for plotting\n", + "X = glove[glove.wv.vocab]\n", + "pca = PCA(n_components=2)\n", + "pca_results = pca.fit_transform(X)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Aok5pRqXqcCf", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "def plot_embeddings(words, embeddings, pca_results):\n", + " for word in words:\n", + " index = embeddings.index2word.index(word)\n", + " plt.scatter(pca_results[index, 0], pca_results[index, 1])\n", + " plt.annotate(word, xy=(pca_results[index, 0], pca_results[index, 1]))\n", + " plt.show()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "NOdLFgTOrrBd", + "colab_type": "code", + "outputId": "3ec4bd22-6c24-46c3-889b-0dceda5d536e", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 347 + } + }, + "cell_type": "code", + "source": [ + "plot_embeddings(words=[\"king\", \"queen\", \"man\", \"woman\"], embeddings=glove, \n", + " pca_results=pca_results)" + ], + "execution_count": 22, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAeQAAAFKCAYAAADMuCxnAAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAHqNJREFUeJzt3Xt0VPW99/HPXHIhTAyTZCKYhAWC\ngILSUPQUoaJpsFR4bLVIQlG897CqrTd6CsFDVORaQRfoozZeagUJLY0o2mNaJCiHS0EFJPAoJBbk\nEpMJuciQBEgyzx+tUynJTGqSmV9m3q+/MrP3zO87n5U1n9l752Lxer1eAQCAkLKGegAAAEAhAwBg\nBAoZAAADUMgAABiAQgYAwAAUMgAABrAHe0G3+0Swl/RxOuNUU1MfsvW7AzLyj3wCIyP/yCewcMzI\n5YoPuE9EHSHb7bZQj2A8MvKPfAIjI//IJ7BIzSiiChkAAFNRyAAAGIBCBgDAABQyAAAGoJABADAA\nhQwAgAEoZPj10UcfKDv7R2fdt29fiR588N4QTQQA4YlCxr/tkkuGaenSp0M9BgCElaD/pS50X01N\nTXrggXt05ZXf1dq1a7R69Vq9+OLzqqurldvtVmnpAfXqlaAFC5YqOTlZn376ifLyZkmSrr32B3rv\nvQ26774ZGjFiZIhfCQCYhyNktNtTT/1a6el9NXjwkLPuLy5+V/fd95B+//u1cjoT9fbbb0iSFi+e\np+zsqSooeF0Oh0OHD38eirEBoFugkNEur7++RkeOHNaDD/7qnG3Dh2eod+8+slgsuuiiwaqo+EKn\nTjXq00//n7Kyvi9JuvHGyfJ6vcEeGwC6DQoZbTp1plm1nlM6fvy4nntuuZKSkmS3n3uVw+Fw+L62\nWq1qaWnRiRMnZLFYFB//9z+obrfb5XQmBm12AOhuuIaMczS3tGj1hlLt3O/Wkc/2qclr1U13L9CG\nPyzWe+8V+0rWn7i4nvJ6vWpsbFRsbKyamppUW1sThOkBoHviCBnnWL2hVOs/OKLjX56SV5LFFqu/\nljbq8mvv0NKlC1VbWxvwOeLi4tSvX39t2PAXSdIbbxRKsnTt4ADQjVHIOEvj6Sbt3O9udVvFqWRd\nfc21WrJkQbue68EHf6Xf/e4l3XzzZDU2NsjlcslioZQBoDUWb5B/0sbtPhHM5c7icsWHdP3uoMli\n1X8uWK/WvimsFmn+T7+jFGdcu5/P6/X6SnjixCw9+eT/1UUXDeqkaYOP76HAyMg/8gksHDNyuQJf\n6mvXEfL+/fuVlZWlFStWtLnPkiVLdMstt7R/OhjJeV6MEs+LaX1bfKwSHK1va83DD/9KK1e+Ikn6\n8MMd8nq96tu3b6fMCQDhJuAPddXX12vu3LkaNWpUm/uUlpZqx44dioqK6tThEHyx0XZlDHJp/QdH\nztmWMShZMVG2dj/XXXdN1/z5j+qtt95UVJRdDz/8mGJiYjtzXAAIGwELOTo6Wvn5+crPz29zn4UL\nF+qBBx7Q00/z5xTDQXbmQEnSzv1VqjnRKGd8rDIGJfvub69+/frrN7/5bRdMCADhJ2Ah2+32Vn/3\n9CuFhYW64oorlJqa2qmDIXRsVqt+kjVIPx47QHWeU0pwxPxbR8YAgH9fh34Puba2VoWFhXr55ZdV\nUVHRrsc4nXGy20P35t6eC+uR7usZpYVwDlPxPRQYGflHPoFFYkYdKuRt27apurpaU6dO1enTp/X5\n559r/vz5ys3NbfMxNTX1HVmyQ8LxJ/c6Gxn5Rz6BkZF/5BNYOGbUng8YHSrk8ePHa/z48ZKkI0eO\naNasWX7LGAAAtC5gIZeUlGjRokU6evSo7Ha7ioqKlJmZqbS0NI0bNy4YMwIAEPb4wyA4Cxn5Rz6B\nkZF/5BNYOGbUaX8YBAAAdC0KGQAAA1DIAAAYgEIGAMAAFDIAAAagkAEAMACFDACAAShkAAAMQCED\nAGAAChkAAANQyAAAGIBCBgDAABQyAAAGoJABADAAhQwAgAEoZAAADEAhAwBgAAoZAAADUMgAABiA\nQgYAwAAUMgAABqCQAQAwAIUMAIABKGQAAAxAIQMAYAAKGQAAA1DIAAAYgEIGAMAAFDIAAAagkAEA\nMACFDACAAShkAAAMQCEDAGAAChkAAANQyAAAGIBCBgDAABQyAAAGoJABADAAhQwAgAEoZAAADEAh\nAwBgAAoZAAADUMgAABiAQgYAwAAUMgAABqCQAQAwAIUMAIABKGQAAAxAIQMAYAAKGQAAA1DIAAAY\noF2FvH//fmVlZWnFihXnbNu2bZsmT56snJwczZo1Sy0tLZ0+JAAA4S5gIdfX12vu3LkaNWpUq9vn\nzJmjZcuWqaCgQCdPntSmTZs6fUgAAMJdwEKOjo5Wfn6+UlJSWt1eWFio3r17S5ISExNVU1PTuRMC\nABABAhay3W5XbGxsm9sdDockqbKyUps3b9bYsWM7bzoAACKEvTOe5Pjx45o+fbry8vLkdDr97ut0\nxslut3XGst+IyxUfsrW7CzLyj3wCIyP/yCewSMyow4Xs8Xh099136/7779eYMWMC7l9TU9/RJb8x\nlytebveJkK3fHZCRf+QTGBn5Rz6BhWNG7fmA0eFfe1q4cKFuvfVWXXXVVR19KgAAIlbAI+SSkhIt\nWrRIR48eld1uV1FRkTIzM5WWlqYxY8Zo7dq1OnTokNasWSNJmjhxorKzs7t8cAAAwknAQh42bJhe\nffXVNreXlJR06kAAAEQi/lIXAAAGoJABADAAhQwAgAEoZAAADEAhAwBgAAoZAAADUMgAABiAQgYA\nwAAUMgAABqCQAQAwAIUMAIABKGQAAAxAIQMAYAAKGQAAA1DIAAAYgEIGAMAAFDIAAAagkAEAMACF\nDACAAShkAAAMQCEDAGAAChkAAANQyAAAGIBCBgDAABQyAAAGoJABADAAhQwAgAEoZAAADEAhAwBg\nAHuoBwAAwCTl5cc0ffrtmjz5J3rrrTfk9UoPP/yoXnnlBR04sF9XXPEd5ebmad26tSooWKHm5mYl\nJSXrv//7MfXu3Ud/+tM6bdnyv+rZs6d2794lu92mp59erosuusjvuhwhAwDwL2pra5WYmKRVqwo1\ncOBA5eXN0uzZj+qVV1Zp/foi7d1boiefXKwnn3xGBQWvKzU1Tb/97Qu+x2/btlk33HCTCgoKlZEx\nUq+88krANSlkAAD+RXNzszIzsyRJF144UBdffIl69eqlhIReSkpKVlPTGRUVvaeUlPMlScOHZ+jY\nsaO+x/frd6GGDLlYkjR48GCVl5cHXJNT1gAA/EPLqVM6c/y4bFabYmJiJUlWq1U9esT59rFarTpz\n5oxeeOE5bd78vpqbm1VfX6/09L6+fXr2dHxtf5uam5sDrk0hAwAinre5We4/FMiz8yN98cUX8rY0\nq7JgpVw35bS6f3V1tTZvfl9PP52vXr166c03X9ef//w/HZqBQgYARDz3HwpUu/4vf7/h9UrSP2+3\nora2Wr1791GvXr1UV1erDRv+ooaGhg7NwDVkAEBEazl1Sp6dH7W6zbNzp7ytnG5OSkpWXV2dsrN/\npEcema277/6ZKisrtHz5k994DovX+4+PAkHidp8I5nJncbniQ7p+d0BG/pFPYGTkH/kEFuyMTldW\n6uDsX/mOjM9itarf4wsVnZLSoTVcrviA+3CEDACIaPaEBNkTE1vf5kyUPSEhKHNQyACAiGaNiZEj\nY0Sr2xwZGbLGxARlDn6oCwAQ8b76aWrPzp1qqqmW3ZkoR0ZGmz9l3RUoZABAxLPYbErJmarkGyap\nqa5O9oSEoB0Zf4VCBgDgH6wxMR3+Aa5vvHZIVgUAAGehkAEAMACFDACAAShkAAAMQCEDAGAAChkA\nAANQyAAAGIBCBgDAABQyAAAGaFch79+/X1lZWVqxYsU527Zs2aJJkyYpOztbzzzzTKcPCABAJAhY\nyPX19Zo7d65GjRrV6vbHH39cy5cv16pVq7R582aVlpZ2+pAAAIS7gIUcHR2t/Px8pbTytz0PHz6s\nhIQE9enTR1arVWPHjtXWrVu7ZFAAAMJZwEK22+2KjY1tdZvb7Vbi1/6pc2Jiotxud+dNBwBAhAj6\nf3tyOuNkt9uCvayPyxUfsrW7CzLyj3wCIyP/yCewSMyoQ4WckpKiqqoq3+2KiopWT21/XU1NfUeW\n7BCXK15u94mQrd8dkJF/5BMYGflHPoGFY0bt+YDRoV97SktLk8fj0ZEjR9TU1KTi4mKNHj26I08J\nAEBECniEXFJSokWLFuno0aOy2+0qKipSZmam0tLSNG7cOD3yyCN66KGHJEnXXXed+vfv3+VDAwAQ\nbixer9cbzAVDeRoiHE+DdDYy8o98AiMj/8gnsHDMqMtPWQMAgM5BIQMAYAAKGQAAA1DIAAAYgEIG\nAMAAFDIAAAagkAEAMACFDACAAShkAAAMQCEDAGAAChkAAANQyAAAGIBCBgDAABQyAAAGoJABADAA\nhQwAgAEoZAAADEAhAwBgAAoZAAADUMgAABiAQgYAwAAUMgAABqCQAQAwAIUMAIABKGQAAAxAIQMA\nYAAKGQAAA1DIAAAYgEIGAMAAFDIAAAagkAEAMACFDACAAShkAAAMQCEDAGAAChkAAANQyAAAGIBC\nBgDAABQyAAAGoJABADAAhQwAgAEoZAAADEAhAwBgAAoZAAADUMgAABiAQgYAwAAUMgAABqCQAQAw\nAIUMAIABKGQAAAxAIQMAYAAKGQAAA9jbs9P8+fO1e/duWSwW5ebm6rLLLvNtW7lypd58801ZrVYN\nGzZMs2fP7rJhAQAIVwGPkLdv365Dhw5p9erVmjdvnubNm+fb5vF49OKLL2rlypVatWqVysrKtGvX\nri4dGACAcBSwkLdu3aqsrCxJ0oABA1RXVyePxyNJioqKUlRUlOrr69XU1KSGhgYlJCR07cQAAISh\ngKesq6qqNHToUN/txMREud1uORwOxcTE6J577lFWVpZiYmI0YcIE9e/f3+/zOZ1xstttHZ/8G3K5\n4kO2dndBRv6RT2Bk5B/5BBaJGbXrGvLXeb1e39cej0fPP/+83nnnHTkcDt1666365JNPNGTIkDYf\nX1NT/80m7QQuV7zc7hMhW787ICP/yCcwMvKPfAILx4za8wEj4CnrlJQUVVVV+W5XVlbK5XJJksrK\nypSenq7ExERFR0dr5MiRKikp6cDIAABEpoCFPHr0aBUVFUmS9u7dq5SUFDkcDklSamqqysrK1NjY\nKEkqKSlRv379um5aAADCVMBT1iNGjNDQoUOVk5Mji8WivLw8FRYWKj4+XuPGjdOdd96padOmyWaz\nKSMjQyNHjgzG3AAAhBWL9+sXhYMglNcFwvG6RGcjI//IJzAy8o98AgvHjDrlGjIAAOh6FDIAAAag\nkAEAMACFDACAAShkAAAMQCEDAGAAChkAAANQyAAAGIBCBgDAABQyAAAGoJABADAAhQwAgAEoZAAA\nDEAhAwBgAAoZAAADUMgAABiAQgYAwAAUMgAABqCQAQAwAIUMAIABKGQAAAxAIQMAYAAKGQAAA9hD\nPQCA8HfjjRO0bNlzSktL17vv/llz587RO+9sVGxsrAoKVujQoUOyWi366KMPZLVa9Z3vjNbPfvYL\n2Ww2TZr0f5STM1V/+tM6ud1uzZgxUx98sEN//esW9erl1BNPLNN5552nkpKPtXTpYjU2Nshqteq+\n+2bo8sv/Q+XlxzR9+u26+ebbtW7d6/ryyy/1858/oO9979pQxwKchSNkAF0uI+PbKin5WJK0a9dO\nDR58sfbtK5Ek7d69Sy6XS5WVFXr11d/rpZdW6OOPd2r9+iLf4z/7rEwvvbRSt912p+bOnaNrrvme\nVq9eK6+3Re+/v0GStHjxPP3kJ7fotdf+qKlTb9UTTyzwPb62tlZWq0W/+91q/eIXDyk//9kgvnqg\nfShkAF3mzJlm1dU0aPjwESop2SNJ2rt3jyZO/KH27NktSdq3b482bdqo66+/QXa7XTExsRo37gfa\nvn2b73m++92rJUkXXjhQMTExGjFipCwWi/r3H6CqqipJ0ssvv6bMzHGSpOHDM3Ts2FHf45ubm3Xd\ndddLkgYPHqKKii+6/LUD/y5OWQPodC0tLdqyoUx/218lz5en5LXa9dftO1RXV6uoqCiNGDFSTz65\nWIcOHVRKSm+dPOlRfPx5vsfHx8erpqbGdzsurqckyWq1qUePON/9VqtVzc3NkqQ///l/tGbNatXX\nn1RLS4u8Xq9vP5vNph49evge09LS0qWvH/gmKGQAnW7LhjLt+eCfR6iWFoc8X57Uqy+t1bBhlyo1\nNU3l5ce0e/dOjRx5hfbs2a26ujrf/l9+WafExMR2r+d2V2rx4nn6zW9+q4suGqzDhz/XlCk3dupr\nAroap6wBdKozp5v0t/1V59zvSuqvDRvf0sUXXypJ6tu3n95++019+9uX68orx+jtt99Qc3OzGhoa\nVFT0J40aNabda9bW1ig2tof69u2npqYmvfnm65Kk+vr6znlRQBBQyAA61YkvT8nz5alz7j8/aaAq\njx/UgP5DJEmXXnqZDhz4VJdeOlw//nG2UlLO1y23TNZdd92iK6/8rjIzs9q95sCBgzRq1GhNmXKj\npk+/Q6NHf1dDh16qe+/9aae9LqCrWbxfv9ASBG73iWAudxaXKz6k63cHZOQf+QTWK6GHli/Y0Gop\nx58Xo+y7r1BUlC0Ek5mB76HAwjEjlys+4D4cIQPoVFHRdvUflNzqtn6DkiO6jAF/+KEuAJ3uyswB\nkqSD+6vkOXFKjvgY9RuU7LsfwLkoZACdzmq1akzWRfqPsReq3nNacY5ojoyBAChkAF0mKsqmBGeP\nUI8BdAtcQwYAwAAUMgAABqCQAQAwAIUMAIABKGQAAAxAIQMAYAAKGQAAA1DIAAAYgEIGAMAAFDIA\nAAagkAEAMACFDACAAShkAAAMQCEDAGAAChkAAANQyAAAGMDenp3mz5+v3bt3y2KxKDc3V5dddplv\nW3l5uR588EGdOXNGl1xyiR577LEuGxYAgHAV8Ah5+/btOnTokFavXq158+Zp3rx5Z21fuHCh7rjj\nDq1Zs0Y2m03Hjh3rsmEBAAhXAQt569atysrKkiQNGDBAdXV18ng8kqSWlhZ9+OGHyszMlCTl5eXp\nggsu6MJxAQAITwFPWVdVVWno0KG+24mJiXK73XI4HKqurlbPnj21YMEC7d27VyNHjtRDDz3k9/mc\nzjjZ7baOT/4NuVzxIVu7uyAj/8gnMDLyj3wCi8SM2nUN+eu8Xu9ZX1dUVGjatGlKTU3VT3/6U23c\nuFFXX311m4+vqan/RoN2BpcrXm73iZCt3x2QkX/kExgZ+Uc+gYVjRu35gBHwlHVKSoqqqqp8tysr\nK+VyuSRJTqdTF1xwgfr27SubzaZRo0bpwIEDHRgZAIDIFLCQR48eraKiIknS3r17lZKSIofDIUmy\n2+1KT0/XwYMHfdv79+/fddMCABCmAp6yHjFihIYOHaqcnBxZLBbl5eWpsLBQ8fHxGjdunHJzczVz\n5kx5vV4NGjTI9wNeAACg/Szer18UDoJQXhcIx+sSnY2M/COfwMjIP/IJLBwz6pRryAAAoOtRyAAA\nGIBCBgDAABQyAAAGoJABADAAhQwAgAEoZAAADEAhAwBgAAoZAAADUMgAABiAQgYAwAD/9v9DNtXL\nL+dr3bq1SkhIUGbmtXrjjT8qI+PbSk1N02233SVJmjlzppKSztdtt92lv/3tMy1ZslBVVVWKjo5S\nbm6ehgy5RJL0xhuFWr16pU6fPq2hQy9Vbu4cxcTEat68R9S7dx/t2bNbhw9/rvT0vlq4cKliY2ND\n+dIBAGEgLI6QP/usVKtXv6b8/FeUn/877du3x+/+LS0tmjVrhsaPv04FBYWaMWOWZs58SE1NTdq9\ne6deeOE5LVv2nNasWSeHw6H8/Od8jy0uXq/HHlug1avXqra2Vu+/X9zVLw8AEAHCopA//niXMjJG\nKCkpWXa7XVlZ4/3uf+jQQdXWVmvChB9Kki677Fvq1cupkpKPtXnz+/re98YpOdklSfrRj36s9977\nZ+mOGjVG552XILvdrgEDBqii4ouue2EAgIjR7U9Zn24+rfLjXyiuZ0/ffU6n0+9jPJ4Tamxs1NSp\nk3z3nTx5UnV1dTpxwqNNm4q1ffs2SVJLi1dNTWd8+/X82jpWq03Nzc2d9VIAABGs2xZyc0uzCkvf\n1sfuvTrgLlHj4RP6w/43dePACaqtrZUkWa1WtbS0+B5TV1enpKTzlZzsUs+ePfXaa38853lLS/dr\n/PiJuvfe+4P2WgAA6LanrAtL39bGI/+r6lM16pF+nmr+5tb6Tzdozafr9M47b0mSkpKSVVp6QJJ0\n9OgRffTRR5Kk3r37yOU6X8XF6yVJtbW1ysvLVUNDg8aMGav33itWTU2NJGnTpo1aseK3wX+BAICI\n0i2PkE83n9bH7r2+23F94pX07Qu0/9kdOuTYo5t+MFmffVam66+/Qbm5M5STc4MGDRqi73//+5Ik\ni8WiRx+dr1//er7y85+V1WpVdvZU9ejRQ4MHD9G0abfr5z//T3m9LXI6E/XLX+aG6qUCACKExev1\neoO5oNt9ouPPUX9cj25bLK/OHd0ii25yXKfli5/QmjXrztrmcsV3yvrhjIz8I5/AyMg/8gksHDNy\nueID7tMtT1knxMTLGdOr1W2Jsb3kiIoL8kQAAHRMtyzkaFu0LnMNbXXbpclDZbdGBXkiAAA6plte\nQ5akGwdOkCTtqdqr6sZaJcb20qXJQ3XjwAmyWW3nnK4GAMBk3baQbVabbhp0vX44YLzqTp1QQky8\nom3RoR4LAIBvpNsW8leibdFyxSWFegwAADqkW15DBgAg3FDIAAAYgEIGAMAAFDIAAAagkAEAMACF\nDACAAShkAAAMQCEDAGCAoP+3JwAAcC6OkAEAMACFDACAAShkAAAMQCEDAGAAChkAAANQyAAAGCDs\nCrmhoUH33Xefbr75Zt10000qLi4+a3t5ebmmTJmiSZMmac6cOSGaMrQCZbRy5UplZ2drypQpmjdv\nXoimDL3GxkZlZWWpsLDwrPu3bNmiSZMmKTs7W88880yIpjNDWxlt27ZNkydPVk5OjmbNmqWWlpYQ\nTRhabeXzlSVLluiWW24J8lRmaSujSHyvDrtCLi4u1rBhw7RixQo99dRTWrhw4VnbFy5cqDvuuENr\n1qyRzWbTsWPHQjRp6PjLyOPx6MUXX9TKlSu1atUqlZWVadeuXSGcNnSeffZZJSQknHP/448/ruXL\nl2vVqlXavHmzSktLQzCdGdrKaM6cOVq2bJkKCgp08uRJbdq0KQTThV5b+UhSaWmpduzYEeSJzNNW\nRpH4Xm0P9QCd7brrrvN9XV5ervPPP993u6WlRR9++KGWLl0qScrLywv6fCbwl1FUVJSioqJUX1+v\nuLg4NTQ0tPmGEs7KyspUWlqqq6+++qz7Dx8+rISEBPXp00eSNHbsWG3dulUDBw4MwZSh1VZGklRY\nWCiHwyFJSkxMVE1NTZCnCz1/+Uh/L5wHHnhATz/9dHAHM0hbGUXqe3XYHSF/JScnRzNmzFBubq7v\nvurqavXs2VMLFizQlClTtGTJkhBOGHqtZRQTE6N77rlHWVlZuuaaazR8+HD1798/hFOGxqJFizRz\n5sxz7ne73UpMTPTdTkxMlNvtDuZoxmgrI0m+Mq6srNTmzZs1duzYYI5mBH/5FBYW6oorrlBqamqQ\npzJLWxlF6nt12BZyQUGBnn32Wf3yl7/UV38d1Ov1qqKiQtOmTdOKFSu0b98+bdy4MbSDhlBrGXk8\nHj3//PN655139O6772r37t365JNPQjxpcK1du1bf+ta3lJ6eHupRjNWejI4fP67p06crLy9PTqcz\niNOFnr98amtrVVhYqNtvvz0Ek5nDX0aR+l4ddqesS0pKlJSUpD59+ujiiy9Wc3OzqqurlZSUJKfT\nqQsuuEB9+/aVJI0aNUoHDhxo85RSuPKXUVlZmdLT031HgSNHjlRJSYmGDBkS4qmDZ+PGjTp8+LA2\nbtyoL774QtHR0erdu7euvPJKpaSkqKqqyrdvRUWFUlJSQjhtaPjLSPr7B7u7775b999/v8aMGRPi\naYPPXz7btm1TdXW1pk6dqtOnT+vzzz/X/PnzzzpTFQn8ZRSp79VhV8gffPCBjh49qtmzZ6uqqkr1\n9fW+T+d2u13p6ek6ePCg+vXrp71792rChAkhnjj4/GWUmpqqsrIyNTY2KjY2ViUlJRF3uvGpp57y\nfb18+XKlpqb6iiYtLU0ej0dHjhxR7969VVxcrCeeeCJUo4aMv4ykv18fvfXWW3XVVVeFYryQ85fP\n+PHjNX78eEnSkSNHNGvWrIgrY8l/RpH6Xh12/+2psbFRs2fPVnl5uRobG3XvvfeqtrZW8fHxGjdu\nnA4dOqSZM2fK6/Vq0KBBeuSRR2S1hu2Z+1YFyqigoECFhYWy2WzKyMjQf/3Xf4V65JD56o1Cki+f\nHTt2+Er42muv1Z133hnKEUPuXzMaM2aMLr/8cmVkZPj2mThxorKzs0M1Yki19j30la8K+dVXXw3V\neEZoLaNIfK8Ou0IGAKA7Cu+PGwAAdBMUMgAABqCQAQAwAIUMAIABKGQAAAxAIQMAYAAKGQAAA1DI\nAAAY4P8DUj97e37zz4oAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "6667pZttboaj", + "colab_type": "code", + "outputId": "d3bdf331-e90f-448f-899e-4d0dcd252878", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Bias in embeddings\n", + "glove.most_similar(positive=['woman', 'doctor'], negative=['man'], topn=5)" + ], + "execution_count": 23, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "[('nurse', 0.7735227346420288),\n", + " ('physician', 0.7189429998397827),\n", + " ('doctors', 0.6824328303337097),\n", + " ('patient', 0.6750682592391968),\n", + " ('dentist', 0.6726033687591553)]" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 23 + } + ] + }, + { + "metadata": { + "id": "LGOkD_DGIq7t", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Using Embeddings" + ] + }, + { + "metadata": { + "id": "tu3Bl-_yw9LA", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "There are several different ways to use embeddings. \n", + "\n", + "1. Use your own trained embeddings (trained on an unsupervised dataset).\n", + "2. Use pretrained embeddings (GloVe, word2vec, etc.)\n", + "3. Randomly initialized embeddings.\n", + "\n", + "Once you have chosen embeddings, you can choose to freeze them or continue to train them using the supervised data (this could lead to overfitting). In this example, we're going to use GloVe embeddings and freeze them during training. Our task will be to predict an article's category given its title." + ] + }, + { + "metadata": { + "id": "8OlZB0vc1Hbb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Set up" + ] + }, + { + "metadata": { + "id": "11CPv1Z-IrD6", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + }, + "outputId": "355684a5-6294-4f06-a475-6d124c21868f" + }, + "cell_type": "code", + "source": [ + "# Load PyTorch library\n", + "!pip3 install torch" + ], + "execution_count": 25, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Requirement already satisfied: torch in /usr/local/lib/python3.6/dist-packages (1.0.0)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "T3daO-e9wpXe", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import os\n", + "from argparse import Namespace\n", + "import collections\n", + "import json\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import pandas as pd\n", + "import re\n", + "import torch" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Ye64bXPrwpaQ", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Set Numpy and PyTorch seeds\n", + "def set_seeds(seed, cuda):\n", + " np.random.seed(seed)\n", + " torch.manual_seed(seed)\n", + " if cuda:\n", + " torch.cuda.manual_seed_all(seed)\n", + " \n", + "# Creating directories\n", + "def create_dirs(dirpath):\n", + " if not os.path.exists(dirpath):\n", + " os.makedirs(dirpath)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "m5_jiImZ1NAr", + "colab_type": "code", + "outputId": "238e95dd-3df4-45c6-e6dd-ebdeb33b8a88", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " seed=1234,\n", + " cuda=True,\n", + " shuffle=True,\n", + " data_file=\"news.csv\",\n", + " split_data_file=\"split_news.csv\",\n", + " vectorizer_file=\"vectorizer.json\",\n", + " model_state_file=\"model.pth\",\n", + " save_dir=\"news\",\n", + " train_size=0.7,\n", + " val_size=0.15,\n", + " test_size=0.15,\n", + " cutoff=25, # token must appear at least times to be in SequenceVocabulary\n", + " num_epochs=5,\n", + " early_stopping_criteria=5,\n", + " learning_rate=1e-3,\n", + " batch_size=64,\n", + " num_filters=100,\n", + " embedding_dim=100,\n", + " hidden_dim=100,\n", + " dropout_p=0.1,\n", + ")\n", + "\n", + "# Set seeds\n", + "set_seeds(seed=args.seed, cuda=args.cuda)\n", + "\n", + "# Create save dir\n", + "create_dirs(args.save_dir)\n", + "\n", + "# Expand filepaths\n", + "args.vectorizer_file = os.path.join(args.save_dir, args.vectorizer_file)\n", + "args.model_state_file = os.path.join(args.save_dir, args.model_state_file)\n", + "\n", + "# Check CUDA\n", + "if not torch.cuda.is_available():\n", + " args.cuda = False\n", + "args.device = torch.device(\"cuda\" if args.cuda else \"cpu\")\n", + "print(\"Using CUDA: {}\".format(args.cuda))" + ], + "execution_count": 30, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Using CUDA: True\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "GkNclM3I1XMg", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Data" + ] + }, + { + "metadata": { + "id": "vk6ucvgp1NDD", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import re\n", + "import urllib" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "uVQNGEYa1NFu", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Upload data from GitHub to notebook's local drive\n", + "url = \"https://raw.githubusercontent.com/GokuMohandas/practicalAI/master/data/news.csv/"\n", + "response = urllib.request.urlopen(url)\n", + "html = response.read()\n", + "with open(args.data_file, 'wb') as fp:\n", + " fp.write(html)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "aTU6ENCu1NIc", + "colab_type": "code", + "outputId": "6a7f2c48-4c8f-4283-accb-9d96a61ecbea", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Raw data\n", + "df = pd.read_csv(args.data_file, header=0)\n", + "df.head()" + ], + "execution_count": 33, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
categorytitle
0BusinessWall St. Bears Claw Back Into the Black (Reuters)
1BusinessCarlyle Looks Toward Commercial Aerospace (Reu...
2BusinessOil and Economy Cloud Stocks' Outlook (Reuters)
3BusinessIraq Halts Oil Exports from Main Southern Pipe...
4BusinessOil prices soar to all-time record, posing new...
\n", + "
" + ], + "text/plain": [ + " category title\n", + "0 Business Wall St. Bears Claw Back Into the Black (Reuters)\n", + "1 Business Carlyle Looks Toward Commercial Aerospace (Reu...\n", + "2 Business Oil and Economy Cloud Stocks' Outlook (Reuters)\n", + "3 Business Iraq Halts Oil Exports from Main Southern Pipe...\n", + "4 Business Oil prices soar to all-time record, posing new..." + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 33 + } + ] + }, + { + "metadata": { + "id": "xIouG0f71NK4", + "colab_type": "code", + "outputId": "1f49fb96-8ef6-4772-89f7-6d9a605cda21", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Split by category\n", + "by_category = collections.defaultdict(list)\n", + "for _, row in df.iterrows():\n", + " by_category[row.category].append(row.to_dict())\n", + "for category in by_category:\n", + " print (\"{0}: {1}\".format(category, len(by_category[category])))" + ], + "execution_count": 34, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Business: 30000\n", + "Sci/Tech: 30000\n", + "Sports: 30000\n", + "World: 30000\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "YZyFpi791NNP", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Create split data\n", + "final_list = []\n", + "for _, item_list in sorted(by_category.items()):\n", + " if args.shuffle:\n", + " np.random.shuffle(item_list)\n", + " n = len(item_list)\n", + " n_train = int(args.train_size*n)\n", + " n_val = int(args.val_size*n)\n", + " n_test = int(args.test_size*n)\n", + "\n", + " # Give data point a split attribute\n", + " for item in item_list[:n_train]:\n", + " item['split'] = 'train'\n", + " for item in item_list[n_train:n_train+n_val]:\n", + " item['split'] = 'val'\n", + " for item in item_list[n_train+n_val:]:\n", + " item['split'] = 'test' \n", + "\n", + " # Add to final list\n", + " final_list.extend(item_list)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "NLrQTVoO1NP4", + "colab_type": "code", + "outputId": "c0800a8b-0c18-450c-87bf-04971bc92075", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# df with split datasets\n", + "split_df = pd.DataFrame(final_list)\n", + "split_df[\"split\"].value_counts()" + ], + "execution_count": 36, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "train 84000\n", + "test 18000\n", + "val 18000\n", + "Name: split, dtype: int64" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 36 + } + ] + }, + { + "metadata": { + "id": "v-HSMGwh1NUu", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Preprocessing\n", + "def preprocess_text(text):\n", + " text = ' '.join(word.lower() for word in text.split(\" \"))\n", + " text = re.sub(r\"([.,!?])\", r\" \\1 \", text)\n", + " text = re.sub(r\"[^a-zA-Z.,!?]+\", r\" \", text)\n", + " return text\n", + " \n", + "split_df.title = split_df.title.apply(preprocess_text)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "gvNVV7n11NXX", + "colab_type": "code", + "outputId": "bcb4a3dd-ba84-4475-dfe1-161f1f725684", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Save to CSV\n", + "split_df.to_csv(args.split_data_file, index=False)\n", + "split_df.head()" + ], + "execution_count": 38, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
categorysplittitle
0Businesstraingeneral electric posts higher rd quarter profit
1Businesstrainlilly to eliminate up to us jobs
2Businesstrains amp p lowers america west outlook to negative
3Businesstraindoes rand walk the talk on labor policy ?
4Businesstrainhousekeeper advocates for changes
\n", + "
" + ], + "text/plain": [ + " category split title\n", + "0 Business train general electric posts higher rd quarter profit\n", + "1 Business train lilly to eliminate up to us jobs\n", + "2 Business train s amp p lowers america west outlook to negative\n", + "3 Business train does rand walk the talk on labor policy ? \n", + "4 Business train housekeeper advocates for changes" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 38 + } + ] + }, + { + "metadata": { + "id": "cPDWGdlE5vye", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Vocabulary" + ] + }, + { + "metadata": { + "id": "EMR5Y3D95v6P", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Vocabulary(object):\n", + " def __init__(self, token_to_idx=None):\n", + "\n", + " # Token to index\n", + " if token_to_idx is None:\n", + " token_to_idx = {}\n", + " self.token_to_idx = token_to_idx\n", + "\n", + " # Index to token\n", + " self.idx_to_token = {idx: token \\\n", + " for token, idx in self.token_to_idx.items()}\n", + "\n", + " def to_serializable(self):\n", + " return {'token_to_idx': self.token_to_idx}\n", + "\n", + " @classmethod\n", + " def from_serializable(cls, contents):\n", + " return cls(**contents)\n", + "\n", + " def add_token(self, token):\n", + " if token in self.token_to_idx:\n", + " index = self.token_to_idx[token]\n", + " else:\n", + " index = len(self.token_to_idx)\n", + " self.token_to_idx[token] = index\n", + " self.idx_to_token[index] = token\n", + " return index\n", + "\n", + " def add_tokens(self, tokens):\n", + " return [self.add_token[token] for token in tokens]\n", + "\n", + " def lookup_token(self, token):\n", + " return self.token_to_idx[token]\n", + "\n", + " def lookup_index(self, index):\n", + " if index not in self.idx_to_token:\n", + " raise KeyError(\"the index (%d) is not in the Vocabulary\" % index)\n", + " return self.idx_to_token[index]\n", + "\n", + " def __str__(self):\n", + " return \"\" % len(self)\n", + "\n", + " def __len__(self):\n", + " return len(self.token_to_idx)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "WKnfFKY95v81", + "colab_type": "code", + "outputId": "03e03491-84aa-45f8-e004-1e9ba58c19c5", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Vocabulary instance\n", + "category_vocab = Vocabulary()\n", + "for index, row in df.iterrows():\n", + " category_vocab.add_token(row.category)\n", + "print (category_vocab) # __str__\n", + "print (len(category_vocab)) # __len__\n", + "index = category_vocab.lookup_token(\"Business\")\n", + "print (index)\n", + "print (category_vocab.lookup_index(index))" + ], + "execution_count": 60, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "4\n", + "0\n", + "Business\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "Th-KJnOi_74q", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Sequence vocabulary" + ] + }, + { + "metadata": { + "id": "jxO9-6vhBCSO", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Next, we're going to create our Vocabulary classes for the article's title, which is a sequence of tokens." + ] + }, + { + "metadata": { + "id": "ip8ViI2v_7Y2", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from collections import Counter\n", + "import string" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "S2LTR5NjBDCG", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class SequenceVocabulary(Vocabulary):\n", + " def __init__(self, token_to_idx=None, unk_token=\"\",\n", + " mask_token=\"\", begin_seq_token=\"\",\n", + " end_seq_token=\"\"):\n", + "\n", + " super(SequenceVocabulary, self).__init__(token_to_idx)\n", + "\n", + " self.mask_token = mask_token\n", + " self.unk_token = unk_token\n", + " self.begin_seq_token = begin_seq_token\n", + " self.end_seq_token = end_seq_token\n", + "\n", + " self.mask_index = self.add_token(self.mask_token)\n", + " self.unk_index = self.add_token(self.unk_token)\n", + " self.begin_seq_index = self.add_token(self.begin_seq_token)\n", + " self.end_seq_index = self.add_token(self.end_seq_token)\n", + " \n", + " # Index to token\n", + " self.idx_to_token = {idx: token \\\n", + " for token, idx in self.token_to_idx.items()}\n", + "\n", + " def to_serializable(self):\n", + " contents = super(SequenceVocabulary, self).to_serializable()\n", + " contents.update({'unk_token': self.unk_token,\n", + " 'mask_token': self.mask_token,\n", + " 'begin_seq_token': self.begin_seq_token,\n", + " 'end_seq_token': self.end_seq_token})\n", + " return contents\n", + "\n", + " def lookup_token(self, token):\n", + " return self.token_to_idx.get(token, self.unk_index)\n", + " \n", + " def lookup_index(self, index):\n", + " if index not in self.idx_to_token:\n", + " raise KeyError(\"the index (%d) is not in the SequenceVocabulary\" % index)\n", + " return self.idx_to_token[index]\n", + " \n", + " def __str__(self):\n", + " return \"\" % len(self.token_to_idx)\n", + "\n", + " def __len__(self):\n", + " return len(self.token_to_idx)\n" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "DvDPVDbsBDE4", + "colab_type": "code", + "outputId": "09913e32-1588-4410-9d22-6f4024ac3193", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Get word counts\n", + "word_counts = Counter()\n", + "for title in split_df.title:\n", + " for token in title.split(\" \"):\n", + " if token not in string.punctuation:\n", + " word_counts[token] += 1\n", + "\n", + "# Create SequenceVocabulary instance\n", + "title_vocab = SequenceVocabulary()\n", + "for word, word_count in word_counts.items():\n", + " if word_count >= args.cutoff:\n", + " title_vocab.add_token(word)\n", + "print (title_vocab) # __str__\n", + "print (len(title_vocab)) # __len__\n", + "index = title_vocab.lookup_token(\"general\")\n", + "print (index)\n", + "print (title_vocab.lookup_index(index))" + ], + "execution_count": 63, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "4400\n", + "4\n", + "measures\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "6TuUHvlI6JGh", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Vectorizer" + ] + }, + { + "metadata": { + "id": "s8IsOPHT5v_i", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class NewsVectorizer(object):\n", + " def __init__(self, title_vocab, category_vocab):\n", + " self.title_vocab = title_vocab\n", + " self.category_vocab = category_vocab\n", + "\n", + " def vectorize(self, title):\n", + " indices = [self.title_vocab.lookup_token(token) for token in title.split(\" \")]\n", + " indices = [self.title_vocab.begin_seq_index] + indices + \\\n", + " [self.title_vocab.end_seq_index]\n", + " \n", + " # Create vector\n", + " title_length = len(indices)\n", + " vector = np.zeros(title_length, dtype=np.int64)\n", + " vector[:len(indices)] = indices\n", + "\n", + " return vector\n", + " \n", + " def unvectorize(self, vector):\n", + " tokens = [self.title_vocab.lookup_index(index) for index in vector]\n", + " title = \" \".join(token for token in tokens)\n", + " return title\n", + "\n", + " @classmethod\n", + " def from_dataframe(cls, df, cutoff):\n", + " \n", + " # Create class vocab\n", + " category_vocab = Vocabulary() \n", + " for category in sorted(set(df.category)):\n", + " category_vocab.add_token(category)\n", + "\n", + " # Get word counts\n", + " word_counts = Counter()\n", + " for title in df.title:\n", + " for token in title.split(\" \"):\n", + " word_counts[token] += 1\n", + " \n", + " # Create title vocab\n", + " title_vocab = SequenceVocabulary()\n", + " for word, word_count in word_counts.items():\n", + " if word_count >= cutoff:\n", + " title_vocab.add_token(word)\n", + " \n", + " return cls(title_vocab, category_vocab)\n", + "\n", + " @classmethod\n", + " def from_serializable(cls, contents):\n", + " title_vocab = SequenceVocabulary.from_serializable(contents['title_vocab'])\n", + " category_vocab = Vocabulary.from_serializable(contents['category_vocab'])\n", + " return cls(title_vocab=title_vocab, category_vocab=category_vocab)\n", + " \n", + " def to_serializable(self):\n", + " return {'title_vocab': self.title_vocab.to_serializable(),\n", + " 'category_vocab': self.category_vocab.to_serializable()}" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "p2blo9sT5wCS", + "colab_type": "code", + "outputId": "8a134781-caca-47b7-e7cc-913ca3a1d9fa", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Vectorizer instance\n", + "vectorizer = NewsVectorizer.from_dataframe(split_df, cutoff=args.cutoff)\n", + "print (vectorizer.title_vocab)\n", + "print (vectorizer.category_vocab)\n", + "vectorized_title = vectorizer.vectorize(preprocess_text(\n", + " \"Roger Federer wins the Wimbledon tennis tournament.\"))\n", + "print (np.shape(vectorized_title))\n", + "print (vectorized_title)\n", + "print (vectorizer.unvectorize(vectorized_title))" + ], + "execution_count": 65, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "\n", + "(11,)\n", + "[ 2 1 4152 1232 25 1 2393 4077 39 31 3]\n", + " federer wins the tennis tournament . \n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "jTpYV1FkHBTi", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Dataset" + ] + }, + { + "metadata": { + "id": "_PcKZGbYIVA7", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from torch.utils.data import Dataset, DataLoader" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Lrssjuxb1NZy", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class NewsDataset(Dataset):\n", + " def __init__(self, df, vectorizer):\n", + " self.df = df\n", + " self.vectorizer = vectorizer\n", + " \n", + " # Max title length\n", + " get_length = lambda title: len(title.split(\" \"))\n", + " self.max_seq_length = max(map(get_length, df.title)) + 2 # ( + )\n", + "\n", + " # Data splits\n", + " self.train_df = self.df[self.df.split=='train']\n", + " self.train_size = len(self.train_df)\n", + " self.val_df = self.df[self.df.split=='val']\n", + " self.val_size = len(self.val_df)\n", + " self.test_df = self.df[self.df.split=='test']\n", + " self.test_size = len(self.test_df)\n", + " self.lookup_dict = {'train': (self.train_df, self.train_size), \n", + " 'val': (self.val_df, self.val_size),\n", + " 'test': (self.test_df, self.test_size)}\n", + " self.set_split('train')\n", + "\n", + " # Class weights (for imbalances)\n", + " class_counts = df.category.value_counts().to_dict()\n", + " def sort_key(item):\n", + " return self.vectorizer.category_vocab.lookup_token(item[0])\n", + " sorted_counts = sorted(class_counts.items(), key=sort_key)\n", + " frequencies = [count for _, count in sorted_counts]\n", + " self.class_weights = 1.0 / torch.tensor(frequencies, dtype=torch.float32)\n", + "\n", + " @classmethod\n", + " def load_dataset_and_make_vectorizer(cls, split_data_file, cutoff):\n", + " df = pd.read_csv(split_data_file, header=0)\n", + " train_df = df[df.split=='train']\n", + " return cls(df, NewsVectorizer.from_dataframe(train_df, cutoff))\n", + "\n", + " @classmethod\n", + " def load_dataset_and_load_vectorizer(cls, split_data_file, vectorizer_filepath):\n", + " df = pd.read_csv(split_data_file, header=0)\n", + " vectorizer = cls.load_vectorizer_only(vectorizer_filepath)\n", + " return cls(df, vectorizer)\n", + "\n", + " def load_vectorizer_only(vectorizer_filepath):\n", + " with open(vectorizer_filepath) as fp:\n", + " return NewsVectorizer.from_serializable(json.load(fp))\n", + "\n", + " def save_vectorizer(self, vectorizer_filepath):\n", + " with open(vectorizer_filepath, \"w\") as fp:\n", + " json.dump(self.vectorizer.to_serializable(), fp)\n", + "\n", + " def set_split(self, split=\"train\"):\n", + " self.target_split = split\n", + " self.target_df, self.target_size = self.lookup_dict[split]\n", + "\n", + " def __str__(self):\n", + " return \" software firm to cut jobs \n", + "tensor([3.3333e-05, 3.3333e-05, 3.3333e-05, 3.3333e-05])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "IxjCMr_DINGk", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Model" + ] + }, + { + "metadata": { + "id": "202KnN2lLj61", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "input → embedding → conv → FC \n", + "\n", + "We will be using 1d conv operations ([nn.Conv1D](https://pytorch.org/docs/stable/nn.html#torch.nn.Conv1d)) even though our inputs are words because we are not representing them at a character level. The inputs are of shape $\\in \\mathbb{R}^{NXSXE}$\n", + "* where:\n", + " * N = batchsize\n", + " * S = max sentence length \n", + " * E = embedding dim at a word level" + ] + }, + { + "metadata": { + "id": "j-Xgp0F3INRA", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import torch.nn as nn\n", + "import torch.nn.functional as F" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Lfw7csveHApA", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class NewsModel(nn.Module):\n", + " def __init__(self, embedding_dim, num_embeddings, num_input_channels, \n", + " num_channels, hidden_dim, num_classes, dropout_p, \n", + " pretrained_embeddings=None, freeze_embeddings=False,\n", + " padding_idx=0):\n", + " super(NewsModel, self).__init__()\n", + " \n", + " if pretrained_embeddings is None:\n", + " self.embeddings = nn.Embedding(embedding_dim=embedding_dim,\n", + " num_embeddings=num_embeddings,\n", + " padding_idx=padding_idx)\n", + " else:\n", + " pretrained_embeddings = torch.from_numpy(pretrained_embeddings).float()\n", + " self.embeddings = nn.Embedding(embedding_dim=embedding_dim,\n", + " num_embeddings=num_embeddings,\n", + " padding_idx=padding_idx,\n", + " _weight=pretrained_embeddings)\n", + " \n", + " # Conv weights\n", + " self.conv = nn.ModuleList([nn.Conv1d(num_input_channels, num_channels, \n", + " kernel_size=f) for f in [2,3,4]])\n", + " \n", + " # FC weights\n", + " self.dropout = nn.Dropout(dropout_p)\n", + " self.fc1 = nn.Linear(num_channels*3, hidden_dim)\n", + " self.fc2 = nn.Linear(hidden_dim, num_classes)\n", + " \n", + " if freeze_embeddings:\n", + " self.embeddings.weight.requires_grad = False\n", + "\n", + " def forward(self, x_in, channel_first=False, apply_softmax=False):\n", + " \n", + " # Embed\n", + " x_in = self.embeddings(x_in)\n", + "\n", + " # Rearrange input so num_channels is in dim 1 (N, C, L)\n", + " if not channel_first:\n", + " x_in = x_in.transpose(1, 2)\n", + " \n", + " # Conv outputs\n", + " z1 = self.conv[0](x_in)\n", + " z1 = F.max_pool1d(z1, z1.size(2)).squeeze(2)\n", + " z2 = self.conv[1](x_in)\n", + " z2 = F.max_pool1d(z2, z2.size(2)).squeeze(2)\n", + " z3 = self.conv[2](x_in)\n", + " z3 = F.max_pool1d(z3, z3.size(2)).squeeze(2)\n", + " \n", + " # Concat conv outputs\n", + " z = torch.cat([z1, z2, z3], 1)\n", + "\n", + " # FC layers\n", + " z = self.dropout(z)\n", + " z = self.fc1(z)\n", + " y_pred = self.fc2(z)\n", + " \n", + " if apply_softmax:\n", + " y_pred = F.softmax(y_pred, dim=1)\n", + " return y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "d7_4SiLkKji8", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Training" + ] + }, + { + "metadata": { + "id": "UQAIfKN2HAtN", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import torch.optim as optim" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "RwgZASWYHAwB", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Trainer(object):\n", + " def __init__(self, dataset, model, model_state_file, save_dir, device, shuffle, \n", + " num_epochs, batch_size, learning_rate, early_stopping_criteria):\n", + " self.dataset = dataset\n", + " self.class_weights = dataset.class_weights.to(device)\n", + " self.model = model.to(device)\n", + " self.save_dir = save_dir\n", + " self.device = device\n", + " self.shuffle = shuffle\n", + " self.num_epochs = num_epochs\n", + " self.batch_size = batch_size\n", + " self.loss_func = nn.CrossEntropyLoss(self.class_weights)\n", + " self.optimizer = optim.Adam(self.model.parameters(), lr=learning_rate)\n", + " self.scheduler = optim.lr_scheduler.ReduceLROnPlateau(\n", + " optimizer=self.optimizer, mode='min', factor=0.5, patience=1)\n", + " self.train_state = {\n", + " 'stop_early': False, \n", + " 'early_stopping_step': 0,\n", + " 'early_stopping_best_val': 1e8,\n", + " 'early_stopping_criteria': early_stopping_criteria,\n", + " 'learning_rate': learning_rate,\n", + " 'epoch_index': 0,\n", + " 'train_loss': [],\n", + " 'train_acc': [],\n", + " 'val_loss': [],\n", + " 'val_acc': [],\n", + " 'test_loss': -1,\n", + " 'test_acc': -1,\n", + " 'model_filename': model_state_file}\n", + " \n", + " def update_train_state(self):\n", + "\n", + " # Verbose\n", + " print (\"[EPOCH]: {0:02d} | [LR]: {1} | [TRAIN LOSS]: {2:.2f} | [TRAIN ACC]: {3:.1f}% | [VAL LOSS]: {4:.2f} | [VAL ACC]: {5:.1f}%\".format(\n", + " self.train_state['epoch_index'], self.train_state['learning_rate'], \n", + " self.train_state['train_loss'][-1], self.train_state['train_acc'][-1], \n", + " self.train_state['val_loss'][-1], self.train_state['val_acc'][-1]))\n", + "\n", + " # Save one model at least\n", + " if self.train_state['epoch_index'] == 0:\n", + " torch.save(self.model.state_dict(), self.train_state['model_filename'])\n", + " self.train_state['stop_early'] = False\n", + "\n", + " # Save model if performance improved\n", + " elif self.train_state['epoch_index'] >= 1:\n", + " loss_tm1, loss_t = self.train_state['val_loss'][-2:]\n", + "\n", + " # If loss worsened\n", + " if loss_t >= self.train_state['early_stopping_best_val']:\n", + " # Update step\n", + " self.train_state['early_stopping_step'] += 1\n", + "\n", + " # Loss decreased\n", + " else:\n", + " # Save the best model\n", + " if loss_t < self.train_state['early_stopping_best_val']:\n", + " torch.save(self.model.state_dict(), self.train_state['model_filename'])\n", + "\n", + " # Reset early stopping step\n", + " self.train_state['early_stopping_step'] = 0\n", + "\n", + " # Stop early ?\n", + " self.train_state['stop_early'] = self.train_state['early_stopping_step'] \\\n", + " >= self.train_state['early_stopping_criteria']\n", + " return self.train_state\n", + " \n", + " def compute_accuracy(self, y_pred, y_target):\n", + " _, y_pred_indices = y_pred.max(dim=1)\n", + " n_correct = torch.eq(y_pred_indices, y_target).sum().item()\n", + " return n_correct / len(y_pred_indices) * 100\n", + " \n", + " def pad_seq(self, seq, length):\n", + " vector = np.zeros(length, dtype=np.int64)\n", + " vector[:len(seq)] = seq\n", + " vector[len(seq):] = self.dataset.vectorizer.title_vocab.mask_index\n", + " return vector\n", + " \n", + " def collate_fn(self, batch):\n", + " \n", + " # Make a deep copy\n", + " batch_copy = copy.deepcopy(batch)\n", + " processed_batch = {\"title\": [], \"category\": []}\n", + " \n", + " # Get max sequence length\n", + " max_seq_len = max([len(sample[\"title\"]) for sample in batch_copy])\n", + " \n", + " # Pad\n", + " for i, sample in enumerate(batch_copy):\n", + " seq = sample[\"title\"]\n", + " category = sample[\"category\"]\n", + " padded_seq = self.pad_seq(seq, max_seq_len)\n", + " processed_batch[\"title\"].append(padded_seq)\n", + " processed_batch[\"category\"].append(category)\n", + " \n", + " # Convert to appropriate tensor types\n", + " processed_batch[\"title\"] = torch.LongTensor(\n", + " processed_batch[\"title\"])\n", + " processed_batch[\"category\"] = torch.LongTensor(\n", + " processed_batch[\"category\"])\n", + " \n", + " return processed_batch \n", + " \n", + " def run_train_loop(self):\n", + " for epoch_index in range(self.num_epochs):\n", + " self.train_state['epoch_index'] = epoch_index\n", + " \n", + " # Iterate over train dataset\n", + "\n", + " # initialize batch generator, set loss and acc to 0, set train mode on\n", + " self.dataset.set_split('train')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, collate_fn=self.collate_fn, \n", + " shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.0\n", + " running_acc = 0.0\n", + " self.model.train()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + " # zero the gradients\n", + " self.optimizer.zero_grad()\n", + "\n", + " # compute the output\n", + " y_pred = self.model(batch_dict['title'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['category'])\n", + " loss_t = loss.item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute gradients using loss\n", + " loss.backward()\n", + "\n", + " # use optimizer to take a gradient step\n", + " self.optimizer.step()\n", + " \n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['category'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['train_loss'].append(running_loss)\n", + " self.train_state['train_acc'].append(running_acc)\n", + "\n", + " # Iterate over val dataset\n", + "\n", + " # initialize batch generator, set loss and acc to 0; set eval mode on\n", + " self.dataset.set_split('val')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, collate_fn=self.collate_fn, \n", + " shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.\n", + " running_acc = 0.\n", + " self.model.eval()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + "\n", + " # compute the output\n", + " y_pred = self.model(batch_dict['title'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['category'])\n", + " loss_t = loss.to(\"cpu\").item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['category'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['val_loss'].append(running_loss)\n", + " self.train_state['val_acc'].append(running_acc)\n", + "\n", + " self.train_state = self.update_train_state()\n", + " self.scheduler.step(self.train_state['val_loss'][-1])\n", + " if self.train_state['stop_early']:\n", + " break\n", + " \n", + " def run_test_loop(self):\n", + " # initialize batch generator, set loss and acc to 0; set eval mode on\n", + " self.dataset.set_split('test')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, collate_fn=self.collate_fn, \n", + " shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.0\n", + " running_acc = 0.0\n", + " self.model.eval()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + " # compute the output\n", + " y_pred = self.model(batch_dict['title'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['category'])\n", + " loss_t = loss.item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['category'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['test_loss'] = running_loss\n", + " self.train_state['test_acc'] = running_acc\n", + " \n", + " def plot_performance(self):\n", + " # Figure size\n", + " plt.figure(figsize=(15,5))\n", + "\n", + " # Plot Loss\n", + " plt.subplot(1, 2, 1)\n", + " plt.title(\"Loss\")\n", + " plt.plot(trainer.train_state[\"train_loss\"], label=\"train\")\n", + " plt.plot(trainer.train_state[\"val_loss\"], label=\"val\")\n", + " plt.legend(loc='upper right')\n", + "\n", + " # Plot Accuracy\n", + " plt.subplot(1, 2, 2)\n", + " plt.title(\"Accuracy\")\n", + " plt.plot(trainer.train_state[\"train_acc\"], label=\"train\")\n", + " plt.plot(trainer.train_state[\"val_acc\"], label=\"val\")\n", + " plt.legend(loc='lower right')\n", + "\n", + " # Save figure\n", + " plt.savefig(os.path.join(self.save_dir, \"performance.png\"))\n", + "\n", + " # Show plots\n", + " plt.show()\n", + " \n", + " def save_train_state(self):\n", + " with open(os.path.join(self.save_dir, \"train_state.json\"), \"w\") as fp:\n", + " json.dump(self.train_state, fp)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "LJfKGc9cHA0y", + "colab_type": "code", + "outputId": "2185fea4-a2c6-4986-80d4-c781ab1ea394", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 221 + } + }, + "cell_type": "code", + "source": [ + "# Initialization\n", + "dataset = NewsDataset.load_dataset_and_make_vectorizer(args.split_data_file, \n", + " cutoff=args.cutoff)\n", + "dataset.save_vectorizer(args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "model = NewsModel(embedding_dim=args.embedding_dim, \n", + " num_embeddings=len(vectorizer.title_vocab), \n", + " num_input_channels=args.embedding_dim, \n", + " num_channels=args.num_filters, hidden_dim=args.hidden_dim, \n", + " num_classes=len(vectorizer.category_vocab), \n", + " dropout_p=args.dropout_p, pretrained_embeddings=None, \n", + " padding_idx=vectorizer.title_vocab.mask_index)\n", + "print (model.named_modules)" + ], + "execution_count": 73, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Creating from scratch!\n", + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "wDxPyGIVKoUK", + "colab_type": "code", + "outputId": "fabb05e9-25b3-43ea-ce72-713a0bae1426", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Train\n", + "trainer = Trainer(dataset=dataset, model=model, \n", + " model_state_file=args.model_state_file, \n", + " save_dir=args.save_dir, device=args.device,\n", + " shuffle=args.shuffle, num_epochs=args.num_epochs, \n", + " batch_size=args.batch_size, learning_rate=args.learning_rate, \n", + " early_stopping_criteria=args.early_stopping_criteria)\n", + "trainer.run_train_loop()" + ], + "execution_count": 58, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[EPOCH]: 00 | [LR]: 0.001 | [TRAIN LOSS]: 0.77 | [TRAIN ACC]: 69.6% | [VAL LOSS]: 0.55 | [VAL ACC]: 79.5%\n", + "[EPOCH]: 01 | [LR]: 0.001 | [TRAIN LOSS]: 0.50 | [TRAIN ACC]: 82.0% | [VAL LOSS]: 0.51 | [VAL ACC]: 81.5%\n", + "[EPOCH]: 02 | [LR]: 0.001 | [TRAIN LOSS]: 0.42 | [TRAIN ACC]: 84.9% | [VAL LOSS]: 0.49 | [VAL ACC]: 82.4%\n", + "[EPOCH]: 03 | [LR]: 0.001 | [TRAIN LOSS]: 0.36 | [TRAIN ACC]: 86.9% | [VAL LOSS]: 0.49 | [VAL ACC]: 82.7%\n", + "[EPOCH]: 04 | [LR]: 0.001 | [TRAIN LOSS]: 0.31 | [TRAIN ACC]: 88.5% | [VAL LOSS]: 0.51 | [VAL ACC]: 82.7%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "V9Ruxpc8WT17", + "colab_type": "code", + "outputId": "f776e4cb-0d62-4716-b51a-f5039e34d884", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Plot performance\n", + "trainer.plot_performance()" + ], + "execution_count": 74, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA2gAAAE+CAYAAAD4XjP+AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xlc1Peh9v3PDMO+DjCsIjuiqLjg\nbtwiatTsMatp2rR3n+ak5zz3OWkec+hpTXLSpr3v2tM0p02XkzZdsrUpas1Wl6jRaOKOirK6ISAw\nrCI7zPPHkFHcF2AYuN6vV15hfjO/mWuIEa75fReDzWazISIiIiIiIk5ndHYAERERERERsVNBExER\nERERGSBU0ERERERERAYIFTQREREREZEBQgVNRERERERkgFBBExERERERGSBU0ERu0ogRIzhz5oyz\nY4iIiPSLhx9+mLvuusvZMUQGPRU0EREREbmqgoIC/P39iYqKYv/+/c6OIzKoqaCJ9LLW1la+//3v\ns3DhQu644w5+9KMf0dnZCcCf//xn7rjjDhYtWsQDDzxAYWHhVY+LiIgMBKtXr2bRokUsXbqUNWvW\nOI6vWbOGhQsXsnDhQp599lna2tquePyLL74gMzPTce6Ft1999VX+4z/+gwceeIA33niDrq4uXnjh\nBRYuXMi8efN49tlnaW9vB6CmpoZvfetb3H777dx5551s376dLVu2sHTp0h6Z77vvPjZu3NjX3xqR\nXmdydgCRweYPf/gDZ86c4YMPPqCjo4Ply5fz/vvvc/vtt/PKK6+wefNm/Pz8+Oijj9iyZQuRkZGX\nPZ6cnOzstyIiIkJnZycbNmzg6aefxs3NjVWrVtHW1kZlZSU//vGPWbNmDWFhYfzzP/8zf/zjH1m0\naNFlj48ZM+aqr7N161bWrl1LcHAw//jHP9izZw/vv/8+XV1d3HvvvXz44YfcfffdrFq1isTERH71\nq19x5MgRvva1r7Ft2zaqqqrIy8sjNTWVsrIyTp06xaxZs/rpuyTSe1TQRHrZli1bePLJJzGZTJhM\nJu68804+++wzFi9ejMFg4L333mPp0qXccccdALS3t1/2uIiIyECwfft2xowZg5+fHwCTJ09m8+bN\n1NXVMX78eMLDwwFYtWoVbm5u/O1vf7vs8b179171ddLT0wkODgZg4cKFzJ07F3d3dwDGjBlDSUkJ\nYC9yv/3tbwEYNWoUmzZtwsPDg4ULF/LBBx+QmprKxo0buf322/Hw8Oj9b4hIH9MQR5FeVlNTQ2Bg\noON2YGAg1dXVuLu788Ybb7Bv3z4WLlzIo48+Sn5+/hWPi4iIDATZ2dls2bKFjIwMMjIyWL9+PatX\nr6a2tpaAgADH4zw9PTGZTFc8fi0X/uysqalhxYoVLFy4kEWLFrFp0yZsNhsAdXV1+Pv7Ox77ZXFc\nsmQJH3zwAQAbN25k8eLFt/bGRZxEBU2kl4WGhlJXV+e4XVdXR2hoKGD/pO/nP/85O3fuZObMmaxc\nufKqx0VERJypvr6eXbt28cUXX7Bnzx727NnD7t27OXToEEajkdraWsdjGxsbsVqtmM3myx53c3Nz\nzMkGaGhouOLr/td//Rcmk4l169bx8ccfM3v2bMd9QUFBPZ7/9OnTtLe3M2nSJDo6Oti8eTOFhYVM\nnz69t74NIv1KBU2kl82ZM4f33nuPzs5OmpqaWLt2LbNnzyY/P59/+Zd/oa2tDQ8PD0aPHo3BYLji\ncREREWf74IMPmDp1ao+hgiaTiZkzZ9LW1sa+ffs4ffo0NpuNlStX8t577zF79uzLHrdYLFRVVVFd\nXU1nZyfr1q274utWV1eTkpKCh4cHeXl57N+/n6amJgDmzZvH6tWrASgqKuK+++6js7MTo9HI4sWL\n+c///E/mzZvnGB4p4mo0B03kFjz++OO4ubk5br/00ks8/vjjlJSUsGTJEgwGA4sWLXLMKxs2bBhL\nly7F3d0dX19fvv/975OSknLZ4yIiIs62Zs0annjiiUuOZ2Zm8stf/pIXX3yRJ554Ajc3N8aMGcPX\nvvY1PD09r3j8/vvv55577iEqKoq7776bo0ePXvZ1n3zySVasWEF2djYZGRmsWLGC7373u4wdO5Zn\nn32WFStWMG/ePHx9ffnJT36Cl5cXYB/m+Pvf/17DG8WlGWxfDugVEREREXFhVquVe++9ly1btvT4\nAFXElWiIo4iIiIgMCj//+c955JFHVM7EpamgiYiIiIhLs1qt3H777VitVp588klnxxG5JRriKCIi\nIiIiMkDoCpqIiIiIiMgAoYImIiIiIiIyQPT7MvtVVWdv+TnMZh9qa5t6IU3/cKW8yto3XCkruFZe\nZe0bvZXVYvHvhTRDx1D7GelKWcG18ipr31DWvuNKeXsj69V+PrrkFTSTybVW5nGlvMraN1wpK7hW\nXmXtG66UVXpypf92rpQVXCuvsvYNZe07rpS3r7O6ZEETEREREREZjFTQREREREREBggVNBERERER\nkQFCBU1ERERERGSAUEETEREREREZIFTQREREREREBggVNBERERERkQFCBU1EZAjZsmXTdT3uBz/4\nAWVlpX2cRkRERC6mgiYiMkSUl5exceM/ruux3/3ud4mKiu7jRCIiInIxk7MD3KjWtk7WbTtGerwZ\nb0+Xiy8i4jQ//emPOXo0l9tum8SCBXdQXl7Gz372S15++UWqqippbm7mySe/yYwZt/H444/z7W//\nG5s3b+LcuUZOnTpJaelp/uVfnmHatBnOfisiIiL9qrOri1MVjRSdridjdCRm777rIS7XcPJL6vjN\nmkPMGRfFVxalOjuOiIjLeOSRx8nO/gvx8YmcOnWCX/7yf6itrWHy5KncccdSSktP873vPceMGbf1\nOK+ysoKf/OTnfP75Dtau/ZsKmoiIDHrtHV0cL2+goKSOgpI6CkvraW3rBOBkVSPfWDyyz17b5Qra\nqDgzMeF+bD1Qxuxx0cRG+Ds7kojIDfvLJ0Xszqvs1eeclBrGg/OSruuxI0emAeDvH8DRo7n8/e/Z\nGAxGGhrqL3ns2LHjAAgLC6OxsbH3AouIiAwQre2dHCutJ7+7kBWXNdDe0eW4PzLEhxExQaTEBHH7\n1DjOnW3psywuV9BMbkb+191j+P5vdvLmxgL+/bEJGAwGZ8cSEXEp7u7uAGzY8DENDQ384hf/Q0ND\nA9/4xuOXPNbNzc3xtc1m67eMIiIifaW5tYPC0/WOK2THyxvo7LL/jDMAw8L8SIkJcpSyAF8Px7k+\nXu4qaBcbPyKMCSkW9hVU8cWRCqamRTg7kojIDXlwXtJ1X+3qLUajkc7Ozh7H6urqiIyMwmg0snXr\nJ7S3t/drJhERkf7Q2NxOYUkd+d3/nKo4y5efORoNBmIj/B1lLDkmEF8vd6dldcmCBvDQvCQOFlfz\nl81FjEsOxcvDZd+KiEi/iI2NJz8/j8jIKIKCggCYM2cezz33bxw5cpglS+4iLCyM3//+t05OKiIi\ncmvqG1sdwxXzS+oorTrnuM/kZiApOpARw+2FLDEqcEAtPjhwktwgS5A3d0wZzrodJ3h/x0kemJPo\n7EgiIgOa2WwmO/uDHsciI6P4wx/ecdxesOAOACwWf6qqzpKQcP4qX0JCEv/937/pn7AiIiI3oLq+\nhfyS2u5CVk9FTZPjPg+TkZGxZkbEBDFieBDxkQF4uLtd5dmcy2ULGsDiabF8dric9btPcdvYSMKD\nfZwdSURERERE+pDNZqOytvn8FbJTdVQ3nJ8T5uXhxpiEEMcVsrgIf0xurrP9s0sXNE93Nx6al8xr\naw7zzqZC/t9l6c6OJCIiIiIivajLZqPceq7HkMX6xjbH/b5eJsYnh3ZfITMTE+aH0ei6iwi6dEED\nyBhhIXV4EDnF1RwstjI2MdTZkURERERE5CZ1ddkoqWy0L+hxqpbC0/U0Np9fxCrQ14PJI8NI6V7U\nIyrUF+MgWtXd5QuawWDg0fkprPz9Lt7eWMiouGCXuoQpIiIiIjKUdXR2kXeyhi8Oltk3hT5dR3Pr\n+VWHQwK8HEMWR8QEEWb2HtTbbLl8QQP7PgXzxg9j077TbNhTwh1TYp0dSUREBpFz586xYsUK6uvr\naW9v5+mnn+Y3vzm/YEplZSX33nsv3/rWtxzHXn31VdatW0d4eDgAd911F8uWLev37CIiA017RyfH\nyhq6r5DVUVxWT1v7+U2hw4N9mJQa6LhCFhro7cS0/W9QFDSAu2+L54ujFfz9sxNMS4sgyM/T2ZFE\nRGSQWL16NfHx8TzzzDNUVFTwxBNP8PHHHzvu/8Y3vsHdd999yXlf+cpXWL58eX9GFREZcFraOigq\n7d4U+lQdx8ob6Oi0Oe6PtviSnmxhuMWXlJigIf97/KApaH7e7tw3K4E//iOf97YU842lo5wdSUTE\nJT3wwJ18+OEH137gEGI2m8nPzwegoaEBs9nsuG/Hjh3ExcURGRnprHgiIgNKU0s7BafrKThlX9Dj\n5JmzdHXvCm0wwPDw85tCp8QE4eft7tjeRQZRQQOYlR7FlgOl7Dh8hjnjokkaFujsSCIiMggsWbKE\n7OxsMjMzaWho4Ne//rXjvj/+8Y9kZWVd9ryPP/6YTZs24eHhwX/8x38QExNz1dcxm30wmW59bx6L\nxf+Wn6O/uFJWcK28yto3lPVS9Y2tHD5WTe6xanKLqzleXk93H8PNaCBleBCjE0NJSwhhZFwwvt7u\nTs3bG/oy66AqaEajgccyU3j5z/t4c2MB3/tKhksvsSki0puefPIxfvjDVURERHDmTDn//u/PYLGE\n0dzcTEtLC//6r88yatRoZ8cckNauXUtUVBSvv/46eXl5ZGVlkZ2dTUVFBU1NTQwfPvySc2bPns3U\nqVOZNGkSH3zwAS+99FKPYnc5tbVNV73/erjSp9CulBVcK6+y9g1ltas922rfFLr7Cll59fm/u9xN\nRsfVsRExQSREB+J5wabQTY0tNDW2XPKcQ+17e7WCN6gKGkDysCCmpoXzeW4F2w+VMys9ytmRREQG\nhFmz5vLZZ59y//0Psm3bVmbNmktiYjKzZs1h797dvPnmH/jBD/6vs2MOSPv27WPmzJkApKamUllZ\nSWdnJ1u3bmXq1KmXPWfs2LGOr+fNm8dPfvKTfskqItKbbDYbVfUtFJz6cg+yWqrqzhcsT3c30uKD\nHaUsPjIAd5NWVL8Vg66gASybk8T+AivvbSkmY4QFH6/LX0YVEXGW7KL32V95qFefc3zYGO5LWnrF\n+2fNmst///fPuP/+B9m+fSvf/va/8s47f+Ltt/9Ee3s7Xl5evZpnMImNjSUnJ4eFCxdSWlqKr68v\nbm5uHDp0iLlz5172nJdeeolFixaRkZHBrl27SE5O7ufUIiI3zmazcaamyb4pdPcVstqzrY77fTxN\njEsKtV8hGx7E8HA/3IwqZL1pUBY0s78nS6fH8retx1iz/TiPzk9xdiQREadLSEikurqKiooznD17\nlm3bthAaGsb3vvef5OUd4b//+2fOjjhgPfTQQ2RlZbF8+XI6Ojp4/vnnAaiqqiIkJMTxuKqqKl59\n9VVefPFFli1bxsqVKzGZTBgMBl566SUnpRcRubIum43TlY32FRa7/2loOr8ptL+POxkjLI4FPYaF\n+Q2qTaEHokFZ0AAWTBrOtpxyPtlbyuz0KKItfs6OJCLicF/S0qte7eor06bN5De/+SW33Taburpa\nEhPtV3W2bt1MR0dHv+dxFb6+vrzyyiuXHP/Vr37V47bFYuHFF18EYMSIEbzzzjv9kk9E5Hp1dnVx\nqqKR/FPnC1lT6/m//83+nkwdFU5K96bQEcE+g3pT6IFo0BY0d5ORh+cn8/P3DvLWxkK+8/A4/eES\nkSFv9uy5fOtbT/LGG2/T0tLMSy+tZPPmjdx//4Ns3LieDz74u7MjiohIL2rv6OJ4eUP3/LE6ikrr\naW3rdNxvCfJiQkr3FbLhQVgCvfQ7s5MN2oIGkJ4YwpiEEA4dq2ZfQRUTR4Q5O5KIiFONHJnG1q1f\nOG6/+eZ7jq9nzpwNwJIld+Hr60tTk2uspiUiIud1ddk4Xt7A+r2lHMivoLisgfaOLsf9kSE+9gU9\nhgeRMiyI4ADNPx5oBnVBMxgMPDI/mSP/U8M7m4oYkxCCh/ut7y8jIiIiIjJQNLd2kHu8hpwiKweP\nVXO2ew6ZAYgJ83PMH0uJCSLA18O5YeWaBnVBA4gI9mHBpBg++uIUH31xirtnxjs7koiIiIjILamq\na+ZAkZWDRVbyTtXR2WXfGTrQ14NZ6ZHMHB9DZJAnvlrN3OUM+oIGsHR6HDsOn+HDz08yY0wEoYHe\nzo4kIiIiInLdurpsFJXWk1NsJaeomjLrOcd9seH+pCeFkJ4USmyEP0aDwaU2fpaehkRB8/Y0sWxu\nIv/z/lH+8kkR/3TvGGdHEhERERG5qqaWDg4fr7YPXSyu5lyLfbVFD5ORcUmhjE0KIT0xFLO/p5OT\nSm8aEgUNYGpaBJv3l7Inv4qjJ2oYGRfs7EgiIiIiIj1U1DSRU2TlQJGVwtP1jqGLZn9PJo0MJz0x\nhJGxZq2rMIgNmYJmNBh4dH4KL/1hD29tLOT5Jydp13MRERERcarOri6KTtdzoMg+dPFMTZPjvvjI\nANKTQhiXFEpMmJ+Wvx8ihkxBA/sf8tvSI/k0p5zN+0qZnxHj7EgiIiIiMsQ0Nrdz+Fg1OcXVHCqu\ndmwU7enuxvjkUPvwxcQQAv00dHEoGlIFDeC+WYnszqtizbbjTB4VToCPlhoVERERkb5js9k4U9Pk\nuEpWdLqeLpt96GJIgCdT08JJTwoldXgQ7iYNXRzqhlxBC/D14J6Z8by9qZDVnx7jiUWpzo4kIiIi\nIoNMR2cXBSV15BTZF/morGsG7HuTJUQHkJ5ov1IWbfHV0EXpYcgVNIC5E6L5NKeMTw+UMWdcNLER\n/s6OJCIiIiIu7mxTG4eOVXOgqJrc49U0t3YC4OXhRsYIC+lJoYxJCNFm0XJVQ7KgmdyMPDI/mZ+8\nc4A3NxTw78sn6JMLEREREbkhNpuNMus5+9DF4mqKS+vpHrlIaKAXM0ZHkp4cyoiYIExuWpxOrs+Q\nLGgAo+KCmTjCwt78Kj7PrWDa6AhnRxIRERGRAa69o4v8klpyCqvJKbZirW8BwGCApOjA7v3JQokK\n8dEFALkpQ7agATw0N4mDxdX8ZUsR45JD8fYc0t8OEREREbmMhnNt5BRbySupZ19+Ja1t9qGL3p4m\nJo8MIz0xlDGJIfh5uzs5qQwGQ7qRhAZ5c8eU4fz9sxO8v/MEy+YkOTuSiIiIiDiZzWajpLKRnGL7\nAh/HyxroHrlImNmbcemhpCeFkjwsUEMXpdddV0H74Q9/SE5ODgaDgaysLMaOHQtARUUF3/nOdxyP\nKykp4ZlnnuHOO+/sm7R94I6psXx2qJz1u0qYNTaK8GAfZ0cSERERkX7W3tHJ0ZN15BRZySm2UtPQ\nCoDRYCAlJoj0pFDmTh6Op0YtSh+7ZkHbtWsXJ0+e5N1336W4uJisrCzeffddAMLDw/nTn/4EQEdH\nB48//jjz5s3r28S9zNPdjYfmJfPLNYd5e1Mh/3tZurMjiYiIiEg/qGts5WBxNQcKrRw5WUNbexcA\nvl4mpo6y7002OiEYXy/70EWLxZ+qqrPOjCxDwDUL2s6dO5k/fz4AiYmJ1NfX09jYiJ+fX4/HrV69\nmoULF+Lr69s3SfvQxBEWUocHcbD7MnZ6UqizI4mIiIhIL7PZbJyqaOzeMNrKiTPny1ZkiA/pSaGk\nJ4aQNCwQN6OGLopzXLOgWa1W0tLSHLeDg4Opqqq6pKD99a9/5Xe/+13vJ+wHBoOBRzNTeP53u3ln\nUyGj4oJxN+l/ShERERFX19reydETteQU20tZXWMbAG5GAyNjzfZSlhRCuFnTXGRguOFFQmxfbu5w\ngf3795OQkHBJabscs9kHk8ntRl/2EhZL724ubbH4s2RmPOu2HWPn0Urun5fc68/vKpS1b7hSVnCt\nvMraN1wpq4jIhWoaWuxDF4usHD1ZS3uHfeiin7c700dHkJ4USlpcMD5eQ3q9PBmgrvmnMiwsDKvV\n6rhdWVmJxWLp8ZgtW7Ywbdq063rB2tqmG4x4qb4a/7tgYjSb95Tw9oZ8xsSZMft79srzutJ4ZWXt\nG66UFVwrr7L2jd7KqpInIv2hy2bjRPlZ+wIfRVZOVTY67ou2+JKeGMq4pFASogIwGrXKhwxs1yxo\nM2bM4NVXX+Xhhx8mNzeXsLCwS66UHTp0iMWLF/dZyP7i6+XO/bMT+MPH+by3pYj/dWfatU8SERER\nkX7X0tbBkRO1HCiycrC4moZz9qGLJjcDafHB9g2jE0OwBHk7OanIjblmQZswYQJpaWk8/PDDGAwG\nVq5cSXZ2Nv7+/mRmZgJQVVVFSEhIn4ftD7eNjWLL/jJ25lYwZ3w0ycOCnB1JRESc7Ny5c6xYsYL6\n+nra29t5+umn+c1vfkNTUxM+PvZ5KytWrGD06NGOc9rb23nuuecoKyvDzc2Nl19+mZiYGGe9BZFB\nwVrfTE5RtX3T6JN1dHTahy4G+Lgzc0wk6UkhjIoLxttTQxfFdV3Xn94L9zoDSE1N7XF73bp1vZfI\nyYxGA49mJvPyn/fx1oZCvvdEhi6Fi4gMcatXryY+Pp5nnnmGiooKnnjiCSwWCy+//DIpKSmXPef9\n998nICCAVatWsX37dlatWsXPfvazfk4u4tq6umwcK29wDF08XXXOcV9MmJ9jgY/4yACMBv2+JoOD\nPl64jORhQUxLC2dnbgXbDpYxe1y0syOJiIgTmc1m8vPzAWhoaMBsNl/znJ07d3LPPfcAMH36dLKy\nsvo0o8hg0dzaQe7xGnKKrBw8Vs3ZpnYATG5GxiaGkJ4YQnpSKMEBXk5OKtI3VNCu4IE5SewrsPK3\nrcfISA1zbFAoIiJDz5IlS8jOziYzM5OGhgZ+/etfs2rVKn7+859TW1tLYmIiWVlZeHmd/4XRarUS\nHBwMgNFoxGAw0NbWhoeHh7PehsiAVVnX7LhKln+qjs4u+6rhgb4ezEqPJD0plFGxwXh63PpK4CID\nnQraFZj9PblzRhzvbSlm7bbjPJp5+SEsIiIy+K1du5aoqChef/118vLyyMrK4qmnnmLEiBEMHz6c\nlStX8uabb/L1r3/9is9xuW1qLjZQt6LpS66UFVwr70DPWtvQwoc7TvDZwTJKKs6vGps4LJDJoyKY\nNCqcxOigATfVZKB/Xy/kSlnBtfL2ZVYVtKvIzIhhW04Zn+wrZda4KIZZrr3Pm4iIDD779u1j5syZ\ngH0edmVlJfPmzcPNzV6m5s2bx4cfftjjnLCwMKqqqkhNTaW9vR2bzXbNq2cDeSuavuBKWcG18g7k\nrKcqzrJhdwlfHK2go9OGh7ubfcXFpBDSE0N7bHNUXd14lWfqfwP5+3oxV8oKrpW3N7JereAZb+mZ\nBzl3k5FH5ifTZbPx9sbC6/r0U0REBp/Y2FhycnIAKC0txcfHh69//es0NDQA8MUXX5CcnNzjnBkz\nZvDxxx8DsHnzZqZMmdK/oUUGkC6bjYPFVv7v2/t5/ve7+ezwGUICvXl84QjefGER//LAWOaMi+61\nPWhFXJmuoF3D2ET7HhoHi6vZm19FRmqYsyOJiEg/e+ihh8jKymL58uV0dHTwwgsvUFtby1e/+lW8\nvb0JDw/nn//5nwF46qmneO2111i8eDE7duzgkUcewcPDgx/96EdOfhci/a+1vZOdh8+wfncJZ2rs\nV4hHxppZMCmGMYkhGA0GvDxNuMZ1E5H+oYJ2HR65PZnc4zW8+0khYxJD8HTXBFURkaHE19eXV155\n5ZLjixcvvuTYa6+9BuDY+0xkKKprbOWTfafZsr+MxuZ23IwGZoyOIHNSDMPDXWeekYgzqKBdh/Bg\nHxZMjuGjz0/x0ecnuee2BGdHEhERERlwTlWcZf3uEr44UkFnlw0/b3eWTo9j3oRogvw0fFHkeqig\nXael0+LYcfgMH31xipljIgkN8nZ2JBERERGns88vq2b9rlPknaoDIDLEh8yMGKaNjtDII5EbpIJ2\nnbw9TTw4J4nfvn+EdzcX8fS9Y5wdSURERMRpWts72XGonPV7TlPRPb9sVJx9ftnoBPv8MhG5cSpo\nN2BqWjib95eyN7+KIydqGBUX7OxIIiIiIv2q9uyX88tKOdfSgcnNwIwxESyYNJyYMG1JJHKrVNBu\ngMFg4LHMFF58Yzdvbyxk5dcmYXLTTgUiIiIy+J08Y59ftuvo+flld3bPLwvU/DKRXqOCdoNiI/yZ\nNS6KrQfK2Ly/lMyMGGdHEhEREekTXTYbB4uqWb+75/yyBZNimJYWgYfml4n0OhW0m3DvrAR2H61k\nzbbjTBkVToCPh7MjiYiIiPSa1rZOPjtczobdJVTUNgOQFmdmweThpMUHa36ZSB9SQbsJAT4e3HNb\nPG9tLCR7azFfvWOksyOJiIiI3LLas61s2nuarQfOzy+bOTaSBRkxDNP8MpF+oYJ2k+ZOiGbrgTK2\n5ZQze1w08ZEBzo4kIiIiclNOnjnLP3afYvfRSjq7bPj7uHPXjDjmThhGoK9GCon0JxW0m+RmNPLo\n/GT+7zsHeGtjAf++fKIu94uIiIjL6OqykVNkZf3uEvJL7PPLokJ9WTAphqmjwjW/TMRJVNBuwci4\nYDJGWNiTX8XnuWeYPjrS2ZFERERErqqlrYPPDp1hw54SKr+cXxYfzMJJMaTFB2PQB84iTqWCdose\nnJfEweJq/rq5mPHJFrw99S0VERGRgaemoYVN+06zdX8ZTa0dmNyM3DY2ksxJMQyzaH6ZyEChNnGL\nQgO9WTw1ljXbj/P+jhMsm5vk7EgiIiIiDsfLG9iwu4Tdeefnl909M56546MJ0PwykQFHBa0XLJoy\nnG0Hy1m/u4Tb0qOICPZxdiQREREZwjq7bOwrqGL9rlMUnK4HIPrL+WVp4bibNL9MZKBSQesFHu5u\nPHx7Er9YfZh3NhXyv5elOzuSiIiIDEEtbR1sP1jO5v1llFefA2B0QjALJsWQFqf5ZSKuQAWtl0xI\nsTAy1szB4mpyiqykJ4U6O5KIiIgMETUNLWzce5qtB8pobu3A3WRkVnokmRkxRGt+mYhLUUHrJQaD\ngUfnJ7Pyd7t5e1Mho+KCcTczlFj6AAAgAElEQVQZnR1LREREBrHj5Q38Y9cp9uRV0WWzEeDjzsKZ\n8dw/fwTtLW3OjiciN0EFrRdFW/yYNzGajXtOs373KZZMi3N2JBERERlkurps7C+0sn73KQq/nF9m\nOb9/mbvJjSB/T6pU0ERckgpaL7tnZjyf51bw/o6TTB8didnf09mRREREZBBobu1g+6FyNu4poaqu\nBYAxCSEsmBzDqFiz5peJDBIqaL3Mx8udB+Yk8sZHefx1SxHfvDPN2ZFERETEhVXXt7Bp72m25pyf\nXzZ7XBSZGTFEhfo6O56I9DIVtD4wc2wkW/aX8nluBXPHR2Ox+Ds7koiIiLiYY2UNrN99wfwyXw8W\nTY5n9vhoAny0f5nIYKWC1geMBgOPZqbwwz/t5c0NBUxJH+bsSCIiIuICur7cv2x3CUWl9vllwyx+\nLJgUw5RR4VqATGQIUEHrI0nRgUwfHcGOw2fY8MVJJiaFODuSiIiIDFDNrR1sO2ifX2att88vG5sY\nwoJJMYzU/DKRIUUFrQ89MCeRvQVV/PHDo6R+cwq+Xu7OjiQiIiIDiLW+mY17TrPtYBnNrZ24m4zM\nGRdF5qQYIkM0v0yurbOrk5bOVpo7WmjuaKGlo5mWzlY8mgzUNzT3eKzNZut5G9sFXzse1PP2Bbcc\nj7ddeM/Fj7/gK1vPYxc+58XP5VvrQWNj6+Xz2S59dttFCe0Pu/L7O/9yV3l/F+W90uNnuWXgj/mS\n1+8tKmh9KMjPk7tmxPHXzcWs2XacxzJTnB1JRERuwrlz51ixYgX19fW0t7fz9NNPY7FYePHFFzEa\njQQEBLBq1Sq8vb0d52RnZ/PKK68wfPhwAKZPn85TTz3lrLcgA0xxaT3rd5ewN98+vyzQ14NFU2KZ\nMy4Kf80vGzLaO9tp7vyyWPX8d3PnZY51tDjKWEtHM80dLbR1tTv7bQw51vYqnkh5tM+eXwWtj2Vm\nxLDj8Bk27ytldnoUw8L8nB1JRERu0OrVq4mPj+eZZ56hoqKCJ554gtDQUJ577jnGjh3Lj3/8Y7Kz\ns3nsscd6nLd48WJWrFjhpNQy0HR2dbGvwL5/WXFpAwAxYfb5ZZNHan6ZK7HZbLR+WZQuunp16bEL\n/n1BGWvpaKHD1nnDr20yuOFl8sLL5EWAZwDebl54d9/2Mtm/9jZ5ERIYQFNj9154F4yQNThuGC6+\nCww9jxm4dGjt5YbbGi5+rgsec/FXVzo/IMCLsw0tV8xyua+uluXyea/y/gyXP//CY18+1fi4VM7V\nd1zyuN6igtbHTG5GvnH3GF74n895a2MBzz4yXuPIRURcjNlsJj8/H4CGhgbMZjO/+tWv8POzf+gW\nHBxMXV2dMyPKANbc2sG2nDI27DlNdfcvoOnd88tSNb+s3305JLDnValLr1R9eQXrwmNttjbOtTXT\n0tFy2SF21+Lh5oG3mye+7r6Eeoc4ipW3m+cF5cobLzfP8/eZvC54nBfubtc3ZcZi8aeq6uwNZ3QW\nV8rr4+HNOfouqwpaP8gYGU56Ygg5xdXsya9iUmqYsyOJiMgNWLJkCdnZ2WRmZtLQ0MCvf/1rRzlr\nampi7dq1vPLKK5ect2vXLr7+9a/T0dHBihUrGDVqVH9HFyey1jWzce9pPs0po6WtEw+TkTnjo8nM\nGKb5ZTepvbO9++pU82WG/LU4jrd0tPYYInjhFay2zrYbfl0DBrxMnvh6+GD2DMTbN7znVasLrmI5\nCtVFx7zcPHEzuvXBd0UGGxW0fvLw/GRyT9Tw7ieFjE0MwdNd/4OKiLiKtWvXEhUVxeuvv05eXh5Z\nWVlkZ2fT1NTEU089xZNPPkliYmKPc9LT0wkODmbOnDns37+fFStWsG7duqu+jtnsg8l06z8fXGn/\nTVfKCteXN+9EDWu2FrPzUBldNggO8GTZ7SksmhZHgG//zS8byN/b5vYWKs9ZqTxXTU7xWZram2lu\nb6GpvbnHPz2PtdDRdePDytyMbvi4e+Pj4U2weyA+7t54u3vj4+5lP37J197djzl/zMvk6ZJXOgfy\nn4HLcaW8fZlVBa2fhJt9WDh5OB/sPMlHn5/kntsSnB1JRESu0759+5g5cyYAqampVFZW0tbWxj/9\n0z+xdOlS7rvvvkvOSUxMdJS28ePHU1NTQ2dnJ25uVy5gtbVNt5zVlYYJuVJWuHrezq4u9uZXsWF3\nCcVl9vllw8P8WDDZPr/M5GaktamVqqbWy57fn1n7Q3tnOzUttVhbaqlpqaG6uRZrSw3VzTVUt9Rw\nrv36/qx7GN27r0j5EOwZ7Bj6d8mcq4uvVl1w3GQ03Xi5sgFt0NUGjbTTiH0hDmd/X2+EK2UF18rb\nG1mvVvBU0PrRkmmxfHaonA8/P8WMMZFYgryvfZKIiDhdbGwsOTk5LFy4kNLSUnx9fXn99deZPHky\ny5Ytu+w5v/3tb4mMjGTp0qUUFBQQHBx81XImrqmppYNPc8rYtLeE6gZ7+RqXFMqCSTGMGB7kkldd\nrkeXrYvalnqqLyhd1uZax+36tobLnmcymgjxMhPrH0OIdzAhXmaGhYbR3mTrLlbeFwwR1JBAGZpU\n0PqRl4eJB+cm8Zt1R/jLJ0U8fd8YZ0cSEZHr8NBDD5GVlcXy5cvp6Ojg+eef59lnn2XYsGHs3LkT\ngClTpvDtb3+bp556itdee40777yTZ599lnfeeYeOjg5+8IMfOPldSG+qqmtmw54Sth0sp7V7ftnc\nCdFkZsQQEezj7Hi3zGazcba90V6+mmuwttQ6ilh1cw01rXV02bouOc+AAbNXEMlBCYR4BxPqFdxd\nxIIJ8TYT4OGP0dBztUpXunIi0h9U0PrZlFHhfLK/lL0FVeSeqCEtLtjZkURE5Bp8fX0vWQRk+/bt\nl33sa6+9BkBERAR/+tOf+jyb9B+bzUbh6TrW7y5hX0EVNhsE+XmwdFoss8dF4+d9favrDRTNHc09\nrnp9+W9rSy01zTVX3F/L38OPWP9hPYpXiFcwod7BmD2DdNVL5BapoPUzg8HAY/NTePGN3by9sZDn\nvzYJk5v2PRERERmobDYbu/Mq+WT/PgpO2bdTiA33Z8GkGCaNDBuwP8fbOtupaanB2lxD9YVXwLq/\nbupovux53iZvwn0sFxQw+1DEUO9ggr3MeLhpI22RvqSC5gSxEf7MHhfFlgNlbN5XSuakGGdHEhER\nkSv4ZF8pb24owGCwzy9bODmGlBjnzy/r7OqktrX+oqtf9gU5attqqWu5/Dwwd6M7IV5m4gNjHVfA\nLhyK6OOuOfIizqSC5iT3zkpgd14la7YfZ8qo8H5ddldERESuT3NrB3//7DheHm789H/PxqsfL5bZ\nbDYa2s52L8BhL14XDkesba2/7Dwwo8FIqI+ZFHMSoV7mi66EBRPg4ef0cikiV6aC5iT+Ph7cc1sC\nb24o4G9bi/na4pHOjiQiIiIXWb+7hLNN7dwzM56Y8N5dzMJms9HU0XzBla/u4YfdV8FqWmpov8K+\nX4EeAcQFDCfkggIW2j0XLMgzkIjwIC28IeKiVNCcaM74KLYeKGX7wXLmjI8mPjLA2ZFERESkW8O5\nNj7edQp/H/ebno7Q2tl2wRDE2kuGIrZ0tlz2PF+TD5G+4T2ufNlXRTQT7GXG3c21FiQRket3XQXt\nhz/8ITk5ORgMBrKyshg7dqzjvvLycv7t3/6N9vZ2Ro0axYsvvthnYQcbN6ORR+en8H/e3s9bGwr4\n98cnYtSQAxERkQHh/R0naG3r5P5ZCXh7Xv5Xps6uTmpa6i4qXucX4jjb3njZ8zyM7t3FK95RvC4s\nYt4mr758ayIygF2zoO3atYuTJ0/y7rvvUlxcTFZWFu+++67j/h/96Ec8+eSTZGZm8sILL1BWVkZU\nVFSfhh5MUmPNTEoNY3deJTsPn2HGmEhnRxIRERnyrHXNbN5fSmigFzPTwzlWf5Kj585xvLLUcSXM\n2lxDXWs9NmyXnO9mcMPsFUS0X6RjGfrzQxGD8XP31TwwEbmsaxa0nTt3Mn/+fAASExOpr6+nsbER\nPz8/urq62Lt3Lz/96U8BWLlyZd+mHaQenJtETpGV97YUMyHFcsVP6URERKR//GXbEQguIXhkC9/d\n8REtna097jdgINAzgITAOEK7l6G/sIAFegZcsiGziMj1uGYTsFqtpKWlOW4HBwdTVVWFn58fNTU1\n+Pr68vLLL5Obm0tGRgbPPPNMnwYejEICvVg8LZY1246zbscJHpyb5OxIIiIiQ0qXrYuSs6Ucrs5j\n/5lcyn3L8EiAklaweIcwJSSDlPBYPDt8CPE2Y/Yy427UB6oi0vtu+G8Wm83W4+uKigq+8pWvEB0d\nzTe/+U22bNnCnDlzrni+2eyDyXTrO8xbLP63/Bz96Vp5ly9JY0duBRv3lHD3nCSGhTnv/bnS91ZZ\n+44r5VXWvuFKWUVuRktHC3k1hRyuziO3Oo+Gtu5VD20GOhuCmRmXTuaIDMJ9LID9/wmtjCgife2a\nBS0sLAyr1eq4XVlZicVi/4vKbDYTFRXF8OHDAZg2bRqFhYVXLWi1tU23GNn1/oK83rzLZifyi9WH\n+MVfD/Cvy9KdMjbdlb63ytp3XCmvsvaN3sqqkicDTWWTldzqPA5bj1JYd4xOWycA/u5+TI3IIJgY\n/vZBAylRFh4bN17zxESk312zoM2YMYNXX32Vhx9+mNzcXMLCwvDz87OfbDIRExPDiRMniIuLIzc3\nlyVLlvR56MFqQkooo+LMHD5WQ05RNeOSQ50dSURExKV1dHVQXHeCw9VHOVx9lMqm8x86x/hHMzpk\nJKNDUxnuPwwDBl7+8z7odGfZnESVMxFximsWtAkTJpCWlsbDDz+MwWBg5cqVZGdn4+/vT2ZmJllZ\nWTz33HPYbDZSUlKYN29ef+QelAwGA4/OT2Hl73bx9qYC0uLNuPfCcFAREZGhpKHtLLnV+eRaj3K0\npsCxwIeHmwfpoWmMDh3JqJARBHkG9jhvf2EVRaX1jE8OJTE68HJPLSLS565rDtp3vvOdHrdTU1Md\nX8fGxvL222/3bqohLCrUl9snDmP97hLW7y5hybQ4Z0cSEREZ0LpsXZw+W9Z9lSyPUw2nHUvfh3oF\nMzUyg9EhI0kyJ1xxYY+uLhvZW49hMMB9sxP7M76ISA9afmgAumtGPJ/nnmHdjhNMS4sgOECbVYqI\niFyopaOFvNoicq1Hya3Oo757gQ+jwUhyUAJpoamMDhlJuI/luoYq7jh8hlLrOWaOiSQ61Lev44uI\nXJEK2gDk42Xi/tmJ/P6jPN7bUsw370q79kkiIiKDXFVTtf0qmfUoRXXH6Ohe4MPP3ZcpERMZHTqS\nkcHJeJu8b+h52zs6WbP9GCY3I/fcFt8X0UVErpsK2gA1Y2wkm/eX8vmRCuaMjyYlJsjZkURERPpV\nZ1cnxfXHOWzN43D1USqaqhz3xfhFMTp0JGkhI4kNGHZLm0Jv3ldKTUMrCyfHaNSKiDidCtoAZTQY\neCwzhR/8aS9vbSjg+1+dhNGo1aRERGRwO9vWaF8GvzqPo9UFtHS2APYFPsaGpjE6NJW0kNRLFvi4\nWU0tHby/8yTenm6a9y0iA4IK2gCWGB3IjNERfHb4DJ/mlDFnfLSzI4mIiPQqm83G6cYyDlvtC3yc\nbChxLPAR4hXMlMiJjLnGAh+34uNdp2hsbufeWQn4ebv3+vOLiNwoFbQB7oE5iewtqCL702NkpIbp\nh4eIiLi8lo5W8muLKDpRxN7Th6hvawDsC3wkBcUzOnQko0NSCfcJ69O9yOobW1m/+xSBvh4syIjp\ns9cREbkRKmgDXKCfJ3fNiOcvm4tYs+0YyxeMcHYkERGRG2ZtrnbMJSusLb5kgY+0kFRGBqfg435j\nC3zcinU7TtDW3sVDc+Pw9NC+oyIyMKiguYD5GcP4NKeMzftLmT0umpgwP2dHEhERuSr7Ah8nOFx9\nlFxrHmeaKh33Dete4GNm4gQCu0JuaYGPm1VZ28TWA2WEmb25LT2q319fRORKVNBcgMnNyCPzk/mv\nv+Tw1oYC/r9Hx/fpkA8REZGbcbatkSPV+RyuPsrRmgKaO7oX+DC6MyZ0FKND7At8mL3sKxNbQv2p\nqjrrlKyrtx2ns8vGfbMSMLn1f0EUEbkSFTQXMSYhhHFJoRwosrI7r5LJI8OdHUlEZMg4d+4cK1as\noL6+nvb2dp5++mksFgvPP/88ACNGjOCFF17ocU57ezvPPfccZWVluLm58fLLLxMTM7jmOdkX+Cjn\nsPUoudVHOXHRAh+TIyaQFjKSlKAE3N0Gzhzqk2fO8sWRCoaH+5GRGubsOCIiPaiguZCHb0/i8PFq\n/rK5iPTEUI2XFxHpJ6tXryY+Pp5nnnmGiooKnnjiCSwWC1lZWYwdO5ZnnnmGrVu3Mnv2bMc577//\nPgEBAaxatYrt27ezatUqfvaznznxXfSO1s428msK7UMXq/Opa60Hzi/wkRaSyujQkUT08QIft+Jv\nW4sB+0JcxgGaUUSGLhU0FxJm9mHh5OF8sPMkH35+kntnJTg7kojIkGA2m8nPzwegoaGBoKAgSktL\nGTt2LABz585l586dPQrazp07ueeeewCYPn06WVlZ/R+8l1ibazhcfZTD1qMU1h2jo6sDAF93HyaF\nT2BM6JcLfPg4Oem1HT1Zy+HjNYyMNZMWF+zsOCIil1BBczFLpsWy4/AZPvriFDPHRmIJ6r/VrkRE\nhqolS5aQnZ1NZmYmDQ0NvPbaa7z44ouO+0NCQqiqqupxjtVqJTjYXgCMRiMGg4G2tjY8PDz6NfvN\n6Ozq5Fj9CQ53bxh95lyF475ov0hGh4xkdOhI4gJinLLAx82y2Wy8t+X81bOBeoVPRIY2FTQX4+Vh\nYtncRH7z9yO8+0kR375vjLMjiYgMemvXriUqKorXX3+dvLw8nn76afz9/R3322y2az7H9TzGbPbB\nZLr14esWi/+1H3SRhtZGDpTnsq/sEDlnjnCuvRkADzd3JkaNYULkGMZHpRHq07tXnW4m683acbCM\n4+UNTB8byeSx0Tf1HP2Z91Ypa99Q1r7jSnn7MqsKmguaMjKcLftK2VdQRe7xGtLiNURDRKQv7du3\nj5kzZwKQmppKa2srHR0djvsrKioIC+u52ERYWBhVVVWkpqbS3t6OzWa75tWz2tqmW85qsVzfyog2\nm43SxvLuoYt5nGg4dcECH2Ymho1ndGgqyUGJeHQv8GE7B1Xnem/VxevN2hs6u7r4/bpcjAYDS6YM\nv6nX7c+8t0pZ+4ay9h1XytsbWa9W8FTQXJDBYODRzBReeGM3b20s4IUnJ2uJYBGRPhQbG0tOTg4L\nFy6ktLQUX19foqOj2bNnDxkZGaxfv57HH3+8xzkzZszg448/5rbbbmPz5s1MmTLFSenPa+tsI7+2\niEPWo+RW5/VY4CMxKI7RISNJC0kl0jd80A3/++zQGc7UNDErPYrIEF9nxxERuSIVNBc1PNyfOeOi\n2by/lE/2nmbB5OHOjiQiMmg99NBDZGVlsXz5cjo6Onj++eexWCx8//vfp6uri/T0dKZPnw7AU089\nxWuvvcbixYvZsWMHjzzyCB4eHvzoRz9ySvbq5pruuWRHKagtPr/Ah8mHSeHjGR06klEussDHzWpr\n72Tt9uO4m4zcPTPe2XFERK5KBc2F3TsrgV1HK1j72XGmpEUQ6DvwJ56LiLgiX19fXnnllUuOv/XW\nW5cce+211wAce5/1t86uTgprj5HbXcrKL1rgIy0klTGhI4kLGO5SC3zcik37TlN7tpU7pg7H7O/p\n7DgiIlelgubC/LzduXdWAn9eX8Dfthbz5OKRzo4kIiJO9MmpT/l42ybHAh/uRvfuFRdTSQtJJdjL\n7OSE/a+ppZ0Pd57Ex9PE4qmxzo4jInJNLlfQSs6W8b2dbxDqGUKKOZFkcyKxATG4G13urfSK2eOi\n2LK/jO0Hy5kzLpqEqABnRxIRESepaLbi5+HLxLBxpIWkkmJOcizwMVR9+PkpzrV08MCcRHy9hvb3\nQkRcg8u1Gm+TF2avQApqiymoK4bj9k8IEwJjSQ5KJMWcSGzAMExDpLC5GY08lpnMj9/az1sbC8h6\nfCLGQTaxW0RErs8jI+5zqZXQ+lrt2VY27ikhyM+D2ycOc3YcEZHr4nItJtQ7mJcXPMfxsjMU1R2n\nsLaYwrpj5NcWkV9b5ChsiYFxJJsTSTEnEOsfg5vx1veVGahGDDczeWQYu45WsvPwGWaMiXR2JBER\nEadb99lx2jq6eGRmPJ7ug/f3ABEZXFyuoH3Jz92XcZbRjLOMBqCx7RxFdccoqCumsPYYebWF5NUW\nAuBhdCcxKJ7koARSzIkM9x826Arbg3OTOFBk5a9bipmQYsHb02X/04qIiNyyMzVNfJpTTniwDzPH\n6oNLEXEdg+a3eD8PX8aFjWFc2BgAzrY1Ulh3jMJae2k7WlPA0ZoCADzdPEgMjCfZnEByUCLD/aNd\nvrAFB3ixZFocqz89xrrPTvDgvCRnRxIREXGa7E+P0WWzcf+sBNyMQ2O1ShEZHAZNQbuYv4cfE8LG\nMiFsLAANbWcpqjtOQW0xhbXFHKnJ50hNPtBd2ILiSemewzbML8olC9uiyTFsyyljw54SbkuP1Eac\nIiIyJB0vb2BPXiXxkf5MHGFxdhwRkRsyaAvaxQI8/HsUtvrWsxTVFVNQd8xe2KrzOVJtL2xebl4k\nBXXPYQtKZJh/lEvsFeNucuOR25N5NfsQb20s5N8eTMegBUNERGSI+dvWYgAemJ2on4Mi4nKGTEG7\nWKCnPxPDxzExfBwA9a0NFNZ2F7a6Yg5X53G4Og/4srDFdy/rn8Awv4Fb2MYlh5IWH0zu8RoOFFkZ\nn6xPDkVEZOjIPVHDkRO1pMUHMzIu2NlxRERu2JAtaBcL9AwgI2I8GRHjAahrrbfPX6st7i5sRzlc\nfRQAb5O3vbAFJZBsTiLaL2LAFDaDwcAjtyez8ne7eGdTIaPjg3E3ud5wTRERkRvVZbPx3pbzV89E\nRFyRCtoVBHkGMiliPJO6C1ttS133oiP2q2yHrEc4ZD0CgI/Jm6TuFSKTgxKIcnJhiwr15faJw1i/\nu4R/7Cph6fQ4p2URERHpL3vyKjl55iyTR4YRG+Hv7DgiIjdFBe06mb2CmBwxgckREwCoaal1rBBZ\nWHuMg9ZcDlpzAfA1+ZBkTnAs6x8S2v+Lddw1I57Pj1Tw/s4TTB8dQXCAV79nEBER6S8dnV1kf3oM\nN6OBe2clODuOiMhNU0G7ScFeZqZETmRK5EQAqptrKewuawV1xeRUHSan6jAA/gd8u5f1ty86Eukb\n3ueTln28TDwwO5HffXiUv24p5v+5K61PX09ERMSZth8sp7K2mbnjowk3+zg7jojITVNB6yUh3mZC\nvDOYGpkBQHVzTff8tWMUNRzjQNVhDnQXNj93X5KDEuyFzZxIhE9YnxS26WMi2Ly/lC+OVDB3fDQp\nMUG9/hoiIiLO1treydrPjuPhbuTOGXHOjiMicktU0PpIiHcw07yDmRY1idBQP/JKTlJQa18hsqC2\nmP1Vh9hfdQgAf3c/x6bZKeYEwnupsBkNBh7LTOGlP+7hzQ0FrPzqJIxGLTcsIiKDy8Y9JdQ3trFk\nWixBfp7OjiMicktU0PqBwWAg1DuEUO8QpkdNwmazYW2uoaCuyLFS5L7Kg+yrPAjYN9lOCbIv6Z8S\nlEiYj+WmC1tCVAAzx0Sy/VA5Ww+UMnfCsN58ayIiIk7V2NzOh5+fwtfLxB1TYp0dR0TklqmgOYHB\nYMDiE4LFJ4QZUVOw2WxUNVsvWHSkmL2VOeytzAEg0MOf5O4VIpPNiYR5h95QYbt/TiJ7CyrJ/vQY\nk0aG4+ft3ldvTUREpF99+PlJmls7eHBuEj5e+rVGRFyf/iYbAAwGA2E+FsJ8LMyIthe2ymarfQ5b\nbTEFdcXsqTjAnooDAAR6BDiuriWbE7F4h1y1sAX6enDXjHje/aSI1duO8fiCEf311kRERPpMTUML\nm/aexuzvye0To50dR0SkV6igDUAGg4FwHwvhPhZui56KzWajoqnKMX+tsPZYj8IW5BnomL+WHJRI\nqHfwJYXt9onD+DSnjC37S5mdHsXwcO0PIyIirm3t9uO0d3Rxz8x43E1uzo4jItIrVNBcgMFgIMI3\njAjfMG6LntZd2Cop6N40u7C2mN0V+9hdsQ8As2fQBYuOJBLiZcbkZuSR+cn89N0c3tpYyIpHx/f5\nUv8iIiJ9pcx6ju2HyokM8WH6mAhnxxER6TUqaC7IXtjCifANZ9aw6dhsNsrPVVBYd6x7af9idp3Z\nx64z5wtbitk+HDJthBe5+XXszqtk8shwJ78TERGRm5P96TFsNrh/diJuRqOz44iI9BoVtEHAYDAQ\n5RdBlF8Es4dNp8vWZS9s3cv6F9Ye44sze/nizF4IBK90b/58NJc2v6mMsiQR7GV29lsQERG5bsVl\n9ewrqCIxOoDxyaHOjiMi0qtU0AYho8FItF8k0X6RzImZ4ShsXy46kmstosOzhLcLS6AQQr2CHatE\nZniNwmDzxGjQp5EiIjLw2Gw2/ralGIAHZidquL6IDDoqaEPAhYVtbsxMmlvbyfrTBprdKxg12sap\ncyfZWb6bneW7+eNRcDeaiPANJ9I3nCjfCCJ9w4n0jSDYK0g/CEVExKkOH68h71QdYxJCGDFcI0BE\nZPBRQRuCvD3deWTGRH61NheDXyj/576vUtpYTkFtMVXtlRyvPk35uQpKzpb2OM/TzYPI7sIW1V3a\nIv3CCfQIUHETkUHtr3/9K3//+98dt3NyckhPT3fcrqys5N577+Vb3/qW49irr77KunXrCA+3z/e9\n6667WLZsWf+FHoS6bDbe21KMAbh/doKz44iI9AkVtCFqUmoYn+wrZX+hlSPHaxmdEE2MfzQWiz9V\nVWfpsnVR1VxN+bkKyhvPUH6ugrJzZzh19jQnGk71eC5vk3d3YQsn0i/CUd78Pfyc9O5ERHrXsmXL\nHOVq165dfPTRR6xcuTOD1fwAACAASURBVNJx/ze+8Q3uvvvuS877yle+wvLly/st52C360gFJZWN\nTE0L13YxIjJoqaANUQaDgUfnJ/PCG7t5a2MhL37dvhT/l4wGo2MvtnGW0Y7jHV0dVDZZ7cXt3Pni\ndqz+JMX1J3q8hp+7r32IpF94jytvPu4+/fU2ReQGddm6aGg7i7GpA/2IuLxf/OIX/OQnP3Hc3rFj\nB3FxcURGRjox1eDX0dnF6m3HcDMauPc2XT0TkcHrun76/vCHPyQnJweDwUDW/9/encdHXd9733/N\nTDLZt0ky2XfWhNWwBCJhURQRLaBYvGptTz1d1B7v02P70FI99PRy7a29bdXSqlc3b6oooqJUcWMR\nCAk7JCyBJCwJyWRPCEkgy1x/BAfCFpYkM5O8n60P+P3mNzNvvmK+85nfd1m0iFGjRjkemzFjBpGR\nkZhMnRtEvvDCC47hHOLa4iMCmDY2hjXbS/lyWwm3Tojv9jkeRg/HipFwdnhPa3srtqZKjp8p2spO\nllPWaKOgrpCCusIurxFkDiTa/+zcts5frXh7ePf0H1FEztPW0UZtSz01LbVn/zlVR01LHTUttdS1\n1NFmbwfgN5N+SaiP5vica/fu3URFRREeHu44949//INFixZd9PpPP/2UL7/8ErPZzBNPPEFcXFxf\nRe131u08TmVdCzelxxIe7OPsOCIivabbAi03N5cjR46wbNkyCgsLWbRoEcuWLetyzeuvv46fn1+v\nhZTeM29KMrl7bXy4oZiM1AjCw69tyIinyZPYgGhiA6K7nD/VfprykzaOn1O0lZ20sa+mgH01BV2u\ntXiHnJ3b5hdBlH8Ekb4RmE2e1/znExlomttaHIVXbcvZwuubfxpON2LHftHnBpj9iQmIxuIVzJCI\nRIK9Avs4vetbvnw58+bNcxzbbDaampqIj7/wC66pU6eSkZHB+PHjWbVqFU899RR//vOfL/v6ISG+\neHiYrjvntf4sd4Yrydp8qo1V2UfwNpv43h1phAQ47wu9/ta2rkJZe4c7ZQX3ytubWbst0LKzs7n5\n5psBSElJob6+nsbGRvz9Nb+oP/D38WT+1BTeXH2A99YV8VhSz+4n42UykxAYR0Jg12+Nm9uaKTtZ\n0WV+W9lJG3nV+8mr3u+4zoCBMB/L2dUkz9x5i/ANP/+tRPo9u91Ow+lGak/Vnld41Tl+bW5rvuhz\njQYjIV5BDApOwuIdgsU7GIt3CCHf/OoV3OXLkG/mo0pXOTk5PPHEE47jdevWkZGRcdFrzx9tcu6w\nyEuprW267ozu9O/uSrOu3FhMXeMp7sxMpK2llcqW1j5Id6H+2LauQFl7hztlBffK2xNZL1fgdVug\nVVVVkZaW5ji2WCxUVlZ2KdAWL15MaWkp6enpPProo1rRz81MHR3N2h2lbNhTxryjtYT49P68Ex8P\nH5KDEkgOSuhyvrH15Jm7bOcUbo02dlXls6sq33Gd0WAkKsCK1dvaZTuAcJ9QTMbr//ZZxBnaO9qp\nPdV1+GGXu2Cn6mjraLvoc80mMxbvEJKC4jsLMK/gM4VYZzEW5BWo/Q2vk81mw8/PD7PZ7Di3Z88e\npk+fftHrn3rqKWbNmsW4cePIzc1l8ODBfRW1X2loOs2nOUfx9/G8oqH4IiLu7qo/idvtXYfGPPLI\nI0yZMoWgoCAefvhhVq9ezaxZsy75/IE4fANcP+/DC8bw+KsbeOZvudw3axjT0+Mwmfr+w1w4ASTR\ndX6b3W6nvqWBYw1lHKs/zrH6M782HKe0oZwd5zzfw+hBTEAEcUHRxAZFER8UTWxQNFa/UKd/OHX1\nvwPnc6e87pK1pbWFFvMJqppqqDxZc+bXaqpO1lDZVENtc/0lhx8GevmTEBRDqF8I4b6hhPtZCPO1\nEO4XSphvCP5mvx7/csxd2rWvVFZWYrFYLjgXGhra5fjll1/mN7/5DQsWLGDx4sV4eHhgMBh46qmn\n+jpyv/Cv7CO0nG7n3puS8fHSwjUi0v8Z7OdXXOd5+eWXCQ8PZ+HChQDcdNNNfPjhhxcd4rh06VKq\nq6t55JFHLvl6PXHr0p1ugYL75P1402E+2nSY1rYOIi2+zJ2SxLhhVowuekc0LMyfgyUlXea3HT9Z\nTvlJG6c7ug5/MRs9ifSznl1N8sxQyRCvvtl8213+DnzDnfK6Sla73U5j68nzhhx+cwes89zJtosP\nXzMajASZAx13vELPG35o8Q7GbDJf9Lm9pafaVUXe1RlofWR3Wavqm1n02maC/Lx45kcZeHo4/4u2\n/tK2rkRZe4c7ZQX3yuv0IY6ZmZm8/PLLLFy4kPz8fKxWq6M4O3HiBP/5n//JkiVLMJvNbNmyhVtv\nvfW6worzzJmcyB1TB/G3j/LYsLuMP32YT1z2EeZNSWb0oFCXG7pqMBgI8Q4mxDuYtNChjvMd9g5q\nWmo7h0ieM8ft+EkbR8/bfNvb5HVmFcmz89ui/SIJNAe43J9XnKu9o526Uw1nC69TdRfM/2rtuPi8\nGE+jJxbvEAaFJeJvDOgyB8ziHUyQOVBDc0Uu4sOvi2lrtzN3SpLTizMRkb7SbYF2ww03kJaWxsKF\nCzEYDCxevJgVK1YQEBDAzJkzycrK4tvf/jZeXl6kpqZednijuL6wYB++N2sYt02M58MNh9mcX84f\n3ttNSnQg87KSSU20dP8iTmY0GAnzCSXMJ5SRYamO8+0d7VSd2Xz7uGOOm40jJ0ooPm/zbV8Pn867\nbf5n57dF+0Xib9Zqpf3V6fbTFxRc5y7CUX+6gQ57x0Wf6+fpS6Sf9Zy5X+fO/wrBz9MXg8HgVt8O\nijhbSWUjm/LKiQn3Y1JapLPjiIj0mSsazP3zn/+8y/GwYcMcv//e977H9773vZ5NJU5nDfHlh3ek\nMjsjng++LmZbQSUvvL2TYfHBzJ+awqCYIGdHvGomo4kIPysRflbGMNJx/uzm2+VnhkvaKGssp6j+\nMIX1xV1eI8DT/5w7bWe3BPD11J48rsxut3Oyremyww8bW09e9LkGDAR7BZEYGH9B4WXxDibEKxhv\nD68+/hOJ9H8r1hVhB+6amoLRqBENIjJwaLatXFZMuD8Pzx/J4fIGVqwvIq+ohmfe3MaolFDmZyUT\nH+H+80vO3Xw7/Zzzp9tbsTVVnNl4++xwyYLaQxTUHuryGsFeQY6hktFn7rxF+kbog3sf6bB3UH+q\ngeqLFF7frH54uv30RZ/rafQgxDuYWP/oLoXXN8VYsFeQhh+K9LGDJXXsPFTF4NggRqeEdv8EEZF+\nRAWaXJHEyED+654xFByrY8X6InYXVrO7sJpxw6zMm5JEVGj/G/pnNnkSFxBDXEBMl/MtbaewNVV0\nmd92qc23Q71DiPKLJDE0mlMt7QDYz/yv8/9n1+j55tzZa878zt7lirPPsV/JNRe+R+e19q7n7V2v\nMXt5cKql9fx0fPNGZ9/jyt77/Nc/+5Quf9JvTnFB6vPOndt+zR3NVDfVXnL4oa+HD1afsC4LbnQu\nxNG5CEeAp7/mG4q4ELvdzvK1hQDcPS1F/32KyICjAk2uypC4YB77X2PJP1zDinVFbN1fwbYDFUxO\ni+TOG5MID+7/Q/28Pbwuuvl2U2sz5U3nLkzSubpkXvU+8qr3OSmtezLQ+YHs3A9mBsdZwOC4An8v\nXxIC4s4bfni2GPP28O7j9CJyPXYVVnOwpJ4xg8IYHBvs7DgiIn1OBZpcNYPBwIikUNISLew4WMX7\nXxexMa+czXttZI2OZs7kREICBt7QPl9PH5KDEkkOSuxyvvH0Sdq9W6ipbQRH4XFOEfJN2eE49835\nswXKOaUJBkOXo87fX3DOwNna5px3Mpx3xnD+K3Ueh4X5U1N98qL5ujzDcEG6bvNdsvi6xm/JtfCG\nSP/R0WHnvXWFGID5U5OdHUdExClUoMk1MxgM3DAknDGDwsjdZ+ODDcWs2VHKhj1lzLghhtkZCQT4\n9u3eTa7I3+xHeGgklR3uU0QEewfQatawIhHpW5v3llNaeZLMEZHEhl+436qIyECgAk2um9FoICMt\nknHDrGzKK2flxmJW5x5j7c7j3Do+jlvGx+Prrb9qIiJyaa1tHby/vhgPk4FvTUlydhwREafRp2bp\nMR4mI1mjo5mUFsHancdZtekwKzce5sttJdyWkcBNN8TiZdZqeCIicqG1O0qpbmhh5rg4woL6/3xm\nEZFLMTo7gPQ/nh4mZo6L4/mfTOauM3MIlq8t5LE/Z/PF1mO0tl18tT0RERmYmk+18dGmw3ibTcyZ\nnODsOCIiTqUCTXqNl9nE7ZMSef4nk7hjciKnWtv55xcHWfRaNut3Hae9Q4WaiIjA6tyjNDa3Mmti\nvOYui8iApwJNep2vtyfzspJ5/ieTuHVCHPUnW/nbJ/t54vUcNu8tp+OcPbJERGRgaTh5mtW5xwj0\n9eSW8XHdP0FEpJ9TgSZ9JtDXzLdnDOb5n0xi2tgYqupbeG3lXn79l1x2FFR22cxYREQGho82HeZU\nazt3ZCbhbdbUeBER/SSUPhcS4MX9tw7ltonxrNxQzKb8cl5esYekqEDmZyWTmhhyzXtiiYiI+yiv\nPsnaHaWEB3szdUy0s+OIiLgEFWjiNOHBPjwwJ5XbMhL44Osith6o5MVlOxkaF8z8qckMjg12dkQR\nEelFSz/dT3uHnXlTkvEwaVCPiAioQBMXEB3mx0PzRnKk/ATvf13E7sJqnv3/tzMyOZT5WckkRAY4\nO6KIiPSwo7YTrNtRQrzVnwmpEc6OIyLiMlSgictIiAzgPxeM5lBJPSvWF7KnqJo9RdWkDw1n7pRk\nYsL8nB1RRER6yIr1RdjtcNe0FIwa1i4i4qACTVzOoNggfnHvWPYeqWXFuiK2Hahke0ElGamRfGtK\nEtZgbWAqIuLODhytZXdhNSNSQhmRZHF2HBERl6ICTVySwWAgLdFCakIIOw9V8f76YrLzy8ndZ2PK\nqCjmTE4kPFxDH0VE3I3dbmf52kIAvnd7qhaFEhE5jwo0cWkGg4Gxg8MZPSiMLfsq+ODrItbuPM6G\nPeXcnpnE9DFRBGpTUxERt7HjYBWFxxu4YUg4wxIsVFaecHYkERGXogJN3ILRYGBiagTjhoWzaU85\nKzcW8+H6Qj7NPszM8bHMmhCPr7ens2OKiMhldHTYeW9dIQYDzM9KdnYcERGXpAJN3IrJaGTK6Ggy\n0iLZXljN258d4ONNR/hqWymzJsZz87hYbXQqIuKiNuaVUVbdxI2joojWwk8iIhelT7Liljw9jMy5\nMZkxyRa+2lbCvzYfYcX6Ir7YeozZkxKZPjYaTw+Ts2OKiMgZrW3tfLihGA+Tkbk3Jjk7joiIy1KB\nJm7Ny9PEbRkJTB0Tw2dbjvLZlmO8/eVBVuce5Y7MRG4cGaXNT0Xkur377rusXLnScZyXl8eIESNo\namrC19cXgMcee4wRI0Y4rmltbeXxxx/n+PHjmEwmnn32WeLi4vo8u6v4clspNQ2nmDUhHkugt7Pj\niIi4LBVo0i/4enswd0oyN6XH8knOUb7cVsI/Pj3Ap5uP8q0pSUwcHoHRqJXCROTaLFiwgAULFgCQ\nm5vLJ598wqFDh3j22WcZMmTIRZ/z8ccfExgYyIsvvsiGDRt48cUXeemll/oytstoamljVfZhfLw8\nmD0pwdlxRERcmm4tSL8S4GvmnumDeO7Hk5hxQwzVDS28/tFeFv8ll20HKrHb7c6OKCJu7tVXX+Wh\nhx7q9rrs7GxmzpwJwOTJk9m+fXtvR3NZn+Ye4WRLG7Mz4vH30YJOIiKXozto0i+FBHhx3y1DmTUh\nnpUbD7Mxr4xX399DQmQA87OSGZFk0d47InLVdu/eTVRUFOHh4QD84Q9/oLa2lpSUFBYtWoS399mh\ne1VVVVgsnZswG41GDAYDp0+fxmy+9NYgISG+ePTA/FlX2ieypqGFz7eWEBLgxcJbh+Pt1fWjhytl\nvRLulFdZe4ey9h53ytubWVWgSb8WFuzDD24fzm0Z8Xy4oZjcfRX8f+/sYkhsEPOnpjAkLtjZEUXE\njSxfvpx58+YBcP/99zN06FDi4+NZvHgxS5cu5YEHHrjkc6/kDn5tbdN1ZwwPD3CpvcXeXH2AU6fb\nuWf6IE40NHNuMlfL2h13yqusvUNZe4875e2JrJcr8DTEUQaEqFA/fvKtEfz638YzOiWUgpJ6nlu6\nnd8t20lxWYOz44mIm8jJyWHs2LEAzJw5k/j4eABmzJhBQUFBl2utViuVlZVA54Ihdrv9snfP+iNb\nbRPrdx0nIsSHKaOinB1HRMQtqECTASU+IoD/Z8FofvXddIYnhJBXXMP//vtWXlmxh5LKRmfHExEX\nZrPZ8PPzw2w2Y7fb+f73v09DQ+cXPDk5OQwePLjL9ZmZmXz66acArFmzhokTJ/Z5Zmd7f30R7R12\n5mUla0VdEZErpCGOMiClxATxi3vHsu9wDSvWF7G9oJIdBZVMTIvgWzcmERHi6+yIIuJiKisrHXPK\nDAYD99xzD9///vfx8fEhIiKC//iP/wDgwQcfZMmSJcyePZtNmzZx7733Yjabee6555wZv88dKT9B\n7r4KEiICGDfM6uw4IiJuQwWaDGjDEy0sSghhV2E1768vYnO+jdy9Fdw4Koo7MxO1V4+IOIwYMYI3\n3njDcTx79mxmz559wXVLliwBcOx9NlAtX1cIwN3TUjBqUSYRkSumAk0GPIPBwJhBYYxKCWXr/go+\n+LqY9buOsymvjGljY7h9UiJBfgNr3oiIyPXYd7iG/OIahieEkJZkcXYcERG3ogJN5AyjwcCE4RGk\nDw0nO8/Gyo3FfLG1hPW7jjNzXByzJsbj5639e0RELsdut3e5eyYiIldHBZrIeUxGIzeOiiIjLYL1\nu47z0abDrMo+wlfbS5k1IY6bx8Xh46X/dERELmbbgUqKy04wbpiVpKhAZ8cREXE7+pQpcgkeJiMz\nboglc2QUa7aX8q/NR3j/62I+31rC7ZMSmD42BrPn9W8oKyLSX7R3dLBifRFGg4H5WcnOjiMi4pa0\n5q1IN7w8TcyaGM/zP5nE3BuTaO/oYNlXh/jla5tZs6OUtvYOZ0cUEXEJG3aXUV7TxJTRUURatBqu\niMi1UIEmcoV8vDy488Yknv/JZG7LiOdkcytvrj7Aotc2s3FPGR0ddmdHFBFxmlOt7Xy4oRizh5E7\nM5OcHUdExG2pQBO5Sv4+niyYNojnfzKJm9JjqWs8xf9ZtY8n/08OW/dX0GFXoSYiA8+X20qoazzN\nzePiCAnwcnYcERG3pTloItcoyN+L78wcwq0T4vho42E27innjx/kER/hz/ysZEYmh2LQ3j8iMgCc\nbGnlX9lH8PP2YHZGvLPjiIi4Nd1BE7lOYUE+/Nvs4Tz1w4lMTI3gqK2Rl97dzbNLt7P/SK2z44mI\n9Lp/bT5C06k2Zmck4KvtSERErovuoIn0kEiLLz++M43ZGQm8v76InYeq+O1bO0hNDOEHd47A4qsP\nLSLS/9SeOMUXW0sICfDipvRYZ8cREXF7KtBEelic1Z9H7h5F0fEG3l9fSP7hWn7+h6+Js/qTkRrB\nhOERhAZ5OzumiEiP+HBDMa1tHXzrxiRtPSIi0gNUoIn0kuToQB5dOJYDR2tZs7OMbfttvLu2kHfX\nFjIkNoiJaZGMGxpOgK/Z2VFFRK5JWfVJNuwuI9LiS+bISGfHERHpF1SgifSyofEh3JgeT/HRGrYd\nqCBnr40DR+soKKnnn58XkJZkYWJqBGMHh+Ft1n+SIuI+3l9fRIfdzvysZExGTWsXEekJ+jQo0kf8\nfTyZOiaGqWNiqD1xitx9NjbvtbG7sJrdhdWYPYyMGRzGxNQIRiaH4mHShx0RcV3FZQ1sPVBJUlQg\n6UPDnR1HRKTfUIEm4gQhAV7cOiGeWyfEU1Z9kpy9NnL22sjdV0Huvgr8vD1IH2olIzWCIXHBGI1a\nrl9EXIfdbmf52kIA7p6Woi1FRER60BUVaM888wy7du3CYDCwaNEiRo0adcE1L774Ijt37uTNN9/s\n8ZAi/VlUqB9zpyTzrRuTOGI7weZ8G7n7bKzfdZz1u44T7G9mwvAIMtIiSIgI0AchEXG6/MM17DtS\ny4gkC8MTQpwdR0SkX+m2QMvNzeXIkSMsW7aMwsJCFi1axLJly7pcc+jQIbZs2YKnp5YRF7lWBoOB\nxMhAEiMDuWf6IAqO1bF5r42t+yv4bMsxPttyjAiLLxOHW8lIiyTS4uvsyCIyAHXY7by3tgiAu6am\nODmNiEj/022Blp2dzc033wxASkoK9fX1NDY24u/v77jmueee42c/+xmvvPJK7yUVGUCMRgPDEkIY\nlhDCd2YOIa+4mpy9NnYerGLlxsOs3HiYhMgAx7L9IQFezo4sIgPE1v0VHLGdYMJwKwmRAc6OIyLS\n73RboFVVVZGWluY4tlgsVFZWOgq0FStWMGHCBGJiYnovpcgA5ulhZOzgcMYODqfldBs7DlaRs9dG\nXlENR8pP8M5XhxgaH8zE1AjSh1rx99GdbBHpHW3tHaxYX4TJaGBeVrKz44iI9EtXvUiI3W53/L6u\nro4VK1bw17/+FZvNdkXPDwnxxcPj+jeyDA93r2/t3CmvsvaOnsoaFxPCndMGU994ik27j7NuRyn5\nRdXsP1rH0s8LSB8WQdbYGCakRuLtde3rAA3Etu0Lyiru7Otdx6mobWb6DTFEhGiYtYhIb+j205vV\naqWqqspxXFFRQXh453K6mzdvpqamhu985zucPn2ao0eP8swzz7Bo0aJLvl5tbdN1hw4PD6Cy8sR1\nv05fcae8yto7eivruMFhjBscRnV9i2PZ/pz8cnLyy/HyNDF2SBgZqRGkJlquatl+tW3vGIhZVeT1\nH6dOt7Ny42HMnkbunJzo7DgiIv1WtwVaZmYmL7/8MgsXLiQ/Px+r1eoY3jhr1ixmzZoFQElJCb/8\n5S8vW5yJSO8IDfLmtowEbstIoLTqm2X7y9mcb2Nzvg1/H0/GDetctn9QbBBGrQQpIlfp863HqD95\nmjmTEwny17xXEZHe0m2BdsMNN5CWlsbChQsxGAwsXryYFStWEBAQwMyZM/sio4hchZgwP+ZnJTNv\nShJFZQ2O/dXW7ihl7Y5SLIFeTBwewcTUCOKs/lq2X0S61djcyic5R/D38WTWhHhnxxER6deuaILK\nz3/+8y7Hw4YNu+Ca2NhY7YEm4kIMBgMp0UGkRAfx7RmD2H+0jpx8G9sKKvgk5yif5BwlKtSXjNTO\nYs2q+SQil/Tuu++ycuVKx3FeXh5vvfUWv/nNbzAajQQGBvLiiy/i4+PjuGbFihX8/ve/Jz6+s6CZ\nPHkyDz74YJ9n7wmrsg/TfKqdb89Iwtf72ue2iohI9/RTVmQAMBmNpCVaSEu08N1bh7C7sIacveXs\nPFTN+18X8/7XxSRFBZ5Ztt+qeUMi51mwYAELFiwAOvcH/eSTT3jqqad4/PHHGTVqFM8//zwrVqzg\nO9/5TpfnzZ49m8cee8wZkXtMdX0LX27rvPs+4wat2Cwi0ttUoIkMMJ4eJtKHhpM+NJzmU21sL6gk\nZ6+N/MM1FJc18PZXBxk9KJyxg0NJHxKOr7eW7Rc516uvvsoLL7yAj4+PY062xWKhrq7Oycl6x4cb\nimlr72Dujcl49sAqzCIicnkq0EQGMB8vDzJHRpE5Mor6k6fZur+CzXvL2Xmwkp0HK3lz9QFGpXSu\nBDkqJRSzpz6cycC2e/duoqKiHKsZAzQ1NfHhhx/y+9///oLrc3NzeeCBB2hra+Oxxx4jNTW1L+Ne\nt9Kqk2zMKyM6zI/JIyKdHUdEZEBQgSYiAAT5mbkpPZab0mNpNxr5dGMRm/NtbC+oZHtBJd5mEzcM\nCScjNYLhiSGYjFe+bL9If7F8+XLmzZvnOG5qauLBBx/kBz/4ASkpKV2uHT16NBaLhWnTprFjxw4e\ne+wxPvroo8u+vqvtFfrax3ux2+Hf7kgjIiKwR17zfO42pNqd8ipr71DW3uNOeXszqwo0EblAZKgf\nt09K5PZJiZRUNHbur7bXxqa8cjbllRPo68n4YRFMTIsgJTpQK0HKgJGTk8MTTzwBQFtbGw899BBz\n5sxh/vz5F1ybkpLiKNrGjh1LTU0N7e3tmEyXLsBcaa/QQ6X1bM4rZ1BMEMlWv17Zw8+d9gYE98qr\nrL1DWXuPO+XtiayXK/BUoInIZcVa/bnb6s9dU5MpLG1g895ytuyv4MvtJXy5vYSwIG8mnlkJMjbc\n39lxRXqNzWbDz88Ps9kMwOuvv86ECRMci4ec7/XXXycqKoo5c+ZQUFCAxWK5bHHmSux2O8vXFgJw\n97QUfQkjItKHVKCJyBUxGAwMig1iUGwQC28azL4jteTstbGtoJJV2UdYlX2E2HC/zmJteARhwT7d\nv6iIG6msrMRisTiOly5dSmxsLNnZ2QBMnDiRn/70pzz44IMsWbKEO+64g1/84he8/fbbtLW18fTT\nTzsr+lXbU1RDwbE6RqWEMiQu2NlxREQGFBVoInLVPExGRiaHMjI5lPtb29lVWM3m/HL2FFXz3roi\n3ltXxKCYICamRjB+mJVAP7OzI4tctxEjRvDGG284jjds2HDR65YsWQJAZGSkW+4P2mG38966QgzA\nXVNTur1eRER6lgo0EbkuZk8T44dZGT/MSlNLK9sOVLJ5r439R2o5VFrPW18cJDUphInDI7hhSDg+\nXvqxI+LKcvbaOFbRyKS0COKsGrYsItLX9ElJRHqMr7cnU0ZHM2V0NHWNp9iyr4LNe23kFdWQV1TD\nP1YfYPSgzmX7RyaH4umhlSBFXElbewfvry/CZDQwd0qys+OIiAxIKtBEpFcE+3sxc3wcM8fHYatt\nIufMSpBb91ewdX8FPl4epA/tXLZ/WHwIRqMWIRBxtrU7Sqmqb+Hm9FjCNY9URMQpVKCJSK+LCPHl\nzswk7picyLFzlu3fsLuMDbvLCPIzM2F450qQSVEBWjFOxAmaT7Xx0abDeJlNzJmc6Ow4IiIDlgo0\nEekzBoOB+IgAN0umtwAAFSlJREFU4iMCuHtaCgeP1ZGzr4It+2x8vvUYn289hjXYx7Fsf3SYn7Mj\niwwYn285xommVu7MTNTCPiIiTqQCTUScwmgwMDQ+hKHxIfyvmweTX1xDzl4b2w9W8tGmw3y06TDx\nEf6OZfstgd7OjizSbzU0neaT3KME+Hpy64R4Z8cRERnQVKCJiNN5mIyMHhTG6EFhnDrdzs5DVeTs\ntbGnqJp31xTy7ppChsQFk5EawbhhVvx9PJ0dWaRf+XjTYU6dbmd+VrJWWhURcTL9FBYRl+JlNjmG\nODY2t7L1QAW5e20cOFpHwbE6ln5eQFqShYzUCMYMDnN2XBG3V1XXzNodpYQFeTNtTIyz44iIDHgq\n0ETEZfn7eDJtTAzTxsRQ09BC7r4Kcvba2F1Yze7CasyeRtKHRTAkJpCRyaEaBilyDT7YUExbu525\nU5K09YWIiAtQgSYibsES6M2sifHMmhhPWfVJx7L92XvKyN5TBkBMmB8jki2MSA5lSGywPmyKdKOk\nopHsvHJiw/3ISI10dhwREUEFmoi4oahQP+ZOSWbulGRaMbBu61HyimvYf6SW1bnHWJ17DLOnkeHx\nIYxIDmVksgVriK+zY4u4nPfWFWIH7pqaor0IRURchAo0EXFr0eH+3DwujpvHxdHa1k7BsXr2FFWz\np6iaXYWd/wBYQ3wYmRTKyBQLQ+ND8PI0OTm5iHMVHKtjV2E1Q2KDGJUS6uw4IiJyhgo0Eek3PD1M\npCVZSEuysPCmwVTVN5NXXENeUQ17D9fw5fYSvtxegofJyNC4IEYkhzIiOZToUF9tji0Dit1uZ/m6\nQgDunjZIf/9FRIC1a79k2rSbur3u6aefZs6cu4iO7p2FlVSgiUi/FRbk41hkpK29g8LSevYU1ZBX\nVE3+4VryD9ey7KtDhAZ6dRZrSaGkJoZomXHp93YdquZQST1jBoUxKDbI2XFERJyurOw4X3yx+ooK\ntF/96ldUVp7otSz6FCIiA4KHyejYGPvuaSnUNZ4iv7iGPUXV5BfXsG7ncdbtPI7JaCAlJoiRyRZG\nJIUSH+GvuwvSr3R02HlvXSEGA9w1NdnZcUREXMLvfvc8+/blM2XKeG655TbKyo7z0kt/5Nlnf0Nl\nZQXNzc384Ac/IjNzCt/97nf56U//izVrvuTkyUaOHj1CaWkJjzzyKJMmZV53FhVoIjIgBft7kTky\nisyRUXR02Ckua2BPUTV5xTUcPNa559p764oI8jMzIqlzZci0JIs2yRa3l51fTmnVSTJHRhIT7u/s\nOCIiF3jnq0Ns2V/Ro685fpiVe2YMuuTj9977XVaseIekpBSOHj3MH//4BrW1NUyYkMFtt82htLSE\nJ598nMzMKV2eV1Fh44UX/sDmzZv48MP3VKCJiPQE45m7ZikxQcydksyJptPkH+6cu5ZXVM3GvHI2\n5pVjAJKiO/dcG5FsISkyUCvfiVtpbWvng6+L8DAZmHuj7p6JiFzM8OFpAAQEBLJvXz4rV67AYDDS\n0FB/wbWjRo0BwGq10tjY2CPvrwJNROQ8Ab5mMlIjyUiNpMNu55itsfPuWlE1h0obKDrewIcbivHz\n9iAtydJZsCVZCPL3cnZ0kctas+M41Q2nuGV8HKFB2thdRFzTPTMGXfZuV2/z9OwcLfP555/S0NDA\nq6++QUNDA//+79+94FqT6eyq0Ha7vUfeXwWaiMhlGA0GEiIDSIgMYM7kRJpa2th3pIY9RZ3z13L3\nVZC7r3MYRnyEv6NYS4kJwsOkjbLFdTSfauPjTYfx8TJx+6QEZ8cREXEpRqOR9vb2Lufq6uqIiorG\naDSybt1XtLa29kkWFWgiIlfB19uD9KFW0odasdvtHK862bkyZHE1BcfqOGprZFX2EbzNJlITLYxI\ntjAyKVR3K8TpPs05SmNzK/OmJBHga3Z2HBERl5KQkMSBA/uJioomODgYgGnTZvD44//F3r153H77\nnVitVv7619d7PYsKNBGRa2QwGIgJ9ycm3J9ZE+M5dbqd/UdrHRtlby+oZHtBJQDRYX5MSIskJTKA\nIXFBeHpoo2zpO/UnT/PZlmME+pm5ZXy8s+OIiLickJAQVqxY1eVcVFQ0f//7247jW265DYDw8AAq\nK0+QnHx2GGZy8iBeeeW1HsmiAk1EpId4mU2MHhTG6EFhANhqm8g7MxRy/5FaPjizMbDZ08iw+BDH\nYiMRIb7OjC0DwEcbiznV2s6C6Sl4mfXlgIiIK1OBJiLSSyJCfIlI9+Wm9Fha29qxNZxmw44S8opr\n2F1Yze7CagCswT6MSO5cyn94fIg+QEuPqqhrZt3O44QHe5M1OtrZcUREpBsq0ERE+oCnh4mxQ63E\nWnwAqK5vIa+4mj1FNew9XMNX20v5anspHiYDQ+KCGZEUyshkC9FhftooW67LB+uLaO+wMy8rWQvX\niIi4ARVoIiJOEBrkzdQxMUwdE0NbeweFpfXkFdewp7CavYdr2Xu4lnfWQEiAFyOTO5fyH55gwddb\nP7ad4d1332XlypWO47y8PN566y1+/etfAzB06FD+53/+p8tzWltbefzxxzl+/Dgmk4lnn32WuLi4\nvozNUdsJNu+1ER/hz4ThEX363iIicm3U04uIOJmHycjQ+BCGxodw19QU6hpPkV/cOXctv7iG9bvK\nWL+rDKPBwKCYQEYkhzIyOZS4CH+MurvWJxYsWMCCBQsAyM3N5ZNPPuHpp59m0aJFjBo1ikcffZR1\n69YxdepUx3M+/vhjAgMDefHFF9mwYQMvvvgiL730Up/mXn5m3uPdU1P0d0VExE2oQBMRcTHB/l5k\njowic2QUHR12issb2FNYTV5xDQdL6ikoqWfF+iIC/cyMSOpcyj8t0aKl0/vIq6++yrPPPst9993H\nqFGjAJg+fTrZ2dldCrTs7Gzmzp0LwOTJk1m0aFGf5tx/pJa8ohqGxQeTlmTp0/cWEZFrpwJNRMSF\nGY0GUqKDSIkOYu6UZBqbW8kvriGvqJo9xTVsyitnU145BiAxKtAxHDIpKhCjUXdMetru3buJiorC\nZDIRGBjoOB8aGkplZWWXa6uqqrBYOgsjo9GIwWDg9OnTmM29X0jb7XbH3bO7pqVoHqOISA+5++47\n+Ne/VnV/4XVQgSYi4kb8fTyZmBrBxNQIOux2jtkaHYuNHCqpp7isgZUbD+Pn7UFakoURSZ1L+Qf7\nezk7er+wfPly5s2bd8F5u93e7XOv5JqQEF88emCPvEJbI0XHG5g0MoqM0bHX/Xq9KTw8wNkRroo7\n5VXW3qGsvccd8prOLLbUm1lVoImIuCmjwUBCZAAJkQHcPimRppY29h3p3Cg7r7ia3H0V5O6rACDO\n6s/I5M6VIVNigrSa3zXKycnhiSeewGAwUFdX5zhvs9mwWq1drrVarVRWVjJs2DBaW1ux2+3d3j2r\nrW267owWix9//SgfgwHmZMRTWXniul+zt3yz2au7cKe8yto7lLX3ODvvD37wHZ555kUiIyMpLy/j\nl798lPBwK83NzbS0tPCzn/2C1NQRtLd3AFx31ssVeCrQRET6CV9vD9KHhpM+NBy73c7x6ibyiqrJ\nK6rmwLE6jlU08q/NR/A2mxiecHaj7LAgH2dHdws2mw0/Pz9HkZWcnMzWrVsZN24cn332Gd/97ne7\nXJ+Zmcmnn37KlClTWLNmDRMnTuyTnF9uPUZZdRNZo6OICvXrk/cUEelJKw59zI6KPT36mmOtI5k/\naM4lH8/Kms7Gjeu56657+PrrdWRlTSclZTBZWdPYtm0LS5f+naef/n97NNOlqEATEemHDAYDMWF+\nxIT5ceuEeE6dbmf/0c5FI/YUV7PjYBU7DlYBEBXq6yjWhsYF49kDQ+z6o8rKSsecMoBFixbx3//9\n33R0dDB69GgmT54MwIMPPsiSJUuYPXs2mzZt4t5778VsNvPcc8/1esbTre28tXo/nh5G7sxM6vX3\nExHpL7KypvPKKy9x1133sGHDOn7605/x9ttv8tZbb9La2oq3t3efZVGBJiIyAHiZTYweFMboQWEA\n2GqbOou1omr2H63lsy3H+GzLMcwenUv+TxsXx5ikEC0ucY4RI0bwxhtvOI4HDRrEP//5zwuuW7Jk\nCYBj77O+9NX2UqrqW5g1MR5LYN99mBAR6UnzB8257N2u3pCcnEJ1dSU2WzknTpzg66/XEhZm5ckn\n/zf79+/llVf6bpsUFWgiIgNQRIgvEem+3JQeS2tbOwUl9WeGQ3YWbXuKqnnuxxlYQ3ydHVWuwp6i\navx9PJmdkeDsKCIibmfSpBt57bU/MmXKVOrqaklJGQzAunVraGtr67McKtBERAY4Tw8TaYmde6l9\newbUNLRg9zAR6uvp7GhylR64fThBwb6YOjqcHUVExO1MnTqdn/zkB/ztb2/R0tLMU08tZs2aL7jr\nrnv44ovPWLVqZZ/kUIEmIiJdWAK9nb6allwbS6A34aF++ncnInINhg9PY926HMfx0qXLHb+/8cap\nANx++534+fnR1NR7P2e1zrKIiIiIiIiLuKI7aM888wy7du3CYDCwaNEiRo0a5XjsnXfeYfny5RiN\nRoYNG8bixYs1qVxEREREROQadHsHLTc3lyNHjrBs2TKefvppnn76acdjzc3NrFq1iqVLl/L2229T\nVFTEjh07ejWwiIiIiIhIf9VtgZadnc3NN98MQEpKCvX19TQ2NgLg4+PD3//+dzw9PWlubqaxsZHw\n8PDeTSwiIiIiItJPdVugVVVVERIS4ji2WCxUVlZ2uea1115j5syZzJo1i7i4uJ5PKSIiIiIiMgBc\n9SqOdrv9gnM/+tGPuP/++/nhD39Ieno66enpl3x+SIgvHh6mq33bC4SHB1z3a/Qld8qrrL3DnbKC\ne+VV1t7hTllFRET6i24LNKvVSlVVleO4oqLCMYyxrq6OgwcPMn78eLy9vcnKymL79u2XLdBqa5uu\nO7S7Lf/sTnmVtXe4U1Zwr7zK2jt6KquKPBERkavT7RDHzMxMVq9eDUB+fj5WqxV/f38A2traePzx\nxzl58iQAe/bsISkpqRfjioiIiIiI9F/d3kG74YYbSEtLY+HChRgMBhYvXsyKFSsICAhg5syZPPzw\nw9x///14eHgwdOhQbrrppr7ILSIiIiIi0u9c0Ry0n//8512Ohw0b5vj9/PnzmT9/fs+mEhERERER\nGYAM9out+iEiIiIiIiJ9rts5aCIiIiIiItI3VKCJiIiIiIi4CBVoIiIiIiIiLkIFmoiIiIiIiItQ\ngSYiIiIiIuIiVKCJiIiIiIi4iCvaB82ZnnnmGXbt2oXBYGDRokWMGjXK8dimTZv43e9+h8lkIisr\ni4cfftiJSS+fdcaMGURGRmIymQB44YUXiIiIcFZUAAoKCnjooYf4/ve/z3333dflMVdr28tldbW2\n/e1vf8u2bdtoa2vjxz/+MbfccovjMVdr18tldaV2bW5u5vHHH6e6uppTp07x0EMPMX36dMfjrtSu\n3WV1pXY9V0tLC3PmzOGhhx7qsrelK7WtdOVO/SO4Vx+p/rH3qI/seeoje5dT+ke7C8vJybH/6Ec/\nstvtdvuhQ4fs99xzT5fHb7vtNvvx48ft7e3t9nvvvdd+8OBBZ8S02+3dZ50+fbq9sbHRGdEu6uTJ\nk/b77rvP/sQTT9jffPPNCx53pbbtLqsrtW12drb93//93+12u91eU1Njnzp1apfHXaldu8vqSu26\natUq+2uvvWa32+32kpIS+y233NLlcVdq1+6yulK7nut3v/udff78+fb33nuvy3lXals5y536R7vd\nvfpI9Y+9R31k71Af2buc0T+69BDH7Oxsbr75ZgBSUlKor6+nsbERgGPHjhEUFERUVBRGo5GpU6eS\nnZ3tklldkdls5vXXX8dqtV7wmKu17eWyuprx48fz+9//HoDAwECam5tpb28HXK9dL5fV1cyePZsf\n/vCHAJSVlXX5Ns3V2vVyWV1VYWEhhw4dYtq0aV3Ou1rbylnu1D+Ce/WR6h97j/rI3qE+svc4q390\n6SGOVVVVpKWlOY4tFguVlZX4+/tTWVmJxWLp8tixY8ecERO4fNZvLF68mNLSUtLT03n00UcxGAzO\niAqAh4cHHh4X/9fvam17uazfcJW2NZlM+Pr6ArB8+XKysrIct+ldrV0vl/UbrtKu31i4cCHl5eX8\n6U9/cpxztXb9xsWyfsPV2vX555/nySef5IMPPuhy3lXbVtyrfwT36iPVP/Ye9ZG9S31kz3NW/+jS\nBdr57Ha7syNcsfOzPvLII0yZMoWgoCAefvhhVq9ezaxZs5yUrn9xxbb94osvWL58OX/5y1+cmuNK\nXCqrK7br22+/zb59+/jFL37BypUrnd4ZXs6lsrpau37wwQeMGTOGuLg4p2WQ6+dO/SOoj+wrrtqu\n6iN7h/rInuXM/tGlhzharVaqqqocxxUVFYSHh1/0MZvN5tRb/JfLCjB37lxCQ0Px8PAgKyuLgoIC\nZ8S8Iq7Wtt1xtbb9+uuv+dOf/sTrr79OQECA47wrtuulsoJrtWteXh5lZWUADB8+nPb2dmpqagDX\na9fLZQXXaleAtWvX8uWXX3LPPffw7rvv8sc//pFNmzYBrte2cpY79Y/Qf/pIV2zby3HFdlUf2fPU\nR/YOZ/aPLl2gZWZmsnr1agDy8/OxWq2O4RCxsbE0NjZSUlJCW1sba9asITMz0yWznjhxggceeIDT\np08DsGXLFgYPHuy0rN1xtba9HFdr2xMnTvDb3/6WP//5zwQHB3d5zNXa9XJZXa1dt27d6vj2sqqq\niqamJkJCQgDXa9fLZXW1dgV46aWXeO+993jnnXdYsGABDz30EJMnTwZcr23lLHfqH6H/9JGu2LaX\n4ortqj6yd6iP7B3O7B8NdhcfF/HCCy+wdetWDAYDixcvZu/evQQEBDBz5ky2bNnCCy+8AMAtt9zC\nAw884LJZ//73v/PBBx/g5eVFamoqTz75pFNvPefl5fH8889TWlqKh4cHERERzJgxg9jYWJdr2+6y\nulLbLlu2jJdffpmkpCTHuYkTJzJ06FCXa9fusrpSu7a0tPCrX/2KsrIyWlpa+OlPf0pdXZ1L/izo\nLqsrtev5Xn75ZWJiYgBcsm2lK3fqH8F9+kj1j71HfWTvUB/Z+/q6f3T5Ak1ERERERGSgcOkhjiIi\nIiIiIgOJCjQREREREREXoQJNRERERETERahAExERERERcREq0ERERERERFyECjQREREREREXoQJN\nRERERETERahAExERERERcRH/F34/2A1nOt+kAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "xRphYPaVWTzY", + "colab_type": "code", + "outputId": "a29f02c4-b004-4756-c06e-2438eb0d306e", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Test performance\n", + "trainer.run_test_loop()\n", + "print(\"Test loss: {0:.2f}\".format(trainer.train_state['test_loss']))\n", + "print(\"Test Accuracy: {0:.1f}%\".format(trainer.train_state['test_acc']))" + ], + "execution_count": 75, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Test loss: 0.51\n", + "Test Accuracy: 82.9%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "z_Zrw9rIWTwU", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Save all results\n", + "trainer.save_train_state()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "bsWE23n-U-Cy", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Using GloVe embeddings" + ] + }, + { + "metadata": { + "id": "HH_328MjWoM-", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We just used some randomly initialized embeddings and we were able to receive decent performance. Keep in mind that this may not always be the case and we may overfit on other datasets with this approach. We're now going to use pretrained GloVe embeddings to initialize our embeddings. We will train our model on the supervised task and assess the performance by first freezing these embeddings (so they don't change during training) and then not freezing them and allowing them to be trained. \n", + "\n", + "```python\n", + "pretrained_embeddings = torch.from_numpy(pretrained_embeddings).float()\n", + "self.embeddings = nn.Embedding(embedding_dim=embedding_dim, \n", + " num_embeddings=num_embeddings, \n", + " padding_idx=padding_idx, \n", + " _weight=pretrained_embeddings)\n", + "```" + ] + }, + { + "metadata": { + "id": "r1EAWPBEKoaS", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "def load_glove_embeddings(embeddings_file):\n", + " word_to_idx = {}\n", + " embeddings = []\n", + "\n", + " with open(embeddings_file, \"r\") as fp:\n", + " for index, line in enumerate(fp):\n", + " line = line.split(\" \")\n", + " word = line[0]\n", + " word_to_idx[word] = index\n", + " embedding_i = np.array([float(val) for val in line[1:]])\n", + " embeddings.append(embedding_i)\n", + "\n", + " return word_to_idx, np.stack(embeddings)\n", + "\n", + "def make_embeddings_matrix(words):\n", + " word_to_idx, glove_embeddings = load_glove_embeddings(embeddings_file)\n", + " embedding_dim = glove_embeddings.shape[1]\n", + " embeddings = np.zeros((len(words), embedding_dim))\n", + " for i, word in enumerate(words):\n", + " if word in word_to_idx:\n", + " embeddings[i, :] = glove_embeddings[word_to_idx[word]]\n", + " else:\n", + " embedding_i = torch.zeros(1, embedding_dim)\n", + " nn.init.xavier_uniform_(embedding_i)\n", + " embeddings[i, :] = embedding_i\n", + "\n", + " return embeddings" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "FZBLYjtWKoX5", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "args.use_glove_embeddings = True" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Gj77_BmoHA3s", + "colab_type": "code", + "outputId": "30f47b5b-310e-4bcc-d25c-07723dedb0b6", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Initialization\n", + "dataset = NewsDataset.load_dataset_and_make_vectorizer(args.split_data_file, \n", + " cutoff=args.cutoff)\n", + "dataset.save_vectorizer(args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "\n", + "# Create embeddings\n", + "embeddings = None\n", + "if args.use_glove_embeddings:\n", + " embeddings_file = 'glove.6B.{0}d.txt'.format(args.embedding_dim)\n", + " words = vectorizer.title_vocab.token_to_idx.keys()\n", + " embeddings = make_embeddings_matrix(words=words)\n", + " print (\"\".format(\n", + " np.shape(embeddings)[0], np.shape(embeddings)[1]))" + ], + "execution_count": 79, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Creating from scratch!\n", + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "CC4ofLswt-D3", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + }, + "outputId": "d183b8e5-f418-4b8c-f58e-20f06b31982e" + }, + "cell_type": "code", + "source": [ + "# Initialize model\n", + "model = NewsModel(embedding_dim=args.embedding_dim, \n", + " num_embeddings=len(vectorizer.title_vocab), \n", + " num_input_channels=args.embedding_dim, \n", + " num_channels=args.num_filters, hidden_dim=args.hidden_dim, \n", + " num_classes=len(vectorizer.category_vocab), \n", + " dropout_p=args.dropout_p, pretrained_embeddings=embeddings, \n", + " padding_idx=vectorizer.title_vocab.mask_index)\n", + "print (model.named_modules)" + ], + "execution_count": 80, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "44gVZbKbHA7R", + "colab_type": "code", + "outputId": "05a65ccf-bf15-42dd-84a7-ffe120aca5cf", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Train\n", + "trainer = Trainer(dataset=dataset, model=model, \n", + " model_state_file=args.model_state_file, \n", + " save_dir=args.save_dir, device=args.device,\n", + " shuffle=args.shuffle, num_epochs=args.num_epochs, \n", + " batch_size=args.batch_size, learning_rate=args.learning_rate, \n", + " early_stopping_criteria=args.early_stopping_criteria)\n", + "trainer.run_train_loop()" + ], + "execution_count": 81, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[EPOCH]: 00 | [LR]: 0.001 | [TRAIN LOSS]: 0.50 | [TRAIN ACC]: 81.8% | [VAL LOSS]: 0.44 | [VAL ACC]: 84.1%\n", + "[EPOCH]: 01 | [LR]: 0.001 | [TRAIN LOSS]: 0.41 | [TRAIN ACC]: 85.3% | [VAL LOSS]: 0.45 | [VAL ACC]: 84.2%\n", + "[EPOCH]: 02 | [LR]: 0.001 | [TRAIN LOSS]: 0.36 | [TRAIN ACC]: 86.7% | [VAL LOSS]: 0.45 | [VAL ACC]: 83.9%\n", + "[EPOCH]: 03 | [LR]: 0.001 | [TRAIN LOSS]: 0.30 | [TRAIN ACC]: 89.2% | [VAL LOSS]: 0.46 | [VAL ACC]: 83.9%\n", + "[EPOCH]: 04 | [LR]: 0.001 | [TRAIN LOSS]: 0.26 | [TRAIN ACC]: 90.5% | [VAL LOSS]: 0.48 | [VAL ACC]: 84.0%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "98MqlEQ0sfTs", + "colab_type": "code", + "outputId": "ef300406-fa50-41e2-ed77-f558520cc8c3", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Plot performance\n", + "trainer.plot_performance()" + ], + "execution_count": 82, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA24AAAE+CAYAAAD1QEO5AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xd8lfXd//HXWdmDhOzNSAgJhCl7\nyJKwVIZKRaW17a9WqeOu1opaukR7V62i9dbbuy7UFkEQEQQEARVZYYQ9hewJ2Ts55/dHQiQy1SQn\nJ3k/Hw8fyblyXck7x/BI3uf6Xp/LYLPZbIiIiIiIiEibZbR3ABEREREREbkyFTcREREREZE2TsVN\nRERERESkjVNxExERERERaeNU3ERERERERNo4FTcREREREZE2TsVNpBn16NGD7Oxse8cQERFpNbNn\nz+bGG2+0dwyRdk/FTURERER+kOPHj+Pp6UlISAh79+61dxyRdk3FTaQVVFVV8Yc//IGJEycyadIk\nnnnmGerq6gB49913mTRpEomJicyaNYsTJ05ccbuIiEhbsWLFChITE5k6dSofffRR4/aPPvqIiRMn\nMnHiRB555BGqq6svu33Hjh1MmDCh8dgLH7/00ks88cQTzJo1i7feegur1cqf/vQnJk6cyNixY3nk\nkUeoqakB4Ny5c9xzzz2MGzeOadOm8dVXX7F582amTp3aJPOMGTPYsGFDSz81Is3ObO8AIh3B22+/\nTXZ2NqtXr6a2tpY77riDTz75hHHjxvHiiy+yadMmPDw8+PTTT9m8eTPBwcGX3B4dHW3vb0VERASA\nuro6PvvsM+677z5MJhPPPfcc1dXV5Obm8re//Y2PPvqIgIAAfvOb3/DOO++QmJh4ye29e/e+4tfZ\nsmULK1euxNfXl3Xr1pGUlMQnn3yC1Wpl+vTprFmzhptuuonnnnuObt268eqrr3L48GF+9rOf8eWX\nX5KXl8fRo0eJjY0lMzOT1NRURo0a1UrPkkjzUXETaQWbN2/m7rvvxmw2YzabmTZtGlu3bmXy5MkY\nDAaWLVvG1KlTmTRpEgA1NTWX3C4iItJWfPXVV/Tu3RsPDw8ABg0axKZNmygsLKRfv34EBgYC8Nxz\nz2Eymfjwww8vuX337t1X/Dp9+vTB19cXgIkTJzJmzBgsFgsAvXv3Ji0tDagveK+//joAcXFxbNy4\nEScnJyZOnMjq1auJjY1lw4YNjBs3Dicnp+Z/QkRamJZKirSCc+fO4e3t3fjY29ubs2fPYrFYeOut\nt9izZw8TJ07k9ttv59ixY5fdLiIi0lYsX76czZs3M3DgQAYOHMj69etZsWIFBQUFeHl5Ne7n7OyM\n2Wy+7ParufD357lz53j00UeZOHEiiYmJbNy4EZvNBkBhYSGenp6N+54vlFOmTGH16tUAbNiwgcmT\nJ/+4b1zETlTcRFqBn58fhYWFjY8LCwvx8/MD6l8VXLRoEdu2bWPEiBEsWLDgittFRETsraioiJ07\nd7Jjxw6SkpJISkpi165dHDhwAKPRSEFBQeO+paWl5Ofn4+Pjc8ntJpOp8bpvgOLi4st+3X/84x+Y\nzWZWrVrF2rVrGT16dOPHOnXq1OTzp6enU1NTw3XXXUdtbS2bNm3ixIkTDBs2rLmeBpFWpeIm0gqu\nv/56li1bRl1dHeXl5axcuZLRo0dz7Ngx7r//fqqrq3FycqJXr14YDIbLbhcREWkLVq9ezZAhQ5os\nOTSbzYwYMYLq6mr27NlDeno6NpuNBQsWsGzZMkaPHn3J7f7+/uTl5XH27Fnq6upYtWrVZb/u2bNn\niYmJwcnJiaNHj7J3717Ky8sBGDt2LCtWrADg5MmTzJgxg7q6OoxGI5MnT+Yvf/kLY8eObVxmKeJo\ndI2bSDO78847MZlMjY//+te/cuedd5KWlsaUKVMwGAwkJiY2XrcWFhbG1KlTsVgsuLu784c//IGY\nmJhLbhcREWkLPvroI+bOnXvR9gkTJvDKK6/w5z//mblz52Iymejduzc/+9nPcHZ2vuz2mTNncvPN\nNxMSEsJNN93EkSNHLvl17777bh599FGWL1/OwIEDefTRR3n88cdJSEjgkUce4dFHH2Xs2LG4u7vz\n7LPP4uLiAtQvl3zzzTe1TFIcmsF2fmGwiIiIiEg7lJ+fz/Tp09m8eXOTF1dFHImWSoqIiIhIu7Zo\n0SJ+8pOfqLSJQ1NxExEREZF2KT8/n3HjxpGfn8/dd99t7zgiP4qWSoqIiIiIiLRxOuMmIiIiIiLS\nxqm4iYiIiIiItHFt5nYAeXklP/pz+Pi4UVBQ3gxpWp4jZQXHyqusLcORsoJj5e1oWf39PZspTcfQ\nHL8foeP9nLUWZW05jpRXWVuGI2WFlv8d2a7OuJnNjjMpyJGygmPlVdaW4UhZwbHyKqu0Bkf6f6es\nLcORsoJj5VXWluFIWaHl87ar4iYiIiIiItIeqbiJiIiIiIi0cSpuIiIiIiIibZyKm4iIiIiISBun\n4iYiIiIiItLGqbiJiIiIiIi0cSpuIiIiIiIibZyKm4iIsHnzxmva76mnniIzM6OF04iIiMh3qbiJ\niHRwWVmZbNiw7pr2ffzxxwkJCW3hRCIiIvJdZnsHaC5nsos5lllMjxAve0cREXEozz//N44cOcTI\nkddxww2TyMrK5IUXXuHpp/9MXl4uFRUV3H33/2P48JHceeedzJv3X2zatJGyslJSU1PIyEjn/vt/\ny9Chw+39rYiIiLS6jPwyDp0+x/Sx0S36da6puC1cuJDk5GQMBgPz588nISGh8WNjx44lKCgIk8kE\nwLPPPktgYOAVj2kJa3eksvNILndN7MH1/fRqsIjItfrJT+5k+fIP6NKlG6mpZ3jllf+joOAcgwYN\nYdKkqWRkpPPkk79n+PCRTY7Lzc3h2WcXsX3716xc+aGKm4iIdBhWq43kU/ls3J3O4TMFAMRE+RLl\n795iX/OqxW3nzp2kpKSwZMkSTp06xfz581myZEmTfV5//XXc3d2/1zHNbcaorhxLK2Tx+mP4ejmT\n0M2vRb+eiEhL+ODzk+w6mtusn/O62ABuHdv9mvbt2TMeAE9PL44cOcTHHy/HYDBSXFx00b4JCX0B\nCAgIoLS0tPkCi4iItFFllTV8mZzF53vSyS+qBCA2ohPjBoQzsGcg+fkt9/vwqsVt27ZtjB8/HoBu\n3bpRVFREaWkpHh4ezXrMjxXg48YTdw9m/itb+Z+PDvH7Of2JDPJssa8nItIeWSwWAD77bC3FxcX8\n85//R3FxMb/4xZ0X7Xt+pQWAzWZrtYwiIiKtLSOvlI270/n6UDbVNVaczEZG9Qlh3IAwwgPqO47B\nYGjRDFctbvn5+cTHxzc+9vX1JS8vr0kJW7BgARkZGQwYMIDf/va313RMS4iN9OX/TYvnlRUHeGFp\nMk/cNZDO3i4t+jVFRJrTrWO7X/PZseZiNBqpq6trsq2wsJDg4BCMRiNbtnxOTU1Nq2YSERGxN6vV\nxr6T9cshj6TUL4fs7OXC2BGhjEwIwcPV0qp5vvdwku++qnr//fczcuRIvL29ue+++1i37uLJZNfy\nSqyPjxtms+mq+11N4oiuVFlt/N/Kg7y04gB/mzey1Z/Ua+Xv71hnBB0pr7K2DEfKCo6V155ZBwzo\nzVNPHadr1yg8PFzw9/dkxoxp/PrXv+bEiSPMnDmTkJBglix5GwAfH3fc3Z0b9y0ocMfJyexQz7eI\niMjllFbU8OX+TDbtyWhcDtkz0odxA8Lo290Po7Flz6xdzlWLW0BAAPn5+Y2Pc3Nz8ff3b3x88803\nN74/atQojh8/ftVjLqWgoPx7Bb8Uf39P8vJKGNYzgDPpYWzYnc6fX9/GQ7f2wWxqW3c+OJ/VUThS\nXmVtGY6UFRwrr/2zWli6dFXjo7y8EpydvXnjjfcbtw0dOgaAefPmkZdXwuzZP23c18cnmOeff+Wa\nvwcVPBERaYvSc0vZsDud7Yeyqa614mQxcn3fEMYOCCPMv2VXDl6Lq7aZ4cOHN55FO3ToEAEBAY1L\nHktKSvj5z39OdXU1ALt27SI6OvqKx7SW2eOi6Rftx5GUAt769KiuvxARERERkSbqrFZ2H8vlv9/f\nwx/e2MkXyZl4uTtx65juPHffcO5KjG0TpQ2u4Yxb//79iY+PZ/bs2RgMBhYsWMDy5cvx9PRkwoQJ\njBo1ittuuw1nZ2fi4uJITEzEYDBcdExrMxoN/L8b4/nv9/fy9cFs/LxduHlk11bPISIiIiIibUtp\nRQ1fJGeyaU86Z4urAIiLql8O2aeb/ZZDXsk1XeP28MMPN3kcGxvb+P7cuXOZO3fuVY+xB2eLiQdm\nJfDXd5L4eOsZ/LxdGZEQbO9YIiIiIiJiB6k5JWzcnc72wznU1FpxtpgY0y+UsQPCCPVruXuwNYfv\nPZzE0Xi5O/HQrX1YuHg3b689io+XM/FRvvaOJSIiIiIiraDOamXv8Xw27E7neFohAP6dXBjXP4wR\nCcG4ubTNQYbf1e6LG0BwZ3d+MzOBZ/+zl1dWHOCxOQMIC2gba1VFRKT9slqtLFiwgBMnTmCxWPjj\nH/+Im5sbv/vd76irq8Pf35+///3vODk52TuqiEi7U1JeXb8ccm8G5xqWQ8Z38WX8gDB6d+uMsYXv\nu9bcOkRxA4gJ78TPp8Tx2seH+EfDPd58PJ3tHUtERNqxjRs3UlJSwn/+8x9SU1N56qmn8PX15fbb\nb2fSpEk8//zzLFu2jNtvv93eUUVE2o2U7G+XQ9bWWXF2MjG2fyjjBoQR3LltL4e8krY1I7+FDY4L\nZOborhSUVPHC0mQqqmrtHUlExGHMmjWNsrIye8dwKGfOnCEhIQGAiIgIMjMz2bFjB+PGjQNgzJgx\nbNu2zZ4RRUTahdo6KzuP5PD0u7v501u7+OpAFr5ezvxkfDTP3TucO27o4dClDTrQGbfzJg+JJL+o\nki37MvmflQe5f2ZCm7vHm4iItA8xMTG8/fbbzJ07l5SUFNLS0qioqGhcGtm5c2fy8vLsnFJExHEV\nl1ezZV8mm/dmUFBSvxyyV1dfxg8Ip1dXX4dbDnklHa64GQwG7rghhoKSKvafOsu7648zN7EHhnb0\nP1VE5Pu4++45LFz4HEFBQWRnZ/HYY7/F3z+AiooKKisreeihR4iL62XvmA5p9OjR7Nmzhzlz5tCj\nRw+6du3K8ePHGz9+LfcY9fFxw2w2NUseR7r5ubK2DEfKCo6VV1lbxuWynkwrZNVX3/DF3gxq66y4\nOpuZOqILU4Z3ISzAft9fSz63Ha64AZiMRu65KZ5n3tvDF8mZ+HdyYcrQKHvHEhGxi1GjxrB16xfM\nnHkrX365hVGjxtCtWzSjRl3P7t27eO+9t3nqqb/bO6bDeuihhxrfHz9+PIGBgVRWVuLi4kJOTg4B\nAQFXPL6goLxZcvj7e5KXV9Isn6ulKWvLcKSs4Fh5lbVlfDdrbZ2V3cfy2Lg7nZMZRQAE+roxrn8o\nw3sH4+pcX23s9f01x3N7peLXIYsbgIuTmQdm9eGpxUl8uOUbOnu5MCQ+yN6xRKSDW37yE/bmHmjW\nz9kvoDczuk+97MdHjRrDyy+/wMyZt/LVV1uYN+8h/vOfxfz734upqanBxcWlWfN0JEePHuXtt9/m\n6aef5osvviAuLg5vb2/WrVvHTTfdxPr16xk5cqS9Y4qItGlFZdVs2ZfB5r0ZFJZWA5DQrTPjBoQR\n36V9LYe8kg5b3AB8PJ158JY+PP3ubt5YcwQfT2d6RPjYO5aISKvq2rUbZ8/mkZOTTUlJCV9+uRk/\nvwCefPIvHD16mJdffsHeER1WTEwMNpuNWbNm4ezszLPPPovJZOLRRx9lyZIlhISEcPPNN9s7pohI\nm3Q8tYBlG46z62gOtXU2XJ1NjB8Yxrj+YQT6utk7Xqvr0MUNIMzfg/um9+YfHyTz8vIDzL9zgMNP\nnBERxzWj+9Qrnh1rKUOHjuB///cVRo4cTWFhAd26RQOwZcsmams1gfeHMhqNPPPMMxdtf/PNN+2Q\nRkSk7auts5J0NJeNu9M5lVkMQHBnN8b2D2NYr6DG5ZAdUcf9zi8QF+XLTyfF8q/VR/jHB8k8ftdA\nvN11M1QR6ThGjx7DPffczVtv/ZvKygr++tcFbNq0gZkzb2XDhvWsXv2xvSOKiEg7VlRaxeaG6ZBF\nZdUYgOviAhnVO5i4KB8NEkTFrdHw3sHkF1Wy8qvTLFqWzO9+0h9np+aZ4iUi0tb17BnPli07Gh+/\n996yxvdHjBgNwJQpN+Lu7k55uWNc1C4iIm3fqcwiNu5OZ9eRXOqsNlydzdxwXThj+4cSHxPoMINU\nWoOK2wVuHB5FflEFWw9k89rHh5g3ozdGo9q9iIiIiEhzqamtXw65YXc6p7O+XQ45fkAYQ3sF4eKk\ninIpelYuYDAYmJsYy7niKvadzOffG09w+/honZoVEREREfmRCkur2Lw3g837MiluWA7Zt7sf4weG\n0TNSyyGvRsXtO8wmI/dN783T7+1m4+50/L1duGFQhL1jiYiIiIg4HJvNxqnMYjbuTifpaP1ySDdn\nMxMHhTOmfxgBnVztHdFhqLhdgpuLmYdu6cNf3kliyecn8fVyYWDslW+QKiIiIiIi9Wpqrew8ksPG\n3emcya6/Ti3Uz51xA8MYGhekWRI/gIrbZfh6ufDgrD488/4eXv/kMJ08neke6m3vWCIircZms3G2\nsoD00kzSSzJIL82iX1hPBvsOtnc0ERFpowpKqti0N4Mv9mVQXF6DwQD9ov0YPzCc2IhOWg75I6i4\nXUFkkCe/vqkXi5btZ9Gy/Tx+1wACfTrezf5EpP2rs9aRVZZTX9JKM0kvqX9bUVvZZL/OHt4M9rVT\nSBERaZNsNhunMorZsDuN3cfyqLPacHcxkzg4grH9QvHTcshmoeJ2FQndOnPHxBjeWXuMFz5IZv6d\nA/B00z3eRMRxVdRWklGa1VjO0ksyyCrLodZW17iPAQMBbn7E+fYgzDOEcI9QQj2D6RYaotHMIiIC\nQE1tHTsO198sOyWn/ndDmL874waEMSQ+CGeLlkM2JxW3a3B931DyCytZsz2Fl5Yf4JHZfbGY9YMo\nIm2bzWajqLq4oaBlNSx3zCSv4myT/SxGM6EeIYR5BhPmEUqYZwihHsE4m/QilYiIXOxccSWb9maw\nZV8mpRX1yyEHxPgzfmAYMeFaDtlSVNyu0YzRXckvqmDnkVxe/+QI99wUj1E/lCLSRlhtVvLK80m7\nYJljekkmJTWlTfZzN7vRw6c7YR4hhHmGEOYRQqCbPyajXowSEZHLs9lsnEgvYsPudPYcy8Nqq18O\nOWlIBGP6heLnreWQLU3F7RoZDQZ+PiWOwpIqko7msszbhVvHdLd3LBHpgKrrasgqyyatYWBIekkm\nGaWZVFtrmuzX2cWHPt7xjQUt3DOUTs7eeiVURESuWXVNHTsO10+HTM2tfzEwPMCjfjlkXCBOWg7Z\nalTcvgeL2ci8mQksXLybtTtS8fd2YUz/MHvHEpF2rLSmrMkZtPTSTHLK87DarI37GA1Ggt0Dm5xF\nC/MIxs2iYUoiIvLDnC2qXw75RXL9ckijwcDAHv6MHxhOdJheBLQHFbfvycPVwoO39uGpd5J497Pj\n+Hi50Le7n71jiYiDs9lsnKssuGipY0FVYZP9nE1ORHlFEH6+oHmGEOwWiMVksVNyERFpL2w2G8fT\nCuuXQx7Pw2ar/9t3ytBIxvQLxdfLxd4ROzQVtx8goJMrD8zqw3+/v4dXVx7k93P6ExXkZe9YIuIg\n6qx1ZJfnkl6SSVppBrkHc/nmXBoVtRVN9vN28iSucw/CGwaGhHkE4+faGaPBaKfkIiLSHlU1LIfc\nkJROel79csiIQA/GDwhncFyAhvK1ESpuP1DXEC9+dWM8Ly8/wItL6+/xposyReS7Kmsr669Du+BM\nWlZp9kWj9/3dOhPnG/PtckfPELycPO2YXERE2rv8ogo27alfDllWWYvRYOC62ADGDwyje6iWQ7Y1\nKm4/Qr8Yf2aPj+bfG07wwtL9zL+jP24uWq4k0lEVVRWTXppJ2gX3R/vu6H2z0UyIR3CTpY59IqMp\nKay5zGcVERFpPjabjaMpBWzYnc7eE/XLIT3dLEwdFsWYfqH4eDrbO6JchorbjzRhYDj5hZV8lpTG\ny8sP8F+39cVs0jImkfbs/Oj9JiWtNJOS6qaj993MrsT4dCfMI5hwz9DLjt53sbhQgoqbiIi0rKSj\nuazevouU7PqbZUcGeTJ+QBiDemo5pCNQcWsGt43tztniSvYcz+PNNUf5xdSeOrUs0k7U1NWQWZbd\nuMwxrSSTjLIsquuqm+zn6+JDH794QhtH74fg46ybkIqIiP1ZrTY+/OIUn25PxWQ0MKhnAOMHhtMt\nxEu/pxyIilszMBoN/HJaHH//9162HcrGz9uF6aO62juWiHxPZTXljQND0kuyyCjNJLs896LR+0Fu\nAYR5hhB+wfh9jd4XEZG2qKKqlv/9+BDJp84S6OPKgl8OxUWLwxySilszcbaYuH9mAk8tTmLV12fw\n83ZhZJ8Qe8cSkUs4P3r//MCQtKuM3q+/Fi2YcI9Qgt01el9ERBxDbmEFLy3bT0Z+GfFRPtxzcy/C\nAz3JyyuxdzT5AVTcmpGXuxMP3dqXp95J4p11x/D1ciG+i6+9Y4l0aBeO3q9f6phBemnWRaP3vZw8\nifPt0XgGLdwzRKP3RUTEYR1NKeCVjw5SWlHD+IFh3Da2Oyajfqc5MhW3Zhbk68ZvZibw7H/28c8V\nB3jsjgGEB3jYO5ZIh1BWU05maTaZZdnkn87lZH4KmWU51FprG/c5P3q/p290w5m0+qEh3s4avS8i\nIu3D5r0ZvPfZcQB+OimWUVoF1i6ouLWAmPBO/GJqT15deYgXlibzxF0DNVpVpBlV1VWTXZbTWNIy\nS7PJKsumqLrp0g+zwUSIRxBhDTewDvcMIcQ9CBezi52Si4iItJzaOiv/2XiCz/dk4OFq4b7pvegR\n4WPvWNJMVNxayKCegZwtqmTp5lO8sDSZ38/pj6uznm6R76POWkdOeR6ZZdlklWaTWZZDZlk2ZyvO\nYcPWZF8f507Ed44lxD2IYPdAEiKicapyv2j0voiISHtUWlHD/3x0kCMpBYT5u3P/zAT8OrnaO5Y0\nIzWJFpQ4OIK8oko2783gfz46yP2zEnSPN5FLsNqsnKssaDiDlkNmaRZZZTnklOdRZ6trsq+HxZ3o\nTl0J9ggixD2QEI/6ouZqbvrLyb+TLr4WEZGOITO/jEUf7ie3oIJ+0X78YmqcThi0Q/o/2oIMBgNz\nJkRzrriS/afO8u76Y8xNjNX9MqTDstlsFFeXklmW1eQMWlZZzkX3RXMyORHuGdpQzoIJbihpnhYP\n/RsSERFpsP/UWV77+CAVVXVMGRrJ9FFdMer3ZLuk4tbCTEYj99wUz9/e28sXyVn4ebsydViUvWOJ\ntLjymgqyGorZ+WvQMsuyKaspb7KfyWAiyD2gvpi5BxHiEUSIexA+Lp000VFEROQybDYb63amsXTz\nScwmI/9vWhxD4oPsHUtakIpbK3BxMvPALQk89U4Sy7/4Bj9vF6Zdrwl20j5U19WQXZ5DVmlDSWso\naoVVRU32M2DAz9WX7p26EuIeSHBDSQtw9dN1aCIiIt9DTa2Vd9YdZeuBbLw9nLh/ZgJdgr3sHUta\nmIpbK+nk4cyDt/Rh4bt7eGPNEaLCfQjy0qRJcRx11jqyy3IvOoOWV372okEhnZy96ekb0+QMWpB7\nAE4mJzulFxERaR+Kyqr55/IDnMwookuwJ/NmJGh6eQeh4taKQv09mDe9F89/kMxTb+7ksTn9CfFz\nt3cskSZsNhvnKgsbi1lmaQ6ZZVnklOc1uR8agJvZlW6dohomOZ4vaYG4WdzslF5ERKT9Ssku4aXl\n+zlXXMXguEB+NikWJ4tWrXQUKm6trGeULz+dFMu/Vh/hhaXJPH7XQLzddRZC7KOkupSssmwyzp9B\nK80hqyybyrqqJvtZjBYivUPxd/ZvPIMW7BGIt5OXBoWIiIi0gqSjufzf6sNU11iZObork4dE6ndw\nB3NNxW3hwoUkJydjMBiYP38+CQkJF+3z3HPPsW/fPhYvXsyOHTt44IEHiI6OBiAmJoYnn3yyeZM7\nsOG9g6motfH+uqO8uDSZR2/vj7OTXi2RllNZW9k4KCSrNIeMhvuildSUNtnPaDAS6OZ/wRm0QELc\ng+ns6kNggLfG64uIiLQym83Gqq1n+Oir0zhbTPxmRm/6xfjbO5bYwVWL286dO0lJSWHJkiWcOnWK\n+fPns2TJkib7nDx5kl27dmGxWBq3DRo0iEWLFjV/4nZi9oQYUjIL2Xogm9c+PsS8Gb0xGvWqifw4\nNdZacsvzyGi4D9r5a9HOVhZctG9nF196e/ckxD24fliIRxABbv5YjDoRLyIi0hZU1dTxr9VHSDqa\ni5+3C/fPTCAswMPescROrvoX2rZt2xg/fjwA3bp1o6ioiNLSUjw8vv2heeaZZ3jooYd4+eWXWy5p\nO2MwGJibGEtBSRX7Tubz7w0nuH1CtE55yzWx2qzkV5wlsyyHrNLsxjNouRX5WG3WJvt6OXkS6xNN\ncMPZsxCPQILcAnEx60JmERGRtupccSWLPtxPak4pMWHe3DujN15uurymI7tqccvPzyc+Pr7xsa+v\nL3l5eY3Fbfny5QwaNIjQ0NAmx508eZJ77rmHoqIi5s2bx/Dhw5s5uuMzm4zce3NvnnlvNxv3pOPX\nyYWJgyLsHUvaEJvNRlF18QXXoNW/zSrLpcZa02RfF5MLUV7hDdef1V+HFuIehIeTBuCIiIg4klMZ\nRby0/ADFZdWM6hPMHTf0wGzSvU07uu+9Jspm+3bsd2FhIcuXL+fNN98kJyencXtUVBTz5s1j0qRJ\npKWlcdddd7F+/XqcnC7/KoGPjxtm84+/zsvf33Huj3Y+659/NZyHF33BB5tO0iXch+EJIXZOdmmO\n+Nw6gvNZS6vKSC3KJK0ok9SiDNIa3i+rqWiyv8VoJswrmHDvEMK9Q4joVP+2s6tPi5+xdaTnFRwr\nr7KKiAjA1gNZvL32KHVWGz8ZH834AWFakSXANRS3gIAA8vPzGx/n5ubi719/QeT27ds5d+4cc+bM\nobq6mtTUVBYuXMj8+fOZPHm1AjMiAAAgAElEQVQyABEREfj5+ZGTk0N4ePhlv05BQfmP/V7w9/d0\nmOEJ3816/8zePP3eHp57bzdGq5Xuod52THcxR35ufyybzYbVZqXOVlf/n9VKra2WOuuF2xre2qzU\nWWvr3zZsr7XVYbXWf+y7x9UYKzmVn0ZmaRZF1U0zGzAQ4OZHTKfuF5xBC8TPtfNFN6y2lUF+WdNB\nI83NkX4GwLHydrSsKn4iIhezWm0s23KKtTtScXM28+ubexHfxdfesaQNuWpxGz58OC+99BKzZ8/m\n0KFDBAQENC6TTExMJDExEYD09HQee+wx5s+fz8cff0xeXh4///nPycvL4+zZswQGBrbsd+LgIgI9\nue/mXrywdD+Llu3n8bsGEOjTPu6FVV96Li40376t31bbsM16wfv1xzUtRxcWobom+9ZhtVqxpBgp\nLa/8Tqn6ztf9ztewNhSsyxWwlubj3In4zrGNN6wOdg8iyM0fi8ly9YNFRETEoVVU1fLax4fYf+os\ngb5uPDArgSDf9vF3oDSfqxa3/v37Ex8fz+zZszEYDCxYsIDly5fj6enJhAkTLnnM2LFjefjhh9m4\ncSM1NTX88Y9/vOIySanXq2tn7krswVufHuUfHyTz+J0D8LzMRag2m62hfNQ2Fo7z79daaxvO9NTW\nl5ML3r/8Pt9ury803+5fZ6vDaDFQUVl11QJWa6vFesEZpVprHTZsl/we7MloMGIymDAbTZgMJkwG\nI0aDCSeTBZPBBVPjdhMmo7Hh7QXbDEbMRnP9cUYT5sZ96z9mMpi/Pa7JscZvv6bRRKi/H641nria\nXe39lIiIiIgd5BaUs+jDA2Tml9Griy/33BSPm4teuJWLXdM1bg8//HCTx7GxsRftExYWxuLFiwHw\n8PDg1VdfbYZ49nN+edyFZaa+xDS8b6u9dFm6oEjVXG4fWx2WMwZKyyubFKrzRSxwUBmFZRU88eXn\n+HhZGorRxZ/DXgwYGguK2WDGeEFBcTO5fluELio0FxYb00XlyGz4ThG6oOw03bfp9gv3NRpMBHT2\noqiw4hJfo35fo8HYZtaK+/s5zhI5ERERaV5HUgp4ZcUByiprmTAwnFvHdsNk1BASubR2c8OmtJIM\nNmYfo6i0/KICddmzTBeVsqbH2etMkclgwuxmoKbOQEGZGU9XZ5xNzrgZTZiNZswGU8PZnobHDeXk\n/PtNPnZ+X6MJs6FhX6MZi6H+rfk72y+9v4kg/04UnC3HZKwvPm2Zv7cnztUqQyIiItJ2bdqTzvsb\nTgDws0mxjOzTNofTSdvRborbhtQtJOXsu6Z9v10m921RsZgsuBpdv1OKLl9+vrtPk+JkaNi34ViT\n0YzFaMJ0wbH1Z4WqLtq/fsmekZpaK88v2cextEKGDQrntrHRLfwMXpmrxYVSU83VdxQRERGRy6qt\ns/LvjSfYtCcDTzcL903vTUx4J3vHEgfQborbT3rM4Mb4cZQUV2EyXFyUzBc8bgtnjPy9PLFUXf6s\nkMVsZN7M3ixcvJt1O9Pw83Zl3ICwVkwoIiIiIs2ptKKGV1Yc4GhqIWH+Htw/qzd+3rrOXa5Nuylu\nLmYXwv39yaP9LJFzd7Hw4C19eOqdJN7fcJzOXi70jfazdywRERER+Z4y8st4adl+cgsr6Bftxy+n\nxeHi1G7+FJdWYP9TT3JF/p1ceeCWPljMRl79+CCns4rtHUlEREREvof9p/J56p0kcgsrmDosivtm\n9FZpk+9Nxc0BdAn24lc3xlNTa+XFZfvJL6ywdyQRERERuQqbzcbaHam8uHQ/dVYbv7oxnhmjumJs\nI9OtxbGouDmIftH+3D4+huKyav6xNJmySg0KEREREWmramrr+NfqI3yw6STeHk78fk5/BscF2juW\nODCdo3Ug4waEkVdYwfpdabz84QH+67a+WMzq3iIibVVZWRmPPvooRUVF1NTUcN9991FeXs4bb7yB\nxWIhMDCQp59+GicnJ3tHFZFmVFRaxcvLD3Aqs5guwZ7Mm5GAj6ezvWOJg1NxczC3ju3O2eJKdh/L\n481Pj/DLqXFt5mbSIiLS1IoVK+jSpQu//e1vycnJYe7cuZSVlbFmzRo8PT158skn+eyzz5gyZYq9\no4pIM0nJLmHRh/spKKliSFwgP50Ui5PFZO9Y0g6ouDkYo8HAL6fGUVi6l+2HcvDzdmHGqG72jiUi\nIpfg4+PDsWPHACguLsbHxweLxUJxcTGenp6N20Skfdh1NJd/fXKYmlorM0d3ZfKQSL3ALs1Gxc0B\nOVlM/GZmAgvf2c0nX6fg5+3KqD4h9o4lIiLfMWXKFJYvX86ECRMoLi7mtddeo6qqiunTp+Pp6Ulc\nXBzDhg2zd0wR+ZGsVhsfffkNH289g7OTiXkze9Mv2t/esaSdUXFzUF5uTjx0ax+eWrybd9Yew9fT\nmV5dO9s7loiIXGDlypWEhITwr3/9i6NHj/LYY49RW1vLsmXLCA8P58EHH2Tjxo2MGzfusp/Dx8cN\ns7l5lln5+3s2y+dpDcraMhwpKzhG3sqqWv62eBdf788iwNeNJ+8eTFSwl71jXZEjPK/nOVJWaNm8\nKm4OLNDXjftnJvDf/97LPz86yGNz+hMR6Fg/3CIi7dmePXsYMWIEALGxsZw6dYrIyEgiIiIAGDp0\nKAcPHrxicSsoKG+WLP7+nuTllTTL52ppytoyHCkrOEbes0WVvPThflJzS4kJ78S903vhbja06dyO\n8Lye50hZoXnyXqn4aSShg+se5s0vp8VRVV3Hi8v2c6640t6RRESkQWRkJMnJyQBkZGQQFBREUVER\n586dA+DAgQNERkbaM6KI/EAn04v4y9u7SM0tZeKQSB6e3RcvN02IlZajM27twHWxAZwd050PNp3k\nhaX7eeyO/rg663+tiIi93XbbbcyfP5877riD2tpa/vSnP1FWVsY999yDk5MTYWFhmigp4oC2Hsji\n7bVHsVrh9vHRzE7sSX5+qb1jSTunv+7biYmDwskrqmDTngxeWXGAB27pg9mkE6oiIvbk7u7Oiy++\neNH28ePH2yGNiPxYVquNpZtPsm5nGm7OZn59cy/iu/hqcqS0Cv1l304YDAZuHx9Nn26dOXSmgHfW\nHcNms9k7loiIiEi7UF5Zy6IP97NuZxpBvm48MXcg8V187R1LOhAVt3bEZDRyz029iAzy5Kv9WXzy\n9Rl7RxIRERFxeDkF5Ty1OIn9p87Sq4svT9w1gCBfN3vHkg5Gxa2dcXYy8eCsBDp7ubDiy9NsO5ht\n70giIiIiDuvImXP89e0kss6Wc8N14TxwSwJuLhZ7x5IOSMWtHfL2cObBW/vg6mzmjTVHOJJSYO9I\nIiIiIg7n8z3pPLckmcrqOn42KZbZ46IxGfXns9iHfvLaqVA/d+bN6A3Ay8sPkJFfZudEIiIiIo6h\nts7KO+uO8e7647i7mnnkJ/0Y2SfE3rGkg1Nxa8d6Rvpw9+SeVFTV8sIHyRSVVtk7koiIiEibVlpR\nw/NL9rF5bwbhAR48OXcgMeGd7B1LRMWtvRvaK4jpI7twtriSF5btp7K61t6RRERERNqkjLxS/vL2\nLo6mFtI/xp/H7uiPn7ervWOJACpuHcLUYVGMTAgmJbuE11Yeos5qtXckERERkTZl38l8nlq8m7zC\nSqYNi+Le6b1wcdItj6XtUHHrAAwGA3dO7EF8F1+ST53l/Q0ndI83EREREcBms/Hp9hReWrafOquN\ne26KZ/qorhh1U21pY1TcOgizyci9N/cizN+DTXsyWLczzd6RREREROyqpraO//vkCEs3n6KTpzOP\n3dGfQT0D7R1L5JJU3DoQV2czD96SgI+nMx9sOsmuo7n2jiQiIiJiF4WlVfzt/b1sO5RNl2Avnpw7\nkKggL3vHErksFbcOxtfLhQdmJeDiZOL1VYc5kV5o70giIiIirepMdjF/eTuJbzKLGRofyO/n9KOT\nh7O9Y4lckYpbBxQR6Mm9N/fCarXx0ocHyDlXbu9IIiIiIq1i55Ecnnl3D4UlVcy6vhu/mBqHxWyy\ndyyRq1Jx66B6de3MXYk9KK2o4R8fJFNcXm3vSCIiIiItxmqzseKLb3h15SEMRgO/mZnA5CGRGDSE\nRByEilsHNqpPCFOHRZJbWMFLy/ZTXVNn70giIiIiza6quo7/WXGQVV+fwc/bhcfvHEDfaD97xxL5\nXlTcOrjpI7syJD6QU5nFvP7JYay6TYCIiIi0I/lFFSx8dze7j+fRI7wTT84dSJi/h71jiXxvuqtg\nB2cwGPjZpJ4UllSx+1geH3x+ktnjou0dS0RERORHO5FeyD+XH6C4vIbr+4Zw+4QYzCadtxDHpJ9c\nwWI2ct+M3gR3dmP9rjQ27k63dyQRERGRH+XL/Zn89/t7Ka2oZc6EGO6c2EOlTRyafnoFAHcXCw/d\n0gcvdyfe33CcvSfy7B1JRERE5HuzWm38Z+MJ3lxzFBcnE/91Wx/GDQjTEBJxeCpu0sivkysPzErA\nYjby2spDnM4qtnckERERkWtWXlnLC8uSWb8rjeDObjxx10DionztHUukWai4SRNdgr2458Ze1NRZ\neXFpMnmFFfaOJCIiInJVOefKeWpxEge/OUevrr48fudAAn3d7B1LpNmouMlF+kb7cfv4GIrLa3hh\naTJllTX2jiQiIiJyWYfOnOOv7ySRdbaciYPCeXBWH9xcNINP2hcVN7mkcQPCSBwUQdbZcl768ABV\nusebiIiItDE2m42Nu9P5x5JkqmrquHtyT24bG43RqOvZpP3RSxFyWbPGdCO/uJKko7n86ukNTLwu\nnFF9QnCymOwdTURERDq42jor7312nC37MvFyszBvRgLdw7ztHUukxai4yWUZDQZ+ObUnft4ubNqb\nwfsbTrB6WwqJgyO4vm8ozk4qcCIiItL6SsqreWXFQY6lFRIe4MH9MxPo7O1i71giLUrFTa7IYjZx\n65ju3DE5jn+vPcKG3eks+fwka7anMHFQBGP6heLqrB8jERERaR3peaUsWraf/KJKBvTw5xdT4vRi\nsnQI1/QX98KFC0lOTsZgMDB//nwSEhIu2ue5555j3759LF68+JqPEcfh7eHMzNHdmDgogg1JaXyW\nlM6yzaf4dHsKNwyKYFz/MF0ELCIiIi1q74k8/nfVYaqq67hxeBQ3juiCUfdnkw7iqn9p79y5k5SU\nFJYsWcKpU6eYP38+S5YsabLPyZMn2bVrFxaL5ZqPEcfk4Wrh5pFdueG6cDbsTuezXWms+OIb1u1I\nZfzAMCZcF467i8XeMUVERKQdsdlsrNmewvIt32AxG/n1zb24LjbA3rFEWtVVp0pu27aN8ePHA9Ct\nWzeKioooLS1tss8zzzzDQw899L2OEcfm5mLhxuFd+O9fD2Pm6K4YjQY+3nqGR175mg+3nKKkvNre\nEUVERKQdqKmt4/VPDvPhlm/o5OnMY3cMUGmTDumqxS0/Px8fH5/Gx76+vuTl5TU+Xr58OYMGDSI0\nNPSaj5H2w9XZzJShUfz918O4dUx3nCwmVm9L4Xf/s42lm05SXKYCJyIiIj9MYWkVz7y3l+2HcugW\n4sUf5g4kMsjT3rFE7OJ7X5Rks9ka3y8sLGT58uW8+eab5OTkXNMxl+Pj44bZ/OMvLPX3d5x/zI6U\nFa6e987QTtxyQw/Wb0/hw00n+XRHKhv3ZDBpaBQzxnTH16v1pj050nOrrC3HkfIqq4hIUyfSCvjL\n20kUlFQxND6In07qgaUZ/lYUcVRXLW4BAQHk5+c3Ps7NzcXf3x+A7du3c+7cOebMmUN1dTWpqaks\nXLjwisdcTkFB+Q/9Hhr5+3uSl1fyoz9Pa3CkrPD98g7tGcDA6M58uT+LNdtTWPnFKVZvPc3oPiFM\nGhLR4gXOkZ5bZW05jpS3o2VV8RORq9l5JIc3Vh+hptbKLWO6kTgoAoOGkEgHd9WlksOHD2fdunUA\nHDp0iICAADw8PABITExkzZo1fPDBB7z88svEx8czf/78Kx4jHYPFbGJs/zCe+dVQ5ib2oJOHExv3\npPP717bxzrpj5BdV2DuiiIiItCE2m41Dp8/x93/v5dWVhzCZjPxmVgKTBkeqtIlwDWfc+vfvT3x8\nPLNnz8ZgMLBgwQKWL1+Op6cnEyZMuOZjpGMym4yM7hvK8N7BbD+UwyfbzrB5bwZfJmcyrFcQU4ZG\nEuDjZu+YIiIiYidWq42kY7l8uj2VlJz6M/pxUT7cd0tfXE0qbCLnXdM1bg8//HCTx7GxsRftExYW\n1ngPt0sdIx2b2WRkREIwQ3sFsvNwLp9sO8OX+7PYeiCbIfGBTB0WRZCvCpyIiEhHUVNbx9YD2azd\nmUpuQQUGAwyMDWDykAiigrwcahm5SGvQHZOlVZmMRob2CmJwXCBJx3JZtfUMXx/MZtuhbAb1rC9w\noX7u9o4pIiIiLaS8spZNe9P5LCmd4rJqzCYD1/cNYeLgCAK1CkfkslTcxC6MRgODegYyMDaAvcfz\n+HjrGXYczmHn4RwGxAYwbVgU4QG6LlJERKS9KCyt4rNdaWzel0FFVR2uziYmDYlgwsBwOnk42zue\nSJun4iZ2ZTQYGNAjgP4x/uw7mc+qrWdIOppL0tFc+kX7cePwLrpfi4iIiAPLOVfOpztS+fpgFrV1\nNrzdnZgyNIrr+4bi5qI/RUWulf61SJtgMBjoF+1P3+5+HPjmHKu2nmbviXz2nsinT7fOTBveha4h\nXvaOKSIiItfodFYxn25PYfexPGxAgI8riYMjGN4rSPdjE/kBVNykTTEYDCR060zvrr4cTilg1Ven\nST51luRTZ+nVxZdpw6OIDutk75giIiJyCTabjcMpBazZlsKRlAIAIoM8mTwkkgEx/hiNmhIp8kOp\nuEmbZDAYiI/yJT7Kl2OpBXy89QwHT5/j4Olz9Iz04cbhUfSI8LF3TBEREaF+pP/u43ms2Z5CSva3\nI/0nDYkkLtJH92ETaQYqbtLm9Yjw4ZEIH06kF7KqocAdSSkgJsybaSO66BeCiIiIndTU1rH1YDZr\ndzSM9KfpSH8RaT4qbuIwosM68V+39eVUZhGrtp5h/6mzPPeffXQL9WLasC707uqrAiciItIKyitr\n2bwvg892pVHUMNJ/dN8QEgdFEKj7soq0CBU3cTjdQrx58JY+nMkuZtXWM+w9kc8LS5OJCvLkxuFd\nGO+n2wiIiIi0hMLSKj5LSmPzXo30F2ltKm7isKKCvPjNzATScktZ9fUZdh/NZdGH+/lkWwqTBofT\nL8Yfo87AiYiI/Gg5BeWs3ZHK1gP1I/29NNJfpNXpX5o4vPAAD+69uRcZeaV8si2FXUdy+OeKIkL9\n3Zk2LIqBPQI0xUpEROQHOJNdzJrtqew+lovNBgGdXEkcopH+Ivag4ibtRqi/B7+6MZ6fTotn8erD\nbD+Uw6srDxHc+TRTh0UxqGcAJqPR3jFFRETatPMj/T/dnsLhMw0j/QM9mTxUI/1F7EnFTdqdsABP\nfjE1jhuHR7F6WwpfH8zm9VWHWfnVaaYOjWJIfCBmkwqciIjIhS410r9npA+Th2qkv0hboOIm7VaA\njxs/m9yTacOiWLMjlS+TM3ljzRE+3nqaKUMjGd47WAVOREQ6vEuO9O/hz6QhkXQJ1kh/kbZCxU3a\nPb9Ortw1sQdTh0by6fZUtiRn8vbaY6z6+gyTh0QyMiFY6/RFpEWUlZXx6KOPUlRURE1NDffddx99\n+/bloYceoqioiMDAQJ5//nmcnJzsHVU6oPLKWrbsy2D9BSP9R/UJIXFwBEEa6S/S5qi4SYfh6+XC\nnBtimDIskrU7Utm8N4N31x/nk6/PMGlIJKP7hOBkUYETkeazYsUKunTpwm9/+1tycnKYO3cuY8eO\nZcSIEfz0pz/l5Zdf5ujRoyQkJNg7qnQgRaVVrL9gpL+Lk4lJgyOYcJ1G+ou0ZSpu0uF08nBm9rho\nJg2JZN3OVDbtyeDfG06welsKiYMiGNMvFGcnFTgR+fF8fHw4duwYAMXFxfj4+LBp0ybeffddAObN\nm2fPeNLBZOaX8v7ao2w9kE1tnRUvdycmD4lkTL9Q3Fws9o4nIldhsNlsNnuHAMjLK/nRn8Pf37NZ\nPk9rcKSs4Fh5v2/WkvJq1u9KY+PudCqr6/BwtTBxUDhj+4fh6tyyr2205+fV3hwpb0fL6u/v2Uxp\nHMPPf/5zUlNTKS4u5rXXXuOXv/wlc+fO5euvv6Z79+488cQTV1wqWVtbh1nLueVHOJleyIefn+Dr\n/ZlYbRDc2Z3pY7ozbmC4VpqIOBCdcZMOz9PNiZmjuzFxUAQbktL4LCmdD7d8w9odqdxwXTjjBoTr\n5qIi8oOsXLmSkJAQ/vWvf3H06FHmz59PVVUVw4cPZ968eTzxxBMsXbqUOXPmXPZzFBSUN0uWjvYC\nQWtpq1ltNhtHGkb6H2oY6d811JsbBoY13t+0qLB5frZaSlt9bi9FWVuGI2WFln9xU3+NijTwcLVw\n88iu3HBdBBv3pLN+ZyorvjzN2p1pTBgYxviB4Xi4aimJiFy7PXv2MGLECABiY2PJzc0lKCiIfv36\nATB8+HB27Nhhz4jSzlitNvY0jPQ/c+FI/yGRjL4ugvz8UjsnFJEfSsVN5DvcXMxMGxbF+AFhbNqb\nwbqdqXy89Qzrd6UxbkAYN1wXjqebJsCJyNVFRkaSnJzMxIkTycjIwN3dncGDB7N9+3aGDBnCoUOH\n6NKli71jSjtQU2vl64NZrN2RSk7DSP8BPfyZfMFIf92HTcSxqbiJXIars5nJQyIZ1z+Mzfsy+HRH\nKqu3pbAhKZ0x/UOZOCgCb3cVOBG5vNtuu4358+dzxx13UFtbyx//+Ed69OjBww8/zKJFi/Dz8+Pe\ne++1d0xxYBVVtWze+92R/sEkDo7USH+RdkbFTeQqnJ1MTGyYNvlFciZrtqewdkcqn+9OZ3TfUBIH\nR+DjqfHJInIxd3d3XnzxxYu2v/HGG3ZII+1JUWkVnyWls2lvBhVVtbg4mUgcHMGEgeH6nSTSTqm4\niVwjJ4uJ8QPDGd03hK/2Z7FmewqfJaWxaW8Go/oEM3lIJL5eLvaOKSIi7VhOQTnrdqTy1fmR/m4W\nJo/uqpH+Ih2AipvI92QxmxjTP4yRfUL4+mA2n3x9hs/3ZLBlXyYjE+oLnF8nV3vHFBGRdiQlu4Q1\n21NIOpaLzQb+nVxIHBzJ8F5BGukv0kGouIn8QGaTkVF9QhjWK4gdh3P45OszbN6XyZf7sxjaK4gp\nQyMJ9NH1BSIi8sNcaqR/RKAHk4dEMqCHPyaj0c4JRaQ1qbiJ/Ehmk5HhvYMZEh/IriO5rPr6DF/t\nz2LrgSyGxAUxdVgkwZ3d7R1TREQcxOVG+k8aEkF8lK+mQ4p0UCpuIs3EZDQyJD6IQT0DSTpWX+C2\nHcpm+6FsBsUFMnVoJKH+HvaOKSIibVRNrZVth7L5dHvKZUf6i0jHpeIm0syMRgODegYyMDaAvcfz\nWbX1NDsO57DjcA4De/gzdVgUEYGe9o4pIiJtREVVLZv3NYz0L63GZKwf6T9xUIRWbIhIIxU3kRZi\nNBgY0MOf/jF+JJ86y6qtp0k6lkfSsTz6RfsxbXgU/v4qcCIiHVVRWTUbktL4fE/9SH9njfQXkStQ\ncRNpYQaDgb7d/ejTrTMHT5/j462n2Xsin70n8hmWkMFPxnbHXSOcRUQ6jNyCctbuTOOr/VmNI/0n\njerKmP6h+n0gIpel4ibSSgwGA727dqZXF1+OpBTw0Zen+Xp/FidTC5k3ozdhAbr+TUSkPUvJLuHT\nHSnsOqqR/iLy/am4ibQyg8FAXJQvsRE+rN+TwQcbjvPXxUn8bFJPBscF2jueiIg0I5vNxtGUAtbs\nSOXQ6XMARAR4MHmoRvqLyPej4iZiJ0ajgTsn9cTf05l/rT7Max8f4nRWMbOu74bZpF/kIiKO7PxI\n/093pHA6q36kf2xEJyYPjdRIfxH5QVTcROxsQA9/QvwG8vLyA6zflUZKdgn33NwLb3cne0cTEZHv\nqXGk/45Ucs6V14/0j/Fn0pBIuoZopL+I/HAqbiJtQHBnd564ayBvrD7C7uN5/PmtXdw7vRfdQrzt\nHU1ERK7BpUb6j0wIJnGwRvqLSPNQcRNpI1ydzdw7vRef7kjlwy2n+Nt7e5gzIYbRfUPtHU1ERC6j\noKSSD7ecajrSf1AEE67TSH8RaV4qbiJtiMFgYPKQSCIDPXl15UHeXnuM01nFzJnQA4tZ172JiLQl\na7ansPKr09TUWvF0szBDI/1FpAWpuIm0QfFdfFnw0+t4ecUBvkjOIi23lPum98bXy8Xe0UREBNi8\nN4Nlm0/R2duFyYMjGN47WCP9RaRF6SV8kTbKr5Mr8+8YwLBeQZzOKuFPb+3iSEqBvWOJiHR4+07m\ns3j9MTxcLSy8dzhj+oeptIlIi1NxE2nDnCwmfj6lJ3fcEEN5ZS3P/Wcf63amYrPZ7B1NRKRDOp1V\nzKsrD2IxGXnglgRC/DzsHUlEOggVN5E2zmAwMLZ/GL+7vR+e7haWfH6S1z4+RFV1nb2jiYh0KLmF\nFby4NJmaWiu/ujFek39FpFVd0zVuCxcuJDk5GYPBwPz580lISGj82AcffMCyZcswGo3ExsayYMEC\ndu7cyQMPPEB0dDQAMTExPPnkky3zHYh0ENFhnVjw0+t45aOD7DySS0Z+GfNm9CbQx83e0URE2r3S\nihr+8UEyxeU1zJkQQ78Yf3tHEpEO5qrFbefOnaSkpLBkyRJOnTrF/PnzWbJkCQAVFRWsXr2a9957\nD4vFwl133cXevXsBGDRoEIsWLWrZ9CIdTCcPZ373k34s2XiSjXvS+fNbSfxyWhx9u/vZO5qISLtV\nXVPHomX7yTlXzqTBEYwbEGbvSCLSAV11qeS2bdsYP348AN26daOoqIjS0lIAXF1defvtt7FYLFRU\nVFBaWoq/v16BEmlJZpOR/9/enYdHVd97HH/PZCb7vickQAhLIBCWAC6ssilLrwpCtSpaUavAtXq1\nt5YWsV711pbrrgWsLfuRskAAACAASURBVOL1FgQjYK1iAUU2lUVDCCD7koVsZN8nmftHkoGwJAGS\nzAz5vJ4nz8ycM3Pmk98D85tvzvecc/eEnsya3BtLTS2vr9rD6s1HqdVxbyIira621so7/9jH4fRC\nhvYOZdroWHtHEpEOqtk9brm5ucTHx9seBwYGkpOTg7f32YNxlyxZwrJly5g5cybR0dFkZGRw+PBh\nHnnkEQoLC5k7dy7Dhg1r8n0CAjwxma7+jEwhIT5XvY324kxZwbnydoSst43xoV/PUF58bwdrtx4n\n40w5T96diLdH210/yJnGFZwrr7KKOKYVGw+z68ccekX7M2tyH4wGg70jiUgHddnXcbvY2ewefvhh\nZs6cyUMPPURiYiJdu3Zl7ty5TJw4kVOnTjFz5ky++OILXF1dL7nd/Pyyy41ygZAQH3Jyiq96O+3B\nmbKCc+XtSFl93Vz43b2JLF6bys79Wfxy4ZfMndqPqNDWP8uZM40rOFfejpZVhZ84iy92nOJfO08R\nGezF3Gn9MJt0TjcRsZ9mP4FCQ0PJzc21Pc7Ozra1QxYUFLBjxw4A3N3dGTlyJLt37yYsLIxJkyZh\nMBjo3LkzwcHBZGVltdGvINKxeXuYeWJ6fybf0IXsgnKef38n3+7T/zcRkaux80A2KzYcws/Llcen\nJ+Dl3nbdDCIiLdFs4TZs2DDWrVsHQGpqKqGhobY2SYvFwtNPP01paSkAKSkpxMTEsHbtWt59910A\ncnJyyMvLIywsrK1+B5EOz2g0MG1ULHNu74fRYGDx2lSWbzhETW2tvaOJiDidQ2kFLPlkH66uLjw+\nvT/Bfh72jiQi0nyr5KBBg4iPj+fOO+/EYDCwYMECkpKS8PHxYfz48cyZM4eZM2diMpno1asXY8eO\npbS0lKeeeooNGzZQXV3Ns88+22SbpIi0jsReIUQGD+bNpBS+2HGKk1nFPHJrX3y99P9PRKQlMvNK\neX3VHmprrTw2rR9dwtXaKyKOoUXHuD311FONHsfFxdnuT506lalTpzZa7+3tzaJFi1ohnohcrogg\nL343czDvfrqf3Qdz+P3SHcy5vR/dIn3tHU1ExKEVllbxyofJlFZY+PnEOPp2C7J3JBERGx1lK3IN\n8nAzMef2vkwb1Y2Ckkr+8MEuvk7OsHcsERGHVVlVw2srk8ktrODfhnVlRP9Ie0cSEWlEhZvINcpg\nMDD5hq48MaM/bmYXln52gKWfHaDaouPeRETOVVNby6I1ezl+uphh/cK5dXiMvSOJiFxAhZvINa5v\nTBAL7h9C5zBvvk7O4A8f7OZMUYW9Y4mIOASr1coH/zpE8pE84rsGcN8tcRh0rTYRcUAq3EQ6gGB/\nD+bdk8gN8eEcyyzi90t3cOBEvr1jiYjY3T+/OcFX36cTHerN7Nv7YXLRVyMRcUz6dBLpIFzNLjw4\npTd3j+9JWYWFhct/YN13J7FarfaOJiJiF9+knuajTUcJ8HHj8en98XBr0TnbRETsQoWbSAdiMBgY\nmxjFf/5sID6eZlZsPMzitalUVtXYO5qISLvafyKfdz/dj4ebiSdm9CfAx83ekUREmqTCTaQD6hHl\nz4KfD6F7lB/f7c/m+fd3kpVfZu9YIiLtIi2nhDeTUgCYO7UfUSHedk4kItI8FW4iHZS/txv/eddA\nxg6KIj2nlOeW7iT5cK69Y4mItKn84kpeXZlMeaWFByb3pneXAHtHEhFpERVuIh2YycXI3RN6Mmty\nbyw1tby2ag9rthyjVse9icg1qLzSwqsrkzlTVMm0Ud24IT7c3pFERFpMhZuIMKxfBPPuSSTYz501\nW47xxqo9lFVU2zuWiEirsdTU8vbHKZzKLmH0gEgmXd/F3pFERC6LCjcRAaBLuA/P3D+E+JhAko/k\n8dx7O0nLKbF3LBGRq2a1Wnnv8wOkHs+nf2wQd0/oqWu1iYjTUeEmIjbeHmaemN6fyTd0ITu/nOeX\n7eS7/Vn2jiUiclXWbDnG1pTTdA334ZFb++Ji1NcfEXE++uQSkUaMRgPTRsUy5/a+GAwGFq1JZcXG\nQ9TU1No7mojIZducnMHarccJ9nPnl9P74+bqYu9IIiJXRFeaFJGLSuwVSkSQF28mpbDuu1Nk5JUz\na1Icvl6u9o4mItIie4/m8d7nP+LlXnetNj99fomIE9MeNxG5pMhgL+bfN5hBPUNIOZLL75fu4GhG\nkb1jiYg068TpYt5avRej0cBjdyQQEeRl70giIldFhZuINMnDzcSc2/syc1JvCoor+cMHu/g6OcPe\nsURELimvsIJXVyVTVVXDwz/pQ48of3tHEhG5amqVFJFmGQwGpo/tSbCPK4vXpLL0swMcyyziZ+N6\nYjbp7z8i4jhKK6p5ZWUyhSVVzBgTS3x3Xwori6muraKqpprq2mqqaqqoqq2mqubs/eqaKqpqLfW3\n5z2ntorqmur65zVeZ3Jxwdfsg5+bL/5ufvU/dff96u97m710FksRuWoq3ESkxfrGBPHM/UN4KymF\nTT9kcDKrhDm39yXQ193e0UTEidTU1tgKn4sVVO4VLuTmF9UVSg3Pu0hBde5rqmuqqaypIr+0jJrO\nFjxjavmkpJZPvm693GajCVejK2YXM+4mN3xcvTEYIa8sn4zS05d8nclows/V11bQNRR3fo3u+2Iy\n6muZiFyaPiFE5LKE+Hvwm3sTWfb5j2xPPc3vl+7g0Vv7EtclwN7RROQqNS6o6oqii+2hqq6tPvu8\n8wqqhj1TjR6f95oaa02r5jYbTZiNrlRVgaXaiIfZh0g/H1xdXHF1MdcVW0Yzri5mzPWPXc+5bVjX\nUJRduM4Vs9GE0XBhh0FIiA85OcVU1lRRUFlIQUUhBZWFFFYWUVBVSEFlkW3Z0cITWLFe8vfwMXuf\nU9D54u/mf87eu7pbD5O79t6JdFAq3ETksrmZXXhwSm+6RfqyfMMhFi7/gRk3xTJ+SLS+UIg4mJra\nGtYc+YzSgyUUl5ddUGBVn1OUtXZBZTKacK0vfNxc3PB29T5bHBnPK5Aa7hvNBPh5U1Ve26jAOltQ\nmTE3LD+noFr55WE+23mS7p38eOrOAbia2/e0/24uroR5hhDmGXLJ59TU1lBcXUJ+RSGFlfVFne22\ngMLKIrLKcjhVcunjiF1dXOuKOde6VswAd79z2jTrbn1dfS5aZIqIc1PhJiJXxGAwMDYxis5h3rz9\n8V6WbzzMsdPF3H9LnK6TJFKvtLSUX//61xQWFlJdXc2cOXMYMWIEAMuXL2fJkiVs3LixTTOUVJex\nKX0bllqLbdnFCyozZhfXCwuqFuyNanjNxQqqK9GwF6ulNuxK47NvTxIW6MljdyS0e9HWUi5GF1ur\n5KVYrVbKLRX1BV1dUVd4zv2G5dlluZfchtFgxNfV54KCLro0DJcqV1uLppuLLo8g4kxUuInIVekR\n5c8z9w/hz6v38u2+LNJzSpgztR9hAZ72jiZidx9//DExMTE8+eSTZGVlcd999/H555+Tl5fHv/71\nr3bJ4Ofmwx+GP4NfgBtF+VW4upivqb0x3x/K4f/WH8TX08wTM/rj7WG2d6SrYjAY8DR74Gn2INI7\n/JLPq661UFRZRH5l4713hecsSy/O4ETRqbMvOtJ4Gx4mj0atmAHnnFClocD0MnteU/9eRK6E1Wql\nutZCZU1l/U9V3a2l7raiphIDBiYE3NimOVS4ichVC/Bx4z9/NpDlGw6xcXc6zy3dycM/6UP/7sH2\njiZiVwEBAfz4448AFBUVERBQdyzon/70Jx577DGeeOKJdsnhYXLHz92HKlPL92I5gyMZhSxek4rZ\nZOSX0/sT6u9h70jtxmw0EeQRSJBH4CWfY7VaKakutbVi1pirSMvLarTnrqCyiMzSrEtuw2Rwwa/R\ncXcXnlzFz80Xs06sIg6iJUWWbdl56yrPW1dhOfu4qeNTG4QHBdDFtVub/W76XyYircLkYuSeCb2I\nifBl2bofeX3VHm4dHsOUYV0x6rg36aAmT55MUlIS48ePp6ioiMWLF/Ptt9/i5uZG//797R3PqWXn\nl/H6qj1U19Ty79MSiInwtXckh2MwGPBx9cbH1Zton8i6FlS/C4v3ypqqi7Rj1rVo5tfvxTtedJJa\na+0l38vb7NWoLdP/InvvdGIVOV9zRZZriZGcgsI2KbKaUtdGXtdK7uPqbbtvuzW5XbDMx9WLARF9\nyc8ra6XRuZAKNxFpVcP6RRAV4s2bSSms3nKMY5lFPPSTPni6O3f7ksiVWLNmDZGRkbz77rscOHCA\n3/zmN3h6evL222+3eBsBAZ6YTK1zzFZIiE+rbKc9NJW1sKSS1//yLcVl1cyelsD4G2LaMdmFroVx\njSKoydfV1tZSUFnEmbICzpSf81P/OK88n5zyPNKaOLGKm4srgR7+BHr6E+DhT5CHv+1xoIc/QR4B\n+Ln74GI8++/9WhhbR3QlWa1WK9U11VRYKqmwVFJuqbDdr7BUUlF9kWWWSiqqL1x27vOs1qsrstxM\nbrib3HB3dcPf5ItHw2OTe/2tG+5mt7P365d7mC98nofJDVeT61W1B7flvwMVbiLS6rqE+7Dg50NY\nvGYvyUfy+K/3djJnaj+iQrztHU2kXe3evZvhw4cDEBcXx5EjRwgPD+ehhx4CIDs7myeeeIJXXnnl\nktvIz2+dv95e7gk/7KmprFXVNfxp+fdk5JYy6fouDO4RbNff61oZ15ZxwY8g/NyCiHED/BuvtVqt\nVNRUNLoEQkH9ZREKbZdKKCKzJPuS72DAYDuxioerKxZLLWCwdW4YMGAwGGy3jZdRv8zQeBkGOOd+\nw+vBgMFge7bt+TTanvEiyxpef/a+l6cb5eXVABht71f/LIOhbtl5mWz5z3muob5gaLys7hV12z2b\n9+x2L/78iy4DvH3dyDlTWN8y2PyerLN7s1p3T1agmydunm64N9qT1bAXq25ZsL8fVWW1uLm44m5y\nr3/e2T1dri5XV2QBYKn7sQDFVAPVV7yp1vg8aKrwU+EmIm3C28PMEzMGkPT1Uf75zQleWLaLn0+K\nY2jvMHtHE2k3Xbp0ITk5mZtvvpn09HQiIiJYt26dbf2YMWOaLNqksdpaK0s+2ceR9CKu7xPG1FFt\ndyyJXD6DwYCHyQMPkwcRXpf+rLfUWiisLKawqvASl0YoJLP0NDUltVit1qsuFuTKnFtkBXl42ool\n94bCynRe+6Dtft1j9/PaCa+kyHKmP4y0BxVuItJmjEYDd4yOpWu4D+/+cz+L1qRyLLOIO0bH4mLU\nWcrk2vfTn/6UefPmcc8992CxWHj22WftHclpWa1Wlm84xO6DOcR19ufnk3rr+FknZTKaCPIIIMgj\nAC59ZYRGX9rPLeAa7lvr72O7X3uRZQ3PtVLXkddw/2LLwErdNjjvPRreu7Zh2+ct8/f3IL+gtH4b\n1nMyWM8uwwpW6t/hwm1ckPmSy86+R90zauGc9zj//c4ur7v18/GkupxWL7Kk7alwE5E2NzgulMhg\nL95MSmHdd6c4cbqYR27ri6+nriEk1zYvLy9ee+21S65v62u4XUu+2HGK9bvS6BTsxdyp/TCb9KWy\nIzm3PREHrNdDgn3IsTrHniHtxXJe+tQTkXYRGezF/PsGM7BHMAdOFvDc0h0cyyyydywRcQI7DmSz\nYuNh/L1deXx6f53sSEQ6JBVuItJuPNxMzJnaj2mjupFfVMl//+8uvk6+9BnIREQOnirgnU/24ebq\nwuPT+xPk527vSCIidqHCTUTaldFgYPINXXliRn/czC4s/ewA731+gGrLpa8PJCIdU2ZeKW98tAer\n1cqc2/vSOcx5TrcuItLaVLiJiF307RbEM/cPoXOoN5t+yOAPH+zmTFGFvWOJiIMoLKnklQ+TKa2w\ncN8tcfSNafo6YyIi1zoVbiJiNyH+Hvzm3kRuiA/nWGYRzy3dwY8n8+0dS0TsrLzSwqur9pBbWMFt\nw2MYnhBh70giInanwk1E7MrN7MKDU3pz9/ielFZY+NPff+CLHadspzwWkY6lpraWP76/kxOnixmR\nEMFPhnW1dyQREYegwk1E7M5gMDA2MYpf3TUQH08zyzccYskn+6isqrF3NBFpR1arlf/94iA792fR\nNyaQe2/uhUHXahMRAVS4iYgD6RntzzP3D6F7Jz++3ZfFC+/vJDu/zN6xRKSdfLr9BJt+yKBbJz8e\nva0vJhd9TRERaaBPRBFxKAE+bvznzwZy06BOpOWU8tzSnew5kmvvWCLSxrbvPU3S10cJ8nVjwYPX\n4+FmsnckERGHosJNRByOycXIvRN68cCk3lRZanlt5R7Wbj1GrY57E7km7T9+hr/+cz+ebiYenzGA\nQF9dq01E5Hwq3ETEYQ1PiOC39yYS6OvO6s3HePOjFMoqLPaOJSKtKC27hDc/TsFggH+f1o9OwV72\njiQi4pBUuImIQ+sS7sMz9w+mT9cAfjicy3+9t4O0nBJ7xxKRVnCmqIJXViZTXlnDrMl96NU5wN6R\nREQclgo3EXF4Pp6u/MeMAUy8vjNZ+eW8sGwX3+3PsncsEbkKZRUWXl2ZTH5xJdNHx3JdnzB7RxIR\ncWgtOvL3xRdfJDk5GYPBwLx580hISLCt+/DDD1m1ahVGo5G4uDgWLFiAwWBo8jUiIpfLaDQwfXR3\nYsJ9efef+1m0JpXjmcVMG90NF6P+BiXiTCw1tbz1cQppOaXcNKgTt1zX2d6RREQcXrOF23fffceJ\nEydYsWIFR44cYd68eaxYsQKA8vJyPv30Uz744APMZjMzZ87k+++/x2KxXPI1IiJXY3BcKBHBXryZ\nlMLn353kRFYxv7g1Hl9PV3tHE5EWsFqtLP3sAPtP5DOgezB3j+upa7WJiLRAs3+m3r59O+PGjQMg\nNjaWwsJCSkrqji/x8PDgvffew2w2U15eTklJCSEhIU2+RkTkanUK9uKZ+wYzsEcw+0/k89zSHRzL\nLLJ3LBFpgY83H2Pb3tPERPjyi1vjMRpVtImItESze9xyc3OJj4+3PQ4MDCQnJwdvb2/bsiVLlrBs\n2TJmzpxJdHR0i15zvoAAT0wmlyv9PWxCQnyuehvtxZmygnPlVda24WhZn334RlZtPMT/fr6fP3yw\nm0enJjD+ui629Y6WtynKKh3Bph/S+ce244T4u/PLOxJwM1/9vC8i0lFc9tUtrRe5jtLDDz/MzJkz\neeihh0hMTGzRa86Xn192uVEuEBLiQ05O8VVvpz04U1ZwrrzK2jYcNetN/SMI8XFl8dpUXv/wB/Yc\nzOaucT2JjPBzyLwX46hjezGtkVWFX8e050ge7687iLeHmf+YMQBfL7U3i4hcjmZbJUNDQ8nNzbU9\nzs7OJiQkBICCggJ27NgBgLu7OyNHjmT37t1NvkZEpLX17RbE/PuHEB3qzVc/ZPDS/+3m4Ml8e8cS\nkXrHTxfx59V7cXEx8NgdCYQFeto7koiI02m2cBs2bBjr1q0DIDU1ldDQUFvLo8Vi4emnn6a0tBSA\nlJQUYmJimnyNiEhbCPX3YN69idwQH8bRjCKefO1rXli2k2/2ncZSU2vveCIdVm5BOa+u3ENVdQ0P\n/ySe7p387B1JRMQpNdsqOWjQIOLj47nzzjsxGAwsWLCApKQkfHx8GD9+PHPmzGHmzJmYTCZ69erF\n2LFjMRgMF7xGRKStuZldeHBKH27sF8HmPafZse80R9buY4X3YW4a2IlRAzrhp/YskXZTUl7NKyuT\nKSqt4q5xPUjspe4bEZEr1aJj3J566qlGj+Pi4mz3p06dytSpU5t9jYhIezAYDMR3DWT0kC6kHsxi\n4+50Nu/JYPXmY/xj23GGxIUxbnAUMRG+9o4qck2rttTw5kd7yMwrY8KQaMYPjrZ3JBERp3bZJycR\nEXEWoQGe3Dm2B7eNiGHb3tNs2JXG9tTTbE89TWwnX8YlRpPYKwSTiy7gLdKaaq1W/vKP/RxMK2RI\nXCgzxnS3dyQREaenwk1ErnnuribGDIpi9MBO7Dt+hg0709hzJI/F6an4e7va2ih1ljuR1rHqyyPs\nOJBNzyg/HpzSG6MusC0ictVUuIlIh2E0GOgbE0TfmCCy8svYuCudLSkZfLz5GJ9sO851vcMYOziK\nruFqoxS5Uht2pfH5dyeJCPJk7rQEzK1wjVYREVHhJiIdVFiAJ3eNO9tGuX5XGlv3nmbr3tN0j/Jj\nXGIUg3qqjVLkcuw+mMP//esgvl6uPDG9P94eZntHEhG5ZqhwE5EOzcPNxNjEKG4a1Il9x86wfldd\nG+XhtEICfNwYPbATowZE4uupNkqRphxJL2Tx2lRczS48Pj2BYH8Pe0cSEbmmqHATEaG+jbJbEH27\nBZF1powNu9LYkpLJx18f5ZOtx7muTyjjEqPpEu5j76giDicrv4zXVu2hpsbKnDv6qt1YRKQNqHAT\nETlPWKAnPxvfk9tHdmNrSiYbdqWxNeU0W1NO0yPKj7FqoxSxKSqr4pUVyZSUV3PfLb1IiA22dyQR\nkWuSCjcRkUvwcDMxbnA0YxKj2Hv0DBt2pZFyNI9D9W2UNw3sxEi1UUoHVlldw+ur9pBdUM6UG7sw\nakAne0cSEblmqXATEWmG0WAgITaIhNggTp/TRpn09VHWbj3O9X3qLurdOUxtlNJx1NZaWbI2laMZ\nRdwQH87tI7rZO5KIyDVNhZuIyGUID/Tk7vE9mTqyG1vq2yi3pGSyJSWTnlF+jBsczcCewbgY1UYp\n1y6r1crf1x/i+0O59O4SwM8nxWHQtdpERNqUCjcRkSvg4WZi/OBoxiZGsfdoHut3prH32BkO1rdR\njhnUiZH9I/FRG6Vcg9Z9d4oNu9OICvFizu39dLyniEg7UOEmInIV6toog0mIDSYzr7TuRCZ7T/PR\nprNtlGMT1UYp147v9mfx4ZeHCfBx4/Hp/fF011cJEZH2oE9bEZFWEhHkxT0TejF1ZKztbJSb92Sy\neU8mPaP9GZcYpTZKcWo/nsznL//Yh4ebC49P70+gr7u9I4mIdBgq3EREWpmnu4nxQ6IZOziKlCN5\nrN+VRuqxMxw8VUCgrxtjBkUxsn8k3h5me0cVabH03FLe+CgFqxXm3N6P6FBve0cSEWkXX321gdGj\nxzb7vBdeeIEpU6YRGdk2Z9hV4SYi0kaMBgP9uwfTv3swGbmlbNidxraU06z66ghrthzjhvgwxiZG\nExKiNkpxbAUllbz64Q+UVVqYNbk3fboG2juSiEi7yMzMYP36dS0q3H7729+Sk1PcZllUuImItIPI\nYC/undCLaSO7sSXlNBt2neLr5Ey+Ts6kX2wwIxPCGdBDbZTieMorLby6Mpm8okpuHxHDsH4R9o4k\nItJuXn75JfbvT2XEiCFMmDCRzMwMXn31bf77v58jJyeb8vJyHnjgYYYNG8G9997L3Ln/wZdfbqC0\ntISTJ0+Qnp7GY489yQ03DLvqLCrcRETakae7mQlDohmXGMWeo3ls2HmKlCO5pBzJJai+jXKE2ijF\nQVhqavnzmr2czCphZP8IptzY1d6RRKSD+nDjYXYcyG7VbQ6JC2XGmO5NPueuu+4lKelDYmJiOXny\nOG+//Rfy888wdOj1TJw4hfT0NObPf5phw0Y0el12dhYLF77ON99sY82aj1S4iYg4K6PRwIDuwQzo\nHkx5jZVV6w+ydW8mK+vbKK+PD2dcYhRROo5I7MRqtfL+uh/Ze/QM/boFce/NvXStNhHp0Hr3jgfA\nx8eX/ftTWbs2CYPBSFFR4QXPTUgYAEBoaCglJSWt8v4q3ERE7KxzuC/33tyLqaO6sWVP3dkov07O\n4OvkDOI6+zNucDQDugdjNOpLs7SfT7YdZ/OeTLqE+fDobfFq4xURu5oxpnuze8famtlc1w3zr399\nTlFREW+99ReKiop48MF7L3iui4uL7b7Vam2V91fhJiLiILzczdw8tDPjB0eTfCSX9TvT2H8inwMn\nCwjydWdsYhQj+kfg5a42SmlbW1MyWb35GEG+7jw+PQF3V31dEJGOyWg0UlNT02hZQUEBERGRGI1G\nNm3aSHV1dbtk0SexiIiDMRoNDOwRwsAeIaTnlLBhVxrb9p7mwy8Ps3rzUW7oG87YxCiiQtRGKa0v\n9dgZln52AC93E0/M6I+ft5u9I4mI2E2XLjH8+OMBIiIi8ff3B2D06DE8/fR/sG/fXiZP/jdCQ0P5\n29/eafMsKtxERBxYpxBvZt4Sx7TRsWxOzmTj7jQ2/ZDBph8y6N0lgHGJUfRXG6W0kpNZxbz1cQoG\ng4F/n5ZAZLCXvSOJiNhVQEAASUmfNloWERHJe+8ttz2eMGEiACEhPuTkFNOt29mWzm7duvPmm0ta\nJYsKNxERJ+DlbuaW6zozYUg0yYdzWb+rro1y/4l8gv3c689GqTZKuXJniip4dWUyFVU1PHJrPD2j\n/e0dSUREzqHCTUTEiRiNBgb2DGFgzxDS6tsotze0UW45yo19IxibGEUn7SmRy1BWUc0rK5MpKKli\nxk3dGdo7zN6RRETkPCrcREScVFSIN/fdEse0UbFs3pPBxl3pfPV93U/vLgGMGxxF/1i1UUrTLDW1\nvJmUQnpOKWMTo7h5aLS9I4mIyEWocBMRcXLeHmYmXteFm4d05ofDuazfeapRG+XYxChGJETgqTZK\nOY/VauVv/9zPgZMFDOoZwl1je+habSIiDkqFm4jINcJoNDCoZwiDeoaQll3C+l1pbE89zYqNh/l4\n81GG1bdR6oQT7ae0tJRf//rXFBYWUl1dzZw5cwgJCeG5557DaDTi6+vL//zP/+Dh4WGXfElfH2V7\nahaxkb48/JM+2jsrIuLAVLiJiFyDokK9uX9iHHeMjmVzcgYbd6fx5ffpfPl9OvFdAxibGE1CbJC+\nqLexjz/+mJiYGJ588kmysrK47777CA4O5umnnyYhIYGXXnqJpKQk7r777nbP9tUP6Xy6/QShAR78\n+x0JuJpdmn+RiIjYjQo3EZFrmLeHmYnXd2HC0Gh+OFR3Ue/U4/mkHs8nxN+dsYOiGK42yjYTEBDA\njz/+CEBRUREBdquC3AAADI1JREFUAQEsWrQIb++6a/AFBgZSUFDQ7rmSD+fy/rof8fYw88SM/vh6\nurZ7BhGRa8Udd/yEZctWAD5t+j4q3EREOgAXo5HEXqEk9grlVHYJG3adYntqFss3Hubjzce4sV84\n4xKjiAhSG2Vrmjx5MklJSYwfP56ioiIWL15sK9rKyspYs2YNr732WrtmOpZZxJ/X7MXsYuSX0xMI\nC/Bs1/cXEZEro8JNRKSDiQ715v6JvbljdHe+bmij3J3Ol7vTiY8JZFxiFP1igzDqJBVXbc2aNURG\nRvLuu+9y4MAB5s2bR1JSEmVlZTz66KM88MADxMbGNrmNgABPTKbWaWOsMRp546MULJZafnP/UK7v\nG9Eq220LISFt+5fr1qSsbceZ8ipr27Bn1ttvv5233nqLyMhI0tPTmTNnDmFhYZSVlVFRUcH8+fNJ\nSEjAxcVIcLB3m+dV4SYi0kF5e5iZdH0Xbh4azfcH6y7qnXrsDKnHzhDq78HYxCiG9YvA011TxZXa\nvXs3w4cPByAuLo7s7GyqqqqYPXs2U6ZMYerUqc1uIz+/rFWyuHm6MX/RNgpKKrl7fE9iw7zJySlu\nlW23tpAQH4fNdj5lbTvOlFdZ28a5WZMO/4Pvs1NadfsDQ/sxtfuUS66/8caRrF37GdOmzWDNmn9y\n440jiY3twciRo9m1awdvvvk2L7zwJ2pqasnNLcHLy+uqx7apws94VVsWERGn52I0MjgulKfvHsSz\nPx/C8IQIzhRX8vcNh3jy7a188MVBMvNK7R3TKXXp0oXk5GQA0tPT8fLy4t1332Xo0KFMnz693XJU\nW2p4/q/fcvpMGbdc15mxiVHt9t4iIs5q5Mib2Lp1MwBbtmxi+PBRbNq0gUcfncWf//wGhYWF7ZpH\nf0YVERGbzmE+PDCpN9NHx9a3UaazYXcaG3an0TcmkJ//W18CPDR1tNRPf/pT5s2bxz333IPFYuHZ\nZ5/lV7/6FVFRUWzfvh2A6667jrlz57ZZBqvVyjv/2M/+42cY2juUO0Y33ZopIuKIpnaf0uTesbbQ\nrVsseXk5ZGWdpri4mM2bvyI4OJT58/+LAwf28eabr7ZrHs2+IiJyAR9PVybf0JWbh3bm+0N1F/Xe\ne+wMf1mzl1/dOcDe8ZyGl5fXBScf2bJlS7tmyC+uZOeBbOK7BTFrch8duygichluuGE4S5a8zYgR\noygoyCc2tgcAmzZ9icViadcsKtxEROSSTC5GhsSFMiQulPTcUiLDfcFSY+9YchkCfd2Zf99g+vcO\np6igdY6XExHpKEaNuolHHnmApUv/TkVFOc8/v4Avv1zPtGkzWL/+Cz79dG27ZVHhJiIiLdIp2IuQ\nAE+nOahdzoqJ8MVNF9gWEblsvXvHs2nTt7bHH3ywynZ/+PBRAEye/G/tkkUnJxEREREREXFwKtxE\nREREREQcnAo3ERERERERB6fCTURERERExMG16OQkL774IsnJyRgMBubNm0dCQoJt3TfffMPLL7+M\n0WgkJiaGF154gR07dvDLX/6SHj3qTpfZs2dP5s+f3za/gYiIiIiIyDWu2cLtu+++48SJE6xYsYIj\nR44wb948VqxYYVv/zDPPsGzZMsLDw3nsscfYvHkz7u7uDB06lNdff71Nw4uIiIiIiHQEzbZKbt++\nnXHjxgEQGxtLYWEhJSUltvVJSUmEh4cDEBgYSH5+fhtFFRERERER6ZiaLdxyc3MJCAiwPQ4MDCQn\nJ8f22NvbG4Ds7Gy2bt3KqFF11zM4fPgwjzzyCHfddRdbt25t7dwiIiIiIiIdxmVfgNtqtV6wLC8v\nj0ceeYQFCxYQEBBA165dmTt3LhMnTuTUqVPMnDmTL774AldX10tuNyDAE5Pp6i8OGhLic9XbaC/O\nlBWcK6+ytg1nygrOlVdZRUREpCnNFm6hoaHk5ubaHmdnZxMSEmJ7XFJSwkMPPcTjjz/O8OHDAQgL\nC2PSpEkAdO7cmeDgYLKysoiOjr7k++Tnl13xL9EgJMSHnJziq95Oe3CmrOBceZW1bThTVnCuvB0t\nqwo/ERGRy2ewXmwX2jl2797NG2+8wd/+9jdSU1N5/vnn+fvf/25b/7vf/Y4hQ4Zw66232patXbuW\nnJwcZs2aRU5ODjNmzGDdunVN7nETERERERGRi2u2cANYuHAhO3fuxGAwsGDBAvbt24ePjw/Dhw9n\nyJAhDBw40PbcKVOmMHnyZJ566imKioqorq5m7ty5tmPfRERERERE5PK0qHATERERERER+2n2rJIi\nIiIiIiJiXyrcREREREREHJwKNxEREREREQenwk1ERERERMTBXfYFuB3Biy++SHJyMgaDgXnz5pGQ\nkGBbt23bNl5++WVcXFwYOXIkc+bMsWPSOk3lHTNmDOHh4bi41F18fOHChYSFhdkrKgcPHmT27Nnc\nf//93HPPPY3WOeLYNpXX0cb2j3/8I7t27cJisfCLX/yCCRMm2NY52tg2ldWRxrW8vJynn36avLw8\nKisrmT17NjfddJNtvSONa3NZHWlcG1RUVDBlyhRmz57N1KlTbcsdaVzlQs40RzrT/AjONUdqfmwb\nmh/bhubIFrI6mW+//db68MMPW61Wq/Xw4cPWGTNmNFo/ceJEa0ZGhrWmpsZ61113WQ8dOmSPmDbN\n5b3pppusJSUl9oh2gdLSUus999xj/d3vfmd9//33L1jvaGPbXF5HGtvt27dbH3zwQavVarWeOXPG\nOmrUqEbrHWlsm8vqSOP66aefWpcsWWK1Wq3WtLQ064QJExqtd6RxbS6rI41rg5dfftk6depU60cf\nfdRouSONqzTmTHOkM82PVqtzzZGaH9uG5se2ozmyZZyuVXL79u2MGzcOgNjYWAoLCykpKQHg1KlT\n+Pn5ERERgdFoZNSoUWzfvt2ecZvM62hcXV155513CA0NvWCdI45tU3kdzZAhQ3jttdcA8PX1pby8\nnJqaGsDxxraprI5m0qRJPPTQQwBkZmY2+uubo41rU1kd0ZEjRzh8+DCjR49utNzRxlUac6Y50pnm\nR3CuOVLzY/tndTTOND+C5siWcrpWydzcXOLj422PAwMDycnJwdvbm5ycHAIDAxutO3XqlD1i2jSV\nt8GCBQtIT08nMTGRJ598EoPBYI+omEwmTKaL/5NwxLFtKm8DRxlbFxcXPD09AVi1ahUjR4607e53\ntLFtKmsDRxnXBnfeeSenT59m0aJFtmWONq4NLpa1gSON60svvcT8+fNZvXp1o+WOOq5Sx5nmSGea\nH8G55kjNj21D82Pb0xzZNKcr3M5ndbLrh5+f97HHHmPEiBH4+fkxZ84c1q1bxy233GKndNcWRxzb\n9evXs2rVKv7617/aNUdLXCqrI47r8uXL2b9/P7/61a9Yu3at3SfKplwqqyON6+rVqxkwYADR0dF2\neX9pPc40R2p+bD+OOLaaH9uGM82PoDmyOU7XKhkaGkpubq7tcXZ2NiEhIRddl5WVZfc2gabyAtx2\n220EBQVhMpkYOXIkBw8etEfMZjni2DbH0cZ28+bNLFq0iHfeeQcfHx/bckcc20tlBcca171795KZ\nmQlA7969qamp4cyZM4DjjWtTWcGxxvWrr75iw4YNzJgxg5UrV/L222+zbds2wPHGVRpzpjnyWpkf\nwfHGtjmONraaH1ufM82PoDmypZyucBs2bBjr1q0DIDU1ldDQUFtbRVRUFCUlJaSlpWGxWPjyyy8Z\nNmyYPeM2mbe4uJhZs2ZRVVUFwI4dO+jRo4fdsjbFEce2KY42tsXFxfzxj39k8eLF+Pv7N1rnaGPb\nVFZHG9edO3fa/uKZm5tLWVkZAQEBgOONa1NZHW1cX331VT766CM+/PBDpk+fzuzZs7nxxhsBxxtX\nacyZ5shrZX4Exxvbpjja2Gp+bBvOND+C5siWMlidqY+i3sKFC9m5cycGg4EFCxawb98+fHx8GD9+\nPDt27GDhwoUATJgwgVmzZtk5bdN533vvPVavXo2bmxt9+vRh/vz5dtuNvXfvXl566SXS09MxmUyE\nhYUxZswYoqKiHHJsm8vrSGO7YsUK3njjDWJiYmzLrrvuOnr16uVwY9tcVkca14qKCn7729+SmZlJ\nRUUFc+fOpaCgwCE/D5rL6kjjeq433niDTp06ATjkuMqFnGmOdJb5EZxrjtT82DY0P9ovryON7bna\ne450ysJNRERERESkI3G6VkkREREREZGORoWbiIiIiIiIg1PhJiIiIiIi4uBUuImIiIiIiDg4FW4i\nIiIiIiIOToWbiIiIiIiIg1PhJiIiIiIi4uBUuImIiIiIiDi4/wdHFGU3IiFTgQAAAABJRU5ErkJg\ngg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "wYGUHK0GsfhP", + "colab_type": "code", + "outputId": "7997fa4f-1633-4137-886b-ac10c5a31e4b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Test performance\n", + "trainer.run_test_loop()\n", + "print(\"Test loss: {0:.2f}\".format(trainer.train_state['test_loss']))\n", + "print(\"Test Accuracy: {0:.1f}%\".format(trainer.train_state['test_acc']))" + ], + "execution_count": 83, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Test loss: 0.47\n", + "Test Accuracy: 84.1%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "GO8v_uUisfd9", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Save all results\n", + "trainer.save_train_state()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "VbQdvtK3twoW", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Freeze embeddings" + ] + }, + { + "metadata": { + "id": "XrMm4K61t21h", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Now we're going to freeze our GloVe embeddings and train on the supervised task. The only modification in the model is to turn on `freeze_embeddings`:\n", + "\n", + "```python\n", + "if freeze_embeddings:\n", + " self.embeddings.weight.requires_grad = False\n", + "```" + ] + }, + { + "metadata": { + "id": "ilV_QbtktzH3", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "args.freeze_embeddings = True" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "7NdD-iP6tzFQ", + "colab_type": "code", + "outputId": "52f0faa1-9ec2-44de-8767-71b9e6f31c2c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Initialize model\n", + "model = NewsModel(embedding_dim=args.embedding_dim, \n", + " num_embeddings=len(vectorizer.title_vocab), \n", + " num_input_channels=args.embedding_dim, \n", + " num_channels=args.num_filters, hidden_dim=args.hidden_dim, \n", + " num_classes=len(vectorizer.category_vocab), \n", + " dropout_p=args.dropout_p, pretrained_embeddings=embeddings,\n", + " freeze_embeddings=args.freeze_embeddings,\n", + " padding_idx=vectorizer.title_vocab.mask_index)\n", + "print (model.named_modules)" + ], + "execution_count": 86, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "6NJhm2EOtzCV", + "colab_type": "code", + "outputId": "775c7f44-2346-459f-a0dd-d31244330b87", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Train\n", + "trainer = Trainer(dataset=dataset, model=model, \n", + " model_state_file=args.model_state_file, \n", + " save_dir=args.save_dir, device=args.device,\n", + " shuffle=args.shuffle, num_epochs=args.num_epochs, \n", + " batch_size=args.batch_size, learning_rate=args.learning_rate, \n", + " early_stopping_criteria=args.early_stopping_criteria)\n", + "trainer.run_train_loop()" + ], + "execution_count": 87, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[EPOCH]: 00 | [LR]: 0.001 | [TRAIN LOSS]: 0.53 | [TRAIN ACC]: 80.9% | [VAL LOSS]: 0.48 | [VAL ACC]: 82.6%\n", + "[EPOCH]: 01 | [LR]: 0.001 | [TRAIN LOSS]: 0.45 | [TRAIN ACC]: 83.5% | [VAL LOSS]: 0.46 | [VAL ACC]: 83.2%\n", + "[EPOCH]: 02 | [LR]: 0.001 | [TRAIN LOSS]: 0.42 | [TRAIN ACC]: 84.8% | [VAL LOSS]: 0.46 | [VAL ACC]: 83.4%\n", + "[EPOCH]: 03 | [LR]: 0.001 | [TRAIN LOSS]: 0.38 | [TRAIN ACC]: 86.0% | [VAL LOSS]: 0.46 | [VAL ACC]: 83.8%\n", + "[EPOCH]: 04 | [LR]: 0.001 | [TRAIN LOSS]: 0.32 | [TRAIN ACC]: 88.1% | [VAL LOSS]: 0.47 | [VAL ACC]: 83.8%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "oojDHLowty_9", + "colab_type": "code", + "outputId": "fffbfaf7-fa75-43d9-e70a-d3200ac80013", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Plot performance\n", + "trainer.plot_performance()" + ], + "execution_count": 88, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA24AAAE+CAYAAAD1QEO5AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xl4lOWh/vHvbNkXErKThRCWQMgC\nhBB2ZZGwKKJW9EhLqz2nHrG2Fvuj0sX2eI62p9LW5XiqHmut2orFsAgIAgKyBUhCwhp2CITsK1nI\nOr8/wCiCLJLkzST357q4MvPmnZl7JkDmnud9n8dkt9vtiIiIiIiISKdlNjqAiIiIiIiIXJuKm4iI\niIiISCen4iYiIiIiItLJqbiJiIiIiIh0cipuIiIiIiIinZyKm4iIiIiISCen4ibShgYMGEBBQYHR\nMURERDrMAw88wF133WV0DJEuT8VNRERERL6RI0eO4OnpSUhICHv27DE6jkiXpuIm0gHq6+v51a9+\nxZQpU5g6dSq//e1vaW5uBuDdd99l6tSppKSkcN9993H06NFrbhcREeksli5dSkpKCjNmzGDZsmWt\n25ctW8aUKVOYMmUKP/3pT2loaPja7Tt37mTy5Mmtt/3y9Zdffplf/OIX3Hffffz1r3+lpaWF3/zm\nN0yZMoUJEybw05/+lMbGRgDKysp49NFHmThxInfeeSdbt25l06ZNzJgx47LM99xzD+vXr2/vl0ak\nzVmNDiDSHbz99tsUFBSwatUqmpqamDNnDitXrmTixIm8+OKLbNy4EQ8PDz7++GM2bdpEcHDwVbf3\n69fP6KciIiICQHNzM+vWrWPevHlYLBYWLVpEQ0MDRUVF/O53v2PZsmUEBATwwx/+kL/97W+kpKRc\ndXtsbOw1H2fz5s0sX74cX19f1q5dS3p6OitXrqSlpYVZs2axevVqZs6cyaJFi4iKiuLPf/4zBw8e\n5Hvf+x5btmyhuLiYnJwcoqOjOXfuHLm5uYwbN66DXiWRtqPiJtIBNm3axMMPP4zVasVqtXLnnXey\nbds2pk2bhslkYsmSJcyYMYOpU6cC0NjYeNXtIiIincXWrVuJjY3Fw8MDgKSkJDZu3EhFRQVDhgwh\nMDAQgEWLFmGxWPjwww+vuj0jI+OajxMfH4+vry8AU6ZM4fbbb8dmswEQGxvLmTNngIsF74033gBg\n0KBBbNiwAScnJ6ZMmcKqVauIjo5m/fr1TJw4EScnp7Z/QUTamQ6VFOkAZWVleHt7t1739vamtLQU\nm83GX//6VzIzM5kyZQr/8i//wuHDh792u4iISGeRmprKpk2bSExMJDExkU8++YSlS5dSXl6Ol5dX\n637Ozs5Yrdav3X49X/79WVZWxoIFC5gyZQopKSls2LABu90OQEVFBZ6enq37fl4op0+fzqpVqwBY\nv34906ZNu7UnLmIQFTeRDuDn50dFRUXr9YqKCvz8/ICLnwq+9NJL7NixgzFjxvDMM89cc7uIiIjR\nKisr2bVrFzt37iQ9PZ309HR2797Nvn37MJvNlJeXt+5bXV1NSUkJPj4+V91usVhaz/sGqKqq+trH\n/eMf/4jVauWjjz5izZo1jB8/vvV7PXr0uOz+z549S2NjI8OHD6epqYmNGzdy9OhRRo0a1VYvg0iH\nUnET6QC33XYbS5Ysobm5mdraWpYvX8748eM5fPgwTzzxBA0NDTg5OTF48GBMJtPXbhcREekMVq1a\nRXJy8mWHHFqtVsaMGUNDQwOZmZmcPXsWu93OM888w5IlSxg/fvxVt/v7+1NcXExpaSnNzc189NFH\nX/u4paWl9O/fHycnJ3JyctizZw+1tbUATJgwgaVLlwJw7Ngx7rnnHpqbmzGbzUybNo1nn32WCRMm\ntB5mKeJodI6bSBv79re/jcViab3+n//5n3z729/mzJkzTJ8+HZPJREpKSut5a6GhocyYMQObzYa7\nuzu/+tWv6N+//1W3i4iIdAbLli1j7ty5V2yfPHkyr776Kv/xH//B3LlzsVgsxMbG8r3vfQ9nZ+ev\n3X7vvfdy9913ExISwsyZMzl06NBVH/fhhx9mwYIFpKamkpiYyIIFC/j5z39OXFwcP/3pT1mwYAET\nJkzA3d2dF154ARcXF+Di4ZJvvfWWDpMUh2ayf35gsIiIiIhIF1RSUsKsWbPYtGnTZR+uijgSHSop\nIiIiIl3aSy+9xIMPPqjSJg5NxU1EREREuqSSkhImTpxISUkJDz/8sNFxRG6JDpUUERERERHp5DTi\nJiIiIiIi0smpuImIiIiIiHRynWY5gOLi87d8Hz4+bpSX17ZBmvbnSFnBsfIqa/twpKzgWHm7W1Z/\nf882StM9tMXvR+h+f886irK2H0fKq6ztw5GyQvv/juxSI25Wq+PMFORIWcGx8ipr+3CkrOBYeZVV\nOoIj/eyUtX04UlZwrLzK2j4cKSu0f94uVdxERERERES6IhU3ERERERGRTk7FTUREREREpJNTcRMR\nEREREenkVNxEREREREQ6ORU3ERERERGRTk7FTUREREREpJNTcRMRETZt2nBD+/3Xf/0X587ltXMa\nERER+SoVNxGRbi4//xzr16+9oX1//vOfExLSq50TiYiIyFdZjQ7QVk4VVJGTV0V0Ly+jo4iIOJQ/\n/OF3HDp0gLFjh3PHHVPJzz/Hn/70Ks8//x8UFxdRV1fHww//G6NHj+Xb3/42jz/+EzZu3EBNTTW5\nuafJyzvLE0/MZ+TI0UY/FRERkQ5XXdfIzoOFzBjft10fp8sUt7W7zrDzYCH3396XlBHhRscREXEY\nDz74bVJTPyAyMorc3FO8+ur/UV5eRlJSMlOnziAv7yy//OXPGD167GW3Kyoq5IUXXiItbTvLl3+o\n4nYVNTU1LFiwgMrKShobG5k3bx61tbX85S9/wWazERgYyPPPP4+Tk5PRUUVE5BvIK6nh5SV7Kaqo\no2+ELxF+bu32WF2muN07vg/H8ir5YOMx3FysjIsPMTqSiMhN++DTY+zOKWrT+xweHcD9E27sU8CB\nA2MA8PT04tChA6xYkYrJZKaqqvKKfePiEgAICAigurq67QJ3IUuXLiUyMpL58+dTWFjI3Llzqamp\nYfXq1Xh6evLLX/6SdevWMX36dKOjiojITco6VsLrKw5woaGZGaN6M3RAAKWl7ff7sMuc4+bn7cqz\nPxiFh6uNtz/OYdehQqMjiYg4HJvNBsC6dWuoqqrif/7n/3juuReuuq/FYmm9bLfbOySfo/Hx8aGi\nogKAqqoqfHx86NGjB1VVVZdtExERx2G321mddpqXl+ylpcXOozNjuGdcH8xmU7s+bpcZcQMIC/Tk\nJ7Pj+e+/7+GNjw7i6mwltk9Po2OJiNyw+yf0veHRsbZiNptpbm6+bFtFRQXBwSGYzWY2b/6UxsbG\nDs3UVUyfPp3U1FQmT55MVVUVr732GvX19cyaNQtPT08GDRrEqFGjrnkfPj5uWK2Wa+5zo/z9Pdvk\nfjqCsrYPR8oKjpVXWdtHZ8ta39jMKx9ksSnzLH7eLvz8eyPoG9aj9fvtmbdLFTeA3kFe/Oi+OP7w\nQTb/k7qPn8xOoP+XXkwREblcREQkhw/nEBwcQo8eF/+/vO22CfzsZz/h4MH9TJ9+FwEBAbz11hsG\nJ3U8y5cvJyQkhDfffJOcnByefvppmpqaWLJkCWFhYfz4xz9mw4YNTJw48Wvvo7y8tk2y+Pt7Ulx8\nvk3uq70pa/twpKzgWHmVtX10tqzl5+t5JXUvJ/PPExXixeP3xOLtYmnN2BZ5r1X8ulxxAxgQ7sNj\ndw/mldR9vLgkm//34FAigjpXWxcR6Sx8fHxITV112bbg4BDefvv91ut33DEV+OKXUp8+X4wK9unT\nl1deeb1jwjqYzMxMxowZA0B0dDTHjx8nIiKC8PCLk2iNHDmS/fv3X7O4iYiI8U6cq+Ll1L1UVjcw\nenAQ30mJxmbt2LPOusw5bl8V39eP788YxIX6Zv7wQRb5pTVGRxIRkW4mIiKC7OxsAPLy8ggKCqKy\nspKysjIA9u3bR0REhJERRUTkOnYcKOC372VSVdPA7Al9eXj6wA4vbdBFR9w+N2JQIHX1Tfxt7WEW\nLc7i6YeG0dPbxehYIiLSTcyePZuFCxcyZ84cmpqa+M1vfkNNTQ2PPvooTk5OhIaGakZJEZFOqqXF\nzoefHefjtFxcnS08flc8cVHGzZ/RpYsbwG1DelFb38SSTcd5YXEWTz80FC93rZcjIiLtz93dnRdf\nfPGK7ZMmTTIgjYiI3Ki6+iZeX3GA7OOlBPq48sR9cQT3dDc0U5c9VPLLpiVHMDU5nMKyWv6wOIva\nC5odTURERERErlRUXst/vZNB9vFSYnr78Iu5iYaXNugmxQ3gvvFR3JYQQm5RNX9aspf6xubr30hE\nRERERLqNQ6fKePbtdM6V1DA5MYwf3x+Pu4vN6FhANypuJpOJOXcMIGlgAMfOVvI/S/fR1NxidCwR\nERERETGY3W5nQ8ZZFi3O5kJDM9+bGs2Dk/phMXeeutR5knQAs9nE92cMIi6qJ/tPlPH6RwdpabEb\nHUtExCHcd9+d1NRohl4REelamppbeGftYd5bdwR3Vys/fXAIY+NDjI51hW5V3ACsFjP/fvdg+of1\nID2niL+tzcFuV3kTEREREeluztc2sOj9LDZlnSM8wINfzR1O/7AeRse6qi4/q+TVONss/Oi+OP77\n73v4LDsfN2cb37o9CpPJZHQ0EZEO9/DDD/Hcc4sICgqioCCfp5+ej79/AHV1dVy4cIEnn/wpgwYN\nNjqmiIhImzpTVM3LH+6lpPICiQP8eWT6IJydLEbH+lrdbsTtc67OVp6cHU9wTzfW7Mpl1Y7TRkcS\nETHEuHG3s23bZwBs2bKZceNuZ8aMu3n55dd49NHHee+9tw1OKCIi0rYyjxTz3DsZlFReYOaYSB69\ne3CnLm3QTUfcPufl5sT82Qk8/24mqZ+dwM3FyoShoUbHEpFuLPXYSvYU7WvT+xwSEMs9fWd87ffH\njbudV175E/feez9bt27m8cef5P333+Ef/3iHxsZGXFxc2jSPiIiIUex2Oyu3n2LplpM42cw8dvdg\nEqMDjI51Q7rtiNvnfL1ceOqBBLzcnXj3kyPsOFBgdCQRkQ7Vp08UpaXFFBYWcP78ebZs2YSfXwD/\n+79v8tRTPzM6noiISJuob2zmtRUHWLrlJD29nFk4Z5jDlDbo5iNunwv0deMn98fz33/fw5srD+Hq\nZCWhn5/RsUSkG7qn74xrjo61l5Ejx/D6668ydux4KirKiYrqB8DmzRtpamrq8DwiIiJtqazqAi9/\nuI/ThefpG+rN47Ni8XJ3MjrWTen2I26fCw/05MffisdqNfHqsv3knC43OpKISIcZP/521q9fy223\nTSQlZTqLF7/Hk0/OIyZmMKWlpaxatcLoiCIiIt/IsbxK/uPtdE4XnmdsXDD/78EhDlfaQCNul+kb\n6s0P74njT//M5sUP9/L/HhxCZLCX0bFERNrdwIExbN68s/X6e+8tab08Zsx4AKZPvwt3d3dqa893\neD4REZFvYtu+fN5ek0Nzi50HJ/Vj0rBQh51JXiNuXxET6csP7oqhobGZPyzOIq+42uhIIiIiIiJy\nE1pa7Cz+9ChvrjqEk9XCT+5PYHJimMOWNlBxu6rE6AC+mxJNzYUmFi3OoriizuhIIiIiIiJyA2ov\nNPGnJdms3XWGIF83fjE3kZhIX6Nj3TIVt68xNj6EByb0paK6gRfe30NFdb3RkURERERE5BoKymr5\nz7+ls/9EGbF9evKL7yQS5OtmdKw2oeJ2DXckhXPX6N4UV1xg0eIsqusajY4kIiIiIiJXsf9kKf/5\ndjoFZbWkJIXzo/vicHPpOlN6qLhdx8wxkUwcFkpecQ1/+mc2Fxo0LbaIiIiISGdht9tZt/sMf/wg\nm4amZh6ZPpD7J/TFbHbc89muRsXtOkwmEw9O6seowUGcOFfFyx/uo7Gp2ehYIiIiIiLdXmNTC3/9\nOId/bDiKp5sTC/5lKKNjg42O1S5U3G6A2WTie9OiGdLPj0Ony/nz8gM0t7QYHUtEREREpNuqqmng\n9+/vYcvefCKCPPnV3ESienkbHavdqLjdIIvZzKMzYxgY4cOeoyW8tTqHFrvd6FgiIiIiIt1ObuF5\n/uPt3Rw7W0nSwAB+9tBQfL1cjI7VrlTcboLNauHxe2KJDPZi+/4C/rH+KHaVNxERERGRDpOeU8Rz\n72ZQVlXPrHF9+MFdMTjbLEbHancqbjfJ1dnKk/fH08vfnQ0ZZ1m+9aTRkUREREREurwWu51lW07w\n6rL9mDDxw3tiuXNUb4deVPtm3ND8mM899xzZ2dmYTCYWLlxIXFxc6/cmTJhAUFAQFsvFlvvCCy8Q\nGBh4zds4Og9XG/NnJ/D8uxms2HYKNxcbdwwPMzqWiIiIiEiXVN/QzP+tOkjG4WL8vF144t44QgM8\njI7Voa5b3Hbt2sXp06dZvHgxx48fZ+HChSxevPiyfd544w3c3d1v6jaOroeHM089MITn3s3g/Q1H\ncXW2MDYuxOhYIiIiIiJdSkllHS9/uI8zRdUMCOvBY7MG4+nmZHSsDnfdQyV37NjBpEmTAIiKiqKy\nspLq6uo2v40j8u/hylOzE3B3sfLXj3NIzykyOpKIiIiISJdx5EwFz76dzpmiam5LCGH+AwndsrTB\nDYy4lZSUEBMT03rd19eX4uJiPDy+GJp85plnyMvLY9iwYcyfP/+GbtNV9PL34CezE/jvf+zh9Y8O\n4OpsJSbS1+hYIiLSCdTU1LBgwQIqKytpbGxk3rx5vP76663fLyoqYtasWTz66KMGphQR6Zw+2Xma\nV5dkY7fDnDv6M2FoqNGRDHVD57h92VdnUXziiScYO3Ys3t7ezJs3j7Vr1173Nlfj4+OG1Xrrs8H4\n+3ve8n18k8f8lZsTv34jjVeW7uM/fzCK6N7XL29GZL0VjpRXWduHI2UFx8qrrF3T0qVLiYyMZP78\n+RQWFjJ37lzWrFnT+v3vf//7zJw508CEIiKdT3NLC4s/Pcb69LO4u1h57O7BDLyB99Zd3XWLW0BA\nACUlJa3Xi4qK8Pf3b71+9913t14eN24cR44cue5trqa8vPamgl+Nv78nxcXnb/l+volgbxf+feZg\nXkndxzOv72DBQ0MJu8YJk0Zm/SYcKa+ytg9HygqOlbe7Ze1Oxc/Hx4fDhw8DUFVVhY+PT+v3tm/f\nTu/evQkODjYqnohIp1NzoZE/L9vPgVPlhAV6Mu/uGAJ83IyO1Slc9xy30aNHt46iHThwgICAgNZD\nHs+fP88jjzxCQ0MDALt376Zfv37XvE1XltDPj0emD6S2volFi7MoLLv1MioiIo5r+vTpnDt3jsmT\nJzNnzhwWLFjQ+r2//e1vfOc73zEwnYhI55JfWsOzb6dz4FQ58VE9eeGJsSptX3LdEbehQ4cSExPD\nAw88gMlk4plnniE1NRVPT08mT57MuHHjmD17Ns7OzgwaNIiUlBRMJtMVt+kuRg4Oora+iffWHeGF\n9/fw9JxhXX4VdxERubrly5cTEhLCm2++SU5ODgsXLiQ1NZXCwkJqa2sJDw+/7n201akE4Fijncra\nPhwpKzhWXmW9NemHCvn9uxnUXmjivgn9mDN1IBazCTcXm9HRbkp7vrY3dI7bU089ddn16Ojo1stz\n585l7ty5171NdzJxWCi19U0s/ewEixZnseChoXh109lvRES6s8zMTMaMGQNc/N1ZVFREc3Mzmzdv\nJjk5+Ybuoy1OJYDud0huR1HW9uNIeZX1m7Pb7azddYZ/bjqGxWzmX+8cxMiYIMpKqztd1utp79MJ\nrnuopHwzM0ZGMCUpjPzSWv64OJvaC01GRxIRkQ4WERFBdnY2AHl5ebi7u2OxWNi3b99lH4KKiHRH\njU3N/GXVIT7YeAwvdyeenjOUkTFBRsfqtFTc2onJZOL+2/syNi6Y04XneenDvTQ0NhsdS0REOtDs\n2bPJy8tjzpw5zJ8/n1//+tcAFBcX07NnT2PDiYgYqKK6nv/++x627S8gMtiTX80dTmSwl9GxOrWb\nXg5AbpzJZGJuSjR1Dc2k5xTx6rL9PH5PLFaL+rKISHfg7u7Oiy++eMX2P//5zwakERHpHE4VVPHy\nh/soP19Pckwg302JxsnWNufydmUqbu3MbDbxb3cO4kJDE3uPl/J/Kw/yb3fGXP+GIiIiIiJdzK5D\nhfxl1SEam1r41m1RpIwIx2QyGR3LIWjopwNYLWbmzYqlb6g3uw4V8e4nh29oUXIRERERka6gxW4n\n9bPj/Hn5AcxmEz+8L46pyREqbTdBxa2DONss/Pi+OMIDPNiUdY6/rT5kdCQRERERkXZXV9/E/6Tu\nY+X20/j3cOHn3x5GQl8/o2M5HBW3DuTmYuMnsxMI9HVjyadHWZ122uhIIiIiIiLtpriijufezWDP\n0RIGRvjwy7nD6eXvYXQsh6Ti1sG83J14anYCfj1cWbLpOJv25BkdSURERESkzR3OLefZt9PJK65h\n4tBQnrw/Hg9Xx1pQuzNRcTNAT28Xnv3BSDzdbLyz9jA7DxYaHUlEREREpM1s2pPHC+9nUVffxHdS\nBvDQHf01s/ot0qtnkNAAT35yfwIuzhb+b+VBso+VGB1JREREROSWNDW38O4nh/nb2sO4Olt56oEE\nbkvoZXSsLkHFzUARQZ786L54LGYTry7bz+HccqMjiYiIiIh8I9V1jfxhcRafZuYR6u/OL+cmMiDc\nx+hYXYaKm8H6h/XgsVmxtLTYeXHJXk4VVBkdSURERETkpuQVV/Ps27vJya1gSD8/np4zDP8erkbH\n6lJU3DqBuKie/Oudg6hvaOYPi7PJL60xOpKIiIiIyA3JOlbCf72TQXHFBWaM6s28e2JxdbYaHavL\nUXHrJJIGBvKdlAFU1zXywvtZlFTWGR1JRERERORr2e12Vqed5uUle2lpsfPozBjuGdcHsxbVbhcq\nbp3I+IRe3H97X8rP1/PC+1lU1jQYHUlERERE5AoNjc288dFBlmw6Tg9PZ342ZyhJAwONjtWldZni\nVlhTxM6ze2hoduyykzIinOkjIygqr2PR+1nUXGg0OpKIiIiISKvy8/X87u+ZpB0sJCrEi1/NTaR3\nkJfRsbq8LnPw6cqTn5BZtBcXiwvDAuNIDk4k0isCkwMO1d4zrg+19U1szMzjT//M5qnZQ3B2shgd\nS0RERES6uRPnqng5dS+V1Q2MHhzEd1IGYLPqfWpH6DLF7b5+M4noGcLGEzvYdm4X287tIsDNj+Sg\nREYED6OHs7fREW+YyWTiocn9qbvQRNrBQl5J3csT98Vjs3aZAVIRERERcTA7DhTw1uocmltamD2h\nL3cMD3PIQRJH1WWKm7ezJw/GzWRC0G0cLjtGWkE62cX7WXFiDR+dWEu0bz9GBicS5xeDzWIzOu51\nmU0mHp4+kAsNzWQdK+H1jw7w6MwYLGaVNxERERHpOC0tdj787Dgfp+Xi6mzh8bviiYvqaXSsbqfL\nFLfPmU1mBvbsz8Ce/altrCOjKJu0/HQOlR3hUNkRXK2uJAYmkBw8jAjPzv0pgdVi5tGZMfzxg2wy\nDhfz9seH+e60aM3UIyIiIiIdoq6+iddWHGDv8VICfVx54r44gnu6Gx2rW+pyxe3L3GyujO2VzNhe\nyRTUFJKWn8Guggy25O1gS94OgtwDSQ4aRlLQMLydPY2Oe1VONgtP3BfH7/+xh6378nFzsTJ7Qt9O\nXThFRERExPEVltfy0pK95JfWEtPbh0fvHoy7S+c/cq2r6tLF7cuC3AO5u+807uwzhUNlR0gryGBf\n8QGWHV/NihNrGOQ7gOTgRGL9BmI1d66XxdXZypP3x/O7v+/hk91ncHOxctfoSKNjiYiIiEgXdehU\nGa8u20/NhSYmJ4Zx/4QonbJjsM7VUDqAxWxhsN9ABvsNpLqxhozCbNLyd7O/9BD7Sw/hbnMjMXAI\nI4MTCfUI6TQjW55uTsyfncDz72awbMtJ3JytTEoMMzqWiIiIiHQhdrudTzPz+Mf6o5hM8L2p0YyN\nDzE6ltANi9uXedjcGR86ivGho8irzictP53dBXvYfHYbm89uo5dHMMnBiQwPHIKnk4fRcfHxdOap\nBxJ4/t1M/r7+KK7OVkbHBhsdS0RERES6gKbmFt5bd4TNWefwdLMxb1Ys/cN6GB1LLunWxe3LenkE\nc2+/O7k7ahoHSnMuHkpZcpAPj37E0mOrGNxzIMnBiQzuGY3FbNxaFQE+bsyfncDv/p7JW6tzcHO2\nMqS/v2F5RERERMTxVdU28OrS/Rw5U0FYgAdP3BtHT28Xo2PJl6i4fYXFbCHOP4Y4/xjON1STXpjF\njvzd7C05wN6SA3jY3EkKGkpycCK9PIwZ7QoN8ODH34rnhfez+N/l+/nxt+IZ1NvXkCwiIiIi4tjO\nFFXz8od7Kam8wLAB/nx/+iCcnbSodmej4nYNnk4e3B42htvDxnDm/DnS8nezu3APn57ZwqdnthDm\n2YvkoEQSgxLwsHXstKhRvbz54b2x/Omf2bz84T6eejCBqBDHWWRcRERERIyXeaSYNz46SH1jMzPH\nRHLn6N5aeqqTUnG7QWGeIYR5zmRW3+nsLzlEWkE6B0oP88+jy0k9tpJYv0GMDE5koG//DjuUclBv\nX35w12BeXbaPP32QzYKHhhLqb/y5eCIiIiLSudntdlZuP8XSLSdxspl57O7BJEYHGB1LrkHF7SZZ\nzVYSAmJJCIilsv48uwsz2ZGfTlbxPrKK9+Hl5Nl6KGWwe2C75xk2wJ+Hpw3kzVWHWPR+Fk/PGUqA\nj1u7P66IiFxfTU0NCxYsoLKyksbGRubNm0dCQgJPPvkklZWVBAYG8oc//AEnJyejo4pIN1Lf2Mxf\nVh1id04RPb2c+eG9cYQHds41jeULKm63wNvZk0nh45kYNo7c82cvzkpZmMX63M2sz91MhFcYI4MT\nGRYQj5ut/crU6Nhgauub+Mf6o7zwfhZPzxmGj6dzuz2eiIjcmKVLlxIZGcn8+fMpLCxk7ty5TJgw\ngTFjxvDd736XV155hZycHOLi4oyOKiLdRHF5Hb99N5PThefpG+rN47Ni8XLXh0eOQMWtDZhMJiK8\nwojwCuOevjPYW3KQtPx0DpW5JNDSAAAgAElEQVQd4XTVGZYc/Yh4vxiSgxOJ9u2H2dT2ixdOTgyj\n9kITy7eeZNHiLH720FA8XLWyvYiIkXx8fDh8+DAAVVVV+Pj4sHHjRt59910AHn/8cSPjiUg3c+hU\nGW+sOkTF+XrGxgUz544B2KxaVNtRqLi1MZvFxrDAeIYFxlNRX8mu/EzSCtLJKMomoyibHs7eJAUN\nZZrLeGy07SjcXaN7U3uhiXXpZ/jjB1k89cAQXJ31IxaRb8Zut1NeX0F+TSH5NYUU1hQxpHoQgzxi\njI7mMKZPn05qaiqTJ0+mqqqK1157jX/913/lH//4B9u3b6dv37784he/0KGSItJuWux29hwpYc2u\n0xzPq8Jsggcn9WPSsFBMmoTEoZjsdrvd6BAAxcXnb/k+/P092+R+2prdbudkVS5p+elkFGZzofkC\nAH28I0gOTmRoQDyu1rZZJ6PFbuet1YfYtq+A6PAePHl/PDbrrU+W0llf26tR1vbhSFnBsfIanbXF\n3kL5hS8KWkFN0cWvtYXUNzdctu/wXvF8d8BDt/R4/v7d5zyK5cuXk56ezrPPPktOTg4LFy7k2LFj\nvP322wwZMoRf/OIXDBw4kIce+vrXtKmpGWsb/D8uIt1LQ2Mzn6afYdnmY+QV1wCQODCQ2ZP7Ex2h\nZaQckYZjOoDJZKKPdwR9vCO4r99dZBfvJ7M0i32FOZyoPM0/j6wgwT+W5OBh9PeJuqVDKc0mE9+d\nGs2F+mYyjhTzv8sO8NiswVgtGgYX6e5a7C2U1pVTUFv4pZJ2sag1tDRetq/VZCHAzZ9g90CC3AMI\ncg8kxD2QmPA+lJbWGPQMHE9mZiZjxowBIDo6mqKiIoKCghgyZAgAo0ePZufOnde8j/Ly2jbJYvQH\nBDdDWduHI2UFx8rbmbJW1zWyMfMsGzLOUlXbiMVsYkxsMFNGhNPLz71TZb0eR8oKbZP3Wh9uqrh1\nMCeLjeFBQ5gWO47DZ3LZVZB5aVKTTHYXZuLj3IPk4GEkByfi59rzGz2GxWzm3+6K4aUl2WQdK+Gt\n1Yd4ZMYgrckh0k202FsoqSslv6aIgi8XtNpiGr9a0MxWAj8vaG6BBHsEEuwWgJ9rz6subWI260Og\nmxEREUF2djZTpkwhLy8Pd3d3RowYQVpaGsnJyRw4cIDIyEijY4pIF1BSUcfa3WfYsvccDY0tuDpb\nmZoczqRhYZq0rotQcTOQr4sPKb0nMiViAscrT5GWn05mUTYfn9rAx6c20LdHJMnBwxniH4uL9eb+\nwdmsZubdE8ui97PYcaAQV2crD03ur2OZRbqQ5pbmiwWttoj86sLWkbTC2mKaWpou29dmthLkdnHk\n7OIoWiDB7gH0dPHtsLUnu6PZs2ezcOFC5syZQ1NTE7/+9a8ZMGAATz31FC+99BJ+fn489thjRscU\nEQd2uuA8H+88TXpOMS12Oz6ezswaG8a4+BDNddDF6KfZCZhMJvr2iKRvj0i+1X8mWUX72JG/m6MV\nJzhWcZIPjixjqH8cycHD6Nujzw2XLxcnKz++P57fvZfJp5l5uLlYuWdcVDs/GxFpa80tzRTXlZBf\nU0R+TUHrOWhFtcU02Zsv29fJbCOktZgFto6k9XT1aZcZbeXa3N3defHFF6/Y/pe//MWANCLSVdjt\ndvafLGPNzlwOnS4HINTfnZQR4SQNDNQpMl2Uilsn42xxYkTwMEYED6Okroyd+ensLMggrSCdtIJ0\n/Fx8L34/KJGerj7XvT93FxvzZyfw/HuZrNx+GjdnGykjwjvgmYjIzWpqaaKotqT10Mb82i8KWou9\n5bJ9nSxO9PIIaT0H7fNRNF+XHipoIiJdVFNzCzsPFrJ2Vy5nL004MjDCh6kjwomJ9NWRVV2cilsn\n5ufqy/Q+dzA1chLHKk6Qlp/BnqK9rDq5jlUn19Hfpy8jgxNJ8B+Mk+Xrp5L29nDmqUvl7YONx3Bz\nsTIuPqQDn4mIfFljSxNFtcWtBa3sSBmnyvIoriu5oqC5WJyJ8Awl6EsFLdg9kB7O3ipoIiLdRF19\nE5uzzrEu/Qzl5+sxm0yMGBRISlI4EUHdZ6be7k7FzQGYTWb6+/Slv09f7u8/k8yifaTl7+ZI+TGO\nlB9jscWZoQHxjAxJJNIr4qqftvj1cGX+7AR++14mb3+cg6uzleHRAQY8G5Huo7G5kYLa4kszN16a\nybG2kOLaUuxcvhKLq9WF3l5hFycIcQ8g2D2IIPcAejh76xNUEZFuqvx8PevTz7ApK4+6+macbRYm\nJYZyR2IYfj1cjY4nHUzFzcG4WF0YFTKcUSHDKaotYWd+OmkFGWzP38X2/F0EuPmRHJRIUtBQfFx6\nXHbbED93fjI7nv/++x5eX3EAFycLsX2+2cyVIvKFhuYGCmqLWs89+3wkraSu7IqC5mZ1pY93xGXn\noMWE96HpvFkFTUREAMgrrmbNrlzSDhTS3GLHy81GyrgIbh/SCw9Xm9HxxCAqbg4swM2PO6NSmN7n\nDg6XHyMtP53s4v2sOLGGj06sJdq3H8nBicT7xWCzXPxH3jvIix/dF8cfPsjmf1L38ZPZCfQP63Gd\nR5Kb1WJvobaxjurGmi/+NFRT3VhLdWM11Q0Xv5qtYG6x4mJxxtnqjIvF+bLLzhZnXKyXvn7lus1s\n1Rv9DnahqZ7CqxS00gvlVxQ0d5sbUT16f1HQ3C6eg+bl5HHFz83X1ZPiasdZp0ZERNqe3W7ncG4F\na3blsvd4KQCBvm6kJIUxanAQNqtmAO7uVNy6ALPJzEDf/gz07U9tYx2ZRdmk5adzqOwIh8qO4Gp1\nZVhgPCODE4nwDGNAuA+P3T2YV1L38eKSvSz4lyGEB+r46GtpaG64VL5qvlLGrrxc01hDTWPtFW/k\n25rZZP6i0N1Q6XP6Yr8vb7+0zWrWfwefu9B0gYJLU+zn115coPrzgvZVnjYP+vaI/GIGx0tfPZ08\nDEguIiKOpqXFTsaRYtbsPM3J/Isf4vUN9WZqUjjx/fy0Dq+00ju1LsbN5sqYXsmM6ZVMQU0Rafnp\n7CrIYGteGlvz0ghyDyQ5aBhJYUN5ZMZA3lhxkEWLs3h6zjCCfN2Mjt8hbnQ0rKaxhvMNF4tYw1cW\nLb4aEybcbW542NwJdAvA08kdd5s7njZ33J3c8bBd+vOly0EBPThbUEJ9cwMXmuu50FRPfXM9F5rr\nqW+6/Otl2y79+Xz/8w3nKWkquWJq+JthNVmuOdLXw9MDe4P58nL4lf0/v+xscXKItcHqmuq+Mnp2\n8XJ5fcUV+3o5edLfp++lghZw6Vy0QDyc3A1ILiIijq6+sZmte/P5ZHcuxRUXMAFD+vkxdUQEfUO9\njY4nnZCKWxcW5B7A3X2ncWefKeSUHyUtP529xQdYdnw1K06sYZBvf267vQ8bN9Xzwvt7ePqhYfT0\ndjE69k376miYqaaZ/LLSK0bDaho/HxG7sdEwJ7MNDycPgtwD8LB54G5zx8PJDQ+bBx42NzycPL4o\nYzZ33GyuNz3Ln8Vswc3mhputbUpzU0vTFQXvQtNXS1/DZaXvauWwvL6S+tr6y2c4LLi5LDazDWeL\n01WL3rVGBj+/7HzZZadbmkGxtrGW/EujZp+PoOXXFFJRX3nFvt5OXkT79GudZv/zETT3NvoZiYhI\n91ZV28CnGWf5NDOP6rpGrBYz4xNCmJIU3m0+RJdvRsWtG7CYLcT0jCamZzQ1jbVkFGaxIz+d/aU5\nQA5ew505XxjI75ZV8fN7J+Dt4WxY1s40GnatJRY6K6vZiofZioft1keB7HY7jS1NrSXPzctKfknZ\ndUvf1UpidV059c31t3T4qNOlEnjNw0EvbbeYLFSfqeJEyRkKagqpbLjy/LEezt4M9O3/pXXQgghy\nC8DNplm6RESk7RWW1/LJrjNs3ZdPY1ML7i5WZozqzcRhoXi7O957Dul4Km7djLvNjXGhoxgXOopz\n1QWXDqXMpDEwlxpy+eXWTKb1H83o0MQ2OUfnRs8N+yajYe42d4LcAy6OhNk8WkfDgn19sddbb3k0\nrLszmUw4WWw4WWx4Onng7+OJe9M3P3TDbrfT0NJ4qfRduObhoJ8fOvp1JbGioYqG5oYbelxfFx8G\n9RxAsNsX56AFuQfganW80WUREXE8x89VsmZnLpmHi7EDft4u3DE8jLFxITg7df7TCqTzUHHrxkI8\ngrin3wxmRk3lQGkOH2Rvosyay0enVrPq9BoG9xxIcvAwBvccCDjOaJi/vyfFxZqhr7MxmUwXJ0ix\nOAG3PhlOi73lisM+P7/c2NJE3+BQnBvccVFBExGRDtZit7P3WClrdp7myNmLh+VHBHqSMiKcxGh/\nLGZ9mCw3T8VNsJgtxPnHMHjCIF5dmUF26V48ehWyt+QAe0sO4Gp1xWqxUF1fc8ujYW11bpiI2WTG\n1epyceTsKkf3+vdUgRcRkY7V2NRC2oEC1uzKJb+0FoDBfXyZmhROdISPlvGRW6LiJq3MZhOPTh/K\nyx/a2JdZyuBBVsIGlLO/9BDOTk4EuPi3joZ9dQTsy9cd8dwwERERkW+quq6RVTtOsT7jLJXVDVjM\nJkYNDiIlKZzQAC0PI21DxU0uY7WYeWzWYP64OIv9ByvxtfXn1yl3ERDgpdELERERkS8prbzAuvQz\nbNl7jrr6ZlycLExJCmNyYhi+XjpUX9qWiptcwdlm4Yn74vn9P/bwWXY+bi42HvtWgtGxRERERDqF\n3MLzrNmVy+5DRTS32PH1cmHGyN6MT+iFm4veXkv7uKG/Wc899xzZ2dmYTCYWLlxIXFzcFfssWrSI\nrKws3nnnHXbu3MmPfvQj+vXrB0D//v355S9/2bbJpV25uVh5cnY8v3svkzU7cyk738DUpDAigm59\nUgkRERERR2O32zl4upw1O3M5cLIMgF5+7kxJCmfG+L5UlNcYnFC6uusWt127dnH69GkWL17M8ePH\nWbhwIYsXL75sn2PHjrF7925sNlvrtqSkJF566aW2TywdxsvNifmzE3htxQF2HSxg18EChvTzY+aY\nSMIDVeBERESk62tuaWH3oSLW7Mwlt6gagOjwHqSMCCe2T09MJhM2qyZZk/Z33eK2Y8cOJk2aBEBU\nVBSVlZVUV1fj4fHFiZa//e1vefLJJ3nllVfaL6kYwtfLhZ89NJRzFRd4e+VB9hwtYc/REhU4ERER\n6dIuNDTxWXY+63bnUlpVj8kEidEBTB0RTmSwl9HxpBu6bnErKSkhJiam9bqvry/FxcWtxS01NZWk\npCR69ep12e2OHTvGo48+SmVlJY8//jijR4++5uP4+Lhhtd76IoT+/o5TJBwpa0CAF/FP+rPnSDF/\nX5vTWuBGxgbz4B0DiAz55gsztwdHem2Vtf04Ul5lFRHpHCqr61mfcZZNe/KoudCEk9XMhKG9uCMp\nnIAerkbHk27sps+etNu/WMeroqKC1NRU3nrrLQoLC1u39+7dm8cff5ypU6dy5swZvvOd7/DJJ5/g\n5PT108SXl9febJQrONLCy46UFS7mLSmpJszXlf/3QAIHTpaxbOtJduzLZ8e+fIYN8Gfm6MhOMeWt\nI722ytp+HClvd8uq4icinVF+aQ1rd+WyfX8BTc12PFxt3D0mktuH9sLTTUsdifGuW9wCAgIoKSlp\nvV5UVIS/vz8AaWlplJWV8dBDD9HQ0EBubi7PPfccCxcuZNq0aQCEh4fj5+dHYWEhYWFh7fQ0pCOZ\nTCYG9+lJTKQv+0+WsWzLSTIOF5NxuJjEAf7cNSaSUH/jC5yIiIjI9Rw9W8HHablkHbv4fjeghytT\nRoQzenAQTrZbPxpMpK1ct7iNHj2al19+mQceeIADBw4QEBDQephkSkoKKSkpAJw9e5ann36ahQsX\nsmLFCoqLi3nkkUcoLi6mtLSUwMDA9n0m0uFMJhOxfXoyONKXfSfKWL71BOmHi0k/XExidAAzR/em\nlwqciIiIdDItLXb2HC1hza7THM+rAqBPiBcpSeEM7e+P2WwyOKHIla5b3IYOHUpMTAwPPPAAJpOJ\nZ555htTUVDw9PZk8efJVbzNhwgSeeuopNmzYQGNjI7/+9a+veZikODaTyURcVE9i+/iy93gpy7ee\nJD2niIycIhKjA7hrTCS9/NyNjikiIiLdXENjM9v3F7B2Vy6F5XUAJPT1I2VEOP1CvTGZVNik87qh\nc9yeeuqpy65HR0dfsU9oaCjvvPMOAB4eHvz5z39ug3jiSEwmE/F9/YiL6kn2pQK3O6eI9Jwihg8M\n4M7RKnAiIiLS8arrGvk08ywbMs5yvrYRq8XE2LhgpiSFE6L3JuIgtLS7tDmTyURCXz/io3qSfexi\ngdt1qIjdh4pIGhTInaN66z9JERERaXfFFXV8susMW/ado6GxBVdnK9OSI5iUGEoPD2ej44ncFBU3\naTcmk4mEfn7E9+1J1rESlm89yc6Dhew6WMiIQYHcObo3wT1V4ESk66qpqWHBggVUVlbS2NjIvHnz\neP3116mtrcXNzQ2ABQsWMHjwYIOTinQtpwqqWLMzl905Rdjt4OvlzB1jwxgbH4Krs97+imPS31xp\ndyaTiSH9/Eno68eeoxcLXNrBQnYeuljg7hodSZCvm9ExRUTa3NKlS4mMjGT+/PkUFhYyd+5c/P39\nef755+nfv7/R8US6FLvdzr4TZazZeZqc3AoAwgI8SBkRzvDoAKwWs8EJRW6Nipt0GJPJxND+/iT0\n82PPkUsF7kAhOw8WkjwoiDtH91aBE5EuxcfHh8OHDwNQVVWFj4+PwYlEup6m5hZ2Hixkza5c8opr\nABjU24epIyIY1NtHE45Il6HiJh3ObDIxbIA/Q/r7sedIMcu3nmTHgQLSDhYwMiaIO0f1JlAFTkS6\ngOnTp5OamsrkyZOpqqritddeY9GiRbz00kuUl5cTFRXFwoULcXFxMTqqiMOpq29ic9Y51qWfofx8\nPWaTieRBgUxJCiciyNPoeCJtTsVNDHOxwAUwpL8/mYeLWb7tJNv3F5B2oJCRMYHMGN2bQB8VOBFx\nXMuXLyckJIQ333yTnJwcFi5cyL//+78zYMAAwsPDeeaZZ3jvvfd45JFHvvY+fHzcsFrbZhFgf3/H\neTOrrO3DkbLC1fOWVtax4rMTrEk7Re2FJlycLNw1rg8zx0YRYOAHv4702ipr+2nPvCpuYjizyURi\ndABDB/iTcbiYFVtPsm1/ATsOFDJy8MVZKANU4ETEAWVmZjJmzBjg4lI6RUVFTJgwAYvlYhGbMGEC\nq1evvuZ9lJfXtkkWf39PiovPt8l9tTdlbR+OlBWuzHu2uJq1O3NJO1hIc4sdb3cn7h3fh9uG9MLd\nxQbNzYY9P0d6bZW1/bRF3msVPxU36TTMJhPDowMYNsCf9JwiVmw7xbZ9BezYX8io2CBmjOpNQA9X\no2OKiNywiIgIsrOzmTJlCnl5ebi5ufHII4/w0ksv4eXlxc6dO+nXr5/RMUU6LbvdTk5uBWt25rLv\nRCkAwT3dmJIUzsiYIGxWTTgi3YeKm3Q6ZpOJpIGBJA4IIP1wEcu3nmTr3nx27C9g1OCLBc5fBU5E\nHMDs2bNZuHAhc+bMoampid/85jeUl5fz3e9+F1dXVwIDA/nhD39odEyRTqe5pYUtWXl8sO4wpwou\njmD0C/UmZUQ48X39MGvCEemGVNyk0zKbvyhwu3OKWLHtJFv25rN9fwGjY4OYMbI3fipwItKJubu7\n8+KLL16xfdq0aQakEen8Wlrs7DhQwIptJymuuIAJGNbfn5QR4UT18jY6noihVNyk0zObTYwYFMjw\n6AB2HSpkxbZTfJadz7Z9BYyODWbGqAj8vFXgREREHJXdbifzSDGpn50gv7QWq8XE1JG9GRcbpJmm\nRS5RcROHYTabSI4JImlgIDtbC9w5tu3LZ2xcMNNH9qant6bUFhERcRR2u50Dp8r4cPMJThecx2wy\nMS4+mLtGRzIgyt+hJqYQaW8qbuJwzGYTI2OCSBoYwK6DFw+h3JR1ji178xkbH8K3pw9CR76LiIh0\nbsfyKkndfJyc3AoAkgYGcPfYPgRphE3kqlTcxGFZzGZGDg4iaVAAOw9eHIHbtCePrXvPMTYuhOkj\nI/D10giciIhIZ3KmqJqln50g61gJAHFRPblnXB/CAx1rvS6RjqbiJg7PYjYzanAwIwYFknagkNVp\nuWzck8eWvecYGx/C9GQVOBEREaMVlteyfMtJdh4sxA70D/XmnvFR9A/rYXQ0EYeg4iZdhsVsZnRs\nMHeO78uKTcf4aPtJNmbmsSX7HOPiQ5g+sjc+ns5GxxQREelWys/X89GlmaGbW+yEB3pw7/goBkf6\nYtK0/iI3TMVNuhyLxcyYuGCSYwLZcaCAj7ad4tPMPD7Lzmd8QgjTkiNU4ERERNrZ+doGVqed5tPM\nPBqbWgjydWPWuD4MG+CvddhEvgEVN+myrBYzY+NCGBkTxI79BXy0/RQbMs6yOesctyWEMG1kBD08\nVOBERETaUl19E5/sPsPaXblcaGjG18uZmaMjGRUbhMVsNjqeiMNScZMuz2oxMzY+hJGDg9i+/+II\n3PqMs2zOPtc6AqcCJyIicmsam5r5NDOPVTtOU13XiKebjVlj+3DbkBBsVovR8UQcnoqbdBtWi5lx\n8SGMGhzEtn35rNx+ivXpn4/A9WJacjjeKnAiIiI3pbmlha1781mx7RTl5+txdbYwa2wkk4eH4eKk\nt5oibUX/mqTbsVrMjE/oxejYYLbuy2fV9lOsSz/D5qw8bhvSi6nJEXi7OxkdU0REpFNrsdvZfaiI\nZVtOUFheh5PVzNQR4UxNjsDD1WZ0PJEuR8VNui2rxcxtCb0YExvM1r35rNxxik92n2HTnjxuH9qL\nqSMi8FKBExERuYzdbmfv8VJSPzvBmaJqLGYTtw/pxYxRmr1ZpD2puEm3Z7WYuW3IpRG4vedYueM0\na3edYeOePCYMCSVlRLgKnIiICHA4t5wPPzvBsbOVmICRMYHMHNuHgB6uRkcT6fJU3EQusVnN3D40\nlDFxIWzZe45VO06zZlcun+45y4ShlwqcmwqciIh0P6cLzvPh5uPsP1kGwJB+fswa14dQfw+Dk4l0\nHypuIl9hs5qZMDSUsXHBfJadz6odp1izM5eNmXlMGNaLlKRwPFXgRESkG8gvrWHpZydIP1wMwMAI\nH+4Z34eoEG+Dk4l0PypuIl/DZrUwcVgo4+K/KHAfp+XyaUYeE4eFMiUpTAVORES6pJLKOlZsO8W2\nffnY7RAZ7MW94/swqLev0dFEui0VN5Hr+HKB25R1jtVpp1mddpoNmWeZNCyUKUnhmj1LRES6hKqa\nBlZuP8WmrDyamu308nNn1rg+DOnnh8lkMjqeSLem4iZyg2xWC5MTwxgfH8LmSwVu1Y7TrM9QgRMR\nEcdWe6GRNbtyWbf7LPWNzfh5u3D32EiSBwVhNquwiXQGKm4iN8nJZmHy8DDGJ4S0jsCt2nGaDRln\nmZQYxh3Dw1TgRETEIdQ3NrMh4ywfp52m5kIT3u5O3H97FGPjQ7BazEbHE5EvUXET+YacbBbuuFTg\nNu/JY/XOXFZuP8WGjDNMGhbGHUlhuLuowImISOfT1NzCZ9nn+GjbKSprGnB3sXLfbVFMHBaKs81i\ndDwRuQoVN5Fb5GyzcEdSOOOH9GJjZh5rdp7mo+2nWJ9xhsmXRuDcVOBERKQTaGmxk3awgGVbTlJS\neQFnm4UZo3qTkqTfVSKdnYqbSBtxtllIGRHO7UN6sXFPHh/vPM2KbadYl36WyYmhKnAiImIYu93O\njn35vL3yAHklNVgtJiYlhjJ9ZG+83TVDsogjUHETaWPOTl8UuE/3nOXjtNzWAnfH8DAmJ4bh5qJ/\neiIi0jEOnirjw80nOJlfhckEY+KCuWt0b/y8XY2OJiI3Qe8eRdqJs5OFqSMiLo7AZebx8c5clm89\nybrdZ7gjKYxJw8KMjigiIl3Y8XOVpG4+waHT5QCMjg9hWlIYwT3dDU4mIt+EiptIO3NxsjI1OYLb\nh/ZiQ8ZZ1u46w7ItFwvczHFRjIj210LeIiLSZs4WV7P0sxPsOVoCwOA+vtw7LorE2BCKi88bnE5E\nvikVN5EO4uJkZfrI3kwYGsqnmWdZszOXv39ymH9+epTRg4OYPFyfgop0NTU1NSxYsIDKykoaGxuZ\nN28eY8eOBeD999/n9ddf59NPPzU4pXQVRRV1LN9ygrQDhdiBvqHe3DuuDwPCfYyOJiJtQMVNpIO5\nOn9R4LJOlrF04zE2ZZ1jU9Y54qN6ckdSONHhPTCZtOCpiKNbunQpkZGRzJ8/n8LCQubOncuaNWso\nLS1l3bp1RseTLqL8fD0rt5/is+xzNLfYCQvw4N7xfYjt01O/S0S6EBU3EYO4Olu5a2wUI/r7k3mk\nmLW7c8k+Xkr28VLCAz2YMjyc4QMDtACqiAPz8fHh8OHDAFRVVeHjc3Hk4/e//z1PPPEETz75pJHx\nxMFV1zXycdppNmScpaGphUAfV2aN60NidABmFTaRLkfFTcRgZrOJxOgAEqMDOJZXySe7z5BxuIg3\nVh5kyebjTBwWyviEEC3mLeKApk+fTmpqKpMnT6bq/7d33/FRlXn//18zmfTeO6lAIBA6inQUBEEX\nYRVcEctadoVbf676U6M+9L5VtogF9Xatu2u7BZRQdtkVFAURUQiB0FtoSQippNdJ5vsHEIhAAE04\nM8n7+XjwyMycMyfvXCRzzWeu61ynvJy3336bH3/8EVdXV/r06WN0PHFQtfVWvtyYzRcbjlBT14i/\ntyu/GRbHVb3C9GGfSAemwk3EjiRG+pIY6UthaQ1fpefw7dajfL46i3+uO8SwlHDGDowixN/D6Jgi\ncpGWLl1KREQE77//Prt37+aJJ57Aw8ODN99886KP4e/vgcXi1CZ5goO92+Q4l4Oynq2+oZEv1h9i\n4aq9lFXW4+Ppwm+u7cF1V8Xi4nxxvyOO1K7gWHmVtX04UlZo37wq3ETsULCfO7dc05VfDYvl28w8\nvkzPZtWmHL7elEP/blV7kQoAACAASURBVMGMGxxNYqSvzl0QsXMZGRkMGzYMgKSkJLKysggLC+Oe\ne+4BoKCggIceeohXXnnlvMc4fry6TbIEB3s7zIqCytpSY1MT67YdY9m6g5SU1+Hm4sTkYXGMHRSN\nu6uFstKL+x1xpHYFx8qrrO3DkbJC2+RtrfBT4SZixzzcnBl/RReuGRhF+p4CVmzIZtPeQjbtLSQ+\nwodxg6IZ0D0YJ7OmxojYo5iYGDIzM7n22mvJzc0lPDycFStWNG8fM2ZMq0WbdG5NNhub9hSy+NsD\nHCupxtliZvzgLlw3JAYvd02fF+lsVLiJOACLk5kre4ZxRY9Q9maXsmJDNpn7i3hr6Q4CfdwYOzCK\n4X0icHfVn7SIPZk2bRqpqanMmDEDq9XKs88+a3QkcQA2m41tB0pI+zaLI/mVOJlNjOobwfVD4/D3\ndjU6nogYRO/yRByIyWSiexd/unfx51hJNV+mZ7Nuax7zv97P0nUHGdEngmsGRBPo62Z0VBEBPD09\nmTdv3nm36xpu8lN7s0tJW5PF3pwyTMCVPUP51fA4QnV+s0inp8JNxEGFBXhw27ju3Dg8ntWbc1m1\nKYcVG7L5cmMOA5OCuXZwF+LCfYyOKSIiF+HwsQoWrz3A1qxiAPomBnHjiHiiQ7wMTibSOdlsNmzY\nsNlsADQ137bR1GKbjSZsWExOQPsupKLCTcTBebk7M+mqWK4d3IUNu/JZseEIG3YVsGFXAd2ifBk3\nuAt9E4Mwm7WQiYiIvTlWUs2StQfYsKsAgKQufkwZmUBipK/ByaSjqLXWUVxbQlFNCcU1xdiONVJV\nVddceLT42uIxTn5twgat7NN0xrbT+2GztSx2ziiCbCe3cXLfU4UQJ/c5sQ2cLCYaGqyntpyd96z8\ntLLt1O1T+zSdvn+O/S+V2WTm6VEPEmIKb6v/urOocBPpIJwtZob2DueqXmHsPHyclRuy2XagmL05\n2wjxd2fswGiG9Q7H1aVtlhUXEZGfr6S8lmXrDvLd1mM02WzEhnkzdWQCPWP9tWKwXJImWxNldeUU\n1ZRQVHuiOCuqKaHo5NeKhkqjI14UEyZMJhNmTGAyYcKE2WwGmw0TZkwmEyY4+dXUvP9Pv5pN5hP7\nmU2t79t8rLOPDSbMp26fzHTq79LU4v7p265OroR7hdBY1X5tpMJNpIMxmUwkxwaQHBtAbmElX6Zn\n8/32fD75ci9L1h5gVL9IxvSP0gnuIiIGKK+u59/rD/N1Ri7WxibCAz2YMiKe/t2CVbDJef101Kzo\n5O2imhKKa0uwNlnPeo7ZZCbQzZ8o7wgC3QMIcgsgyD2QqOBgystqMZn4SSFzRjHSosjhnNuab58q\naDCfUezQorgxndyXM4szaFFMnYujXQ4gwMObwqr2y6vCTaQDiwz24o4JPbhxRALfZOTwdUYuy9cf\n5osfj3BFz1DGDYqmS6hjXdhSRMQRVddaWbHhCCvTs6mrbyTQx43Jw+MYkhymqezSyqjZiZGz842a\neVo8iPAMI9g98ERx5h5AkFsgQe4B+Ln64mQ+e5ZNcLA3hSbHKYbkNBVuIp2Ar6cLk4fHc92VMazf\ncYyVG7P5fvsxvt9+jB4x/lw7OJpe8YEnPw0TEZG2Ut/QyKqMHP69/jBVtVZ8PF349cgERvSJwNmi\na3B2JnWN9c3TFy9l1CzAzZ9Ir/ATRZl74Ml/AQS6BeDh7G7ATyJGUeEm0om4ODsxsm8kw/tEsP1A\nMSs2ZLPr8HF2HT5OeKAH4wZFMyQ5DBdnnQcnIvJLWBubWLs1j3+uO0hpZT0erhamjoznmgHROte4\ng2qyNVFeX0FhdfHZo2a1xVTUtz5qdrowu/ComXROF1W4zZkzh8zMTEwmE6mpqaSkpJy1z0svvcSW\nLVv46KOPLvo5ImIMs8lESkIQKQlBHMmvYOXGbH7cmc8HX+wh7dsDjD55HpyPp4vRUUVEHEqTzcaP\nO/NZsvYAhaW1uDibmTgkhvFXdMHTzdnoePIL1TXWU9y88MfpUbPS+lLyq4paHzXz16iZ/DIXLNw2\nbNjA4cOHWbBgAVlZWaSmprJgwYIW++zfv5+NGzfi7Ox80c8REfvQJdSbuyf1ZOrIBL7OyGH15lyW\nrTvEv384wlW9Qhk7qAuRQZ5GxxQRsWs2m40t+4tY/O0BcgqrcDKbuHpAFJOGxODrpcWgHMWpUbOi\nM4uzixg183LxbDlq5hZAoHsAwe6BGjWTNnPBwm39+vVcc801ACQkJFBWVkZlZSVeXqcvCPmnP/2J\nhx56iDfeeOOinyMi9sXf25WpIxOYNCSW77bl8eXGbL7NzOPbzDx6xwdy89huRPi5adUzEZGf2HX4\nOGlrssg6Wo7JBEN7h/GroXEE+WkkxR6db9Tsos41O2PU7MzFQGIiQhxq9UNxTBcs3IqKikhOTm6+\nHxAQQGFhYXMRlpaWxuDBg4mMjLzo54iI/XJ1ceLqAVGM7hfJlv1FrNxwhG0Hitn29nqigr24dnA0\nV/QMxeKkk+pFpHPLKazktbRtbNlbCMCA7sFMHh6vWQoGO3vU7IyvrYyaeVjcifAMPT2V8eSoWZB7\nIP4aNRM7cMmLk5y64jlAaWkpaWlp/P3vfyc/P/+innM+/v4eWCy//A8iONhxljZ3pKzgWHmVtW1c\nG+rDtUPj2XvkOEvXZPHd1qO8v3wXi9ceYOLQeCZcFYu3h/2eB2fPbftTyiriWI7kV/Dn/9tMTZ2V\n5LgApoyIJy7cx+hYnUaLUbPakhbFWaujZq5+RPp3PceoWQAezh4G/CQiF++ChVtISAhFRUXN9wsK\nCggODgbghx9+oKSkhFtvvZX6+nqOHDnCnDlzWn3O+Rw/Xv1zf4ZmjnSRPkfKCo6VV1nbnr+7hUdv\nG8ik/QWs2pTDmi1H+eg/u1jw1R6G9g5n3MBoQgPsq8NzlLaFzpdVhZ84urziKl5asIXaOisP3dKP\n3jH+RkfqcJpsTZRUl7K/9EiL88yKa4sprLnwqFngyRGz09c306iZOL4LFm5Dhw7l9ddfZ/r06ezY\nsYOQkJDmKY/jx49n/PjxAOTk5PDEE0+QmppKRkbGeZ8jIo4ryNedaWO6csPQONZmHuXL9By+ychl\ndUYufbsGMW5QNN2i/XQenIh0WIWlNcydv4WK6gZmju/OmIFdHOaDF6M1NjVS2VBFRX0lFQ2VJ76e\n+a+hkor6Cirqq6ior8BqazzrGGeOmjWPljUvoa9RM+nYLli49e/fn+TkZKZPn47JZOKZZ54hLS0N\nb29vxo4de9HPEZGOw93VwrjBXbh6YBSb9hSyYkM2m/cVsXlfEbFh3owbHM3A7iE6D05EOpTjFXW8\n+OlmjlfUMW1MIqP6Rl74SR1crbWOyoZKyk8WX5X1J283F2GVVDScKMSqGi48u8rZbMHbxZtIrwjC\n/YLxNvm0WEJfo2bSmV3UOW6PPPJIi/tJSUln7RMVFdV8DbdzPUdEOh4ns5nBPUIZlBTC/twyVm7I\nJmNvIe8s28nnPllcMyCaEX0i8HC75NNpRUTsSnlVPXPnb6aorJbJw+K4dnAXoyO1iyZbE1UN1WeM\nhFWcLLxO3T5RmFWe3F7f1HDBY3paPPBy8SLCMwwvFy+8nb3wcfHCy+XEV28XL7xOPubq5No8a8OR\nppGLXA56NyUiv5jJZKJrlB9do/woOF7Nl+k5fLc1j4Xf7GfpuoOMSIlg7MAoLY0tIg6puraBlxds\nIa+4mvGDu3D90FijI12S+sYGKuorKSsu5khRPhX1VSdGxhoqzpqqWFlfhY3WF5VzMjnh7eJFqGcI\n3s4nCq/mf833vfF28cTb2UsjZCJtRIWbiLSpEH8Pbh3bjcnD41iz5ShfpWfzZXo2X23KZkD3EK4d\nFE1CpK/RMUVELkptvZVXFmZypKCSUf0iuWl0guHn8dpsNqqtNS1GxMrrK5pHwU4VYadGxmob6y54\nTHeLG97OXoT4Bp0uvJw9zyjCvE7e98bdomt6ihhBhZuItAtPN2euuzKGcYOi2birgBUbjpC+u4D0\n3QUkRvoyblA0/bsFYzar8xcR+1Tf0Mhrn28l62g5Q5LDmDGuW7sVLNYmK5UnC7BTi3O0XLSjZVHW\nZGtq9XhmkxlvZ08C3QNOjoJ5E+rrj6XR9eR0RU98ThZkXi5eOJv1llDE3umvVETalcXJzJBeYVyZ\nHMruI6Ws3HCEzKxi9ueWEeTrxthB0QxPCcfNRS9HImI/rI1NvLlkO7uPlDKgWzB3TUzCfAlFm81m\no7ax9mSxVXXO88PK6yubF/aosdZc8JiuTi54O3sR4x19numJp/95WNwxm1ouEKVzxkQcm94pichl\nYTKZ6BHjT48Yf/KKq/hyYzbrth/j06/2sWTtQUb1jeDqAVEE+LgZHVVEOrmmJhvv/nMnW7OK6RUf\nwL03JONkblkE1VhrOFB2mMqSMvJKis85Knaui0CfyYQJL2dP/F19ifaOPLFQxzmKsFOPuTi5tOeP\nLSJ2ToWbiFx24YGezByfxOQR8azenMvXm3L4z49HWLkxm0E9Qrh2UBdiwnSRZhG5/JpsNv7+n11s\n3F1At2g/Zt3YG2eLmbK6CrLKDrK/9CBZpQfJrcw75yIep5ezD2+xeqK3ixc+zqdWUjwxRdHT2eOs\nUTERkfNR4SYihvHxcOGGoXFMuKILP+zIZ+XGbH7Ykc8PO/JJ6uLHuEFdSEkMvKTpSSIiP5fNZuPT\nL/exblse0dFmhgxvYOH+RWSVHqSwprh5P4vZQoJfLIm+cfSK6oqt1tI8Kubq5KKFO0SkXahwExHD\nOVucGN4ngmEp4ew4WMKKjdnsOFjC7iOlhAZ4MG5QNFf1CsPVWUtKi0jba7I1cbTyGIvSN7KzLAuP\n/qUUWWpZuP/EdneLG8mBSST6xpHgF0cXn6jmxTx03piIXC4q3ETEbphMJnrFB9IrPpCcgsoTI3A7\nj/HRij0s/vYAo/pFcnX/SHy9XI2OKiIOrKHJypHyHLJKD7K/7CAHyg5RY60FwBIIXs7edPXvRoJf\nHIm+cUR4hWlKo4gYToWbiNilqBAv7prYg6kj41mVkcvqzbn86/tDfPHjYa7sGca4QdFEhXgZHVOk\nVVVVVTz22GOUlZXR0NDArFmzqK+v55133sHZ2ZmAgABefPFFXF31YUR7qrHWcrDscHOhdqg8u8XC\nIZ5mP6yFgXhYQ5g1diQJweGa7igidkeFm4jYNV8vV6aMiGfikBi+336MlRuz+W5bHt9tyyM5LoBr\nB0WTHBegN1lilxYvXkxcXBwPP/ww+fn53H777YSGhvLee+/h7e3NE088wcqVK7n++uuNjtqhlNdX\nkFV6qLlQy6k42ryQiAkTkV7hJPqdmPZYlOvO/BXZ+Hq68PiM/oT6exicXkTk3FS4iYhDcHV2YnS/\nSEb2jWDr/mJWbjzCjoMl7DhYQmSQJ+MGRXNlchjOFk1nEvvh7+/Pnj17ACgvL8ff358PPvgAAKvV\nSmFhIaGhoUZGdHg2m43i2pLm1R73lx2koLqoebvF5ES8b8yJaY9+ccT7xuBucQdgw658FqzcgZe7\nM49M76uiTUTsmgo3EXEoZpOJvl2D6Ns1iEPHylm5MZuNuwr4+392s+jbA4zpH8nofpEEGx1UBJg4\ncSJpaWmMHTuW8vJy3n77bQDS0tJ47bXXGDNmDIMHDzY4pWNpsjWRV5V/ulArPUhZfXnzdjcnN3oG\ndG8u1GK8o3B2cj7rOFv2F/HuP3fi5uLEH6b1ITJYU69FxL6ZbDbb2RchMUBbrMjkSCs7OVJWcKy8\nyto+7DlrSXktqzblsHrLUWrqrLhYzNx7Y2/6JwQaHe2i2HPb/lRbZA0O7jzX6Fu6dCnp6ek899xz\n7N69m9TUVNLS0oATI26PPfYYo0aNanWqpNXaiMXSeVdUtTZayTp+mF2F+9lduJ89RVlUNdQ0b/d1\n86FHUCJJwQn0CO5KjG8kZnPrI++Zewv57/d/wGw28d/3DCE53jFeK0Skc9OIm4g4vAAfN24ancj1\nQ2NZuzWPf647xBufZTJuUDQ3j07EbNb5b2KMjIwMhg0bBkBSUhI5OTmsXr2aUaNGYbFYuPrqq9mw\nYUOrhdvx49VtksVRPiCotdZSYipk0+GdZJUe5FD5ERrOWEgkyD2Q3oHJJ0fUYgl2Dzp9jqsViour\nWj3+/twyXpq/BZvNxuwpKYR4u/yidnGUdgXHygqOlVdZ24cjZYX2/3BThZuIdBhuLhbGDoymT0Ig\n/7tkOys3ZnOspJr7bkjG3VUvd3L5xcTEkJmZybXXXktubi7e3t4888wzLFy4kNDQULZu3UpcXJzR\nMQ1VUV/ZfG5aVulBcirzaLI1AScWEonwCjuxkIhvHAl+sfi5+v7s73X4WAWvLMykwdrErBt7kRwb\n0FY/hohIu9M7GRHpcEL8PXjxv0bw/Ps/sDWrmDkfb+LBqSkE+bkbHU06mWnTppGamsqMGTOwWq08\n//zz1NfXM2vWLFxcXAgKCuLBBx80OuZlY7PZKKk9fuL8tLIT56flVxc2b3cyORHrE01KRBLhzhHE\n+8bi4dw2f7dHi6p4acEWauus3HNDT/p105mwIuJYVLiJSIfk6e7MgzelMH/VflZtyuG5D9OZPaU3\nXaP8jI4mnYinpyfz5s076/GRI0cakObya7I1cayqoEWhVlpX1rzd1cmFHgHdSPA9Me0xxqcLLk7O\nbT49qqC0hrnzN1NZ08AdE5K4smdYmx1bRORyUeEmIh2Wk9nMrWO7ERHowSdf7uPFTzdzx4QkruoV\nbnQ0kQ7J2mQluyK3uVDLKj1EtfX0QiJezp70De514vw03zgivcJxMrfvwisl5bXM/XQzpZX1TL+6\nKyP6RLTr9xMRaS8q3ESkwxvdP4qQAA/+ung77/1rF3nF1dw4Ih6zLtot8ovUWus4VH6keWn+g+VH\naGhqaN4e6BZA76CeJPjFkugbR4hH8OmFRC6D8qp65s7fQlFZLZOHxzFuUPRl+94iIm1NhZuIdArJ\nsQE8OXMA8z7fyvL1h8krruaeST1xdem8y6yLXKrK+qrmKY9ZpYfIrsxtsZBIuGfoiYVETl5D7Zcs\nJPJLVdU28NKCLRwrqWbCFV24/qpYw7KIiLQFFW4i0mmEB3ry1MyBvLl4Gxl7C/njJ5t4YGoKAT5u\nRkcTsUvFNcfPKNQOcqy6oHmbk8mJGO/ok4VaLAm+sXg4exiY9rSaOiuvLMwku6CS0f0j+fWohMs6\n0ici0h5UuIlIp+Ll7swfpvXl45V7+DYzj+c+TOeBqSnEhfsYHU3EUKcWEjlzRO14XWnzdhcnF5L8\nuzaPqMX6ROPi5GJg4nOrb2jk9UVbOXC0nKt6hXHr2G4q2kSkQ1DhJiKdjsXJzO3jk4gI9GTBN/v5\n0ycZ3D2pJ4OSQoyOJnLZNDY1cqQit7lQO1B2iKqG0xf79nL2pE9QcvO0xyiviHZfSOSXsjY28eaS\n7ew+UsqA7sHceV2SzmUVkQ5DhZuIdEomk4lxg7sQGuDB28t28Ncl28kbHsf1V8Xq03npkGqtdewu\n2XfyYteHOFR2mPozFhIJcPOnZ0ASiX6xJPrFEeoR4lB/C41NTbyzbAdbs4rpHR/IfTck42Q2Gx1L\nRKTNqHATkU6tT2IQqbcNYN5nW1my9iB5xdXcOSEJF2f7HlkQuVi11jre3fYh+0qzaDy5kAhAuGdo\n87L8iX5x+Ls57jUOm2w2/vHv3aTvKaR7tB+zbuyFxUlFm4h0LCrcRKTTiwr24unbB/JG2jZ+3JlP\nYWkN/zWlN75erkZHE/nFrDYrJXXHiffvQhevLiT6xhHvF4uXs6fR0dqEzWbj/77cy7rtx4gL9+GB\nX6fogxcR6ZBUuImIAD6eLjx6S1/+8Z89rN9xrHnRki6h3kZHE/lFvJw9eebK/5/gYG8KCyuMjtOm\nbDYbn6/J4uuMXKKCvXjo5j64u+qtjYh0TJpHICJykrPFibsn9WDqyHhKyuv448cZbN5XaHQsETmP\nf60/zH9+OEJogAcPT++Ll7uz0ZFERNqNCjcRkTOYTCYmDoll1o29sGHjjUXb+M8Ph7HZbEZHE5Ez\nfLkxm8XfHiDQx41Hp/fF19P+Lk0gItKWVLiJiJzDgO4hPHHrAPy8XflsdRZ///durI1NF36iiLS7\ntZlH+XTVPny9TkxxDvBxMzqSiEi7U+EmInIeMWHePDVzILFh3ny3LY+5n26morre6FgindqPO/P5\nx3924+XuzCPT+xHi72F0JBGRy0KFm4hIK/y9XXns1v4MSgphb04Zz3+YTm5RldGxRDqlLfuKeO9f\nO3FzdeLhaX2JDOoYK2OKiFwMFW4iIhfg6uzEfb9K5oahsRSW1jLno3S2HSg2OpZIp7LzUAlvLtmO\nk5OJh27qS0yYVnwVkc5FhZuIyEUwm0xMHh7PvTf0pMFq49XPMvkqPVuLlohcBvtySnlt0VYAHpia\nQmKUr8GJREQuPxVuIiKX4MqeYTx2az+8PVz4v6/28fHKvVq0RKQdHT5WwaufZdLYaOP+yb3oGRtg\ndCQREUOocBMRuUQJEb48PXMg0SFefLM5l1c/y6SqtsHoWCIdTm5RFS8t2EJtXSN3T+pJ365BRkcS\nETGMCjcRkZ8h0NeNJ2b0p29iEDsPHef5DzeRX1JtdCyRDqPgeDVz52+msqaB2yckcUXPUKMjiYgY\nSoWbiMjP5OZiYfaU3oy/ogv5JdU8/2E6uw4fNzqWiMMrPF7Di59uoayynluu7sqIPhFGRxIRMZwK\nNxGRX8BsNnHz6ETuvC6J2vpGXl6whTVbco2OJeKwyqrqefrtdRSX13LjiHjGDoo2OpKIiF1Q4SYi\n0gaGp0TwyPS+uLta+OCLPcxftY+mJq04KXIpKmsaeGn+FnILq5hwZRcmDYkxOpKIiN1Q4SYi0ka6\nd/HnqdsHEh7owcqN2by2aCs1dVajY4k4hJo6K68szCSnsJKJQ+P49cgETCaT0bFEROyGCjcRkTYU\n4ufOk7cNpFdcAFuzipnz8SaKSmuMjiVi1+oaGnnt860czCtnaK8w7p3cW0WbiMhPWIwOICLS0Xi4\nWXjwphTmr9rPqk05PPdhOrOn9KZrlJ/R0eQyq6qq4rHHHqOsrIyGhgZmzZpFcHAw//M//4PZbMbH\nx4eXXnoJd3d3o6MaxtrYxJuLt7Mnu5SB3YO547okzGYVbSIiP6URNxGRduBkNnPr2G7cNq4bVTVW\nXvx0M99vzzM6llxmixcvJi4ujo8++oh58+bxwgsv8Pzzz/P444/z8ccfExMTQ1pamtExDdPY1MTb\ny3aw7UAxKQmB3HtDMk5mvTURETkXvTqKiLSj0f2jeGhaH1wsTrz3r10sWpNFk02LlnQW/v7+lJaW\nAlBeXo6/vz9vvfUWKSkpAAQEBDRv72yabDb+/u/dbNpTSFIXP+6f3AuLk96WiIicj14hRUTaWXJs\nAE/OHECIvzvL1x/mzcXbqatvNDqWXAYTJ07k6NGjjB07lhkzZvDYY4/h5eUFQHV1NUuXLmX8+PEG\np7z8bDYbn6zcy/fbjxEf4cN/TU3BxdnJ6FgiInZN57iJiFwG4YGePDVzIG8u3kbG3kL++MkmHpia\nQoCPm9HRpB0tXbqUiIgI3n//fXbv3k1qaippaWlUV1fz+9//nrvuuouEhIRWj+Hv74HF0jZFTXCw\nd5sc55ew2Wx8sHwn32zOJS7Chxd+PxQvD5ez9rOHrBdLWduPI+VV1vbhSFmhffOqcBMRuUy83J35\nw7S+fLxyL99mHuW5D9N5YGqKw3VKcvEyMjIYNmwYAElJSRQUFFBfX8/999/PpEmTmDJlygWPcfx4\ndZtkCQ72prCwok2O9Uv8c91BFq89SFiABw9OTaGmqo6aqroW+9hL1ouhrO3HkfIqa/twpKzQNnlb\ne0+gqZIiIpeRxcnM7eO7M/3qrpRX1fOnTzJYuyXX6FjSTmJiYsjMzAQgNzcXT09P3n//fQYPHsxN\nN91kcLrLb+XGbBavPUiQrxuPTO+Lj+fZI20iInJuGnETEbnMTCYT4wZFE+rvztvLdvCXj9KZPCyO\n64fG6tpVHcy0adNITU1lxowZWK1Wnn32WR599FGioqJYv349AFdccQWzZ882OGn7+zbzKPNX7cPP\ny4VHbumnacIiIpfoogq3OXPmkJmZiclkIjU1tXk1LICFCxfy+eefYzabSUpK4plnnmHDhg08+OCD\ndO3aFYBu3brx9NNPt89PICLioPokBpF62wDeSNvGku8OkldSzZ0TkrRIQwfi6enJvHnzWjz23Xff\nGZTGOD/sPMYH/9mNl7szj0zvR4hf571unYjIz3XBwm3Dhg0cPnyYBQsWkJWVRWpqKgsWLACgpqaG\n5cuX88knn+Ds7MzMmTPZvHkzAIMHD+a1115r3/QiIg4uKtiLlx4cyX+/u54fd+ZTWFrDf03pja+X\nq9HRRNrE5n2FvPfPXbi5Wnh4Wl8igjyNjiQi4pAueI7b+vXrueaaawBISEigrKyMyspKANzd3fng\ngw9wdnampqaGyspKgoOD2zexiEgH4+ftyqO39GNIchgHjpbz3IfpHMl3nJOxRc5nx6ES/rpkO84W\nMw/d3IeYMC3EIyLyc12wcCsqKsLf37/5fkBAAIWFhS32eeeddxg7dizjx48nOjoagP379/O73/2O\nW265hXXr1rVxbBGRjsXZYubuST2YOjKekvI6/vhxBpv3FV74iSJ2am92Ka8v2gqYeGBqbxIjfY2O\nJCLi0C55cRKbzXbWY/feey8zZ87knnvuYcCAAcTGxjJ79mwmTJhAdnY2M2fOZOXKlbi4nH/1qLa6\nTo0jLavtSFnBsfIqa/twpKzgWHlPZb3jht50iw3k5U8zeCNtG7df15MpoxPtatESR2pXMcahY+XM\n+zyTxkYbs6b0pkdsgNGRREQc3gULt5CQEIqKiprvFxQUNE+HLC0tZd++fQwaNAg3NzdGjBhBRkYG\nAwYM4LrrrgOgw0WLcQAAEh1JREFUS5cuBAUFkZ+f3zwady5tcZ0aR7rWgyNlBcfKq6ztw5GygmPl\n/WnWruHePP6b/ry2aCv/WL6TfUdKmHltEs4W46/g0t7XqBHHl1tYycsLMqmtb+S+G5LpmxhkdCQR\nkQ7hgu8Chg4dyooVKwDYsWMHISEheHl5AWC1Wnn88cepqqoCYNu2bcTFxbFs2TLef/99AAoLCyku\nLiY0NLS9fgYRkQ4nJsybp2YOJDbMm3XbjvHS/M1UVNcbHUukVfnHq5k7fwuVNQ3cMSGJwT3U94uI\ntJULjrj179+f5ORkpk+fjslk4plnniEtLQ1vb2/Gjh3LrFmzmDlzJhaLhe7du3P11VdTVVXFI488\nwqpVq2hoaODZZ59tdZqkiIiczd/blcdu7c/flu9i4+4CnvsgnQdv6kOkVuUTO1RSXsvcTzdTVlXP\nb67pyvCUCKMjiYh0KBd1jtsjjzzS4n5SUlLz7SlTpjBlypQW2728vHjrrbfaIJ6ISOfm6uzEfb9K\nJjzQg2XrDjHno3R+96te9I4PNDqaSLOyqnpenL+F4vI6po6M55qB5z81QkREfh7jT5gQEZFWmU0m\nJg+P594betJgtfHqZ5l8lZ59zsWiRC63ypoGXpq/mfySaiYOiWHikFijI4mIdEgq3EREHMSVPcN4\n7NZ+eHu48H9f7eOjlXuxNjYZHUs6sZo6K68s3EJOYRVXD4hiyoh4oyOJiHRYKtxERBxIQoQvT88c\nSHSIF6s35/LKwkyqahuMjiWdUF1DI/M+38rBvAqG9g7jlmu62tVlK0REOhoVbiIiDibQ140nZvSn\nb2IQuw4f5/kPN5Ff8ssvqSJysRqsTfzv4m3szS5lUFIId07ogVlFm4hIu1LhJiLigNxcLMye0pvx\nV3Qhv6Sa5z9MZ9fh40bHkk6gsamJt5ftYPuBElISArnn+p6YzSraRETamwo3EREHZTabuHl0Inde\nl0RtfSMvL9jC6i25RseSDqzJZuNvy3eTsbeQpC5+3D+5FxYnvZUQkY5t9epVF7XfCy+8wNGj7dcP\n69VWRMTBDU+J4NFb+uHuauHDL/bw6Vf7aGrSipPStmw2Gx+v3Mv6HcdIiPDhgV+n4OLsZHQsEZF2\nlZd3lK++WnFR+z755JNERES2W5aLuo6biIjYt27Rfjx1+0DmfZbJl+nZ5B+v5r4bknF31cu8/HI2\nm43Pvsli9eZcuoR48f/d3Ac3F/1uiUjH9/LLf2bXrh0MHz6IceMmkJd3lFdffZM//vF/KCwsoKam\nhrvuupehQ4dz2223MXv2H/jmm1VUVVVy5MhhcnNzeOCBhxkyZOgvzqJXXRGRDiLEz50nbxvIW0u3\nszWrmDkfb+LBqSkE+bkbHU0c3D/XHeKLDUcID/TgD9P74unmbHQkEelkFn69n427C9r0mIOSQrh5\nTGKr+9xyy22kpS0kLi6BI0cO8eab73H8eAmDB1/JhAmTyM3N4emnH2fo0OEtnldQkM/cua/xww/f\ns3TpIhVuIiLSkoebhQdvSmHBqv18tSmH5z5MZ/aU3nSN8jM6mjiolRuOsOS7gwT5uvHI9H74eLgY\nHUlExBA9eiQD4O3tw65dO1i2LA2TyUx5edlZ+6ak9AUgJCSEysrKNvn+KtxERDoYJ7OZ34ztRniQ\nJ5+s3MuLn27mjglJXNUr3Oho4mDWbMll/tf78fd25dFb+uHv7Wp0JBHppG4ek3jB0bH25ux8YrbB\nl19+QXl5Of/7v+9RXl7O3Xffdta+Tk6nzwG22drmvHMtTiIi0kGN7hfJQ9P64GJx4r1/7WLRmiya\n2qjzkI7vhx3H+PCLPXh7OPPI9L4Ea8qtiHRCZrOZxsbGFo+VlpYSHh6B2WxmzZqvaWhouDxZLst3\nERERQyTHBvDkzAGE+LuzfP1h3ly8nbr6xgs/UTq1jL2FvPevXbi7Wnh4Wl/CAz2NjiQiYoiYmDj2\n7NlNVdXp6Y6jRo3h++/X8uCDv8fd3Z2QkBD+/vd32z2LpkqKiHRw4YGePDVzIG8u3kbG3kL++Mkm\nHpiaQoCPm9HRxA7tOFjCW0u342wx89DNfegS6m10JBERw/j7+5OWtrzFY+HhEXzwwfzm++PGTQAg\nONibwsIK4uNPT+mMj0/kjTfeaZMsGnETEekEvNyd+cO0vozoE8GR/Eqe+yCdg3nlRscSO7M3u5TX\nF23FZDLxwK9TSIj0NTqSiIicpMJNRKSTsDiZuX18d6Zf3ZXy6nr+9EkGG3blGx1L7MTBvHJe/SyT\nxiYb90/uRY8Yf6MjiYjIGVS4iYh0IiaTiXGDonlgagpOZhNvLd3Bsu8OttmKV+KYcgoreXnBFuoa\nGrn3hmT6JAYZHUlERH5ChZuISCfUJzGI1NsGEOTrxpLvDvL2sh3UN2jRks4ov6Sal+ZvoarWyp0T\nejAoKcToSCIicg4q3EREOqmoYC+emjmQxChfNuwq4C+fbqasss7oWB1KVVUVs2fP5rbbbmP69Oms\nXbuWpqYm5s6dy5VXXml0PIrLapk7fzNlVfXcOrYbw1J0rT8REXulwk1EpBPz8XTh0en9GJIcxoGj\n5Tz3YTpH8iuMjtVhLF68mLi4OD766CPmzZvHCy+8wDvvvEN4eLjh01PLKut4cf5misvrmDoynqsH\nRBmaR0REWqfCTUSkk3O2mLl7Ug+mjoynpLyOP36cweZ9hUbH6hD8/f0pLS0FoLy8HH9/f2bMmMGt\nt95qaK7KmgbmLthCwfEaJg6JYeKQWEPziIg4sl//+nqqq6vb/fvoOm4iIoLJZGLikFjCAjx49187\neWPRNn49KoHxV3TBZDIZHc9hTZw4kbS0NMaOHUt5eTlvv/02Xl5el3QMf38PLBanNskTHOxNdW0D\ncz7JILewiuuHx3PPr3rZ5f9xcLDjXD9OWduPI+VV1vbhCFmdnMwEBZ14bW/PvCrcRESk2YDuIQT5\nuvPaoq18tjqLo8VVzLw2CWeLJmj8HEuXLiUiIoL333+f3bt3k5qaSlpa2iUd4/jxtvkUNzjYm5yj\npbyyYAv7c8oYlhLOr66Koaiosk2O35ZOXcTWEShr+3GkvMraPozOetddtzJnzkuEhYVx7FgeTzzx\nMMHBIdTU1FBbW8tDDz1Kz569aGxsoqioEk9Pz1+ct7XCT4WbiIi0EBPmzVMzB/L6oq2s23aMwuM1\nzJrSG28PF6OjOZyMjAyGDRsGQFJSEgUFBTQ2NuLk1DYjaJeiwdrIG2nb2JtTxuAeIdwxPgmzHY60\niYicS9r+f7G5YFubHrNfSG+mJE467/YRI0azbt23TJ16M2vXrmHEiNEkJHRlxIhRbNq0kU8++YAX\nXnixTTO1Rh+hiojIWfy9XXns1v4MSgphb04Zz32QTm5RldGxHE5MTAyZmZkA5Obm4unpaUjR1tjU\nxIsfb2LHwRL6JgZx96SemM0q2kREWnOicFsLwHffrWHYsJGsWbOK3//+t/z1r69TVlZ2WfNoxE1E\nRM7J1dmJ+36VTHigB8vWHWLOR+mk3jGYSH93o6M5jGnTppGamsqMGTOwWq08++yzPPfcc+zdu5fK\nykpuu+02xowZw5133tluGWw2G39bvov1O/LpEePP7ycnY3HS57Yi4limJE5qdXSsPcTHJ1BcXEh+\n/jEqKipYu3Y1QUEhPP30c+zevZM33nj1suZR4SYiIudlNpmYPDyesEAP/rZ8N5+u3MMj0/oaHcth\neHp6Mm/evBaPDRky5LJmOF5Rd6Joiw3gv6b0wrmNFjoREekMhgwZxjvvvMnw4SMpLT1OQkJXANas\n+Qar1XpZs6hwExGRC7qyZxgJEb4nVs2yNhodRy5BgI8bT98+kD49wigvbf/lqkVEOpKRI0fzu9/d\nxT/+8Sm1tTU8//wzfPPNV0ydejNffbWS5cuXXbYsKtxEROSiBPu5E+zv4TCrkclpceE+uDprpE1E\n5FL16JHMmjU/Nt//5JPPm28PGzYSgIkTb7gsWTTJXURERERExM6pcBMREREREbFzKtxERERERETs\nnAo3ERERERERO6fCTURERERExM6pcBMREREREbFzKtxERERERETsnAo3ERERERERO6fCTURERERE\nxM6pcBMREREREbFzJpvNZjM6hIiIiIiIiJyfRtxERERERETsnAo3ERERERERO6fCTURERERExM6p\ncBMREREREbFzKtxERERERETsnAo3ERERERERO2cxOsDPMWfOHDIzMzGZTKSmppKSktK87fvvv+fl\nl1/GycmJESNGMGvWLAOTntBa3jFjxhAWFoaTkxMAc+fOJTQ01Kio7N27l/vvv5877riDGTNmtNhm\nj23bWl57a9u//OUvbNq0CavVyn333ce4ceOat9lb27aW1Z7ataamhscff5zi4mLq6uq4//77GT16\ndPN2e2rXC2W1p3Y9pba2lkmTJnH//fczZcqU5sftqV3lbI7URzpS/wiO1Ueqf2wf6h/bh/rIi2Rz\nMD/++KPt3nvvtdlsNtv+/fttN998c4vtEyZMsB09etTW2Nhou+WWW2z79u0zImazC+UdPXq0rbKy\n0ohoZ6mqqrLNmDHD9tRTT9k++uijs7bbW9teKK89te369ettd999t81ms9lKSkpsI0eObLHdntr2\nQlntqV2XL19ue+edd2w2m82Wk5NjGzduXIvt9tSuF8pqT+16yssvv2ybMmWKbdGiRS0et6d2lZYc\nqY90pP7RZnOsPlL9Y/tQ/9h+1EdeHIebKrl+/XquueYaABISEigrK6OyshKA7OxsfH19CQ8Px2w2\nM3LkSNavX29k3Fbz2hsXFxfeffddQkJCztpmj23bWl57M2jQIObNmweAj48PNTU1NDY2AvbXtq1l\ntTfXXXcd99xzDwB5eXktPn2zt3ZtLas9ysrKYv/+/YwaNarF4/bWrtKSI/WRjtQ/gmP1keofL39W\ne+NI/SOoj7xYDjdVsqioiOTk5Ob7AQEBFBYW4uXlRWFhIQEBAS22ZWdnGxGzWWt5T3nmmWfIzc1l\nwIABPPzww5hMJiOiYrFYsFjO/Sthj23bWt5T7KVtnZyc8PDwAODzzz9nxIgRzcP99ta2rWU9xV7a\n9ZTp06dz7Ngx3nrrrebH7K1dTzlX1lPsqV3//Oc/8/TTT7NkyZIWj9tru8oJjtRHOlL/CI7VR6p/\nbB/qH9uf+sjWOVzh9lM2m83oCJfkp3kfeOABhg8fjq+vL7NmzWLFihWMHz/eoHQdiz227VdffcXn\nn3/O3/72N0NzXIzzZbXHdp0/fz67du3i0UcfZdmyZYZ3lK05X1Z7atclS5bQt29foqOjDfn+0nYc\nqY9U/3j52GPbqn9sH47UP4L6yAtxuKmSISEhFBUVNd8vKCggODj4nNvy8/MNnybQWl6AyZMnExgY\niMViYcSIEezdu9eImBdkj217IfbWtmvXruWtt97i3Xffxdvbu/lxe2zb82UF+2rX7du3k5eXB0CP\nHj1obGykpKQEsL92bS0r2Fe7rl69mlWrVnHzzTfz2Wef8eabb/L9998D9teu0pIj9ZEdpX8E+2vb\nC7G3tlX/2PYcqX8E9ZEXy+EKt6FDh7JixQoAduzYQUhISPO0iqioKCorK8nJycFqtfLNN98wdOhQ\nI+O2mreiooLf/va31NfXA7Bx40a6du1qWNbW2GPbtsbe2raiooK//OUvvP322/j5+bXYZm9t21pW\ne2vX9PT05k88i4qKqK6uxt/fH7C/dm0tq72166uvvsqiRYtYuHAhN910E/fffz9XXXUVYH/tKi05\nUh/ZUfpHsL+2bY29ta36x/bhSP0jqI+8WCabI82jOGnu3Lmkp6djMpl45pln2LlzJ97e3owdO5aN\nGzcyd+5cAMaNG8dvf/tbg9O2nveDDz5gyZIluLq60rNnT55++mnDhrG3b9/On//8Z3Jzc7FYLISG\nhjJmzBiioqLssm0vlNee2nbBggW8/vrrxMXFNT92xRVX0L17d7tr2wtltad2ra2t5cknnyQvL4/a\n2lpmz55NaWmpXb4eXCirPbXrmV5//XUiIyMB7LJd5WyO1Ec6Sv8IjtVHqn9sH+ofjctrT217psvd\nRzpk4SYiIiIiItKZONxUSRERERERkc5GhZuIiIiIiIidU+EmIiIiIiJi51S4iYiIiIiI2DkVbiIi\nIiIiInZOhZuIiIiIiIidU+EmIiIiIiJi51S4iYiIiIiI2Ln/B2i5qk9bBLR2AAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "rFYs9dH3ui66", + "colab_type": "code", + "outputId": "89923358-2da3-4a32-f504-986136cc134b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Test performance\n", + "trainer.run_test_loop()\n", + "print(\"Test loss: {0:.2f}\".format(trainer.train_state['test_loss']))\n", + "print(\"Test Accuracy: {0:.1f}%\".format(trainer.train_state['test_acc']))" + ], + "execution_count": 89, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Test loss: 0.46\n", + "Test Accuracy: 83.8%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "vKDmGXAyukpV", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Save all results\n", + "trainer.save_train_state()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "P4yiDxOavmJy", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "So you can see that using GloVe embeddings but not freezing them resulted in the best results on the test dataset. Different tasks will yield different results so you need to choose whether or not to freeze your embeddings based on empirical results." + ] + }, + { + "metadata": { + "id": "F0yKVPF8xBQK", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# TODO" + ] + }, + { + "metadata": { + "id": "A0e8p2LkxD6x", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "* when to use skip-gram/CBOW\n", + " * According to Mikolov:\n", + " \n", + " Skip-gram: works well with small amount of the training data, represents well even rare words or phrases.\n", + " \n", + " CBOW: several times faster to train than the skip-gram, slightly better accuracy for the frequent words\n", + "* Loading word2vec\n", + "* interpretable conv filters since we apply it on words here\n", + "* [contextualized word embeddings](https://arxiv.org/abs/1607.00578)" + ] + } + ] +} \ No newline at end of file diff --git a/notebooks/13_Recurrent_Neural_Networks.ipynb b/notebooks/13_Recurrent_Neural_Networks.ipynb new file mode 100644 index 00000000..e89dfeec --- /dev/null +++ b/notebooks/13_Recurrent_Neural_Networks.ipynb @@ -0,0 +1,2421 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "13_Recurrent_Neural_Networks", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "accelerator": "GPU" + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Recurrent Neural Networks" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "When working with sequential data (time-series, sentences, etc.) the order of the inputs is crucial for the task at hand. Recurrent neural networks (RNNs) process sequential data by accounting for the current input and also what has been learned from previous inputs. In this notebook, we'll learn how to create and train RNNs on sequential data.\n", + "\n", + "\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Overview" + ] + }, + { + "metadata": { + "id": "qWro5T5qTJJL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "* **Objective:** Process sequential data by accounting for the currend input and also what has been learned from previous inputs.\n", + "* **Advantages:** \n", + " * Account for order and previous inputs in a meaningful way.\n", + " * Conditioned generation for generating sequences.\n", + "* **Disadvantages:** \n", + " * Each time step's prediction depends on the previous prediction so it's difficult to parallelize RNN operations. \n", + " * Processing long sequences can yield memory and computation issues.\n", + " * Interpretability is difficult but there are few [techniques](https://arxiv.org/abs/1506.02078) that use the activations from RNNs to see what parts of the inputs are processed. \n", + "* **Miscellaneous:** \n", + " * Architectural tweaks to make RNNs faster and interpretable is an ongoing area of research." + ] + }, + { + "metadata": { + "id": "rsHeBbehrKzl", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "RNN forward pass for a single time step $X_t$:\n", + "\n", + "$h_t = tanh(W_{hh}h_{t-1} + W_{xh}X_t+b_h)$\n", + "\n", + "$y_t = W_{hy}h_t + b_y $\n", + "\n", + "$ P(y) = softmax(y_t) = \\frac{e^y}{\\sum e^y} $\n", + "\n", + "*where*:\n", + "* $X_t$ = input at time step t | $\\in \\mathbb{R}^{NXE}$ ($N$ is the batch size, $E$ is the embedding dim)\n", + "* $W_{hh}$ = hidden units weights| $\\in \\mathbb{R}^{HXH}$ ($H$ is the hidden dim)\n", + "* $h_{t-1}$ = previous timestep's hidden state $\\in \\mathbb{R}^{NXH}$\n", + "* $W_{xh}$ = input weights| $\\in \\mathbb{R}^{EXH}$\n", + "* $b_h$ = hidden units bias $\\in \\mathbb{R}^{HX1}$\n", + "* $W_{hy}$ = output weights| $\\in \\mathbb{R}^{HXC}$ ($C$ is the number of classes)\n", + "* $b_y$ = output bias $\\in \\mathbb{R}^{CX1}$\n", + "\n", + "You repeat this for every time step's input ($X_{t+1}, X_{t+2}, ..., X_{N})$ to the get the predicted outputs at each time step.\n", + "\n", + "**Note**: At the first time step, the previous hidden state $h_{t-1}$ can either be a zero vector (unconditioned) or initialize (conditioned). If we are conditioning the RNN, the first hidden state $h_0$ can belong to a specific condition or we can concat the specific condition to the randomly initialized hidden vectors at each time step. More on this in the subsequent notebooks on RNNs." + ] + }, + { + "metadata": { + "id": "dIXlGMExJD6w", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Let's see what the forward pass looks like with an RNN for a synthetic task such as processing reviews (a sequence of words) to predict the sentiment at the end of processing the review." + ] + }, + { + "metadata": { + "id": "RcWE5cw0_cKA", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + }, + "outputId": "a44156b9-b43f-409c-f0ce-4a4bd871d6a0" + }, + "cell_type": "code", + "source": [ + "# Load PyTorch library\n", + "!pip3 install torch" + ], + "execution_count": 1, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Requirement already satisfied: torch in /usr/local/lib/python3.6/dist-packages (1.0.0)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "o6eEK1wM_dXG", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import torch\n", + "import torch.nn as nn\n", + "import torch.nn.functional as F" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Qi9hIEV6COLF", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "batch_size = 5\n", + "seq_size = 10 # max length per input (masking will be used for sequences that aren't this max length)\n", + "x_lengths = [8, 5, 4, 10, 5] # lengths of each input sequence\n", + "embedding_dim = 100\n", + "rnn_hidden_dim = 256\n", + "output_dim = 4" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "bLEzfxjhB94C", + "colab_type": "code", + "outputId": "f2feefbf-8635-4b23-ef53-b5713cf2cdb2", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Initialize synthetic inputs\n", + "x_in = torch.randn(batch_size, seq_size, embedding_dim)\n", + "x_lengths = torch.tensor(x_lengths)\n", + "print (x_in.size())" + ], + "execution_count": 4, + "outputs": [ + { + "output_type": "stream", + "text": [ + "torch.Size([5, 10, 100])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "dr6oLqtXB98N", + "colab_type": "code", + "outputId": "9817e88d-6e73-414a-dfa6-2386f40db0d9", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Initialize hidden state\n", + "hidden_t = torch.zeros((batch_size, rnn_hidden_dim))\n", + "print (hidden_t.size())" + ], + "execution_count": 5, + "outputs": [ + { + "output_type": "stream", + "text": [ + "torch.Size([5, 256])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "ryZMOLLgB9-v", + "colab_type": "code", + "outputId": "14ec0a2a-bf37-4e03-b69b-099180f8f149", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Initialize RNN cell\n", + "rnn_cell = nn.RNNCell(embedding_dim, rnn_hidden_dim)\n", + "print (rnn_cell)" + ], + "execution_count": 6, + "outputs": [ + { + "output_type": "stream", + "text": [ + "RNNCell(100, 256)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "rlbZ7ujxExXb", + "colab_type": "code", + "outputId": "6c83ba2b-94c5-4f76-c8fb-ef0c1ccdeb37", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Forward pass through RNN\n", + "x_in = x_in.permute(1, 0, 2) # RNN needs batch_size to be at dim 1\n", + "\n", + "# Loop through the inputs time steps\n", + "hiddens = []\n", + "for t in range(seq_size):\n", + " hidden_t = rnn_cell(x_in[t], hidden_t)\n", + " hiddens.append(hidden_t)\n", + "hiddens = torch.stack(hiddens)\n", + "hiddens = hiddens.permute(1, 0, 2) # bring batch_size back to dim 0\n", + "print (hiddens.size())" + ], + "execution_count": 7, + "outputs": [ + { + "output_type": "stream", + "text": [ + "torch.Size([5, 10, 256])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "3TTL-jmg-MHa", + "colab_type": "code", + "outputId": "3fae323f-c37d-4dac-c8a8-7fea7a45c95c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# We also could've used a more abstracted layer\n", + "x_in = torch.randn(batch_size, seq_size, embedding_dim)\n", + "rnn = nn.RNN(embedding_dim, rnn_hidden_dim, batch_first=True)\n", + "out, h_n = rnn(x_in) #h_n is the last hidden state\n", + "print (\"out: \", out.size())\n", + "print (\"h_n: \", h_n.size())" + ], + "execution_count": 8, + "outputs": [ + { + "output_type": "stream", + "text": [ + "out: torch.Size([5, 10, 256])\n", + "h_n: torch.Size([1, 5, 256])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "iAsyRNnbHwcT", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "def gather_last_relevant_hidden(hiddens, x_lengths):\n", + " x_lengths = x_lengths.long().detach().cpu().numpy() - 1\n", + " out = []\n", + " for batch_index, column_index in enumerate(x_lengths):\n", + " out.append(hiddens[batch_index, column_index])\n", + " return torch.stack(out)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "PVhp1KLqHqpA", + "colab_type": "code", + "outputId": "d04be3ef-c2d6-48b9-f0f5-a93f619ec594", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Gather the last relevant hidden state\n", + "z = gather_last_relevant_hidden(hiddens, x_lengths)\n", + "print (z.size())" + ], + "execution_count": 10, + "outputs": [ + { + "output_type": "stream", + "text": [ + "torch.Size([5, 256])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "yGk_iZ5cITZl", + "colab_type": "code", + "outputId": "84749ff2-1e45-4599-a38d-8c83cee116a9", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 119 + } + }, + "cell_type": "code", + "source": [ + "# Forward pass through FC layer\n", + "fc1 = nn.Linear(rnn_hidden_dim, output_dim)\n", + "y_pred = fc1(z)\n", + "y_pred = F.softmax(y_pred, dim=1)\n", + "print (y_pred.size())\n", + "print (y_pred)" + ], + "execution_count": 11, + "outputs": [ + { + "output_type": "stream", + "text": [ + "torch.Size([5, 4])\n", + "tensor([[0.3030, 0.2351, 0.2168, 0.2452],\n", + " [0.2614, 0.1912, 0.2617, 0.2858],\n", + " [0.2428, 0.2600, 0.2254, 0.2717],\n", + " [0.2379, 0.2226, 0.1901, 0.3494],\n", + " [0.2629, 0.2854, 0.2146, 0.2371]], grad_fn=)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "hPBQpki_n6yY", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Sequential data" + ] + }, + { + "metadata": { + "id": "kP1awuluoCSr", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "There are a variety of different sequential tasks that RNNs can help with.\n", + "\n", + "1. **One to one**: there is one input and produces one output. \n", + " * Ex. Given a word predict it's class (verb, noun, etc.).\n", + "2. **One to many**: one input generates many outputs.\n", + " * Ex. Given a sentiment (positive, negative, etc.) generate a review.\n", + "3. **Many to one**: Many inputs are sequentially processed to generate one output.\n", + " * Ex. Process the words in a review to predict the sentiment.\n", + "4. **Many to many**: Many inputs are sequentially processed to generate many outputs.\n", + " * Ex. Given a sentence in French, processes the entire sentence and then generate the English translation.\n", + " * Ex. Given a sequence of time-series data, predict the probability of an event (risk of disease) at each time step.\n", + "\n", + "" + ] + }, + { + "metadata": { + "id": "tnxUIEMdukYY", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Issues with vanilla RNNs" + ] + }, + { + "metadata": { + "id": "uMx2s93VLUTt", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "There are several issues with the vanilla RNN that we've seen so far. \n", + "\n", + "1. When we have an input sequence that has many time steps, it becomes difficult for the model to retain information seen earlier as we process more and more of the downstream timesteps. The goals of the model is to retain the useful components in the previously seen time steps but this becomes cumbersome when we have so many time steps to process. \n", + "\n", + "2. During backpropagation, the gradient from the loss has to travel all the way back towards the first time step. If our gradient is larger than 1 (${1.01}^{1000} = 20959$) or less than 1 (${0.99}^{1000} = 4.31e-5$) and we have lot's of time steps, this can quickly spiral out of control.\n", + "\n", + "To address both these issues, the concept of gating was introduced to RNNs. Gating allows RNNs to control the information flow between each time step to optimize on the task. Selectively allowing information to pass through allows the model to process inputs with many time steps. The most common RNN gated varients are the long short term memory ([LSTM](https://pytorch.org/docs/stable/nn.html#torch.nn.LSTM)) units and gated recurrent units ([GRUs](https://pytorch.org/docs/stable/nn.html#torch.nn.GRU)). You can read more about how these units work [here](http://colah.github.io/posts/2015-08-Understanding-LSTMs/).\n", + "\n", + "" + ] + }, + { + "metadata": { + "id": "tirko0kwp-9J", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# GRU in PyTorch\n", + "gru = nn.GRU(input_size=embedding_dim, hidden_size=rnn_hidden_dim, \n", + " batch_first=True)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "UZjUhh4VBWxM", + "colab_type": "code", + "outputId": "9fe275fe-c8d9-42f0-e5d0-0295268ed83d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Initialize synthetic input\n", + "x_in = torch.randn(batch_size, seq_size, embedding_dim)\n", + "print (x_in.size())" + ], + "execution_count": 13, + "outputs": [ + { + "output_type": "stream", + "text": [ + "torch.Size([5, 10, 100])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "xJ_SE7AvBfa4", + "colab_type": "code", + "outputId": "b9411aaa-fab1-4104-aee7-8f9a423332ab", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Forward pass\n", + "out, h_n = gru(x_in)\n", + "print (\"out:\", out.size())\n", + "print (\"h_n:\", h_n.size())" + ], + "execution_count": 14, + "outputs": [ + { + "output_type": "stream", + "text": [ + "out: torch.Size([5, 10, 256])\n", + "h_n: torch.Size([1, 5, 256])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "ij_GA2Rr9BbA", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "**Note**: Choosing whether to use GRU or LSTM really depends on the data and empirical performance. GRUs offer comparable performance with reduce number of parameters while LSTMs are more efficient and may make the difference in performance for your particular task." + ] + }, + { + "metadata": { + "id": "9agJw4gwK1LC", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Bidirectional RNNs" + ] + }, + { + "metadata": { + "id": "Xck0n-KpmXkV", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "There have been many advancements with RNNs ([attention](https://www.oreilly.com/ideas/interpretability-via-attentional-and-memory-based-interfaces-using-tensorflow), Quasi RNNs, etc.) that we will cover in later lessons but one of the basic and widely used ones are bidirectional RNNs (Bi-RNNs). The motivation behind bidirectional RNNs is to process an input sequence by both directions. Accounting for context from both sides can aid in performance when the entire input sequence is known at time of inference. A common application of Bi-RNNs is in translation where it's advantageous to look at an entire sentence from both sides when translating to another language (ie. Japanese → English).\n", + "\n", + "" + ] + }, + { + "metadata": { + "id": "gSk_5XrvApCd", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# BiGRU in PyTorch\n", + "bi_gru = nn.GRU(input_size=embedding_dim, hidden_size=rnn_hidden_dim, \n", + " batch_first=True, bidirectional=True)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Fx7-GTptBCtZ", + "colab_type": "code", + "outputId": "f0242cc5-534a-460b-ebe0-4e8c504fab22", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Forward pass\n", + "out, h_n = bi_gru(x_in)\n", + "print (\"out:\", out.size()) # collection of all hidden states from the RNN for each time step\n", + "print (\"h_n:\", h_n.size()) # last hidden state from the RNN" + ], + "execution_count": 16, + "outputs": [ + { + "output_type": "stream", + "text": [ + "out: torch.Size([5, 10, 512])\n", + "h_n: torch.Size([2, 5, 256])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "k5lvJirLBjI6", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Notice that the output for each sample at each timestamp has size 512 (double the hidden dim). This is because this includes both the forward and backward directions from the BiRNN. " + ] + }, + { + "metadata": { + "id": "mJSknbofK2S9", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Document classification with RNNs" + ] + }, + { + "metadata": { + "id": "JgYdEZmHlmft", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Let's apply RNNs to the document classification task from the [emebddings notebook](https://colab.research.google.com/drive/1yDa5ZTqKVoLl-qRgH-N9xs3pdrDJ0Fb4) where we want to predict an article's category given its title." + ] + }, + { + "metadata": { + "id": "eIvXqvPQEiDC", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Set up" + ] + }, + { + "metadata": { + "id": "muTcvMynlmAu", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import os\n", + "from argparse import Namespace\n", + "import collections\n", + "import copy\n", + "import json\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import pandas as pd\n", + "import re\n", + "import torch" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "00ESjecep-_y", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Set Numpy and PyTorch seeds\n", + "def set_seeds(seed, cuda):\n", + " np.random.seed(seed)\n", + " torch.manual_seed(seed)\n", + " if cuda:\n", + " torch.cuda.manual_seed_all(seed)\n", + " \n", + "# Creating directories\n", + "def create_dirs(dirpath):\n", + " if not os.path.exists(dirpath):\n", + " os.makedirs(dirpath)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "m67THDvxEl1e", + "colab_type": "code", + "outputId": "7118c77b-cbf9-4d7e-ff7a-b9dc1fb63cbb", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " seed=1234,\n", + " cuda=True,\n", + " shuffle=True,\n", + " data_file=\"news.csv\",\n", + " split_data_file=\"split_news.csv\",\n", + " vectorizer_file=\"vectorizer.json\",\n", + " model_state_file=\"model.pth\",\n", + " save_dir=\"news\",\n", + " train_size=0.7,\n", + " val_size=0.15,\n", + " test_size=0.15,\n", + " pretrained_embeddings=None,\n", + " cutoff=25, # token must appear at least times to be in SequenceVocabulary\n", + " num_epochs=5,\n", + " early_stopping_criteria=5,\n", + " learning_rate=1e-3,\n", + " batch_size=64,\n", + " embedding_dim=100,\n", + " rnn_hidden_dim=128,\n", + " hidden_dim=100,\n", + " num_layers=1,\n", + " bidirectional=False,\n", + " dropout_p=0.1,\n", + ")\n", + "\n", + "# Set seeds\n", + "set_seeds(seed=args.seed, cuda=args.cuda)\n", + "\n", + "# Create save dir\n", + "create_dirs(args.save_dir)\n", + "\n", + "# Expand filepaths\n", + "args.vectorizer_file = os.path.join(args.save_dir, args.vectorizer_file)\n", + "args.model_state_file = os.path.join(args.save_dir, args.model_state_file)\n", + "\n", + "# Check CUDA\n", + "if not torch.cuda.is_available():\n", + " args.cuda = False\n", + "args.device = torch.device(\"cuda\" if args.cuda else \"cpu\")\n", + "print(\"Using CUDA: {}\".format(args.cuda))" + ], + "execution_count": 22, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Using CUDA: True\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "s7T-_kGvExVW", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Data" + ] + }, + { + "metadata": { + "id": "XVyK25xOEwjN", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import re\n", + "import urllib" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "M_gclwECEwll", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Upload data from GitHub to notebook's local drive\n", + "url = \"https://raw.githubusercontent.com/GokuMohandas/practicalAI/master/data/news.csv/"\n", + "response = urllib.request.urlopen(url)\n", + "html = response.read()\n", + "with open(args.data_file, 'wb') as fp:\n", + " fp.write(html)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "V244zOIPEwoP", + "colab_type": "code", + "outputId": "ab8b5cab-4e25-436e-9cb3-0db6f524eb9a", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Raw data\n", + "df = pd.read_csv(args.data_file, header=0)\n", + "df.head()" + ], + "execution_count": 25, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
categorytitle
0BusinessWall St. Bears Claw Back Into the Black (Reuters)
1BusinessCarlyle Looks Toward Commercial Aerospace (Reu...
2BusinessOil and Economy Cloud Stocks' Outlook (Reuters)
3BusinessIraq Halts Oil Exports from Main Southern Pipe...
4BusinessOil prices soar to all-time record, posing new...
\n", + "
" + ], + "text/plain": [ + " category title\n", + "0 Business Wall St. Bears Claw Back Into the Black (Reuters)\n", + "1 Business Carlyle Looks Toward Commercial Aerospace (Reu...\n", + "2 Business Oil and Economy Cloud Stocks' Outlook (Reuters)\n", + "3 Business Iraq Halts Oil Exports from Main Southern Pipe...\n", + "4 Business Oil prices soar to all-time record, posing new..." + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 25 + } + ] + }, + { + "metadata": { + "id": "ICl2MNK4EwrL", + "colab_type": "code", + "outputId": "d2073597-71e5-40b1-a845-90bf4913ea7a", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Split by category\n", + "by_category = collections.defaultdict(list)\n", + "for _, row in df.iterrows():\n", + " by_category[row.category].append(row.to_dict())\n", + "for category in by_category:\n", + " print (\"{0}: {1}\".format(category, len(by_category[category])))" + ], + "execution_count": 26, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Business: 30000\n", + "Sci/Tech: 30000\n", + "Sports: 30000\n", + "World: 30000\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "76PwKQHLEww5", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Create split data\n", + "final_list = []\n", + "for _, item_list in sorted(by_category.items()):\n", + " if args.shuffle:\n", + " np.random.shuffle(item_list)\n", + " n = len(item_list)\n", + " n_train = int(args.train_size*n)\n", + " n_val = int(args.val_size*n)\n", + " n_test = int(args.test_size*n)\n", + "\n", + " # Give data point a split attribute\n", + " for item in item_list[:n_train]:\n", + " item['split'] = 'train'\n", + " for item in item_list[n_train:n_train+n_val]:\n", + " item['split'] = 'val'\n", + " for item in item_list[n_train+n_val:]:\n", + " item['split'] = 'test' \n", + "\n", + " # Add to final list\n", + " final_list.extend(item_list)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "CQeS0KHOEwzm", + "colab_type": "code", + "outputId": "93c9aadb-25c4-4029-f002-8a43f3956045", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# df with split datasets\n", + "split_df = pd.DataFrame(final_list)\n", + "split_df[\"split\"].value_counts()" + ], + "execution_count": 28, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "train 84000\n", + "val 18000\n", + "test 18000\n", + "Name: split, dtype: int64" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 28 + } + ] + }, + { + "metadata": { + "id": "pPJDyVusEw3-", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Preprocessing\n", + "def preprocess_text(text):\n", + " text = ' '.join(word.lower() for word in text.split(\" \"))\n", + " text = re.sub(r\"([.,!?])\", r\" \\1 \", text)\n", + " text = re.sub(r\"[^a-zA-Z.,!?]+\", r\" \", text)\n", + " text = text.strip()\n", + " return text\n", + " \n", + "split_df.title = split_df.title.apply(preprocess_text)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "IAetKendEw6b", + "colab_type": "code", + "outputId": "d5946f7e-840e-4a0b-e492-d3da68cefd44", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "# Save to CSV\n", + "split_df.to_csv(args.split_data_file, index=False)\n", + "split_df.head()" + ], + "execution_count": 30, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
categorysplittitle
0Businesstraingeneral electric posts higher rd quarter profit
1Businesstrainlilly to eliminate up to us jobs
2Businesstrains amp p lowers america west outlook to negative
3Businesstraindoes rand walk the talk on labor policy ?
4Businesstrainhousekeeper advocates for changes
\n", + "
" + ], + "text/plain": [ + " category split title\n", + "0 Business train general electric posts higher rd quarter profit\n", + "1 Business train lilly to eliminate up to us jobs\n", + "2 Business train s amp p lowers america west outlook to negative\n", + "3 Business train does rand walk the talk on labor policy ?\n", + "4 Business train housekeeper advocates for changes" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 30 + } + ] + }, + { + "metadata": { + "id": "NHzGXAI3E7lF", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Vocabulary" + ] + }, + { + "metadata": { + "id": "ZIRUjX0MEw88", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Vocabulary(object):\n", + " def __init__(self, token_to_idx=None):\n", + "\n", + " # Token to index\n", + " if token_to_idx is None:\n", + " token_to_idx = {}\n", + " self.token_to_idx = token_to_idx\n", + "\n", + " # Index to token\n", + " self.idx_to_token = {idx: token \\\n", + " for token, idx in self.token_to_idx.items()}\n", + "\n", + " def to_serializable(self):\n", + " return {'token_to_idx': self.token_to_idx}\n", + "\n", + " @classmethod\n", + " def from_serializable(cls, contents):\n", + " return cls(**contents)\n", + "\n", + " def add_token(self, token):\n", + " if token in self.token_to_idx:\n", + " index = self.token_to_idx[token]\n", + " else:\n", + " index = len(self.token_to_idx)\n", + " self.token_to_idx[token] = index\n", + " self.idx_to_token[index] = token\n", + " return index\n", + "\n", + " def add_tokens(self, tokens):\n", + " return [self.add_token[token] for token in tokens]\n", + "\n", + " def lookup_token(self, token):\n", + " return self.token_to_idx[token]\n", + "\n", + " def lookup_index(self, index):\n", + " if index not in self.idx_to_token:\n", + " raise KeyError(\"the index (%d) is not in the Vocabulary\" % index)\n", + " return self.idx_to_token[index]\n", + "\n", + " def __str__(self):\n", + " return \"\" % len(self)\n", + "\n", + " def __len__(self):\n", + " return len(self.token_to_idx)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "1LtYf3lpExBb", + "colab_type": "code", + "outputId": "617297a7-3fdb-4789-bbca-dea82d06c8ce", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Vocabulary instance\n", + "category_vocab = Vocabulary()\n", + "for index, row in df.iterrows():\n", + " category_vocab.add_token(row.category)\n", + "print (category_vocab) # __str__\n", + "print (len(category_vocab)) # __len__\n", + "index = category_vocab.lookup_token(\"Business\")\n", + "print (index)\n", + "print (category_vocab.lookup_index(index))" + ], + "execution_count": 38, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "4\n", + "0\n", + "Business\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "Z0zkF6CsE_yH", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Sequence vocabulary" + ] + }, + { + "metadata": { + "id": "QtntaISyE_1c", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Next, we're going to create our Vocabulary classes for the article's title, which is a sequence of tokens." + ] + }, + { + "metadata": { + "id": "ovI8QRefEw_p", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from collections import Counter\n", + "import string" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "4W3ZouuTEw1_", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class SequenceVocabulary(Vocabulary):\n", + " def __init__(self, token_to_idx=None, unk_token=\"\",\n", + " mask_token=\"\", begin_seq_token=\"\",\n", + " end_seq_token=\"\"):\n", + "\n", + " super(SequenceVocabulary, self).__init__(token_to_idx)\n", + "\n", + " self.mask_token = mask_token\n", + " self.unk_token = unk_token\n", + " self.begin_seq_token = begin_seq_token\n", + " self.end_seq_token = end_seq_token\n", + "\n", + " self.mask_index = self.add_token(self.mask_token)\n", + " self.unk_index = self.add_token(self.unk_token)\n", + " self.begin_seq_index = self.add_token(self.begin_seq_token)\n", + " self.end_seq_index = self.add_token(self.end_seq_token)\n", + " \n", + " # Index to token\n", + " self.idx_to_token = {idx: token \\\n", + " for token, idx in self.token_to_idx.items()}\n", + "\n", + " def to_serializable(self):\n", + " contents = super(SequenceVocabulary, self).to_serializable()\n", + " contents.update({'unk_token': self.unk_token,\n", + " 'mask_token': self.mask_token,\n", + " 'begin_seq_token': self.begin_seq_token,\n", + " 'end_seq_token': self.end_seq_token})\n", + " return contents\n", + "\n", + " def lookup_token(self, token):\n", + " return self.token_to_idx.get(token, self.unk_index)\n", + " \n", + " def lookup_index(self, index):\n", + " if index not in self.idx_to_token:\n", + " raise KeyError(\"the index (%d) is not in the SequenceVocabulary\" % index)\n", + " return self.idx_to_token[index]\n", + " \n", + " def __str__(self):\n", + " return \"\" % len(self.token_to_idx)\n", + "\n", + " def __len__(self):\n", + " return len(self.token_to_idx)\n" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "g5UHjpi3El37", + "colab_type": "code", + "outputId": "cb20aa34-2bd5-4178-b219-d845fdc4968e", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Get word counts\n", + "word_counts = Counter()\n", + "for title in split_df.title:\n", + " for token in title.split(\" \"):\n", + " if token not in string.punctuation:\n", + " word_counts[token] += 1\n", + "\n", + "# Create SequenceVocabulary instance\n", + "title_vocab = SequenceVocabulary()\n", + "for word, word_count in word_counts.items():\n", + " if word_count >= args.cutoff:\n", + " title_vocab.add_token(word)\n", + "print (title_vocab) # __str__\n", + "print (len(title_vocab)) # __len__\n", + "index = title_vocab.lookup_token(\"general\")\n", + "print (index)\n", + "print (title_vocab.lookup_index(index))" + ], + "execution_count": 41, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "4400\n", + "4\n", + "general\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "4Dag6H0SFHAG", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Vectorizer" + ] + }, + { + "metadata": { + "id": "VQIfxcUuKwzz", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Something new that we introduce in this Vectorizer is calculating the length of our input sequence. We will use this later on to extract the last relevant hidden state for each input sequence." + ] + }, + { + "metadata": { + "id": "tsNtEnhBEl6s", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class NewsVectorizer(object):\n", + " def __init__(self, title_vocab, category_vocab):\n", + " self.title_vocab = title_vocab\n", + " self.category_vocab = category_vocab\n", + "\n", + " def vectorize(self, title):\n", + " indices = [self.title_vocab.lookup_token(token) for token in title.split(\" \")]\n", + " indices = [self.title_vocab.begin_seq_index] + indices + \\\n", + " [self.title_vocab.end_seq_index]\n", + " \n", + " # Create vector\n", + " title_length = len(indices)\n", + " vector = np.zeros(title_length, dtype=np.int64)\n", + " vector[:len(indices)] = indices\n", + "\n", + " return vector, title_length\n", + " \n", + " def unvectorize(self, vector):\n", + " tokens = [self.title_vocab.lookup_index(index) for index in vector]\n", + " title = \" \".join(token for token in tokens)\n", + " return title\n", + "\n", + " @classmethod\n", + " def from_dataframe(cls, df, cutoff):\n", + " \n", + " # Create class vocab\n", + " category_vocab = Vocabulary() \n", + " for category in sorted(set(df.category)):\n", + " category_vocab.add_token(category)\n", + "\n", + " # Get word counts\n", + " word_counts = Counter()\n", + " for title in df.title:\n", + " for token in title.split(\" \"):\n", + " word_counts[token] += 1\n", + " \n", + " # Create title vocab\n", + " title_vocab = SequenceVocabulary()\n", + " for word, word_count in word_counts.items():\n", + " if word_count >= cutoff:\n", + " title_vocab.add_token(word)\n", + " \n", + " return cls(title_vocab, category_vocab)\n", + "\n", + " @classmethod\n", + " def from_serializable(cls, contents):\n", + " title_vocab = SequenceVocabulary.from_serializable(contents['title_vocab'])\n", + " category_vocab = Vocabulary.from_serializable(contents['category_vocab'])\n", + " return cls(title_vocab=title_vocab, category_vocab=category_vocab)\n", + " \n", + " def to_serializable(self):\n", + " return {'title_vocab': self.title_vocab.to_serializable(),\n", + " 'category_vocab': self.category_vocab.to_serializable()}" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "JtRRXU53El9Y", + "colab_type": "code", + "outputId": "ba63f1e4-d50e-458c-cb38-da4cc69e5dfa", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 119 + } + }, + "cell_type": "code", + "source": [ + "# Vectorizer instance\n", + "vectorizer = NewsVectorizer.from_dataframe(split_df, cutoff=args.cutoff)\n", + "print (vectorizer.title_vocab)\n", + "print (vectorizer.category_vocab)\n", + "vectorized_title, title_length = vectorizer.vectorize(preprocess_text(\n", + " \"Roger Federer wins the Wimbledon tennis tournament.\"))\n", + "print (np.shape(vectorized_title))\n", + "print (\"title_length:\", title_length)\n", + "print (vectorized_title)\n", + "print (vectorizer.unvectorize(vectorized_title))" + ], + "execution_count": 50, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "\n", + "(10,)\n", + "title_length: 10\n", + "[ 2 1 4151 1231 25 1 2392 4076 38 3]\n", + " federer wins the tennis tournament . \n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "uk_QvpVfFM0S", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Dataset" + ] + }, + { + "metadata": { + "id": "oU7oDdelFMR9", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from torch.utils.data import Dataset, DataLoader" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "pB7FHmiSFMXA", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class NewsDataset(Dataset):\n", + " def __init__(self, df, vectorizer):\n", + " self.df = df\n", + " self.vectorizer = vectorizer\n", + "\n", + " # Data splits\n", + " self.train_df = self.df[self.df.split=='train']\n", + " self.train_size = len(self.train_df)\n", + " self.val_df = self.df[self.df.split=='val']\n", + " self.val_size = len(self.val_df)\n", + " self.test_df = self.df[self.df.split=='test']\n", + " self.test_size = len(self.test_df)\n", + " self.lookup_dict = {'train': (self.train_df, self.train_size), \n", + " 'val': (self.val_df, self.val_size),\n", + " 'test': (self.test_df, self.test_size)}\n", + " self.set_split('train')\n", + "\n", + " # Class weights (for imbalances)\n", + " class_counts = df.category.value_counts().to_dict()\n", + " def sort_key(item):\n", + " return self.vectorizer.category_vocab.lookup_token(item[0])\n", + " sorted_counts = sorted(class_counts.items(), key=sort_key)\n", + " frequencies = [count for _, count in sorted_counts]\n", + " self.class_weights = 1.0 / torch.tensor(frequencies, dtype=torch.float32)\n", + "\n", + " @classmethod\n", + " def load_dataset_and_make_vectorizer(cls, split_data_file, cutoff):\n", + " df = pd.read_csv(split_data_file, header=0)\n", + " train_df = df[df.split=='train']\n", + " return cls(df, NewsVectorizer.from_dataframe(train_df, cutoff))\n", + "\n", + " @classmethod\n", + " def load_dataset_and_load_vectorizer(cls, split_data_file, vectorizer_filepath):\n", + " df = pd.read_csv(split_data_file, header=0)\n", + " vectorizer = cls.load_vectorizer_only(vectorizer_filepath)\n", + " return cls(df, vectorizer)\n", + "\n", + " def load_vectorizer_only(vectorizer_filepath):\n", + " with open(vectorizer_filepath) as fp:\n", + " return NewsVectorizer.from_serializable(json.load(fp))\n", + "\n", + " def save_vectorizer(self, vectorizer_filepath):\n", + " with open(vectorizer_filepath, \"w\") as fp:\n", + " json.dump(self.vectorizer.to_serializable(), fp)\n", + "\n", + " def set_split(self, split=\"train\"):\n", + " self.target_split = split\n", + " self.target_df, self.target_size = self.lookup_dict[split]\n", + "\n", + " def __str__(self):\n", + " return \" software firm to cut jobs \n", + "tensor([3.3333e-05, 3.3333e-05, 3.3333e-05, 3.3333e-05])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "_IUIqtbvFUAG", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Model" + ] + }, + { + "metadata": { + "id": "xJV5WlDiFVVz", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "input → embedding → RNN → FC " + ] + }, + { + "metadata": { + "id": "rZCzdZZ9FMhm", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import torch.nn as nn\n", + "import torch.nn.functional as F" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "wbWO4lZcIdqZ", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "def gather_last_relevant_hidden(hiddens, x_lengths):\n", + " x_lengths = x_lengths.long().detach().cpu().numpy() - 1\n", + " out = []\n", + " for batch_index, column_index in enumerate(x_lengths):\n", + " out.append(hiddens[batch_index, column_index])\n", + " return torch.stack(out)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "9TT66Y-UFMcZ", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class NewsModel(nn.Module):\n", + " def __init__(self, embedding_dim, num_embeddings, rnn_hidden_dim, \n", + " hidden_dim, output_dim, num_layers, bidirectional, dropout_p, \n", + " pretrained_embeddings=None, freeze_embeddings=False, \n", + " padding_idx=0):\n", + " super(NewsModel, self).__init__()\n", + " \n", + " if pretrained_embeddings is None:\n", + " self.embeddings = nn.Embedding(embedding_dim=embedding_dim,\n", + " num_embeddings=num_embeddings,\n", + " padding_idx=padding_idx)\n", + " else:\n", + " pretrained_embeddings = torch.from_numpy(pretrained_embeddings).float()\n", + " self.embeddings = nn.Embedding(embedding_dim=embedding_dim,\n", + " num_embeddings=num_embeddings,\n", + " padding_idx=padding_idx,\n", + " _weight=pretrained_embeddings)\n", + " \n", + " # Conv weights\n", + " self.gru = nn.GRU(input_size=embedding_dim, hidden_size=rnn_hidden_dim, \n", + " num_layers=num_layers, batch_first=True, \n", + " bidirectional=bidirectional)\n", + " \n", + " # FC weights\n", + " self.dropout = nn.Dropout(dropout_p)\n", + " self.fc1 = nn.Linear(rnn_hidden_dim, hidden_dim)\n", + " self.fc2 = nn.Linear(hidden_dim, output_dim)\n", + " \n", + " if freeze_embeddings:\n", + " self.embeddings.weight.requires_grad = False\n", + "\n", + " def forward(self, x_in, x_lengths, apply_softmax=False):\n", + " \n", + " # Embed\n", + " x_in = self.embeddings(x_in)\n", + " \n", + " # Feed into RNN\n", + " out, h_n = self.gru(x_in)\n", + " \n", + " # Gather the last relevant hidden state\n", + " out = gather_last_relevant_hidden(out, x_lengths)\n", + "\n", + " # FC layers\n", + " z = self.dropout(out)\n", + " z = self.fc1(z)\n", + " z = self.dropout(z)\n", + " y_pred = self.fc2(z)\n", + "\n", + " if apply_softmax:\n", + " y_pred = F.softmax(y_pred, dim=1)\n", + " return y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "jHPYCPd7Fl3M", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Training" + ] + }, + { + "metadata": { + "id": "D3seBMA7FlcC", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import torch.optim as optim" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "HnRKWLekFlnM", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Trainer(object):\n", + " def __init__(self, dataset, model, model_state_file, save_dir, device, shuffle, \n", + " num_epochs, batch_size, learning_rate, early_stopping_criteria):\n", + " self.dataset = dataset\n", + " self.class_weights = dataset.class_weights.to(device)\n", + " self.model = model.to(device)\n", + " self.save_dir = save_dir\n", + " self.device = device\n", + " self.shuffle = shuffle\n", + " self.num_epochs = num_epochs\n", + " self.batch_size = batch_size\n", + " self.loss_func = nn.CrossEntropyLoss(self.class_weights)\n", + " self.optimizer = optim.Adam(self.model.parameters(), lr=learning_rate)\n", + " self.scheduler = optim.lr_scheduler.ReduceLROnPlateau(\n", + " optimizer=self.optimizer, mode='min', factor=0.5, patience=1)\n", + " self.train_state = {\n", + " 'stop_early': False, \n", + " 'early_stopping_step': 0,\n", + " 'early_stopping_best_val': 1e8,\n", + " 'early_stopping_criteria': early_stopping_criteria,\n", + " 'learning_rate': learning_rate,\n", + " 'epoch_index': 0,\n", + " 'train_loss': [],\n", + " 'train_acc': [],\n", + " 'val_loss': [],\n", + " 'val_acc': [],\n", + " 'test_loss': -1,\n", + " 'test_acc': -1,\n", + " 'model_filename': model_state_file}\n", + " \n", + " def update_train_state(self):\n", + "\n", + " # Verbose\n", + " print (\"[EPOCH]: {0:02d} | [LR]: {1} | [TRAIN LOSS]: {2:.2f} | [TRAIN ACC]: {3:.1f}% | [VAL LOSS]: {4:.2f} | [VAL ACC]: {5:.1f}%\".format(\n", + " self.train_state['epoch_index'], self.train_state['learning_rate'], \n", + " self.train_state['train_loss'][-1], self.train_state['train_acc'][-1], \n", + " self.train_state['val_loss'][-1], self.train_state['val_acc'][-1]))\n", + "\n", + " # Save one model at least\n", + " if self.train_state['epoch_index'] == 0:\n", + " torch.save(self.model.state_dict(), self.train_state['model_filename'])\n", + " self.train_state['stop_early'] = False\n", + "\n", + " # Save model if performance improved\n", + " elif self.train_state['epoch_index'] >= 1:\n", + " loss_tm1, loss_t = self.train_state['val_loss'][-2:]\n", + "\n", + " # If loss worsened\n", + " if loss_t >= self.train_state['early_stopping_best_val']:\n", + " # Update step\n", + " self.train_state['early_stopping_step'] += 1\n", + "\n", + " # Loss decreased\n", + " else:\n", + " # Save the best model\n", + " if loss_t < self.train_state['early_stopping_best_val']:\n", + " torch.save(self.model.state_dict(), self.train_state['model_filename'])\n", + "\n", + " # Reset early stopping step\n", + " self.train_state['early_stopping_step'] = 0\n", + "\n", + " # Stop early ?\n", + " self.train_state['stop_early'] = self.train_state['early_stopping_step'] \\\n", + " >= self.train_state['early_stopping_criteria']\n", + " return self.train_state\n", + " \n", + " def compute_accuracy(self, y_pred, y_target):\n", + " _, y_pred_indices = y_pred.max(dim=1)\n", + " n_correct = torch.eq(y_pred_indices, y_target).sum().item()\n", + " return n_correct / len(y_pred_indices) * 100\n", + " \n", + " def pad_seq(self, seq, length):\n", + " vector = np.zeros(length, dtype=np.int64)\n", + " vector[:len(seq)] = seq\n", + " vector[len(seq):] = self.dataset.vectorizer.title_vocab.mask_index\n", + " return vector\n", + " \n", + " def collate_fn(self, batch):\n", + " \n", + " # Make a deep copy\n", + " batch_copy = copy.deepcopy(batch)\n", + " processed_batch = {\"title\": [], \"title_length\": [], \"category\": []}\n", + " \n", + " # Get max sequence length\n", + " get_length = lambda sample: len(sample[\"title\"])\n", + " max_seq_length = max(map(get_length, batch))\n", + " \n", + " # Pad\n", + " for i, sample in enumerate(batch_copy):\n", + " padded_seq = self.pad_seq(sample[\"title\"], max_seq_length)\n", + " processed_batch[\"title\"].append(padded_seq)\n", + " processed_batch[\"title_length\"].append(sample[\"title_length\"])\n", + " processed_batch[\"category\"].append(sample[\"category\"])\n", + " \n", + " # Convert to appropriate tensor types\n", + " processed_batch[\"title\"] = torch.LongTensor(\n", + " processed_batch[\"title\"])\n", + " processed_batch[\"title_length\"] = torch.LongTensor(\n", + " processed_batch[\"title_length\"])\n", + " processed_batch[\"category\"] = torch.LongTensor(\n", + " processed_batch[\"category\"])\n", + " \n", + " return processed_batch \n", + " \n", + " def run_train_loop(self):\n", + " for epoch_index in range(self.num_epochs):\n", + " self.train_state['epoch_index'] = epoch_index\n", + " \n", + " # Iterate over train dataset\n", + "\n", + " # initialize batch generator, set loss and acc to 0, set train mode on\n", + " self.dataset.set_split('train')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, collate_fn=self.collate_fn, \n", + " shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.0\n", + " running_acc = 0.0\n", + " self.model.train()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + " # zero the gradients\n", + " self.optimizer.zero_grad()\n", + "\n", + " # compute the output\n", + " y_pred = self.model(batch_dict['title'], batch_dict['title_length'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['category'])\n", + " loss_t = loss.item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute gradients using loss\n", + " loss.backward()\n", + "\n", + " # use optimizer to take a gradient step\n", + " self.optimizer.step()\n", + " \n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['category'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['train_loss'].append(running_loss)\n", + " self.train_state['train_acc'].append(running_acc)\n", + "\n", + " # Iterate over val dataset\n", + "\n", + " # # initialize batch generator, set loss and acc to 0; set eval mode on\n", + " self.dataset.set_split('val')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, collate_fn=self.collate_fn, \n", + " shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.\n", + " running_acc = 0.\n", + " self.model.eval()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + "\n", + " # compute the output\n", + " y_pred = self.model(batch_dict['title'], batch_dict['title_length'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['category'])\n", + " loss_t = loss.to(\"cpu\").item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['category'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['val_loss'].append(running_loss)\n", + " self.train_state['val_acc'].append(running_acc)\n", + "\n", + " self.train_state = self.update_train_state()\n", + " self.scheduler.step(self.train_state['val_loss'][-1])\n", + " if self.train_state['stop_early']:\n", + " break\n", + " \n", + " def run_test_loop(self):\n", + " # initialize batch generator, set loss and acc to 0; set eval mode on\n", + " self.dataset.set_split('test')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, collate_fn=self.collate_fn, \n", + " shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.0\n", + " running_acc = 0.0\n", + " self.model.eval()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + " # compute the output\n", + " y_pred = self.model(batch_dict['title'], batch_dict['title_length'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['category'])\n", + " loss_t = loss.item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['category'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['test_loss'] = running_loss\n", + " self.train_state['test_acc'] = running_acc\n", + " \n", + " def plot_performance(self):\n", + " # Figure size\n", + " plt.figure(figsize=(15,5))\n", + "\n", + " # Plot Loss\n", + " plt.subplot(1, 2, 1)\n", + " plt.title(\"Loss\")\n", + " plt.plot(trainer.train_state[\"train_loss\"], label=\"train\")\n", + " plt.plot(trainer.train_state[\"val_loss\"], label=\"val\")\n", + " plt.legend(loc='upper right')\n", + "\n", + " # Plot Accuracy\n", + " plt.subplot(1, 2, 2)\n", + " plt.title(\"Accuracy\")\n", + " plt.plot(trainer.train_state[\"train_acc\"], label=\"train\")\n", + " plt.plot(trainer.train_state[\"val_acc\"], label=\"val\")\n", + " plt.legend(loc='lower right')\n", + "\n", + " # Save figure\n", + " plt.savefig(os.path.join(self.save_dir, \"performance.png\"))\n", + "\n", + " # Show plots\n", + " plt.show()\n", + " \n", + " def save_train_state(self):\n", + " with open(os.path.join(self.save_dir, \"train_state.json\"), \"w\") as fp:\n", + " json.dump(self.train_state, fp)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "ICkiOaGtFlk-", + "colab_type": "code", + "outputId": "57f7f143-7899-407a-acbd-17f767eb56c3", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 136 + } + }, + "cell_type": "code", + "source": [ + "# Initialization\n", + "dataset = NewsDataset.load_dataset_and_make_vectorizer(args.split_data_file,\n", + " args.cutoff)\n", + "dataset.save_vectorizer(args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "model = NewsModel(embedding_dim=args.embedding_dim, \n", + " num_embeddings=len(vectorizer.title_vocab), \n", + " rnn_hidden_dim=args.rnn_hidden_dim,\n", + " hidden_dim=args.hidden_dim,\n", + " output_dim=len(vectorizer.category_vocab),\n", + " num_layers=args.num_layers,\n", + " bidirectional=args.bidirectional,\n", + " dropout_p=args.dropout_p, \n", + " pretrained_embeddings=None, \n", + " padding_idx=vectorizer.title_vocab.mask_index)\n", + "print (model.named_modules)" + ], + "execution_count": 88, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "tuaRZ4DiFlh1", + "colab_type": "code", + "outputId": "fba7ac04-7e1d-4372-b358-7340a013960d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Train\n", + "trainer = Trainer(dataset=dataset, model=model, \n", + " model_state_file=args.model_state_file, \n", + " save_dir=args.save_dir, device=args.device,\n", + " shuffle=args.shuffle, num_epochs=args.num_epochs, \n", + " batch_size=args.batch_size, learning_rate=args.learning_rate, \n", + " early_stopping_criteria=args.early_stopping_criteria)\n", + "trainer.run_train_loop()" + ], + "execution_count": 89, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[EPOCH]: 00 | [LR]: 0.001 | [TRAIN LOSS]: 0.75 | [TRAIN ACC]: 70.7% | [VAL LOSS]: 0.54 | [VAL ACC]: 80.5%\n", + "[EPOCH]: 01 | [LR]: 0.001 | [TRAIN LOSS]: 0.48 | [TRAIN ACC]: 82.7% | [VAL LOSS]: 0.49 | [VAL ACC]: 82.3%\n", + "[EPOCH]: 02 | [LR]: 0.001 | [TRAIN LOSS]: 0.41 | [TRAIN ACC]: 85.0% | [VAL LOSS]: 0.47 | [VAL ACC]: 83.1%\n", + "[EPOCH]: 03 | [LR]: 0.001 | [TRAIN LOSS]: 0.37 | [TRAIN ACC]: 86.6% | [VAL LOSS]: 0.47 | [VAL ACC]: 83.3%\n", + "[EPOCH]: 04 | [LR]: 0.001 | [TRAIN LOSS]: 0.33 | [TRAIN ACC]: 88.2% | [VAL LOSS]: 0.49 | [VAL ACC]: 83.0%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "mzRJIz88Flfe", + "colab_type": "code", + "outputId": "a7ac8786-01ea-4421-e70c-d79c22c7ed4a", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Plot performance\n", + "trainer.plot_performance()" + ], + "execution_count": 73, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA2gAAAE+CAYAAAD4XjP+AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xl41fWd//3nWbLvy8keQhISAiGJ\n7PuqCALuothinWrvuXVse/9+wzg4mU5RR2t7jXRq7dQuP39tdTruQUQUF0qQTbZAEgIBErZsZF8I\ngSznnPuPwIGwK0nOOcnrcV1e5Lud8zpHOMk77+/n8zHY7XY7IiIiIiIi4nRGZwcQERERERGRbirQ\nREREREREXIQKNBERERERERehAk1ERERERMRFqEATERERERFxESrQREREREREXIQKNJFvafjw4Zw8\nedLZMURERPrFkiVLuOuuu5wdQ2TAU4EmIiIiItd06NAhAgICiImJYc+ePc6OIzKgqUAT6WXt7e38\n9Kc/Zd68edxxxx38/Oc/x2q1AvDf//3f3HHHHcyfP58HHniAw4cPX3O/iIiIK1i1ahXz589n0aJF\nfPjhh479H374IfPmzWPevHk8/fTTdHR0XHX/9u3bmTt3ruPai7dfffVVfvKTn/DAAw/w5z//GZvN\nxnPPPce8efOYM2cOTz/9NJ2dnQA0NDTwxBNPcOutt3LnnXeyefNmcnNzWbRoUY/M9913H19++WVf\nvzUivc7s7AAiA81f/vIXTp48ydq1a+nq6mLp0qV8/PHH3Hrrrbzyyits2LABf39/Pv30U3Jzc4mO\njr7i/pSUFGe/FBEREaxWK1988QVPPfUUJpOJlStX0tHRQU1NDb/4xS/48MMPiYiI4Ec/+hFvvPEG\n8+fPv+L+jIyMaz7Pxo0bWb16NaGhoXz22Wfs2rWLjz/+GJvNxr333ssnn3zC3XffzcqVK0lOTuZ3\nv/sd+/fv5/vf/z6bNm2itraW4uJi0tLSqKys5MSJE8yYMaOf3iWR3qMCTaSX5ebm8thjj2E2mzGb\nzdx5551s2bKFBQsWYDAYeP/991m0aBF33HEHAJ2dnVfcLyIi4go2b95MRkYG/v7+AEyYMIENGzbQ\n1NTE6NGjiYyMBGDlypWYTCY++OCDK+7fvXv3NZ8nKyuL0NBQAObNm8fs2bPx8PAAICMjg7KyMqC7\nkPvjH/8IwMiRI1m/fj2enp7MmzePtWvXkpaWxpdffsmtt96Kp6dn778hIn1MtziK9LKGhgaCgoIc\n20FBQdTX1+Ph4cGf//xn8vLymDdvHt/5znc4ePDgVfeLiIi4gpycHHJzcxk3bhzjxo3j888/Z9Wq\nVTQ2NhIYGOg4z8vLC7PZfNX913Px986GhgaWL1/OvHnzmD9/PuvXr8dutwPQ1NREQECA49zzhePC\nhQtZu3YtAF9++SULFiy4uRcu4iQq0ER6WXh4OE1NTY7tpqYmwsPDge7f9P36179m27ZtTJs2jRUr\nVlxzv4iIiDM1NzezY8cOtm/fzq5du9i1axc7d+6ksLAQo9FIY2Oj49zW1lbq6uoICQm54n6TyeQY\nkw3Q0tJy1ef9z//8T8xmM2vWrGHdunXMnDnTcSw4OLjH45eXl9PZ2cn48ePp6upiw4YNHD58mClT\npvTW2yDSr1SgifSyWbNm8f7772O1Wmlra2P16tXMnDmTgwcP8uMf/5iOjg48PT0ZNWoUBoPhqvtF\nREScbe3atUyaNKnHrYJms5lp06bR0dFBXl4e5eXl2O12VqxYwfvvv8/MmTOvuN9isVBbW0t9fT1W\nq5U1a9Zc9Xnr6+tJTU3F09OT4uJi9uzZQ1tbGwBz5sxh1apVAJSUlHDfffdhtVoxGo0sWLCAf//3\nf2fOnDmO2yNF3I3GoInchEceeQSTyeTYfuGFF3jkkUcoKytj4cKFGAwG5s+f7xhXFhcXx6JFi/Dw\n8MDPz4+f/vSnpKamXnG/iIiIs3344Yc8+uijl+2fO3cuv/3tb3n++ed59NFHMZlMZGRk8P3vfx8v\nL6+r7r///vu55557iImJ4e677+bAgQNXfN7HHnuM5cuXk5OTw7hx41i+fDn/+q//SmZmJk8//TTL\nly9nzpw5+Pn58fLLL+Pt7Q103+b4pz/9Sbc3ilsz2M/f0CsiIiIi4sbq6uq49957yc3N7fELVBF3\nolscRURERGRA+PWvf83DDz+s4kzcmgo0EREREXFrdXV13HrrrdTV1fHYY485O47ITdEtjiIiIiIi\nIi5CHTQREREREREXoQJNRERERETERfT7NPu1tadu+jFCQnxpbGzrhTT9w53yKmvfcKes4F55lbVv\n9FZWiyWgF9IMHoPte6Q7ZQX3yqusfUNZ+4475e2NrNf6/uiWHTSz2b1m5nGnvMraN9wpK7hXXmXt\nG+6UVXpyp/937pQV3CuvsvYNZe077pS3r7O6ZYEmIiIiIiIyEKlAExERERERcREq0ERERERERFyE\nCjQREREREREXoQJNRERERETERahAExERERERcREq0ERERERERFyECjQRkUEkN3f9DZ334osvUllZ\n0cdpRERE5FIq0EREBomqqkq+/PKzGzr3X//1X4mJie3jRCIiInIps7MDfFPtHVbWbDrCLUkheHu6\nXXwREaf55S9/wYEDRUyfPp7bb7+DqqpKfvWr3/LSS89TW1vDmTNneOyxv2fq1Ok88sgj/PCH/8iG\nDes5fbqVEyeOU1FRzo9/vIzJk6c6+6WIiIj0qy6rjePVpzhS0cK4UdGE+PRdHeJ2Fc7Bskb+8GEh\nt46N47tzU50dR0TEbTz88CPk5LxLYmIyJ04c47e//T80NjYwYcIk7rhjERUV5fzbvz3D1KnTe1xX\nU1PNyy//mq+/3srq1R+oQBMRkQGv7WwXRyqbOVTeTEl5E0cqW+josgFwvLaVHywY0WfP7XYF2sih\noUSH+5G7p4LbxsURGeLr7EgiIt/Yu38rYWdxTa8+5vi0CB6cM+yGzh0xIh2AgIBADhwo4qOPcjAY\njLS0NF92bmbmLQBERETQ2trae4FFRERcREPLWQ6XN3O4vInD5c2U17RiP3fMAMRa/EmJDyIlLohb\nJw7l9KmzfZbF7Qo0s8nIowtG8vM3dvJBbin/cG+GsyOJiLgdDw8PAL74Yh0tLS3813/9H1paWvjB\nDx657FyTyeT42m63X3ZcRETEndjsdirrTl8oyMqaqW+5UHB5mI2kxAeTEhdESlwww2ID8fX2cBz3\n9fZQgXapKZnRJMUEsutgLaUVzSTHBjk7kojIN/LgnGE33O3qLUajEavV2mNfU1MT0dExGI1GNm78\nG52dnf2aSUREpK91dlk5WnXK0R0rKW+mrb3Lcdzfx4PRKeGkxHUXZQlRAZhNzptL0S0LNIPBwIOz\nh/Hzv+bxzoYS/uW7YzAYDM6OJSLi0hISEjl4sJjo6BiCg4MBmDVrDs8884/s37+PhQvvIiIigj/9\n6Y9OTup6Tp8+zfLly2lubqazs5OnnnqKP/zhD47jNTU13HvvvTzxxBOOfa+++ipr1qwhMjISgLvu\nuovFixf3e3YRkcGm9UwnJRUXblc8VtVCl/XCHSARwT7dBdm5LllUqK9L1RJuWaABpMYHMzolnD2H\n69hzuI4xqRZnRxIRcWkhISHk5KztsS86Ooa//OVtx/btt98BgMUSQG3tKZKSLnT5kpKG8Zvf/IHB\naNWqVSQmJrJs2TKqq6t59NFHWbduneP4D37wA+6+++7Lrvve977H0qVL+zOqiMigYrfbqW/uOX6s\nou6047jBAEMiA0iJCyI1LphhcUEE+3s5MfH1uW2BBvDArGTyS+p5L7eUzOQwp7YiRURk4AoJCeHg\nwYMAtLS0EBIS4ji2detWhg4dSnR0tLPiiYgMGjabnfLa1h4FWeOpdsdxTw8jIxJCusePxQeTFB2I\nj5d7lTzulfYS0WF+zLglhtw9FWzKr2T2mDhnRxIRkQFo4cKF5OTkMHfuXFpaWvj973/vOPbGG2+Q\nnZ19xevWrVvH+vXr8fT05Cc/+Qnx8fH9FVlEZEBo77RytLLlwviximbOdlwYTx3o58nY4RbH+LH4\nCH+3b9q4dYEGcPe0RLbtO8nqzUeZlB7ldhWyiIi4vtWrVxMTE8Prr79OcXEx2dnZ5OTkUF1dTVtb\nG0OGDLnsmpkzZzJp0iTGjx/P2rVreeGFF3oUdlcSEuKL2Wy65jk3wmIJuOnH6C/ulBXcK6+y9g1l\n7TsWSwBNp9o5cKye/Ucb2H+0ntLyZqy2C+PHYi3+jEwMZWRiGCOTQokO83PK+LG+fG/dvpoJ8vPk\njolD+HDzUT7bcYJ7pic5O5KIiAwweXl5TJs2DYC0tDRqamqwWq1s3LiRSZMmXfGazMxMx9dz5szh\n5Zdfvu7zNDa23XTW8+MH3YE7ZQX3yqusfUNZe5fdbqem8QyHypsor2ujoKSO6oYLn4Mmo4GEqIAL\n093HBRHo63nxA1BX1//rc/bGe3utAs/tCzSA2yfEs2FPBet2nGDmLbGEBLj2wD8REXEvCQkJ5Ofn\nM2/ePCoqKvDz88NkMlFYWMjs2bOveM0LL7zA/PnzGTduHDt27CAlJaWfU4uIuJYuq42ymlYOlzU5\nxpC1tF1Y3sXHy8SopFBS4oJJjQtiaHQgXh43f1eBuxkQBZq3p5l7pifyl3UHWb35KH93R5qzI4mI\nyADy0EMPkZ2dzdKlS+nq6uLZZ58FoLa2lrCwMMd5tbW1vPrqqzz//PMsXryYFStWYDabMRgMvPDC\nC05KLyLiHGfauzhy0fix0spmOjptjuMhAV5MGBFBSlwwEzNj8DUZMBpdZ7p7ZxkQBRrAtMxoPt9Z\nxqaCSuaOjyc23M/ZkURE3NIDD9zJJ5+svf6Jg4ifnx+vvPLKZft/97vf9di2WCw8//zzAAwfPpy3\n3377smtERAaqxlPt3euPneuQnag5hf3C8DFiLX6OyTxS4oIIC/R2jB9zh1sy+8uAKdBMRiOLZw3j\n1x8U8P6GEv6/xVnOjiQiIiIiMiDZ7Haq6tsoKb9wu2Jt01nHcbPJwLDYIEdBlhwbhL+PhxMTu48B\nU6ABZA0LY3h8MPml9RQfbyQtIeT6F4mIDBKPPfZdfvazlURFRXHyZBX/8i/LsFgiOHPmDGfPnuV/\n/++nGTlylLNjioiIC+rssnH85CnH7YqHy5s4fbbLcdzP20xWchgp8d0F2dCoADx6YVbawWhAFWgG\ng4HFs4fxwhu7eHdDCT95dBxGJ0y7KSLiimbMmM2WLV9x//0PsmnTRmbMmE1ycgozZsxi9+6d/PWv\nf+HFF//D2TFFRMQFtJ3t7L5dsbz7lsUjVafosl4YPxYe5E1mcpijQxYd7qefu3vJgCrQAJJiApkw\nIoIdB2rYeaCGiSMjnR1JROQyOSUfs6emsFcfc3REBvcNW3TV4zNmzOY3v/kV99//IJs3b+SHP/zf\nvP32m7z11pt0dnbi7e3dq3lERMR91Def7dEdq6g9zfnhYwYDxFv8u4ux+CCGxQYRGqjvGX1lwBVo\nAPfNTGb3wVo+2FjKmFQLHmb3Xk1cRKQ3JCUlU19fS3X1SU6dOsWmTbmEh0fwb//27xQX7+c3v/mV\nsyOKiEg/sNnsVNSd7lGQNbS0O457mo0MHxLsKMiSY4Lw8RqQZYNLGpDvdESwD3PGxPHFrjI27Kng\n9vHxzo4kItLDfcMWXbPb1VcmT57GH/7wW6ZPn0lTUyPJyd1rc23cuIGurq7rXC0iIu6oo9PK0aqW\nc8VYMyUVzZxpv/CZH+DrwZhUi2NB6CGR/phNanA4y4As0ADunDqUzYVVrNlylGkZUfh6a9YYEZGZ\nM2fzxBOP8ec/v8XZs2d44YUVbNjwJfff/yBffvk5a9d+5OyIIiJyk1rPdHJkXxW79p/kcHkTx6pO\nYbVdmO8+MsSHsecLsvhgIkN8HNPdi/MN2ALN38eDRZMTeC+3lLXbjrN49jBnRxIRcboRI9LZuHG7\nY/uvf33f8fW0aTMBWLjwLvz8/Ghr03o0IiLuoKHlLIfKmrr/K2+msu6045jRYCAhyt8xmcewuGCC\n/DydmFauZ8AWaAC3jo1jfV45X+wqZ86YOMKCNJhRRERERNyX/dz6Y4fKmzhc1sShsmbqWy6sP+bp\nYWREQgijh0cQG+pDUkwQXp6a7t6dDOgCzdPDxL3Tk3h97QFyvjrC/3PnSGdHEhERERG5YVabjRPV\nrY4O2eHyZlrPdDqO+/t4MDolnJS4YFLjL4wfs1gCqK3VnRDuaEAXaACTR0Xx+c4yvi46ye3j40mI\nCnB2JBERERGRK+rotHKkssXRISupbKG9w+o4HhroxaSkSFLjgkmJDyY6zFfrjw0wA75AMxoMPDh7\nGCvf2cv7uSUsWzLa2ZFERERERIDuBaEPlzefGz92+YQe0WG+pMYHnyvIgggP8nFiWukPN1Sg/exn\nPyM/Px+DwUB2djaZmZkAVFdX80//9E+O88rKyli2bBl33nln36T9ltITQ0lPDKXoaAP7jtQzKinM\n2ZFEREREZBBqPNXO4fJzE3qUNVNR2+pYEPriCT1S47sn9Qjw1YQeg811C7QdO3Zw/Phx3nnnHUpL\nS8nOzuadd94BIDIykjfffBOArq4uHnnkEebMmdO3ib+lxbOS2X+0gXc3lDJyaChGo1rBIiIiItJ3\n7HY7NY1nOFh2bkKP8iZqmy5M6OFx0YLQqfHBJMcG4u054G9wk+u47t+Abdu2cdtttwGQnJxMc3Mz\nra2t+Pv79zhv1apVzJs3Dz8/v75JepOGRAYwZVQUW/adZFvRSaZmRDs7koiIiIgMIDabnbKa1gsz\nLJY303K6w3Hc18tMVnJYd3csPpihUQFaEFouc90Cra6ujvT0dMd2aGgotbW1lxVo7733Hv/3//7f\n6z5hSIgvZvPNT/VpsXzzyT4evyeTncU1rN58lDumJ+Pl0X9Tjn6bvM6irH3DnbKCe+VV1r7hTllF\nRJyhs8vG0aoWx/ix0opmzrRfmNAj2N+TCSMiHB2yWIufJvSQ6/rGPVS73X7Zvj179pCUlHRZ0XYl\njY1t3/QpL3Mz04beNi6eT74+zluf7mfh5KE3neVGuNM0p8raN9wpK7hXXmXtG72VVUWeiAwkbWc7\nKTxS3z3dfVkTR6pO0WW1OY5HhvoybniQo0NmCfLGoIJMvqHrFmgRERHU1dU5tmtqarBYLD3Oyc3N\nZfLkyb2frg8smJTAV/mVfPL1cWZkxWjgpYiIiIhcUfPpjnOLQXd3yMprWjk/waLBAPER/qReNKFH\nkL+XcwPLgHDdAm3q1Km8+uqrLFmyhKKiIiIiIi7rlBUWFrJgwYI+C9mbfL3N3DllKG+tP8yaLcf4\nztxUZ0cSERERESez2+3UNp+9qCBrprrhwp1fZpOREYlhDI30JzU+mGGxQfh4aUIP6X3X/Vs1ZswY\n0tPTWbJkCQaDgRUrVpCTk0NAQABz584FoLa2lrAw95m6fvaYWL7cXcaGPRXcOi6OyBBfZ0cSERER\nkX5ks9uprD3NIceU9000tV6Y0MPb08SopFBHhywxOoCY6GC3uVVd3NcNlf0Xr3UGkJaW1mN7zZo1\nvZeoH5hNRu6fmczvVheRs/EIT94zytmRRERERKQPdVltHDt5ytEhK6lo5vTZLsfxQD9Pxg23kHJu\nUej4CH8tyyROMWj7suPTIvhsRxk7i2u4vbKZ5JggZ0cSERERkV5ytqOL0oruGRYPlzdxpLKFjq4L\nE3pYgr25ZVg4KfHBDI8PJiLERxN6iEsYtAWawWDgwdnJ/OJ/9vDe30pY/t0x+kcpIiIi4qZOtXVw\nuLzZUZAdP9mK7dzs4wYg1uJPavy5GRbjggkJ0IQe4poGbYEGMHxICLcMC2dvSR17S+oYnWK5/kUi\nIiIi4nT1zWd7jB+rqr8woYfJaCAxJoDUuO7p7lPigvDz9nBiWpEbN6gLNIAHZiVTUFrP+7mlZCaH\nYTJqNXcRERERV2K326msb+seP1bevQZZfUu747iXh4n0oSGO8WOJMYF4eZicmFjk2xv0BVpMuB8z\nsqLJ3VvJpvwqZo2OdXYkERERkUHNarNxorqVgye6b1c8XN5M65lOx3F/Hw9Gp4STGt89w+KQSH/9\nkl0GjEFfoAHcPS2RbUXVfLj5KJPSI/H21NsiIiIi0l/aO60cqWxxdMhKK1po77Q6jocFepORFOro\nkEWH+WruABmwVIkAQf5ezJsQz0dbjrFu+wnumZ7k7EgiIuJCTp8+zfLly2lubqazs5OnnnqKP/zh\nD7S1teHr272W5vLlyxk16sKyLZ2dnTzzzDNUVlZiMpl46aWXiI+Pd9ZLEHE5NU1n2FpYxcHyZkrK\nmrDa7I5jMeF+pMYFOQqysCBvJyYV6V8q0M6ZP3EIuXsr+WxHGbNGxxLsr5l9RESk26pVq0hMTGTZ\nsmVUV1fz6KOPYrFYeOmll0hNTb3iNR9//DGBgYGsXLmSzZs3s3LlSn71q1/1c3IR19LeaWX3wRo2\nF1RRfKIJAKPRQEJkQPcMi3HBDIsLIsDX08lJRZxHBdo53p5m7pmWyBufHeSjzUf53vy0618kIiKD\nQkhICAcPHgSgpaWFkJCQ616zbds27rnnHgCmTJlCdnZ2n2YUcVV2u50jlS1sKqhix4FqznZ037o4\nPD6YaZnR3D4lkdOnzjo5pYjrUIF2kelZ0Xyxq4yv8qu4bVw8MeF+zo4kIiIuYOHCheTk5DB37lxa\nWlr4/e9/z8qVK/n1r39NY2MjycnJZGdn4+194Tasuro6QkNDATAajRgMBjo6OvD0vHpnICTEF7P5\n5mees1gCbvox+os7ZQX3yuvsrI0tZ9mwu4wvd56grLoVgPAgb+6ekcyt44cQfdHPWb5uNAW+s9/X\nb8KdsoJ75e3LrCrQLmIyGnlgVjKvflDI+7ml/PiBTGdHEhERF7B69WpiYmJ4/fXXKS4uJjs7myef\nfJLhw4czZMgQVqxYwV//+lcef/zxqz6G3W6/6rHzGhvbrnvO9VgsAdTWnrrpx+kP7pQV3Cuvs7J2\nWW0UlNazuaCKgtJ6bHY7ZpOBCSMimJYZzciEUIxGA9htjnx6X/uGO2UF98rbG1mvVeCpQLvELcPC\nSY0LYm9JHQdPNDJ8yPVvYxERkYEtLy+PadOmAZCWlkZNTQ1z5szBZOruds2ZM4dPPvmkxzURERHU\n1taSlpZGZ2cndrv9mt0zEXdWUdvK5sIqtu07SUtb93T4CZEBTMuMZuLISPx93KdDJuJsWjDiEgaD\ngcVzhgHw7obSG/qNp4iIDGwJCQnk5+cDUFFRga+vL48//jgtLS0AbN++nZSUlB7XTJ06lXXr1gGw\nYcMGJk6c2L+hRfpY29kucvdU8O9/2cW/vb6Dz3aUYbPDbWPjePb741nx/fHcOjZOxZnIN6QO2hUk\nxwQxPi2CncU17CyuYcKISGdHEhERJ3rooYfIzs5m6dKldHV18dxzz9HY2Mjf/d3f4ePjQ2RkJD/6\n0Y8AePLJJ3nttddYsGABW7du5eGHH8bT05Of//znTn4VIjfPZrdz8Hgjmwqr2H2wls4uGwYDZCSF\nMT0zmqxh4XiY9ft/kZuhAu0q7p+ZRN6hWj7YWMqYVAtmkz5sREQGKz8/P1555ZXL9i9YsOCyfa+9\n9hqAY+0zkYGgrvkMWwpPsqWwirrm7hkXI0J8mJ4ZzZRR0YQEaHkikd6iAu0qIkJ8mT0mli93lbMh\nr4K547W4qIiIiAweHZ1W8g7VsrmwigPHGrEDXh4mpmVEMy0zmpS4IAwGg7Njigw4KtCu4c4pQ9lS\nWMWarceYmhHlVlPAioiIiHxTdrudYydPsbmgiq/3V3OmvQuAlLggpmVGMz4tAm9P/fgo0pf0L+wa\nAnw9WTApgQ82HuGTr0/wwKxkZ0cSERER6XUtbR18ve8kmwqrqKg9DUCQvydzxiQwNSOaqFBfJycU\nGTxUoF3H3HHx/C2vgi92lTFnTCyhgd7Xv0hERETExVltNgqPNLC5oIr8kjqsNjsmo4Gxwy1Mz4wm\nPTEUk1Fj8EX6mwq06/D0MHHfjCReX3uAVV8d4fFFI50dSURERORbq6o/zeaCKrbuO0nz6Q4A4iz+\nTM+MZlJ6JAG+Wq9PxJlUoN2AyelRfLajjK37TjJ3fDxDIq++8reIiIiIqznT3sXO4ho2F1RRUtEM\ngK+XmTljYpmeGcOQSH9N+CHiIlSg3QCj0cCDc5L55Tv5vJdbyrKHbnF2JBEREZFrstvtHCprYnNB\nFTsP1tDRacMApCeGMj0zmtEp4XiYTc6OKSKXUIF2g0YlhpE+NISiow3sO1rPqMQwZ0cSERERuUxD\ny1n+ll/J59uOU9N0BoDwIG+mZUYzdVQ0YUEaTy/iylSgfQOLZw9j/5928t6GUkYODcWoWwFERETE\nBXR22dhzuJbNBVUUHW3ADniajUxOj2J6ZjSpQ4L1c4uIm1CB9g0MiQxg8qgotu47ybZ9J5maEe3s\nSCIiIjKIHXesWXaS02e71yxLjgnkjqmJpMUG4eutH/VE3I3+1X5D905PYseBGlZtOsL4tAg8PXTv\ntoiIiPSf1jOdfF10ks0FVZyoaQUg0M+T+ROHMC0jmphwPyyWAGprTzk5qYh8GyrQvqGwIG/mjovj\n0+0nWL+7nDsmJTg7koiIiAxwNpudomMNbCqoYu/hWrqs3WuWjU4JZ3pmDKOSQjGbtGaZyECgAu1b\nWDg5ga/yK/l423GmZ8Xg7+Ph7EgiIiIyAFU3tjnWLGs81Q5ATLgf0zKimTwqiiA/rVkmMtCoQPsW\nfL09uHNqIm+vP8yaLcd4+LYUZ0cSERGRAeJsRxe7imvZXFDJofLuNct8vEzMuiWGaZkxJEYHaM0y\nkQFMBdq3NHt0LF/uKuNveeXcOjaWiBBfZ0cSERERN2W32ympaGZTQRU7i2to77ACMCIhhGmZ0YxJ\nteClce8ig4IKtG/Jw2zkgVnJ/G51ETlfHeGJu0c5O5KIiIi4mcZT7WzdV8XmwpNUN7QBEBboxbzx\n8UzNiMYS7OPkhCLS31Sg3YRxaREk7jjBjgM13D6+haSYQGdHEhERERfXZbWRX1LHpoIqCo/UY7eD\n2WRk0shIpmZGMyIhRGuWiQxxdaM7AAAgAElEQVRiKtBugtFg4MHZw/jF/+zh3Q0lLP/OaN0TLiIi\nIldUXtPKpoIqthWdpPVMJwCJ0QFMy4hmwshI/Lw16ZiIqEC7acOHhHDLsHD2ltSRX1LPLSnhzo4k\nIiIiLuL02U62769mU0EVx092r0vm7+PB7ePjmZYRTVyEv5MTioirUYHWC+6flUx+aR3v5ZaQkRyK\nyah1SERERAYrm93OgWONbCqoJO9QHV1WGwYDZCWHMS0zhqxhYVqzTESuSgVaL4gN92N6Zgxf5Vey\nqaCKWbfEOjuSiIiI9LOapjNsKahi674q6lu61yyLCvVlemb3mmXB/l5OTigi7kAFWi+5Z3oiX+8/\nyepNR5k0MhJvT721IiIiA117p5XdB2vYXFBF8YkmALw8TczIimZaRgzJsYEany4i34iqiF4S7O/F\n/AlD+GjLMT7fUcZd0xKdHUlERET6gN1u50hVC5sLqthxoJoz7d1rlg2PD2ZaZjTjhkfg5ak1ywY6\nm92G1Waly27FarNitVvpslmx2rvO/Wm78PW5445zbF3d15279vLHsNJl6+p+jPPnnjvPdtH5XfYu\nrLaLnuei8+wGOzabDQADhnN/nnfRV5f8AsHAJduGS6+9sGW4cFKPbcdjGC6+4sLRK13rYTJ23w7M\n5b/QuFrGqz1/z+fpmeXa78Wl116yfW7H7anTSffvuyW2VKD1onkThpC7p4JPt59g5i0xBOlWBhER\nkQGj8dRZ1m0/waaCSqrqu9csCwnw4taxcUzNiCYyxNfJCd2X3W7vLnguKlCuWsxcWsCc//r8/vPF\nziXb3cXMpUXQpUVS1xWKoIsKLKx0Wbuf12a3OfttA8BkMGEymjAbTD2+9vAwY7PasWPvPtHxh91x\nreMru73nNj237faLrzr/KPaLN7Hb7Ve8tsdzXiHD+W2jwYDNZr/smssy2S/ZvsLzXe/1XH78Cpns\nl2c8L7UpUQWau/DxMnP39CTe/Owgq7cc43vzhjs7koiIiNyklrYO3lh3kL0lddhsdswmA+PTIpie\nGc3IoaEYja53C6PdbqfL1tWjELFd1uG5uAg6V8Cc79hcWsBcVCxZ7TZHsXPlYubcObauqxRBF29f\nONcVGDBcKHaM5woegwlPkwcmow/eHh7YrZefY3b8acZkMGIymh3HzQYTxovONxvMmIxGTAaz4zpT\nj+MmTOcep/vxTFc4r/vxjQbjVW+htVgCqK091c/v4LfnTnn7OqsKtF42PTOaL3aW8dXeSuaOiyM6\nzM/ZkUREROQm5Gw8Qt6hGobG+DNhZDijU8Pw8jJgtVmpO1v3zbsxPTpBVyhmrtD5sdl6FkXXux3O\nVbo7RoOxZ4Fx7msPk1d3oWIw4u3pic1q6D7nfKFzjWLmSsXKlYoiU4+iyYTJaDz3eFcqrrof32i4\n9uya7lREiPtSgdbLzCYjD8xK5jc5hbyfW8qP7s90diQREblJp0+fZvny5TQ3N9PZ2clTTz2FxWLh\n+eefx2g0EhgYyMqVK/Hx8XFck5OTwyuvvMKQIUMAmDJlCk8++aSzXoJ8C22dZ9hyYg/bz27GZ3w9\n1QY7a1pgzS7nZbpSN8ZsMOHl4dWjgPH29MTWxbmi51wBc77IuawIupGOzeXFjOkK+7uLoAuPd72C\nB1T0iFxKBVofGJ0STkpcEHsO13GorAmLJcDZkURE5CasWrWKxMREli1bRnV1NY8++ijh4eE888wz\nZGZm8otf/IKcnBy++93v9rhuwYIFLF++3Emp5ds423WWgrr95NXkc6D+EF12K8YgCDFbGBJuwdZl\n71mgnC9OrtD5MV6zY3Pl2+EuP37RbXLXuJ3tUip6RNyXCrQ+YDAYeHD2MF58czfvbihhyug4Z0cS\nEZGbEBISwsGDBwFoaWkhJCSE3/3ud/j7+wMQGhpKU1OTMyPKTeiwdrCvvpjd1Xspqi+m89x4qCif\nKMoPBxLcNZTn/m4OUZFBKnpEpM+pQOsjybFBjBtuYdfBWrYUVDI8JtDZkURE5FtauHAhOTk5zJ07\nl5aWFn7/+987irO2tjZWr17NK6+8ctl1O3bs4PHHH6erq4vly5czcuTI/o4uV9Fp7WR/w0F2V+dT\nWH+ADmsHAFG+EYyJzGJsRBafbWrgaGUl9ywaicl4/Vv1RER6gwq0PnT/rGT2HK7jjbUHeO6x8ZhN\n+nAXEXFHq1evJiYmhtdff53i4mKys7PJycmhra2NJ598kscee4zk5OQe12RlZREaGsqsWbPYs2cP\ny5cvZ82aNdd8npAQX8zmm18/y51ure/PrF3WLgqqi9latoudFfmc6TwLQKS/halDxjIlfhzxQTEY\nDAZqGtrYXFBErMWPhTOSMZ37Hq73tm8oa99wp6zgXnn7MqsKtD4UGeLLrNGxrN9dTu6eCm4bF+/s\nSCIi8i3k5eUxbdo0ANLS0qipqaGjo4N/+Id/YNGiRdx3332XXZOcnOwo2kaPHk1DQwNWqxWT6eoF\nWGNj201ndaexR/2R1WqzcrjpCLur89lbW0hb1xkAQryCmTpkImMjsogPiO0e29UJdXWtALyxrhir\nzc4dE4fQ0HC63/L2FmXtG8rad9wpb29kvVaBpwKtj905dSjbik7y0ZZjTBkVja+33nIREXeTkJBA\nfn4+8+bNo6KiAj8/P15//XUmTJjA4sWLr3jNH//4R6Kjo1m0aBGHDh0iNDT0msWZ9B6b3UZp01F2\n1xSwp6aA1s7uAivIM4DZcdMYE5lFYuCQq064Udd8hs0FVUSG+DBxZGR/RhcRUYHW1wJ9PXlgTgpv\nfHKAT7cf5/6Zyde/SEREXMpDDz1EdnY2S5cupauri2effZann36auLg4tm3bBsDEiRP54Q9/yJNP\nPslrr73GnXfeydNPP83bb79NV1cXL774opNfxcBmt9s52nKCvOp88moKaO5oAcDfw4/psZMZG5FJ\ncnDiDU37/sm241htdu6cOlRjz0Sk391Qgfazn/2M/Px8DAYD2dnZZGZeWNurqqqKf/zHf6Szs5OR\nI0fy/PPP91lYd3Xn9CTWbDrC5zvLmD06ltBAb2dHEhGRb8DPz++ySUA2b958xXNfe+01AKKionjz\nzTf7PNtgZrfbKTtVwe6afHZX59PY3j2Tpq/ZhynRExgbmUVKcBIm4413Luuaz7BJ3TMRcaLrFmg7\nduzg+PHjvPPOO5SWlpKdnc0777zjOP7zn/+cxx57jLlz5/Lcc89RWVlJTExMn4Z2N96eZu6Znsif\nPilm1aYjPL5Qs3iJiIh8G3a7ncrTJ8mrzmd3TT61Z+oB8DZ5MzFqLGMiMkkLTcFs/HY3Cal7JiLO\ndt1Pr23btnHbbbcB3QOem5ubaW1txd/fH5vNxu7du/nlL38JwIoVK/o2rRubOiqaL3aWsbXwJLeP\nH0J8hL+zI4mIiLiNk6dr2F2TT151PifbagDwNHowNiKLsZFZjAwdjofJ46ae43z3LELdMxFxousW\naHV1daSnpzu2Q0NDqa2txd/fn4aGBvz8/HjppZcoKipi3LhxLFu2rE8Duyuj0cDi2cP4z3fzeS+3\nhH988BZnRxIREXFpdWfq2X2uU1bRWgWAh9HMLZZRjI28hVFhaXiaPHvt+RzdsynqnomI83zj/r/d\nbu/xdXV1Nd/73veIjY3l7//+78nNzWXWrFlXvX4wrvEC3Xlnh/vztz0V5B+uo6LxDLekRjg71hW5\n03urrH3HnfIqa99wp6wycDSebXKMKTtxqhwAk8FERvgIxkRkkRk+Em9z74/lrm8+6+ieTUpX90xE\nnOe6BVpERAR1dXWO7ZqaGiwWCwAhISHExMQwZMgQACZPnszhw4evWaANtjVeoGfee6Ymkn+4jj+u\nKuSn3x+P8SpT/DqLO723ytp33CmvsvaN3sqqIk9uRHN7C3k1BeTV5HOk+TgARoOREaGpjI3IIsuS\njq+Hb59mWPu1umci4hquW6BNnTqVV199lSVLllBUVERERAT+/t3jp8xmM/Hx8Rw7doyhQ4dSVFTE\nwoUL+zy0O0uICmByeiTbiqrZXlTN5FFRzo4kIiLS7051tLKnZA8bS7dT0nQUO3YMGEgNTmZsZBa3\nWDLw9/Trlyz1zWfZlF+p7pmIuITrFmhjxowhPT2dJUuWYDAYWLFiBTk5OQQEBDB37lyys7N55pln\nsNvtpKamMmfOnP7I7dbunZHEzuJacr4qZVyaBY9euOVTRETE1bV1trG3tojd1Xs51FSKzW4DIDlo\nKGMisxhtySTIq/+7ruqeiYgruaExaP/0T//UYzstLc3xdUJCAm+99VbvphrgwoN8uG1cHOu2n+DL\n3eXcMTHB2ZFERET6xJmusxTUFpFXk8+BhsNY7VYAEgLjmZk0gVTf4YR4Bzstn6N7FqzumYi4hm+3\nSIjctIWTE9iUX8nHW48zPTMGf5+bmxpYRETEVbRbO9hXt5/dNQUU1RfTZesCIM4/hrERWYyJzCTc\nJ8wlxmV+8rXWPRMR16ICzUn8vD1YNGUo7/ythI+3HmPJrSnOjiQiIvKtdVo7KWo4SF51PoV1++mw\ndQIQ5RfJuIgsxkRmEelrcXLKnhpazvKVumci4mJUoDnRnDFxrN9dzvrd5dw6Ng5LsI+zI4mIiNyw\nLlsXBxoOsbu6gMK6Is5a2wGI8AlnTGQWYyOyiPF33cmw1m5T90xEXI8KNCfyMBu5b2YSf/hoPzlf\nHeH/vSv9+heJiIg4kdVm5VBjKbtr8smv3Udb1xkAQr1DmB47mbGRWcT5x2BwsWVkLqXumYi4KhVo\nTjZhRCSf7Shj+/5qbh8fT2J0oLMjiYiI9GCz2yhpOsrumnz21hTS2nkagGCvICZFj2NMRBZDA+Nd\nvii72Pnu2SLN3CgiLkYFmpMZDQYenD2M/3hrD+/+rYR//s5ot/oGJyIiA5PNbuNYywl2Veezt6aA\n5o7uyTwCPPyZETuFsZFZJAUlYDS4X3HT0HKWTQXd3bPJo9Q9ExHXogLNBYxICCEzOYyC0noKSuvJ\nGhbu7EgiIjII2e12TpwqZ3d1Pnk1BTS2NwHgZ/ZlaswExkRkkRKchMno3ut3rv36OF1Wdc9ExDWp\nQHMRi2clU3iknvdySxmVFKpvGCIi0i/sdjsVrVXsrsknrzqfurMNAPiYvZkYNZaxkbeQFjLM7Yuy\n8xpaLqx7pu6ZiLgiFWguItbiz/TMaL7Kr2JL4UlmZMU4O5KIiAxgJ09Xs7s6n901+VS31QLgafJk\nXOQtjI3IYkTYcDyMA+/HBHXPRMTVDbxPXjd297Qkvi6qZtWmI0wcEYmX58D4baWIiLiGmrY68mry\n2V2dT+XpkwB4GM2MtmQwJjKLUWFpeJo8nZyy75zvnlmCvdU9ExGXpQLNhYQEeHH7hCF8vPUYn+08\nwV1TE50dSURE3Fz9mUbyavLJq8nnxKkKAMwGExnhIxkbkUVG+Ai8zd5OTtk/PlH3TETcgAo0F3PH\nxCFs3FvBp9tPMPOWWIL8Bu5vMkVEpG80tTezp6aQ3dV7OdpyAgCjwcjIsOGMjcgiMzwdXw8fJ6fs\nX+fXPbMEezM53XUXzxYRUYHmYny8zNw9LZH//vwQH205yiO3D3d2JBERcRMHGg7xm8KNFNeWYMeO\nAQPDQ4YxNiKLrIhR+Hv4OTui01zcPTOb1D0TEdelAs0FzciK4Ytd5WzcU8ltY+OIDhu831BFROTG\n/e3EJoobSkgKGsrYyCxGR2QQ6Bng7FhOp+6ZiLgTFWguyGwy8sDMZP5rVSEfbDzCD+/LcHYkERFx\nA4+P+i6BIV50nDI4O4pLcXTPJqt7JiKuT59SLmpMajjDYoPIO1TL4fImZ8cRERE34G32Jsg70Nkx\nXErjqXa+yq8kPMibyaPUPRMR16cCzUUZDAYenD0MgHc3lGC3252cSERExP18sq27e3anxp6JiJvQ\nJ5ULGxYXxNjhFkorWth9sNbZcURERNxK46l2NuZXqHsmIm5FY9Bc3P0zk9l7uI73N5ZyS0q4fvsn\nIuIEp0+fZvny5TQ3N9PZ2clTTz2FxWLh2WefBWD48OE899xzPa7p7OzkmWeeobKyEpPJxEsvvUR8\nfLwT0g9e6p6JiDvSp5WLiwr1ZeYtMdQ0nmHj3kpnxxERGZRWrVpFYmIib775Jq+88govvvgiL774\nItnZ2bz99tu0traycePGHtd8/PHHBAYG8tZbb/HEE0+wcuVKJ6UfnNQ9ExF3pQLNDdw1NRFvTxOr\nNx/lTHuXs+OIiAw6ISEhNDV1T9jU0tJCcHAwFRUVZGZmAjB79my2bdvW45pt27Yxd+5cAKZMmUJe\nXl7/hh7ktO6ZiLgrfWK5gUA/T+6YlEDrmU4+3X7c2XFERAadhQsXUllZydy5c1m6dCn//M//TGDg\nhdkSw8LCqK3tOVa4rq6O0NBQAIxGIwaDgY6Ojn7NPVg1nmpn497umRunqHsmIm5GY9DcxO3j49mQ\nV87nO8qYPTqOkAAvZ0cSERk0Vq9eTUxMDK+//jrFxcU89dRTBARcWAD6RmbavZFzQkJ8MZtNN5UV\nwGJxn8Wp+yJrzuajdFltPDwvjeiooF597MH+3vYVZe0b7pQV3CtvX2ZVgeYmvDxM3Ds9iT99Wsyq\nTUd4bMEIZ0cSERk08vLymDZtGgBpaWm0t7fT1XXhlvPq6moiIiJ6XBMREUFtbS1paWl0dnZit9vx\n9PS85vM0NrbddFaLJYDa2lM3/Tj9oS+yNp5qZ92244QHeZORENyrjz/Y39u+oqx9w52ygnvl7Y2s\n1yrwdIujG5maEU1suB9bCqsor2l1dhwRkUEjISGB/Px8ACoqKvDz8yM5OZldu3YB8PnnnzN9+vQe\n10ydOpV169YBsGHDBiZOnNi/oQep7rFnNo09ExG3pU8uN2I0Glg8Oxm7Hd7LLXV2HBGRQeOhhx6i\noqKCpUuXsmzZMp599lmys7P55S9/yZIlSxgyZAhTpkwB4MknnwRgwYIF2Gw2Hn74Yf7617+ybNky\nZ76EQUFjz0RkINAtjm4mIymMEQkhFB6pZ/+xBkYODXV2JBGRAc/Pz49XXnnlsv3/8z//c9m+1157\nDcCx9pn0n0/VPRORAUCfXm7GYOjuogG8t6EU2w0MOhcRERnoGk+1k6vumYgMACrQ3NDQqEAmjYzk\nePUptu+vdnYcERERp1P3TEQGCn2Cuan7ZiRhNhnI2XiEzi6rs+OIiIg4jbpnIjKQqEBzU+HBPtw6\nNo76lrOs313h7DgiIiJO8+n27u7ZwskJ6p6JiNtzu0+xDmsnn5d8xZHm49jsNmfHcapFU4bi523m\n463HaD3T6ew4IiIi/a6ptXvmxrBAb6ZmRDs7jojITXO7WRwPNx3h/+S/BYC/hx8jw4YzKmwEI8NS\n8TH7ODld//Lz9mDh5KG8u6GEtduO8dCcFGdHEhER6VeffH2czi4bi6aoeyYiA4PbFWgjQ1N5Zvo/\nsKl0F/vqitlxMo8dJ/MwGowMC0okPTyNjLARRPhaMBgMzo7b524dG8v63eWs313OnDFxWIIHV5Eq\nIiKDl7pnIjIQuV2BZjAYGBOTQbzHUOx2O+WtleyrO0Bh/QEONx3hUFMpq0rWYvEJY1TYCEaFj2BY\ncCJmo9u91BviYTZx/8wk/rBmP6u+OsLf35Xu7EgiIiL9Qt0zERmI3LpqMRgMxAfEEh8Qyx2Jt9HS\ncYqi+oPsqzvAgYaDbCjfzIbyzXibvEgLTWVUWBrp4WkEegY4O3qvmjAyks92lPH1/mpunxDP0KhA\nZ0cSERHpUxe6Z17qnonIgOLWBdqlAj0DmBw9jsnR4+iydVHSdJR99QfYV3eAvbWF7K0tBCAhMJ5R\nYWmMCh9BvH+s298KaTQYeHB2Mv/x9l7e/VsJTz882u1fk4iIyLV8+vUJOrtsLNS6ZyIywAyoAu1i\nZqOZtNAU0kJTeCDlLqrbatlX112slTQf5XhLGWuPfkGQZyCjwtNIDxtBWmgKXiZPZ0f/VkYMDSUz\nOYyC0noKj9STmRzu7EgiIiJ9oqm1ndy9FYQFejFN3TMRGWAGbIF2qUhfC5FDLNw6ZAZnus5woOEw\n++oOUFRfzJbKHWyp3IHZaCY1OJlR4SMYFZZGmE+os2N/Iw/MSqbwSD3vbShlVGIYRqO6aCIiMvCo\neyYiA9mgKdAu5mP2YUxEJmMiMrHZbRxrKaPo3EQj+xsOsr/hIO8C0X6RjolGEgOHYDKanB39muIs\n/kzNiGZzQRWbC6uYkRXj7EgiIiK9St0zERnoBmWBdjGjwUhSUAJJQQncmTyfxrNN7KsvZl/dAQ42\nHuaLE7l8cSIXX7MPI8OGkxE2ghFhw/Hz8HV29Cu6d3oSO/ZX8+GmI0wcEYmXp2sXlSIiIt/Euu3n\numeT1T0TkYFp0BdolwrxDmZ67CSmx06iw9rBocZSR8G2q3ovu6r3YsBAUtBQMsK7u2tRvhEuMylH\nSIAXt0+I5+Otx/l8Vxl3Thnq7EgiIiK9orm1nQ17KggN9GJaprpnIjIwqUC7Bk+TZ/d4tPAR2FPv\nofL0SQrrDlBUf4AjzccobT7Kh6WfEOYdcm7c2ghSgpPwMHk4NfcdExPYuLeST78+zsysGAL93HPi\nExERkYt9eq57tkjdMxEZwFSg3SCDwUCsfzSx/tHMHzqHUx2t7K8/yL76AxxoOMTG8q1sLN+Kp9Gj\ne8218DTSw9II9grq96w+XmbumprIX784xEdbjrL09uH9nkFERKQ3qXsmIoOFCrRvKcDTn4nRY5kY\nPRarzUpp87HuafzriymoK6KgrgiA+IBYJg7JIsknmfiAWIyG/vmN38xbYvhyVxkb91Zy27h4okJd\nc8yciIjIjVD3TEQGCxVovcBkNJEakkxqSDL3pSyipq2OonPj1g43HeH9ogqgu6hLD0sj49yaa95m\n7z7LZDYZuX9mMr/9cB8f5Jby1H0ZffZcIiIifam5tZ1cdc9EZJBQgdYHInzDifCdxuz4aZztOkul\ntZwtR/Ioqivm66pdfF21C5PBREpwkmPsmsU3rNdzjB1uITk2kN2Haikpb2ZYXP/fbikiInKzPt1+\ngg7N3Cgig4QKtD7mbfZmYvRokryGYbPbKDtVQWHdAfbVH6C48TDFjYd5//BHRPpGMCosjVHhI0gO\nGtora64ZDAYenD2Ml/47j3c3lPAvS8e4zGyTIiIiN6JH90zrnonIIKACrR8ZDUYSAuNJCIxnUdLt\nNLU3n7sVspjihkOsL/uK9WVf4WP2ZmTocNLDuica8ff0+9bPmRIXzJhUC3mHask7VMvY4RG9+IpE\nRET61sXdMw+zumciMvDdUIH2s5/9jPz8fAwGA9nZ2WRmZjqOzZkzh6ioKEym7o7Pyy+/TGRkZN+k\nHWCCvYKYGjORqTET6bR2crjpCPvqD7Cv7gC7a/LZXZOPAQOJQUNIDxtBRvgIYvyivnEX7IFZyew9\nXMf7uaVkDQvX7SEiIuIWmk93qHsmIoPOdQu0HTt2cPz4cd555x1KS0vJzs7mnXfe6XHOH//4R/z8\nvn2XR8DD5MHIsOGMDBvO4pS7qTpdTVF9MYV13WuuHWk+zpoj6wjxCj43bi2N1JBheN7AmmtRob7M\nHB3DhrwKvsqvZM6YuH54RSIiIjdn3fbj6p6JyKBz3QJt27Zt3HbbbQAkJyfT3NxMa2sr/v7+fR5u\nsDIYDMT4RxHjH8XchFmc7mxzrLm2v/4gmyq2saliGx5GD4aHDGNUeBqjwkYQ4h181ce8a2oiW/ed\nZPXmo0xOj8LHS3e3ioiI62o+3cGGvApCAtQ9E5HB5bo/pdfV1ZGenu7YDg0Npba2tkeBtmLFCioq\nKhg7dizLli3TRBS9zM/Dl/FRoxkfNRqrzcrRlhPn1ly78B+sItY/moywEaSHj2BoYHyPNdeC/DxZ\nMHEIqzYd5dPtJ7hvRpLzXpCIiMh1nO+ePTQ5Qd0zERlUvnEbxW6399j+8Y9/zPTp0wkKCuKpp57i\ns88+Y/78+Ve9PiTEF7P55mcotFgCbvox+lNv5o2KDGZySvc4wJrWOvKq9pFXWci+mkNUtFax7vjf\nCPDyZ3R0OmOiM7glaiS+nj58546RbMyv5POdZTxwWyphQT59nrWvKWvfcae8yto33ClrX3vvvff4\n6KOPHNv5+flkZWU5tmtqarj33nt54oknHPteffVV1qxZ4xiXfdddd7F48eL+C+3GenTPMmOcHUdE\npF9dt0CLiIigrq7OsV1TU4PFYnFs33PPPY6vZ8yYwaFDh65ZoDU2tn3brA4WSwC1tadu+nH6S1/m\nNeDF2OCxjA0ey9nUdg42lrCv7gBF9Qf46th2vjq2HaPByLCgREaFj2D2pDA++Lya1z8s5PsLRvRr\n1t6mrH3HnfIqa9/orawDpchbvHixo7jasWMHn376KStWrHAc/8EPfsDdd9992XXf+973WLp0ab/l\nHCjUPRORwey6BdrUqVN59dVXWbJkCUVFRURERDhubzx16hT/63/9L1577TU8PT3ZuXMn8+bN6/PQ\ncmXeZi+yLOlkWdKx2+2UtVacuxWymENNpRxqKgXAb7QfX9eHk3K0k0kJIzEbNR5NRORG/dd//Rcv\nv/yyY3vr1q0MHTqU6GiNk+oNLeqeicggd92fzMeMGUN6ejpLlizBYDCwYsUKcnJyCAgIYO7cucyY\nMYOHHnoILy8vRo4cec3umfQfg8HAkIA4hgTEsSBxLs3tp9hfX8y++gMU1R3EHHWct44eZ9UJL9JC\nUxkVPoL0sOFYGBi/7RYR6QsFBQVER0f3uJPkjTfeIDs7+4rnr1u3jvXr1+Pp6clPfvIT4uPj+yuq\n21p3bt2zB9U9E5FBymC/dFBZH+utW2bc5TYhcL28HdZOXlr1BZUdRwmLa6a5qwkAAwYi/cMJMAcQ\n5BVIkFcgwV5BBHl2/xnsFUigVyAeLtJxc7X39VrcKSu4V15l7Ru6xfHKfvrTn7Jw4UImTpwIQHV1\nNU8//TRvvPHGZecWFAvBiSMAACAASURBVBTQ3t7O+PHjWbt2LR999BG///3vr/n4XV3WXhmn7a6a\nTrXz+ItfEODrwR+zb+P/b+/Oo6Oq833vv2vMWBkq80wGZAphBgUZhaiIfRSFo7e7z3JpT9J2r9XX\n7qVN6/Icr0Pbj/roUVtP63P69sP1qC3SynFiFkUiCYOEBASSABkIIfNA5qTuHwkFYUiCpFJV5PNa\nsmTv2rXry0/Zv/rm+xssI7gtRGTk8oxv2jKsrCYL/zLnRv7X33yxtgfy2IpR5FcfIr/qOypaK6lo\nqsLB5fP2QEvABclb7+99ggjuTeQCLQFazVPEA7V3tdPQ3kRjeyON7U00tjf1HHf0PedjsbBq4k8I\ntGqPy/Pt2rWLxx57zHm8fft2rr/++ktem5GR4fz9okWL+gyLvJyRNk/7wlj/vrWA9o4ubp2VSt0Q\ntMVQ8+a29WSK1TW8KVbwrniHItb+foCpBG2ESo4JYtb4KHYdrODEiW4Wj5/P4sT5RETYOFVRR0N7\nI3Vt9dS3NVDX1kBdWz11bQ3UtzdQ31ZPVUs1ZU3ll72/2WAiyKcneQv2CSbEel5FzudcUmc1WYfx\nTy1y7XE4HLR0tpxLujrO0HBeotV4XjLW0NFEe1f7gPcMsPgT7B/TZ6sO6amWBQQEYLWee24dOHCA\nhQsXXvL6p556iltuuYXp06eTnZ3N6NGjhytUr9Rwpp2te0sJtfkwV3PPRGQEU4I2gi2fl8Kew6dZ\nt72IaddFOsf6m4wmQn1D+t34GqC1s9WZvNW3NfQkc+29iVzv+eMNJXQ7Tlz2Hn5mv56Ezdo3eTtb\niQv2CSLIatMXRRlRurq7aOo4cy7B6mi6dNLVe02Xo6vf+xkNRmyWQKL8wgm0BhJktWGzBvb8svT+\n22ojyBpIoCUAk9HkVT/JHC6VlZXY7faLzoWFhfU5fuWVV3jyySdZsWIFTzzxBGazGYPBwFNPPTXc\nIXuVz7M190xEBJSgjWgRIX4smhrPxpwStu4t5eaZiVf0fl+zL9FmX6IDIi97Tbejm8b2M9S31fep\nwvVJ6trqOXWm4rL3MBqMBFltzuGUwb2JXEJTJKZ2H2dS52vy1bBK8VjtXR2cPlPNiYZTfYcWnj/U\nsKOJpvYmznQ09zvMGMBqtGCz2ki0xfUmXT1J1tmEK8h6LvHyM/vqhxxDID09nbfeeqvPuTfeeKPP\ncUREBE8++SQAY8aM4d133x22+LyZqmciIucoQRvhls0exY7ccj7eeZwbM2KIGPgtV8RoMBLsYyPY\nx0Yi8Ze9rr2r3Vl5q2+rp679XPJ29nxZ00lONJace1NR33tYTdY+QynPzYs7N18u2MembQVkSPQM\nLWy9zLDCs9WtRhrae5Ku1q62Ae/pb/bDZrURExB1Lumy2LBZA3qSr/MSMR8ND5ZryOfZxbR3dLNi\ngapnIiL6pjrCBfpZuG12Eu9vK+STnSf45T/bB36TC1hNViL9w4n0D7/sNQ6HgzMdzT3Vt/YGuixt\nlFSfPpfU9SZ0p1uqLnsPAJslsM9QyvPnxJ1N5AIs/qrGjUDdju4+QwsvGlbYu5DG2aSrcxBDCwMt\nAYT52Qmy2gi3hWDt9j03vLB3WKGtd2ihfnggI9H51bN5k7SXnIiIvg0Ii6fFs3VPKZv3lHD3kjF4\n6s8uDQYDgdYAAq0BxBPbM0cm6OI5Mp3dndS3NVJ/wXy48/99urmS0qaTl/0ss9HcW3Hru0plT4Xu\nXHXOarK48o8sQ6Cjq6M3sbpgWGHHueOm3mRsMEMLLUYzNquNOFtsb4Ur0Fndsl0w1NDf4tdnaKHm\ndYlcrG/1TMvqi4goQRMsZhPL56Xy5scH+X/f2cvd81JIivbevYvMRjNhfqGE+YVe9hqHw0FrV99F\nTurOq8SdTeaO1Z/o9wu7v9nvkkMpzyV1wdiGcZlyh8PhjPfsFocOHL3nzx6dfe28c47e63CAA3xa\nobG9qfe9zrtccE/6ucelPu/c1d3Oz+/5vPOv7vt55712mZiL2gyUVlZeclhhQ3sTrV2tA7abn9kP\nmzWAKP/I8+ZuBfYdVtg71NDH5KPqqsgQqW9qU/VMROQCStAEgFkTovg6r5z8omryi6oZmxhC5sxE\nMlLDMF6DX0YNBgN+Zj/8zH7EBERd9rqu7i4aO5ouqMKd9/v2Bmrb6jh55tRl72E0GAnyCcTRDc6E\n5YJkB2dy03umN0npvkSyc/b4/MRloKrPSGOgp9oa5hd63iqF5yVdlgDnSoaB1kCP2XxdZKT5xxcF\nqp6JiFxA30oEAKPBwMP/PJmSmhbe33SY/OO1fFdcR0yYP0tmJDB7QjRWy8jrPE1Gk3NuWhIJl72u\nrau9zzy481eorGtroKW7mc6ubgz0JA89FRgDBgCDgfOOnNUZIwbna73vouef886d/7qB81/pc9+z\n97z0PcDQ82nO9/j4WGhv67z8PS75eWfv2/Na3z/fxXGe/55L36PPn/yCtjh3HB4cjLHd0mf5+ACL\nv1YtFPFwDc3tfPz1MUICraqeiYicRwmaOBkMBqaNjSIxzJ+S001szC7mm4MV/P+fH2bd9iIWTY1j\n4dR4ggO0etyFfExWIv0jiPS/9DqY3jb3yJvi9aZYReScDbuKaWvv4u75qaqeiYicRwmaXFJCZCAP\nLBvPXQtS2bKnlC/2lbH+6+N8+k0xN0yIInNGAnERge4OU0REvFBDcztb9pZiD/JV9UxE5AJK0KRf\nIYE+3DU/lWU3jOLrvHI25pTwVW45X+WWk55i5+aZiYxPCtWiCSIiMmgbzq7cuGy0qmciIhdQgiaD\n4mM1sWhqPAsmx7G/oIoN2cXkFdWQV1RDfEQgN89MYOa4KG0wKiIi/WpobmfrnjJCAq1kzkqivq7Z\n3SGJiHgUJWhyRYxGA1Oui2DKdREcK29gQ3Yxu7+r5P/75BBrtxdy09R4FkyJI9BP+4OJiMjFNmQX\n09bRxV3zU0bk4lMiIgNRgibfW3JMEL/4p3SqFrSwZU8p2789ybovi/g46zg3ToxhyYwEokL93R2m\niIh4iLPVs+BAK/Mnx7o7HBERj6QETa5aeLAf/7xoND+Yk8xX+0+yaXcJW/eWsW1vGZNHh3PzzERG\nxwdrnpqIyAh3fvVMc89ERC5NCZoMGT8fM5kzE7lpejx7DleyIbuYfUer2He0iuQYG5kzEpk+NgKT\nUfPURERGmkZVz0REBkUJmgw5k9HIzHFRzBgbydHSejbmlLDvSCX/sT6ftV/4sHh6AnMzYvH31f9+\nIiIjxYbsElXPREQGQd+QxWUMBgPXJYRwXUIIFbXNbMopYceBct7bWsBHO44xb1Isi6fHEx7s5+5Q\nRUTEhRqb29myp1TVMxGRQVCCJsMiKtSfH2WO4Y65KWz/tozNe0rZmFPC5t2lTB8bQeaMRFJig9wd\npoiIuMDZ6tlyVc9ERAakBE2GVaCfhdtuGMXNMxPZdbCCDdklZB86Tfah04yOD+bmmYlMTgvHaNSC\nIiIi14I+1bNJqp6JiAxECZq4hdlkZM7EGGanR3PoRC0bsks4UFTN0dIDRIb6sWR6AjdOjMHHqp+0\nioh4s40556pn2vdMRGRgStDErQwGA+NH2Rk/yk5Z1Rk25RSzM6+Ctzcd4cOvilgwJY5FU+MJtfm4\nO1QREblCjc3tbFb1TETkiihBE48RFx7AfbeO4855qWzbW8rWvWV8knWCz3cVM2t8FJkzEkiMsrk7\nTBERGaSNOSW0tXexfK6qZyIig6UETTxOcICVO+amsPT6JLLyT7Exp4SdeafYmXeK8aNCyZyRyMQU\nu7vDFBGRfjirZwFauVFE5EooQROPZbWYmD85jrmTYjlQWM3GnBIOHq/l4PFaYsMDWL5wNBOTgrUi\nmIiIB1L1TETk+1GCJh7PaDAwKS2cSWnhnDjVyMacErIPVfDq+99i87ewaGo8C6fGEeRvdXeoIiIC\nNLV0qHomIvI9KUETr5IUbeOnt4/n7gWp7DxYwWc7j/PRjmN8+s0JZqdHkzkjgZiwAHeHKSIyom3I\nLlb1TETke1KCJl4p1ObDfcsmcNOUWHbklrNpdwnbvz3J9m9PkpEaxs0zEhibFIrBoP3URESGk6pn\nIiJXRwmaeDVfq5nF0xNYNDWefUcr2ZBdQm5hNbmF1SRGBnLzzERmjIvEbDK6O1QR8WLvv/8+69ev\ndx7n5eWRnp5Oc3Mz/v7+ADzyyCOkp6c7r+no6ODRRx/l5MmTmEwmnn32WRISEoY99uF2tnp2p6pn\nIiLfixI0uSYYjQamjYlk2phICsvq2ZBTwp7Dp3nz44Os3V7ITdPimT85lgBfi7tDFREvtGLFClas\nWAFAdnY2n332GQUFBTz77LNcd911l3zPxx9/TFBQEC+88AI7duzghRde4KWXXhrOsIfd+dWzBaqe\niYh8LyoryDUnNS6YVXek89zPb2DJ9ASa2zpZ+0Uhv31tJ29vOsLpuhZ3hygiXuy1115j1apVA16X\nlZXFkiVLAJg9ezZ79+51dWhutzGnp3p26/VJqp6JiHxPqqDJNSs8xI97F4/mn24cxZf7e+apbdlT\nyta9pUwdHcHNMxNJiw92d5gi4kVyc3OJiYkhIiICgH//93+ntraW1NRUVq9eja+vr/Paqqoq7Pae\nPRuNRiMGg4H29nas1mtzxdmmlg4271b1TETkailBk2uev6+FW2Ylsnh6PLsPn2ZDdgl7jlSy50gl\nqbFBZM5MZOp14ZiMKiiLSP/Wrl3LnXfeCcC//Mu/MGbMGBITE3niiSd4++23eeCBBy77XofDMeD9\nQ0P9MQ/B3o4REbarvseV+vyzQ7S2d/HDW8YRFxsy6Pe5I9ar4U3xKlbXUKyu403xujJWJWgyYphN\nRq4fH82scVEcKaljQ3YJ+wuqeP3DPMKDfVk8PYG5GTH4+eivhYhc2q5du3jssccAnMMXARYtWsSn\nn37a59rIyEgqKysZO3YsHR0dOByOAatntbXNVx1jRISNysrGq77PlWhq6WD9l4UEBViZPjps0J/v\njlivhjfFq1hdQ7G6jjfFOxSx9pfgqWQgI47BYGBMYii/vjuDp392PQunxNFwpp13txzlt3/+mr9v\nLaCmodXdYYqIh6moqCAgIACr1YrD4eC+++6joaEB6EncRo8e3ef6OXPm8PnnnwOwbds2Zs2aNewx\nD5eNOcW0tnexdFYiPpp7JiJyVVQqkBEt2u7Pj28ewx1zk/liXxlb9pbxeXYxm3aXMGNsJJkzExgV\nHeTuMEXEA1RWVjrnlBkMBlauXMl9992Hn58fUVFR/OpXvwLgwQcf5PXXX2fp0qXs3LmTe++9F6vV\nyh//+Ed3hu8yZ+eeBQVYmT8lzt3hiIh4PSVoIoDN38rtc5K5ZVYS3xw8xcacEr45WME3BysYkxBC\n5swEJqWFY9TG1yIjVnp6Om+99ZbzeOnSpSxduvSi615//XUA595n17qNOSW0tndxx43Jqp6JiAwB\nJWgi57GYjczNiOXGiTHkH69hQ3YJ+cdqOFxSR5Tdn8wZCcxOj9aXEBERzlbPSlQ9ExEZQkrQRC7B\nYDCQnhxGenIYpZVNbMwu4ZuDp1iz4TD/+LKIBVPiuGlqHMGBPu4OVUTEbc5Wz/5J1TMRkSGjBE1k\nAPERgdx/2zjump/Clr1lfLGvjI93HufzXSe4fnw0mTMTiI8IdHeYIiLDylk987ewQNUzEZEhowRN\nZJCCA31YPi+F225IYmdezzy1HQfK2XGgnAnJdm6emcCEUXYMmqcmIiPAJlXPRERcQgmayBXysZhY\nOCWO+ZNjyS2oZkN2MfnHasg/VkNcRACZMxK4fnw0FrN2sRCRa1NTSweb96h6JiLiCkrQRL4no8HA\n5NHhTB4dzvFTDWzMLiH70Gn++ul3fLC9iJumxrFwajyBfhZ3hyoiMqQ25ZTQ0tbFDxapeiYiMtSU\noIkMgVHRQfzsBxO4e0Eqm/eUsv3bk/zjq2N8knWC2RNjuOfmsVjdHaSIyBBQ9UxExLWUoIkMIXuQ\nLysXpnH77FF8lVvOppwSvtjXs7BIYmQgGWnhTE4LZ1SMTXuqiYhXOls9u32hqmciIq6gBE3EBfx8\nzGTOSOCmaXHsO1JF1sEKDhRWUXy6iY93HifI30JGajiT0sIYP8qOn4/+KoqI5zvTeq56tlDVMxER\nl9C3QhEXMhmNTB8bya1zUykureXg8Vr2F1SRW1jlXAHSZDQwNjGEjLRwJqWFExni5+6wRUQuqU/1\nzKrqmYiIKwwqQXvmmWfYv38/BoOB1atXk5GRcdE1L7zwAt9++y1r1qwZ8iBFrgV+PmamjYlg2pgI\nuh0Ojpc3sr+giv2FVeQfryX/eC3vbD5KbHgAk1LDmJQWTmpcECajVoMUEfc709rBpt2qnomIuNqA\nCVp2djYnTpzgvffeo7CwkNWrV/Pee+/1uaagoICcnBwsFq1WJzIYRoOBlNggUmKDuHNeCjUNreQW\nVbP/aBUHT9Ty2a5iPttVTICvmYkpPclaeoqdAF/9HRMR91D1TERkeAyYoGVlZbF48WIAUlNTqa+v\np6mpicDAQOc1f/zjH/nNb37Dq6++6rpIRa5h9iBfFkyOY8HkONo6uvjuRC37C6vZX1DFNwcr+OZg\nBUaDgdHxwUxK65m7Fm3316bYIjIszlbPbKqeiYi43IAJWlVVFRMmTHAe2+12KisrnQnaunXrmDlz\nJnFxemCLDAUfi6k3CQvHkXkdJaebeodCVnOkpI7DJXX8fVsBkSF+zmTtuoQQzCYNhRQR1zhbPVup\n6pmIiMtd8SIhDofD+fu6ujrWrVvHX//6VyoqKgb1/tBQf8zmq3+4R0TYrvoew8mb4lWsrvF9Y42M\nDGJaeiwAtY2t7Dl0mpxDp9h3+DSbdpewaXcJfj5mpo6JZMb4KKaNjSLE5uO2eN1BsbqGN8UqrtPc\n2sGm3aWqnomIDJMBE7TIyEiqqqqcx6dPnyYiIgKAb775hpqaGn74wx/S3t5OcXExzzzzDKtXr77s\n/Wprm6866IgIG5WVjVd9n+HiTfEqVtcYylgnJYcyKTmUjswxHCmpY39BFd8WVPF17km+zj2JAUiJ\nDXJW4eIjAq54KORIbVtXG4mxKsnzfhtzSmhp62TlwjRVz0REhsGACdqcOXN45ZVXuOeee8jPzycy\nMtI5vPGWW27hlltuAaC0tJTf//73/SZnIjJ0LGYjE5LtTEi2c+/i0ZRXN7O/sIr9BdUcLa2j8GQD\n674swh7kw6TePdfGJoZi1cayIjJIqp6JiAy/ARO0qVOnMmHCBO655x4MBgNPPPEE69atw2azsWTJ\nkuGIUUQGYDAYiA0PIDY8gFtnJdHU0kFeUTX7C6s5UFjNtn1lbNtXhtViZHySnUlpYWSkhhM6BEMh\nReTadbZ6tmJhqqpnIiLDZFBz0H7729/2OR47duxF18THx2sPNBEPEehn4foJ0Vw/IZqu7m4KSuud\nq0J+2/sLDpMUZWNSWs8y/knRNoxaFVJEep2tngX6WVg0Jd7d4YiIjBhXvEiIiHgXk9HImMRQxiSG\nsnJhGhW1zeQWVLO/sIrDxXWcqGhk/dfHCQ6wktG7Qfa8ID93hy0ibrZpd6mqZyIibqAETWSEiQr1\nZ8kMf5bMSKClrZP8YzXsL6wit7Car3LL+Sq3nDc+ymdsYkjPQiOpYYSHKGETGUmaWzvYmFOi6pmI\niBsoQRMZwfx8zEwfG8n0sZF0OxwcO9nA/sIq8o/XkneshrxjNby9CeIiApwLjaTGBmM0aiikyLVM\n1TMREfdRgiYiABgNBlLjgkmNC+bnd9k4XFjpnLd26EQtn35zgk+/OUGgn4WJKXYmpYWTnmzH39fi\n7tBFZAipeiYi4l5K0ETkkuxBviycEsfCKXG0dXRx6Hht7zL+VWTlV5CVX4HJaGB0fLBzz7Vou7+7\nwxaRq7T5bPVsgapnIiLuoARNRAbkYzExeXQ4k0eH43A4KK5ocu659l1xHd8V1/He1gKiQv2cydro\n+GDMJqO7QxeRK3B+9WzhVO17JiLiDkrQROSKGAwGkqJtJEXb+MGcZOqb2sgt7NlzLf9YDRtzStiY\nU4Kfj4n05DAmpYUxMSUMm7/V3aGLyAA27y6lubd65mvVVwQREXfQ01dErkpwoA9zJ8Uyd1IsHZ3d\nHC6pZX9Bz9y1nO9Ok/PdaQwGSI0LZlLvMv5x4QEYtOeaiEdR9UxExDMoQRORIWMxG0lPDiM9OYz/\nsXg0J6vOOBcaKSirp6C0ng+2FxEW5OvcIHtsYggWs+a5iGd7//33Wb9+vfM4Ly+Pd955hyeffBKj\n0UhQUBAvvPACfn7ntqRYt24dL7/8MomJiQDMnj2bBx98cNhjH6yz1bO7VT0TEXErPYFFxCUMBgNx\nEYHERQSy9Pokmlo6OFDUk6wdKKph694ytu4tw8diYvyoUCalhZORGkZIoI+7Qxe5yIoVK1ixYgUA\n2dnZfPbZZzz11FM8+uijZGRk8Nxzz7Fu3Tp++MMf9nnf0qVLeeSRR9wR8hVpbu08t3KjqmciIm6l\nBE1EhkWgn4UbJkRzw4RoOru6KSitdy40su9oFfuOVgEwKtrWu9BIGElRNg2FFI/z2muv8fzzz+Pn\n50dgYCAAdruduro6N0f2/W3eU6LqmYiIh9BTWESGndlkZGxSKGOTQvnnRaOpqGl2DoU8UlLH8VON\nfLTjGCGBVjJ6N8gen2TXkt/idrm5ucTExBAREeE819zczEcffcTLL7980fXZ2dk88MADdHZ28sgj\njzB+/Ph+7x8a6o95CIb8RkTYBn3tmZYONu0uxeZvZWXmWPx8hverwZXE6gm8KV7F6hqK1XW8KV5X\nxqoETUTcLsruT6bdn8wZCTS3dpJ/vIb9BVXkFlbz5f6TfLn/JGaTkXFJoT1z11LDCQv2dXfYMgKt\nXbuWO++803nc3NzMgw8+yP33309qamqfaydNmoTdbmfBggXs27ePRx55hP/+7//u9/61tc1XHWNE\nhI3KysZBX7/+62Ocaeng7gWpNDW00HTVEQzelcbqbt4Ur2J1DcXqOt4U71DE2l+CpwRNRDyKv6+Z\nGWMjmTE2ku5uB0XlDewvqOqdu1bNgaJq/g9HiI8IZFJaGPOnJWL3N2M0aiikuN6uXbt47LHHAOjs\n7GTVqlUsW7aM5cuXX3RtamqqM2mbMmUKNTU1dHV1YTJ5TiW4ubWTjdmaeyYi4kmUoImIxzIaDaTF\nBZMWF8xd81Opqm/p2XOtoJpDJ2opzWrik6wTBPiaSU8JY2KKnfSUMIK055q4QEVFBQEBAVitPf9/\nvfnmm8ycOdO5eMiF3nzzTWJiYli2bBlHjhzBbrd7VHIGsKV37tld81M090xExEPoaSwiXiM82I9F\nU+NZNDWetvYuDh6v4Wh5I7vyytl1sIJdByswAKNigshIDSMjNYykaBtGLTQiQ6CyshK73e48fvvt\nt4mPjycrKwuAWbNm8dBDD/Hggw/y+uuvc/vtt/O73/2Od999l87OTp5++ml3hX5JfVdujHd3OCIi\n0ksJmoh4JR+riSnXRZA5J4UV85IpqzrDgcJqcgurOVpaz7HyBj7acQybv4WJKWFMTAljQrKdQD+L\nu0MXL5Wens5bb73lPN6xY8clr3v99dcBiI6OZs2aNcMS2/exZU8JZ1p7qmfDvTCIiIhcnp7IIuL1\nDAYD8RGBxEcEcuv1STS3dnLweA25RdUcKKxmZ94pduadwmCA1LhgMlJ6qmsJkYFaxl9GJFXPREQ8\nlxI0Ebnm+PuamT42kuljI+l2OCipaHIma4Vl9RSU1rPuyyKCA61MTAkjIyWM8aPs+PvqkSgjg6pn\nIiIX++KLLSxYcNOA1z399NMsW3YXsbGuWVxJT2URuaYZDQaSom0kRdu4ffYomlo6yD9WQ25hz4qQ\nO3LL2ZFbjsloYHR8MBNTe4ZDxoUHqLom16SWtp7qWYCvWdUzEZFe5eUn2bx5w6AStD/84Q8u3RJA\nCZqIjCiBfhZmjY9i1vgouh0Ojpc3kltYxYGiGg4X1/FdcR3vbyvEHuRDRkoYE1PDGJcUqhXu5Jqx\neU+pqmciIhd48cXnOHQon7lzZ5CZeSvl5Sd56aU/8+yzT1JZeZqWlhbuv/9nzJkzlx//+Mc89ND/\nZNu2LZw500Rx8QnKykr59a8f5oYb5lx1LHoyi8iIZTQYSIkNIiU2iDvmptBwpp28Yz0LjeQfq+GL\nb0/yxbcnMZsMXJcQ4kzYou3+qq6JV2pp62RjdrGqZyLi0f6+tYCc704P6T1njI1k5aK0y75+770/\nZt26v5OcnEpx8XH+/Oe3qK2tYebM67n11mWUlZXy+OOPMmfO3D7vO326guef/3e++WYnH330gRI0\nEZGhFBRgZXZ6DLPTY+jq7ubYyUZyi6rILazm4PFaDh6v5d2tBUSE+JKREs7EVDtjEkPxsXjW3lYi\nl6PqmYjIwMaNmwCAzRbEoUP5rF+/DoPBSEND/UXXZmRMBiAyMpKmpqYh+Xw9nUVELsFkNJIWH0xa\nfDDL56VS29hGXlHPvLX84zVs2VvKlr2lWMxGxiaGkpHaU12LDPFzd+gil6TqmYh4i5WL0vqtdrma\nxdKzJc+mTZ/T0NDAa6+9RUNDAz/5yY8vutZkOvdDWofDMSSfrwRNRGQQQm0+zJ0Uy9xJsXR2dVNY\nVk9uYXXP6pC9v9gE0Xb/nmQtJYzrEkKwmI3uDl0EgC291bPl81Q9ExG5kNFopKurq8+5uro6YmJi\nMRqNbN++lY6OjmGJRU9oEZErZDYZGZMYypjEUFYsTKO6vtWZpB08XsvGnBI25pTgYzExLinUmbBF\nRNjcHbqMUC1tnWzorZ7dNE3VMxGRCyUlJXP48HfExMQSEhICwIIFi3j00f/JwYN53HbbD4iMjOSv\nf33T5bEoQRMRuUphwb4smBLHgilxdHR2c6S0jgOFPYuNfFtQxbcFVQAkRtsYnxRKRkoYafHBmE2q\nrsnwUPVMRKR/AP8HOwAADTRJREFUoaGhrFv3SZ9zMTGx/O1v7zqPMzNvBSAiwkZlZSMpKeeGYaak\npPHqq38Zklj0lBYRGUIWs5EJo+xMGGXnnptGc7quhQO9e659d6KW4lONfL6rGD8fE+NH2clICSM9\nJYxQm4+7Q5drlKpnIiLeRQmaiIgLRYb4cdO0eG6aFk9QiD879pRwoKia3MIq9hyuZM/hSgASIwOZ\nmBpGRmoYKbFBmIyqrsnQUPVMRMS76EktIjJMfCwmMnqTsP+xeDQVtS3kFlZzoLCKwyV1FJ9u4pOs\nEwT4mpmQbGdiSs/ctaAAq7tDFy+l6pmIiPdRgiYi4gYGg4Fouz/Rdn8yZyTQ2t7JdyfqelaFLKwi\n+9Bpsg+dxgCMirH1JGupYSRHB2E0apNsGZyte3uqZ3eqeiYi4jX0tBYR8QC+VjOTR4czeXQ4Dsd1\nnKw605usVXO0tJ5j5Y2s//o4gX4WJqbYmZgaRnpyGIF+FneHLh6qpa2Tz3f1VM8Wq3omIuI1lKCJ\niHgYg8FAXEQgcRGB3DoriZa2Tg4er3Huu5aVX0FWfgUGA6TGBvfMXUsJIyEqEKNB1TXpoeqZiIh3\n0hNbRMTD+fmYmTYmkmljInE4HJScbupdaKSagrJ6Csrq+ceXRQQHWJmY0jPHbfwoO/6+esSPVKqe\niYi4xt13386nn34y8IVXQb23iIgXMRgMJEbZSIyycdsNozjT2kH+sZ7qWl5RNTsOlLPjQDlGg4G0\n+OCeRUlSwoiLCMCg6tqI4ayezU1W9UxExMvoqS0i4sUCfC3MHBfFzHFRdDscnDjV2LNJdlE1R0vq\nOFJSx9ovCgm1+TiTtXGjQvG16vF/rWpu7WBDdknvyo0J7g5HRMQr3H//D3nmmReIjo7m1Klyfv/7\nh4mIiKSlpYXW1lZ+85vfMX58+rDEoh5aROQaYTQYSI4JIjkmiB/cmExDczv5RTUcKOrZKHv7tyfZ\n/u1JTEYD1yWEOJf8j7b7q7p2Dfnk62M0tXRw59xkDXMVEa+0ruBj9p0+MKT3nBI5keVpyy77+rx5\nC/n66y+5666VfPXVdubNW0hq6mjmzVvAnj05vP3233j66f9nSGO6HD25RUSuUUH+Vm5Ij+aG9Gi6\nux0UlTf07rtWzaETtRw6Uct7WwsID/YlI7Vnz7WxSaH4WEzuDl2+p5a2Tv7xRaGqZyIiV2jevIW8\n+upL3HXXSnbs2M5DD/2Gd99dwzvvrKGjowNfX99hi0UJmojICGA0GkiLCyYtLpjl81Kob2rjQFEN\nuUXV5B+rYeveMrbuLcNsMjI2KYSF0xOZlByqVSG9zNa9pTQ2t6t6JiJebXnasn6rXa6QkpJKdXUl\nFRWnaGxs5KuvviA8PJLHH/9ffPfdQV599aVhi0VPbxGRESg40IcbM2K4MSOGzq5uCsvqexK2wmry\nimrIK6rh2Z9fT1Sov7tDlSuQf6wGm79F1TMRke/hhhtu5C9/+TNz586nrq6W1NTRAGzfvo3Ozs5h\ni0MJmojICGc2GRmTGMqYxFDuXpBKTUMrmE3Y/bUJtrf5ybLxBIf4Y+rudncoIiJeZ/78hfziF/fz\nv//3O7S2tvDUU0+wbdtm7rprJZs3b+STT9YPSxxK0EREpA97kC8RETYqKxvdHYpcIXuQLxFhAfpv\nJyLyPYwbN4Ht23c5j99+e63z9zfeOB+A2277AQEBATQ3u+45a3TZnUVEREREROSKqIImIiIygPff\nf5/1688NbcnLy+Odd97hX//1XwEYM2YM//Zv/9bnPR0dHTz66KOcPHkSk8nEs88+S0KC5oaJiEj/\nVEETEREZwIoVK1izZg1r1qzhV7/6FXfccQdPP/00q1ev5t1336WpqYnt27f3ec/HH39MUFAQ77zz\nDr/4xS944YUX3BS9iIh4EyVoIiIiV+C1117jpz/9KWVlZWRkZACwcOFCsrKy+lyXlZXFkiVLAJg9\nezZ79+4d9lhFRMT7aIijiIjIIOXm5hITE4PJZCIoKMh5PiwsjMrKyj7XVlVVYbfbATAajRgMBtrb\n27FarZe9f2ioP2bz1W8UHhFhu+p7DBdvihW8K17F6hqK1XW8KV5XxqoETUREZJDWrl3LnXfeedF5\nh8Mx4HsHc01tbfP3iut83rQCpzfFCt4Vr2J1DcXqOt4U71DE2l+CpyGOIiIig7Rr1y6mTJmC3W6n\nrq7Oeb6iooLIyMg+10ZGRjqrah0dHTgcjn6rZyIiIqAETUREZFAqKioICAjAarVisVhISUlh9+7d\nAGzcuJG5c+f2uX7OnDl8/vnnAGzbto1Zs2YNe8wiIuJ9lKCJiIgMQmVlpXNOGcDq1at58cUXueee\ne0hMTGT27NkAPPjggwAsXbqU7u5u7r33Xt5++20efvhht8QtIiLeRXPQREREBiE9PZ233nrLeZyW\nlsZ//dd/XXTd66+/DuDc+0xERORKGByDmbUsIiIiIiIiLqchjiIiIiIiIh5CCZqIiIiIiIiHUIIm\nIiIiIiLiIZSgiYiIiIiIeAglaCIiIiIiIh5CCZqIiIiIiIiH8Ph90J555hn279+PwWBg9erVZGRk\nOF/buXMnL774IiaTiXnz5vHLX/7SjZH2H+uiRYuIjo7GZDIB8PzzzxMVFeWuUAE4cuQIq1at4r77\n7uNHP/pRn9c8rW37i9XT2vZPf/oTe/bsobOzk5///OdkZmY6X/O0du0vVk9q15aWFh599FGqq6tp\na2tj1apVLFy40Pm6J7XrQLF6Uruer7W1lWXLlrFq1SqWL1/uPO9JbSt9eVP/CN7VR6p/dB31kUNP\nfaRruaV/dHiwXbt2OX72s585HA6Ho6CgwLFy5co+r996662OkydPOrq6uhz33nuv4+jRo+4I0+Fw\nDBzrwoULHU1NTe4I7ZLOnDnj+NGPfuR47LHHHGvWrLnodU9q24Fi9aS2zcrKcvzkJz9xOBwOR01N\njWP+/Pl9Xvekdh0oVk9q108++cTxl7/8xeFwOBylpaWOzMzMPq97UrsOFKsntev5XnzxRcfy5csd\nH3zwQZ/zntS2co439Y8Oh3f1keofXUd9pGuoj3Qtd/SPHj3EMSsri8WLFwOQmppKfX09TU1NAJSU\nlBAcHExMTAxGo5H58+eTlZXlkbF6IqvVyptvvklkZORFr3la2/YXq6eZMWMGL7/8MgBBQUG0tLTQ\n1dUFeF679herp1m6dCk//elPASgvL+/z0zRPa9f+YvVUhYWFFBQUsGDBgj7nPa1t5Rxv6h/Bu/pI\n9Y+uoz7SNdRHuo67+kePHuJYVVXFhAkTnMd2u53KykoCAwOprKzEbrf3ea2kpMQdYQL9x3rWE088\nQVlZGdOmTePhhx/GYDC4I1QAzGYzZvOl//N7Wtv2F+tZntK2JpMJf39/ANauXcu8efOcZXpPa9f+\nYj3LU9r1rHvuuYdTp07xxhtvOM95WruedalYz/K0dn3uued4/PHH+fDDD/uc99S2Fe/qH8G7+kj1\nj66jPtK11EcOPXf1jx6doF3I4XC4O4RBuzDWX//618ydO5fg4GB++ctfsmHDBm655RY3RXdt8cS2\n3bx5M2vXruU///M/3RrHYFwuVk9s13fffZdDhw7xu9/9jvXr17u9M+zP5WL1tHb98MMPmTx5MgkJ\nCW6LQa6eN/WPoD5yuHhqu6qPdA31kUPLnf2jRw9xjIyMpKqqynl8+vRpIiIiLvlaRUWFW0v8/cUK\ncMcddxAWFobZbGbevHkcOXLEHWEOiqe17UA8rW2/+uor3njjDd58801sNpvzvCe26+ViBc9q17y8\nPMrLywEYN24cXV1d1NTUAJ7Xrv3FCp7VrgBffPEFW7ZsYeXKlbz//vv8+c9/ZufOnYDnta2c4039\nI1w7faQntm1/PLFd1UcOPfWRruHO/tGjE7Q5c+awYcMGAPLz84mMjHQOh4iPj6epqYnS0lI6OzvZ\ntm0bc+bM8chYGxsbeeCBB2hvbwcgJyeH0aNHuy3WgXha2/bH09q2sbGRP/3pT/zHf/wHISEhfV7z\ntHbtL1ZPa9fdu3c7f3pZVVVFc3MzoaGhgOe1a3+xelq7Arz00kt88MEH/P3vf2fFihWsWrWK2bNn\nA57XtnKON/WPcO30kZ7Ytpfjie2qPtI11Ee6hjv7R4PDw8dFPP/88+zevRuDwcATTzzBwYMHsdls\nLFmyhJycHJ5//nkAMjMzeeCBBzw21r/97W98+OGH+Pj4MH78eB5//HG3lp7z8vJ47rnnKCsrw2w2\nExUVxaJFi4iPj/e4th0oVk9q2/fee49XXnmF5ORk57lZs2YxZswYj2vXgWL1pHZtbW3lD3/4A+Xl\n5bS2tvLQQw9RV1fnkc+CgWL1pHa90CuvvEJcXByAR7at9OVN/SN4Tx+p/tF11Ee6hvpI1xvu/tHj\nEzQREREREZGRwqOHOIqIiIiIiIwkStBEREREREQ8hBI0ERERERERD6EETURERERExEMoQRMRERER\nEfEQStBEREREREQ8hBI0ERERERERD6EETURERERExEP8X8DXTIaExxBpAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "4EmFhiX-FMaV", + "colab_type": "code", + "outputId": "c689c3e6-972b-4499-81b6-8812a25076d1", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Test performance\n", + "trainer.run_test_loop()\n", + "print(\"Test loss: {0:.2f}\".format(trainer.train_state['test_loss']))\n", + "print(\"Test Accuracy: {0:.1f}%\".format(trainer.train_state['test_acc']))" + ], + "execution_count": 74, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Test loss: 0.49\n", + "Test Accuracy: 82.9%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "zVU1zakYFMVF", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Save all results\n", + "trainer.save_train_state()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "qLoKfjSpFw7t", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Inference" + ] + }, + { + "metadata": { + "id": "ANrPcS7Hp_CP", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Inference(object):\n", + " def __init__(self, model, vectorizer):\n", + " self.model = model\n", + " self.vectorizer = vectorizer\n", + " \n", + " def predict_category(self, title):\n", + " # Vectorize\n", + " vectorized_title, title_length = self.vectorizer.vectorize(title)\n", + " vectorized_title = torch.tensor(vectorized_title).unsqueeze(0)\n", + " title_length = torch.tensor([title_length]).long()\n", + " \n", + " # Forward pass\n", + " self.model.eval()\n", + " y_pred = self.model(x_in=vectorized_title, x_lengths=title_length, \n", + " apply_softmax=True)\n", + "\n", + " # Top category\n", + " y_prob, indices = y_pred.max(dim=1)\n", + " index = indices.item()\n", + "\n", + " # Predicted category\n", + " category = vectorizer.category_vocab.lookup_index(index)\n", + " probability = y_prob.item()\n", + " return {'category': category, 'probability': probability}\n", + " \n", + " def predict_top_k(self, title, k):\n", + " # Vectorize\n", + " vectorized_title, title_length = self.vectorizer.vectorize(title)\n", + " vectorized_title = torch.tensor(vectorized_title).unsqueeze(0)\n", + " title_length = torch.tensor([title_length]).long()\n", + " \n", + " # Forward pass\n", + " self.model.eval()\n", + " y_pred = self.model(x_in=vectorized_title, x_lengths=title_length, \n", + " apply_softmax=True)\n", + " \n", + " # Top k categories\n", + " y_prob, indices = torch.topk(y_pred, k=k)\n", + " probabilities = y_prob.detach().numpy()[0]\n", + " indices = indices.detach().numpy()[0]\n", + "\n", + " # Results\n", + " results = []\n", + " for probability, index in zip(probabilities, indices):\n", + " category = self.vectorizer.category_vocab.lookup_index(index)\n", + " results.append({'category': category, 'probability': probability})\n", + "\n", + " return results" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "W6wr68o2p_Eh", + "colab_type": "code", + "outputId": "3e94c736-3ad3-4c70-b24c-591edbe069ad", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 136 + } + }, + "cell_type": "code", + "source": [ + "# Load the model\n", + "dataset = NewsDataset.load_dataset_and_load_vectorizer(\n", + " args.split_data_file, args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "model = NewsModel(embedding_dim=args.embedding_dim, \n", + " num_embeddings=len(vectorizer.title_vocab), \n", + " rnn_hidden_dim=args.rnn_hidden_dim,\n", + " hidden_dim=args.hidden_dim,\n", + " output_dim=len(vectorizer.category_vocab),\n", + " num_layers=args.num_layers,\n", + " bidirectional=args.bidirectional,\n", + " dropout_p=args.dropout_p, \n", + " pretrained_embeddings=None, \n", + " padding_idx=vectorizer.title_vocab.mask_index)\n", + "model.load_state_dict(torch.load(args.model_state_file))\n", + "model = model.to(\"cpu\")\n", + "print (model.named_modules)" + ], + "execution_count": 77, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "JPKgHxsfN954", + "colab_type": "code", + "outputId": "c9f21a76-8307-4737-c785-01f1004891b6", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Inference\n", + "inference = Inference(model=model, vectorizer=vectorizer)\n", + "title = input(\"Enter a title to classify: \")\n", + "prediction = inference.predict_category(preprocess_text(title))\n", + "print(\"{} → {} (p={:0.2f})\".format(title, prediction['category'], \n", + " prediction['probability']))" + ], + "execution_count": 80, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Enter a title to classify: President Obama signed the petition during the White House dinner.\n", + "President Obama signed the petition during the White House dinner. → World (p=0.62)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "JRdz4wzuQR4N", + "colab_type": "code", + "outputId": "9a349bf0-16ba-402d-9133-11ce27e1ec59", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Top-k inference\n", + "top_k = inference.predict_top_k(preprocess_text(title), k=len(vectorizer.category_vocab))\n", + "print (\"{}\".format(title))\n", + "for result in top_k:\n", + " print (\"{} (p={:0.2f})\".format(result['category'], \n", + " result['probability']))" + ], + "execution_count": 82, + "outputs": [ + { + "output_type": "stream", + "text": [ + "President Obama signed the petition during the White House dinner.\n", + "World (p=0.62)\n", + "Sci/Tech (p=0.17)\n", + "Business (p=0.15)\n", + "Sports (p=0.06)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "noPtpaHZ6NAW", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Layer normalization" + ] + }, + { + "metadata": { + "id": "t3bu5cEP6PSb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Recall from our [CNN notebook](https://colab.research.google.com/github/GokuMohandas/practicalAI/blob/master/notebooks/11_Convolutional_Neural_Networks.ipynb) that we used batch normalization to deal with internal covariant shift. Our activations will experience the same issues with RNNs but we will use a technique known as [layer normalization](https://arxiv.org/abs/1607.06450) (layernorm) to maintain zero mean unit variance on the activations. \n", + "\n", + "With layernorm it's a bit different from batchnorm. We compute the mean and var for every single sample (instead of each hidden dim) for each layer independently and then do the operations on the activations before they go through the nonlinearities. PyTorch's [LayerNorm](https://pytorch.org/docs/stable/nn.html#torch.nn.LayerNorm) class abstracts all of this for us when we feed in inputs to the layer." + ] + }, + { + "metadata": { + "id": "-G-mVmUL61Fk", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "$ LN = \\frac{a - \\mu_{L}}{\\sqrt{\\sigma^2_{L} + \\epsilon}} * \\gamma + \\beta $\n", + "\n", + "where:\n", + "* $a$ = activation | $\\in \\mathbb{R}^{NXH}$ ($N$ is the number of samples, $H$ is the hidden dim)\n", + "* $ \\mu_{L}$ = mean of input| $\\in \\mathbb{R}^{NX1}$\n", + "* $\\sigma^2_{L}$ = variance of input | $\\in \\mathbb{R}^{NX1}$\n", + "* $epsilon$ = noise\n", + "* $\\gamma$ = scale parameter (learned parameter)\n", + "* $\\beta$ = shift parameter (learned parameter)" + ] + }, + { + "metadata": { + "id": "P0e9TnQ581-1", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "oAhAHcgZBMFe", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "The most useful location to apply layernorm will be inside the RNN on the activations before the non-linearities. However, this is a bit involved and though PyTorch has a [LayerNorm](https://pytorch.org/docs/stable/nn.html#torch.nn.LayerNorm) class, they do not have an RNN that has built in layernorm yet. You could implement the RNN yourself and manually add layernorm by following a similar setup like below.\n", + "\n", + "```python\n", + "# Layernorm\n", + "for t in range(seq_size):\n", + " # Normalize over hidden dim\n", + " layernorm = nn.LayerNorm(args.hidden_dim)\n", + " # Activating the module\n", + " a = layernorm(x)\n", + "```" + ] + }, + { + "metadata": { + "id": "1YHneO3SStOp", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# TODO" + ] + }, + { + "metadata": { + "id": "gGHaKTe1SuEk", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "- interpretability with task to see which words were most influential" + ] + } + ] +} \ No newline at end of file diff --git a/notebooks/14_Advanced_RNNs.ipynb b/notebooks/14_Advanced_RNNs.ipynb new file mode 100644 index 00000000..cbc9522a --- /dev/null +++ b/notebooks/14_Advanced_RNNs.ipynb @@ -0,0 +1,2916 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "14_Advanced_RNNs", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "accelerator": "GPU" + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Advanced RNNs" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "In this notebook we're going to cover some advanced topics related to RNNs.\n", + "\n", + "1. Conditioned hidden state\n", + "2. Char-level embeddings\n", + "3. Encoder and decoder\n", + "4. Attentional mechanisms\n", + "5. Implementation\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "41r7MWJnY0m8", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Set up" + ] + }, + { + "metadata": { + "id": "EJDhjHCHY0_a", + "colab_type": "code", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + }, + "outputId": "beb1c764-e47f-41a6-f8cf-e4150ee3befd" + }, + "cell_type": "code", + "source": [ + "# Load PyTorch library\n", + "!pip3 install torch" + ], + "execution_count": 1, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Requirement already satisfied: torch in /usr/local/lib/python3.6/dist-packages (1.0.0)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "p0FbOd6IZmzX", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import os\n", + "from argparse import Namespace\n", + "import collections\n", + "import copy\n", + "import json\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import pandas as pd\n", + "import re\n", + "import torch" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "bOsqAo4XZpXQ", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Set Numpy and PyTorch seeds\n", + "def set_seeds(seed, cuda):\n", + " np.random.seed(seed)\n", + " torch.manual_seed(seed)\n", + " if cuda:\n", + " torch.cuda.manual_seed_all(seed)\n", + " \n", + "# Creating directories\n", + "def create_dirs(dirpath):\n", + " if not os.path.exists(dirpath):\n", + " os.makedirs(dirpath)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "QHfvEzQ9ZweF", + "colab_type": "code", + "outputId": "a69944ff-021d-4d04-e920-cfc49112a34c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " seed=1234,\n", + " cuda=True,\n", + " batch_size=4,\n", + " condition_vocab_size=3, # vocabulary for condition possibilities\n", + " embedding_dim=100,\n", + " rnn_hidden_dim=100,\n", + " hidden_dim=100,\n", + " num_layers=1,\n", + " bidirectional=False,\n", + ")\n", + "\n", + "# Set seeds\n", + "set_seeds(seed=args.seed, cuda=args.cuda)\n", + "\n", + "# Check CUDA\n", + "if not torch.cuda.is_available():\n", + " args.cuda = False\n", + "args.device = torch.device(\"cuda\" if args.cuda else \"cpu\")\n", + "print(\"Using CUDA: {}\".format(args.cuda))" + ], + "execution_count": 5, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Using CUDA: True\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Conditioned RNNs" + ] + }, + { + "metadata": { + "id": "ZUsj7HjBp69f", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Conditioning an RNN is to add extra information that will be helpful towards a prediction. We can encode (embed it) this information and feed it along with the sequential input into our model. For example, suppose in our document classificaiton example in the previous notebook, we knew the publisher of each news article (NYTimes, ESPN, etc.). We could have encoded that information to help with the prediction. There are several different ways of creating a conditioned RNN.\n", + "\n", + "**Note**: If the conditioning information is novel for each input in the sequence, just concatenate it along with each time step's input." + ] + }, + { + "metadata": { + "id": "Kc8H9JySmtLa", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "1. Make the initial hidden state the encoded information instead of using the initial zerod hidden state. Make sure that the size of the encoded information is the same as the hidden state for the RNN.\n" + ] + }, + { + "metadata": { + "id": "pKlb9SjfpbED", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "jbrlQHx2x8Aa", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import torch.nn as nn\n", + "import torch.nn.functional as F" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "cFoiV-fqmvRo", + "colab_type": "code", + "outputId": "9843f756-8d71-4686-b479-b521df9b6f3c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Condition\n", + "condition = torch.LongTensor([0, 2, 1, 2]) # batch size of 4 with a vocab size of 3\n", + "condition_embeddings = nn.Embedding(\n", + " embedding_dim=args.embedding_dim, # should be same as RNN hidden dim\n", + " num_embeddings=args.condition_vocab_size) # of unique conditions\n", + "\n", + "# Initialize hidden state\n", + "num_directions = 1\n", + "if args.bidirectional:\n", + " num_directions = 2\n", + " \n", + "# If using multiple layers and directions, the hidden state needs to match that size\n", + "hidden_t = condition_embeddings(condition).unsqueeze(0).repeat(\n", + " args.num_layers * num_directions, 1, 1).to(args.device) # initial state to RNN\n", + "print (hidden_t.size())\n", + "\n", + "# Feed into RNN\n", + "# y_out, _ = self.rnn(x_embedded, hidden_t)\n" + ], + "execution_count": 7, + "outputs": [ + { + "output_type": "stream", + "text": [ + "torch.Size([1, 4, 100])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "REgyaMDgmtHw", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "2. Concatenate the encoded information with the hidden state at each time step. Do not replace the hidden state because the RNN needs that to learn. " + ] + }, + { + "metadata": { + "id": "yUIg5o-dpiZF", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "eQ-h28o-pi4X", + "colab_type": "code", + "outputId": "4143190d-c452-48cc-cc96-1a2f0f7fc5ee", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Initialize hidden state\n", + "hidden_t = torch.zeros((args.num_layers * num_directions, args.batch_size, args.rnn_hidden_dim))\n", + "print (hidden_t.size())" + ], + "execution_count": 8, + "outputs": [ + { + "output_type": "stream", + "text": [ + "torch.Size([1, 4, 100])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "2Z6hYSIdqBQ4", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "def concat_condition(condition_embeddings, condition, hidden_t, num_layers, num_directions):\n", + " condition_t = condition_embeddings(condition).unsqueeze(0).repeat(\n", + " num_layers * num_directions, 1, 1)\n", + " hidden_t = torch.cat([hidden_t, condition_t], 2)\n", + " return hidden_t" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Tjyzq_s5pixL", + "colab_type": "code", + "outputId": "f4f62742-044e-46ef-cc46-fc21a3c52c78", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Loop through the inputs time steps\n", + "hiddens = []\n", + "seq_size = 1\n", + "for t in range(seq_size):\n", + " hidden_t = concat_condition(condition_embeddings, condition, hidden_t, \n", + " args.num_layers, num_directions).to(args.device)\n", + " print (hidden_t.size())\n", + " \n", + " # Feed into RNN\n", + " # hidden_t = rnn_cell(x_in[t], hidden_t)\n", + " ..." + ], + "execution_count": 10, + "outputs": [ + { + "output_type": "stream", + "text": [ + "torch.Size([1, 4, 200])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "A-0_81jMXg_J", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Char-level embeddings" + ] + }, + { + "metadata": { + "id": "w0yUKKpq3pu_", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Our conv operations will have inputs that are words in a sentence represented at the character level| $\\in \\mathbb{R}^{NXSXWXE}$ and outputs are embeddings for each word (based on convlutions applied at the character level.) \n", + "\n", + "**Word embeddings**: capture the temporal correlations among\n", + "adjacent tokens so that similar words have similar representations. Ex. \"New Jersey\" is close to \"NJ\" is close to \"Garden State\", etc.\n", + "\n", + "**Char embeddings**: create representations that map words at a character level. Ex. \"toy\" and \"toys\" will be close to each other." + ] + }, + { + "metadata": { + "id": "-SZgVuwebm_4", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "QOdIvz0G3O8C", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " seed=1234,\n", + " cuda=False,\n", + " shuffle=True,\n", + " batch_size=64,\n", + " vocab_size=20, # vocabulary\n", + " seq_size=10, # max length of each sentence\n", + " word_size=15, # max length of each word\n", + " embedding_dim=100,\n", + " num_filters=100, # filters per size\n", + ")" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "raztXIeYXYJT", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Model(nn.Module):\n", + " def __init__(self, embedding_dim, num_embeddings, num_input_channels, \n", + " num_output_channels, padding_idx):\n", + " super(Model, self).__init__()\n", + " \n", + " # Char-level embedding\n", + " self.embeddings = nn.Embedding(embedding_dim=embedding_dim,\n", + " num_embeddings=num_embeddings,\n", + " padding_idx=padding_idx)\n", + " \n", + " # Conv weights\n", + " self.conv = nn.ModuleList([nn.Conv1d(num_input_channels, num_output_channels, \n", + " kernel_size=f) for f in [2,3,4]])\n", + "\n", + " def forward(self, x, channel_first=False, apply_softmax=False):\n", + " \n", + " # x: (N, seq_len, word_len)\n", + " input_shape = x.size()\n", + " batch_size, seq_len, word_len = input_shape\n", + " x = x.view(-1, word_len) # (N*seq_len, word_len)\n", + " \n", + " # Embedding\n", + " x = self.embeddings(x) # (N*seq_len, word_len, embedding_dim)\n", + " \n", + " # Rearrange input so num_input_channels is in dim 1 (N, embedding_dim, word_len)\n", + " if not channel_first:\n", + " x = x.transpose(1, 2)\n", + " \n", + " # Convolution\n", + " z = [F.relu(conv(x)) for conv in self.conv]\n", + " \n", + " # Pooling\n", + " z = [F.max_pool1d(zz, zz.size(2)).squeeze(2) for zz in z] \n", + " z = [zz.view(batch_size, seq_len, -1) for zz in z] # (N, seq_len, embedding_dim)\n", + " \n", + " # Concat to get char-level embeddings\n", + " z = torch.cat(z, 2) # join conv outputs\n", + " \n", + " return z" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "MzHVs8Xe0Zph", + "colab_type": "code", + "outputId": "ff91c1ac-5bc4-446c-9047-8b4b58570e13", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Input\n", + "input_size = (args.batch_size, args.seq_size, args.word_size)\n", + "x_in = torch.randint(low=0, high=args.vocab_size, size=input_size).long()\n", + "print (x_in.size())" + ], + "execution_count": 13, + "outputs": [ + { + "output_type": "stream", + "text": [ + "torch.Size([64, 10, 15])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "0B_Xscby2PMQ", + "colab_type": "code", + "outputId": "05b0c3ac-429f-47aa-9526-718e55dfc897", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 153 + } + }, + "cell_type": "code", + "source": [ + "# Initial char-level embedding model\n", + "model = Model(embedding_dim=args.embedding_dim, \n", + " num_embeddings=args.vocab_size, \n", + " num_input_channels=args.embedding_dim, \n", + " num_output_channels=args.num_filters,\n", + " padding_idx=0)\n", + "print (model.named_modules)" + ], + "execution_count": 14, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "8DIgeEZFXYR2", + "colab_type": "code", + "outputId": "ffdbfabf-5f60-4045-be84-23dfb65fd424", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "# Forward pass to get char-level embeddings\n", + "z = model(x_in)\n", + "print (z.size())" + ], + "execution_count": 15, + "outputs": [ + { + "output_type": "stream", + "text": [ + "torch.Size([64, 10, 300])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "nzTscaE10HFA", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "There are several different ways you can use these char-level embeddings:\n", + "\n", + "1. Concat char-level embeddings with word-level embeddings, since we have an embedding for each word (at a char-level) and then feed it into an RNN. \n", + "2. You can feed the char-level embeddings into an RNN to processes them." + ] + }, + { + "metadata": { + "id": "nyCQ13_ckV_c", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Encoder and decoder" + ] + }, + { + "metadata": { + "id": "_sixbu74kbJk", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "So far we've used RNNs to `encode` a sequential input and generate hidden states. We use these hidden states to `decode` the predictions. So far, the encoder was an RNN and the decoder was just a few fully connected layers followed by a softmax layer (for classification). But the encoder and decoder can assume other architectures as well. For example, the decoder could be an RNN that processes the hidden state outputs from the encoder RNN. " + ] + }, + { + "metadata": { + "id": "kfK1mAp1dlpT", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Arguments\n", + "args = Namespace(\n", + " batch_size=64,\n", + " embedding_dim=100,\n", + " rnn_hidden_dim=100,\n", + " hidden_dim=100,\n", + " num_layers=1,\n", + " bidirectional=False,\n", + " dropout=0.1,\n", + ")" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "p_OJFyY97bF_", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Encoder(nn.Module):\n", + " def __init__(self, embedding_dim, num_embeddings, rnn_hidden_dim, \n", + " num_layers, bidirectional, padding_idx=0):\n", + " super(Encoder, self).__init__()\n", + " \n", + " # Embeddings\n", + " self.word_embeddings = nn.Embedding(embedding_dim=embedding_dim,\n", + " num_embeddings=num_embeddings,\n", + " padding_idx=padding_idx)\n", + " \n", + " # GRU weights\n", + " self.gru = nn.GRU(input_size=embedding_dim, hidden_size=rnn_hidden_dim, \n", + " num_layers=num_layers, batch_first=True, \n", + " bidirectional=bidirectional)\n", + "\n", + " def forward(self, x_in, x_lengths):\n", + " \n", + " # Word level embeddings\n", + " z_word = self.word_embeddings(x_in)\n", + " \n", + " # Feed into RNN\n", + " out, h_n = self.gru(z)\n", + " \n", + " # Gather the last relevant hidden state\n", + " out = gather_last_relevant_hidden(out, x_lengths)\n", + " \n", + " return out" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "HRXtaGPlpyH7", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Decoder(nn.Module):\n", + " def __init__(self, rnn_hidden_dim, hidden_dim, output_dim, dropout_p):\n", + " super(Decoder, self).__init__()\n", + " \n", + " # FC weights\n", + " self.dropout = nn.Dropout(dropout_p)\n", + " self.fc1 = nn.Linear(rnn_hidden_dim, hidden_dim)\n", + " self.fc2 = nn.Linear(hidden_dim, output_dim)\n", + "\n", + " def forward(self, encoder_output, apply_softmax=False):\n", + " \n", + " # FC layers\n", + " z = self.dropout(encoder_output)\n", + " z = self.fc1(z)\n", + " z = self.dropout(z)\n", + " y_pred = self.fc2(z)\n", + "\n", + " if apply_softmax:\n", + " y_pred = F.softmax(y_pred, dim=1)\n", + " return y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "SnKyCPVj-OVi", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Model(nn.Module):\n", + " def __init__(self, embedding_dim, num_embeddings, rnn_hidden_dim, \n", + " hidden_dim, num_layers, bidirectional, output_dim, dropout_p, \n", + " padding_idx=0):\n", + " super(Model, self).__init__()\n", + " self.encoder = Encoder(embedding_dim, num_embeddings, rnn_hidden_dim, \n", + " num_layers, bidirectional, padding_idx=0)\n", + " self.decoder = Decoder(rnn_hidden_dim, hidden_dim, output_dim, dropout_p)\n", + " \n", + " def forward(self, x_in, x_lengths, apply_softmax=False):\n", + " encoder_outputs = self.encoder(x_in, x_lengths)\n", + " y_pred = self.decoder(encoder_outputs, apply_softmax)\n", + " return y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "hfeoErsc-Tum", + "colab_type": "code", + "outputId": "8faa37ab-4c38-4ace-bb96-e5dc7e1483bf", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "model = Model(embedding_dim=args.embedding_dim, num_embeddings=1000, \n", + " rnn_hidden_dim=args.rnn_hidden_dim, hidden_dim=args.hidden_dim, \n", + " num_layers=args.num_layers, bidirectional=args.bidirectional, \n", + " output_dim=4, dropout_p=args.dropout, padding_idx=0)\n", + "print (model.named_parameters)" + ], + "execution_count": 20, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "LAsOI6jEmTd0", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Attentional mechanisms" + ] + }, + { + "metadata": { + "id": "vJN5ft5Sc_kb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "When processing an input sequence with an RNN, recall that at each time step we process the input and the hidden state at that time step. For many use cases, it's advantageous to have access to the inputs at all time steps and pay selective attention to the them at each time step. For example, in machine translation, it's advantageous to have access to all the words when translating to another language because translations aren't necessarily word for word. " + ] + }, + { + "metadata": { + "id": "jb6A6WfbXje6", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "mNkayU0rf-ua", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Attention can sound a bit confusing so let's see what happens at each time step. At time step j, the model has processed inputs $x_0, x_1, x_2, ..., x_j$ and has generted hidden states $h_0, h_1, h_2, ..., h_j$. The idea is to use all the processed hidden states to make the prediction and not just the most recent one. There are several approaches to how we can do this.\n", + "\n", + "With **soft attention**, we learn a vector of floating points (probabilities) to multiply with the hidden states to create the context vector.\n", + "\n", + "Ex. [0.1, 0.3, 0.1, 0.4, 0.1]\n", + "\n", + "With **hard attention**, we can learn a binary vector to multiply with the hidden states to create the context vector. \n", + "\n", + "Ex. [0, 0, 0, 1, 0]" + ] + }, + { + "metadata": { + "id": "gYSIAVQqu3Ab", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're going to focus on soft attention because it's more widley used and we can visualize how much of each hidden state helps with the prediction, which is great for interpretability. " + ] + }, + { + "metadata": { + "id": "9Ch21nZNvDHO", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "o_jPXuT8xlqd", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're going to implement attention in the document classification task below." + ] + }, + { + "metadata": { + "colab_type": "text", + "id": "0iNnQzdxnGvn" + }, + "cell_type": "markdown", + "source": [ + "# Document classification with RNNs" + ] + }, + { + "metadata": { + "colab_type": "text", + "id": "n38ZJoVZnGaE" + }, + "cell_type": "markdown", + "source": [ + "We're going to implement the same document classification task as in the previous notebook but we're going to use an attentional interface for interpretability.\n", + "\n", + "**Why not machine translation?** Normally, machine translation is the go-to example for demonstrating attention but it's not really practical. How many situations can you think of that require a seq to generate another sequence? Instead we're going to apply attention with our document classification example to see which input tokens are more influential towards predicting the genre." + ] + }, + { + "metadata": { + "colab_type": "text", + "id": "Fu7HgEqbnGFY" + }, + "cell_type": "markdown", + "source": [ + "## Set up" + ] + }, + { + "metadata": { + "colab_type": "code", + "id": "elL6BxtCmNGf", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from argparse import Namespace\n", + "import collections\n", + "import copy\n", + "import json\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import pandas as pd\n", + "import re\n", + "import torch" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "DCf2fLmPbKKI", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "def set_seeds(seed, cuda):\n", + " np.random.seed(seed)\n", + " torch.manual_seed(seed)\n", + " if cuda:\n", + " torch.cuda.manual_seed_all(seed)\n", + " \n", + "# Creating directories\n", + "def create_dirs(dirpath):\n", + " if not os.path.exists(dirpath):\n", + " os.makedirs(dirpath)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "colab_type": "code", + "outputId": "291c03d4-6143-4395-b5c9-ab386b061737", + "id": "TTwkuoZdmMlF", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "args = Namespace(\n", + " seed=1234,\n", + " cuda=True,\n", + " shuffle=True,\n", + " data_file=\"news.csv\",\n", + " split_data_file=\"split_news.csv\",\n", + " vectorizer_file=\"vectorizer.json\",\n", + " model_state_file=\"model.pth\",\n", + " save_dir=\"news\",\n", + " train_size=0.7,\n", + " val_size=0.15,\n", + " test_size=0.15,\n", + " pretrained_embeddings=None,\n", + " cutoff=25,\n", + " num_epochs=5,\n", + " early_stopping_criteria=5,\n", + " learning_rate=1e-3,\n", + " batch_size=128,\n", + " embedding_dim=100,\n", + " kernels=[3,5],\n", + " num_filters=100,\n", + " rnn_hidden_dim=128,\n", + " hidden_dim=200,\n", + " num_layers=1,\n", + " bidirectional=False,\n", + " dropout_p=0.25,\n", + ")\n", + "\n", + "# Set seeds\n", + "set_seeds(seed=args.seed, cuda=args.cuda)\n", + "\n", + "# Create save dir\n", + "create_dirs(args.save_dir)\n", + "\n", + "# Expand filepaths\n", + "args.vectorizer_file = os.path.join(args.save_dir, args.vectorizer_file)\n", + "args.model_state_file = os.path.join(args.save_dir, args.model_state_file)\n", + "\n", + "# Check CUDA\n", + "if not torch.cuda.is_available():\n", + " args.cuda = False\n", + "args.device = torch.device(\"cuda\" if args.cuda else \"cpu\")\n", + "print(\"Using CUDA: {}\".format(args.cuda))" + ], + "execution_count": 28, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Using CUDA: True\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "colab_type": "text", + "id": "xfiWhgX5mMQ5" + }, + "cell_type": "markdown", + "source": [ + "## Data" + ] + }, + { + "metadata": { + "colab_type": "code", + "id": "baAsxXNFmMCF", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import urllib" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "colab_type": "code", + "id": "3tJi_HyOmLw-", + "colab": {} + }, + "cell_type": "code", + "source": [ + "url = \"https://raw.githubusercontent.com/GokuMohandas/practicalAI/master/data/news.csv/"\n", + "response = urllib.request.urlopen(url)\n", + "html = response.read()\n", + "with open(args.data_file, 'wb') as fp:\n", + " fp.write(html)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "colab_type": "code", + "outputId": "a51463a7-f37e-41e7-aca4-74038c7c6e8e", + "id": "wrI_df4bmLjB", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "df = pd.read_csv(args.data_file, header=0)\n", + "df.head()" + ], + "execution_count": 31, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
categorytitle
0BusinessWall St. Bears Claw Back Into the Black (Reuters)
1BusinessCarlyle Looks Toward Commercial Aerospace (Reu...
2BusinessOil and Economy Cloud Stocks' Outlook (Reuters)
3BusinessIraq Halts Oil Exports from Main Southern Pipe...
4BusinessOil prices soar to all-time record, posing new...
\n", + "
" + ], + "text/plain": [ + " category title\n", + "0 Business Wall St. Bears Claw Back Into the Black (Reuters)\n", + "1 Business Carlyle Looks Toward Commercial Aerospace (Reu...\n", + "2 Business Oil and Economy Cloud Stocks' Outlook (Reuters)\n", + "3 Business Iraq Halts Oil Exports from Main Southern Pipe...\n", + "4 Business Oil prices soar to all-time record, posing new..." + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 31 + } + ] + }, + { + "metadata": { + "colab_type": "code", + "outputId": "36145f0d-7316-4341-f270-1d8c8037c661", + "id": "TreK7nqEmLTN", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "by_category = collections.defaultdict(list)\n", + "for _, row in df.iterrows():\n", + " by_category[row.category].append(row.to_dict())\n", + "for category in by_category:\n", + " print (\"{0}: {1}\".format(category, len(by_category[category])))" + ], + "execution_count": 32, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Business: 30000\n", + "Sci/Tech: 30000\n", + "Sports: 30000\n", + "World: 30000\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "colab_type": "code", + "id": "35nb3LxLmLCA", + "colab": {} + }, + "cell_type": "code", + "source": [ + "final_list = []\n", + "for _, item_list in sorted(by_category.items()):\n", + " if args.shuffle:\n", + " np.random.shuffle(item_list)\n", + " n = len(item_list)\n", + " n_train = int(args.train_size*n)\n", + " n_val = int(args.val_size*n)\n", + " n_test = int(args.test_size*n)\n", + "\n", + " # Give data point a split attribute\n", + " for item in item_list[:n_train]:\n", + " item['split'] = 'train'\n", + " for item in item_list[n_train:n_train+n_val]:\n", + " item['split'] = 'val'\n", + " for item in item_list[n_train+n_val:]:\n", + " item['split'] = 'test' \n", + "\n", + " # Add to final list\n", + " final_list.extend(item_list)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "colab_type": "code", + "outputId": "3b188412-5c0a-4e71-ef50-20c4ba18082b", + "id": "Y48IvuSfmK07", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "split_df = pd.DataFrame(final_list)\n", + "split_df[\"split\"].value_counts()" + ], + "execution_count": 34, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "train 84000\n", + "val 18000\n", + "test 18000\n", + "Name: split, dtype: int64" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 34 + } + ] + }, + { + "metadata": { + "colab_type": "code", + "id": "RWuNBxAXmKk2", + "colab": {} + }, + "cell_type": "code", + "source": [ + "def preprocess_text(text):\n", + " text = ' '.join(word.lower() for word in text.split(\" \"))\n", + " text = re.sub(r\"([.,!?])\", r\" \\1 \", text)\n", + " text = re.sub(r\"[^a-zA-Z.,!?]+\", r\" \", text)\n", + " text = text.strip()\n", + " return text\n", + " \n", + "split_df.title = split_df.title.apply(preprocess_text)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "colab_type": "code", + "outputId": "7bb68022-5848-44ac-f90c-7cdf6a7eb988", + "id": "fG9n77eLmKWB", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 204 + } + }, + "cell_type": "code", + "source": [ + "split_df.to_csv(args.split_data_file, index=False)\n", + "split_df.head()" + ], + "execution_count": 36, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
categorysplittitle
0Businesstraingeneral electric posts higher rd quarter profit
1Businesstrainlilly to eliminate up to us jobs
2Businesstrains amp p lowers america west outlook to negative
3Businesstraindoes rand walk the talk on labor policy ?
4Businesstrainhousekeeper advocates for changes
\n", + "
" + ], + "text/plain": [ + " category split title\n", + "0 Business train general electric posts higher rd quarter profit\n", + "1 Business train lilly to eliminate up to us jobs\n", + "2 Business train s amp p lowers america west outlook to negative\n", + "3 Business train does rand walk the talk on labor policy ?\n", + "4 Business train housekeeper advocates for changes" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 36 + } + ] + }, + { + "metadata": { + "colab_type": "text", + "id": "m-a0OpqhmKJc" + }, + "cell_type": "markdown", + "source": [ + "## Vocabulary" + ] + }, + { + "metadata": { + "colab_type": "code", + "id": "RUMQ_MwumJ8F", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Vocabulary(object):\n", + " def __init__(self, token_to_idx=None):\n", + "\n", + " # Token to index\n", + " if token_to_idx is None:\n", + " token_to_idx = {}\n", + " self.token_to_idx = token_to_idx\n", + "\n", + " # Index to token\n", + " self.idx_to_token = {idx: token \\\n", + " for token, idx in self.token_to_idx.items()}\n", + "\n", + " def to_serializable(self):\n", + " return {'token_to_idx': self.token_to_idx}\n", + "\n", + " @classmethod\n", + " def from_serializable(cls, contents):\n", + " return cls(**contents)\n", + "\n", + " def add_token(self, token):\n", + " if token in self.token_to_idx:\n", + " index = self.token_to_idx[token]\n", + " else:\n", + " index = len(self.token_to_idx)\n", + " self.token_to_idx[token] = index\n", + " self.idx_to_token[index] = token\n", + " return index\n", + "\n", + " def add_tokens(self, tokens):\n", + " return [self.add_token[token] for token in tokens]\n", + "\n", + " def lookup_token(self, token):\n", + " return self.token_to_idx[token]\n", + "\n", + " def lookup_index(self, index):\n", + " if index not in self.idx_to_token:\n", + " raise KeyError(\"the index (%d) is not in the Vocabulary\" % index)\n", + " return self.idx_to_token[index]\n", + "\n", + " def __str__(self):\n", + " return \"\" % len(self)\n", + "\n", + " def __len__(self):\n", + " return len(self.token_to_idx)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "1LtYf3lpExBb", + "colab_type": "code", + "outputId": "0870e7a9-d843-4549-97ae-d8cf5c3e7e3e", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Vocabulary instance\n", + "category_vocab = Vocabulary()\n", + "for index, row in df.iterrows():\n", + " category_vocab.add_token(row.category)\n", + "print (category_vocab) # __str__\n", + "print (len(category_vocab)) # __len__\n", + "index = category_vocab.lookup_token(\"Business\")\n", + "print (index)\n", + "print (category_vocab.lookup_index(index))" + ], + "execution_count": 38, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "4\n", + "0\n", + "Business\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "Z0zkF6CsE_yH", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Sequence vocabulary" + ] + }, + { + "metadata": { + "id": "QtntaISyE_1c", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Next, we're going to create our Vocabulary classes for the article's title, which is a sequence of words." + ] + }, + { + "metadata": { + "id": "ovI8QRefEw_p", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from collections import Counter\n", + "import string" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "4W3ZouuTEw1_", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class SequenceVocabulary(Vocabulary):\n", + " def __init__(self, token_to_idx=None, unk_token=\"\",\n", + " mask_token=\"\", begin_seq_token=\"\",\n", + " end_seq_token=\"\"):\n", + "\n", + " super(SequenceVocabulary, self).__init__(token_to_idx)\n", + "\n", + " self.mask_token = mask_token\n", + " self.unk_token = unk_token\n", + " self.begin_seq_token = begin_seq_token\n", + " self.end_seq_token = end_seq_token\n", + "\n", + " self.mask_index = self.add_token(self.mask_token)\n", + " self.unk_index = self.add_token(self.unk_token)\n", + " self.begin_seq_index = self.add_token(self.begin_seq_token)\n", + " self.end_seq_index = self.add_token(self.end_seq_token)\n", + " \n", + " # Index to token\n", + " self.idx_to_token = {idx: token \\\n", + " for token, idx in self.token_to_idx.items()}\n", + "\n", + " def to_serializable(self):\n", + " contents = super(SequenceVocabulary, self).to_serializable()\n", + " contents.update({'unk_token': self.unk_token,\n", + " 'mask_token': self.mask_token,\n", + " 'begin_seq_token': self.begin_seq_token,\n", + " 'end_seq_token': self.end_seq_token})\n", + " return contents\n", + "\n", + " def lookup_token(self, token):\n", + " return self.token_to_idx.get(token, self.unk_index)\n", + " \n", + " def lookup_index(self, index):\n", + " if index not in self.idx_to_token:\n", + " raise KeyError(\"the index (%d) is not in the SequenceVocabulary\" % index)\n", + " return self.idx_to_token[index]\n", + " \n", + " def __str__(self):\n", + " return \"\" % len(self.token_to_idx)\n", + "\n", + " def __len__(self):\n", + " return len(self.token_to_idx)\n" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "g5UHjpi3El37", + "colab_type": "code", + "outputId": "75875a36-e34f-4e25-aa96-656bdfe4f210", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Get word counts\n", + "word_counts = Counter()\n", + "for title in split_df.title:\n", + " for token in title.split(\" \"):\n", + " if token not in string.punctuation:\n", + " word_counts[token] += 1\n", + "\n", + "# Create SequenceVocabulary instance\n", + "title_word_vocab = SequenceVocabulary()\n", + "for word, word_count in word_counts.items():\n", + " if word_count >= args.cutoff:\n", + " title_word_vocab.add_token(word)\n", + "print (title_word_vocab) # __str__\n", + "print (len(title_word_vocab)) # __len__\n", + "index = title_word_vocab.lookup_token(\"general\")\n", + "print (index)\n", + "print (title_word_vocab.lookup_index(index))" + ], + "execution_count": 41, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "4400\n", + "4\n", + "general\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "1_wja0EfQNpA", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're also going to create an instance fo SequenceVocabulary that processes the input on a character level." + ] + }, + { + "metadata": { + "id": "5SpfS0BXP9pz", + "colab_type": "code", + "outputId": "383414b5-1274-499a-cd2f-d83cfc17bec6", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Create SequenceVocabulary instance\n", + "title_char_vocab = SequenceVocabulary()\n", + "for title in split_df.title:\n", + " for token in title:\n", + " title_char_vocab.add_token(token)\n", + "print (title_char_vocab) # __str__\n", + "print (len(title_char_vocab)) # __len__\n", + "index = title_char_vocab.lookup_token(\"g\")\n", + "print (index)\n", + "print (title_char_vocab.lookup_index(index))" + ], + "execution_count": 42, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "35\n", + "4\n", + "g\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "4Dag6H0SFHAG", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Vectorizer" + ] + }, + { + "metadata": { + "id": "VQIfxcUuKwzz", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Something new that we introduce in this Vectorizer is calculating the length of our input sequence. We will use this later on to extract the last relevant hidden state for each input sequence." + ] + }, + { + "metadata": { + "id": "tsNtEnhBEl6s", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class NewsVectorizer(object):\n", + " def __init__(self, title_word_vocab, title_char_vocab, category_vocab):\n", + " self.title_word_vocab = title_word_vocab\n", + " self.title_char_vocab = title_char_vocab\n", + " self.category_vocab = category_vocab\n", + "\n", + " def vectorize(self, title):\n", + " \n", + " # Word-level vectorization\n", + " word_indices = [self.title_word_vocab.lookup_token(token) for token in title.split(\" \")]\n", + " word_indices = [self.title_word_vocab.begin_seq_index] + word_indices + \\\n", + " [self.title_word_vocab.end_seq_index]\n", + " title_length = len(word_indices)\n", + " word_vector = np.zeros(title_length, dtype=np.int64)\n", + " word_vector[:len(word_indices)] = word_indices\n", + " \n", + " # Char-level vectorization\n", + " word_length = max([len(word) for word in title.split(\" \")])\n", + " char_vector = np.zeros((len(word_vector), word_length), dtype=np.int64)\n", + " char_vector[0, :] = self.title_word_vocab.mask_index # \n", + " char_vector[-1, :] = self.title_word_vocab.mask_index # \n", + " for i, word in enumerate(title.split(\" \")):\n", + " char_vector[i+1,:len(word)] = [title_char_vocab.lookup_token(char) \\\n", + " for char in word] # i+1 b/c of token\n", + " \n", + " return word_vector, char_vector, len(word_indices)\n", + " \n", + " def unvectorize_word_vector(self, word_vector):\n", + " tokens = [self.title_word_vocab.lookup_index(index) for index in word_vector]\n", + " title = \" \".join(token for token in tokens)\n", + " return title\n", + " \n", + " def unvectorize_char_vector(self, char_vector):\n", + " title = \"\"\n", + " for word_vector in char_vector:\n", + " for index in word_vector:\n", + " if index == self.title_char_vocab.mask_index:\n", + " break\n", + " title += self.title_char_vocab.lookup_index(index)\n", + " title += \" \"\n", + " return title\n", + " \n", + " @classmethod\n", + " def from_dataframe(cls, df, cutoff):\n", + " \n", + " # Create class vocab\n", + " category_vocab = Vocabulary() \n", + " for category in sorted(set(df.category)):\n", + " category_vocab.add_token(category)\n", + "\n", + " # Get word counts\n", + " word_counts = Counter()\n", + " for title in df.title:\n", + " for token in title.split(\" \"):\n", + " word_counts[token] += 1\n", + " \n", + " # Create title vocab (word level)\n", + " title_word_vocab = SequenceVocabulary()\n", + " for word, word_count in word_counts.items():\n", + " if word_count >= cutoff:\n", + " title_word_vocab.add_token(word)\n", + " \n", + " # Create title vocab (char level)\n", + " title_char_vocab = SequenceVocabulary()\n", + " for title in df.title:\n", + " for token in title:\n", + " title_char_vocab.add_token(token)\n", + " \n", + " return cls(title_word_vocab, title_char_vocab, category_vocab)\n", + "\n", + " @classmethod\n", + " def from_serializable(cls, contents):\n", + " title_word_vocab = SequenceVocabulary.from_serializable(contents['title_word_vocab'])\n", + " title_char_vocab = SequenceVocabulary.from_serializable(contents['title_char_vocab'])\n", + " category_vocab = Vocabulary.from_serializable(contents['category_vocab'])\n", + " return cls(title_word_vocab=title_word_vocab, \n", + " title_char_vocab=title_char_vocab, \n", + " category_vocab=category_vocab)\n", + " \n", + " def to_serializable(self):\n", + " return {'title_word_vocab': self.title_word_vocab.to_serializable(),\n", + " 'title_char_vocab': self.title_char_vocab.to_serializable(),\n", + " 'category_vocab': self.category_vocab.to_serializable()}" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "JtRRXU53El9Y", + "colab_type": "code", + "outputId": "659ad7a1-38a4-46ca-98b8-a72ba0c9fff0", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 340 + } + }, + "cell_type": "code", + "source": [ + "# Vectorizer instance\n", + "vectorizer = NewsVectorizer.from_dataframe(split_df, cutoff=args.cutoff)\n", + "print (vectorizer.title_word_vocab)\n", + "print (vectorizer.title_char_vocab)\n", + "print (vectorizer.category_vocab)\n", + "word_vector, char_vector, title_length = vectorizer.vectorize(preprocess_text(\n", + " \"Roger Federer wins the Wimbledon tennis tournament.\"))\n", + "print (\"word_vector:\", np.shape(word_vector))\n", + "print (\"char_vector:\", np.shape(char_vector))\n", + "print (\"title_length:\", title_length)\n", + "print (word_vector)\n", + "print (char_vector)\n", + "print (vectorizer.unvectorize_word_vector(word_vector))\n", + "print (vectorizer.unvectorize_char_vector(char_vector))" + ], + "execution_count": 81, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "\n", + "\n", + "word_vector: (10,)\n", + "char_vector: (10, 10)\n", + "title_length: 10\n", + "[ 2 1 4151 1231 25 1 2392 4076 38 3]\n", + "[[ 0 0 0 0 0 0 0 0 0 0]\n", + " [ 7 15 4 5 7 0 0 0 0 0]\n", + " [21 5 18 5 7 5 7 0 0 0]\n", + " [26 13 6 16 0 0 0 0 0 0]\n", + " [12 17 5 0 0 0 0 0 0 0]\n", + " [26 13 23 25 9 5 18 15 6 0]\n", + " [12 5 6 6 13 16 0 0 0 0]\n", + " [12 15 20 7 6 8 23 5 6 12]\n", + " [30 0 0 0 0 0 0 0 0 0]\n", + " [ 0 0 0 0 0 0 0 0 0 0]]\n", + " federer wins the tennis tournament . \n", + " roger federer wins the wimbledon tennis tournament . \n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "uk_QvpVfFM0S", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Dataset" + ] + }, + { + "metadata": { + "id": "oU7oDdelFMR9", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from torch.utils.data import Dataset, DataLoader" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "pB7FHmiSFMXA", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class NewsDataset(Dataset):\n", + " def __init__(self, df, vectorizer):\n", + " self.df = df\n", + " self.vectorizer = vectorizer\n", + "\n", + " # Data splits\n", + " self.train_df = self.df[self.df.split=='train']\n", + " self.train_size = len(self.train_df)\n", + " self.val_df = self.df[self.df.split=='val']\n", + " self.val_size = len(self.val_df)\n", + " self.test_df = self.df[self.df.split=='test']\n", + " self.test_size = len(self.test_df)\n", + " self.lookup_dict = {'train': (self.train_df, self.train_size), \n", + " 'val': (self.val_df, self.val_size),\n", + " 'test': (self.test_df, self.test_size)}\n", + " self.set_split('train')\n", + "\n", + " # Class weights (for imbalances)\n", + " class_counts = df.category.value_counts().to_dict()\n", + " def sort_key(item):\n", + " return self.vectorizer.category_vocab.lookup_token(item[0])\n", + " sorted_counts = sorted(class_counts.items(), key=sort_key)\n", + " frequencies = [count for _, count in sorted_counts]\n", + " self.class_weights = 1.0 / torch.tensor(frequencies, dtype=torch.float32)\n", + "\n", + " @classmethod\n", + " def load_dataset_and_make_vectorizer(cls, split_data_file, cutoff):\n", + " df = pd.read_csv(split_data_file, header=0)\n", + " train_df = df[df.split=='train']\n", + " return cls(df, NewsVectorizer.from_dataframe(train_df, cutoff))\n", + "\n", + " @classmethod\n", + " def load_dataset_and_load_vectorizer(cls, split_data_file, vectorizer_filepath):\n", + " df = pd.read_csv(split_data_file, header=0)\n", + " vectorizer = cls.load_vectorizer_only(vectorizer_filepath)\n", + " return cls(df, vectorizer)\n", + "\n", + " def load_vectorizer_only(vectorizer_filepath):\n", + " with open(vectorizer_filepath) as fp:\n", + " return NewsVectorizer.from_serializable(json.load(fp))\n", + "\n", + " def save_vectorizer(self, vectorizer_filepath):\n", + " with open(vectorizer_filepath, \"w\") as fp:\n", + " json.dump(self.vectorizer.to_serializable(), fp)\n", + "\n", + " def set_split(self, split=\"train\"):\n", + " self.target_split = split\n", + " self.target_df, self.target_size = self.lookup_dict[split]\n", + "\n", + " def __str__(self):\n", + " return \" delta bankruptcy with labor deal \n", + " delta dodges bankruptcy with labor deal \n", + "tensor([3.3333e-05, 3.3333e-05, 3.3333e-05, 3.3333e-05])\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "_IUIqtbvFUAG", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Model" + ] + }, + { + "metadata": { + "id": "xJV5WlDiFVVz", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "embed → encoder → attend → predict" + ] + }, + { + "metadata": { + "id": "rZCzdZZ9FMhm", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import torch.nn as nn\n", + "import torch.nn.functional as F" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "c9wipRZt7feC", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class NewsEncoder(nn.Module):\n", + " def __init__(self, embedding_dim, num_word_embeddings, num_char_embeddings,\n", + " kernels, num_input_channels, num_output_channels, \n", + " rnn_hidden_dim, num_layers, bidirectional, \n", + " word_padding_idx=0, char_padding_idx=0):\n", + " super(NewsEncoder, self).__init__()\n", + " \n", + " self.num_layers = num_layers\n", + " self.bidirectional = bidirectional\n", + " \n", + " # Embeddings\n", + " self.word_embeddings = nn.Embedding(embedding_dim=embedding_dim,\n", + " num_embeddings=num_word_embeddings,\n", + " padding_idx=word_padding_idx)\n", + " self.char_embeddings = nn.Embedding(embedding_dim=embedding_dim,\n", + " num_embeddings=num_char_embeddings,\n", + " padding_idx=char_padding_idx)\n", + " \n", + " # Conv weights\n", + " self.conv = nn.ModuleList([nn.Conv1d(num_input_channels, \n", + " num_output_channels, \n", + " kernel_size=f) for f in kernels])\n", + " \n", + " \n", + " # GRU weights\n", + " self.gru = nn.GRU(input_size=embedding_dim*(len(kernels)+1), \n", + " hidden_size=rnn_hidden_dim, num_layers=num_layers, \n", + " batch_first=True, bidirectional=bidirectional)\n", + " \n", + " def initialize_hidden_state(self, batch_size, rnn_hidden_dim, device):\n", + " \"\"\"Modify this to condition the RNN.\"\"\"\n", + " num_directions = 1\n", + " if self.bidirectional:\n", + " num_directions = 2\n", + " hidden_t = torch.zeros(self.num_layers * num_directions, \n", + " batch_size, rnn_hidden_dim).to(device)\n", + " \n", + " def get_char_level_embeddings(self, x):\n", + " # x: (N, seq_len, word_len)\n", + " input_shape = x.size()\n", + " batch_size, seq_len, word_len = input_shape\n", + " x = x.view(-1, word_len) # (N*seq_len, word_len)\n", + " \n", + " # Embedding\n", + " x = self.char_embeddings(x) # (N*seq_len, word_len, embedding_dim)\n", + " \n", + " # Rearrange input so num_input_channels is in dim 1 (N, embedding_dim, word_len)\n", + " x = x.transpose(1, 2)\n", + " \n", + " # Convolution\n", + " z = [F.relu(conv(x)) for conv in self.conv]\n", + " \n", + " # Pooling\n", + " z = [F.max_pool1d(zz, zz.size(2)).squeeze(2) for zz in z] \n", + " z = [zz.view(batch_size, seq_len, -1) for zz in z] # (N, seq_len, embedding_dim)\n", + " \n", + " # Concat to get char-level embeddings\n", + " z = torch.cat(z, 2) # join conv outputs\n", + " \n", + " return z\n", + " \n", + " def forward(self, x_word, x_char, x_lengths, device):\n", + " \"\"\"\n", + " x_word: word level representation (N, seq_size)\n", + " x_char: char level representation (N, seq_size, word_len)\n", + " \"\"\"\n", + " \n", + " # Word level embeddings\n", + " z_word = self.word_embeddings(x_word)\n", + " \n", + " # Char level embeddings\n", + " z_char = self.get_char_level_embeddings(x=x_char)\n", + " \n", + " # Concatenate\n", + " z = torch.cat([z_word, z_char], 2)\n", + " \n", + " # Feed into RNN\n", + " initial_h = self.initialize_hidden_state(\n", + " batch_size=z.size(0), rnn_hidden_dim=self.gru.hidden_size,\n", + " device=device)\n", + " out, h_n = self.gru(z, initial_h)\n", + " \n", + " return out" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "zeEcdA287gz4", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class NewsDecoder(nn.Module):\n", + " def __init__(self, rnn_hidden_dim, hidden_dim, output_dim, dropout_p):\n", + " super(NewsDecoder, self).__init__()\n", + " \n", + " # Attention FC layer\n", + " self.fc_attn = nn.Linear(rnn_hidden_dim, rnn_hidden_dim)\n", + " self.v = nn.Parameter(torch.rand(rnn_hidden_dim))\n", + " \n", + " # FC weights\n", + " self.dropout = nn.Dropout(dropout_p)\n", + " self.fc1 = nn.Linear(rnn_hidden_dim, hidden_dim)\n", + " self.fc2 = nn.Linear(hidden_dim, output_dim)\n", + "\n", + " def forward(self, encoder_outputs, apply_softmax=False):\n", + " \n", + " # Attention\n", + " z = torch.tanh(self.fc_attn(encoder_outputs))\n", + " z = z.transpose(2,1) # [B*H*T]\n", + " v = self.v.repeat(encoder_outputs.size(0),1).unsqueeze(1) #[B*1*H]\n", + " z = torch.bmm(v,z).squeeze(1) # [B*T]\n", + " attn_scores = F.softmax(z, dim=1)\n", + " context = torch.matmul(encoder_outputs.transpose(-2, -1), \n", + " attn_scores.unsqueeze(dim=2)).squeeze()\n", + " if len(context.size()) == 1:\n", + " context = context.unsqueeze(0)\n", + " \n", + " # FC layers\n", + " z = self.dropout(context)\n", + " z = self.fc1(z)\n", + " z = self.dropout(z)\n", + " y_pred = self.fc2(z)\n", + "\n", + " if apply_softmax:\n", + " y_pred = F.softmax(y_pred, dim=1)\n", + " return attn_scores, y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "yVDftS-G7gwy", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class NewsModel(nn.Module):\n", + " def __init__(self, embedding_dim, num_word_embeddings, num_char_embeddings,\n", + " kernels, num_input_channels, num_output_channels, \n", + " rnn_hidden_dim, hidden_dim, output_dim, num_layers, \n", + " bidirectional, dropout_p, word_padding_idx, char_padding_idx):\n", + " super(NewsModel, self).__init__()\n", + " self.encoder = NewsEncoder(embedding_dim, num_word_embeddings,\n", + " num_char_embeddings, kernels, \n", + " num_input_channels, num_output_channels, \n", + " rnn_hidden_dim, num_layers, bidirectional, \n", + " word_padding_idx, char_padding_idx)\n", + " self.decoder = NewsDecoder(rnn_hidden_dim, hidden_dim, output_dim, \n", + " dropout_p)\n", + " \n", + " def forward(self, x_word, x_char, x_lengths, device, apply_softmax=False):\n", + " encoder_outputs = self.encoder(x_word, x_char, x_lengths, device)\n", + " y_pred = self.decoder(encoder_outputs, apply_softmax)\n", + " return y_pred" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "jHPYCPd7Fl3M", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Training" + ] + }, + { + "metadata": { + "id": "D3seBMA7FlcC", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import torch.optim as optim" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "HnRKWLekFlnM", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Trainer(object):\n", + " def __init__(self, dataset, model, model_state_file, save_dir, device, \n", + " shuffle, num_epochs, batch_size, learning_rate, \n", + " early_stopping_criteria):\n", + " self.dataset = dataset\n", + " self.class_weights = dataset.class_weights.to(device)\n", + " self.device = device\n", + " self.model = model.to(device)\n", + " self.save_dir = save_dir\n", + " self.device = device\n", + " self.shuffle = shuffle\n", + " self.num_epochs = num_epochs\n", + " self.batch_size = batch_size\n", + " self.loss_func = nn.CrossEntropyLoss(self.class_weights)\n", + " self.optimizer = optim.Adam(self.model.parameters(), lr=learning_rate)\n", + " self.scheduler = optim.lr_scheduler.ReduceLROnPlateau(\n", + " optimizer=self.optimizer, mode='min', factor=0.5, patience=1)\n", + " self.train_state = {\n", + " 'stop_early': False, \n", + " 'early_stopping_step': 0,\n", + " 'early_stopping_best_val': 1e8,\n", + " 'early_stopping_criteria': early_stopping_criteria,\n", + " 'learning_rate': learning_rate,\n", + " 'epoch_index': 0,\n", + " 'train_loss': [],\n", + " 'train_acc': [],\n", + " 'val_loss': [],\n", + " 'val_acc': [],\n", + " 'test_loss': -1,\n", + " 'test_acc': -1,\n", + " 'model_filename': model_state_file}\n", + " \n", + " def update_train_state(self):\n", + "\n", + " # Verbose\n", + " print (\"[EPOCH]: {0:02d} | [LR]: {1} | [TRAIN LOSS]: {2:.2f} | [TRAIN ACC]: {3:.1f}% | [VAL LOSS]: {4:.2f} | [VAL ACC]: {5:.1f}%\".format(\n", + " self.train_state['epoch_index'], self.train_state['learning_rate'], \n", + " self.train_state['train_loss'][-1], self.train_state['train_acc'][-1], \n", + " self.train_state['val_loss'][-1], self.train_state['val_acc'][-1]))\n", + "\n", + " # Save one model at least\n", + " if self.train_state['epoch_index'] == 0:\n", + " torch.save(self.model.state_dict(), self.train_state['model_filename'])\n", + " self.train_state['stop_early'] = False\n", + "\n", + " # Save model if performance improved\n", + " elif self.train_state['epoch_index'] >= 1:\n", + " loss_tm1, loss_t = self.train_state['val_loss'][-2:]\n", + "\n", + " # If loss worsened\n", + " if loss_t >= self.train_state['early_stopping_best_val']:\n", + " # Update step\n", + " self.train_state['early_stopping_step'] += 1\n", + "\n", + " # Loss decreased\n", + " else:\n", + " # Save the best model\n", + " if loss_t < self.train_state['early_stopping_best_val']:\n", + " torch.save(self.model.state_dict(), self.train_state['model_filename'])\n", + "\n", + " # Reset early stopping step\n", + " self.train_state['early_stopping_step'] = 0\n", + "\n", + " # Stop early ?\n", + " self.train_state['stop_early'] = self.train_state['early_stopping_step'] \\\n", + " >= self.train_state['early_stopping_criteria']\n", + " return self.train_state\n", + " \n", + " def compute_accuracy(self, y_pred, y_target):\n", + " _, y_pred_indices = y_pred.max(dim=1)\n", + " n_correct = torch.eq(y_pred_indices, y_target).sum().item()\n", + " return n_correct / len(y_pred_indices) * 100\n", + " \n", + " def pad_word_seq(self, seq, length):\n", + " vector = np.zeros(length, dtype=np.int64)\n", + " vector[:len(seq)] = seq\n", + " vector[len(seq):] = self.dataset.vectorizer.title_word_vocab.mask_index\n", + " return vector\n", + " \n", + " def pad_char_seq(self, seq, seq_length, word_length):\n", + " vector = np.zeros((seq_length, word_length), dtype=np.int64)\n", + " vector.fill(self.dataset.vectorizer.title_char_vocab.mask_index)\n", + " for i in range(len(seq)):\n", + " char_padding = np.zeros(word_length-len(seq[i]), dtype=np.int64)\n", + " vector[i] = np.concatenate((seq[i], char_padding), axis=None)\n", + " return vector\n", + " \n", + " def collate_fn(self, batch):\n", + " \n", + " # Make a deep copy\n", + " batch_copy = copy.deepcopy(batch)\n", + " processed_batch = {\"title_word_vector\": [], \"title_char_vector\": [], \n", + " \"title_length\": [], \"category\": []}\n", + " \n", + " # Max lengths\n", + " get_seq_length = lambda sample: len(sample[\"title_word_vector\"])\n", + " get_word_length = lambda sample: len(sample[\"title_char_vector\"][0])\n", + " max_seq_length = max(map(get_seq_length, batch))\n", + " max_word_length = max(map(get_word_length, batch))\n", + "\n", + "\n", + " # Pad\n", + " for i, sample in enumerate(batch_copy):\n", + " padded_word_seq = self.pad_word_seq(\n", + " sample[\"title_word_vector\"], max_seq_length)\n", + " padded_char_seq = self.pad_char_seq(\n", + " sample[\"title_char_vector\"], max_seq_length, max_word_length)\n", + " processed_batch[\"title_word_vector\"].append(padded_word_seq)\n", + " processed_batch[\"title_char_vector\"].append(padded_char_seq)\n", + " processed_batch[\"title_length\"].append(sample[\"title_length\"])\n", + " processed_batch[\"category\"].append(sample[\"category\"])\n", + " \n", + " # Convert to appropriate tensor types\n", + " processed_batch[\"title_word_vector\"] = torch.LongTensor(\n", + " processed_batch[\"title_word_vector\"])\n", + " processed_batch[\"title_char_vector\"] = torch.LongTensor(\n", + " processed_batch[\"title_char_vector\"])\n", + " processed_batch[\"title_length\"] = torch.LongTensor(\n", + " processed_batch[\"title_length\"])\n", + " processed_batch[\"category\"] = torch.LongTensor(\n", + " processed_batch[\"category\"])\n", + " \n", + " return processed_batch \n", + " \n", + " def run_train_loop(self):\n", + " for epoch_index in range(self.num_epochs):\n", + " self.train_state['epoch_index'] = epoch_index\n", + " \n", + " # Iterate over train dataset\n", + "\n", + " # initialize batch generator, set loss and acc to 0, set train mode on\n", + " self.dataset.set_split('train')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, collate_fn=self.collate_fn, \n", + " shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.0\n", + " running_acc = 0.0\n", + " self.model.train()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + " # zero the gradients\n", + " self.optimizer.zero_grad()\n", + " \n", + " # compute the output\n", + " _, y_pred = self.model(x_word=batch_dict['title_word_vector'],\n", + " x_char=batch_dict['title_char_vector'],\n", + " x_lengths=batch_dict['title_length'],\n", + " device=self.device)\n", + " \n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['category'])\n", + " loss_t = loss.item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute gradients using loss\n", + " loss.backward()\n", + "\n", + " # use optimizer to take a gradient step\n", + " self.optimizer.step()\n", + " \n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['category'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['train_loss'].append(running_loss)\n", + " self.train_state['train_acc'].append(running_acc)\n", + "\n", + " # Iterate over val dataset\n", + "\n", + " # initialize batch generator, set loss and acc to 0, set eval mode on\n", + " self.dataset.set_split('val')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, collate_fn=self.collate_fn, \n", + " shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.\n", + " running_acc = 0.\n", + " self.model.eval()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + "\n", + " # compute the output\n", + " _, y_pred = self.model(x_word=batch_dict['title_word_vector'],\n", + " x_char=batch_dict['title_char_vector'],\n", + " x_lengths=batch_dict['title_length'],\n", + " device=self.device)\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['category'])\n", + " loss_t = loss.to(\"cpu\").item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['category'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['val_loss'].append(running_loss)\n", + " self.train_state['val_acc'].append(running_acc)\n", + "\n", + " self.train_state = self.update_train_state()\n", + " self.scheduler.step(self.train_state['val_loss'][-1])\n", + " if self.train_state['stop_early']:\n", + " break\n", + " \n", + " def run_test_loop(self):\n", + " # initialize batch generator, set loss and acc to 0, set eval mode on\n", + " self.dataset.set_split('test')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, collate_fn=self.collate_fn, \n", + " shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.0\n", + " running_acc = 0.0\n", + " self.model.eval()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + " # compute the output\n", + " _, y_pred = self.model(x_word=batch_dict['title_word_vector'],\n", + " x_char=batch_dict['title_char_vector'],\n", + " x_lengths=batch_dict['title_length'],\n", + " device=self.device)\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['category'])\n", + " loss_t = loss.item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['category'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['test_loss'] = running_loss\n", + " self.train_state['test_acc'] = running_acc\n", + " \n", + " def plot_performance(self):\n", + " # Figure size\n", + " plt.figure(figsize=(15,5))\n", + "\n", + " # Plot Loss\n", + " plt.subplot(1, 2, 1)\n", + " plt.title(\"Loss\")\n", + " plt.plot(trainer.train_state[\"train_loss\"], label=\"train\")\n", + " plt.plot(trainer.train_state[\"val_loss\"], label=\"val\")\n", + " plt.legend(loc='upper right')\n", + "\n", + " # Plot Accuracy\n", + " plt.subplot(1, 2, 2)\n", + " plt.title(\"Accuracy\")\n", + " plt.plot(trainer.train_state[\"train_acc\"], label=\"train\")\n", + " plt.plot(trainer.train_state[\"val_acc\"], label=\"val\")\n", + " plt.legend(loc='lower right')\n", + "\n", + " # Save figure\n", + " plt.savefig(os.path.join(self.save_dir, \"performance.png\"))\n", + "\n", + " # Show plots\n", + " plt.show()\n", + " \n", + " def save_train_state(self):\n", + " with open(os.path.join(self.save_dir, \"train_state.json\"), \"w\") as fp:\n", + " json.dump(self.train_state, fp)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "ICkiOaGtFlk-", + "colab_type": "code", + "outputId": "18174034-ce3e-444a-a968-aba51eb03b3e", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 306 + } + }, + "cell_type": "code", + "source": [ + "# Initialization\n", + "dataset = NewsDataset.load_dataset_and_make_vectorizer(args.split_data_file,\n", + " args.cutoff)\n", + "dataset.save_vectorizer(args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "model = NewsModel(embedding_dim=args.embedding_dim, \n", + " num_word_embeddings=len(vectorizer.title_word_vocab), \n", + " num_char_embeddings=len(vectorizer.title_char_vocab),\n", + " kernels=args.kernels,\n", + " num_input_channels=args.embedding_dim,\n", + " num_output_channels=args.num_filters,\n", + " rnn_hidden_dim=args.rnn_hidden_dim,\n", + " hidden_dim=args.hidden_dim,\n", + " output_dim=len(vectorizer.category_vocab),\n", + " num_layers=args.num_layers,\n", + " bidirectional=args.bidirectional,\n", + " dropout_p=args.dropout_p, \n", + " word_padding_idx=vectorizer.title_word_vocab.mask_index,\n", + " char_padding_idx=vectorizer.title_char_vocab.mask_index)\n", + "print (model.named_modules)" + ], + "execution_count": 149, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "tuaRZ4DiFlh1", + "colab_type": "code", + "outputId": "6496aa05-de58-4913-a56a-9885bd60d9ad", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Train\n", + "trainer = Trainer(dataset=dataset, model=model, \n", + " model_state_file=args.model_state_file, \n", + " save_dir=args.save_dir, device=args.device,\n", + " shuffle=args.shuffle, num_epochs=args.num_epochs, \n", + " batch_size=args.batch_size, learning_rate=args.learning_rate, \n", + " early_stopping_criteria=args.early_stopping_criteria)\n", + "trainer.run_train_loop()" + ], + "execution_count": 150, + "outputs": [ + { + "output_type": "stream", + "text": [ + "[EPOCH]: 00 | [LR]: 0.001 | [TRAIN LOSS]: 0.78 | [TRAIN ACC]: 68.6% | [VAL LOSS]: 0.58 | [VAL ACC]: 78.5%\n", + "[EPOCH]: 01 | [LR]: 0.001 | [TRAIN LOSS]: 0.50 | [TRAIN ACC]: 82.0% | [VAL LOSS]: 0.48 | [VAL ACC]: 83.2%\n", + "[EPOCH]: 02 | [LR]: 0.001 | [TRAIN LOSS]: 0.43 | [TRAIN ACC]: 84.6% | [VAL LOSS]: 0.47 | [VAL ACC]: 83.1%\n", + "[EPOCH]: 03 | [LR]: 0.001 | [TRAIN LOSS]: 0.39 | [TRAIN ACC]: 86.2% | [VAL LOSS]: 0.46 | [VAL ACC]: 83.7%\n", + "[EPOCH]: 04 | [LR]: 0.001 | [TRAIN LOSS]: 0.35 | [TRAIN ACC]: 87.4% | [VAL LOSS]: 0.44 | [VAL ACC]: 84.2%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "mzRJIz88Flfe", + "colab_type": "code", + "outputId": "dece6240-57ab-4abc-f9cc-ecd11dabcdc6", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Plot performance\n", + "trainer.plot_performance()" + ], + "execution_count": 151, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA2gAAAE+CAYAAAD4XjP+AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xl8VPWh/vHPzGSfyb6RhARCgIQd\nZF8DKLK6o0ILotjbq7W3t73WH170Sut1673iFW3r0npr9VqlYgARRYVKEET2TSCAYckG2ciekMxk\n5vdHQiCCLJLJySTP+/XylZmTc848CZjwzPec79fkcrlciIiIiIiIiOHMRgcQERERERGRBipoIiIi\nIiIibYQKmoiIiIiISBuhgiYiIiIiItJGqKCJiIiIiIi0ESpoIiIiIiIibYQKmsgPlJyczKlTp4yO\nISIi0ipmzZrFzTffbHQMkXZPBU1ERERELunw4cMEBgYSGxvLrl27jI4j0q6poIm0sNraWp544gkm\nT57M1KlTee6556ivrwfg//7v/5g6dSpTpkxh5syZHDly5JLbRURE2oLly5czZcoUZsyYwYoVK5q2\nr1ixgsmTJzN58mQeeeQR6urqvnf7li1bmDRpUtOx5z9/+eWXefzxx5k5cyZvvvkmTqeT3/72t0ye\nPJmJEyfyyCOPYLfbATh9+jQPPPAA119/PTfddBMbN25k/fr1zJgxo1nm22+/nbVr17r7WyPS4ryM\nDiDS3vz1r3/l1KlTrF69GofDwZw5c/joo4+4/vrrWbJkCV988QU2m41PPvmE9evXExMTc9HtPXr0\nMPpLERERob6+ns8//5yHHnoIi8XC4sWLqauro6CggN/97nesWLGCqKgo/uVf/oW33nqLKVOmXHR7\nv379Lvk66enprFy5krCwMD799FO2b9/ORx99hNPp5LbbbuPjjz/mlltuYfHixSQlJfHqq69y4MAB\n7rvvPr788ksKCwvJyMggJSWFvLw8srKyGDduXCt9l0RajgqaSAtbv3498+fPx8vLCy8vL2666SY2\nbdrEtGnTMJlMLFu2jBkzZjB16lQA7Hb7RbeLiIi0BRs3bqRfv37YbDYAhg0bxhdffEFpaSmDBg0i\nOjoagMWLF2OxWPjggw8uun3Hjh2XfJ0BAwYQFhYGwOTJk5kwYQLe3t4A9OvXj+zsbKChyP3pT38C\noHfv3qxbtw4fHx8mT57M6tWrSUlJYe3atVx//fX4+Pi0/DdExM10iaNICzt9+jTBwcFNz4ODgyku\nLsbb25s333yTnTt3MnnyZH70ox9x6NCh790uIiLSFqSlpbF+/XqGDBnCkCFD+Oyzz1i+fDklJSUE\nBQU17efr64uXl9f3br+c8393nj59mgULFjB58mSmTJnCunXrcLlcAJSWlhIYGNi079niOH36dFav\nXg3A2rVrmTZt2rV94SIGUUETaWERERGUlpY2PS8tLSUiIgJoeKfvpZdeYvPmzYwZM4ZFixZdcruI\niIiRysrK2Lp1K1u2bGH79u1s376dbdu2sW/fPsxmMyUlJU37VlZWUlRURGho6EW3WyyWpnuyAcrL\ny7/3df/nf/4HLy8vVq1axZo1a0hNTW36XEhISLPz5+TkYLfbGTp0KA6Hgy+++IIjR44watSolvo2\niLQqFTSRFjZ+/HiWLVtGfX091dXVrFy5ktTUVA4dOsQvfvEL6urq8PHxoW/fvphMpu/dLiIiYrTV\nq1czYsSIZpcKenl5MWbMGOrq6ti5cyc5OTm4XC4WLVrEsmXLSE1Nvej2yMhICgsLKS4upr6+nlWr\nVn3v6xYXF9OzZ098fHzIyMhg165dVFdXAzBx4kSWL18OwLfffsvtt99OfX09ZrOZadOm8Z//+Z9M\nnDix6fJIEU+je9BErsHcuXOxWCxNz5966inmzp1LdnY206dPx2QyMWXKlKb7yjp37syMGTPw9vbG\narXyxBNP0LNnz4tuFxERMdqKFSuYN2/eBdsnTZrEH//4R5588knmzZuHxWKhX79+3Hffffj6+n7v\n9jvuuINbb72V2NhYbrnlFg4ePHjR150/fz4LFiwgLS2NIUOGsGDBAh577DH69+/PI488woIFC5g4\ncSJWq5Xnn38ePz8/oOEyx7/85S+6vFE8msl19oJeEREREREPVlRUxG233cb69eubvYEq4kl0iaOI\niIiItAsvvfQSs2fPVjkTj3ZFBe2ZZ57h7rvvZtasWezdu7fZ59555x3uvvtuZs+ezdNPP+2WkCIi\nIiIi36eoqIjrr7+eoqIi5s+fb3QckWty2XvQtm7dyokTJ1i6dCmZmZksXLiQpUuXAg2z8rzxxht8\n9tlneHl5MX/+fHbv3s3AgQPdHlxEREREBBpmUF63bp3RMURaxGVH0DZv3swNN9wAQFJSEmVlZVRW\nVgLg7e2Nt7c31dXVOBwOampqmq1hISIiIiIiIlfusgXt7HoWZ4WFhVFYWAg0LDz40EMPccMNNzBh\nwgQGDBhAYmKi+9KKiIiIiIi0Y1c9zf75kz5WVlby2muvsWbNGmw2G/PmzSMjI4OUlJTvPd7hqMfL\nSzduioiIfFdhYcU1nyM0NICSkuoWSON+npQVPCuvsrqHsrqPJ+VtiayRkYHf+7nLFrSoqCiKioqa\nnhcUFBAZGQlAZmYm8fHxhIWFATBkyBC++eabSxa0lvjGR0YGtsgvsdbiSXmV1T08KSt4Vl5ldY+W\nynqpX0DiHp70JqgnZQXPyqus7qGs7uNJed2d9bKXOI4ePZpPP/0UgP379xMVFYXNZgMgLi6OzMxM\nzpw5A8A333xD165d3ZdWRERERESkHbvsCNp1111Hnz59mDVrFiaTiUWLFpGWlkZgYCCTJk3i/vvv\n55577sFisTBo0CCGDBnSGrlFRERERETanSu6B+3Xv/51s+fnX8I4a9YsZs2a1bKpREREREREOqAr\nWqhaRERERERE3E8FTUREREREpI1QQRMREREREWkjrnodNBERkY6mqqqKBQsWUFZWht1u56GHHuL1\n119v+nxBQQG33XYbDzzwQNO2l19+mVWrVhEdHQ3AzTffzJ133tnq2UVExLOooImIdCDr169j/Pjr\nL7vf008/zYwZdxAbG9cKqdq+5cuXk5iYyMMPP0x+fj7z5s1jzZo1TZ//yU9+wi233HLBcffccw9z\n5sxpzagiIuLhdImjiEgHcfJkHmvXfnpF+z722GMqZ+cJDQ2ltLQUgPLyckJDQ5s+99VXX9G1a1di\nYmKMiiciIu2Ix42g1dbV8+GXmQzqFoafj8fFFxExzAsv/I6DB/czduxQbrxxKidP5vHii3/k2Wef\npLCwgJqaGubP/ymjR49l7ty5/Pzn/8YXX6yjqqqSrKwT5Obm8ItfPMzIkaON/lJa3fTp00lLS2PS\npEmUl5fz2muvNX3urbfeYuHChRc9bs2aNaxbtw4fHx8ef/xx4uPjWyuyiIi0oLKqOrILKsgpqGJ4\n/1hC/d3XQzyu4RzKLuFPK77hhsGd+dGknkbHERHxGLNnzyUt7e8kJiaRlXWcP/7xz5SUnGbYsBFM\nnTqD3Nwc/uM/HmX06LHNjisoyOf551/i66+/YuXKDzpkQVu5ciWxsbG88cYbZGRksHDhQtLS0sjP\nz6e6upqEhIQLjklNTWXEiBEMHTqU1atX89RTTzUrdhcTGhqAl5flmvNGRgZe8zlaiydlBc/Kq6zu\noazu0xby1jtd5BVWciyvjGN55RzNK+NYbhklFbVN++QUV/Hv84a5LYPHFbTeXcOIDgvgi125TBoa\nT2SIv9GRRESu2t//8S3bMgpa9JxDU6K4a2L3K9q3V68+AAQGBnHw4H4+/DANk8lMeXnZBfv27z8Q\ngKioKCorK1susAfZuXMnY8aMASAlJYWCggLq6+tJT09nxIgRFz2mf//+TY8nTpzI888/f9nXKSmp\nvuaskZGBFBZWXPN5WoMnZQXPyqus7qGs7mNE3jN1DnIKq8jOryCroJKs/EpyCyupczib7Rce5MvA\n7hEkRNuIj7IxbkjCNWe9VBn1uILmZTEzZ0oKi/+2kxVfHuWfbupjdCQREY/j7e0NwOefr6G8vJw/\n/OHPlJeX85OfzL1gX4vl3IiOy+VqtYxtSZcuXdizZw+TJ08mNzcXq9WKxWJh3759TJgw4aLHPPXU\nU0yZMoUhQ4awdetWevTo0cqpRUQEGn53lVbWkZVfQXZBJVkFlWTnV1BQUsP5v9UsZhNxEVbio2zE\nRweSEGWjc5QNm793s/MF+HlTVXHGbXk9rqABjBvUmb+vPczX+/OZMrwL8VE2oyOJiFyVuyZ2v+LR\nrpZiNpupr69vtq20tJSYmFjMZjPp6f/Abre3aiZPcffdd7Nw4ULmzJmDw+HgN7/5DQCFhYWEh4c3\n7VdYWMjLL7/Mk08+yZ133smiRYvw8vLCZDLx1FNPGZReRKTjcNQ7OXW6muz8SrIKGgtZfiWVNc1/\nv1n9vEhOCCEhOrChkEXZiI2w4mUxfg5FjyxoZrOJmeOT+J+/7+GD9Ex+eecAoyOJiLR5XbokcuhQ\nBjExsYSEhAAwfvxEHn303zhw4BumT7+ZqKgo/vKXPxmctO2xWq0sWbLkgu2vvvpqs+eRkZE8+eST\nACQnJ/Pee++1Sj4RkY6o+oyD7ILzR8UqyS2qxFHf/GqPqBB/kuNDiI+2kRAVSEK0jdBAX0wmk0HJ\nL80jCxpA38QwUhJC2JtZzKGsEpITQi9/kIhIBxYaGkpa2upm22JiYvnrX8+ViBtvnAqcuxegW7dz\no3zdunXn979/HRERkdbkcrkoLj/TOCpW2TgqVkFRWfPLDL0sZjpH2hrvFTs3Mubv61mVx7PSnsdk\nMnHH+CSefmsH76/P5LG5g9tsCxYRERERkcuzO5zkFVU1jopVkJ3fUMiqax3N9gsM8KZP19Cme8Xi\no2x0Cg/AYjb+EsVr5bEFDSApNpjBPSPZcbiQnYeLGJwcaXQkERERERG5ApU19qYZFAvLazl8ooST\nxVXUO89domgCosMC6NstrHFErOESxWCrT7sdnPHoggZwe2o3dh4pJG1DJgN7hLeL1iwiIiIi0l44\nXS4KS2vOXaLYWMrOX1sMwMfbTNdOgc1GxTpH2vD1ufb1IT2Jxxe0mHArY/vHsmFPHpv2nWLcgFij\nI4mIiIiIdEh19npyi6qaT2lfUEltXfNZhENsPvRPCm+6T2xgr054OZ2Yze1zVOxqeHxBA7hlTCKb\n959i5cZjjOgdjY93x2rZIiIiIiKtrayqrmEWxcaRsaz8Ck6drub8JTPNJhMx4QFNMyieLWRBVp9m\n54qMtHnUwtru1C4KWmigLzcM6cwnX2exbmcOU4d3MTqSiIiIiEi74HS6yC+pJqtxwo6zk3eUVdU1\n28/Px0KPuOCGGRSjG2ZTjIuw4u2lwZOr0S4KGsC0EV1I35XHx5tPMG5ALFY/78sfJCIiF5g58yY+\n/nj15XcUEZF250ydg5zCqqb7xLLyK8ktrKTO4Wy2X3iQLwO7RzROaW8jPjqQiGA/zO104o7W1G4K\nmtXPm+kju/D++kw+/voEd47vfvmDREREREQ6IJfLRWllXfN7xfIrKCip4fxlni1mE7ER1oZJOxon\n7+gcZcPmr8EQd2k3BQ3g+sGdWbsjh7Xbc7hhcDyhgb5GRxIRaTPmz/8xzzyzmE6dOnHq1En+/d8f\nJjIyipqaGs6cOcOvfvUIvXv3NTqmiIi0MEe9k1OnqxvvFatoulSxssbebD+rnxfJCSEkRJ+7Vyw2\nwoqXRbOkt6Z2VdB8vC3cMiaRNz/JYOXGY9w7NcXoSCIibca4cRPYtGkDd9xxF19+mc64cRNISurB\nuHHj2bFjG++881eefvq/jY4pIiLXwOl0kV1QydcZhRw4WkR2fiW5RZU46l3N9osM8SM5PqTZ5B1h\nQb7tdm0xT9KuChrA6H6d+HRrFhv3nmTysHhiwq1GRxIRuUDatx+xq2Bfi55zUFQ/bu8+43s/P27c\nBH7/+xe544672LgxnZ///Fe8997bvPvu29jtdvz8/Fo0j4iIuJ/T6SKroIKME6UcyirhcE4ZNbWO\nps97Wcx0jmwYDTt/ZMzft93VgHaj3f3JWMxmbh+XxB+W7yNtw1Eeuq2f0ZFERNqEbt2SKC4uJD//\nFBUVFXz55XoiIqL4j//4TzIyDvD7379odEQREbmMeqeTrPxKDmWVkpFVwpGcUmpqz60xFhXiz5Dk\nSIb06URYgDedwgOwmHWJoidpdwUN4LqeESTFBrHjUCGZeWUkxQYbHUlEpJnbu8+45GiXu4wcOYbX\nX/8jY8emUlpaQlJSDwDS07/A4XBc5mgREWlt9U4nJ05VciirhEPZpRzOLuXMeYs+R4f6MzQlhOSE\nUJLjQwgLargaIjIyUOuKeah2WdBMJhMzxyfxu7/t4oP1mTwye5CupxURAVJTJ/DAA/N58813OXOm\nhqeeWsQXX6zljjvuYu3az1i9+kOjI4qIdGiOeicnTlVwKPvsCFkZtecXsrAAhieEkBzfUMo0KV77\n0y4LGkByQij9uoWz72gx3xw7Tb9u4UZHEhExXK9efUhP39L0/J13ljU9HjMmFYDp02/GarVSXa13\nXkVE3M1R7+T4qYqGEbKs0oZCZj9XyGLCA5rKWHJCCCE2FbL2rt0WNIA7UrvxzdFilq3PpE9imBbO\nExERERFDOeqdHDtZzqGshkk9juSWUWc/twh0THgAKY1lLDk+hGAVsg6nXRe0hOhARvSJZvP+fLYe\nyGdEn05GRxIRERGRDsTuOFvIGu4h+zanjDrHuUIWF2GlZ0IIKQmh9IwPIdjqY2BaaQvadUEDuHVs\nN7YeLGD5l0cZkhKlhfZERERExG3sDidH88o4lF3KoaxSMnO/U8giraTEN4yQ9YwPIUiFTL6j3Re0\nyBB/JgyKY+2OHNJ353H94M5GRxIRERGRdsLuqOdoXjkZjZcsZuaVYz+vkHWOtJKcEEpKYyELDFAh\nk0tr9wUNYMaorny57yQfbjrGqL6dtDCfiIiIiPwgdkc9mbnlZDRO6pGZV46j/lwhi4+yNU3q0TM+\nWIVMrlqHaCpBVh+mDEtg5cZjfLYtm1vGJBodSUREREQ8QJ29nszchksWM09WcOjEaRz1LgBMNBay\nxhGyHvEh2Py9jQ0sHq9DFDSAG4fG84+dOazZmsWEQXG63ldERERELlDbWMjOXrJ47GT5uUJmgoSo\nwIYZFhsvWbT6qZBJy+owBc3f14ubRyfyzueH+eir4/xoUk+jI4mIiIiIwWrr6vk2t4xD2SVkZJVy\nLK+ceud5hSw6kJSEhksWRw7sTE3lGYMTS3vXYQoaQOrAWD7blsUXu3KZNDSeyBB/oyOJiIgHqKqq\nYsGCBZSVlWG323nooYd4/fXXqa6uJiAgAIAFCxbQt2/fpmPsdjuPPvooeXl5WCwWnn32WeLj4436\nEkSk0Zk6R0MhyyolI6uE4ycrmhWyrp0CSW6cZbFH5xAC/M79c9nm762CJm7XoQqal8XMbWO78fqq\nA6z48ij/dFMfoyOJiIgHWL58OYmJiTz88MPk5+czb948IiMjefbZZ+nZ8+JXZHz00UcEBQWxePFi\nNm7cyOLFi3nxxRdbObmI1NSeK2SHsko4fupcITObTHTpdHaErKGQaTI5MVqH+xs4rHc0a7Zk8fX+\nfCYPSyAhOtDoSCIi0saFhoZy6NAhAMrLywkNDb3sMZs3b+bWW28FYNSoUSxcuNCtGUWkQU2tgyM5\nZU0LQx8/WYHTda6QJcYENi0M3T0uWIVM2pwO9zfSbDJxx/gk/ufve/gg/Si/umuA0ZFERKSNmz59\nOmlpaUyaNIny8nJee+01Fi9ezEsvvURJSQlJSUksXLgQPz+/pmOKiooICwsDwGw2YzKZqKurw8fn\n+yepCg0NwMvLcs15IyM9581HT8oKnpW3o2StqrFz4Fgx32QWsy+ziMzcMpyNI2QWs4meCSH06x5B\n324R9EoMu+ZC1lG+r0bwpLzuzNrhChpA38QwUhJC2He0mENZJSQnXP6dUBER6bhWrlxJbGwsb7zx\nBhkZGSxcuJAHH3yQ5ORkEhISWLRoEe+88w7333//957D1fgO/qWUlFRfc9bIyEAKCyuu+TytwZOy\ngmflbc9Zq8/YOXx2hCyrlBP5FZz938tiNtEtJojk80bIfH3OvelRWV5DZStmNZInZQXPytsSWS9V\n8DpkQTM1jqI9/dYO3l+fyWNzB2MymYyOJSIibdTOnTsZM2YMACkpKRQUFDBx4kQsloZ/+E2cOJGP\nP/642TFRUVEUFhaSkpKC3W7H5XJdcvRMRC6u+oydw9llTQtDZxU0L2Td44JJTmiY1KN7bPNCJuKJ\nOmRBA0iKDWZwciQ7DhWy83ARg5MjjY4kIiJtVJcuXdizZw+TJ08mNzeXgIAA7r//fl566SWCgoLY\nsmULPXr0aHbM6NGjWbNmDWPHjuWLL75g+PDhBqUX8SyVNXaOZJc2rEOWXUJ2fiVnx5+9LCZ6NBay\nlIQQusUF4+utQibtS4ctaAC3j+vGrsNFpG3IZGCPcCxms9GRRESkDbr77rtZuHAhc+bMweFw8Nvf\n/paSkhLuvfde/P39iY6O5l/+5V8AePDBB3nllVeYNm0aX331FbNnz8bHx4fnnnvO4K9CpG0qr6pj\n5+HCphGynILzC5mZnvEhjQtDh5IUG4SPCpm0cx26oMWEWxnTP4YNe/LYtO8U4wbEGh1JRETaIKvV\nypIlSy7YPm3atAu2vfLKKwBNa5+JyIXO1DnYerCADXvyOJpX3rTdy2JuKmMpCSF0iw3CuwUmzhHx\nJB26oAHcMiaRzftPsXLjMUb0jta7MiIiIiJucvxUOem78/j6QD61dfWYTNAvKYKkmECSVchEABU0\nQgN9uWFIZz75Oot1O3KYOqKL0ZFERERE2o2aWgdfH8hnw+48TuQ3zHwXFuTLlGEJjO0fQ3JSpMfM\n3ifSGjp8QQOYNqIL6bvyWL35BOMGxmL18zY6koiIiIjHcrlcHD1ZzobdeWw5mE+d3YnZZGJQjwhS\nB8bSNzEcs1kzaItcjAoaYPXzZvqoLrz/RSYff32CO8d3NzqSiIiIiMepPmNn8/580nfnkVPYsOJY\nRLAfYwfEMqZfDKGBvgYnFLk2TpfT7a9xRQXtmWeeYc+ePZhMJhYuXEj//v0ByM/P59e//nXTftnZ\n2Tz88MPcdNNN7knrRtdf15m123NYuz2HGwbH6weIiIiIyBVwuVx8m1vGht15bMsooM7hxGI2MTg5\nktSBsfTuGoZZ681KG+Vyuahx1FBhr6KirpLKukoq7JUNjxu3VdRVUmGvorKukip7NTd2H8fNCdPd\nlumyBW3r1q2cOHGCpUuXkpmZycKFC1m6dCkA0dHRvP322wA4HA7mzp3LxIkT3RbWnXy8LdwyJpE3\nP8lg5cZj3Ds1xehIIiIiIm1WZY2dzd+cIn1PHnlFVQBEhfgzbmAso/vFEGzVwuxijNr6uqZiVWmv\npKKu6nuLV6W9inpX/WXPafUKwOZjIzogiuSIJLfmv2xB27x5MzfccAMASUlJlJWVUVlZic1ma7bf\n8uXLmTx5Mlar1T1JW8Hofp34dGsWX+7NY/KweGLCPfdrEREREWlpLpeLw9mlpO/JY3tGIY76htGy\nYb2iSB0QS3KXUI2WSYtzOB3NR7POL1n2xlGvuqrGMlZJndN+2XP6WXyxeVtJCIzD5mMj0NtGoI8N\nm4+16XGgjw2btw2bdwAW87nZRSMjA906sc1lC1pRURF9+vRpeh4WFkZhYeEFBe3999/nf//3f1s+\nYSuymM3cPi6JPyzfR1r6UR66vZ/RkUREREQMV1Fdx6Z9p9iwJ49Tp6sBiA4LIHVALKP6dSIoQKNl\ncuWcLidV9urzRrgqcZU4OFlS3DjS1fxywxrHmcue08vsRaC3jU7WKGwXKVs2b2uz0uVjabuTAl71\nJCEul+uCbbt27aJbt24XlLaLCQ0NwKsF1reIjAy85nNczOQIG2t35rDjcCGnq+0kdwlrkfO6K687\nKKt7eFJW8Ky8yuoenpRVRFqe0+Xi0IkS0vfksfNwIY56F14WMyP6RJM6IJae8SGYNFomnL2P68wF\nlxA2u6ywrqrpcZW9GhcXdorzmTBh87ES6htCQmDzghXobWsY9fKxNpUxP4tvu/n7eNmCFhUVRVFR\nUdPzgoICIiMjm+2zfv16Ro4ceUUvWFJSfZURL+TuYcVbR3fldydK+POKfTwye9A1/2G7O29LUlb3\n8KSs4Fl5ldU9WiqrSp6I5ymrqmPTvpNs2JNHQUkNALERVsYNiGVU307Y/NvuyIO0nLqz93HZz15W\neO4SwvMfny1jV3IfV4CXP4GN93F9d4QrLiICV42l6XLDAG9/zCZzK3ylbc9lC9ro0aN5+eWXmTVr\nFvv37ycqKuqCkbJ9+/Yxbdo0t4VsbckJofRPCmdvZjHfHDtNv27hRkcSERERcRuny8WB46fZsDuP\nXUeKqHe68PYyM7pvJ8YNjKV7XHC7GZ3oqM7dx9V8woyL3891Zfdx+Vp8sHnbiA+MI7CxbDUULGvj\nCJet2SWG59/H9V2e9Camu122oF133XX06dOHWbNmYTKZWLRoEWlpaQQGBjJp0iQACgsLCQ9vXyXm\njtQk9mUWs2x9Jn0SNT2siIiItD+llbVs3NswWlZU1nCfT+dIK6kD4xjRJxqrn0bL2qq6ejuV9oZy\nVVlX1fDRXkVVXRUV9irsh2oprixtLGJV1DhqLntOL5OlcabCyIsWrPPv4Qr0seJj0b2H7nBF96Cd\nv9YZQEpK8ynoV61a1XKJ2oj4KBsj+kSzeX8+Ww7kM7JPJ6MjiYiIiFwzp9PFN8dOk747lz3fFuN0\nufDxNjOmfwypA2PpFhOk0bJW5nQ5qXGcobKukkp7dUPxOq90fbeEVdqrqKuvu+x5TZiweVsJ9Q0m\n3hbbeFnh2dJlbfa44T4uP/3ZtwFXPUlIR3Lr2G5sPVjA8g1HGZoShZelY14HKyIiIp7vdPkZNu49\nyZd78ygurwUgIdrWMFrWOxp/X/2zsKXYnY5mZevsqFaVvapxweNzj6vqqqhyVON0OS97Xm+zFzZv\nG9H+Edh8bFi9Awj0tmH1tmLmympyAAAgAElEQVTzsWLzbvzPx0rXTtHUlDs77H1cnkz/J15CZIg/\nEwbFsXZHDut35XLDkHijI4mIiIhcsXqnk32ZDaNle48W43KBr4+F1IGxpA6MpWunIKMjtnlnZyis\ntFdSUlRIdmHB945qnS1eZ+prr+jcAV7+2HysRAaEN663dWHROvvY6m3F1+JzxSNcQX6B1Fboni5P\npIJ2GTNGd2XjvpOs+uo4o/vF6N0lERERafMKTlezYsNRNu47SUlFQ1lIjAkkdWAcw3pF4efTcf89\nc3ayjLPrcJ0/kvV9xetKRrfO3r8V7h/WOKoV0DRhxsVGuKxeAZecNEM6ro77f+cVCgrwYcqwBFZs\nPMZn27K5ZUyi0ZFERERELuCod7Ln22I27Mnjm2MNo2X+vhYmXBdH6oBYEqLb37IXLpeLM/W15xWq\ni9+71VTC7FVXtOgxgL+XPzbvAML9wrD5BGDzthEZHIrF4Y3V29o4U+G50uXbjtbhEmOpoF2BG4fF\n84+dOazZmsWEQXEEWTVjjYiISEdRVHOaDblf4Z1l5swZO2aTGROmho8mE2ZMmJoeN340mb6zz7nt\nZx+bTObGY79zjqbzm5q/VuM2k8nc7PyllXXsOlzErsPFVNbYwWWiW2Iwg3pEMjApEj8fL0zUU1Zb\n3pSl4TwmTE2Pz2UxNX40Qr2znkp7NVVny5a9uvFerouMbDUWL8cVrL9lMVmweQcQ5hfaVK4uGNX6\nzvOLjW5pKnhpDSpoV8DPx4ubRifyzueHWfXVcX48qafRkURERMTNXC4XW0/t5O+HV1zxPUWG6g5+\njQ/zgLwSWL39h53qbEkzn18iv6csXlgczZcsqOe2N5zbZa6npLqcSnsV1VcwFTyAn8UPm3cAnQPj\nsHk3jG5d7N4tq7eVQB+rZicUj6KCdoVSB8by2bYs1u/KZdLQeKJC/I2OJCIiIm5Sba/m3UNp7CzY\ni6/Fhx+l3MGgLikUn67C5XLiwoWz6aMLl8vZ8LFxe7PPnd337H64cLlcjR+/s6/LhZOGfS+2vbK6\njuP55WQXVlBnrweTi9BAH+IiA4gM8cdkBpfLiY+fFzU1deedw9nsNZu/jus7+zgvyHKx3N/N6HTa\nL/J9ufg5XLiavtdmkxmrdwAhvsHE2WKwNa65dcGEGWfv3fK24m3WP2Gl/dLf7ivkZTFz29huvL7q\nACu+PMpPb+pjdCQRERFxg8Ml3/LXA0sprS2jW3AX5vWeRYR/OJEhgQTYW//yNrvDyc7DhaTvziUj\nqxTwx+oXx8R+MYwbEEtshPWCY9r6pXiu80phdFQwxUVVRkcSaTNU0K7CsN7RrNmSxZb9+UwZltAu\nb7YVERHpqOxOBx8d/ZR1WRswmUzMSLyRG7tMMGymvZPFVaTvzuOrb0413FsGpCSEMG5gLIN7RuLt\n5bkzAJrOu9RR63SJNKeCdhXMJhMzxyfxwt/38EH6UX511wCjI4mIiEgLOFWVz1/2v0tOZR4R/uHc\n23s2icEJrZ6jzl7PjkMNo2WHc8oACAzwZsrwBMYNiKVTWECrZxKR1qWCdpX6JIaRkhDCvqPFHMoq\nITkh1OhIIiIi8gO5XC425G5m+bcfYXc6GBUzlDt63Iyfl2+r5sgtrCR9dx6b95+i6owDgN5dQ0kd\nGMegHhF4WTTKJNJRqKBdJZPJxMzx3Xnqre28vz6Tx+YO1qxAIiLtXFVVFQsWLKCsrAy73c5DDz1E\nZGQkTz75JGazmaCgIBYvXoy//7kJpNLS0liyZAkJCQ2jMKNGjeLBBx806kuQiyivq+D/Dr7P/uIM\nrF4B3Nt7NgOj+rXa69fa69l2sIANe/L4NrdhtCzI6sP0kV0Y2z+GqFCNlol0RCpoP0C32CAGJ0ey\n41AhOw8XMjg5yuhIIiLiRsuXLycxMZGHH36Y/Px85s2bR0REBI8++ij9+/fnd7/7HWlpafz4xz9u\ndty0adNYsGCBQanlUvYVHeD/Dr5Ppb2KlNAezO19FyG+wa3y2ln5FWzYk8fm/fnU1DowAX27hZE6\nII4B3cM1WibSwamg/UC3j+vGrsNFfJB+lIE9IrCY9cNURKS9Cg0N5dChQwCUl5cTGhrKq6++is1m\nAyAsLIzS0lIjI8oVqq2vI+3IKjbmbcHL7MUdPW5ifOfRbp+o4kydg60HC0jfncexk+UAhNh8uGFw\nV8b2jyFCy/eISCMVtB8oJtzKmP4xbNiTx6Z9pxg3INboSCIi4ibTp08nLS2NSZMmUV5ezmuvvdZU\nzqqrq1m5ciVLliy54LitW7dy//3343A4WLBgAb17977k64SGBuDVAjPzRUZ6zizDrZn16OkTvLTt\nL+RV5BMfHMu/jphPQkjcVZ3javN+m1PKp1+fIH1nDjW1DswmGNo7msnDuzCkVzQWN46W6e+Beyir\n+3hSXndmVUG7BreMSeTr/adYufEYI3pH4+PtudPdiojI91u5ciWxsbG88cYbZGRksHDhQtLS0qiu\nrubBBx9k/vz5JCUlNTtmwIABhIWFMX78eHbt2sWCBQtYtWrVJV+npKT6mrO29fWvztdaWZ0uJ2tP\npLPq2Kc4XU4mxI/hlm5T8bZ7X9XrX2nemloHWw7kk747jxP5DfuHBfly49B4xvaPISzID4DTp923\n9pf+HriHsrqPJ+VtiayXKngqaNcgNNCXG4bE8/HXJ1i3I4epI7oYHUlERNxg586djBkzBoCUlBQK\nCgqoq6vjZz/7GTNmzOD222+/4JikpKSm0jZo0CBOnz5NfX09FovezGtNxTUlvHXwPb4tPUawTyBz\ne99Nr7CeLf46LpeLYycrSN+dy9aDBdTa6zGbTAzqEUHqwFj6JoZjNmtSMRG5PBW0azRtRALpu3NZ\nvfkE4wbGYvXzNjqSiIi0sC5durBnzx4mT55Mbm4uVquVN954g2HDhnHnnXde9Jg//elPxMTEMGPG\nDA4fPkxYWJjKWSvbdmoXSw8vp8ZxhoGRfZmdcgc2b2uLvkb1GTub9+ezYU8e2QWVAEQE+zFtQBfG\n9IshNLB1p+sXEc+ngnaNAvy8mTayC+9/kcnHm09w54TuRkcSEZEWdvfdd7Nw4ULmzJmDw+HgN7/5\nDY888gidO3dm8+bNAAwfPpyf//znPPjgg7zyyivcdNNNPPLII7z33ns4HA6efvppg7+KjqPaXsPS\nw8vZnr8bH4sPP065k5ExQ1psWRyXy0Vmbjnpe3LZdrCAOocTi9nE4ORIUgfG0rtrGGYtwSMiP5AK\nWgu4/rrOrN2ew9odOVw/uHPTteUiItI+WK3WCyYB2bhx40X3feWVVwDo1KkTb7/9ttuzSXNHSo7y\n1wPvUVJbStegBOb1nkVUQESLnLuiuo7Pt2ezYXceuUUN949FhfgzbmAso/vFEGz1aZHXEZGOTQWt\nBfh4W7hlTCJvfpLBh5uOce/UXkZHEhER6VAcTgerj33O5yfWAzC16w1M7Xo9FvO1X1ZafcbO39Ye\nYVtGAfbG0bJhvaJIHRBLcpdQjZaJSItSQWsho/t14tOtWXy59ySThyUQE96y17iLiIjIxeVXFfDm\ngXfJqsgl3C+Me/vMoltw1xY7/4ovj/HVN6eIi7Qyum8Mo/p1IihAo2Ui4h5aXbmFWMxm7khNwuWC\ntPSjRscRERFp91wuF1/mbubZbUvIqshleKfB/PuwX7ZoOSutrCV9Tx4RwX78/pGJTBmeoHImIm6l\nEbQWNKhHBElxQew4XEhmbhlJccFGRxIREWmXKuoqeSfjffYVHSTAy597et/NdVH9W/x11mzJwu5w\nMn1kF7zcuKi0iMhZ+knTgkwmEzNTG9a8WbY+E5fLZXAiERGR9md/cQZPb32BfUUH6RnanYXDfuWW\nclZWVcf6XbmEB/kyul9Mi59fRORiNILWwpITQumfFM7ezGL2HT1N/6RwoyOJiIi0C3X1dlZkriY9\n5yu8TBZu6z6difFjMZvc837zp1uyqHM4mTayq0bPRKTVqKC5wR2pSezLLOaD9Ez6dgszOo6IiIjH\ny67I4839f+NUdQGdrNHc13s2nQNj3fZ65dV1/GNXDqGBvozR6JmItCIVNDeIj7Ixok80m/fns+VA\nPjdHBRkdSURExCM5XU7WZW1g1dFPqXfVk9p5NLcmTcPH4u3W1/10axZ1did3ju+Ct5dGz0Sk9aig\nucltY7uxLaOA5RuOMnVMktFxREREPE7JmVLeOrCUw6WZBPrYmNvrLvqEp7j9dSuq6/jHjlyCbT6M\nG6DRMxFpXSpobhIR4s/4QXGs3Z7Dms3HGZESaXQkERERj7Ejfw/vHkqjxlFDv4je/DhlJoE+tlZ5\n7c+3Z1Nrr+f2cd3w9rr2ha5FRK6GCpobzRjVlY17T7J07SEGJIbi76tvt4iIyKXUOM7w/uGVbDm1\nAx+zN7OTb2d07HBMJlOrvH5ljZ2123MIsvqQOtB997iJiHwfXVTtRkEBPkwZlkBZZR2fbs0yOo6I\niEiblll6nGe3vsiWUztICOzMo8N+yZi4Ea1WzgDWbs/mTF09U4cn4OOt0TMRaX0a0nGzG4fFs353\nHp9uy2bidZ0JsvoYHUlERKRNqXfW88nxtaw5/g8AJneZyPTESVjMrVuQqs/Y+Xx7DoEB3owfGNeq\nry0icpZG0NzMz8eLuyf1pLaunlVfHTc6joiISJtSUF3E4p1/5JPj6wj1C+GX1z3AzUlTWr2cAazd\nnkNNrYMpwxPw9dHomYgYQwWtFUwe0ZXIED/W78qloLTG6DgiIiKGc7lc/OPoJp7d9iInyrMZGn0d\nC4f9ku4hiYbkqal18Nm2bGz+3kwYpNEzETGOClor8PYyc9u4btQ7Xaz48qjRcURERAxVaa/iT9+8\nzavb/g+Lycx9fX7EvX1m4e/lb1imtTtyqK51MHlYPH4+ugNERIyjn0CtZFivaNZsyeLr/flMGZZA\nQnSg0ZFERERa3cHiw7x9cClldRX0juzB7B4zCfMLNTRTTa2Dz7ZmYfXzYuJ1nQ3NIiKiEbRWYjaZ\nmJnasGD1svRMg9OIiIi0Lnu9nWWHP+T3e/5Mhb2KW5Km8sT4XxpezgC+2JVL1RkHNw6N15I4ImI4\n/RRqRX0Sw0hJCOGbo6fJOFFCShfjfymJiIi4W27lSd7c/y55VaeIDojk3t6zSQjqjNls/PvEZ+oc\nrNmSRYCvF9cPjjc6joiIRtBak8lkYub47gC8vz4Tl8tlcCIRERH3cbqc/CNrA/+17SXyqk4xNm4k\njw79VxKC2s5lhOt35VFZY2fS0HgC/PS+tYgYTz+JWlm32CCGJEey/VAhOw8XMjg5yuhIIiIiLa60\ntoy3D/ydjJIj2LytzOl1J/0iehsdq5laez1rtpzA39fCDUPaTmkUkY5NBc0At6cmsfNwER+kH2Vg\njwgsbeASDxERkZayu2Aff8v4gCpHNX3CU5jT606CfNre5Fjpu3Ipr7Zz06iuWP28jY4jIgKooBmi\nU1gAYwfEkL47j037TjFuQKzRkURERK7ZGUcty458yOaT2/A2e3F3z1sZGzcSk8lkdLQL1Nnr+WRL\nFn4+FiYN1b1nItJ2qKAZ5ObRiWz+5hQrvjzK8N7R+HpbjI4kIiLfo6qqigULFlBWVobdbuehhx4i\nMjKS3/zmNwAkJyfz29/+ttkxdrudRx99lLy8PCwWC88++yzx8e23CBwry+LNA+9SVFNMvC2We/vM\nppM12uhY3yt9Tx5lVXVMH9kFm79Gz0Sk7dC1dQYJDfTlhiHxlFbWsW5HjtFxRETkEpYvX05iYiJv\nv/02S5Ys4emnn+bpp59m4cKFvPfee1RWVpKent7smI8++oigoCDeffddHnjgARYvXmxQeveqd9bz\n8bHPeWHnHymuOc2khPH8esjP23Q5szvq+eTrE/h6W7hRo2ci0saooBlo2ogErH5efLz5BFVn7EbH\nERGR7xEaGkppaSkA5eXlhISEkJubS//+/QGYMGECmzdvbnbM5s2bmTRpEgCjRo1i586drRu6FRTV\nFPPirldZfexzgnwC+cWgn3Jr92l4mdv2BTob9pyktLKOidfFERjgY3QcEZFmVNAMFODnzbSRXaiu\ndfDx5hNGxxERke8xffp08vLymDRpEnPmzOH//b//R1BQUNPnw8PDKSwsbHZMUVERYWFhAJjNZkwm\nE3V1da2a211cLhdfn9zOs1tf5GjZCQZHDeCxYb+iZ2iS0dEuy+5w8vHXJ/DxNjN5WILRcURELtC2\n3+LqAK6/rjNrt+ewdkcO1w/uTFiQn9GRRETkO1auXElsbCxvvPEGGRkZPPTQQwQGnpuV8ErWtbyS\nfUJDA/DyuvZ7kiMj3TdjYmVtFa9v/xtf5+zE38uPnw+/l7Fdhv3giUDcmfViPtl8nJKKWm5NTSKp\na/hVH9/aea+FsrqHsrqPJ+V1Z1YVNIP5eFu4dUwif/kkgw83HePeqb2MjiQiIt+xc+dOxowZA0BK\nSgq1tbU4HI6mz+fn5xMV1Xxdy6ioKAoLC0lJScFut+NyufDxufTldCUl1decNTIykMLCims+z8Uc\nOv0tbx1cSmltGUnBXZnXexbh/mEUFVX+oPO5M+vFOOqdLP0sA28vM6n9Ol31a7d23muhrO6hrO7j\nSXlbIuulCt4VXeL4zDPPcPfddzNr1iz27t3b7HMnT55k9uzZzJw5kyeeeOKagnZUo/p1IiY8gC/3\nniSvqMroOCIi8h1dunRhz549AOTm5mK1WklKSmL79u0AfPbZZ4wdO7bZMaNHj2bNmjUAfPHFFwwf\nPrx1Q7cgu9NB2pGPeGn365TXVXBTt8n88roHCPcPMzraVfnqm1MUl9cyfmAcwTZfo+OIiFzUZQva\n1q1bOXHiBEuXLm2atep8zz33HPPnz2fZsmVYLBby8vLcFra9spjN3JGahMsFaRuOGh1HRES+4+67\n7yY3N5c5c+bw8MMP85vf/IaFCxfywgsvMGvWLBISEhg1ahQADz74IADTpk3D6XQye/Zs3nnnHR5+\n+GEjv4QfLK/yFP+9/WXWZW8gyj+CXw9+iCldr8ds8qzb2B31Tj766jheFjNThuveMxFpuy57iePm\nzZu54YYbAEhKSqKsrIzKykpsNhtOp5MdO3bwwgsvALBo0SL3pm3HBvWIICkuiJ2HC8nMLSMpLtjo\nSCIi0shqtbJkyZILtv/tb3+7YNsrr7wC0LT2madyuVyk53zFiszV2J0ORscO4/buN+Hn5ZkjT5v3\nn6Ko7AzXD+5MaKBnfg0i0jFc9u2voqIiQkNDm56HhYU1zVR1+vRprFYrzz77LLNnz263a7y0BpPJ\nxMzUhtmvlq3PvKKbyUVERNyhrLaCP+75X94/shIfiw8/7XcPP0qZ6bHlrN7pZPVXJ/CymJiq0TMR\naeOuepKQ84uDy+UiPz+fe+65h7i4OH7605+yfv16xo8f/73He8IMVe5wJXkjIwNZtyuP7QfzySqu\nYUgvYxb59KTvrbK6jyflVVb38KSs0nL2Fu7nnYxlVNqr6BXWk7m97iLYN+jyB7ZhX+/Pp6C0hgmD\n4jRbsoi0eZctaFFRURQVFTU9LygoIDIyEmhYuDM2NpaEhIZ3o0aOHMmRI0cuWdDa+gxV7nA1eW8e\n2YUdB/N5Y+U3xIf7Y/6B0xb/UJ70vVVW9/GkvMrqHi2VVSXPc9TW1/HBkVVsytuCl9mLmT1uJrXz\nKI+71+y7nE4XH311HIvZxLQRXYyOIyJyWZf9qTt69Gg+/fRTAPbv309UVBQ2mw0ALy8v4uPjOX78\neNPnExMT3Ze2A+gcZWNEn07kFFayZX++0XFERKQDOFGezXPbXmRT3hbibDEsGPILJsSP8fhyBrDl\nYD75JTWM6R9DeLBGz0Sk7bvsCNp1111Hnz59mDVrFiaTiUWLFpGWlkZgYCCTJk1i4cKFPProo7hc\nLnr27MnEiRNbI3e7dtvYRLZl5LP8y6MMSYnC28vzf0GKiEjb43Q5+ezEelYf+wyny8nE+LHcnDQV\nb3P7WCb1/NGz6Ro9ExEPcUU/gX/96183e56SktL0uEuXLrz77rstm6qDiwjxZ/ygONZuz2H97lwm\nDYk3OpKIiLQzxTWn+euB98gsO06IbzBze91FSlgPo2O1qO2HCjhZXM3Y/jFEhPgbHUdE5Iq0j7fI\n2qEZo7qyce9JPvrqOGP6xeDvqz8qERFpGVtP7WTpoRWcqT/DoMh+zE65A6t3gNGxWpTT5WLVpuOY\nTSamj+pqdBwRkSuma+faqKAAH6YMT6Ci2s6nW7OMjiMiIu1Atb2Gv+z/G3898B4unMzpdRf3953T\n7soZwM5DheQWVTGybzRRGj0TEQ+iYZk27Mah8fxjZy6fbstmwnWdCbb6GB1JREQ81JGSTP56YCkl\ntaUkBiUwr/dsIgPCjY7lFk6Xiw83HcdkghkjuxodR0TkqmgErQ3z8/HiplFdqa2r56NNx42OIyIi\nHsjhdLAy8xOW7HqdsrpypiVO4lfXPdhuyxnArsNF5BRWMqJ3NNFh7W90UETaN42gtXGpA2P5bFtW\nw2Qhw+J1mYaIiFyxU1UFvHngXbIrconwC+PePrNJDG7fsxm6XC5WbTqGiYb7uUVEPI1G0No4L4uZ\n28Z1o97pYsWGo0bHERERD+ByudiQs5nnti0huyKXETFD+Pdhv2z35Qxg97dFZBVUMqx3NDHhVqPj\niIhcNY8raGW15fx5+7ucKM82OkqrGdYrmoRoG18fyCcrv8LoOCIi0oaVnSnn1b1vsvTwcrzNXvyk\n71zm9roLP6/2v0iz6+y9Z2j0TEQ8l8cVtOIzJXyWuYHnd/yBVUc/xeF0GB3J7cwmEzNTkwBYlp5p\ncBoREWmrDpd8y6/XPMU3xQdJDu3OY8P/jUFR/YyO1Wr2HS3mxKkKhqREEReh0TMR8UweV9C6BXfh\nP8b/K8E+Qaw5vo7fbXuJ7Ipco2O5XZ/EMHp1CeWbo6fJOFFidBwREWmDPjn+D6rsNdzRfQY/H/gT\nQnyDjY7UalwuFys3HgfgJo2eiYgH87iCBtAvOoXHhv8bo2OHk1d1iv/a/jKrj37WrkfTTCYTM8c3\njKK9vz4Tl8tlcCIREWlr5vf5ES9Pf5KJCeMwmzzyV/wPtv/YaY6dLGdwciSdo2xGxxER+cE89qe3\nv5cfP0q5g58P+AnBPkF8fHwt/7399+RU5BkdzW0SY4IYkhzJsZPl7DhUaHQcERFpYwJ9bIQHhBod\no9W5XC5WbjoGaPRMRDyfxxa0s3qF9+Sx4b9iVMxQcirz+K/tL/PJsbXUO+uNjuYWt6cmYTaZSNtw\nlHqn0+g4IiIihjtwooTM3HIG9YggITrQ6DgiItfE4wsagL+XPz/udSc/GzAfm7eVj459xn/v+D15\nlaeMjtbiOoUFMHZADKdOV7Nx70mj44iIiBjK5XLx4caG0bObRycanEZE5Nq1i4J2Vp/wFB4f/jAj\nOg0huyKX321bwqfH/9HuRtNuHp2Ij5eZlRuPUWtvX1+biIjI1cjIKuVIThkDksLp0kmjZyLi+dpV\nQQMI8PZnbu+7eKD/vVi9A/jw6BoW7/gjJ6vyjY7WYkIDfZk0NJ7SyjrW7cgxOo6IiIhhVjXee3bz\nGI2eiUj70O4K2ln9Inrz2PCHGRp9HScqsnlu2xI+P7Eep6t93Lc1dXgCVj8vPt58gsoau9FxRERE\nWt2hrBIyskrp1y2cxJggo+OIiLSIdlvQAKzeAdzbZxY/7TcPfy8/VmR+zAs7/kh+VYHR0a5ZgJ83\n00d2pbrWwcdfnzA6joiISKv7cNNxAG4e3dXQHCIiLaldF7SzBkT24fHhDzMkeiDHyrN4dtuLrM1K\n9/jRtOsHxxEa6Mu6HTmcLj9jdBwREZFWcySnlIMnSuiTGEZSXMdZkFtE2j8vowO0Fpu3lfv6/IiB\nkf1471Aay79dzZ7Cb5jb6y6iAiKNjveDeHtZuHVMIn/5JIOVG49x37ReRkcSEWmX3n//fT788MOm\n53v27GHAgAFNzwsKCrjtttt44IEHmra9/PLLrFq1iujoaABuvvlm7rzzztYL3c5p9ExE2qsOU9DO\nGhTVj+4hiSw9vIJdBXt5ZuuL3JI0ldTOozCbPG9AcVS/TqzZmsXGfSeZPCyB2Air0ZFERNqdO++8\ns6lcbd26lU8++YRFixY1ff4nP/kJt9xyywXH3XPPPcyZM6fVcnYUmbll7D92ml5dQunROcToOCIi\nLcrzGkkLCPSx8ZO+c5jf58f4WLxZduRDXtz5GoXVxUZHu2oWs5mZqUm4XJC24ajRcURE2r0//OEP\n/OxnP2t6/tVXX9G1a1diYmIMTNWxrPrqOKDRMxFpnzpkQTtrcPQAHh/+MAMi+5JZdoxntr7A+pxN\nHndv2sAeEXSPC2bn4UIyc8uMjiMi0m7t3buXmJgYIiPPXRr/1ltvcc8991x0/zVr1nDffffxz//8\nz2RnZ7dWzHbt2Mly9mYWkxwfQnJCqNFxRERaXIe7xPG7gnwC+ae+c9mRv5ulh1fw/uGV7C7Yx5xe\ndxHhH2Z0vCtiMpmYOT6J597ZyfvrM1nwo0GYTCajY4mItDvLli3jtttua3qen59PdXU1CQkJF+yb\nmprKiBEjGDp0KKtXr+app57itddeu+T5Q0MD8PKyXHPOyEjPWbD5arO++uEBAO6Z0duQr7M9f2+N\npKzu4UlZwbPyujNrhy9o0FBwhnQaRI/QJN49lMa+ogM8vfUFbkuazpi44R5xb1rP+BD6J4WzN7OY\nfUeL6Z8UYXQkEZF2Z8uWLTz++ONNz9PT0xkxYsRF9+3fv3/T44kTJ/L8889f9vwlJdXXnDEyMpDC\nwoprPk9ruNqsJ05VsPXAKXp0DqZTkG+rf53t+XtrJGV1D0/KCp6VtyWyXqrgtf3m0YqCfYP4537z\nmNd7FhaThaWHl/P73X+muKbE6GhXZGZqEiZg2fqjOF0uo+OIiLQr+fn5WK1WfHx8mrbt27ePlJSU\ni+7/1FNPsX37dqBhYuTMMioAACAASURBVJEePXq0Ss727MNNxwC4eUyirhQRkXZLBe07TCYTwzpd\nx+PD/42+4SkcKvmWZ7a+wKbcLbjaeOnpHGVjRJ9O5BRWsmV/vtFxRETalcLCQsLCwi7YFh4e3uz5\nE088ATTM/Pj8888zZ84c/vznP/PYY4+1at72Jiu/gl1HikiKC6J3F917JiLtly5x/B4hvsE80P8+\nvj61g2WHP+Rvh/5/e3ceH2V57338M2vWycpkIRtJgATCvi+yKoiKrUux+qBtT+05PS7H02p7tFTr\nOX1Eaw/42FqXVp/29HB83JAqLojVAhUICaAsYV9C9n3f13n+SBgIQsKSycyQ7/v14sUsd+755hLn\nnt/8rvu63+Wrsv0sT/0Wob6eu6TvrXMS2Xm4hL98cZIpqRFYzKrBRUT6w5gxY3jttdd6PPbKK6/0\nuG+32/nlL38JQEpKCm+++eaA5bvanVm5Ud0zEbm66dN7LwwGAzOjp/D49IcZHZbCocqjPJXxHNsL\nd3psN21IiB8LJsZSXtPM5j0F7o4jIiJyxfLL6tl9pIzE6CDGJHrHAl4iIpdLBdpFCPUN4f7x32d5\n6rcAB68ffoeX9v2R6hbPXNJ+6awEfK0mPth2iqaWdnfHERERuSIfbDsFdF33TN0zEbnaqUC7SAaD\ngVlDp/Hz6Q+TGjqCgxVHeCpjNTuKdnlcN83mb2XJ9Hjqm9rYmJnr7jgiIiKXraC8gV2HS0mIsjEu\nObzvHxAR8XIq0C5RmG8oD074AXel3Eano5M1h97mlX3/RU1Lrbuj9bB4ahxBAVY2ZuZR09Dq7jgi\nIiKX5aPtp3Cg7pmIDB4q0C6DwWDgmpgZ/Hzaw4wMHU5WxSGeylhNZvGXHtNN87WauXnWMFraOviw\ne2qIiIiINymqaCDjUAnxEYFMGK7re4rI4KAC7QqE+4XxLxN+wLdH3kJ7Zzt/Pvgmr+7/b2pbPeMi\ne/MmDMUe4svmPQWUVje5O46IiMgl+XB7Dg4H3KyVG0VkEFGBdoWMBiNzY2fx8+kPMyIkib3lB3gq\nYzW7Sva4vZtmNhm5bW4yHZ0O3vv7SbdmERERuRQllY3sOFhMrD2AiSPVPRORwUMFWj8Z4hfOQxP/\niWUjvklrRxt/OvD/eC3rf6hrrXdrrqmjIoiPDGTHwRJyij2jsyciItKXD9NPObtnRnXPRGQQUYHW\nj4wGI/PjZrNi2o9JDh7GnrL9PJWxmvS83W7MZOBb85MBeHfLCbflEBERuVil1U2kZ5UwdEgAk1Ps\n7o4jIjKgVKC5QIT/EH406Z+5fcTNtHS08H+2v8Yfs16nvrXBLXnShoUxKiGUrOxKDuVUuSWDiIjI\nxfpo+yk6HQ5unjVM3TMRGXRUoLmI0WBkYdwcfjb1R4wMT2J36V6eyljNnrKsAc9iOKuLtnbzCbef\nGyciInIh5dVNbM8qJjrcn6mpEe6OIyIy4FSguVhkQAS/XPgItw6/iaaOZl7d/9/86cD/o75tYLtp\nidFBTEmxk11Uy+4jZQP62iIiIhfr4x05dHQ6WDprGEajumciMvioQBsARqOR6+Ln8bOp/0pCUBy7\nSvawMuM59pUdGNAct81LxmgwsO7vJ+no7BzQ1xYREelLRU0zX+wrIjLUj2mj1D0TkcFJBdoAigqI\n5JFJ9/PN5BtobGvk9/v/zJ8PvkljW+PAvH6YP3PHR1Nc2cjWfUUD8poiIiIX6+OMM90zk1EfUURk\ncNK73wAzGU0sTljAo1P/lXhbDJnFX/JUxnNklR8akNe/eXYiVrOR97Zm09LWMSCvKSIi0pfK2ma+\n2FuIPcSXGWmR7o4jIuI2KtDcZGhgFD+Z/CA3J11PfVsDL+/7E2sOvU1jW5NLXzfU5sOiqXHU1Lfy\n2a48l76WiIjIxdqQkUt7h4OlM9U9E5HBTe+AbmQymlgy7FoenfoQcYFD2VG0i5WZz3Gw4ohLX/eG\n6fEE+Jr5eEcu9U1tLn0tERGRvlTXt7BlTyFDgn2ZOSbK3XFERNxKBZoHiAmM5qdT/oWbEhdR21rH\ni3v/L68fWktTe7NLXs/f18JNM4fR1NLOxztyXPIaIiIiF2vDjlzaOzq5aWYCZpM+mojI4KZ3QQ9h\nMpq4MXER/zblIWICo9lelMnKjOc4XHnMJa937eQYQm0+fL47n8pa1xSCIiIifampb2HzngLCg3yY\nPTba3XFERNxOBZqHibMN5d+m/As3DLuWmtZaXtjzKm8cfpfmfu6mWcwmbpmTSFt7J+9vze7XfYuI\niFysTzJzaWvv5MaZw9Q9ExFBBZpHMhvNLE26np9OfpChAVFsLcxgZeb/4Ujl8X59ndljohk6JICt\n+4soKB/YC2eLiIhU17Ww6asCQm0+XKPumYgIoALNo8UHxfJvUx/i+oSFVDVX89s9f+CtI+/R3N7S\nL/s3Gg3cPjcJhwPWbTnRL/sUERG5WO9tOU5rWyc3zkjAYtZHEhERAPPFbPT000+zd+9eDAYDK1as\nYNy4cc7nFi5cSFRUFCaTCYBVq1YRGanrl/QXi9HMN5KXMN6exn8ffIu/F2znYMVh7h51ByNCk654\n/xNGDGF4TDBfHSvneEENdrutH1KLiIj0rq6xlY+2ZRMSaGXueHXPRERO6/PrqszMTHJycnjrrbdY\nuXIlK1eu/No2r776KmvWrGHNmjUqzlwkISiOx6b+K4vi51PRXMXzX73CO0ffp6Wj9Yr2azAY+Nb8\nZADWbj6Bw+Hoj7giIiK9+nRnHs2tHdwwIwGL2eTuOCIiHqPPDlp6ejrXXXcdAMnJydTU1FBfX09g\nYKDLw0lPFpOFW4bfyHh7GmsOvc3m/G0c6O6mDQ9JvOz9jowLYVxyOPtOVLD7cCkJQ/z7MbWIiPd7\n5513WL9+vfN+VlYWY8aMobGxEX//rvfMRx99lDFjxji3aWtr47HHHqOwsBCTycQzzzxDXFzcgGf3\nRPVNbXy+O58Qmw/zxg91dxwREY/SZ4FWXl5OWlqa835YWBhlZWU9CrQnn3ySgoICJk+ezCOPPILB\nYLjg/kJD/TH3wzdl3jYVrz/z2u1jmDBsJG9mfcBHRz7n+S9f4aaRC7lz7Dewmq2Xtc9/vHUcD63e\nxKr/2cWNsxNZek0SYUG+/ZbZVbzp34E3ZQXvyqusruFNWV1t2bJlLFu2DOiaWbJhwwaOHz/OM888\nw8iRI8/7Mx9++CFBQUGsXr2arVu3snr1ap5//vmBjO2x/trdPVu+JBWrRd0zEZGzXdQ5aGc7dwrc\nQw89xJw5cwgODuaBBx5g48aNLFmy5II/X1XVeOkpz2G32ygrq7vi/QwUV+W9IWYxIwNG8j+H3ubD\no5+Tmb+Xe0Z9m6TghEveV4DZwD2LU3hvazbvfH6Mv2w+zoy0KK6fFk/MkIB+z94fvOnfgTdlBe/K\nq6yu0V9Zr8Yi78UXX2TVqlU8/PDDvW6Xnp7OLbfcAsCsWbNYsWLFQMTzeI3NbXy2O48gfwtLZg6j\nrqbJ3ZFERDxKn+egRUREUF5e7rxfWlqK3W533r/lllsIDw/HbDYzd+5cjh496pqkcl7JIcP42bQf\nsSDuGsoaK3hu90v85fhHtHW0XfK+5k+M4Y9PLOY716cQHuTL1n1FPPFaBs+/s5fDOVU6P01EBr19\n+/YRHR3tPA7+9re/Zfny5fziF7+gubnn9SrLy8sJCwsDwGg0YjAYaG29svOGrwZ/3ZVPU0sH10+P\nx9d6yd8Ti4hc9fp8Z5w9ezYvvPACd955JwcOHCAiIsI5vbGuro4f/ehHvPzyy1itVnbu3Mn111/v\n8tDSk9Vk5VsjvsH4IWP4n0Nv81nuFvaXH+I7o+9gWFD8Je3Lx2Ji/sQY5k4Yyp5j5XySmcu+ExXs\nO1FBQpSNJdPimZJqx2TUcsgiMvisXbuWW2+9FYDvfOc7pKSkEB8fz5NPPsnrr7/Ovffee8GfvZgv\nua720wAamtr4bHc+QQFWli1KBTw364V4U15ldQ1ldR1vyuvKrH0WaJMmTSItLY0777wTg8HAk08+\nybp167DZbCxatIi5c+fy7W9/Gx8fH0aPHt3r9EZxrRGhSayY/jDvn9jAlvxtrNr1IosS5nNj4iIs\nxkv7ltJoMDBppJ1JI+0cL6hhY0YuXx4t4/frD7B2sy+Lp8YxZ3y0vv0UkUElIyODxx9/HIBFixY5\nH1+4cCEff/xxj20jIiIoKysjNTWVtrY2HA4HVmvv5wlf7acBfLAtm4amNm6fl0R9bRN+Hpz1fDx5\nbM+lrK6hrK7jTXn7I2tvBd5Ffbr+yU9+0uN+amqq8/Z3v/tdvvvd715mNOlvPiYrd4z8JhPsXd20\nT3M2sb/8IPeMuoOEoMtbPWx4TDDDbxtLSVUjn+7MY9u+It74/Bjvb81mwaQYrp0cS0igTz//JiIi\nnqWkpISAgACsVisOh4N/+Id/4Le//S1BQUFkZGQwYsSIHtvPnj2bTz75hDlz5rBp0yamT5/upuSe\noamlnU935hHga2bhpFh3xxER8Viap3aVGhmazIppDzMnZiZFDSWs2v0iH5zcSHtn+2XvMzLUn3sW\np/Cf98/ilmsSMZkMfJSew7+9vJ0/fnSIgvKGfvwNREQ8S1lZmfOcMoPBwB133MH3vvc9li9fTnFx\nMcuXLwfgvvvuA+DGG2+ks7OTu+66i9dff51HHnnEbdk9wd++zKehuZ3F0+Lx89HsCxGRCzE4Bnjl\nh/5aFcxbWqDg/ryHK4/xP4feoaqlmqEBUXxn9LeJs8Wcd9tLydra1sH2rGI2ZuZSUtW1Cte45HCu\nnxZPanxIr5db6A/uHtdL4U1ZwbvyKqtraBVH97haj5HNre3828vpdHY6+PV9s/D37SrQPDFrb7wp\nr7K6hrK6jjfl9YgpjuLdUsNG8PPpD/OX4x+xrTCDX+96gSUJC7l+2ELMl3hu2tmsZy0osvdYORu0\noIiIiJzHpq8KqG9q45vXJDqLMxEROT+9Sw4SfmZf/lfq7Uywj+H1w2v5+NRn7Os+Ny3WNvSK9m00\nGJg40s7E0wuKZOby5REtKCIiItDS1sEnGbn4+ZhYNEXnnomI9EWtjUFmdHgKj09/mJnRU8mvL+TX\nu15gQ/ZndHR29Mv+h8cE88CtY3n6hzNYMCmGusZW3vj8GD95cTvvbjlBdX1Lv7yOiIh4h81fFVDX\n2MZ1k+Pw97W4O46IiMdTgTYI+Zn9uHvUMu4b9w8EWgL4MPtT/nP37yisL+6317jQgiI/fal7QZGy\n+n57LRER8UytbR1syMjF12pi0dTLW0lYRGSw0ZyzQWzMkFE8Pv1h1h77gIzi3Ty78zdML56IudOK\nn8kXX7MvvmYffE2++Jm775t8etw2GXu/oKrN38o3rklkyfR4th8oZmNmHlv3F7F1f9GALigiIiID\nb8ueQmobWrlpZgKBfuqeiYhcDBVog5y/xZ/vjP42EyPG8sbhd9mWu+uSft5qtDgLOT+TX1dBZ/bt\nLvB8ehR1gdG+/K/bgskv8mHngUr25+Wz71Qx8fZQbpiWoAVFRESuIm3tHXyckYOPxcRidc9ERC6a\nCjQBYOyQ0YyaNRJTYCeFpRU0tTfT3P2nqaOZ5vaW89xuobm9ieb2Fpram6lqrqbtYq+zFgG+EV03\ny4A/F5hYk2chwMePUP8AAix+ZxV+vue57Uu0IZTm+s7ujp4PPiYfjAYVeCIinuDve4uoqW/lhhnx\n2Pyt7o4jIuI1VKCJk9loxh5gwxB4+QfS9s52mju6C7juQq65o7m74Gs57+265kbK6uqob2uirqWB\n+vYaMHZe1uv7mnzOOxXzvLcv0Omzmqwq9ERErkBbeycf78jBajFy/dR4d8cREfEqKtCkX5mNZgKN\nZgItAZf8s3WNrWz6qoDPd+dT19SCydLOpNRQpo0Jw2Yzdhd7Lc7untHHQUVt7deLwPZm6tsaKGuq\noMNx6atTGjDg4yzkzj4H75zbZt8LP2fyxcdk1bl1IjIobd1fRFVdC9dPiyMoQN0zEZFLoQJNPIbN\n38o3ZieyZNqZBUV27mtg574GxiaFs2R6PGPPWlCkr6u4OxwOZ0evqXsq5tmFXNd0zXNvd3f+uu/X\nttRR0lFGp+PSO3oGDM7OnM03AB+DD4GWAAKsAQSa/bv+tgQQYPHv/rvrtq/JR4WdiHit9o5OPk4/\nhcVsZMn0BHfHERHxOirQxONYLSbmT4hh7vih7D1ezicZuew/WcH+kxUkRNpYMj2eKan2PvdjMBiw\nmCxYTBZs1sDLzuNwOGjrbOtRuDV1d/Oct3sUfz07fc0dLZQ3VtLY1nRRr2cymAi0+DsLth5FnDWA\nALM/gWcVdwGWABV1IuIxtu0voqK2hUVT4ghW90xE5JKpQBOPZTQYmDjCzsQRdk4U1LAxM5fdR8v4\n/foDrN3sy60LhjMxKQw/H9f+MzYYDFhNVqwmK8HYLmsfdruN4pJqGtobaWhrpL61gYa2hq7bbQ3U\nd99uaGugvvvvqpYaChsu7tp0JoOpRzEXYAkg8Nz71p7dOhV1ItLf2js6+Sg9B7PJyA0zdO6ZiMjl\nUIEmXiE5Jpj7bx1LaVUjn+7MY+u+Il57Pwt/HzPzJ8Zw7eRYQm0+7o7ZK5PRRJDVRpDVBhd5il5H\nZweN7U1dRVxrQ1eB13qmoOv6+8zt/ijqAiwBRFaGQUv382d163xNvirqROSC0rOKKa9p5trJsYQE\nevZ7soiIp1KBJl4lItSfuxencMucJDKOlLH+7yf4eEcOGzNzmZkWxfXT4oixX/50Rk9jMpqwWQO7\npmheRlHnLOJaz9+ta2hrpPp8RV3O+fdtNBjPe95c4FnF3emiLsAcQKBVRZ3IYNHR2cmH6acwmwzc\nMF3dMxGRy6UCTbxSoJ+FOxelMCctkvTuBUW27i9i6/6irgVFpsWRmhA6KAuDHkXdRTpd1J2eYmny\n66SwopyG1kbq2xu6/j6rsKtpqaWooeSi9m00GM8q4s7u1gWcp4Onok7EW+04UEJZdTMLJsUQFuTr\n7jgiIl5LBZp4NavFxLwJMczpXlBk4zkLilw/PY6pqRGYjLquWW/OLersdhtlPhdeIRO+XtQ1tJ0z\n9bK1kYb2Bupbu56rbam7rKLu/N26M0Wdwy+S9g4jFpPlisdBRC5PR2cnH24/hclo4Eat3CgickVU\noMlVoceCIoU1bMzoWlDkD+sP8u7mEyyaGs+ccdEuX1BkMLmyTt3Xz5/rsVBKd3FX21JHcUMpDhx9\n7tvP7Eew1UaQTxBB1kCCrUEE+dgItgYR7GPrPv8vCD+zunMi/S3zUCklVU3MnzCU8GB1z0REroQ+\nrcpVJ3nomQVF/rozny/2FfLm58dYvzXbaxYUuVpdTlHX6eiksa3pPKtddv1pM7RQWltJbWsdNa21\nFDeW9ro/i9FM0DlFW9ftno/ZrAEYDeq8ivSls9PBB9u6u2cz1D0TEblSKtDkqhUR6s/yxSP55pxE\nNn2Zz+e7850LisxIi2TJtPirakGRq5XRYOxaSdJ6/lVSzr1geVtnO3WtddS01FHbWkdta2337TN/\n17bWc6o2r9cLkBsNRmyWgO6OnM3ZnTvTpet+zGrT9EoZ1HYeLqW4spE546IZEuLn7jgiIl5PBZpc\n9QL9LNw8O5El0+PZntW1oMi2/cVs21886BcUuRpZjGbCfEMJ8w3tdbtORycNbY3UtNRS09pdzJ2+\nfdZjJQ2l5NUV9Lovf7PfmeLNajsztfLsYs7HhsOhLwTk6tLpcPDB9lMYDQZumjXM3XFERK4KKtBk\n0LCYzywosu94BZ9k5GhBkUHMaDA6p1vG9rKdw+GguaOlR/HWNZ2y7kxnrrWOupY6ivtYBMVqshBk\n6Vm0BZ2nkAu0aHqleIfdR8ooLG9g9tgoItQ9ExHpFyrQZNAxGgxMGDGECSOGdC0okpnH7iOlWlBE\nzstgMOBn9sXP7EtkQESv27Z1tlN7VtFWe87UyobOBiobajhVm3sR0ysD+zxPLsjHhsWof6fiHp0O\nBx9sy8ZggKUzh7k7jojIVUNHdhnUkocGc/8twWcWFNnftaDI+1uzmT9xKNdNjtOCInLRLEYz4X6h\nhPudf3rl6fPlOh2d1Lc1nHNu3NfPlytqKCG3j+mVAWZ/gs4p5L52npxPEL4mH03jlX711dEy8ssa\nmJkWRWSYv7vjiIhcNVSgiXD+BUU27Mjl08w8ZqRFcv20eGK1oIj0E6PB2F1Q2YChF9yua3pl89cK\nuZrWWmpb6s6cL3cRFw63Gi19LngS7BNEgMVf0yulTw6Hg/XbTnV1z2Zp5UYRkf6kAk3kLGcvKJJ+\noIRPMnK1oIi4Tdf0Sj/8zH5E9TW9sqPNeW5cbS8Ln2TX5PR6XbnTxWN8yFC+k3IXfmZd0wrgnXfe\nYf369c77WVlZvPHGG/zyl7/EaDQSFBTE6tWr8fM7cx7WunXr+M1vfkN8fDwAs2bN4r777hvw7K6w\n53g5eaX1zBgdSXT4+VdYFRGRy6MCTeQ8LGYTc8cP5Zpx0V0LimTmfm1BkSkpEZhN6jSIZ7CYLIT7\nhRHuF9brdp2OTupaG7o7crXdUyvrvnYpgpKGcto72wcovedbtmwZy5YtAyAzM5MNGzbw1FNP8dhj\njzFu3DieffZZ1q1bx/Lly3v83I033sijjz7qjsgu43A4WL/1FAbQyo0iIi6gAk2kF70uKBJ0gkVT\n4pgzfqgWFBGvYTQYu85T87ERZ4u54HbnXl9OznjxxRdZtWoVfn5+BAZ2TX0OCwujurrazckGxr4T\nFeSU1DE1NYKYIeqeiYj0N339L3KRuhYUGcMzP5zJtZNiqWtq482/HecnL23nnc3HqaprcXdEEXGx\nffv2ER0djd1udxZnjY2NvP/++yxZsuRr22dmZnLvvffy3e9+l4MHDw503H7Xde5ZNgA3zx7m3jAi\nIlcpfe0vcokiQvzOLCjyVYEWFBEZRNauXcutt97qvN/Y2Mh9993H97//fZKTk3tsO378eMLCwpg/\nfz5fffUVjz76KB988EGv+w8N9cdsNl1xTrvddsX7OJ/dh0vILqpj1rhoJo6O7pd9uiqrq3hTXmV1\nDWV1HW/K68qsKtBELlOgn4WbZw1jybQ40g+UsDHzzIIiY5LCuGFavBYUEbnKZGRk8PjjjwPQ3t7O\n/fffz9KlS7ntttu+tm1ycrKzaJs4cSKVlZV0dHRgMl24AKuqarzijK6anupwOFjzUVcXcPHk2H55\nDW+bSutNeZXVNZTVdbwpb39k7a3AU4EmcoV6LChyooJPMnLJOllJ1slK4iMDWTItnhvm6DwNEW9X\nUlJCQEAAVqsVgFdffZVp06Y5Fw8516uvvkp0dDRLly7l6NGjhIWF9VqcebqDp6o4UVjLxBFDiI/0\nnm+5RUS8jQo0kX5iNBiYMHwIE4YP4WRhLRszc9l1pJQ/fHCQdX8/yfjkIYxNDiMlPhQfi/d+SBMZ\nrMrKyggLO7NK5uuvv05sbCzp6ekATJ8+nQcffJD77ruPl19+mZtvvpmf/vSnvPnmm7S3t7Ny5Up3\nRb9iDoeD97vPPfvG7EQ3pxERubqpQBNxgaShQdx3yxhKq5v46848tmcV8/mX+Xz+ZT5mk5GU+BDG\nJoUzNimMqDB/TYMU8QJjxozhtddec97funXrebd7+eWXAYiKimLNmjUDks3VDudUcTy/hgnDh5AQ\npe6ZiIgrqUATcaGIED+WLxrJA3dMZMeefPZnV7D/RCUHsrv+vPk5DAn27S7WwhmVEIqPVd01EfEs\n67edArRyo4jIQFCBJjIALGYjqQmhpCaEsmw+VNW1kNV94esDp6rY9FUBm74qwGwyMCK2u7uWHM7Q\ncHXXRMS9juRWcSSvmrFJ4SRGB7k7jojIVU8FmogbhNp8mDN+KHPGD6Wjs5MTBbXs7y7YDuVUcSin\nirc3HSc8yIcxZ3XXdEFsERlop7tn31D3TERkQOjTnoibmYxGRsaFMDIuhNvnJVNT30JWdmVXdy27\nki17CtmypxCT0cCI2GDndMgYe4C6ayLiUkfzqjmUU0VaYhjJMcHujiMiMiioQBPxMMGBPsweG83s\nsdF0dHaSXVjn7K4dzq3mcG4172w+QajNhzGJYYxNCmf0sDD8ffW/s4j0rw+2nwLgm1q5UURkwOgT\nnYgHMxmNDI8NZnhsMLfOTaK2oZUD3d21rOxKvthXxBf7ijAaDAyPCWJscld3LS4iUN01EbkiJwpq\nOJBdyaiEUIbHqnsmIjJQVKCJeJGgACszx0Qxc0wUnZ0OsotryTrZVbAdy6/haH4N7245SXCAlTFJ\nXd21tMQwAnwt7o4uIl5G556JiLiHCjQRL2U0GkgeGkzy0GC+eU0idY2nu2uVZGVXsG1/Mdv2F2Mw\nQPLQYMYmhTE2OZz4SBtGdddEpBcnC7sWLkqNDyElPtTdcUREBhUVaCJXCZu/lRlpUcxIi6LT4SCn\nuK57Kf9KThTWcLyghr98kU2Qv4W0xHDGJocxJjGcQD9110Skpw+2ZQNws849ExEZcCrQRK5CRoOB\nxOggEqODuHl2IvVNbRw81X3u2slK0g8Uk36gq7uWFB3kXMp/WLS6ayKDXU5xHXtPVDAyNpjU+BB3\nxxERGXRUoIkMAoF+FqaNimTaqEg6HQ7ySurJyq5g/4kKjhfUcqKwlve3ZhPoZ2FMYhizJsQQP8Sf\nIH+ru6OLyABbf7p7dk2iFhsSEXEDFWgig4zRYCAhykZClI2bZg6jsbmNg6eqnEv57zhYwo6DJRiA\nhChb13XXksNJig7CaNSHNZGrWW5JHV8dKyc5JojRCTr3TETEHVSgiQxy/r4WpqRGMCU1AofDQX5Z\nA9kl9ezYX8ix/BpOFdfxwfZTBPiaSeu+7tqYpHCCA9RdE7nafNC9cuM3Z6t7JiLiLhdVoD399NPs\n3bsXg8HAihUrGDdu3Ne2Wb16NXv27GHNmjX9HlJEBobBYCAuIpBJadHMHRtFU0s7B09VdU2HPFlB\n5qFSMg+VApAQJdFItQAAFdVJREFUaXMu5Z8cE4TJaHRzehG5Evml9ew+WkZidBBpiWHujiMiMmj1\nWaBlZmaSk5PDW2+9xYkTJ1ixYgVvvfVWj22OHz/Ozp07sVi0GpzI1cTPx8zkFDuTU+w4HA4KyxvY\n333dtaN51eSU1PFReg5+PmbShoU6u2uhNh93RxeRS/TB9lNA13XP1D0TEXGfPgu09PR0rrvuOgCS\nk5Opqamhvr6ewMBA5za/+tWv+PGPf8zvfvc71yUVEbcyGAzE2AOJsQeyZHo8za3tHMqpcl4oe9eR\nMnYdKQMg1h7I2OQwxiWFkxwTjNmk7pqIJysob2DX4VISomyMSw53dxwRkUGtzwKtvLyctLQ05/2w\nsDDKysqcBdq6deuYNm0aMTExrkspIh7H12pm4gg7E0d0ddeKKxvZf6KC/dmVHMmtJr+sng07cvG1\nmhg9LKzrQtlJ4YQF+bo7uoic48Ptp3Cg7pmIiCe45EVCHA6H83Z1dTXr1q3jT3/6EyUlJRf186Gh\n/pjNpkt92a+x221XvI+B5E15ldU1vCkrXHreiIggxqVGAdDc0s7+E+V8ebiU3YdL+fJoGV8e7equ\nJUTZmJQayeTUCEYnhmMxX3l3zZvGVlnF0xRVNJB5sIT4iEAmDB/i7jgiIoNenwVaREQE5eXlzvul\npaXY7XYAduzYQWVlJcuXL6e1tZXc3FyefvppVqxYccH9VVU1XnFou91GWVndFe9noHhTXmV1DW/K\nCv2Td5g9gGH2RG6bk0hJZSP7ui+SfTi3ipzNx/nL5uP4WEyMSghlbHI4Y5PCGBLs55asA2UwZlWR\n5/lOd89u1sqNIiIeoc8Cbfbs2bzwwgvceeedHDhwgIiICOf0xiVLlrBkyRIA8vPz+dnPftZrcSYi\ng1NkmD+LwvxZNCWO1rYOjuRVd193rZI9x8vZc7zrS6DocP+u664lhTMyLqRfumsicmEllY3sOFhC\nrD2AiSPVPRMR8QR9FmiTJk0iLS2NO++8E4PBwJNPPsm6deuw2WwsWrRoIDKKyFXEajE5izCA0uom\n9p+oIOtkBYdyq/h0Zx6f7szDajGSGh/qvFB2RMild9dEpHcfbj+FwwHfmJ2IUd0zERGPcFHnoP3k\nJz/pcT81NfVr28TGxuoaaCJyySJC/Lh2cizXTo6lrb2Do3k13d21Cvad6PrDX7u6cGMTwxibHE5K\nXAhWy5WfyyoymJVWNZJ+oISYIQFMSrG7O46IiHS75EVCRERcxWI2kZYYRlpiGHdeO4Ly6ib2Z1eS\ndbKCgzlVfLY7n89252MxG0mJD2FsUjhzJsXhY3Do3BmRS/Rheg6dDgc3zx6m7pmIiAdRgSYiHmtI\niB8LJsawYGIM7R2dHMur7rpQdnbXgiNZJyt547NjBAdYSYkPITUhlFHxoUSE+qlgE+lFWXUT6VnF\nRIf7MyUlwt1xRETkLCrQRMQrmE1GRg0LY9SwMO5gOJW1zew/WUF2cT17jpWReaiUzEOlAITafLoK\ntvhQUuNDsIeoYJMr884777B+/Xrn/aysLN544w3+/d//HYCUlBT+4z/+o8fPtLW18dhjj1FYWIjJ\nZOKZZ54hLi5uIGNf0Mc7cujodLB01jCMRv2/ISICsHnz58yff22f261cuZKlS29n6FDXXAdaBZqI\neKWwIF/mTYjhW3YbpaW1FFc2cjinisO51RzOrWLHgRJ2HCjp3taH1PhQUuJDGBUfyhAtOCKXaNmy\nZSxbtgyAzMxMNmzYwMqVK1mxYgXjxo3jkUceYcuWLcybN8/5Mx9++CFBQUGsXr2arVu3snr1ap5/\n/nl3/QpOFTXNbN1XRGSYP9NHRbo7joiIRygqKuSzzzZeVIH285//3KWXzVGBJiJez2AwEB0eQHR4\nAAsmxeJwOCgsb3AWa0dyq9meVcz2rGIAhgT7OjtsoxJCCQvydfNvIN7kxRdf5JlnnuHuu+9m3Lhx\nACxYsID09PQeBVp6ejq33HILALNmzfKYy9A4u2czE9Q9ExHp9txzz3Lo0AHmzJnK4sU3UFRUyPPP\nv8Qzz/ySsrJSmpqa+P73/4nZs+dwzz338OCDD7Np0+c0NNSTm5tDQUE+Dz30CDNnzr7iLCrQROSq\nYzAYiLEHEmMP5NrJsXQ6HBSUNXA4t4rDOVUczatm2/5itu3vKtgiQvyc57ClxocSavNx828gnmrf\nvn1ER0djMpkICgpyPh4eHk5ZWVmPbcvLywkLCwPAaDRiMBhobW3FarUOaOazVdY288W+QiJC/JiR\npu6ZiHimt/92nJ2HS/t1n1NTI7hj4fALPn/XXfewbt3bJCYmk5t7ipdeeo2qqkqmTZvBDTcspaAg\nnyeeeIzZs+f0+LnS0hJWrfotO3Zs5/3331WBJiJyMYwGA3ERgcRFBLJoShydDgf5pfXOKZFH8qr5\nYl8RX+wrAiAy1M9ZrKXGhxAcqIJNuqxdu5Zbb731a487HI4+f/ZitgkN9cdsvvJLSNjttvM+vu6L\nbNo7HNx1fQpRkcFX/Dr94UJZPZU35VVW11BW1zmd18/fisnUvx1+P39rr+MREuKPj4+FgAAfpk6d\njN1uIyTElzffPMa//Ms/YjQaaWioc+4jNDSAgAAfZs6cjt1uIyUlkZaWpn4ZcxVoIjLoGA0G4iNt\nxEfaWDwtns5OB7mldRzO6ZoSeTSvmi17CtmypxCA6HB/5zlsqfGhBAW4rwMi7pWRkcHjjz+OwWCg\nurra+XhJSQkRET1XQ4yIiKCsrIzU1FTa2tpwOBx9ds+qqhqvOKPdbjvvuRFVdS18siOHIcG+pMWH\nuPT8iYt1oayeypvyKqtrKKvrnJ335hnx3Dwjvt9fo7fxqK5upKWljYaGFiwWP8rK6tiw4UNKSsr5\nzW9+T21tLT/4wT3OfVRVNfTYtqqqgdbW9ose894KORVoIjLoGY0GhkUFMSwqiCXT4+no7CSnuL5r\nSmRuFcfyatj0VQGbvioAIGZIgLNgS4kPweavgm0wKCkpISAgwFlkJSUlsWvXLqZMmcKnn37KPffc\n02P72bNn88knnzBnzhw2bdrE9OnT3RHbaUNGDu0dnSydNQyzyejWLCIinsZoNNLR0dHjserqaqKj\nh2I0Gtmy5W+0tbUNSBYVaCIi5zAZjSQNDSJpaBA3zkigvaOTU8V1HOk+h+1YQQ0FXzbw+Zf5AMTa\nA0ntPoctJT6EAF+Lm38DcYWysjLnOWUAK1as4Be/+AWdnZ2MHz+eWbNmAXDffffx8ssvc+ONN7J9\n+3buuusurFYrv/rVr9wVnZr6FrbsKSQ8yIdZY6LclkNExFMlJCRy5MhhoqOHEhISAsD8+Qt57LGH\nOXgwi5tu+gYRERH86U+vujyLwXExk+L7UX+0Wr25ZevplNU1vCkreFded2Rt7+gku6jWeQ7b8YIa\n2to7ATAAcRGBznPYRsaF4O9rdlvWy9VfWb3t/Ad3c9Ux8q2/HWNjZh73XJ/CgomuuW7P5fCm/yfA\nu/Iqq2soq+t4U97+yKopjiIi/chsMjIiNoQRsSHcPBva2js5WVjTteBIbhXHC2rJLa3n0515GAwQ\nH2ljVHwo08cNJcJmxc9Hb70ycGobWtn0ZQGhNh+uGRvt7jgiItIHfUoQEblCFrORlPhQUuJDgURa\n2zo4UVjrnBJ5orCWnOI6PsnMxWgwkBBlIzWha8GREbHB+Fr1ViyuszEzl9b2TpbNSMBi1rlnIiKe\nTp8KRET6mdViYlRC10WwmQMtbR0cL6ghr7yRLw+VkF1US3ZRLRt25GIyGhgWbete0j+U4bHB+Fiu\nfJl1EYC6xlb+9mUBIYFW5o5X90xExBuoQBMRcTEfi4m0YWHMn5rAkimxNLe2c7ygxrmsf3ZhHScK\navkoPQeT0UDS0CBS4kMZFR9CckwwVhVscpk+3ZlHS1sHt81LwtIP11cTERHXU4EmIjLAfK1mxiSG\nMyYxHICmlnaO5dd0LeufU8XxghqO5dfw4XYwmwwkDQ0mNT6EUQmhJA0N0gdtuSj1TW18tjuf4AAr\n88YPdXccERG5SCrQRETczM/HzLjkcMYldxVsjc3tHM2v7j6HrZpjedUczatm/bZTWMxGkocGOVeJ\nTBoapGtayXl9ujOPltYObr0mUV1YEREvogJNRMTD+PuamTB8CBOGDwGgobmNo3nVzimRh3OrOZxb\nDWRjNRsZHhvsPIdtWLRNBZvQ0NzG57vzCPK3MM+DltUXEfF23/rWzXz88UcufQ0VaCIiHi7A18LE\nEXYmjrADXVPXjuSeLtaqOHiq6w90ne82IjaYlO4LZw+LsmEyqmAbbP66M4+mlg6WLhimRWdERLyM\nCjQRES8T6GdhcoqdySldBVttYytHc6s5lFvFkdxqsrIrycquBMDHamJkbIhzWf+ESBtGo8Gd8cXF\nGpra+OuufAL9LB51UWoREU/2/e8v5+mnVxMVFUVxcRE/+9kj2O0RNDU10dzczI9//FNGjx4zIFlU\noImIeLkgfytTUiOYkhoBQE1Da9f5a7nVHM6pYv/JCvafrADAz+d0wdY1JTIuIlAF21Xmw60naWpp\n5/Z5SbrGnoh4pXXHP+Sr0v39us+JEWO5bfjSCz4/d+4Ctm37O7fffgdffLGFuXMXkJw8grlz57N7\n905ef/3PrFz5n/2a6UL0zi0icpUJDrAybVQk00ZFAlBV13KmYMutYu+JCvae6CrYAnzNjIzr6q6l\nxIcQGxGI0aCCzVs1tbTz3pYTBPiaWTgp1t1xRES8xty5C/jd757n9tvvYOvWLTz44I958801vPHG\nGtra2vD19R2wLCrQRESucqE2H2akRTEjLQqAytpmjjinRFbx1bFyvjpWDnRNn0yJC+GaiTGMHRaq\nYs3L/O3LfOqb2rh1bhJ+PjrEi4h3um340l67Xa6QlJRMRUUZJSXF1NXV8cUXmxkyJIInnvjfHD58\nkN/97vkBy6J3bxGRQSYsyJeZY6KYOaarYCuvaepadCSna9GR3UfL2H20jF/9cAYRof5uTiuX4kB2\nJTZ/C9eqeyYicslmzryGP/zhJebMmUd1dRXJySMA2LJlE+3t7QOWQwWaiMggNyTYjyFj/Zg9NhqA\nsuomjFYz4f4WNyeTS/WDpaMJDvHH1Nnp7igiIl5n3rwF/PM/f5//+q83aG5u4qmnnmTTps+4/fY7\n+OyzT/noo/UDkkMFmoiI9GAP8cNut1FWVufuKHKJwoJ8sYcH6L+diMhlGDUqjS1bMpz3X399rfP2\nNdfMA+Cmm75BQEAAjY2ue5/VxXFEREREREQ8hAo0ERERERERD6ECTURERERExEOoQBMREREREfEQ\nKtBEREREREQ8hAo0ERERERERD6ECTURERERExEOoQBMREREREfEQKtBEREREREQ8hAo0ERERERER\nD2FwOBwOd4cQERERERERddBEREREREQ8hgo0ERERERERD6ECTURERERExEOoQBMREREREfEQKtBE\nREREREQ8hAo0ERERERERD2F2d4C+PP300+zduxeDwcCKFSsYN26c87nt27fz3HPPYTKZmDt3Lg88\n8IAbk/aedeHChURFRWEymQBYtWoVkZGR7ooKwNGjR7n//vv53ve+x913393jOU8b296yetrY/vrX\nv2b37t20t7fzwx/+kMWLFzuf87Rx7S2rJ41rU1MTjz32GBUVFbS0tHD//fezYMEC5/OeNK59ZfWk\ncT1bc3MzS5cu5f777+e2225zPu5JYys9edPxEbzrGKnjo+voGNn/dIx0LbccHx0eLCMjw/FP//RP\nDofD4Th+/Ljjjjvu6PH8DTfc4CgsLHR0dHQ47rrrLsexY8fcEdPhcPSddcGCBY76+np3RDuvhoYG\nx9133+14/PHHHWvWrPna8540tn1l9aSxTU9Pd/zgBz9wOBwOR2VlpWPevHk9nvekce0rqyeN60cf\nfeT4wx/+4HA4HI78/HzH4sWLezzvSePaV1ZPGtezPffcc47bbrvN8e677/Z43JPGVs7wpuOjw+Fd\nx0gdH11Hx0jX0DHStdxxfPToKY7p6elcd911ACQnJ1NTU0N9fT0AeXl5BAcHEx0djdFoZN68eaSn\np3tkVk9ktVp59dVXiYiI+Npznja2vWX1NFOnTuU3v/kNAEFBQTQ1NdHR0QF43rj2ltXT3Hjjjfzj\nP/4jAEVFRT2+TfO0ce0tq6c6ceIEx48fZ/78+T0e97SxlTO86fgI3nWM1PHRdXSMdA0dI13HXcdH\nj57iWF5eTlpamvN+WFgYZWVlBAYGUlZWRlhYWI/n8vLy3BET6D3raU8++SQFBQVMnjyZRx55BIPB\n4I6oAJjNZszm8//n97Sx7S3raZ4ytiaTCX9/fwDWrl3L3LlznW16TxvX3rKe5injetqdd95JcXEx\nr7zyivMxTxvX086X9TRPG9dnn32WJ554gvfee6/H4546tuJdx0fwrmOkjo+uo2Oka+kY2f/cdXz0\n6ALtXA6Hw90RLtq5WR966CHmzJlDcHAwDzzwABs3bmTJkiVuSnd18cSx/eyzz1i7di1//OMf3Zrj\nYlwoqyeO65tvvsmhQ4f46U9/yvr1691+MOzNhbJ62ri+9957TJgwgbi4OLdlkCvnTcdH0DFyoHjq\nuOoY6Ro6RvYvdx4fPXqKY0REBOXl5c77paWl2O328z5XUlLi1hZ/b1kBbrnlFsLDwzGbzcydO5ej\nR4+6I+ZF8bSx7Yunje0XX3zBK6+8wquvvorNZnM+7onjeqGs4FnjmpWVRVFREQCjRo2io6ODyspK\nwPPGtbes4FnjCrB582Y+//xz7rjjDt555x1eeukltm/fDnje2MoZ3nR8hKvnGOmJY9sbTxxXHSP7\nn46RruHO46NHF2izZ89m48aNABw4cICIiAjndIjY2Fjq6+vJz8+nvb2dTZs2MXv2bI/MWldXx733\n3ktraysAO3fuZMSIEW7L2hdPG9veeNrY1tXV8etf/5rf//73hISE9HjO08a1t6yeNq67du1yfntZ\nXl5OY2MjoaGhgOeNa29ZPW1cAZ5//nneffdd3n77bZYtW8b999/PrFmzAM8bWznDm46PcPUcIz1x\nbC/EE8dVx0jX0DHSNdx5fDQ4PHxexKpVq9i1axcGg4Enn3ySgwcPYrPZWLRoETt37mTVqlUALF68\nmHvvvddjs/75z3/mvffew8fHh9GjR/PEE0+4tfWclZXFs88+S0FBAWazmcjISBYuXEhsbKzHjW1f\nWT1pbN966y1eeOEFEhMTnY9Nnz6dlJQUjxvXvrJ60rg2Nzfz85//nKKiIpqbm3nwwQeprq72yPeC\nvrJ60rie64UXXiAmJgbAI8dWevKm4yN4zzFSx0fX0THSNXSMdL2BPj56fIEmIiIiIiIyWHj0FEcR\nEREREZHBRAWaiIiIiIiIh1CBJiIiIiIi4iFUoImIiIiIiHgIFWgiIiIiIiIeQgWaiIiIiIiIh1CB\nJiIiIiIi4iFUoImIiIiIiHiI/w/8BGbATisZAgAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "4EmFhiX-FMaV", + "colab_type": "code", + "outputId": "29ef6d38-6258-429b-841f-7345b7cd0695", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Test performance\n", + "trainer.run_test_loop()\n", + "print(\"Test loss: {0:.2f}\".format(trainer.train_state['test_loss']))\n", + "print(\"Test Accuracy: {0:.1f}%\".format(trainer.train_state['test_acc']))" + ], + "execution_count": 152, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Test loss: 0.44\n", + "Test Accuracy: 84.4%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "zVU1zakYFMVF", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Save all results\n", + "trainer.save_train_state()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "qLoKfjSpFw7t", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Inference" + ] + }, + { + "metadata": { + "id": "ANrPcS7Hp_CP", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Inference(object):\n", + " def __init__(self, model, vectorizer):\n", + " self.model = model\n", + " self.vectorizer = vectorizer\n", + " \n", + " def predict_category(self, title):\n", + " # Vectorize\n", + " word_vector, char_vector, title_length = self.vectorizer.vectorize(title)\n", + " title_word_vector = torch.tensor(word_vector).unsqueeze(0)\n", + " title_char_vector = torch.tensor(char_vector).unsqueeze(0)\n", + " title_length = torch.tensor([title_length]).long() \n", + " \n", + " # Forward pass\n", + " self.model.eval()\n", + " attn_scores, y_pred = self.model(x_word=title_word_vector, \n", + " x_char=title_char_vector,\n", + " x_lengths=title_length, \n", + " device=\"cpu\",\n", + " apply_softmax=True)\n", + "\n", + " # Top category\n", + " y_prob, indices = y_pred.max(dim=1)\n", + " index = indices.item()\n", + "\n", + " # Predicted category\n", + " category = vectorizer.category_vocab.lookup_index(index)\n", + " probability = y_prob.item()\n", + " return {'category': category, 'probability': probability, \n", + " 'attn_scores': attn_scores}\n", + " \n", + " def predict_top_k(self, title, k):\n", + " # Vectorize\n", + " word_vector, char_vector, title_length = self.vectorizer.vectorize(title)\n", + " title_word_vector = torch.tensor(word_vector).unsqueeze(0)\n", + " title_char_vector = torch.tensor(char_vector).unsqueeze(0)\n", + " title_length = torch.tensor([title_length]).long()\n", + " \n", + " # Forward pass\n", + " self.model.eval()\n", + " _, y_pred = self.model(x_word=title_word_vector,\n", + " x_char=title_char_vector,\n", + " x_lengths=title_length, \n", + " device=\"cpu\",\n", + " apply_softmax=True)\n", + " \n", + " # Top k categories\n", + " y_prob, indices = torch.topk(y_pred, k=k)\n", + " probabilities = y_prob.detach().numpy()[0]\n", + " indices = indices.detach().numpy()[0]\n", + "\n", + " # Results\n", + " results = []\n", + " for probability, index in zip(probabilities, indices):\n", + " category = self.vectorizer.category_vocab.lookup_index(index)\n", + " results.append({'category': category, 'probability': probability})\n", + "\n", + " return results" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "W6wr68o2p_Eh", + "colab_type": "code", + "outputId": "87886e24-350d-433e-981d-b2907b0c95cf", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 306 + } + }, + "cell_type": "code", + "source": [ + "# Load the model\n", + "dataset = NewsDataset.load_dataset_and_load_vectorizer(\n", + " args.split_data_file, args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "model = NewsModel(embedding_dim=args.embedding_dim, \n", + " num_word_embeddings=len(vectorizer.title_word_vocab), \n", + " num_char_embeddings=len(vectorizer.title_char_vocab),\n", + " kernels=args.kernels,\n", + " num_input_channels=args.embedding_dim,\n", + " num_output_channels=args.num_filters,\n", + " rnn_hidden_dim=args.rnn_hidden_dim,\n", + " hidden_dim=args.hidden_dim,\n", + " output_dim=len(vectorizer.category_vocab),\n", + " num_layers=args.num_layers,\n", + " bidirectional=args.bidirectional,\n", + " dropout_p=args.dropout_p, \n", + " word_padding_idx=vectorizer.title_word_vocab.mask_index,\n", + " char_padding_idx=vectorizer.title_char_vocab.mask_index)\n", + "model.load_state_dict(torch.load(args.model_state_file))\n", + "model = model.to(\"cpu\")\n", + "print (model.named_modules)" + ], + "execution_count": 155, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "JPKgHxsfN954", + "colab_type": "code", + "outputId": "0445e3a7-24a9-4c77-829d-a25681768ab1", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Inference\n", + "inference = Inference(model=model, vectorizer=vectorizer)\n", + "title = input(\"Enter a title to classify: \")\n", + "prediction = inference.predict_category(preprocess_text(title))\n", + "print(\"{} → {} (p={:0.2f})\".format(title, prediction['category'], \n", + " prediction['probability']))" + ], + "execution_count": 158, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Enter a title to classify: Sale of Apple's new iphone are skyrocketing.\n", + "Sale of Apple's new iphone are skyrocketing. → Sci/Tech (p=0.86)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "JRdz4wzuQR4N", + "colab_type": "code", + "outputId": "f2c91b24-a36a-4e35-b06a-f6618497d64f", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 102 + } + }, + "cell_type": "code", + "source": [ + "# Top-k inference\n", + "top_k = inference.predict_top_k(preprocess_text(title), k=len(vectorizer.category_vocab))\n", + "print (\"{}: \".format(title))\n", + "for result in top_k:\n", + " print (\"{} (p={:0.2f})\".format(result['category'], \n", + " result['probability']))" + ], + "execution_count": 159, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Sale of Apple's new iphone are skyrocketing.: \n", + "Sci/Tech (p=0.86)\n", + "Business (p=0.12)\n", + "World (p=0.01)\n", + "Sports (p=0.00)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "R3jrZ6ZkxN4r", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Interpretability" + ] + }, + { + "metadata": { + "id": "qrAieHoHxOt2", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We can inspect the probability vector that is generated at each time step to visualize the importance of each of the previous hidden states towards a particular time step's prediction. " + ] + }, + { + "metadata": { + "id": "k6uZY4J8vYgw", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import seaborn as sns\n", + "import matplotlib.pyplot as plt" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "2PNuY7GLoEi4", + "colab_type": "code", + "outputId": "24b2e48f-da5b-4251-c2eb-81e72603a6f4", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 330 + } + }, + "cell_type": "code", + "source": [ + "attn_matrix = prediction['attn_scores'].detach().numpy()\n", + "ax = sns.heatmap(attn_matrix, linewidths=2, square=True)\n", + "tokens = [\"\"]+preprocess_text(title).split(\" \")+[\"\"]\n", + "ax.set_xticklabels(tokens, rotation=45)\n", + "ax.set_xlabel(\"Token\")\n", + "ax.set_ylabel(\"Importance\\n\")\n", + "plt.show()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAdgAAAE5CAYAAAAzwTG+AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzt3XlYVOXbB/DvYdgXlRFQDFcUUhAC\nBUUQNMUwNVLTKBI1l6yszPxJ4oKVaO5mVmqaqbkgieKWS264oJIoICIKEsq+KYuIbPP+4cW8aqWI\ncwYOfD9dc+UMM+fczAxzz/0893mOoFAoFCAiIiKV0qjrAIiIiBoiJlgiIiIRMMESERGJgAmWiIhI\nBEywREREImCCJSIiEoFmXQdARERUU3ZtPWr92JiUkyqM5NmYYImISDIEQajrEGqMQ8REREQiYAVL\nRESSIQjSqQulEykREZGEsIIlIiLJ0IB05mCZYImISDKk1OTEBEtERJKhIaE5WCZYIiKSDClVsNL5\nKkBERCQhTLBEREQi4BAxERFJhsAuYiIiItVjkxMREZEIpNTkxARLRESSoSGhBCudWpuIiEhCmGCJ\niIhEwCFiIiKSDEFCdSETLBERSQabnIiIiEQgpSYnJlgiIpIMKS00IZ3BbCIiIglhgiUiIhIBh4iJ\niEgyxF4qcf78+YiOjoYgCAgICICdnZ3yZ6+++ipatmwJmUwGAFiyZAlatGjxn9tigiUiIskQs4v4\nwoULSElJQXBwMJKSkhAQEIDg4ODH7vPzzz/DwMCgRttjgiUiIskQs4s4IiIC/fv3BwBYWlqioKAA\nxcXFMDQ0rNX2OAdLRESSIbzAf8+Sm5sLY2Nj5XW5XI6cnJzH7hMYGIh33nkHS5YsgUKheOr2mGCJ\niIj+xZMJ9NNPP8WMGTOwefNm3LhxA4cOHXrq45lgiYhIMjQEjVpfnsXMzAy5ubnK69nZ2TA1NVVe\nf/PNN9G8eXNoamrC3d0d169ff3qstf81iYiIGg5XV1dlVRoXFwczMzPl/GtRURHGjRuHsrIyAEBk\nZCQ6der01O2xyYmIiCRDzC5iR0dH2NjYwMfHB4IgIDAwEKGhoTAyMoKnpyfc3d3x9ttvQ0dHB126\ndIGXl9fTY1U8a5aWiIionhhs/26tH7sveqsKI3k2VrBERCQZXIuYiIiokWMFS0REksHzwRIREYlA\nSueD5RAxERGRCFjBEhGRZEipyYkJloiIJEPs09WpknQiJSIikhBWsEREJBnsIiYiIhKBlLqImWCJ\niEgypNTkxDlYIiIiEbCCJSIiyZDSEDErWCIiIhGwgiUiIslgFzEREZEIpDREzARLRESSIaUuYiZY\nIiKSDClVsGxyIiIiEgETLBERkQg4RExERJLBLmIiIiIRSGkOlgmWiIgkg13EREREIpBSBcsmJyIi\nIhEwwRIREYmAQ8RERCQZ7CImIiISgZTmYJlgiYhIMljBEhERiUBKh+mwyYmIiEgErGCJiEgyNKRT\nwLKCJSIiEgMrWCIikgw2OREREYmAh+kQERGJQEoVLOdgiYiIRMAKloiIJENDQsfBMsESEZFkcIiY\niIiokWMFS0REksEuYiIiIhFIKL9yiJiIiEgMrGCJiEgyOERMREQkAimdro4JloiIJIOH6RAREUnQ\n/Pnz8fbbb8PHxwcxMTH/ep+lS5di1KhRz9wWK1giIpIMMedgL1y4gJSUFAQHByMpKQkBAQEIDg5+\n7D6JiYmIjIyElpbWM7fHCpaIiCRDEGp/eZaIiAj0798fAGBpaYmCggIUFxc/dp9vv/0Wn3/+eY1i\nZYIlIiICkJubC2NjY+V1uVyOnJwc5fXQ0FA4OzvjpZdeqtH2mGCJiEgyNASh1pfnpVAolP++e/cu\nQkNDMXbs2Bo/nnOwREQkGWIepmNmZobc3Fzl9ezsbJiamgIAzp07h/z8fPj6+qKsrAy3bt3C/Pnz\nERAQ8J/bYwVLRESSIWYF6+rqikOHDgEA4uLiYGZmBkNDQwCAl5cXDhw4gB07dmDVqlWwsbF5anIF\nWMESEREBABwdHWFjYwMfHx8IgoDAwECEhobCyMgInp6ez709QfHoIDMREVE99s3g2bV+7Ox936gw\nkmfjEDEREZEIOERMRESSIaWlEplgiYhIMng2HSIiIhFIKL8ywRIRkXRIqYJlkxMREZEImGCJiIhE\nwCFiIiKSDDGXSlQ1JlgiIpIMHqZDREQkAg3p5FcmWCIikg4pVbBsciIiIhIBEywREZEIOERMRESS\nIaUhYiZYIiKSDDY5ERERiYAVLBERkQgklF/Z5ERERCQGVrBERCQZPJsOERFRI8cKloiIJIOL/RMR\nEYlAQiPETLBERCQdnIMlIiJq5FjBEhGRZHChCSIiIhFIKL9yiJiIiEgMrGCJiEgyOERMREQkAimd\nTYdDxERERCJgBUtERJLBIWIiIiIRSCi/MsESEZF0cCUnIiKiRo4VLBERSYaU5mBZwRIREYmAFSwR\nEUmGhArYmlWwBQUFWLhwIaZNmwYAOHbsGPLz80UNjIiI6EmCINT6om41SrCzZs2Cubk5UlNTAQBl\nZWXw9/cXNTAiIqInCULtL+pWowSbn58PPz8/aGlpAQC8vLxQWloqamBERERP0hCEWl/UHmtN71he\nXq4ssXNzc1FSUiJaUERERFJXoyan9957D2+99RZycnIwadIkxMbGYubMmWLHRkREJFk1SrADBw6E\ng4MDLl26BG1tbXz99dcwMzMTOzYiIqLHNLgu4sTERGzZsgUDBw5Ev379sHz5cly/fl3s2IiIiB7T\n4LqIv/rqK3h4eCivDx8+HN98841oQREREf0bKXUR12iIuLKyEt27d1de7969OxQKhWhBERER/Rux\nK9H58+cjOjoagiAgICAAdnZ2yp/t2LEDv//+OzQ0NPDyyy8jMDDwqfHUKMEaGRlh69at6NGjB6qq\nqnDq1CkYGBi8+G9CRERUT1y4cAEpKSkIDg5GUlISAgICEBwcDAC4f/8+9u/fjy1btkBLSwt+fn64\ndOkSHB0d/3N7NUqwCxYswNKlS7Ft2zYAgIODAxYsWKCCX4eIiKh+iIiIQP/+/QEAlpaWKCgoQHFx\nMQwNDaGnp4eNGzcCeJhsi4uLYWpq+tTt1SjByuVyBAUFvWDo4isrzKuT/Wo3aV6nMdT1/p+Mwa6t\nx1PuKY6YlJPKf+dGnlX7/gHAxKmX8t9lBblq3792U5M63f8/Yqjrv4U6fg1S/zio9v0DgMVAL+W/\nLyz8Ve37d/YfI+r2xRwhzs3NhY2NjfK6XC5HTk4ODA0NlbetXbsWmzZtgp+fH1q3bv3U7dUowe7b\ntw/r1q1DQUHBY3OvJ06ceM7wiYiIak+dKzL9W6/RxIkT4efnhwkTJqBbt27o1q3bfz6+Rgn2+++/\nx7x589CqVavaR0pERPSCxMyvZmZmyM39/5GP7Oxs5TDw3bt3cePGDTg5OUFXVxfu7u6Iiop6aoKt\n0WE6bdu2hZOTE1566aXHLkREROok5nGwrq6uOHToEAAgLi4OZmZmyuHhiooKfPnll7h37x4AIDY2\nFu3bt3/q9mpUwTo4OGDZsmVwdnaGTCZT3u7i4lKThxMREdV7jo6OsLGxgY+PDwRBQGBgIEJDQ2Fk\nZARPT098/PHH8PPzg6amJqytrdGvX7+nbq9GCfbs2YdNI5cuXVLeJggCEywREamV2FOw1ec9r/by\nyy8r/z1s2DAMGzasxtuqUYLdvHnzP26rLqOJiIjon2qUYNPT0/Hbb7/hzp07AB6ecP38+fN47bXX\nRA2OiIjoUXWxpnBt1ajJafr06WjWrBkuX74MW1tb3LlzB4sWLRI7NiIiosdIaS3iGiVYmUyGiRMn\nwsTEBL6+vvjpp5+wZcsWsWMjIiJ6TIM7m86DBw+QmZkJQRBw+/ZtaGpqIi0tTezYiIiIJKtGc7Dj\nx49HREQExo0bB29vb8hkMgwePFilgdy7d095gK+pqSn09fVVun0iIpI+CU3B1izBtm/fHpaWlgAe\nnm3g3r17SE5OVkkAsbGxCAoKQmFhIYyNjaFQKJCdnY0WLVpgzpw5sLa2Vsl+iIhI+qTU5PTUBFtY\nWIi7d+8iICAAS5YsUd5eXl4Of39/lRyqM3/+fAQFBSkTeLW4uDh8/fXXnOslIiJJemqCvXTpEjZu\n3Ij4+HiMHj1aebuGhgbc3NxUEoBCofhHcgUAGxsbVFZWqmQfRETUMEiogH16gvXw8ICHhwe2bNkC\nX19fUQKwt7fHpEmT0L9/f8jlcgAPTxl06NAhODs7i7JPIiKSJnWeTedF1WgO9uDBg6Il2BkzZiAy\nMhIRERGIiYkB8PCMBpMnT4aDg4Mo+yQiImmSUH6tWYLt3LkzvvvuOzg4OEBLS0t5u6rWInZycoKT\nk5NKtkVERFQf1CjBxsfHAwD++usv5W1c7J+IiNStwXQRV/u3xf6JiIjUTUL5tWYrOSUlJcHPzw+O\njo7o1q0bxo0bh1u3bokdGxERkWTVqIL95ptv8P7778PZ2RkKhQJnz55FYGAgNmzYIHZ8RERESoKG\ndErYGlWwCoUCffr0gb6+PgwMDODp6cljVImISO0a3Nl0ysvLERcXp7weExPDBEtERPQUNRoi9vf3\nxxdffIG8vDwAD49TXbhwoaiBERERPanBdRHb29vj4MGDKCoqgiAIMDQ0FDsuIiKif5BQfq1Zgk1M\nTMTKlSuRmJgIQRBgbW2NTz75BO3btxc7PiIiIiUpVbA1moP98ssv4e7ujlWrVmHlypXo2bMn/P39\nxY6NiIhIsmpUwerp6eGtt95SXre0tFTJqeqIiIieh4QKWAgKhULxrDv98MMPsLa2hqurK6qqqnDu\n3DnEx8fj448/hkKhgIZGjQphIiKiF3Jq7s+1fmzvuRNUGMmz1aiC/fHHH//1sJxVq1ZBEATlWsVE\nRESiklAJW6ME++gxsERERHVFSk1ONUqwWVlZOHToEIqKivDoiPLkyZNFC4yIiOhJEsqvNUuwEyZM\ngI2NDVq0aCF2PERERP9JSmsR1yjBNmvWDAsWLBA7FiIiogajRgnW09MTe/bsgYODA2QymfL2Vq1a\niRYYERGRlNUowSYkJGDv3r1o1qyZ8jZBEHDixAmx4iIiIvqHBjcHGx0djcjISGhra4sdDxER0X9q\ncF3Etra2ePDgARMsERHVKQnl15ofpvPqq6/C0tLysTnYLVu2iBYYqUd8fDzkcjk7xIlUrKqqiqvc\niaDBVbCTJk0SOw7JUCgUj73AT15X1XbVIT09HVOnTsXy5cvRrFkz6OjoqHX/T/Nvz4eYH1h79uxB\nkyZNYG1tDXNzc1H2URt5eXmQy+X14kOlLt6jdbnf2oqNjYW1tTW0tbUbbJIV63OwoXlqgq2qqgIA\ndO/eXS3B1FePvnkEQUBZWRnKysqgr6+vkj+eR7d/9+5d6OnpqSXZaWpqwtXVFb///jtMTEzqzRep\n6ufj7NmzuHz5Mpo0aYIBAwbAzMxMlP2FhITgwIEDGD16NPT19UXZR23Ex8dj9+7dmDFjRp3FUP1a\nXLx4EadOnYKTkxMsLS3RsmVLUfeblJQEY2NjGBkZQUtLq95/gFfHd+vWLSxcuBBVVVX49ddfG1SS\nffJzsKKiApWVldDR0anXr01demqC7dKly78+cdVPdGNZg7j6Obh+/Tru3buHX3/9FYIgwNvbG337\n9q31dqufx+rt79ixAydPnkTr1q3RunVr+Pr6qiT+J1X/wZuZmcHW1hZBQUGYMmUKSkpK6kWCqU6u\nP//8M95//31s3boVOTk5+Pzzz1W+r4KCAhw4cAD/+9//YGRkhGPHjiE9PR2Wlpbw8vJS+f5qqqys\nDJ06dUJGRgZWrVpVZ6umVb8Wy5cvh5+fH5YuXYoRI0Zg5MiRj00XqVJISAj27dsHBwcHZGZmYt68\nedDUrNFgW52pfp42bNiAoUOH4o8//sCYMWOwYcMG6OjoNIgkW/05lZKSguLiYmzcuBGamprw9vZG\njx491BiH2nb1wp76il+7dg3x8fH/uFTf3tDl5+fj7t27yMvLw4YNG7Bw4UJERkaif//+aNmy5Quf\ncP7evXvKfx88eBB//vknvv76a9y7dw/JyckvGv5/qv5D3717N8rLy2FhYYFbt27hzz//RF5enmj7\nfZr09HQsWbJEef3SpUuYNGkSqqqqUF5ejjFjxiAlJQWlpaUq3a+hoSG6deuGb7/9FgsWLMDt27fR\nqlUr3Lx5EzU40ZQo9u/fj+nTpyM6OhqLFy9GTk4OTp48WSexKBQKXL16Fd988w2sra1hYGCAIUOG\noKCgQPlzVYqKisK+ffvw448/oqqqCpqamtDU1Kyz16Imqkf6Tpw4AVtbWwwfPhzr1q1Dhw4dMHHi\nRJSVlUFDQ0N5P6nKzMzEunXrsGDBAvz555+wt7eHjo4O2rRpo9Y4qouS2lzUTTZ37ty5at+rBBQV\nFeHXX39FRUUFDA0NoaenhxEjRsDd3R36+vrYvn07Bg4cCCMjo+fetkKhQFZWFkaOHIlXXnkFLVq0\nQFpaGqytrREdHY3k5GTMmzcPsbGxKC0tfez4Y1XZu3cvduzYgddffx0JCQmIjIyEQqGAlpYWmjZt\nCgMDA5Xv82m0tLTw7bffIjk5Ge7u7rhx4wb279+P2NhYBAYGwszMDDt27ECnTp2gp6ensv1qaGig\nc+fO6Nq1K3x8fODm5oasrCwcO3YMnp6edVI5lZWV4cCBA4iJiUF6ejqcnZ2Rk5MDGxsbVFVVif5B\nUT2yUlZWBk1NTdy8eRNz585FbGwsVqxYgaZNm2L+/PmwtbWFoaGhyvablJQEfX19aGlpITo6GgkJ\nCViwYAESEhKQkpJS7xa2qX6e8vPzoa+vj/v37yMjIwNmZmaQy+WwsrJCWFgYjh49ioEDBz73eyk3\nNxelpaUqfb8/r+zsbBQXFwMA7t+/Dw0NDQwdOhSenp4wNjZGWFgYBgwYoNbPi/Rz0YCAWl1a9XpF\nbXECTLD/UP1Ho6OjA4VCgdjYWGhqasLW1hYmJiYAHlabXbt2hZOTU632IQgCDA0NoaGhgeXLl8Pe\n3l6ZYEpKSrBy5UpoaGhg06ZNaNGihUo/WBQKBSorK7Fx40YMHz4cbm5ueO211xAdHY0LFy6goqIC\n2trasLS0VNs3vup9Dhs2DL/88gsSExPh4+ODnTt3wt7eHgMGDMClS5ewbt069OnTB8bGxirdv46O\nDszMzBAbG4vt27cjLCwMs2fPhqmpqUr38ywHDhxATk4OunTpAisrK7z88stIS0tDVFQUfv/9d3Tr\n1k0tDViCIODkyZP4/vvvER8fj379+uH+/ftQKBTw9vZGUlIS9u7di169eqnstTh9+jTCw8PRvn17\nrF27FikpKVi3bh00NDSwdetWlJWVwdbWViX7UoXqId/Tp09j6tSpKCgogK6uLlJSUnDv3j3o6+uj\npKQEOjo6KC0tRU5ODuzt7Z9rH4mJidDS0kKTJk1E+i2eLiIiAkFBQYiMjERoaCjy8vLQpUsXdOzY\nEQqFAjt37kT37t3h4OCg1rgyzsXUuoJt5fJ8r8GLYoJ9QnZ2tvJbeevWraGtrY1z586hqqoKcrkc\nurq62LJlC7p27Yp27do99/arh7oEQYCdnR10dHSwYMECjBw5Eqamprh48SJeeuklnDhxAuHh4Rg6\ndCiaNm2qst9PEARoaGggKysL2dnZsLCwQJMmTdC/f3+kpqbCzc0Njo6OtarMa0OhUEAmkyExMRFl\nZWUYPXo01q1bh7y8PEydOhW7du3CmTNnEBYWhi+++AJ2dnaixaKrqwsNDQ2MGDHihYf/n1dVVRVu\n3ryJ8PBwpKam4tq1axAEAb6+vrCzs0NpaSkcHBwgl8tFjyUxMRGrV6+Gl5cXCgoKEBoairfeegs5\nOTlYuXIljhw5gvHjx8PR0VEl+0tKSsIHH3wADw8PvPrqq2jXrh3+/PNPPHjwACdOnMDFixfx3nvv\nqfyLVW2UlJRAS0sLgiDg5s2bOHbsGIYOHYq0tDQoFAq0aNEC6enpiIyMxNq1azF16lRUVVXhwYMH\nz52IWrRoUWfJ9cyZM/j1118xefJkjBs3DpaWlrh37x7++OMPtG3bFqampti+fTt69Oih9pGFjIjo\nWj+WCbaOKBQKpKenY+DAgYiMjMS1a9fQvHlzmJub46WXXsKlS5dQVVUFhUKBpk2b4tVXX63VPqq/\nSf35559IT09Hjx490Lp1a8yePRsffvghWrZsidjYWMTHxyMgIKBWSbwm5HI5jh8/jsrKShgZGeHy\n5csIDw/HJ598otKE/iyCICAiIgKzZs3CmTNncPbsWcydOxfr1q1DUVERZs+eDVdXV7i7u4tewejp\n6aFdu3aiDMk/TWhoKNavXw8LCws0a9YMnTt3RmRkJA4ePIikpCQMGjQIffr0UUtyTUtLw6ZNmyCX\nyzF+/HjY29sjIyMDR48exfTp0/Hmm2/C09MTXbt2Vcn+du3ahZKSEly9ehU3b96Ek5MTunTpAhsb\nGxQUFKCoqAgffvghOnTooJL9vYj79+9j0aJFsLOzQ3l5Od5991289NJLGDNmDDp27IioqChoaGjA\nysoKw4cPh6WlJW7duoWdO3di7Nixann9VOH27dsYN24cRo0ahf79+wN4mOxbtGiB3NxcpKWloU2b\nNigrK4Onp6fa42OClaCSkhI0b94c+vr6KC0tRUZGBgRBwHfffQcDAwNERkYiMzMTMpkM/fv3h0wm\ne+5DB6rvGxISgm3btqFJkyb44YcfMHbsWLRr1w5z5szByJEjMXjwYPTr1085JC2GJk2aoF27doiI\niMCBAwcQHR0Nf39/0Q6F+S9JSUlYvXo15s+fj7Fjx+LIkSOIiYnBwoULsXLlSsTFxWHAgAFqTfrq\ntHfvXuzduxeTJ0/GmjVr0KZNGwwcOBA9e/ZERkYGMjMz4erqKmp3d/X7+P79+zA0NERiYiIyMzOh\npaWFjh07wt7eHteuXcO2bdvwxhtvqOy1CAkJwd69e2Fvb4/bt28jJSUF586dg7OzM6ysrGBjY4Oe\nPXvWi8q1qqoK2trasLOzQ2FhIdLS0uDl5YWff/4Z7du3R+fOndGxY0dEREQgMzMT3bt3h1wux6lT\np/DRRx/B0tKyrn+FGqmoqICxsTEqKipw7do1tGrVSjlVYmhoiJKSEoSGhsLX11d5lIm6D6HKPBcN\nQUCtLuZMsOpV3XA0ePBg9OjRQ/mNTCaT4bXXXsPrr7+Opk2bIi0tDTdu3MCRI0cwcuTI5zr269E3\nYGpqKtasWYMffvgBV65cQXJyMo4cOYIJEyagsrIS69evh7e3t3IYSkzGxsbo1q0bXFxc0K9fP1hY\nWIi6v2rVz4dCocCBAwdw5swZtG7dGtbW1hgwYAC2bt2K9PR0zJs3DyYmJvVq4QdVKisrQ1JSEoYM\nGYKbN28iNTUVX375JRISEtCqVSs4OzujX79+oieY6lGEFStW4Pbt22jbti2qqqqQlZWF+/fvw9LS\nEk5OTnBwcEDz5s1Vss/CwkJs3rwZX375JWJiYpCamgorKyvEx8fj8OHD6Nu3r9qmKZ6lsrISf/31\nl3K4Njk5GbNnz4aXlxf69u2LmTNnokOHDnj55ZdhbW2NTp06oWXLljAyMoKLi4tkKteMjAz4+/vD\nzc0NvXr1QlpaGvbt24d27dopk2zbtm1x8uRJuLm5KY/VV3d3bub52s/BmvdkglWr6oYjLS0tBAUF\noWfPnnB2dkZ2djbOnDmDNm3awMbGBh4eHhg+fDi8vb2f6xv8o8l1z549kMlk6NixI06fPo2oqCis\nW7cO0dHRWLRoEWxtbfH555+jadOmanvTymQy6Ovrq/X4V0EQEB0djczMTBgZGaFdu3ZISEhAWVkZ\nOnToABMTE8TExKB///4NNrlu374d+/btQ0hICPbs2YOioiJ8//33EAQBS5cuhYWFBVq2bKmWBUfi\n4uLw1Vdf4aOPPkJ6ejqKioqgo6MDDQ0NxMfHQ6FQwNLSUqVD5zo6OmjVqhXOnz+P06dPY+3atcjK\nylJWsu+++26dzT8+qbpnYdKkSdi2bRumT58OCwsLLF68GP369UO/fv3w2WefwcrKCp07d1b7FMOL\nqv6MMjIyQnZ2NrZt2wY3Nzc4OTkhOzsbe/fuVSbZPXv24Ny5cxgyZEidrfyWdT6m1hVsSyZY9bl9\n+zYyMjKgoaGBnj17Qk9PD7NmzUKvXr3Qq1cv5OXl4eLFi9DR0VGuXKOrq1vrYeGwsDDY2NjA2dkZ\nd+7cgb6+PpycnFBUVARHR0e4u7urrYqsC9V/yFeuXEFAQABSU1ORnZ2N8vJytG/fHjt37kRSUhKO\nHDkCb29v0eaf69rx48exa9cuvPHGG8jOzkZ0dDTMzc3h7u6Ow4cPIzIyEoMGDVJbBRcTEwMDAwO8\n9dZbsLOzQ1ZWFlJSUjBo0CDk5eXBzs5OlCqsRYsWKC8vR15eHtzd3ZGWlgZ3d3d88skn9eaQnOr3\nbKtWrXDlyhX8/fff8PLyUlbzy5cvh4eHB7y8vKChoSHJv9/i4mJlsnRwcEB2djY2bNgAd3d3dO/e\nHTk5OTh27BiuX7+OEydOYM6cOXX6xTfzQmztsqsgoGWPZzdJzp8/H6tWrcLOnTthZWX12Drt586d\nw9SpU7Fz505cvHgRr7766lPzQaNNsNWNNdHR0bh16xZcXV1ha2uLJk2aICAgQJlk09PTkZCQADs7\nO8hkslpVlgUFBfj+++8xffp0tGzZEqdPn8a1a9dQVFSEEydO4NixY/j8888b/IL7giDgwoULOHz4\nMCZNmoRRo0ahoqICycnJMDAwUFayHh4eGDRoUF2HK4qEhAT89ttvGDBgALy8vODi4oLY2FhERESg\nqKgIcXFx+N///oe2bduKsv+KigrlQiO5ublQKBQwMDDAypUr0bp1a1haWsLa2hrbt29H165dMXDg\nQFGHOAVBwNGjR3HixAns2rUL48aNE30ZxpqqTq4JCQkoLS1Fr1694OjoiKlTp6Jr165wdXVFkyZN\nsHTpUkyYMAGWlpb1fknHJ127dg2TJk1CUVERkpOT0aVLF7zyyiuQyWRYvXo1+vbti1deeQU3btxA\naGgoFi1ahI4dO9ZpzJnnY2pCCbGkAAAU9klEQVT92Gcl2AsXLuD48ePYuHEjHBwcMHfuXIwYMUL5\n8/fffx9r167FmDFjsGfPHuXn1n+p3+uPieT8+fNYvnw55syZ81jrfHR0NN566y1oa2tj0qRJ+OGH\nHzB06FAUFxe/0Kn6Hl0tyMDAQHmc4927d6GlpQUfH596MxwmhuoPneLiYkRGRmL//v1wdnaGIAhw\ncHBARkYGysvL4e3tDU1NTVy6dAlt27ZV6/Jr6mJiYoK2bdvi6NGjsLS0hJ2dHVauXIkPPvgAOjo6\nWLFihWhLEObn5+Po0aMYPHgwYmJiMH/+fHTs2BG9e/dGQEAAtm7ditLSUnTp0kV5XKfYzM3NMX36\ndFy9ehUffPBBvfqS+egykV5eXjh+/DhWr16NiRMnwt/fH6NGjYJCocD69euVow1SSq5lZWXQ1dVF\n27ZtkZqaikuXLuHatWtIT0/H+PHjIQgC5s6di5kzZ2Ly5Ml4991368V8sqAh3nMcERGh7Jy2tLRE\nQUEBiouLlYduhoaGKv8tl8tx586dp26vUSXY6qXKwsPD8d577z2WXBcuXIjY2Fh4enpi9OjRKCoq\nwrRp0xAWFvbCq9XIZDKMHj0affv2RYcOHaCnp4fjx4/j8OHDWL58eb06i40YBEFAeHg4Vq9eDVdX\nV2hqamL16tVo164d2rdvDxMTE/z2228YNWoU3NzcoKmpWS8OyxBD8+bNMXbsWOzcuRP79u2DIAjo\n2rUr1qxZg8LCQtGSK/CwWomNjUVRURGuXr2KOXPmQKFQKF+XcePG4bvvvlPGaG1tLVosj6o+BKS+\nycvLw48//ohly5bh8uXLyr/TESNGoGnTpti1axdGjBhRL5LO8zp16hR2796NpUuXws/PD5cvX8Yb\nb7wBc3NzJCUlISYmBjo6Oti3bx/i4uKwb98+Sf6ezys3Nxc2NjbK63K5HDk5OcocUP3/6h6dzz77\n7Knba1QJtnpRgyZNmig/yKqqqnDs2DEUFhZiwoQJ2L59Ozp16gRfX18MHjxYZSeZNzIygo2NDaKi\nonDy5EmcP38eQUFBDT65Ag/n+NasWYN58+bh8OHDaN++Pa5cuYIvvvgCAwYMQHp6OsaNGweZTIbW\nrVvD3Ny83i/u/iKaNWuGoUOHYvfu3QgODoaGhgZsbGxEPxSpV69eAICjR4/i/v37aN++PeRyOT74\n4AOsWbMGpqam2LhxI0pLS9VSvdZn+fn50NPTQ8+ePREeHo5jx45h3rx5KC8vR1hYGLy9veHm5gZ9\nfX3JDQtHRERg/fr1+PjjjwEAzs7OKCkpQUREBBwcHODu7g4PDw8AwOTJk6GrqyvqF7/npc6n+t/W\nwM7Ly8OkSZMQGBj4zA5/aZ/e4Tn89ddf2Lx5MwBAW1sbO3bsAPCwQ7Bjx44ICgqCh4cHTExMUF5e\nDgCiNJm0b98ejo6OWLhwoWSOjXtRenp6GDx4MK5du4YzZ85gzJgxcHNzQ3p6Ov744w+89tpr6NOn\nDyoqKgCgQSfXanK5HN7e3rC2tha9eqseucnOzoaTkxO8vLxgYmKCP/74Q3nbuHHjEBwcjIyMjEbx\npe9J+fn5iI+PR3l5OdLT0zFr1iyUlZUhJycH69evR1BQEMzNzXHhwgWcO3cOFRUVyjWCpZRcw8PD\n8csvv2DKlCmPLfXap08f9OrVC1FRUYiIiFAOfbZv377edfKLudi/mZkZcnNzldezs7MfWzK1uLgY\nEyZMwJQpU+Dm5vbM7TWKBFt9jF/10m5jx45FixYt8NFHHwGAcpL6wIEDSEhIgJWVFQCIcnopY2Nj\neHh4iNbEUh+1a9cOLi4uOHXqFCZMmIDevXujRYsWsLGxga2tLfz9/fH33383isT6qObNm+Pdd98V\nbUGRBw8eAHj4Pj579iwmT56M8ePHo6CgAJ07d0Z2djaOHDmCrKwsuLi4YNWqVTA3N5dUwlCVrVu3\nYvv27UhKSkKrVq1gYmKCZs2aYdasWejUqRNWrVqFFStWYNOmTcqF+6X2POXl5WHu3Lno1q0bXnnl\n/xe9X7t2rXJdYUdHR5w6dQrXr1+vt2cwqu0hOjV5uVxdXXHo0CEADw9fMzMze2yK8Ntvv8Xo0aPh\n7u5eo1gbfBfx2bNnsX79ekyZMuWxN1Xfvn1x5swZbNy4ERkZGbh8+TJ+//13LFy4UO2nX2roZDIZ\nmjVrhri4OJSXlyM/Px8ZGRmYOXMmXn/9dchkMlhaWjbY1ZqeRqxzhBYUFGD37t2ws7NDTEwMtm/f\njtmzZ8PCwgKRkZEwNzeHubk5YmJikJ+fj86dO6v9DEr1QfXwrq2tLa5evYrLly9DX18fkZGRaNq0\nKdq2bYshQ4agrKwMxsbG6Nu3L1xdXes67FqrrKzEjRs3oKuri3bt2mHVqlWIj4/HJ598AplMBhMT\nE+jp6cHKyqpenBv632T/FVvrx5o5PX2JT3NzcyQmJmLlypU4deoUAgMDleuDt2rVCl988QXu3LmD\nXbt2YdeuXSgvL3/qEq6Cor5+TVGBhIQEfPrpp5gyZQoGDhyovD0kJAR2dnawtrbGzp07lUOTPXv2\nbFSVpbolJSVh+/btiIyMxOTJk5XdeqR6RUVFKCkpQVlZGaZMmYLKykrs3r0bAHDy5Els2bIF06dP\nR35+PuRyeZ0felFXqhNsSUkJNDU1sXTpUuWhOSkpKejVqxdKSkrQvXt3vPPOO5KrWp+0ZcsWAEBk\nZCQqKipgZGSEb775BpqamggNDcWJEyewePHiej1NcGX1tlo/1nbSOyqM5NkadAWbmpqKgoICyOVy\nmJiYwNDQEN9//z0iIyPxzjvvQCaTwdraGl27doWtra3kVmCRGrlcDhcXF7z++uuwsbGRXHOIlOjo\n6EBPTw87d+5EcXEx4uPjkZWVBQ8PD7Rr1w6xsbHIzMyEt7d3o+gO/S/Vy0QGBgYiKysL3t7eSElJ\nQX5+PgYPHoz33nsPCoUC9vb2aj99oaodPXoUe/bswfjx46Gvr4+DBw/Cx8cHVlZWOHDgAMLCwjBt\n2jS1r0f+vHKi4mo9B2vWTb2nPGyQk17JycnQ19dHly5d4Ovri7CwMFRUVCAxMRHFxcX47rvvoKWl\nhbCwMFy5cgUzZsyo8SQ4vRgtLS1l5x2fb3HJZDK8+eab0NbWhq6uLk6ePImsrCyMGTMGCQkJmDRp\nUl2HWOdSU1OxaNEizJ07F9ra2ujYsSMmT56MxYsXIysrC3fu3MHw4cPrOswXUn3u2jt37sDPzw8t\nW7ZUjh6dOnUKZ86cQVZWlnJNZVKdBpdgIyIisGDBAnTv3h1VVVWYM2cO3N3dcfDgQVy5cgXLly+H\nlpYW9u/fj7CwMMycOVO0eTCiuta8eXMMGjQIlZWV0NLSwsGDB1FQUAB/f3/Y2tqioqKi0TWXPar6\nhBf29vbKpp7qJfBOnTrVIL4EamhooKioCAcOHMDs2bORnp6Oe/fuIScnB05OTli/fj2WLVsmmeQq\npZekQQ0Rh4eHY/Pmzfjiiy/Qu3dvxMTEwMXFBa1bt4aVlRVycnIgCALOnDmDw4cPY+bMmY3mUBlq\nvPT09NCmTRtkZmbCwMAAOjo6iI6OxmuvvdbovlxWT0vcvHkTiYmJaNasGYKDg5GTk4Nu3boBAIKD\ng6GlpYUxY8ao7OxBdS0hIQHHjh2DmZkZli1bBi0tLdy/fx8jR45ULjAhFTmX4mrdRmzqyCHiWqlu\nQR82bBi6deuGzMxMHDp0CIIg4Pz58/jhhx/g4+ODNWvW4Pr161i6dKlkvrERvSi5XI7hw4dj0KBB\nMDU1xVdffYWsrKx6uYKSmARBwMmTJ/HTTz/BwMAAVlZWeP3117Fp0yYUFhbCwsICUVFR6N27d12H\nqlIWFhbo3bs3dHV1MWPGDNjZ/f+avKpaTIf+qcF0EZeUlGDz5s1ITk6Go6MjwsPD4eLiAl9fX2za\ntAkbNmzA3r17kZKSAhMTk0b3wUL0qMrKynq1Oo+6FBQUYNasWZg+fTpat26NDRs2oLy8HN27d8eN\nGzdw584d5UL+VD/Frw+u9WM7j3tbhZE8W4OpYPX19WFoaIiuXbti3bp16NGjB3x9fQEAfn5+uHnz\nJu7evfvYOpNEjVVjTK5JSUkwNjZGUVERkpKS0Lp1a/j5+WH27Nl48OABPvnkk7oOkWpAzMX+Va3B\nTMAcPXoUx44dg6enJ6ZMmYJ79+7h6NGjAIBDhw4hNjaWQyFEjdS1a9cwZcoU5Xlvw8PDceHCBchk\nMgwfPhyFhYXKla+ofhNzqURVk3wF+2QLupmZGfr06QMAOHLkCE6dOoXMzEwsXry43h/fRUSql5SU\nhNjYWGhpaaG8vBy9e/dGQUEBVqxYgZ49e+L48eOYOnVqvV5cgaRJ8hXsoy3obdq0QXp6OtLS0pCb\nmwsXFxdERUVh2rRpbGgiaoQKCwvh7++P0tJS9OjRA2vXrkVFRQV8fX3x5ZdfwsLCAl999VWDa2pq\n0IQXuKiZ5CtY4OHCEiUlJco1VwcMGIDS0lL4+Pigb9++Dfpk5kT035o0aYI333wTbdu2hZOTEw4c\nOIDNmzdjxIgRsLOze6yblkjVJF/BAv9sQR87diw+/PBDaGtrM7kSNUJJSUnIy8tDeXk5OnXqhJCQ\nEHTo0AFDhgzBgwcPsG3bNjx48KDenjGG/puU5mAbzGE6RNR4PbqudWJiIubOnaucFpoyZQp+//13\n6Orqws/PD1FRUZDL5crTVJK03Ni8s9aP7TRKvcteNogKlogar/z8fGzcuBEFBQWorKxESEgIgoKC\nMG3aNFhbWyMgIACFhYWIiooCADg6OjK5SpnGC1zqIFQiIslKSkrCrVu3EBwcjKqqKmhpaeHOnTto\n0qQJfH198fHHH8PJyQmxsbH47bff6jpcekFSGiJmgiUiSXNyckL37t1x584dbNiwAXfv3sXNmzeR\nnJwMALC2toaHhwd+/PFHlJSU1HG01Jg0iC5iImq8Lly4gG3btqF3794oKipCTEwMoqOjERUVhaSk\nJDRv3hzLli1DXFwcLl68iIqKCshksgZxphyq35hgiUiyoqOjsXjxYsybNw+mpqa4fPkySkpKUFFR\nga+++gqZmZkoLy+HtrY2jIyMEBAQ0KhPz9cQSOmLEd9pRCRZZWVlcHR0RHx8PMLDwxEREYHy8nJk\nZ2fjxx9/xMSJE5UJ1dPTs46jJZWQTn5lgiUi6erQoQOaNm2KkJAQfPjhhxg0aBAuXbqEtLQ0vPHG\nG6xWGyApLfbP42CJqMGIiIjAmjVr8NFHH8HZ2bmuwyER3AwJq/VjO4zwVmEkz8avd0QkeUVFRdi3\nbx/27duHiRMnMrlSvcAKlogahPLychQVFUEul9d1KCQiVrBERGqmpaXF5NoISKiJmAmWiIikg4fp\nEBERiUFCXcRMsEREJBlSqmC5FjEREZEIWMESqdiiRYsQGxuLBw8e4OrVq3BwcAAADB8+HG+++eY/\n7h8SEoKLFy/i22+/VXeoRNIjnQKWCZZI1aZPnw4ASE1NxbvvvovNmzfXcUREVBeYYInUpLi4GHPm\nzEFWVhYqKiowbNgwvP3224/dJzw8HKtWrcIvv/yC27dvY+HChaisrERFRQUCAwPx8ssv45133oG7\nuzuioqLw999/Y8qUKRg0aFAd/VZE6iWlOVgmWCI12bhxI+RyOZYtW4b79+9j4MCBcHNzU/786tWr\nWLFiBdatWwdDQ0NMmzYNa9asgYWFBa5cuYLZs2cjJCQEAFBaWoqff/4ZERERWLx4MRMsNRpSWouY\nCZZITWJiYuDj4wMA0NPTQ5cuXRAfHw8AyMjIwAcffID169dDLpcjKysLKSkpmDFjhvLxhYWFyn/3\n6NEDANCqVSvcvXtXjb8FUR1jBUtET3pyaOvRVUr//vtvuLu7Y8OGDViwYAG0tbWhq6v7n/O3MplM\n1FiJ6ispDRHzMB0iNbG3t8fp06cBPJyPjY+Ph42NDQDAxcUFX3/9NZKTk7F//34YGxvD1NRUef+k\npCT89NNPdRY7ET0/VrBEauLn54c5c+bA19cXZWVl+Oyzz2Bubq78uUwmw5IlSzBq1CjY2dlh8eLF\nCAoKwk8//YTKysrHhouJGi3pFLA8mw4REUlH6h8Ha/1Yi4FeKozk2VjBEhGRZLCLmIiISAwSanJi\ngiUiIslgFzEREVEjxwqWiIikg3OwREREqschYiIiokaOFSwREUmHdApYJlgiIpIODhETERFJ0Pz5\n8/H222/Dx8cHMTExj/3swYMH8Pf3x7Bhw2q0LSZYIiKSDg2h9pdnuHDhAlJSUhAcHIygoCAEBQU9\n9vNFixahc+fONQ/1uX85IiKiOiIIQq0vzxIREYH+/fsDACwtLVFQUIDi4mLlzz///HPlz2uCCZaI\niKRDEGp/eYbc3FwYGxsrr8vlcuTk5CivGxoaPleoTLBERET/4kVPNscuYiIikgwxu4jNzMyQm5ur\nvJ6dnQ1TU9Nab48VLBEREQBXV1ccOnQIABAXFwczM7PnHhZ+FE+4TkREkpEdcarWjzVz6f3M+yxZ\nsgR//fUXBEFAYGAgrl69CiMjI3h6euLTTz9FZmYmbty4AVtbW4wcORJDhgz5z20xwRIRkWTknDtd\n68ea9nRTYSTPxjlYIiKSDgmt5MQES0REkiFI6HR1bHIiIiISARMsERGRCDhETERE0sE5WCIiItWT\n0unqmGCJiEg6mGCJiIhUj13EREREjRwTLBERkQg4RExERNLBOVgiIiIRMMESERGpHg/TISIiEgO7\niImIiBo3VrBERCQZgiCdulA6kRIREUkIK1giIpIONjkRERGpHruIiYiIxMAuYiIiosaNFSwREUkG\nh4iJiIjEIKEEyyFiIiIiEbCCJSIi6ZDQQhNMsEREJBkCu4iJiIgaN1awREQkHRJqcmKCJSIiyeBh\nOkRERGKQUJOTdCIlIiKSEFawREQkGewiJiIiauRYwRIRkXSwyYmIiEj12EVMREQkBgl1ETPBEhGR\ndLDJiYiIqHFjgiUiIhIBh4iJiEgy2OREREQkBjY5ERERqR4rWCIiIjFIqIKVTqREREQSwgRLREQk\nAg4RExGRZEjpbDpMsEREJB1sciIiIlI9QUJNTkywREQkHRKqYAWFQqGo6yCIiIgaGunU2kRERBLC\nBEtERCQCJlgiIiIRMMESERGJgAmWiIhIBEywREREIvg/6yUtP+wTpzgAAAAASUVORK5CYII=\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "1YHneO3SStOp", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# TODO" + ] + }, + { + "metadata": { + "id": "gGHaKTe1SuEk", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "- attn visualization isn't always great\n", + "- bleu score\n", + "- ngram-overlap\n", + "- perplexity\n", + "- beamsearch\n", + "- hierarchical softmax\n", + "- hierarchical attention\n", + "- Transformer networks\n", + "- attention interpretability is hit/miss\n" + ] + } + ] +} \ No newline at end of file diff --git a/notebooks/15_Computer_Vision.ipynb b/notebooks/15_Computer_Vision.ipynb new file mode 100644 index 00000000..7affe3dc --- /dev/null +++ b/notebooks/15_Computer_Vision.ipynb @@ -0,0 +1,2187 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "15_Computer_Vision", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + }, + "accelerator": "GPU" + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Computer Vision" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "In this notebook we're going to cover the basics of computer vision using CNNs. So far we've explored using CNNs for text but their initial origin began with computer vision tasks.\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "wKX2R_FT4hSQ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "" + ] + }, + { + "metadata": { + "id": "zOUWqHjL6hmU", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Set up" + ] + }, + { + "metadata": { + "id": "kjXAaAyx6i5W", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "!pip3 install torch torchvision\n", + "!pip install Pillow==4.0.0\n", + "!pip install PIL\n", + "!pip install image" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "vXjCadon6toa", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "import os\n", + "from argparse import Namespace\n", + "import collections\n", + "import json\n", + "import matplotlib.pyplot as plt\n", + "import numpy as np\n", + "import pandas as pd\n", + "from PIL import Image\n", + "import re\n", + "import torch" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "N518ySE16trp", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Set Numpy and PyTorch seeds\n", + "def set_seeds(seed, cuda):\n", + " np.random.seed(seed)\n", + " torch.manual_seed(seed)\n", + " if cuda:\n", + " torch.cuda.manual_seed_all(seed)\n", + " \n", + "# Creating directories\n", + "def create_dirs(dirpath):\n", + " if not os.path.exists(dirpath):\n", + " os.makedirs(dirpath)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "KG_bcOZ58vhB", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Data" + ] + }, + { + "metadata": { + "id": "PGQLzyss8wja", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "We're going to first get some data. A popular computer vision classification dataset is [CIFAR10](https://www.cs.toronto.edu/~kriz/cifar.html) which contains images from ten unique classes." + ] + }, + { + "metadata": { + "id": "NYy0WlkB9AoK", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Don't worry we aren't using tensorflow, just using it to get some data\n", + "import tensorflow as tf\n", + "import matplotlib.pyplot as plt" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Ka-WxeEJ8vAd", + "colab_type": "code", + "outputId": "ec24e935-0562-4c55-c2ab-2bfe59a49128", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Load data and combine\n", + "(x_train, y_train), (x_test, y_test) = tf.keras.datasets.cifar10.load_data()\n", + "X = np.vstack([x_train, x_test])\n", + "y = np.vstack([y_train, y_test]).squeeze(1)\n", + "print (\"x:\", X.shape)\n", + "print (\"y:\", y.shape)" + ], + "execution_count": 8, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Downloading data from https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz\n", + "170500096/170498071 [==============================] - 50s 0us/step\n", + "x: (60000, 32, 32, 3)\n", + "y: (60000,)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "0YIiwLWcBH07", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Each image has length 32, width 32 and three color channels (RGB). We are going to save these images in a directory. Each image will have it's own directory (name will be the class)." + ] + }, + { + "metadata": { + "colab_type": "code", + "id": "xWqzC-M1NCzx", + "colab": {} + }, + "cell_type": "code", + "source": [ + "!rm -rf cifar10_data" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "AdZjOciC-Bzm", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Classes\n", + "classes = {0: 'plane', 1: 'car', 2: 'bird', 3: 'cat', 4: 'deer', 5: 'dog', \n", + " 6: 'frog', 7: 'horse', 8: 'ship', 9: 'truck'}" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "DbNtoIxD8dxc", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Create image directories\n", + "data_dir = \"cifar10_data\"\n", + "os.mkdir(data_dir)\n", + "for _class in classes.values():\n", + " os.mkdir(os.path.join(data_dir, _class))" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "wf5EY4Ey8kFq", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Save images for each class\n", + "for i, (image, label) in enumerate(zip(X, y)):\n", + " _class = classes[label]\n", + " im = Image.fromarray(image)\n", + " im.save(os.path.join(data_dir, _class, \"{0:02d}.png\".format(i)))" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "PrD2oUFu_KVF", + "colab_type": "code", + "outputId": "e336f8c8-5cf5-4235-ec10-68761b6c725c", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 101 + } + }, + "cell_type": "code", + "source": [ + "# Visualize some samples\n", + "num_samples = len(classes)\n", + "for i, _class in enumerate(classes.values()): \n", + " for file in os.listdir(os.path.join(data_dir, _class)):\n", + " if file.endswith(\".png\"):\n", + " plt.subplot(1, num_samples, i+1)\n", + " plt.title(\"{0}\".format(_class))\n", + " img = Image.open(os.path.join(data_dir, _class, file))\n", + " plt.imshow(img)\n", + " plt.axis(\"off\")\n", + " break" + ], + "execution_count": 14, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAd8AAABUCAYAAADDAD33AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzsvXm4XVV9//9aa+29z3zumHtv5puE\nTAQpiFgHMCQINwFRDGgtBae29qnap0i1aMXqY621Po/a1mprbX9Pa60jUpywSouggiAQ5iGEhISb\n5CY3ufOZ9rDW+v2x9jlJlNxL/cKNbc/7efLknnP22eez1/6sz/z5bGGttbTRRhtttNFGG/MGebIJ\naKONNtpoo43/a2gr3zbaaKONNtqYZ7SVbxtttNFGG23MM9rKt4022mijjTbmGW3l20YbbbTRRhvz\njLbybaONNtpoo415xq+c8n3ve9/LZz/72ZNNxv963HXXXVxwwQW/8P4nPvEJvvzlLz+rc1xwwQXc\nddddzzVpzzmiKOLGG288qTTcc889bN68+aTS8P+C/wn0v/vd72bjxo38+Mc/PtmknBD79u3j1FNP\nPdlkPOeY7bq++MUv8ld/9VfzTNFRfO1rX3tOzvNc3zvvOTtTG/8r8Ed/9Ecnm4TnHI8++ig33ngj\nl1566ckmpY3nEd/97nf5/ve/z7Jly042KW0cgyuvvPKk/bbWmo9//OO8/vWvP2k0nAgnzfO96667\nuOSSS/jYxz7G0NAQmzdv5v777z/umPvuu49t27axZcsWLrroIu644w7AWSDnnHMOX/jCF7jkkks4\n99xzuemmmwCw1vK3f/u3DA0NsWnTJj7ykY+gtZ6Xa7rxxhsZGhpiaGiI97znPURRxNe//nW2bt3K\nhRdeyG/91m+xf/9+AG644Qbe+c538qY3vYmPf/zj80LfM+Ev//IvGRoaYsuWLWzfvv24yMPmzZtb\na3ngwAEefvhhLr74YoaGhvjoRz960miGZ7/WR44c4Z3vfCf3338/V1xxxbzS+NnPfpaNGzdy6aWX\ntng3iiI+8pGPtHj+7//+71vHP/nkk1x55ZUMDQ1xySWX8NBDDwFur7zhDW/gD//wD+fVOHom+sMw\n5E//9E8ZGhpi69atfOxjH2vtrx//+Mds3LiRrVu38tWvfpUXvvCF7Nu3b15oveqqqzDG8Nu//dtc\nfvnlfOpTn2Lr1q1s376dyclJ/vAP/5ChoSEuuugi/uEf/qH1vRtuuIGXv/zlvPrVr+aGG25g7dq1\n80Lv9ddfzyWXXMLGjRv5zne+gzGGT33qU2zZsoUtW7bw3ve+l1qt1rq2Y6/nZz/7Ga997Wu56KKL\n2Lp1K9/73vcAmJ6e5j3veQ9DQ0Ocf/75fOMb33heaE+ShPe///0MDQ1xwQUX8M53vpNKpfKM1wXw\n6U9/mve///2Akymf//zn2bZtGy95yUued4/4LW95CzMzM2zZsoVNmzYdt45XXXUV3/zmN1vHHvv6\nRz/6UUvW/d7v/R6Tk5O/cO53v/vd/Nmf/dkvT5w9Sbjzzjvt+vXr7Xe/+11rrbVf+9rX7Gte8xp7\n7bXX2s985jPWWmtf9apX2e985zvWWmv//d//3b7yla+01lo7PDxsTz31VPuv//qv1lprb7rpJnvB\nBRe0jrv44ovt9PS0jePYvu1tb2sd93xieHjYvuQlL7EHDx60xhj7jne8w37uc5+zp512mh0ZGbHW\nWvve977X/smf/Im11tpvfOMb9owzzrBPPfXU807bM6G5/s31/epXv/oL679p0yZ73XXXtb5z2WWX\n2a985SvWWrfm69ats3feeee80/7LrPWb3vSmeaVx586d9uyzz7aHDx+2SZLYt7/97XbTpk32b//2\nb+2b3vQmG4ahrVar9tJLL7W33HKL1VrbCy+80H7ta1+z1lp7zz332HPOOcfGcWzvvPNO+4IXvMDe\ncccdJ53+z33uc/Z3f/d3bRzHtl6v28suu8zeeOONNkkS+7KXvczeeuut1lprP/axj9l169bZ4eHh\neaN5zZo1dmRkxF555ZX2rW99q9VaW2ut/cAHPmA/8IEPWGutnZiYsOedd569++677cTEhD399NPt\njh07rNbavutd77Jr1qx5XmkcHh62a9eutV/60pestdZ+73vfs+eff779zne+Yy+99FJbrVZtkiT2\n93//91v78OevZ9u2bfauu+6y1lr71FNP2WuuucZaa+373vc++8d//MdWa23Hxsbsxo0b7Y4dO57z\na/jhD39o3/jGN1pjjDXG2E996lP2y1/+8jNel7XW/s3f/E1rL27atMm+/e1vt0mS2CNHjtizzz7b\nPvbYY885jU0MDw/b9evXW2t/cR2vvPJKe+ONN7aObb6uVqv2xS9+cWvtPvKRj9gPfehDx52ruQ+S\nJPmlaTupOd98Ps/WrVsBuPDCC3nssceo1+utz2+88cbW52eddRbDw8Otz5IkYdu2bQBs2LCBAwcO\nAPDDH/6Qyy67jFKphOd5vO51r+MHP/jB834tt99+O2eeeSb9/f0IIfjEJz7BW9/6Vu69914GBgYA\neNGLXnTcNQwODjI4OPi803YiZDKZ1vpu3bqVxx57jDAMjzvmvPPOA5zH89BDD3HRRRcBsGXLFnK5\n3LzS28Qvs9bzjbvvvpuzzz6b3t5elFK8+tWvBhx/XnHFFQRBQD6f5zWveQ0/+MEP2L17N2NjY1x+\n+eWA4/fu7m7uu+8+ALLZLC996UtPOv233norr3/96/E8j2w2yyWXXMLtt9/Onj17iKKIjRs3Akc9\n0ZOFjRs3IqUTb7fddlsr6tHZ2ckFF1zA7bffzgMPPMDg4CBr1qxBSslv/uZvzgtt1tpWCuTUU0/l\n4MGD3HrrrVx66aXk83mUUmzbto3bb7/9Ga+np6eHG2+8kV27djE4OMgnPvEJwPHWG9/4RqSUdHd3\nc8EFFzwvsq+7u5tdu3Zx8803U6/XufrqqznnnHOe8bqeCZdeeilKKXp6ejjrrLPYvn37c07jiXDs\nOp4I27dvZ2BggDVr1gDwnve8h/e9732tz2+99VZuuukmPvnJT6KU+qVpOak533K5jBCi9TfAzMxM\n6/Nvf/vbfOELX6BarWKMwR4zhlopRT6fB0BK2droMzMz/NM//RNf/epXARfz7+7uft6vZWJionUN\n4BSb1pq/+Zu/4ZZbbkFrTbVaZcWKFa1jOjo6nne6ZkNnZ2eLEYvFIuBCV8eiSWMz7NI8Tghx3PXO\nJ36ZtZ5vTE1NUSqVWq+P5e+/+Iu/4JOf/CTgwtCnn34609PTNBqNljEEUKlUmJycpFwuzzuvnIj+\n8fHx42jp6OhgbGyMqamp4+5JX1/f/BH7DDiWxvHx8eNoK5fLjI6OMj09fdxx/f3980KbUqpluDZl\n14nW9djXTXz0ox/l7/7u73jLW95CNpvlmmuuYcuWLczMzHD11Ve3FEIYhmzZsuU5p//000/nuuuu\n41//9V+59tpr2bx5M7/zO7/zjNf1TPj56/x5mfN84tnso5+XL0EQtP42xvD+97+fFStWUCgU/p9o\nOanK99g4+tTUFHB0cQ4dOsR1113H17/+ddavX8+ePXsYGhqa85x9fX1s3rx53pP8XV1dLS8FnOC8\n+eabueWWW/jiF79Id3c3X/va1/j2t789r3TNhuaaw1GleyLmbL5fqVQolUoYY477/nzif8Jal8vl\n4wzJiYkJwPHnW9/6VjZt2nTc8fv27aNQKPAf//Efv3Cuk1FRfiL6e3t7j9u3k5OT9Pb2UiwWWzlK\ngCNHjswfsXOgSfOiRYuAE9M8Ojp6skg84bqe6NgPfOADfOADH+AnP/kJf/AHf8C5555LX18fn/nM\nZ1oe2/OJZm56cnKSP/mTP+Ef//Efn/V3m7wE7jpPlhPy8wZCU551dXUdR2O9Xj9O1n3pS1/ive99\nL//yL//Cm9/85l/+93/pbz4HaDQa/Od//icA3//+9znttNPIZDKAs1bz+TwrV64kSZKWJ1utVmc9\n5/nnn883v/nNVvj6K1/5Cv/+7//+PF6Fw8aNG9m+fTv79u3DWssHP/hBDh06xOLFi+nu7mZiYoLv\nfe97c9I/n2g0Gtx8882AW/8XvOAFx1l5xyKbzbJu3brW8d/97nd/IUQ9X/jvrrXneVQqleMiJ883\nzjzzTO69917Gx8fRWvOtb30LcPz59a9/Ha011lo++9nP8qMf/YjFixczMDDQUr7j4+Ncc801xymH\n+cSJ6D/vvPO4/vrr0VpTq9X45je/ycaNGxkcHCRJkpah8OUvf7kV1TrZOO+881ryY3x8nJtvvpnz\nzjuPDRs2sGPHDvbu3Ysxhuuvv/6k0vitb32Ler1OkiRcf/31rRD+sYjjmKuuuqplKGzYsAHP85BS\nsnnzZr7yla8ALi330Y9+lEceeeQ5p/Ub3/gGn/nMZwAXPVu5cuV/617fdNNNGGM4cuQI27dv50Uv\netFzTmMTvu9jjGkVhB2LBQsW8PjjjwOuuHfPnj2AS/kcPnyYBx98EHCFh83rlVKyfPly/uIv/oK/\n+7u/Y/fu3b80bSdV+S5evJh7772XoaEhPve5z/HBD36w9dm6det4xStewdDQEL/xG7/B5s2bOeOM\nM7jqqqtmPecrX/lKNm3axGtf+1q2bNnCLbfcwjnnnPN8XwoDAwN8+MMf5k1velPLQ7/kkkuYnJzk\nggsu4I/+6I+4+uqrOXjwIB/72Meed3qeDVauXMl9993Hli1b+Od//mf+9E//dNbjP/ShD/H5z3+e\noaEhHnzwQVatWjVPlB6P/+5an3XWWYyOjnLuuefOW+X7+vXrecMb3sBrX/tatm3bxgtf+EIArrji\nChYtWsTFF1/Mli1b2LVrF2eddRZCCD75yU/yb//2b2zZsoUrr7ySl770pa3UynzjRPRfddVVDAwM\ncPHFF3PZZZdx3nnnsXXrVoIg4EMf+hDve9/7eM1rXsOKFSuQUv5KKOCrr76a6enp1rq+7W1v4/TT\nT6evr49rrrmGN77xjbzuda/jrLPOOmk0btmyhVe84hVs27aNV73qVQwMDPDGN77xF47zfZ/LL7+c\nN7/5zVx00UVcddVVXHfddeRyOa6++mpmZmYYGhri4osvxhjzvFRvn3/++TzyyCNceOGFbN26lSef\nfJK3vOUtz/r7q1ev5vLLL+fiiy/mqquuYvXq1c85jU0sWLCAs846i02bNh0XLQNXCX3rrbeydetW\nbrzxRl7+8pcDkMvl+PSnP92qHN+xYwfvete7jvvu4OAg73jHO7j22mt/aZki7Hy6A8fgrrvu4rrr\nrmt5Um200cb/HtRqNc4880zuueee43LHv2qw1rYMhJ07d3LFFVdw9913n2Sq/vdi8+bNfPzjH39e\nvd3/KfiVm3DVRhtt/M/EZZdd1uq3v+mmm1i1atWvtOJNkoRzzz2XBx54AHA0n3HGGSeZqjb+r6A9\n4aqNNtp4TvC+972PD3/4w/z1X/81hULhVya9ciJ4nscHP/hBrr32Wqy1LFiwgD//8z8/2WS18X8E\nJy3s3EYbbbTRRhv/V9EOO7fRRhtttNHGPKOtfNtoo4022mhjnjEvOd9/ueEr1OsV6nXXs6jjhCRO\niOMYAGMStE7cZ2n/IwgSLVpN0FprjDEIYbHWtno2jTF4+CjPQ2NBCQjchBclJBkrsEKglQDpqhoF\nEs8L+PNrrp2V7isv3oQvFSZ2tEVJjPA9jNbEcUxiDMJzfbG5bBkhBdbW6S56xNr91iO79lNLPKSE\nro4izRh/FIYkiUEnhjAMEeLotQprsBiMBPeOs5GkVBhjePSxHSek+bP/30vcOdIKzuZaNds+hBQI\njrZ/JFhiDNaYFm3WWowxxERoqzHpWrs1twgrkOnBltYfKKUQSoFUqPT3JQIJXPPme2dd609+9F1I\nBMWsa60xRqPDBCV98qUCvX09FNMe8LhSRUcNpLAIpWhY91uhCIiNQOgQJWPEdNrb10iIcllCIZFI\nsBbVGjFnscYSxZpEa4TneCexhtho3vHu2Qenu2pZ97exhqnpmGrF0qhbKpWEsOGa8+O4RpDN06hb\nwrrEWNeDrM0M5cJCLAGFEmSzbktOjmvQHkImCDlMV3eWjs6lABTLHvm8h0Cm+6F5LYK5OnsevPM2\napUGC5a6J/8E+Rw3fPELfOcbX+WUVat40cvPI0rnDhzY+ThP/PQ2TFxn4aoVnPpi14qhhUepWKRQ\nKBBHMSZdfyNiYhuhtUcum8NOTHBzWoA1sH45ow8/gYnA7ywyPuGmN73yVa+hZ/EKfuOtb5uV7gvP\nX0+lApNTrrc81hatIY4TlAfK85FeLl0FH60tSSPEVx6ldFpRvlxkZU8RtGHnwYNo6c7l2YSucjc1\nrQmThP4FXZRVA4DVCzt5bM8IM7WIUqlILXJtJaOTNRJ8fnb7z05I8+d/+CSaDCLdP0JYjr1BQliw\nx7epWAsYSWLcdxIr0BaE1UjBca1bibUYODooQqT7FAPaoIQkUApfNn/f8cfbzp+9teeG2/ZSDxsk\niZN7sdFoY5BARlmq9ah1z0GgjUZJgzd9mFA4eWhyZYTRCOHoU6mqkUqSYEEoPCnJ+j6+56VnEhhr\nEVKQUR6k70spUUKxbfPyE9J8z/YHuOfOn/Cj2/4LgKf37qajs8yqlSvpHxhgYnSEmf2u1SgXjLJk\n9QVM20G8fJnly5YA8Gsb1lEsl53s1hppnH5K0vsisWhxrPQ8Kl+1cTKjKSu1MVgLLz/7zBPSPC/K\nt9Fo/MJABscIAq01SaKBowK++S9JDGEYtd4HkJLjZnN6nocnBAiD7ymsFBibKjEsBolVEitFi8+V\ndMJ9TghJrE2TNIRQSCtBCDK+gjCEOKVbaWQ2wAqFn8ki0tMbrTEJIAWHDx85qmCFQAiJNYC1WHFU\ncGYCHyEFodbHKV/P857FvFyBtUfXy/0nWv8LK44XAIBnJVbI5sE41S9ABCiOMpTBrYVT3/K43wGQ\nRuIJhUIi05Gn0hNINXdZge9nkBaUcizpKQ8rAzDufpcKRfK+D4CWCtsIsDpGSIFMmkaLR0YKlIgQ\nCOqpcedLhfQChFIYna5oykPGGIw1KCXxvEzLQFNGI1ODcDYkiUan54wNDO9tcOigplKzWN1g+Cmn\nfMYOHWTZqjNJjKJnwVq8TJh+fwqtJVL2MV2BKHZK2RoBRuLJIj+946vkgjwvednbASh0KBYtyVIq\nQK4gKBT8lBqDMSClz4ngK4UUkiTdVx093SxbuYplgysQUhD4CpFe9oKOTp5Uisp0SCbIk/PTWd7K\np5jJ40sPY5LW+mubMDkzSSW2IBUTw/sZGXeTguT+PBPTVXq7F6ATjUzXuVgoMDd3wMHDDbT2qYfu\n6CjRKKmQ0kMpCVJhU4XQiELiKMIXEik9gkzKNyaBRkTR9/CSkGrkjLNs3md85jCJFqA8uspLWNzZ\nBUBfV5aHdj2N50uSJMJPedD3JcyxF4UwCHRLWGsgsWCNk29Cypbh1NzXzr61x62JtRaEAUHrXNY6\nJSuE22PWgi/dObLSEiifQHl4UhAoJ4yUbMqB2RHHMWEck6Qy0mhngCfGoAzEWhMn7jMrBNYYRBRB\nlDBdcVO6Do4/ztT0OGecupbFAwNUKs4IHR6ZpNDZTy5XRAPaaHydKlkhsThHIUkSSN/3PZ9gjhht\nd1cnWy56FatPcYbFZz79CfY8tYvq1DSDy5cxODjIwcjd04OjNUQpptAbMzV2gHuGnwCgOvIELz7r\nLHoGlmD9PI3ECTFrmutukMZgjrocLUdFG4sxlqYLY9wNmhXzonyb3mzT09WxxhpDHMfOatAaY456\nvqSWkbUWpY5aWEopPM9rWWRNGBNjBdhYglKt2aYSgRaGJF0In1QoWTBJPCfdsTFgLCb9PYFEAVq7\n5ZcoZLrh4zBGZAKE7yGUj68ct+TzeeqTNayRLQXoaLZIYdHa4HkeQRCQyTirsaOUY6ZSJao3aNQb\nx2yYo2t4IjSVYdNCPtYTEuKo0dOEh6BpxLYUtjEYKZBCoq3FCHP0c2vdymrPMVj6XSmdMeFZgTIg\nVJMOg/CehfL1AnylUMLdO6O1u9+BB8aSRBEmva9RHJORHiZJEAb81Dhpfm5iQ9ioE1VdpCUICiiL\nE9ZCYKxo7QstBFYpZwgmuhlqQAqPjDf79qhHlpkJQ2XGne3wkSqT45MIq/CET2QbHNi3B4Adj9zC\n6OEn6OtfxYoVpxBpN84zjkM0dWJzGG0snn/U+EiQICQH9+1HqiynneF+pzJjmDwSks8Lgoxk0dJ0\nPndZUp1OGFw1i/L1fISpEbeMYUlX3wBnnH02ykQoDwo5N7PWq3dgPZ/pMKGjq58FC9xDKxILSjl+\n9vwMBseTk6OHePThB7lvxy6OTFWI63W8lKeUVDTqIXmd4FnIZrLufaWe1eSxWuijVIAMvPR8Gmks\nRscY6wS38tLrjgzSU/R095D1A/LpPPJ61GBkYhKh66iMhwnduaxVSJHgedCI6kyMH+GUPudlWa0p\nZ7JMzdTxSJApf67o60UF2VlpDgKPBAX66P5RpMattQg0Mt2LSnGcYmxyqEQjnS+LRXDUSQElLEpa\npJAgwE8NmqwSBJ7EAwQG0fQEOKocZkMUJ8RJQpIOjzBGkxiNTRKM56KSsXb3PKxNcWRsnLGD44Th\nBDY16g6OT+H5MWevX0ZPyUdaF7WKogayXsXzMwghSKwmTn9HSgHWORmJlMimPAJaobYTwGpLgmX5\nipUAvP4NV3LTd77FkzseZ8fjT7D/wDBZz9FQ7h4kTAxBZZRAKgqpTTmy+1HuOryTVWvWsfy0s8n2\nLE7XOiDRxjkkWjjj6JjIq7VpNBCb3iNnw8+10u2cbxtttNFGG23MM+bF8zXGHpPLTfO3aQ63ZTmk\nFqDneWn+0yID0SJRG+PygFof5/kKIZAkCCkBkXq1qcUkgEBhLNjEItLcrUU/q1BoI05Qx3iKUihC\nbUFIFyKxSSt8qTXEiUZKSyNKaLqE5XIZbRWT01XCRsQxgaNWyEJKiVJe64lBxVIWg6UeJWhtj/Fe\nLXON67M2gWNoFgjnuQoLwtnCzfAcAqxMAIMywdG1FglaRMRCYFEI4zwKZQ2SGIFFSxBatvLHnvRd\nJCA2YDVJam0nwriQ2Rzw/YBcJtMycE2SOOve8/ClpFGp0Ujns8ZxRMYqfGuwJsbPOtM1k8syNVOl\nXq0hMASpd2USg5KSTOCBkGhDK68pTcqfiUEEHl7qPQscL86G0YOa+pRh5KDzsCvTMUHmCEZLpC0D\ngnUb3AMU9u15iMcfuIPSr+fI+sZ52YA1MVFYB+ETx5CkPJrN5hDC4nszhGFINpchk3XzypPYECWa\naEpi8Tk84S7Gy0TouMHgqtNOSLOyIKzFpr+vE0Oxs5t8uUyGGGsTJifHAbj77p+x88B+/MBjKozR\naTg7SmIa1Rr79+3n4OFRosR50ZVDBwgrMyRRxKGDo9Rjw5L+HgAGugY4KI8wMj5O2RMEWRflqVar\ndJaf+QECx8KqDEYezbf5QqDjBKstBoOSR2Oy2XwW31eUykWs1ijP7VGFoqYyhFGDYiFLd8YN9I8q\nk3SVcyxY1Mf+kcMYHVOpuHvqNTS9hTL95R5KhSz5ohsaUupcQGaO0Z9CGIRNWpGlrCecLDp2PzfT\nUIC1xskzpZDNhJNNkNZghMLY46NWvhT4qdgTQiLTnK+wGmEjZDPK1hR1gl/IMT8TYmOIE+f9ggsN\nG6PRSUJiLXnPw6Se78z0NEIKFi5diDKddBbc+lQaIYk1TEWKOx/aS5SmJqqJQcYhcRp5FEK0IpVK\nqZY8MVIizVEZLed6cp+VWJLW+vz6y17BKWvW86P/upnbfvifHBzZS5RzXrlBku8okgkU09UG4+lz\nAPq7OqjUQ564/2EmDxxg5boNACxYfSZeoYPQCrRx2YZWmuCYWhn3R7MGxhwfdnwGzIvyTZIkDTE3\nhbBtKdxmEYAQTSWmW4raCicY4Wgu2Ojj84zNc1gDiTZk8xkyadFOYi1T9Sqe53HK8pV0FdxmU8pS\nD48+seVEqNTrSEuLiZUXEGsXWBBSIrH4KVNERkC9QVYqLIJGwwmkIPApFvJMTMygtcVLC3qaBVZS\nusfK5XLa5a4A5UmkFNQbDUC2QlMIM3fOV5iUAdOCK7d4WAxa2FQpNkPSCqQrpBAaRFokphEkgBGa\nVgIQsDKL0b3u+3IaKS0KF8oJZBahJZqQMImoasfQsY7x7bNQvl6AlD4iDdH5vodULuDmIfCkSmsD\nnCGWoAi8gEa1xlT6AIVMMaYSagrd/SgSDo+5XE7eCkoSgmwGiyQ2ohXejo2gEScQuPBdS/kaS3mO\n6Uz7925HSUk9dnku61tq0ShG17FkiIzG73J8tvbXB6lUnkYzw/jM3VjtDIbEVDEcQMuIUNRaQs1r\nBFgt8UTMVO1JZKGbQ5V/ASBM6q540SislURxPV2XOjqp8xq+dGKirUXi8nQA9XqNcncPKshQmZhg\nZGSE+7Y/DMDh0VFWnraOfftHuPPBh9g36a6lUq8Rhg327nmaalSn2OcKmnL1Oi859TTWlrrYNXwI\noyPqqTGxeGAJkzrkqSeeRhYL9OQc3yilWg9TmQ2xiRBG48vUQEw0URzieQI/44HQ2NTgE9JDKMn0\nzDRoQ5B1RliiNVEgyHTlkQgWl1wB25H9mpWndBERky9mEIkA4QyNrq4+lgzkCHyPnK/w0wePRFog\n/dk1grIJPgkylUeH9+8myHZSzndgdYhWCl81DXuDp1yYWVjTLD1AILBINK7+41jlm+pdJ1etbtm4\n0lqsBC1ciFiZlE5haBWjzIJGEtGII6JUQVqtwbqcZqg1PmDSeohMoYOs8sCGqBjIOL5WUYWnntzL\n8jUvoFKvteYfZzK5VsoRjn+ykDHOSBbWYpVqheGFECg7uyIzVoM4Gg6O44Surm5e/dptnPaCF3Db\nLbdwzz0/BWBqcpLazCS1yjTLV51CvvkkvbEx+gtdrFw1yOSBXWz/0W0ALHtqmIUvPItgySoEJbAR\nTSUrMSRWo43AaItu1cdw1M86AeZF+Sol8X2fpHkzpYQmPwiXx2jmfI/NSVrsccZD82Yc6yk33zfG\nUih0smjJIMP7RwAIjebJp4a0iPTGAAAgAElEQVTJeQGve9XlLOxzz+vUpsEdP71tbrqDDDbRNOqu\n8jEJExLr8pEIge+plsLEKkxoEDJDXMy0vPPA95nRNZIkIQgyLU+5mT/V1infWmp9AXieol6vEYUh\nSmZoJiJ//pnGJ8IzHmMhEQlagEo92YzN4E0W0OMCkYAwbk0zQYZM4BN5dWxuGptzRTNJUCX2qkAW\nz1qU9VBNDrMCYwSxgBnboKKdlyq8BDFHvgacIaCUR/PZ1J5UCCnRNkFqjRKCXKoMRaiIqjFaQCaf\nZ7LilEJtaoJsZz+l/qWMje5n59P7AVjR20NPxqe7twdtJWFiMakXV40M8UwFk0YVyulGzHg+hdSj\nPhGOHHkYTwVI5SxqYRpEjSmMiAjjKmFSo25cbtfkJ+ldmWfPU49TftywZJkbeK+8IomdoRKOgoqQ\nvhNS9cRQaVRoTM8wXR2lZ5XgcD2trLUB2XwRJTwa4TTCc7wmbQxmriIxV4YYh47f6tNTdC1ZRhgb\n7rznAXY+/ig2rVhdtvZUGnGdp/aPMTm5h5899CjQ9IQgm83wa2edTkOlhlYSMVWL2Tc6QTU2oDwm\nUw/yrsceRvuCSAZEwpIrOoVUKJfwieagGaSMWbxwQRo9gpHhQ0RRRLHcSbFUZHxyEi8t1kvihETH\neEgCz0On3l4UR1iZsLS/g97OMrUjTh5li7BkZTf7Rg7T0V2mI99LHLo9Nz7ZQHR5WGUp5XItJZJg\nUXNEdOzkISYODrOgZwEAd1z/ZboXrmLt6g2u1iWbRXnufIGUFDI+Od+j4IFOnZHIKiINWgbOqDi2\nPkNKpJJI5XZh04FRQiGSBJ00wGp0amhqS4vvZ0M9jgjjiLgZKdQGV25piZMYzx7NB8faVWzruIaI\nExqprIobMVLXiMIZhBBkU6VskwZaJDRiVxQpxNEuFE9KAqlIlERKiafcd4xNC0VngZCWVkmKI5ok\ndrSsWrOOxUuXs27DqQD88Obvsfepnewb3sf0zAwrVp0CgDQJu/fvYenK5fSvP4Mjw08CsOvA00xO\nTrBk9QG61p2GV+4hNM2qZotGYK3GWNOqwTMI5BxJ3flRvlLh+37L87XaFUAdW/l7tDq3mWQ//nUT\nP18w5N6TFAoF+hcu5r7tD/L0yEEAch1logRMvcHuJ54in4YhH3xoOzueeHxOuivVmCgMU+YDISHI\n+AR+BiUdg0QNp5iNSUiSCJMTgEHRLLLQ1Gp1kjghm/FaHoczIBRWgFLOcrWkGzuJicMGvhRYJYji\nZoWucqXac8Ax4TG/AxhhSIRGaoWcdrfdHJJElYCezsUUfNkqAKiHMH6kTjHjE5QKVAInKMPyJLZj\nnESNgcliTAbScnyTVidW4jpTuk6SKgTPizFqbmtbKlfAFQRNj8hzLQx4SKGoxQlxyhOZbB5fJET1\nCsJGqYUPT+7eiw0meWF5EflCB6s3nO7uW6NCplig3NmJFR7K84hTBbNvvEISQWgScp5HR7cz0PJK\ntormToQkqiBUDt0KlUsy5PCzeUyuTCOq0BDuenoXdDO4cCU3f/kOJkeqrDrT8Y2Xr2EtFCjhKdkK\nYQkEsYg4tGsMY3ez4ew1DK5xD6hPEvBkgEk0liK2WaRmIpI5KrStMcQ6brVRxJUZ8kGGWMMjO3az\navkq+ha5NqQf33k3Dz74YCs10tp2wkNIA0KSkT6BcApxvzbc+/AODo9XMMpDmaRlhN724H10dnYg\nvAwTlQojo26P3nnPPSxZ0MlFV/zOrHT3DXTw8nNezI5H3L6tT1c4Mh4TBAFr16/mwYceYnzCGTpS\nBkjhu6IeaBUyjk6MMZD3WdrhUy4LHt3rjPSlq7qpi2m8jECTgIBDo+55xDaXhwyUvAyLOvppNFIj\nObbI/OyKLHPoYfbd8j12Tznj1QwPoyf2sn/4bgI/S3n5GlS3M/as55FksyS+j8xJopSpKqFlpqFp\nmABSA7WJxLr2OKkUnpKQ8oHyAnK+RJnEGWOphz5TC0HlgDnmV9um/E29OGFIEuMiaMZQD21rbxiT\nYIWiEGSIdUI1clGoOIzJ5AIatSlibfFTGeJnfKQngRhrXdFeU54nRqGTGKkMUnn42tGdtWbOyvKm\nY9LSF0a3XsdxDMLywrNfDMCyZYPc87M7ueuOnzA6OsKO1Kgsl4oo3+P2O37EujVrWbXCFd0VBhZz\n6JFHmLj9Nhbu28nSDWeTW7wCgEaugIkk0hpnANEM/cNcru/8VDsLV4lmmrJMHrOYabuKlc2+VIPW\n2oVlj2nzcUrEVQgjj+YxrIFI+sxM1Zmq7uXw4QmEdZc1OnKEyalJFvX2cu+991Cput7Cp/fteVbt\nDRMTU0RhdPRYE5PNBGR8n1w2RxjFTE07ZhPCki9kEV6ANZZ8mtMKY1fZaKxBCoE+JleAlNi0itul\nq91nmWyGnq5uqjMhUVoZCeBJr9UzOBeONVoMoLEuHDWVJTzgSu5zlSJdnR2obEKko1buZe/hQzz8\n2F7W9neycsUpjE+7c+2tVfH6esktqJDvHiMTVPFEM3yfJ6HADJaGLxBeGj724mOqLU8M5XkkWmOa\n5qKnkMb1E1uhCSMXCgMoK49yIYcvYyqVCtWGuwf1KGFBdyeVsTFEKcfi5W6DRI0K5d4BsoUyvu+j\nMMQp62cqESrIIpMQ3/fIpWFFGzYQco5q5/ok47U95AKX1+zuXES90aBRDZHKI1Al1zIEeNqifMtp\np6/lnrsfZPFBdw9WnrbQeWzWpWfC1NsQVpDN+RzYdZhCd46+FSV0kHqIKvU+ZYy1ohVNkcKg9Nz8\nYbSmaZaHYUgU1hno6+Pii19FT1cHX/ySe/bt/fffj0yNzOMEW/P6Gw0OPPU065Y4z+7Jap1aLaRc\nLFMOJLXqFJmsUy6VWo0w0RQCQRxFTE46Rfnkrt14dumcNBcKZQ4eGqXJSbliiXzDoGxAfbJOyc8S\n+Y4PZuoz+LkOPBJyyqe3y4XFhw/tQwR5tM0ipEJmnFIsdZbZP3KQhb09LMj5BI0xlg06PtARjE5M\nYXJlRqb3cWTURVPy2W66s32z0pyjQlfWUi669VnVm8P6inBmP2ImovrYCLbb8U7X4CCdxYVYzyOM\nDJOT6cPbhUdfsYN6UiOMEpqWXhBksNYQm5ioETunpKWYFVb6NBKDlB6xTXO3YZVAGeCyWek+cGCC\nelhpGXLaJATCIoFGlKCEpZRzsmKiGpIYQ5SBsFFnKo3grerrpFBaTP+iRSRa03zq3p6xKUanKgga\nYBUuBek+k17Aqv4i/eUcCMFUGimdmq636jdmgz3G9W2lKVtK+WjKrqevnwsvejXr1m/g9h/9kB0P\nuwdrTE2MITxBtlFj+/1VDh1xBthpp6ymc+1aDg/vZXRkGjt6GwtWO8NNnrqOTKfjA21N6/ddVfyv\ngPK1yhVBxc3Yvo2xrvkV0epeSZWvATcHwaKEbPXsNiEwaXuSe62UTzW2TE3X8UWCQLHjUWfJLF62\nnMP7RmhMTLB82UJ279npfl8c/b3ZIC0EntfqCbb4mMQZEqFIqDVijHSejRCW2PoYkUH5AYGf5lUV\nLOjtYXyqhspksc0ihjhOw+pHma95qb4fUCgU8P2AMNYtj6MpBJ8NjvZCu15nJRReZEimOukrO8u3\n0J8nrh3AC2vkMopq2pqTVYIN61fT291LXBbUlHtgdJzZR90YqlMaX9QoFUOKabrOU0W0J0lsgLEa\nKVzOW+s60bNoqe7u7qaRRhHA9clJKVFIEqMRUtJsza7VamSUpVjIkg26GT3kjKqujhK9PR1MT4wy\nNhqxeOkiAAYG+sl19LqUQKOOIG4ZMfm4SrcIqYoGZT9PJs1Vh1EdoWYPO9cqMdVajN+ZNuMnFSQJ\nWhuqlWm8IEMtdJ8FgcBaw/LBU3j4gd3sudcJ8eVLFnJo/zjV6ZByqUTPWhdatzkNGHY/OsbyDQN4\nOY8wSotULGASYu0KTLy0GkVKgZwj1iWl866b3G90THV6gsULB5ieXM63v/Ut7n/wIfc7aZTJDbc5\nJh10jICbnpiEUjrEIpunGml6uzrpLJeoNsrkCq5t6fDYJKPjE2R8RW+xxGmnuWKWFaedTT4z914c\nHR1nenoamxZTHjkygZIZOrq6OTQySi6TZ/UqZ9AcnppA+jmiyRo9nZ3o1GjTScxMtcHOnQdZe0ov\nvZ3NgqsavcU+qIcs7O6gXFJMjLq0Saanl/27Rqk2DHv2H2JyzD3EfkEPRGL2tr8pAxWZ5bRT3bU+\nsv0nTE80sNMTdHkWpS1R1Qn4Q5WDTOzvxuYKBOVO/KzbWEZA2BgDJDrReOlQn0bVugIlASoJyXgK\nZZvN9T5RBPUGTFcipqdcTUKgQsq5uXvX73hwJyZuHB18REI5JyhlfJSQhLF7DTBVrTNZi1jUmWFy\npsLpqwYB2HbhuSzoKpPLFYmjkCh2m/euR5/kX77zQ8arJpX9thW5yfgeKswzbAyepwhT9TQTZvCy\nc9cFgBsi5P5qFrBJwIBxw5bA5YeFgFWrV7N06RKeeNTJw9tu+S+e2PEo1ekZwkaDRto2NXHkEAML\nFzM4uIrOJVmqe3dTecKFpGuVKXpWrmL50lPwg8wxbWXM2dbVbjVqo4022mijjXnG/Hi+FhfmSS10\n53m6/IEVzvtrFu5Y46rdmuMKE51OuDJpFlh4aGuclQE0woQk0uSzeTIqw4//81bGx1zIpqu7l66u\nTl72srPp6enESGfJGeyz8nzzmSAtsEhbbaTCGEtiNBo3Ki2rmi1SCmMTPGkplspk0yKjmekKGd9z\neSdPEkXNkW0JSko8TxDHpP0HTavNTebxPB/fHh0190z57mdCc5gGzbMJCTrAq2bJRSUC69anVjmC\nJUZ6UK3UW8NEikFAR76TRRvW8HTjQYKefQD0yINU6jHTFRgPDRVj6Mk6+60QKHyvijINZFIjSlwI\nMBQhFW/uaudCoUCxWKSehq2q1SpCuJGYrhVLYZOm5WqI4pDEDygViqxf64qXhBxmanKUKHFjJ5M0\n0uLni2iVJYwth/fuZebgHuJaWqQVxYQobManmslTabj3M7kiKjN7NevY6CGEzDKJ+46JDUq4QqRs\nJkNsLLWaiyaMjVXo7RkgE+Q5/cwXcN9298D227++HVUS5BcW8Yyhq7lHEo+ZpyzTk1XOXn8KUa1B\nNR1VKYRHwS+SkwXipEGEixgo5c3JH57vo9L1BIh1wszkBB3lEsP79nHbT35KlFaVH+v1SqXoSMc0\n1mo1wjRKMV2tUk/XOQiy5IKIjo4yidVIPyCK3P7t7+2iXpkkalTxcj6rVrlhCKe/8EWYpM5ciEJN\nEietKvVctoSX8ZBZwYLOPuIwankaCxYsomE0vpH42YCpSRdeDiTEM3X2HzlEPq5y+batrfMfHD3M\n4UMjjExNkJRKrFjhinMmq4ZaY5jKyBR9Czro6V+fXvdhSsHs/PHAjic4MDLGqkXOu8XXyKCbiZm9\nwBSeJyiUnAjO6Sr1AxX2DI8SdHawbLUrAvJKJbRSKM/j0Mih1kQsz8uAsUS6gdU1MkajUl8qloJc\nvgjZDqZnYqKa24vVeAbTEcy51pXmxCbbjFQa6tWESiNkqe8xHceEaQW11paqlURJjeUDnVx0nsur\nLunvJpPJUCiUiKNMq8PpvLPP5J7Hn+Q/730CT3kYaWmNxTSaRw7UCI0hCAKaVbnZbJkgmT181hw/\n3JycJkU6VEcKd3qrW3UwxuhWTVEun+OsX3cjeZcNruTOO37Cz+64jYMjw0RpF4OOasxMzzA1OcHy\nUwYZWLkcNen4v1qvMrz9fg7uH2XVmrV0pcV11qbFaLNgnpSvTSf8Hm2zcbrGtNoDbEqoSSxaW4JM\nBqRE22ZoR7n+VS9LqZynUXNhzcbMJArJ3j1Pc98926lMVQgCF+o6MnqIvv5OFvR1YKV2M0Vxyv/n\nw9nPhEI2QxRFrX5Pz/MRUtKII/x8lp6uLkppbjebCbA2oW+gj/6+BeSaRQ6Tk0xXY4pdvRilmEpz\nOTOVCnEYMjU5QRiFSKkQ6frEsXZ9ztL1nYq03ac5o3k2nGhiUNJQRPsyBAdrTM84wS+yHkfqMcr3\nCYgopMKk3NFFFCYM73yIWv4IouDyLSLoQhMS2ZBQ18CAn1Z8ahHhi2kaGmaqIZVKWiEeaeZolwXc\nCNJMJtNqOwnDMG1vMCjlYVSCbm4sKUiMoR5G5IKAUsmFD5cu0YR799NIGhQKJXJpTyZeQD02bjpZ\nHLFn52PomSPpekmCQolqElNXWdS023D5zl56Fs+eiywVS0xVZxgfc9+JqhG9vZ2MjR1GSEmh0Ikv\n3MVPNyKSqEE1SegsFrHpWNKRp8c5/zd/nQUre0hEHSPTVqPxInfecDdrThvklS+7AqkFTx90LUBd\n5X76SsspZjpphFXu2/99AA7Vd+KJ2YuABOD7fircwEYhjdoM2XyJBx98mInJSdeCBrTGfYGrV0hz\nPW7coUBYS4Tl8TQUSyGgN1tkamaCySQhHxSIKk7xLeop8cK1gxwan6IsQzo7nCK3UiHV3CFFayS5\nXB6VGidBMUNsG1iRID1JOB1SSPvkw8QgPOju7aQcZBnZfwCAYqDISEGx2MmCYpGDT7p0ik4SIm0o\nySyd+RI6CWkOdo2Jefjhh9BeJ4sXL2PZcteTnMsrojmmza1YsZ7RXYeo1N25iqUBqmGElYJisYhU\nHqTyLQ41VlsyNiKoTDG968n0OouIbBYR+GTihDjN4eQLJRrTM8QzU1RrFToyiq5SOicg45PzJUGx\nxMDSXhDdAExPT9E3MHueGsCTFpRBNQcCaoGHBybikAnRUqNSg+sFK5YwsKBEiSnOPuMsNqx2RlWl\nMoPyXBGlNqYV+s8IxdDLX8Rdj+5iotbA91SrlTKxFit9crlCKvfSFk9h8eZwlqI4AmuOTkT0JEp6\nSCFb06Za8w1SGaqsaFanAtA/0M+rXnM5Lzj9DG7/0S3ce7drTZqYOEzYCKnVK4yNHaZ/8WIWLVwI\nQK0RUS51MT01xvZ7fsrAQicz+hcuITa/AsoXIAzjVp5Wm2YrkRvA4FqF3GfGGDwVoFSGmVoNpBMS\nAuGUsfQ5PD5Do+asZWHgwPBe7v7pT6lXndAtFBwT6qhO4HdhjHtAQJIKpthozLPwILNBgNUaP/US\nyqUC0lcEhTxrNqxjw4YNFFMhlssFSEna0K/w083rGYNQWaYaIY0kbgmw6ekZJieneOKJJ7ntth+j\nE9sSelqbVPkqLLrV35oJ5vZsHKeJY6qdwSKI61AfbaCmLKVsyuxSE9UalLoLFIIM06kQHR+bprO7\nk8aBA8iOHJWyy31mV/v4/jCZfEiHChA6cfNygUockeiYemxp1CCupxsnypAL5mazOI5bxT2Qeu5O\nxruheNa28pTWWuqxxuJjp+tk/XSmbb5IuauTKjPkymWCnKM7yOTwlEcU1Tk8epCwUSGT5uviWh1M\niK8CenvLmJpTpIdnppiaHuO0C19/YqL9AsVSjrjuKncnxifQOiKfzxPHEfXaEcppPrSYKzAxNoqS\neYyNWz2ZSwdXQC3H9N4QkTcEaUvGT3/wELGv+Z3feCtL9SL8oIt8odPdt0qdbFJAZhTRuGBN2Xkb\nY7V9REmD2RAnCYajRlw+myWyCbt37+KBh5q53uY6H13vJEmopENOgsDH8xRJ5Aa67J9wQzl6ZJmF\nA4uoRDXqlSpxKNCp15Vf0kt/fzfj1QYL+he1qsqVEK1iy9ngywAbC1Rz/CYKL5ulv6+HjmyRydHD\nxGklcmdXByKwdBUKFP2AjjQ/mSQx3eUM3QWfjIgIZxy/53IZFvT0UO7oZWJsFAKf0QmnsDt6+ynk\nfAhK5PO9jB5xkQzLAZLG7F7kzsceQ2DJpD3NI2Mhjz/9NHa6Tk+xg0IuQ3XSnU9pjac8iqUsDZ1Q\ni91aTxyZRvoBvvLwpEcmrRouFItoGYFIqFSrSBtQzjv50YmlOxAcGhlmZHonHYucokgMRJ09c661\njmNsfbo12MJYi5YCa2OMEQhiTlnozrPt5eso51ydx0BfN/W0biSONIGfuL7y5oNtcD3Daxf28soX\nrmb7Y7sZmwlpRM6RkkBiE2jEaF+lVdGQzcLRat1nRhSGYHVL+eZEFis0VtijPbfNYqi0xcnNZZHH\n1TJIJVi7Zg3Lli5mzXoX5fivW25m966d1OtVokZIpVJj9JDb81IFLFiwiIUL+4jjhJ073WyBQ6OH\n01Gol5+Q5nlRvp7nMzi4mH3DrkKsWqthXOwZi0Zb0wqn+F6Wzs5ewlgTzdRbQkIphTFQqYeEYUSS\nFp+MPD1MfWoMHdV50dlnkskW2LN7DwBn/NoZnLJ+JcIzWARGNzvXVSs8MRtyQYCOIrKpN9bd1UGx\no0DDJKxes5JFy5ZwYMR5UEfGp4niOr7vsaBYppgWXC3o72NmpsHDD95PtVFj2VJnGVWqVfbs3o3v\nB7zsZS/lp3f8jDgtStDaIIRCJyb929HzbAquwtbY77QPzSYoSlSOJPi1CZYuWcqOp53QqYYRndkS\nOSy+UJQ7XMHKU3v3UOzMcfrpy7j//gPkEhdKSUaOIPvLKL+EshqSOtI6i9a3mkxsUDpBCoNMIwKe\nlyXvzd1b2KjXj+vfNsa0hps0K+KbA1cQThhgJMSiVQ0ulMbP5SkQEBRLqDQ1YXQCWtGoVxkdG6Xe\nqFGvOoURNepk4yKZIE9tahLfc16+9Hyq47MrsieffIJCrpNas+KdiImJiLARUi53c+TwQVdZDJTL\nXdQbdQ4eGiZfyGJSj6enp4es7YCZGFn3eOAB10ojozy//5a34E2E3P/ID/FzZaLE0XZo5GkW9HTQ\n17+Y4acP0BCOzql8HZ2rzEpznLj+aJkOe/GxYGLuvvtu9u07kBo9vxgVck9uSYt1hEJJiSYdnJbe\nlsZMlUqjQrmjjNg/SmhiN4EJWLpiJZGuMxMnNFSRbMl5kEqHrWrc2eBbQTlfZPGAUyRCWBIZkZUe\nWSl5yRmnoTzHL2PjoxhiujOWxQMdRHXHf5XKFMWcoBhoOnIZcovc7N7xyTEmp4ZZsXIpT+05zFNP\nP8WyFYMA9C8d4IxTT2HX0zWsjsiVnHEUxxmOjI7PvtaVwwwu7qany+2FJ/dE9K1azoH6NE/sq9LT\nq/FS/shmLP2dHQgvojo50WpZsTbts/3/2XuvZ8mOO8/vkyePLV91veu+tw26G44E6Lkct+NnR2Y2\npFCstNoJ6Q/Q/ClShJ4VelKEdnZDOzszwSWHMySHHIIWhrCNBtr39absqeMz9ZBZ1U3F8l48IfSA\nfEADje66WXlOZv7M10gDdBY2EQijCE2dtKhATEhLxVls2h+hX3G1e4XFpQ1Gb37I7fceALB9/RrS\nOx9ECIYu48RHiMBc9NKLjBphVeIK8FyFTs179tH9u9zc3qFei8jzjEbDnCEayMuM49NDBqcn7O4/\nBmBv/5DpNGG4u8dypBlOnzJaHPFMQsZTumleZHSb558hSpVkaYKcUX0qU1pu1Bv4vm+7jM/oRyDm\nGfev0FyrkrzQOK7Hq1/+OgCbO1d5/ec/4cc//B6Hu0+IJ9N5NXRppcXR4QFnp8dsbG3OBZ4m8ZAq\nPr+6+qlcvstLS2xfvs5bb74HQFRzQfgolRuuF3peUhRIJmnOeJKghTvXFcsrRZpm5EqTJikjCwMf\nnBwTiII//oPf5sr1G5yc9bl53fAUF7pdcjET7ZbGdgYjBnAhAxpTpvAdl17Nli9VyWA0Ik5yPOES\nj6c82DWZkpHkK1hfWaTrF/N5h0HIG299wH/4D3+N53t86Utfsp+t+acfvka92+Zf/av/jvFkyN2P\nHpr5FU2KomI0jcFxCH3bVxaSi/wgyrL8FVqI0hU6zQlGLlHpcrh3MBegT0djZJ7hl2NUvcH+oe2N\neT77+32ubl/CKRS+PRuPDgRZ0GNSy4lViVOF1B2zvlEkaHgVURnji4zCllvzymFcXWxikVgu9Fxq\nzpUI6aGFg1Zq3tMxa1dauzGB9MJ5eafMC0ohkYFLWGvgWgeaLEsR2ggElFXFYDgit9maUiVRCbVQ\no9UzYgDSRV9QL/ddODx8yNqKCajOTo6QrsNgeIYS8MGdj+m2TQtkfX2NNE0Yjc548nDAdGoOryxP\nyZOKwPd57623KTMz5z//N/+GTnOR1976JuPpGccnp7ieKRm22h0ePHnAMJ6ys/MC3/7Hvwdg3JtQ\nXz1/w5dKGRMS+9/CcQj9gCdPHpNlKfKcAG8udKAkGm2wGwJmeonTtOKjR7vcei5isdchTXMWu+aS\nncZj0mTEUtOn7pSEPKW/ZJ/AYezS+jqXNi/PxfaLImGaK65vXuUbX/o8G8stdh8bNsNPfvpDsmlF\nI6hgekynZoKwThgwHp4wSTJU4lDZZzPKhohQsryxQHDbp9Xt8PLnjRXcwcEhNy6vs73V4gdv3MZp\nmOpDu96kU2ucO+cvv/o8/cMJuT3kr3/uRZa2LnN8Y5tv/uXf8P79Q7ZXzdlSbwYEtTpK+fjOlDSf\nPQNJpTSxKmjUXRyLJcnyHK09eo0WD6sjpCOJhyYIfFJp1sYTlhou1y+t8vpDU9F4dNBn6/mLKTu+\nW/HlV56n2THf9duvf4CjUhAOUoIrCh7s28w8njKJMxZbNR4e7BFYet5wMmJhqYvveQxOjtjbOwTg\nO//wM3pLPRQOC0srdDevMMkN7Uwr4whbC00FzJm3P/SF/fV4MiZLpvPAcTToU5UlG5ubeL0uqKdW\nqkbc4ymm4dl2iipNy085Ym6SsLS8wh/+0Z9wZWeH7/39d3jnzbcY9s257/oeGxuXGY5G3L59m96i\nqQh0ej2i2vmBzmdo58/GZ+Oz8dn4bHw2PuXxqWS+xycn/N23/5FHj0wfZWm5y6VLa7jCpawKKiHm\n5Hk0TMcxZQXC9RmMZghPE4VkWY7Qmh1rgJz0T9he67Bz5TKFyml3agRzZaIEVWmyAvIKSj2TdlRz\nm7zzxsl4RCQdPNuzmY/OmoQAACAASURBVOZTnhyfsLy4TqfZJZ3E1Cwqob2ySrddo1UPaPnQiszS\nhkHAk70DJnFGWGiePDa9glu3buF6EXmpOBue8t/8t/8V/+f/8X+ZHywdSgcqqQxf2AbBWZJSpOeX\ny+dZ76xCKwRFWhKfFbS8Bo7QlJnpyzRrdaosRUc1JkXJ0qrpwxWFYjCKOTgucAMfnVgQkhsxPo0J\nfEEpoSicuVhF5oDEVDIUkjgx5ejJuDTk8wtGlRcIpZ8aaCuNClxKAXmWk6eZKXWDKX0Jje9ohFBo\nm8m7bkgdqLke7XaHmu35WolbdA5KCQaDmGps+kxB6FFph6LSDOMp48RqcofhPHP+dePqtVscvfbj\nOWl2cWmJo8OHCCGYTAfg5Lz//gMAnjx5TLvdxZUuaSaYOfodHRzSqLVBVTx4/IQXnzcZ19HpEXEm\nODiZ8NFHtxGOR7Nu3t9eu8Pe8SmTOGV96xo3bxlk7nElyHT/3DkHUYiKx0wsCtuNQqTkKcfaAqng\naXY8G46eWXU6KEw/zQqd2z8vOR2l3H24y40rWwSOAcsAvPHTX3D96gbPX1ohHZzxwes/AuDaSy9T\n613ch4xcl7g/nGc2W1vLlKpD0p+yd+8B1cDl+Piu+Y46Zn2pjdIlp/19ImkAed1Oi2awwOnJmREk\nsW2Jlc1NBqMhk2nM1vYOQaM7zzzf/uVtrq9f5ca1Nd79+CMcC4gTpaIZdc+d89JSh2RS8WRg3ttL\nO1u4VKxtLfG1f/4b/O2//xty28sMaw2mcUKaa5JcMUwtUj8IkA4IYdC62rI/pvEE4QZIoSh0iS49\nelbDOk9y+v0+ssjISxds7/T23YdsPnfjwrWuB5p/+ce/h56as/dH795mOs1AeIiqMCAxaUrp/Til\nlAa4+d0332fX9jwbtZCv/bOvsLq0SHdxhUUrRPHWm7s8eHSfF156kbQ/5NXPNZhpg4ymGRJNPTDY\nFluoNOIhF1RHdp88RhUFvj0/JqMhQRjQXehSL+oIx5u3sRzHGMJoa/gz05kuq8p4BwBa6HlxVCvT\nBNi5doOFxVUWOgt897sG5Hiwt89kknDz+RdwXMmTXcPfPx30WegtnTvnT+XyHQ5HPHr4mCwxC/jw\n0T6jyYSdy5uEnmvoRDNBe+GiHWX8P9PUoqSNv+lwOKRRr1GhOTo0/ePr16+wulAny1IKDWfDIant\nfWxtrJNVgsrxUDjzB+hKOQdBnDeihRaqLMjrlv6RB6xvXeb61essLS1weLDH1SVT4++06jTrAb4n\nKMuKRmTLO1oxHJyysb5ikdPmBVhc7LBz6RLK9ZBK8vkXXuR//vP/AYBBOqFSJcl0yjSOefTIUH0e\n3n/A6fH5h6sZ4mkjDlDS4azMcPOc1W4LrJBEu1GnanbZixOEEggLYlvtdbm02eP241MWmprnNw1a\n8mRaIX0FPRiJlAElZTm7+DyUK4izkuNJzHRsN0sm+AR2vlRlaVS/nqJ8qLSmUFAWma1umnchqEW0\nGg2ENKVpZctTjuujhUC4Es8Rc4SlEIKyLMimMWmaEccJM+WPeruF9AKSJKXIs6e90Kl/oeC/dAI2\nNi6xt2fexcubl1hdvcTjR7sMJye023WyiSndBWGdIDAoYyElp7bsfbC3S56kXNrcoNtb5N6jRwCE\ntYBO5zJ7R4eMJim3bt0iszSocTZl77TPlTDkpP+EVstcXkW8ABd4zAopcTyXZObaoyvGx30+/vju\nfK1modK8/27BbmL2TqkST2q80KOqKjIrfFEJI+AxmYw53ntIrxnSaZmy6qXVHttry6wvdikCl/Gp\nCUIffeRx9XMXyB0CL+wsczacoO2h/9ytm8Rxxb0PP+CtN3/K1pqHUkZspdl0qTU0SZLS6vkox0Q6\nB2f7XNq4TnFwgkRx45q5iPb7B8SjhHiYcrR3iB/WGPfNWt+8/iJ1v82b794hr3yGpzM3HskkPf9C\nUCqlu9JkuG/WJ00rQpGgqpwrV7ZY2VgmHpo5V8plmsYkWcmj05hRZj673ZbUApdIStKswtE2anMz\nfCkIpIOWklGm6NbNXuzVJeloSBZKBkk+b8sMRmNu3/nowrWu+3D73Z/w8J65SCZ5TqWg6Uy5ub5A\nVqY8tPt7tddluVXnR+99iCoVwiY4WxsbbK2v4UrB6sISDXvT/Is/+AZ/+w8FL794i8AP2NlYJrO9\n5Z999JCaJxhnGbUgMFrlwLhwSJPzwW39k2PG/RGNmmklpNMpUaNGkVdMkwztaXzPfsZMclcbP/Wn\netDMa8HimX/O/q0sKxrNJn/4p//l3NHqP33zb9jfO2A4jlldX8e3AXs8njAanE+h+1Qu3zDwWOh0\nObZI0nGSkhyOGI/vcnV7k3q9jmN7hIXtSSWpAWVJZxbJxLz501/gORW9XpvLNvON6iHDaUplzder\nCqqZ0osMcR2jBOMKMdfgdaREfgKxf60UW9uXWLK2aL4bkacFL7xwg04rwlc9PDWDwyvQCTotUaVm\nYiUPhydH/MHvfJ0/+P3fRjhi7ooiHYevfOnzeEGEIEenZ7z6kvlOmcoJIo/A99HCRWP7kNWEvd3H\n585ZiV/NWJTWyMhh+foy6ccJg8mEYmyew95oyvb2NXouPD4eEzbNRZG7AQrB0WRM5HvU7HEc5SNW\nPB+CGoHIiNoSixFDeCWVkxuOaGWsv81iczFCm6c637P+i1IKnWUIYYIl1wtwbEWjs7BIGNVJ0hSl\n1RwNnicj454lHCPp+YwebFkWFNMxw36fSgs8z1ysrh9SVhVpai9fiz2ovBwu0Em+d+8jlpaWmNVt\njs/2WV/b4sr159ndu0uRDFi1Zh7DyZR+/4StrUusrW1Rn1VThkMEDienI+7df8iMU/7irZdIk5x6\nu8vVmk+rWWeoLKVJ5YS1Oo1Wl4cP7+F6BivQaLo0uuc7MVUolleWOSxMFSrPc4aDIcPhCBA0GnWm\n1iVKaQt8s9rryn5Pz/NY7japuQ7SgTtPzAUyLhVaCNaWety4vMDVy+usLJnov39yhiscpPRwag0c\ny03ee3iX0XTEH/73f3HuvNe6Ll//2tfIrVb22bjg4OA+gj4bGzVatZTS0rfabZ/h6AjPd+m0axQW\naDk6OKPV6VGvn9KIPB7ee2Sf2yG1Rot0bLAcUgs2rL51WXm8/uYDXn9vj+MYcuviFYR1Ti8wRgs9\nj7KAZs38/EAWiDJDKIV0NUtrPT60ScRkWlITiqzMeTLMmFjPy1jHLLQilPaMxaoy66Zdj44vkb5P\nqR0enw7wHQuQkh4tHLKyJAVaXbOv/UHB3sHR+ZMG6s2IH/zs5wz75j34ra98jVbdw5kccanb5HA4\nYCE15/KXXv4cbQ+2em02vvAK42uGanTjuSu8+OJNdKVohnV8e44vr13hc196hUtb20RBAFVB455N\nLs5G1DxBM3ShgtAe4wk+o+L8q+rk+JjTwxOWegZj4AjjYlbkOZPxGNloEVmjFAPi1QhlbQzF04xY\naYWaVw+f6isgwBMGD9Fotfj9P/4TAKZJzI/+6QeMxhN2Hz8mtEDTza1Nkvz/B4ArUZX82Z/+KalF\nf/3lX/0VTw52GSYxb4+G3Lp1i4alB+VlQVbmKAQSl8y6r9x+9x2m8ZilTo2r21sEgTmkqjLDkxIv\n8KnKioVOh3B1FQDP94nTxMikmQ47ALpUz9gb/vrRCUIW6w0atqwpfZ9mGBHJkuOHH6HzHJRZQuko\nVJkiKHGlR2D/jgBWek1qrSau688RdkVRoKkI66X130xRdmOFFDi5QBUS7TWplMngmlFByz1/xz/F\nOc9XHxxBe3GBbhmR3HtM3QLIjo7OePu9d7h0+RJLCx32Tg3woaoqNjY36bYiKKccn5os7ejshNZa\nj7ZsgoyoCf3UVECU5KoCT1M2FHZvUpZ8orLzTMxhJsSvteH2GSESF9DzS3Y8SZjmxrAizxIKK+RQ\n5CllWaJwfqWclOc5RVGQxwPOjg9xXJ9G00TIlYYknqAqjesHcz6h77n4/gUIS13x+PEjRkNTnhuO\n+uRFxfrGKqsbq5wcOOQWFdr1JEqFxNMJR0fvo21UX5Uljw9HHB4e02773Lpp6A3S8fC9iFZ7mVbk\nMB6N6PdN1UOmFc16k/XNNe7e+xBlEeeVB8PqfIT2xtYlShSjvplzkmcEQUCzXgM00nHmHGBHunOR\njLIs0TYYWew2ub65TMdzWFnsENTN4fmzDx5TaY2ocnypqUdPdZXzyZh2q8vKpctUWcHgwFw6H9+/\nx/0nj86dM8D16zusby7xxi8N1/nx430aTsrGWkEzyAlkxSSzIMNpyUp3gWk64dLaJsruUV/XiEcx\no3HM2vIOP/3JawC89MpLfOFLX+Lv/+77LK6u0uwu88HHJuv7+N4Bu3sVQX0NJx0TW1vFMtd4F52e\nFchC0vVMlaFunA9RWiFdwfrWOm/9/G0ADo4HXFrwqZRmXEJiOf9qauzrpI4IHJ9ZXcJTFWWRcTQ+\nY2F1hUejkru2KjYtQgLfQ3gx0dIyDSvkUavHjG1gdd5o+Q6Lm5eIm+Y82JIJr75wA50tMJ3EeLUu\nl60X8j//yhcpyoxL6+v0egv4NiN0HRfPc3Bw0Yg5Ojifjrl+/RqhX2MSj6lKxe983pTv17od4smA\ndk1ydDLi8fExAEFUI46zc+c8Go04Oz01FzrQbrXQWpFOp0wmY6puTr1mqkJBEJjgHo1wnlrGVkpR\nlYYeJcSzUpWzHp5J3PI05eFdU0FYXl7iG7/5G4xHYx4+fMCjRyYQnsYTltY2zp3zp3L5OrqiUQ95\n541fAPAn3/g6D3cf8Z0f/gAvauE4cm43mGcZlVb4QYBQ8Oj+fQAG/VPqUchSt81Cu4HWM39IDykF\nqiypJFSqII1L+1ke2hG4roMWzjyLfvaQP29Enkc+nnBsFXIq4bG1ucpi5OAlfVztoKV5oJ60mqFU\nCF3i2kNLui4iySn1mKJ4ikIuy5JpOka4iqqocHRBaVWhdFFSZDm5rHH7KOO9j8xB9cLVBVYWI658\n4dfPeWbR+CuAVUeRMiH0IlpLq5Qjs4HXdxx2D0/54NEeS0srLC+YTVBpydLSOtNkShkXfHRokbnC\nwwWWQ4HrBJRSznWbSxRFKcGdErYUqm77rdQRFwg/gLnwi9KofoHJroQwvRlVKXSpGNr+/8nREWEt\nIs0ypnH8lDamFWWlSNPcGAbYZ5BlGZWq0NmY0ekJUoEXWUGGbEReaWr1Fp12GzlDH1TlvF/560Yc\nx2RJOld72ly/TFmW5EWfy5cvs7SxwqOPHwDw/i9/QVUmnJwMOdgf0LIiE6eDAiVcmg1YXlphZ9so\nG33w4bssLW2wsLBMd2EDP6xz545BrZZZn8+/eoNKpVRFyoL105W1HM35VYawvUQaDwnszTFVBb1W\nkxefu8a773/EZDTBmVHDhMmitNa4EjoN80x/44uvcn1zCZmO8F1IbEXi4eNDpoUmKRQfPDnEcSVr\nXZP51qI6tcUlOitbiEqwuHoZgCJo8tqPXzt3zgCajCob0D804hPF8JTr11epeYpQSqpC0aiZn+VI\njyBwmY6GNLwavQVDT+o11vjJ678ky3KStGTzslnrovJBRiwsL1FoyY9//h6/eNsIcIxijSNXaVqf\n7qZFTuf5lOACP99h/wRddaj7tl0iCyprNSddwa3nrnD7yjYARw8e4DsRuaqYZDnYs0pLjzhTnDkp\noGlYHWwvVIzihLDZ5Bu/+Q38xTt86z99B4BsVNA4m4IruHJ9G31kqhz1yJlbPJ43rm6t0ynbeDdN\nEDYdjri/d0Q9cKByaXc71GwAf9o/xS9K+nuPqUcuRWk5u45PWRj98bIo51aXo/GQJM+plGI8mTBN\np6SWNjoYjTjrD0iKnHGW8qBvEi/f8ehd0E556aWX8YRkNLDVoTyl1og4PjxgNB6Tb6QsLJrzzZFP\nlQKNIYX5DEeBK59RGpz/GZiJDlRFwWvf+RZ7Nni8/uLLHPeH3L7zJlEUUre8/ie7e6Tl+UnHZ2jn\nz8Zn47Px2fhsfDY+5fGpZL6+6/Dv//L/5h++/UMAvvr8Lf6Xv/gLbj1/izfu3GGapmTWsF5Ih9AP\nqVQFlaZnnUeq9TXu3blD7bKRbpz184psSpJlSGn0aqUQuL7NuqSHFoJSK4qqpKhMVCYc51f6gb9u\niMBlOBlRZdZ71fGJA4FMN1HpkCTJKG105DqQpWPKMqOswBMmUvN9D7dl3JjyOH8qHwQoXaKEIk81\nQivKwkSlpQItJHuTPn/1s/s82DfR3OOHXX7rN185d85KGdK6nhefBVqmiMYJg70pm40tPGEiwEGS\n4rV7+G5AqSpaVh1mYeUS9UaPpZUNHj5KGdpscKoL1nurFDJDVakp76pZyUagtEckVmj5l+lGxlGo\n66+S9M8vhYIpw0sp5zxfx3FQCCrhopVGlQWHexZJeHyI6xmOntLQ6hpAWFQ3/Og8zymybK6rnKWp\nUa8ppyhVUa+10FY5LS8UrhdS6yzTWlygTEyWX6YxZX4+YGL38WMCz5vrDcejIVeubjNJznjjR7/g\n8o3rbO2Ydaiqz/Gzf/weeRJz7eY2Spvscv/4HssrTV566Spb69u8/IrhgR9/55vcfv+nLK9dYnm5\nwah/yoH1wN28tM6o/4j7H+/RH5/yaNf8/M2XlqjVz0fg5klC3D+bf09fGmzeb//GP+Px3iE/f/v9\nueJQkWdGnm8G+7S/7h+fcXljmas7V6DKCNcNVqHRXSetXJzIR4iSays91izgKisK/KUVKi2RgGcz\np+c/90Wi1sVo58HgBE8mqNT0l7dX61AmtBa6DM/OKFUx505vXbrMWneZMi9J44wnE/Pe3L+/y2A4\nYvPSJfygxumZwU8cDVLw36HbXeDJfp8He/05f/9kmFGLNGp3l8AXLC2YeS8shmyunD/vLM+ZJn1a\nkbUnrFJcLzDSqUDo1/niK8bx6MfDMxqtiP5wxAs3r8z/zODkjDybMiohSybUbbbtSpe1netsP/8c\nrV6Pm1e3ea1uzsrD4YR7+wNWF2q0FhZZXTMVoNFoyNHpyYVr/eKlDnUnpNU2726By3g8YBqPSZKU\nOJ0wsUjo/uF9nosH6Ef3eOdwj77FUozTlHg6ZZqkTNOUJDdnQFIaa9A8LxnFJSXlPMMsSkEtCul0\nGmS6IrUw6EoGDL3zM99Go0m32+Vgz7RAxpOKldUl9nYnoCFf6j11p9NPub3P6uULi3DWVtdaPIO+\nmvV9iyxh98P3yWwL7O6dj/l33/w7Hj9+yJ/92X/BDLrdH084PDo9d86fyuWrypJer4uYSX+5Hv/P\nv/23fPn3f48/+aM/5q//9m+YqeLNzKIlBgD9/M3rAFRXd3jpxnV6DZc4HoK9EHzfxXMlURCCpaUo\n64nqaEFeFijHGDu4z0oXyvNLRgBePcIXDunY/L3pOCEeTTi894CoHKGLbC7B5nmSXClK6UPYJtMW\nmCEkQZaQ908pphnCop0d1yFXhRWR8IzgvVWfEULgeA0ePdyllA3qViEnxuXNO4fnr7V49uI1wwG8\noMC9XPDowW3IzNyS0mVwfEgtqOgsLhpRD+Ds0V32RxO8yKHy64wz0/tZvbbC4uVFpvou6BJRBpCb\n8q1X1WgHNboLyzSCBTyLSs0nCYeHH1y41jMDhafgLKNDo5A4QpMmI07t5bP/5BGtusfC0gL1dne+\nsWPhIKWP6zgIz2NqA6x0OjUa0SqlUW/QbLbna1QpjRf6NHqL9JbXOTs0Jbo0Teco3l83JpMYwtq8\n0JtlU959t8+tW9doe3UOH+1xPDHlqcXlda6/+CI/+/EP8PyAJDHvaK/rc+P6Gle3N4lCn8SaJ7Q7\nNaqqQ6ZiDk8+Yvfjj7m0ZYKMVsOhSE/RZckg7jMTiGqdNRj1zxc0OXjwIZP+CUViepeeFBSF5tq1\na/xPf/4/cuPnb/DWL015++joiNFoRJIkZGXF4Zm5EP7x56/T7Da5dHWH7Y1lHNvPe/7lBiU+ldBo\nXRFoRVDYXp3jUHgRSlU4zyiZacdhe3v73DkDXLu6Qzw64PKWoawIVZEpyTgPqLwOUc3l7MT02372\nzpu8tPU8tajG7Q/v8GTP9A6vXLnBl7/yRX74Tz9i0lw05vJAWmoWJgVvv/dz6u010lwyGJt3qlKC\nJDkl9AXbaxvcuGZK2O12g7ZF1v66kSuPWiOk3TIXx2SUMpgOybMM13XJ0gzPUgFcKWg3GwgBv/k7\nv0u7bS7So70DDvYPmMQpRZ7TaZn9trW+xtrOCoQuWVGy2GmzaEUxnpxMkGGNsF5Dq5TNTYOBGZyc\ncnhwfOFa/91Pf0bXifm9L/8OAPVGl06tRrseUlbK9EDtWer2T/B/8j38/T0Wb32OwNJrGumE8SRg\nOEnIRwMyW47OpUMlA1Il6U8KalFIzfqSqrREa0EYBpRFgSNnVq6StDq/SPujH/yQPEsYxyYAk45k\nOBgzHg9ZXFqgVg/mMsGlgjRJyYoSqdVcNcz3Q1wtyKsCpMCbmeYISSkVuipxS0XDcRgOzMV6Z/eY\n2x98iOtLo5xog4/9o1PCCzyIP5XLN01zokYTYaHedx48xHuyy7de+zH/8l//a/7+W9/mxk0D+2/3\nukSNOq7v4QlN3VJ24mJMr9ummPZxHGfuNZmmGUKDqhKMOliJpe8ROIaRKB2XUlXzrNNxHKR78eWr\ntYMbhFg5VSrHR0uYDFNct0To3OjbAmXhkjgBZ5Xg7GzC8chEmGk84sZane1mgHRCk2oAbiPEdcCV\nAcIL0L5v5F0wHLNJ5uB3Ur74hWv8+BemV56pksP++YCrqirRml/RSBZCooRG9go6kUdxbBWJyjEr\nukV8OsbxG3z+5ecA+Mlrr3N68JCoUUMIyYrZ01zZqNN0IkbxKr4TEog2zZbZbM2wS5HmFEXMwfAx\nZ8Nj+3xGjIf7F671s7rOAEVRAhXSqUA6aCEI6ibrcIIaSoArPRa6XdMjA+7tHlIqB1dBkedk9vfz\nosRxHMrcQVUCP6zAUjaU7yBCDzcKwfUpLVL+5HSEU53fH1Ma4jRFWbxCkRe4Liz0Fhn3h4yKCest\nkxUenDwgakvaC+ucnozm6P5uq0O73mQ6HDE4PWIcm0DHrXm0vC61VoO9w/s8fHiHb/zuH5nvIxzG\n4xO069Grrc4PqfXeOvkFCO2z/cdUZT4/WBzhIBwfpOLq9iV2ti/zx7//ewCc9vvs7+/z8ccf8+57\n788BMJWueP2d9+h022xf/a+JLDBNVR6e8KhEieN4OJVAzJ6pcEBLpCMMVcmbUdRckvTiysje7i79\n04ecHprM5mtf/gJv3L7P2d4pX3r1C7iuxrG0nUIPGUxytAzoraxyYMFlUavGYHSGIzW7+3s8emKQ\nv63FDfqjhJN+RqYznuweoaqZKbqm5lV87dUX+fyta/jyKQc6DM4/Ph23iR8pKkvtQwnyLKMWRbie\nRxzHTGdZh+dz9+Ee3YUWfgidngnEu+1tXnjxGlo4JFlGaUGEge9Toci0IisKms2Q5VUTnJUfPmCa\nK477Ez788A5XXjRUrsVui079Yorl9x+PqQ0fkz/5dwC8tLlMtLyCV2ugXYkMA+OaBPiqYLef8HAY\ns+IJFpbteVC0WcgLJpOMhcmE/b45D48GpwzSKZPpENdTdDo+rnU9k1RIAU5ZojKFw4xC6D19j37N\nGI6GhKHP6oYBOelCk6QZG5tbhDWfaRLzzptvAbC5c41aI6IqS4SqUKU5Jx7ffchkNODq9StEUlJY\nzv9wNCUdDZhMx4yzjCKOCWzmvNqocWtrlQdHh5wdn9Cum55vWDo0o/Pn/OmgnaVPq9NkyWqp3nv/\njolcy4L//X/93/BqIU+emE3VW1hAV+aFEhIGZ+ah5UlGGseoKsFxoJw39jHuFRi0muM4hLYMqKsK\nB2NV5bnuPCOulLoAlmLGaDLh5PiEmiWvN7sdGlFIe3UNHR8iZTi38fLCgOEo586DJ5RBnamN1PYP\nT5DFmK/92e/hug6FBfHkKJK0YJo6xGlB/2TM0ak5PAbjEcf9mFp3na0rnTlCuioV+gKBcdfKdYqn\nAD3QisqBioIghMUtq0vaCsgPPe68qzkl46sW/PG7UY3Xv/t9ismUoBFBzWyObDyEwQZbvc8bZyoK\nEss9vb3/IafDI/AzvJpCWqtB6ZZ0PoGgyUzqbdYOEEJYGbgKrQzYwbN8wFwJdJqRJhlZEtNuW8m/\nVoOzQWwMx7XhHgNEymjTVn7ANJ5wNhxQtyL0jnRRSMaTMVL4OBboEoYRZXI+wlI4HhXVUyemNKfZ\najIaDsmqiskkY2SR4kLlLPaWKLVkOOjj2uBvfXmBmucyGvQRkUOAtVQ87KMrReR51P0aiyurHJ8Z\n4F9CTpXnjAc5ruvQaJp18UOfxbB37py1NkHojBtdKW2t2BxcXVEUOauLJuu6tLHKSzev842vfJGz\nfp/9M/NdhuMRke+ytbFmHGhmB6ProSqQlGitcFwf7DNQSiErgSo1QjBHomul5kjY88bDB4+IJ0dc\n29kGTIsBWbC42mBtfZnvfPsfOLXZyM6VHZaWLyHdiu5im/aKoZ/4QcRoPGZldYmV5QgnMAfl/umE\ng5MBYWOBBw/3OTw4mQPSvMDl+Z1Vbl3ewM2T+bkRhHVcfX4AXyhjGYoy71Gz1abRbVBVijzPabgu\nrnVgu/58wc9/8GO8pCDNUuLEVKHyaUq9XqNWD8mKEWlqLVZlAylchHbQWlGKis1La/Z7SnIt2D8a\nMc0/pmtRt64raNt35byx2A7ppx7fOzOl9zcGx3ScD1iSkrbvE4UhUTBzc4uI1tf5pVRcvXOXmeBm\n4UjKosLRJc0ix5MmyOg1HRLf47KocyRTsnxCMrLVmrJE+S7JBPpZQOmYAESi4QJq6NaVbYQQ873o\nVJo8y7h6/Tp+GHA2OOb+hwah3Gt1qNVWGR3tkyXxvHL2xvd/zHTvmPzVz+O44ikIuCwoswTlKCai\nguXe3DrQPZ3wQMBVpQAAHzdJREFUte3r7PiS2pP7SM+s7yuNJiI7nwf+qVy+3YVFksxl87LhgH34\n/l0Cz8PzPMLAZTQezb1ky7KEXFDkKUjNro22VxaXUKqk0iaTmZWnkeDIgDIvjVmDkE91GlSF40oq\npdBlNYeUa60Rn6DnO5iMEcpYYgGUjsNCs46qN2m2Q1ypcexl6NciDg/eZpxX/NbvfgPf9rS+881v\nErgV+9OCwWTEobWfOz7rc3w8ZH+3z8lgSKH13P8xKzUVgp1rsD+YMhlbj1nXp/TOz2wcAP2M7682\nokACgcRHakllS4F1ryDcdrl19TLjpMYbB0bUv3aW0G4H5E5KKQRxaqsPe1PWthLq4ZjheEQmR/Rz\n0zdL5Ri55uL5nikf22cgC4nvXCzmPkOfP2ukYY2NqKqK6XRKal1rpONQTs3FOxn157ShrdUlBIIi\nU6YNYPtmldJGRMQR+JVjEdLm8Gg1IsCjyDJyb0pof77vuwxOzqdl1Oo18jKZW7mhMsoyQ+mQLC1o\ntZtz9xNZKaQOcV2fUZwjpdnYl9aaOCQstiKk55DZC/9od5/VtSVG/RGBFyLcGu9/aE0XIseUGRfW\nGadDUpvhP3q0z+rC4rlzdqSPdkDLmW9wia4KpIOhUrhizltWZYYnXRq1kFZjg23Lra+qClcKdFWa\nSov9bKMLraAq8QMfJTSpzSqKoiD0GvjSp7DiJ/YvofTFobDnSpZXFljdNBdMgeDq9ZsoR1DmKZ1G\ng4mlfHVqHT748EOSPEE5JTs2qLx6dYdXX/0CK4v7HO6foYR5b+7tvc37b98mzXIO90dI4c0DkOeu\nrvHC1ct4uoJC41vhfF8GlNX5Z0joaUINQtvepc7RqiIvcsqyxPcCwobZW+vrHVrtEEdLnNLlseW+\nOg4U7RaHhyVVpWhZT2VROUyzhDCq4QuBKx3W1wynvNcIef7VF4nyhOL0hMhiYIqaord+cX89ENBr\n1lEWYTxMS3JPMZIVOitID/bQicWnjGLIFeO84pfvPean7X8CIKqFRFEErja9VnsgpGXGNK8MS8R1\nCKJg3gLyIx/t1slKiZDB3J9Za3Wh/Xqt0WA6TRAzxcGOsSUcJykqnuL5AaVFek8O9ql3I975+c94\ntP9kJtDGgnbYunmdwoE8z8iVFVTRFaoocZICbzwhjUeMhuZMHp4MqNKcpUITH8UcV6YtqIKAwj+/\nLfGpXL6VFlQCmh3rN9msE3keusqZxkNWVxbZWJ25nKQ4RU6gKyb9Ee++ZXhwna9/HelqfOmS55Vx\n+sBI3aELI6LhGH5nYg+jMPCQWqCFNF6OM9k8pU0Z+oKRZQWB6zHbY+PxmAdPNL5WFPGQUf+M1Moo\nKkeyd2ScLQql6DXMwvtByHvvv8P3fvQzBtPp/KCplAThkGYZlRKEtcb8xakcH9Dce7RLeHJAYLOU\nwHXRF8xbCkEp1VycxdECR7k4VYvhnoJT2LLi8BlniG5FLAY8ORxw/2NT8iwPRlxrNWjJhNGkop+b\nbKoKKu4+vsNJorh3dMzCepulDfM9Q69BKStybSD7s0BHOM5c3u688f8V2Sgt7UhLkw2X5dNSZb1R\nJ85GJMmUeOQxbZl5txaXaNZCjqcjI44+t1W07GehTFZQeEztJRcFNRr1Oi4OeRrPA60sS0wGfc64\ncfMyb77xE8ZjEzisba0yGhyRpRln8Qg/9Vi9bA7EoK7RRcXaepvRqMfCYt3Ouc5xluLlBY4q8Gwp\nc5rliEAiXEGWxgxGKaUl7V/dWaMsE4qqj1MIGm0T6BVZzuHZ+ZgAzwsQ1izdrI0wYhpaIBxpWjIz\nPIQQaFXiOoYeM+M7SoEpfypl3I2qWf98ZgvpGxF7VSHUDJDo4kmJg+BXbXDFhR7VAC+/fItCn3H3\nkaEavfT5r7LZ3aTV7DAdHLOx1mNp0axDPI3JiylnowleFCEs+LFKKzxZo9tZ5GS/z/vvvg/AJNWk\nyuPu3iN04XNpcZHf/boBvq00KwJXoZRDWpQkNhsqi5Ts2SDiPzNUPqUQgiwxQaMXuuBAWZRG7Q6X\nYmZzF9QJGx2mwwmFhs7i0uwRoKmgLPA9ibImJXFcoHEo8hxHCARP++itZp3Pfe4mjGPe/cExnq0+\nLC4tzqVyzxtxIfDdOhrLRdcp4yynVJ5xl1tYwHfMJR7kBdPjAfnxCfsSMsf8LF8L3DRHaUVVQWLP\nyf2TY5K8oNtdoNPtcKWzRM0C0hwEd+/vkSpFbSWag5pk6OD45+/FB/fuMxrGeLa1ubG5whtvvM7x\n8Rl5lvP1b3yV3shcvuP9A+obXc4OD0nznMDuufxswORkhEhy9GhCYTnReTGmikumcUkmBJkXUNjA\nJG80EcsNnKhOUItoW+9z6btI9QkSpc/GZ+Oz8dn4bHw2Phuf3vhUMt+z0zMqt4ayvY/LmyuM+wPK\nUrD9wg22tzefGqVXOU5pIN+DaYyygKYknrKwUMcX4ClJaaNtXSmjEOVIHMdFWwACGDx03fVR1hNX\n29JHVVXzCOm8URWKaZrgzuoSUlMVOY/uP2QyGFIV2bwH4/gBQsL6zg737t7jo9smQp+MJhweDhgl\nFVo28Gw25eIgXUGzpXCkh+N4uBYpJsMI13ORPoShR2h7Yq4WlBcAatoHK2RBQaFnfRSHPIFCNckO\nFcFRRWzt3No7KywtRKy5Et/PGQnz+0felFNZ0mlGZHHBKDW/ryrF4fGA7naT5bUI5WTEs/CtAmzW\nqITCETPAF3jeJ5OXFFbGcPbfWil0ZWgBWmvqDVM56fV6VNMhWTZmNB4TWREUGYak6RStjdTozCN6\nJhmttERJj1q9QaJNFBwnOa2WIJtOifPpHIg0jccGzXzOWFtd5HG7TlVZjIHOqTcaRt3mUkQ+1OS2\nn5VNMzzfodFr88pXLxNYMEnUrOE1muRxjBrGrNi+XVzcp77UJPAbpIOYMGszs6PuNNoUpeTkeMJS\n7xrRTL7QFwhxgX2j1uZ9thBpU2kQ5EVJEAS4nkdp2xLSKl4pu4Az0ItwBEIJHM8zgjW2vK91aZGj\nArTAky4zoehKV6iyonympw+WYvYJer7xNOXDj99hPDFtm1brYxy3xsrSMh4ljx/dJbF7ce/giK3t\nbW6tXmXv8JTf+Po3ABieHfHj137ErRu36HbbjMa2hz6tGPT7TCcJ3VbAzvYKtchqzaPx/Ii0qJBI\ntK1CJemv0gb/c+Nvf/AWAcUc+OdHAVpXZs2FoBUG+PYzSiGZVqbPGJDTnKE8qZDSIcYlSXO0zZcE\nAq1NhShNU7LMp28FJsJawPrqAlOhcUOfwrZ0Wq0GzoWyXCBcSZE9NaKRXkBeKiZ5jutqarUQz2IW\nFpcCwobLsZPjLy1Q69mqWpaTTmKSaUqaVfNWRrMe4LmSKkk4K1JEmRParDbOcvaPT9FeSJALag1T\n+vcV4Jwv1PPX//E/kueanm27fPGrr/DL995Buj6tZov+YETT9mBvv/Mu04WQ45NTcs8jiqwH7/Ep\n+r17hEmGo6q5mljitejffJ7g2iUafoSvi/n9UfMbZFIQDE8pB6cMdg1bYjwcMJqcD479VC7fIi/Z\n398ltbzLMJAsXl5nc2sdP5DEcTw3HXeloZY4aBa6TdaWDW+xHrq4wpSdpQ+ynLkcWe4u4HoeSjiG\nIwzMhBajyFAcKivDpxEI5xM47aQFZZ6DXegg9BBI4qxkkkPgNZA126sWEqELnjx5wvJiD2VLJsOT\nPvVah7Dh4HgSKZ9KdjtSEdQMSKUqFb4tZbiRh+P7hPU6rh8wsZuqKtN5CenXjf3vTmitNljfMdq0\ntU7HcCyFIHge9v0PSC1w5tL2l6hqkrsP7vH4yYTSwvR7rZC1jTbtdsTR5BRpzciLrKR/VHG8X9Js\nK3I3ZcqMC+siKx+JUYypZlQS4XwS62TyPP+Vkudc1N+CsJRSuPb/NRoNxvUWo2xKWigODg0u4OOH\nuwzilI2tHbrd7vxSnH2eQpMXBUIk80shT3OS6RTt5GTJkNKCL1SlyPOLfIglZVbR65ly53A8Iqq1\nqEURouZQX40oDsxnpLnDKJ5w9YUtDg4f4c6ct0rY7Paoum2SdkqrZ0r8L3+hCSLh9GSPeqtHvaqT\nxWb/eHgIt8bOzia91hp7j9+3T6DGYu/8nm9ZVr9C6ZrxHKWUzyDObanYHrDPciLB9ONnbYJnudlC\nGBnBmffys16pM+11ExQ9VXpzzvEPfnYcHZ8RhHXjxQ2cHB3S6rT51rf+kaVOh8lwgmd7bGvra1y7\nuk08Lfj+d/+Jex+ZQLjKc6ZxTJJMWF1b4ctffhWA5sMzZHRMt91m5/Iql1d6LCzYdooSaOEgVImq\nCppNcyFM05RJfD4a/q3bj3BUQalnLRgBmBaKEAJX6Xn7TAvNTtPhpbUeo1FKoczB3ek0iaKAKPRp\nNFwjf4gBjeaFuchnz+3IepwvLC1QDz2IXILoKd7C8zyyiwzBgem0QOVPn12uckAgfR9cTeZIQntW\nTSpFph2KZpvC8xlbjrhSIMMamXBIRMbUgl2VVghdUGRWxe/sbN4iq5Q5R3UlCEuBymZYmxJ5QVBZ\n6QqkN6e9ecKhVW/Q6nVYXF0mrUrG9kx+sPcQ/XAN4fsMh2MSayjTnCZEZWYMHYSgmtERRUl49QpX\nXr7G9LVfkBwfkA/NmXw2ThhIQTEZUJY5hU06qsDnRJ4fnH06PN8KxoMR6yum/7VaD6kFLr7v0u+f\n4VDNdTQdAVqVaF2x2Gny1S8amLzSFXk2RUcNtFZI+RSYU1aF1YI2L5ijLJhEK9I0NYeNo+fUXqU1\nVXk+khXAE+BJ9yk4qygZxRNUUVKPIjwpUTNDCC3wHI84nvDBO2/TqD8VuF9cWsJxNUpnuLb/GUU+\njusgHJhOUzzXn8tfBpFHicYJHfwoAnshlGnJgtXK/XXj8heusrnRoWt7iqUnoFCEZUXqZmixyMAE\nZzw6fsIPv7/HO+8eUQ+brKxaA4mgYFRN0SohqxeUjnk5deWSTCQHT3LkikPZ0qT+zIrOIag0Pg4O\net5TrMqKUXFxf312YM8OeN83Oti6UlaH9ekQwsENIoQXkhYp+0dGROGkP6S7tEKtFhkj65m3g73U\nteOQ5QUTOULbyklRlmRFhicLdFWQzgwx+mNUdT6aFe1y5cpNtDSHcNQLoJQMTnMYFrj1iNjSlWrN\nFs16m/27B1Qoauvm+YjE5c57d9l57iqttWUmY6u5nMY0ohDP8XGAmic5tZWJeDolkD6+r0nGByzZ\nALVQJZN4eP6UtZ4f/rO1mf06qzx4M6Sv61JW5Vx8fnZJzn51XWP9NtOCnl3kQoi5nvazlDfP8wy1\nKEnmB7sRs7/48n28e0i7I3nllS8DcGXnCu++90sa9RApBUEYcu05Y62Y5YppPOWjO/e4ur2NZ/eo\nBuq1Jq1mGz+I2NgwALIPHhyxvbnG5c1tnru2wuRsl3rNBJzZqGQ4GiF9D4TDwIIfcRz84HwgYdPT\nRIFPYKVMz0ZTsizHdb15kDMDWbqqpObB4uIif/uDX4LFf3Q6TVqtJovtgHarQb1en699GHrUIp9u\nt8c0HvPECkwsr67hOiXCddi+eYvFpWU7ZYH/CTLfUZyiy2J+0ZdUIBQChasgF5Brs+/rUuAoSRIE\nJvC2F6Z0HDwp0VHN0M5mAL+xQ6UytKuROsQJntKIRKlRpUI6AUEY4oemEqiFpMjPr/hVpUI74qkx\nS17hKMHe7h4ngz47V69QWOOYoypFvP8hQmvGaUZqkeUL0zEdaapkldCkkXkGWlcU7/2SPGrQ/8Xr\njPsH6KZ59mf1gCpoUHY38TtNIhuwpi40Ljj2PpXLd7HXY5oWZFaBpl7zSJMRQntIpyJX5bxEKFwH\nVVUUZYYK3DlWR2mF8CR5muC67nzDuo5RKRI4hr4g5dMyljJlrclkQhQFuM7TsvMn4Rottuo4pVHH\nAhCehyuhFXiEgY8QgswCIFzXw5EOvoSFdo3I8r2GcYaqFK2aBzqcBxlhPQIBSZoQRiFhVJ8DwpxK\ngYRSOuCouUdlr9NitXs+gu7qF65STI55cvgAMEorJ6djNBG516JKfUYHpsyifU3QucH1V24iihyN\nAS75CwkL12rUGoq8GDB4bC5fN+iQlwXDk4rmro/v15hio3+3QJUCjYuuzDMFU37SF2aQoKoCIZ4B\nZ+nKgtOEcRlBM4c8CoHne/hhyMlhnzgxn99qdVheXKbZMtqzM4oWQpiL3JG4nkLgzvnZSZKgKInj\nMZPh2RwEURQV0+n5/NOT049ZWGzQXt4B4N7999BCsbTWY3R2gpqWtLrm4B1PY3pRm3h8ghd4DCxa\nMhQRg+GQwXvvcP3/be9Meuw6zjP81HCmO3bfHkhRJGVZ1ixZVuwggRFkk2wTOCvnF+T3JRv/gKwC\nBwgUwLFoayapVo/s6Q5nqCGLqntIImC3FsFd1bPhom+Dp+85p76qb3jfD9+miylKrQSL5TUqq5hu\n7/Ds7BAZyyZKWzpnMK5BqoKd3Qfhmn3Xjza9iheDLDz3f35R5ET2Y0iu/x3ZG1zEbucs61+hl2fK\ng2661vr/zG6vT8N5nvf+wUopslsMLACu5w37d/dRItrP/cdnNN2STz/9a7YnW3z7zVNmuyGYFoMJ\n9eIKZwqm0xn/+fv/BuBf/+13/Paf/5G/+MUv+eqrJ5zFyYOt0QiZb/HZZ48Q9Qm/+uTtXpDBZoLt\n2TZZljNfLnsjkXIwoL1lU/nb3/wd0teU0Wzg5KLm8dNDFvM5Osu4c2cHGdOx9dkl9ekBW/f2+Xm1\nzWUseQjg5PSELx+vMNYxjqUXISXKG3amI9556028acP7A3zw4Zt4Z2hVwXu//hsKwkHj6PB7quGP\nKLeJoIXv5DqjoUCGjmUvwobVxnXPaciiEp21z5u+hDV4qcLvZvQe63VjMbkPdqAIXCb763adQzmP\n1gW+VDCI5TZVYG7ubcNpSZYJdB6drbbGvPXmGyyvr7gz3eKN3Tt0MSM62tulqIaUVclYq35stTg5\npTu5wNJhvcdHF6TKS5ZPvuH8w19R/vpjnn3WcP/nQWlwW5Z8axzz5RwrHevps7pZcn2L9/pGgu/Z\nyRHYjkEe01nW4XRwJMqVoqHra0HOhFy7lhLTteSxE61rGnRW0K5WiBfSVutUV2csXdtgHL1t39qC\nrm1bnDdMi3UdRfwoV6PRoEJ70c+BySynyDRFrshVmKdt4w0VUuKdo6pK3nvnTXbuBGm204s511cX\n3Nuf0TarPu3TWkPXdUy3dyjKEmNsn1atsiBUcLlcoIoJW+NwsqloeHj35lGB05On/PnrP/P0KATS\n7540nJ81/OKDd7l7d4TvLCru2Pf39pjtTiiLnFwPuYhp54PrA+rzJYYLtscNFzrK4RUaM3Qsliua\nJx3lbo6IogNGWKz1tMJj8L3qkrSSTN8+aiQIs9frbm5nu6Bw5SXGWUys+wIIJRiNBjg75frqKrzg\nwKAoqYoBSuYUxeClACOlBCVwGKpqiJ2G9O58fo30jrzKaRc5q0UcZxIaf0uqy9QLfCZ6j9UHdx/y\nxed/oBoM2L0/xbWyfwbVRFBNHPmypb3oGMTMyOnpOW+9/x5ee04ODvtZ+J3tGZcnh9SrJbXt6Lxh\nfz8oFe3u7dI0DVVZ4YHDkyAWsbu1S1XcbCmY51nY2fepZPq0c58+XqcMfLDjfPGkDOHU5WOWQir1\n3Iw8dqSvMw0vBl4pJcaY/jNlnJ13MW16G3Xr+f7pMzTh3Tat4bunP3D6rOY3//BLdP4af/oyjL1t\n7YzpFuAZYlrF0+9DWeKTT/+KxcLxp0ePuZyvGA3Du/TWT7ZwaO7t3WOQOzI6bExRznZHeOfRWrO7\nu9NPUnTGcD2/WX70Z/fv0NWX+PjdzUYF7z2YMp/PWa1WTCZbNE14Uc5zwezd15jNJjx4d9Jneup6\nRdsZLhaGs4urPt2fZRnXV3MkmrOTc44OjnnwMKgBVuMZP5xeI/WIsqw4Oogd8FlBe4tSFIBSBda2\nrM8wXinQDucMzhqs9b0lq2ss0jmUC/7ZRb6e/80QmUIgkUKgYxZJ6AKXOZTWIRulJSL+R8IRnLMc\nGEVvnlMqgahu3qD9/ccfkTlY61oMv3vC28bjRE5+do09fsZ5vA+v/ewNfJZRdy12uaKJTmCruqaQ\nilZJcJ5ufX+FYNAazj7/nNf/8h20l6gu/OwNPeD3jx7x6Nkxo0yzHy09p6MBXx7cPHmQup0TiUQi\nkdgwGzn5KunIlGW9d9FKYtugduOiAER/4vGOMs+oly1N63CxzpVlOU3dIYTomzfgxZOviyk0+lNt\n6H72FEWBdYZV1HLN8uxWpSiA8XQKnaGLOzCV50zGY4S3aAnWWQaxhtJ1XdjVa83e/j7vf/QxAGeX\n1zz+5ium4yFCyf5U7mRU/RGSsgjKS/N59H7dnoaT72LBsvHMJqGJpnArdsY3z+mZ1ZL92U6/q//p\nwxEH3z7lo5+UvPmg5PzkjDoOmw/KI0b6islgi665ZBhTxeMq45uzhkvXMJlkvH4v1j6Ol+zPQOd7\nPHMLXG0o2ucdxdbbKFfIc2m4TP8oBaOgskQvfm6tACTWBwUmH/+FcM+LqmQqpjR1zcXa59YL8ryI\n37F46fNSKow3fbf4WgmnKHPa1RIpJVVVUcdU89qO8CaeXR6TZwZ5Gk4Bu7OHbE93WHRLWEIu87W4\nEaP9KdkwJxcDhplieytkM7ZmW0z3Z2yPRqwGFWex+WM5b8mLCUJ4yqrkg/c/wsTT6mpxjvCepq5R\nWvV6totmwe7oZmMFh4gn1uc131wIhFjX3T352nRcBJnPXIe58xc1w50QKKWRWiNjfV/6oKGupML5\n2FS4VmezFmNd7DoPn4O1iP3tNaDdvTuUmSDT0T7RGR4++BhV5PzPHw9ZLGueHIZU/tdP5mHOvjMc\nH/7ABx98AkA5niFdx+PvjpmvOpSODY55QdMtGA1HFLJAuYyrq3BabjsL1jAcjMI1x2vNlCTPb36u\nRdcyKfN1bx9XlwvKvGA8mcGEYPYSxYK2Ht6hqAqKrKBQVZ+1aZolO6MpkxFsDfP+GSiLAsQOSEnT\nWI7vb/fll7PTC67nV+zt5IwLzTHPn/lenOgGwnIne6tOrxQy13gv8U7ijUDH+zqtNDmeernE+Kzv\nF6hKRVkUOAfGOmwXvoViDKXOn0vgKolYGyg4h/A+1I6FDg1egMhz/C2havDoa1TdImKW8tA6zKhA\njAuGRU5lFVeX4Wd1nrHEIzKJr2tqE965QWe4qyUtweiGOFe/EIpOCo6Pn5B3HzK59x5fnoeSxb+f\nH/Do8Jg5jnm96meTTV71UwCvYjPBV3ky5XBNWPSta5GA8AKsRwkJPJebkwIynWG9RcTFWEsQUiNE\nNDted2QqjXVQlgWrzuJwL3nmrhs9lC5wMbhIkfUGBzdRtzXCOLK4UAupaLu1Lm54ONebBq0lZRTZ\nPzo5Yxl1RC8ur1lcnvG9BF2UFDHdpouMtjNBXF1C19RB1QvQZYHQYZG6uG6o8tBI8frOmCO34m//\n6dXXXE0LcqdRV9fxmlvu3XmDB/fuI6zBXp1x/05IbQrTYm2LKFe0XQ1l+E4G+YSiKfBWoDPN/bdC\nh+fswYypuEBRcqWmPLYHNGHdp80FVhgQYTxlXdv2MejdhjEmbqheUCGTCo96qSYJccLDBwGT2c5e\nn3Z2XcdoMu1TpfIFWRznHJ1tMaZFeNWr2gwGFbnqsFcrjDF9133XdfQfegWTyYjFakm9iM+AHzMc\nlIzGFYvrc7ru+eJ6eXmOP7dY21GNtnBxMZrujlheHlGfXbB3bxfifauXVzRNw9aool2sMMDJdZBP\nLIsB29MZy6tjfjg7pNShDvj07JQvhONfbrpoqRBC9n+nUBqlY0OVMeAcPo51OBGeRecdpjOIKBMq\npEStnV6kQufrkRSHtS7orstQ07NxI+yQQaO3d0mKARvBS910r2A82kJ6S72Ki7gu0TojyysOfriK\nXexRBnY8Is8LLq+WSJ8xHIZGm7pzYByrhaXtPKO4uK/mNa1pyaRkMJjQ1AYdTU4GgxzftUg811cX\n/cakGgz7sbRXkekcrVw/3pPlI5yxnJ8HfXoPVFHhKtMFrnHYlaCugmY9gJUZK+Np2pZMlRRZNHlZ\nLLC2YzwZBslIaXDxQDEopxwcH+PqJd/98TO62BxVqCnqR6jNZVVFkENZK08Vsf/LgrDgLUV8T4fK\n4bqWXGW0zpAXUSFOSfI8p8gKGtPRxOd9JTK6vI2zf/TSsQA6vuNSZ0ipyOLmSJD3/savojk6YoCg\njWtBoxX5pETcG+NXHc0Xx2QirOOn80uMlphW4U2Lj2nn2jgOVclwa4SqBujozWsm26jZPvfGJTs7\nu+SLOX/4MryL/3V6is0Uuc7oWngWA+7q8Bhvbu4JEP7H9PknEolEIpH4fyPVfBOJRCKR2DAp+CYS\niUQisWFS8E0kEolEYsOk4JtIJBKJxIZJwTeRSCQSiQ2Tgm8ikUgkEhsmBd9EIpFIJDZMCr6JRCKR\nSGyYFHwTiUQikdgwKfgmEolEIrFhUvBNJBKJRGLDpOCbSCQSicSGScE3kUgkEokNk4JvIpFIJBIb\nJgXfRCKRSCQ2TAq+iUQikUhsmBR8E4lEIpHYMCn4JhKJRCKxYVLwTSQSiURiw6Tgm0gkEonEhknB\nN5FIJBKJDZOCbyKRSCQSGyYF30QikUgkNsz/Ag2iN32AKflBAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "IgvzGk0S4wPY", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Classification" + ] + }, + { + "metadata": { + "id": "gVOkpS6O5b-B", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Our task will be to classify the class given the image. We're going to architect a basic CNN to process the input images and produce a classification." + ] + }, + { + "metadata": { + "id": "Y5C78l1j5UTm", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "### Arguments" + ] + }, + { + "metadata": { + "id": "yLW2_1CG2Eyg", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "With image data, we won't be save our split data files. We will only read from the image directory." + ] + }, + { + "metadata": { + "id": "RTMvq5A849-w", + "colab_type": "code", + "outputId": "f9142a73-fbf6-4504-f064-70417c6f8e6d", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 34 + } + }, + "cell_type": "code", + "source": [ + "args = Namespace(\n", + " seed=1234,\n", + " cuda=True,\n", + " shuffle=True,\n", + " data_dir=\"cifar10_data\",\n", + " vectorizer_file=\"vectorizer.json\",\n", + " model_state_file=\"model.pth\",\n", + " save_dir=\"cifar10_model\",\n", + " train_size=0.7,\n", + " val_size=0.15,\n", + " test_size=0.15,\n", + " num_epochs=10,\n", + " early_stopping_criteria=5,\n", + " learning_rate=1e-3,\n", + " batch_size=128,\n", + " num_filters=100,\n", + " hidden_dim=100,\n", + " dropout_p=0.1,\n", + ")\n", + "\n", + "# Set seeds\n", + "set_seeds(seed=args.seed, cuda=args.cuda)\n", + "\n", + "# Create save dir\n", + "create_dirs(args.save_dir)\n", + "\n", + "# Expand filepaths\n", + "args.vectorizer_file = os.path.join(args.save_dir, args.vectorizer_file)\n", + "args.model_state_file = os.path.join(args.save_dir, args.model_state_file)\n", + "\n", + "# Check CUDA\n", + "if not torch.cuda.is_available():\n", + " args.cuda = False\n", + "args.device = torch.device(\"cuda\" if args.cuda else \"cpu\")\n", + "print(\"Using CUDA: {}\".format(args.cuda))" + ], + "execution_count": 17, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Using CUDA: True\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "xaYCCEHOrpGB", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "### Data" + ] + }, + { + "metadata": { + "id": "8iF6nxgDtOWk", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Convert image file to NumPy array\n", + "def img_to_array(fp):\n", + " img = Image.open(fp)\n", + " array = np.asarray(img, dtype=\"float32\")\n", + " return array" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "3VlHdV9r5VzN", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Load data\n", + "data = []\n", + "for i, _class in enumerate(classes.values()): \n", + " for file in os.listdir(os.path.join(data_dir, _class)):\n", + " if file.endswith(\".png\"):\n", + " full_filepath = os.path.join(data_dir, _class, file)\n", + " data.append({\"image\": img_to_array(full_filepath), \"category\": _class})" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "WvknlOjM5V1z", + "colab_type": "code", + "outputId": "69e2f3bf-42df-4b08-b086-fc744e263db8", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 221 + } + }, + "cell_type": "code", + "source": [ + "# Convert to Pandas DataFrame\n", + "df = pd.DataFrame(data)\n", + "print (\"Image shape:\", df.image[0].shape)\n", + "df.head()" + ], + "execution_count": 20, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Image shape: (32, 32, 3)\n" + ], + "name": "stdout" + }, + { + "output_type": "execute_result", + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
categoryimage
0plane[[[160.0, 173.0, 167.0], [151.0, 164.0, 155.0]...
1plane[[[190.0, 228.0, 243.0], [188.0, 223.0, 238.0]...
2plane[[[255.0, 255.0, 255.0], [253.0, 254.0, 251.0]...
3plane[[[193.0, 216.0, 227.0], [191.0, 213.0, 225.0]...
4plane[[[234.0, 234.0, 234.0], [231.0, 231.0, 231.0]...
\n", + "
" + ], + "text/plain": [ + " category image\n", + "0 plane [[[160.0, 173.0, 167.0], [151.0, 164.0, 155.0]...\n", + "1 plane [[[190.0, 228.0, 243.0], [188.0, 223.0, 238.0]...\n", + "2 plane [[[255.0, 255.0, 255.0], [253.0, 254.0, 251.0]...\n", + "3 plane [[[193.0, 216.0, 227.0], [191.0, 213.0, 225.0]...\n", + "4 plane [[[234.0, 234.0, 234.0], [231.0, 231.0, 231.0]..." + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 20 + } + ] + }, + { + "metadata": { + "id": "GXtRpahp5V6p", + "colab_type": "code", + "outputId": "6ea08026-d651-4a75-d40f-94086fb211ce", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 187 + } + }, + "cell_type": "code", + "source": [ + "by_category = collections.defaultdict(list)\n", + "for _, row in df.iterrows():\n", + " by_category[row.category].append(row.to_dict())\n", + "for category in by_category:\n", + " print (\"{0}: {1}\".format(category, len(by_category[category])))" + ], + "execution_count": 21, + "outputs": [ + { + "output_type": "stream", + "text": [ + "plane: 6000\n", + "car: 6000\n", + "bird: 6000\n", + "cat: 6000\n", + "deer: 6000\n", + "dog: 6000\n", + "frog: 6000\n", + "horse: 6000\n", + "ship: 6000\n", + "truck: 6000\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "AYVNBhLgt-38", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "final_list = []\n", + "for _, item_list in sorted(by_category.items()):\n", + " if args.shuffle:\n", + " np.random.shuffle(item_list)\n", + " n = len(item_list)\n", + " n_train = int(args.train_size*n)\n", + " n_val = int(args.val_size*n)\n", + " n_test = int(args.test_size*n)\n", + "\n", + " # Give data point a split attribute\n", + " for item in item_list[:n_train]:\n", + " item['split'] = 'train'\n", + " for item in item_list[n_train:n_train+n_val]:\n", + " item['split'] = 'val'\n", + " for item in item_list[n_train+n_val:]:\n", + " item['split'] = 'test' \n", + "\n", + " # Add to final list\n", + " final_list.extend(item_list)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "o8GNPotNt-6X", + "colab_type": "code", + "outputId": "162a2ddb-db83-4708-b48d-ecbf1d61dd4f", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "split_df = pd.DataFrame(final_list)\n", + "split_df[\"split\"].value_counts()" + ], + "execution_count": 23, + "outputs": [ + { + "output_type": "execute_result", + "data": { + "text/plain": [ + "train 42000\n", + "test 9000\n", + "val 9000\n", + "Name: split, dtype: int64" + ] + }, + "metadata": { + "tags": [] + }, + "execution_count": 23 + } + ] + }, + { + "metadata": { + "id": "cLdJQPBmX0yJ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "### Vocabulary" + ] + }, + { + "metadata": { + "id": "EB-kpxhct-_S", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Vocabulary(object):\n", + " def __init__(self, token_to_idx=None):\n", + "\n", + " # Token to index\n", + " if token_to_idx is None:\n", + " token_to_idx = {}\n", + " self.token_to_idx = token_to_idx\n", + "\n", + " # Index to token\n", + " self.idx_to_token = {idx: token \\\n", + " for token, idx in self.token_to_idx.items()}\n", + "\n", + " def to_serializable(self):\n", + " return {'token_to_idx': self.token_to_idx}\n", + "\n", + " @classmethod\n", + " def from_serializable(cls, contents):\n", + " return cls(**contents)\n", + "\n", + " def add_token(self, token):\n", + " if token in self.token_to_idx:\n", + " index = self.token_to_idx[token]\n", + " else:\n", + " index = len(self.token_to_idx)\n", + " self.token_to_idx[token] = index\n", + " self.idx_to_token[index] = token\n", + " return index\n", + "\n", + " def add_tokens(self, tokens):\n", + " return [self.add_token[token] for token in tokens]\n", + "\n", + " def lookup_token(self, token):\n", + " return self.token_to_idx[token]\n", + "\n", + " def lookup_index(self, index):\n", + " if index not in self.idx_to_token:\n", + " raise KeyError(\"the index (%d) is not in the Vocabulary\" % index)\n", + " return self.idx_to_token[index]\n", + "\n", + " def __str__(self):\n", + " return \"\" % len(self)\n", + "\n", + " def __len__(self):\n", + " return len(self.token_to_idx)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "QcpS2G28t_Bv", + "colab_type": "code", + "outputId": "d0f38e9b-311a-42e1-a00a-ca75c8cf672e", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 85 + } + }, + "cell_type": "code", + "source": [ + "# Vocabulary instance\n", + "category_vocab = Vocabulary()\n", + "for index, row in df.iterrows():\n", + " category_vocab.add_token(row.category)\n", + "print (category_vocab) # __str__\n", + "print (len(category_vocab)) # __len__\n", + "index = category_vocab.lookup_token(\"dog\")\n", + "print (index)\n", + "print (category_vocab.lookup_index(index))" + ], + "execution_count": 25, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "10\n", + "5\n", + "dog\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "ubECmrcqZIHI", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "### Sequence vocbulary" + ] + }, + { + "metadata": { + "id": "37pGFTBiZIbm", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from collections import Counter\n", + "import string" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "YvWL2JcgZPaw", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class SequenceVocabulary():\n", + " def __init__(self, train_means, train_stds):\n", + " \n", + " self.train_means = train_means\n", + " self.train_stds = train_stds\n", + " \n", + " def to_serializable(self):\n", + " contents = {'train_means': self.train_means,\n", + " 'train_stds': self.train_stds}\n", + " return contents\n", + " \n", + " @classmethod\n", + " def from_dataframe(cls, df):\n", + " train_data = df[df.split == \"train\"]\n", + " means = {0:[], 1:[], 2:[]}\n", + " stds = {0:[], 1:[], 2:[]}\n", + " for image in train_data.image:\n", + " for dim in range(3):\n", + " means[dim].append(np.mean(image[:, :, dim]))\n", + " stds[dim].append(np.std(image[:, :, dim]))\n", + " train_means = np.array((np.mean(means[0]), np.mean(means[1]), \n", + " np.mean(means[2])), dtype=\"float64\").tolist()\n", + " train_stds = np.array((np.mean(stds[0]), np.mean(stds[1]), \n", + " np.mean(stds[2])), dtype=\"float64\").tolist()\n", + " \n", + " return cls(train_means, train_stds)\n", + " \n", + " def __str__(self):\n", + " return \"\".format(\n", + " self.train_means, self.train_stds)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "-ODlh2wcahqH", + "colab_type": "code", + "outputId": "b165d02a-3b92-40b8-92f5-5055533e6447", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 54 + } + }, + "cell_type": "code", + "source": [ + "# Create SequenceVocabulary instance\n", + "image_vocab = SequenceVocabulary.from_dataframe(split_df)\n", + "print (image_vocab) # __str__" + ], + "execution_count": 28, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "lUZKa0c9YD0V", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "### Vectorizer" + ] + }, + { + "metadata": { + "id": "RyxHZLTFX5VC", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class ImageVectorizer(object):\n", + " def __init__(self, image_vocab, category_vocab):\n", + " self.image_vocab = image_vocab\n", + " self.category_vocab = category_vocab\n", + "\n", + " def vectorize(self, image):\n", + " \n", + " # Avoid modifying the actual df\n", + " image = np.copy(image)\n", + " \n", + " # Normalize\n", + " for dim in range(3):\n", + " mean = self.image_vocab.train_means[dim]\n", + " std = self.image_vocab.train_stds[dim]\n", + " image[:, :, dim] = ((image[:, :, dim] - mean) / std)\n", + " \n", + " # Reshape frok (32, 32, 3) to (3, 32, 32)\n", + " image = np.swapaxes(image, 0, 2)\n", + " image = np.swapaxes(image, 1, 2)\n", + " \n", + " return image\n", + " \n", + " @classmethod\n", + " def from_dataframe(cls, df):\n", + " \n", + " # Create class vocab\n", + " category_vocab = Vocabulary() \n", + " for category in sorted(set(df.category)):\n", + " category_vocab.add_token(category)\n", + " \n", + " # Create image vocab\n", + " image_vocab = SequenceVocabulary.from_dataframe(df)\n", + " \n", + " return cls(image_vocab, category_vocab)\n", + "\n", + " @classmethod\n", + " def from_serializable(cls, contents):\n", + " image_vocab = SequenceVocabulary.from_serializable(contents['image_vocab'])\n", + " category_vocab = Vocabulary.from_serializable(contents['category_vocab'])\n", + " return cls(image_vocab=image_vocab, \n", + " category_vocab=category_vocab)\n", + " \n", + " def to_serializable(self):\n", + " return {'image_vocab': self.image_vocab.to_serializable(),\n", + " 'category_vocab': self.category_vocab.to_serializable()}" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "yXWIhtFUiDUe", + "colab_type": "code", + "outputId": "62f2c017-da89-4333-8cd3-f84abe05723b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 88 + } + }, + "cell_type": "code", + "source": [ + "# Vectorizer instance\n", + "vectorizer = ImageVectorizer.from_dataframe(split_df)\n", + "print (vectorizer.image_vocab)\n", + "print (vectorizer.category_vocab)\n", + "image_vector = vectorizer.vectorize(split_df.iloc[0].image)\n", + "print (image_vector.shape)" + ], + "execution_count": 30, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n", + "\n", + "(3, 32, 32)\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "Xm7s9RPThF3c", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "### Dataset" + ] + }, + { + "metadata": { + "id": "2mL4eEdNX5c1", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from torch.utils.data import Dataset, DataLoader" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Dzegh16nX5fY", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class ImageDataset(Dataset):\n", + " def __init__(self, df, vectorizer):\n", + " self.df = df\n", + " self.vectorizer = vectorizer\n", + "\n", + " # Data splits\n", + " self.train_df = self.df[self.df.split=='train']\n", + " self.train_size = len(self.train_df)\n", + " self.val_df = self.df[self.df.split=='val']\n", + " self.val_size = len(self.val_df)\n", + " self.test_df = self.df[self.df.split=='test']\n", + " self.test_size = len(self.test_df)\n", + " self.lookup_dict = {'train': (self.train_df, self.train_size), \n", + " 'val': (self.val_df, self.val_size),\n", + " 'test': (self.test_df, self.test_size)}\n", + " self.set_split('train')\n", + "\n", + " # Class weights (for imbalances)\n", + " class_counts = df.category.value_counts().to_dict()\n", + " def sort_key(item):\n", + " return self.vectorizer.category_vocab.lookup_token(item[0])\n", + " sorted_counts = sorted(class_counts.items(), key=sort_key)\n", + " frequencies = [count for _, count in sorted_counts]\n", + " self.class_weights = 1.0 / torch.tensor(frequencies, dtype=torch.float32)\n", + "\n", + " @classmethod\n", + " def load_dataset_and_make_vectorizer(cls, df):\n", + " train_df = df[df.split=='train']\n", + " return cls(df, ImageVectorizer.from_dataframe(train_df))\n", + "\n", + " @classmethod\n", + " def load_dataset_and_load_vectorizer(cls, df, vectorizer_filepath):\n", + " vectorizer = cls.load_vectorizer_only(vectorizer_filepath)\n", + " return cls(df, vectorizer)\n", + "\n", + " def load_vectorizer_only(vectorizer_filepath):\n", + " with open(vectorizer_filepath) as fp:\n", + " return ImageVectorizer.from_serializable(json.load(fp))\n", + "\n", + " def save_vectorizer(self, vectorizer_filepath):\n", + " with open(vectorizer_filepath, \"w\") as fp:\n", + " json.dump(self.vectorizer.to_serializable(), fp)\n", + "\n", + " def set_split(self, split=\"train\"):\n", + " self.target_split = split\n", + " self.target_df, self.target_size = self.lookup_dict[split]\n", + "\n", + " def __str__(self):\n", + " return \"= 1:\n", + " loss_tm1, loss_t = self.train_state['val_loss'][-2:]\n", + "\n", + " # If loss worsened\n", + " if loss_t >= self.train_state['early_stopping_best_val']:\n", + " # Update step\n", + " self.train_state['early_stopping_step'] += 1\n", + "\n", + " # Loss decreased\n", + " else:\n", + " # Save the best model\n", + " if loss_t < self.train_state['early_stopping_best_val']:\n", + " torch.save(self.model.state_dict(), self.train_state['model_filename'])\n", + "\n", + " # Reset early stopping step\n", + " self.train_state['early_stopping_step'] = 0\n", + "\n", + " # Stop early ?\n", + " self.train_state['stop_early'] = self.train_state['early_stopping_step'] \\\n", + " >= self.train_state['early_stopping_criteria']\n", + " return self.train_state\n", + " \n", + " def compute_accuracy(self, y_pred, y_target):\n", + " _, y_pred_indices = y_pred.max(dim=1)\n", + " n_correct = torch.eq(y_pred_indices, y_target).sum().item()\n", + " return n_correct / len(y_pred_indices) * 100\n", + " \n", + " def run_train_loop(self):\n", + " for epoch_index in range(self.num_epochs):\n", + " self.train_state['epoch_index'] = epoch_index\n", + " \n", + " # Iterate over train dataset\n", + "\n", + " # initialize batch generator, set loss and acc to 0, set train mode on\n", + " self.dataset.set_split('train')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, shuffle=self.shuffle, \n", + " device=self.device)\n", + " running_loss = 0.0\n", + " running_acc = 0.0\n", + " self.model.train()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + " # zero the gradients\n", + " self.optimizer.zero_grad()\n", + " \n", + " # compute the output\n", + " y_pred = self.model(x=batch_dict['image'])\n", + " \n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['category'])\n", + " loss_t = loss.item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute gradients using loss\n", + " loss.backward()\n", + "\n", + " # use optimizer to take a gradient step\n", + " self.optimizer.step()\n", + " \n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['category'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['train_loss'].append(running_loss)\n", + " self.train_state['train_acc'].append(running_acc)\n", + "\n", + " # Iterate over val dataset\n", + "\n", + " # initialize batch generator, set loss and acc to 0, set eval mode on\n", + " self.dataset.set_split('val')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.\n", + " running_acc = 0.\n", + " self.model.eval()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + "\n", + " # compute the output\n", + " y_pred = self.model(x=batch_dict['image'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['category'])\n", + " loss_t = loss.to(\"cpu\").item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['category'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['val_loss'].append(running_loss)\n", + " self.train_state['val_acc'].append(running_acc)\n", + "\n", + " self.train_state = self.update_train_state()\n", + " self.scheduler.step(self.train_state['val_loss'][-1])\n", + " if self.train_state['stop_early']:\n", + " break\n", + " \n", + " def run_test_loop(self):\n", + " # initialize batch generator, set loss and acc to 0, set eval mode on\n", + " self.dataset.set_split('test')\n", + " batch_generator = self.dataset.generate_batches(\n", + " batch_size=self.batch_size, shuffle=self.shuffle, device=self.device)\n", + " running_loss = 0.0\n", + " running_acc = 0.0\n", + " self.model.eval()\n", + "\n", + " for batch_index, batch_dict in enumerate(batch_generator):\n", + " # compute the output\n", + " y_pred = self.model(x=batch_dict['image'])\n", + "\n", + " # compute the loss\n", + " loss = self.loss_func(y_pred, batch_dict['category'])\n", + " loss_t = loss.item()\n", + " running_loss += (loss_t - running_loss) / (batch_index + 1)\n", + "\n", + " # compute the accuracy\n", + " acc_t = self.compute_accuracy(y_pred, batch_dict['category'])\n", + " running_acc += (acc_t - running_acc) / (batch_index + 1)\n", + "\n", + " self.train_state['test_loss'] = running_loss\n", + " self.train_state['test_acc'] = running_acc\n", + " \n", + " def plot_performance(self):\n", + " # Figure size\n", + " plt.figure(figsize=(15,5))\n", + "\n", + " # Plot Loss\n", + " plt.subplot(1, 2, 1)\n", + " plt.title(\"Loss\")\n", + " plt.plot(trainer.train_state[\"train_loss\"], label=\"train\")\n", + " plt.plot(trainer.train_state[\"val_loss\"], label=\"val\")\n", + " plt.legend(loc='upper right')\n", + "\n", + " # Plot Accuracy\n", + " plt.subplot(1, 2, 2)\n", + " plt.title(\"Accuracy\")\n", + " plt.plot(trainer.train_state[\"train_acc\"], label=\"train\")\n", + " plt.plot(trainer.train_state[\"val_acc\"], label=\"val\")\n", + " plt.legend(loc='lower right')\n", + "\n", + " # Save figure\n", + " plt.savefig(os.path.join(self.save_dir, \"performance.png\"))\n", + "\n", + " # Show plots\n", + " plt.show()\n", + " \n", + " def save_train_state(self):\n", + " with open(os.path.join(self.save_dir, \"train_state.json\"), \"w\") as fp:\n", + " json.dump(self.train_state, fp)" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "Ug60AELzX5vT", + "colab_type": "code", + "outputId": "74f5b9db-ebc0-47d5-e496-afabe9c0ca7b", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 153 + } + }, + "cell_type": "code", + "source": [ + "# Initialization\n", + "dataset = ImageDataset.load_dataset_and_make_vectorizer(split_df)\n", + "dataset.save_vectorizer(args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "model = ImageModel(num_hidden_units=args.hidden_dim, \n", + " num_classes=len(vectorizer.category_vocab),\n", + " dropout_p=args.dropout_p)\n", + "print (model.named_modules)" + ], + "execution_count": 38, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "vF9kAEXEX5a4", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Train\n", + "trainer = Trainer(dataset=dataset, model=model, \n", + " model_state_file=args.model_state_file, \n", + " save_dir=args.save_dir, device=args.device,\n", + " shuffle=args.shuffle, num_epochs=args.num_epochs, \n", + " batch_size=args.batch_size, learning_rate=args.learning_rate, \n", + " early_stopping_criteria=args.early_stopping_criteria)\n", + "trainer.run_train_loop()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "2G6I5YWtt_Ea", + "colab_type": "code", + "outputId": "0ca459c6-0053-4a43-82a3-6a1e1c6e5c33", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Plot performance\n", + "trainer.plot_performance()" + ], + "execution_count": 40, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA2sAAAE+CAYAAAATaYj9AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xd81eXd//HXGTk52TshG0IGeysg\nyAgiIFjFiW3dtaVWrdparXfVtra3+mvt3Sra3uJdrbNWRMSJQgEB2XuHsDLJ3vOs3x+BKJWV5MDJ\nOXk/H494cr7nfK/zuRJJzjvX+BpcLpcLERERERER6VaMni5AREREREREvk1hTUREREREpBtSWBMR\nEREREemGFNZERERERES6IYU1ERERERGRbkhhTUREREREpBtSWBPppKysLI4dO+bpMkRERC6IOXPm\n8J3vfMfTZYj0KAprIiIiInJGOTk5hISEkJCQwNatWz1djkiPobAm4mYtLS08/vjjTJs2jRkzZvD0\n00/jcDgAeOONN5gxYwbTp0/nuuuu48CBA2c8LiIi0h28//77TJ8+nVmzZrFo0aL244sWLWLatGlM\nmzaNhx56iNbW1tMeX79+PVOnTm0/95v3n3/+eX71q19x3XXX8eqrr+J0OvnNb37DtGnTyM7O5qGH\nHsJmswFQWVnJ3LlzmTJlCldeeSWrV69mxYoVzJo166Sar7nmGpYuXXq+vzQi55XZ0wWI+Jp//OMf\nHDt2jI8//hi73c73v/99PvroI6ZMmcJf/vIXli9fTnBwMJ9++ikrVqwgPj7+lMczMjI83RUREREc\nDgdffPEFP/nJTzCZTDz77LO0trZSWlrKM888w6JFi4iNjeXee+/ltddeY/r06ac8Pnjw4DO+zsqV\nK/nggw+IjIxkyZIlbNq0iY8++gin08ns2bP55JNPuOqqq3j22Wfp27cvf/vb39izZw+33347q1at\noqysjH379tGvXz+KiorIy8tjwoQJF+irJHJ+KKyJuNmKFSu44447MJvNmM1mrrzyStasWcMVV1yB\nwWBgwYIFzJo1ixkzZgBgs9lOeVxERKQ7WL16NYMHDyY4OBiAiy++mOXLl1NdXc3w4cOJi4sD4Nln\nn8VkMvHee++d8vjmzZvP+DpDhw4lMjISgGnTpjF58mT8/PwAGDx4MPn5+UBbqJs/fz4AAwYMYNmy\nZVgsFqZNm8bHH39Mv379WLp0KVOmTMFisbj/CyJyAWkapIibVVZWEhYW1n4/LCyMiooK/Pz8ePXV\nV9myZQvTpk3ju9/9Lvv37z/tcRERke5g4cKFrFixglGjRjFq1Cg+//xz3n//faqqqggNDW1/nr+/\nP2az+bTHz+abvzsrKyt5+OGHmTZtGtOnT2fZsmW4XC4AqqurCQkJaX/uiRA5c+ZMPv74YwCWLl3K\nFVdc0bWOi3QDCmsibhYdHU11dXX7/erqaqKjo4G2vwA+99xzrF27lvHjx/PEE0+c8biIiIgn1dTU\nsGHDBtavX8+mTZvYtGkTGzduZOfOnRiNRqqqqtqfW19fT3l5OREREac8bjKZ2tdwA9TW1p72df/n\nf/4Hs9nMhx9+yGeffcbEiRPbHwsPDz+p/YKCAmw2GxdddBF2u53ly5dz4MABLrnkEnd9GUQ8RmFN\nxM0mTZrEggULcDgcNDY28sEHHzBx4kT279/PfffdR2trKxaLhUGDBmEwGE57XERExNM+/vhjxowZ\nc9J0QrPZzPjx42ltbWXLli0UFBTgcrl44oknWLBgARMnTjzl8ZiYGMrKyqioqMDhcPDhhx+e9nUr\nKirIzMzEYrGwb98+tm7dSmNjIwDZ2dm8//77AOTm5nLNNdfgcDgwGo1cccUVPPnkk2RnZ7dPoRTx\nZlqzJtIFN998MyaTqf3+7373O26++Wby8/OZOXMmBoOB6dOnt69DS0pKYtasWfj5+REUFMTjjz9O\nZmbmKY+LiIh42qJFi7j11lu/dXzq1Km8+OKL/Pa3v+XWW2/FZDIxePBgbr/9dvz9/U97/Nprr+Xq\nq68mISGBq666ir17957yde+44w4efvhhFi5cyKhRo3j44Yf5r//6L4YMGcJDDz3Eww8/THZ2NkFB\nQfzxj3/EarUCbVMhX3nlFU2BFJ9hcJ2YACwiIiIi4sXKy8uZPXs2K1asOOmPqSLeStMgRURERMQn\nPPfcc9x0000KauIzFNZERERExKuVl5czZcoUysvLueOOOzxdjojbaBqkiIiIiIhIN6SRNRERERER\nkW5IYU1ERERERKQbuuBb95eV1XW5jYiIQKqqGt1QjeepL92T+tI9qS/d05n6EhMTcoGr8W76HXky\n9aV78pW++Eo/QH3prtzx+9ErR9bMZt/Z4Ud96Z7Ul+5JfemefKkvvsCXvh/qS/fkK33xlX6A+tJd\nuaMvXhnWREREREREfJ3CmoiIiIiISDeksCYiIiIiItINKayJiIiIiIh0QwprIiIiIiIi3ZDCmoiI\niIiISDeksCYiIiIiItINKayJiPQgK1YsO6fn/eUvz1JUVHieqxEREZEzUVgTEekhiouLWLp0yTk9\n96c//RkJCYnnuSIRERE5E7OnC+iophY7H646xPC+kfj7+c4VzkVEzrc//ekZ9u7dzaWXXsTll8+g\nuLiIP//5RZ566reUlZXS1NTEHXf8kHHjLuWee37Igw/+guXLl9HQUE9e3lEKCwu4776fMXbsOE93\nRURE5IJwuVw0NNspq26irLqJ8ppm+qVEkJYQekFe3+vC2t6jVby0aCffvSyDy0Yle7ocERGvcdNN\nN7Nw4b/o06cveXlHePHFl6mqquTii8cwY8YsCgsLeOyxRxg37tKTzistLeGPf3yOdeu+4oMP3lNY\nExERn2J3OKmsbaasupnS46Hsmx9NLY6Tnj8yK4afzB58QWrzurCWFBMEQE5+tcKaiHitv3+4my+3\nFLi1zYv6xXJDdvo5Pbd//4EAhISEsnfvbhYvXojBYKS2tuZbzx0yZBgAsbGx1NfXu69gERGRC6Sh\n2UZZdROlVSdCWHN7GKuobcbl+vY5Fj8jMeEBxIQFtN2GW4kJDyAzOfyC1e11YS0mPIDIUCs5BTW4\nXC4MBoOnSxIR8Tp+fn4AfPHFZ9TW1vLCCy9TW1vLD35w87eeazJ9PeXcdarfZiIiIt3Q/rwqFqw8\nSHF5I40t9lM+JzzYQnpi2PEwFkBs+NfBLDTI4vGs4XVhzWAwMDAtilXbCimpaqJXZKCnSxIR6bA7\nrhzIlWNSLuhrGo1GHI6Tp3JUV1cTH5+A0Whk5cp/Y7PZLmhNIiIi7uZ0uvh47REWrT4MQHxUEBlJ\nxwNZREB7MIsOs3b7PTC8LqwBDOwTyaptheTkVyusiYico9TUPuzfv4/4+ATCw9umcEyalM0jjzzI\nnj27mDnzO8TGxvLKK/M9XKmIiEjn1NS38NKHe9h7tIrIUH9+9J2BZCRduGmL7uadYa1vNNC2bm3C\n0AQPVyMi4h0iIiJYuPDjk47Fxyfwj3/8s/3+5ZfPAOD22+8CIC3t6zVwaWnpzJv30gWoVEREpON2\nH6lk/uLd1DbaGJYezR0z+xMc4OfpsrrEK8NaSlwIQVYzOfnVni5FREREREQ8yOF08sHqw3z81VGM\nRgNzpmQwdVSSx9ebuYNXhjWj0UBGUjjbcsuprG0mMtTq6ZJEREREROQCq6xt5qXFu8kpqCE6zMqP\nrx5En/gLcw20C8ErwxpARnIY23LLySmoZsyAXp4uR0RERERELqDtueX838d7qW+yMSorhttm9CfQ\n6rXx5pS8tjcnrm+Qk1+jsCYiIiIi0kPYHU4WrjzEZxvyMJuM3Hx5JpOGJ/rEtMf/5LVhLTUuBIuf\nkQNatyYiIiIi0iOUVzfxt8W7OVRUS1xkID++aiApcSGeLuu88dqwZjYZ6ZsQxt6jVdQ32bx+pxcR\nERERETm9zftLeeWTfTS22BkzMI6bL88iwN9r48w5MXq6gK44MRVSo2siIu5z3XVX0tjY6OkyRERE\nALDZnbz5eQ4vvL8Lu8PJ7Vf0465ZA3w+qIEXj6zBN9atFVQzPDPGw9WIiIiIiIg7lVQ18rdFuzla\nUkdidBBzrxpIYkywp8u6YLw6rKUlhGIyGnS9NRGRc3DHHd/jv//7WXr16sWxY8X88pc/IyYmlqam\nJpqbm3nggYcYMGCQp8sUEREBYP2eEv7x2T6aWx1MGBrPTZdl4u9n8nRZF5RXhzV/PxO940M4XFRH\nc6sdq8WruyMicl5NmDCZNWu+5Nprb2DVqpVMmDCZvn0zmDBhEps3b+TNN//B73//B0+X6ZXeffdd\nFi9e3H5/165dvP322/z6178GICsri9/85jceqk5ExLu02hy8vewAK7cV4W8x8cMrBzBmYM/c/d3r\n001mUjgHC2s5WFjLwD6Rni5HROScvL7tPdYc3ezWNofHDuaa9FmnfXzChMnMm/dnrr32BlavXsk9\n9zzAP//5Om+//To2mw2r1erWenqS66+/nuuvvx6ADRs28Omnn/L73/+eRx99lCFDhvCzn/2MlStX\nMnHiRA9XKiLSveWX1PH71zZRWNZASmwwc68eRK/IQE+X5TFevcEIfPN6a5oKKSJyJmlpfamoKKOk\n5Bh1dXWsWrWC6OhY/vrX/+PnP3/E0+X5jBdeeIG77rqLwsJChgwZAsDkyZNZu3athysTEelenC4X\nFTXN7DpcwReb8nltyX4e+PNKCssayB6RyH/dMrJHBzXwgZG1jKQwDCisiYh3uXnYtUxPvPyCv+7Y\nseN56aUXufTSiVRXV9G3bwYAK1cux263X/B6fM2OHTuIj4/HZDIRGhrafjwqKoqysjIPViYi4jmt\nNgclVU0UVzRwrKKR4srGts8rG2m1OU96blCAH3de3Z9R/WI9VG33ck5hLScnh7vvvpvbbruN73//\n+yc9VlxczIMPPojNZmPAgAH89re/PS+Fnk6g1Y/EmGAOFddiszvxM3v9YKGIyHkzceJk5s69g1df\nfZvm5iZ+97snWL58KddeewNLl37Oxx8vPnsjcloLFixg9uzZ3zrucrnO6fyIiEDM5q4vno+J8Z0L\nxKov3ZOv9MVX+gGe74vL5aK2oZWC0noKSuuO37Z9XlLZyH/+GLSYjSTGBpMUG0JSbPDxjxASY4N9\nahORrn5fzhrWGhsbefLJJxk7duwpH3/66ae54447mDp1Kr/5zW8oKioiISGhS0V1VFZyOAVl9Rw5\nVktGUvgFfW0REW/Sv/9AVq5c337/zTcXtH8+fnzbeqqZM79zwevyFevXr+dXv/oVBoOB6uqvZ3yU\nlJQQG3v2vxJXVXX9+nYxMSGUldV1uZ3uQH3pnnylL77SD/BMX0qqGtlxsIL80vq20bKKBhqavz1D\nIzTIQmZSOPFRgfSKCiI+KpD4yEAiw6wYDYZvPd/fz9Qjvi/nGuLOGtYsFgvz589n/vz533rM6XSy\nefNm/vSnPwHwxBNPnNOLultGchjLthSQk1+tsCYiIh5RUlJCUFAQFosFgLS0NDZt2sSoUaP4/PPP\nufnmmz1coYhI59kdTnILath+sJztuRUcq/z6j0tGg4HYiAAyk8PpFRVIfGTQ8XAWSJDVz4NVe7+z\nhjWz2YzZfOqnVVZWEhQUxFNPPcXu3bsZNWoUP/vZz9xe5Nmc2GTkQEHNBX9tERERgLKyMiIjv96V\n+NFHH+Xxxx/H6XQydOhQLrnkEg9WJyLScXWNrew8VMH23Ap2Ha6kqaVt5MziZ2R4RjRD06NJTwwj\nNiIAs0lLkc6HLm0w4nK5KCkp4ZZbbiExMZEf/vCHrFixgkmTJp32nPMxHz8mJoT46CByC2uIjArG\nZPz2kGp35uk5xu6kvnRP6kv3pL74lkGDBvHyyy+3309PT+ett97yYEUiIh3jcrkoLGtoHz07WFjD\niaVmUaFWxg6MY2h6NP1SwvFzw/t5ObsuhbWIiAgSEhJISUkBYOzYsRw4cOCMYe18zcfvmxDK6h3F\nbNtTTEqc97xp0Hzp7kl96Z7Ul+7JHXPyRUTEM1ptDvblVbE9t4IdB8upqG0BwGCA9KQwhqZHM7Rv\nFAnRQRhOscZMzq8uhTWz2UxycjJHjhyhd+/e7N69m5kzZ7qrtg7JTApn9Y5i9udXe1VYExERERG5\nkKrqWth+sJwduRXsOVJJq71t+/xAfzMX949laHo0g9OiCA7QejNPO2tY27VrF8888wyFhYWYzWaW\nLFlCdnY2SUlJTJ06lUcffZRHHnkEl8tFZmYm2dnZF6Lub8lMOb5uLb+aqaOSPVKDiIiIiEh309xq\n52BRLfvzqtiRW0FeaX37Y/FRge2jZ+lJYZiMWnvWnZw1rA0aNIjXX3/9tI+npqby9ttvu7WozogJ\nsxIebCEnvxqXy6VhWhERERHpkarrW8gtqCGnoJoDBTXkl9TjPH6hM5PRwMDeEQw5HtBiIwI9XK2c\nSZemQXYnBoOBzORwNuwtpaSqiV6R+h9PRERERHyby+Uiv6SO9TsKOVBQw4GCasqqm9sfNxkNpCWE\nkpEURkZSOFkp4QT4+0wE8Hk+9Z06EdZy8qsV1kRERETE59jsTo4eq+NAYTUH8mvILayhvsnW/nig\nv5khfaPaw1nvXiFY/LRzo7fyubAGkJNfzYShCR6uRkRERESkaxqabRwsrGkbNcuv5lBxHXaHs/3x\n6DArowbEkRwdREZSGAnRQRi1HMhn+FRYS4gOIshqJie/2tOliIiIiEgPYnc4aWqxY7M7sTmc2Gxt\nt602x3/cP/643YnN7sBmd9JqP/n+iWMVtc0UljW0v4bBAMmxwWQkhpORHEZ6YhiRoVafuhyMnMyn\nwprRYCAjKZxtueVU1jYTGWr1dEkiIiIi4qNKqhrZebCCXYcr2Xe0qn0LfHex+BnplxJORlJbOOub\nEKb1Zj2Mz323M5PbwlpOfjVjBvbydDkiIiIi4iNabA72Ha1i16FKdh6qoLS6qf2xhOgg4iMD8TMb\n2z8sZhPm9s+N33rsxHGz2YifyYjFz4SfyYifX9t9fz8TRqOmNPZkPhfWMpLDAMgpqFFYExEREZFO\nc7lcFFc0sutQBTsPVbA/v6Z9vZjVYmJEZgyD0yIZnBalGV1yXvhcWEuNC8HiZ+SA1q2JiIiISAc1\ntdjZd7SKnYcq2Hmokorar7fBT44NZnBaFIPTIumbGIbZpAtIy/nlc2HNbDLSNyGMvUerqG+yERzg\n5+mSRERERKSbcrlcFJY1HA9nFRwoqMHhbLuAdKC/mYv6xTIoLZJBfaKICPH3cLXS0/hcWAPISg5n\n79EqDuRXMzwzxtPliIiIiEg30txqZ832ItZsK2DX4Uqq6lraH+vdK4RBaVEMSYuiT0IIJqNGz3oS\np8tJi6OFZnsLzY4Wmu3Nx2/b7rfYW8iM6EtC8IVZbuWTYS3j+PXW9iusiYiIiAjQ2Gxne245m/aX\nsutwJbbjOzcGB/gxZkAcg9OiGNgnktAgi4crFXdpsjexu2I/9a0NNDuavxHAWmh2NNNy/PabYazV\n0XrWdofGDOKHg2+5AD3w0bCWlhCKyWjgQIHWrYmIiIj0VPVNNrYdaAtoe45UYne0TW9MiA7i0uGJ\nZMSH0rtXiHZc9CEul4sjtXmsLlrP5pLt2Jy2Mz7fz+iH1exPgMlKmH8oVpM/VrM/VpMV/+PH/U8c\nM1uxmvxJD+9zgXrjo2HN389E7/gQDhfV0dxqx2rxyW6KiIiIyH+obWxla04Zm/eXsfdoVfv6s+TY\nYEZmxTAyK5bE6CBdSNrHNNqa2FCyhTWF6ylqOAZAtDWSsQkXERsYczyEWb8RxvzxN/ljMpo8XPmZ\n+WyKyUwO52BhLQcLaxnYJ9LT5YiIiIjIeVJT38KWnDI27S9jX14VrrZ8RmqvEEZlxTAqK5a4yEDP\nFilu53K5OFybx5rC9WwubRtFMxqMDI8dwviE0WRG9MVo8O41h74b1pLC+ZQ89udXK6yJiIiI+JjK\n2mY2Hx9BO5BfzfF8Rt+EUEZmxTIyK4aY8ACP1ijnR6OtkQ3HtrKm6BujaAFRjE8Yzej4kYRaQjxc\nofv4bFjLSArDALremoiIiIiPKK9pYvP+MjbtL+VgYS0ABiA9KYxRxwOaLk7tm9pG0Y6yunA9W0q3\nY3PaMRlMjIgdwjgfGUU7FZ8Na4FWP5JigzlYVIvN7sTP7HvfPBERERFfZ7M7Wb2zmNU7ijhc3LbG\nzGCAfinhjMyKZURmjK5/5sMabY2sP7aFNUXrKW4oASAmIIpxCaMZEz+KEEuwhys8v3w2rEHburX8\n0nqOHKslIync0+WIiIiIyDmyO5ys3lHMR2uPUFnbgtFgYGDvCEb2i2VERoy22PdhLpeLgzVHWFO0\nnq2lO9pH0UbGDmV84mjSw9N8chTtVHw+rC3bXEBOfrXCmoiIiIgXsDucrNlZzEdfHaWithk/s5HL\nL0pmxugUwoI1guarWhytVDRVsrFqI5/lfMmx46NosQHRjEsczeheI31+FO1UfDusJYUBkJNfw8yx\nHi5GRERERE7L7nDy1a5jfPTVEcprmjGbjFw2KokrxqQSrpDm9RxOB1UtNVQ0VVLRXEn58duKprbP\n62z17c81G0yMihvGuITRZISnYTD03Ovg+XRYCwv2Jy4igNzCapxOly54KCIiItLNOJxfh7Sy6raQ\nNmVkW0jTWjT3cLqctDhaaXXYMBmMmIwmzAYTJqPJbdMJXS4X9bYGypsq2gJYcxUVTRXHbyupaqnG\n6XJ+6zyjwUiUNYLE4HiiAyLJ7NWbrMB+BFuC3FKXt/PpsAaQkRzO6h3F5JfWk9rLd7bxFBEREfFm\nDqeTdbtL+HDNEUqrmzCbDGSPSGTm2N5eF9IcTgcVzZW0OGwYoH0kyMDxW0P7Z223J9030Pb0bxwz\ntN1zupw0O1pocbTSYm+hxdFyyvuGwy6qG+ppcbQcP956/Hlt91udttPWbjQYjwc3M2aDCbPRfFKY\nMx8/frrHG2wNbaNkTZWnfZ0wSwi9Q5OJskYRHRBBlDWS6IBIogIiCfcPOykw6mLlJ/P5sJZ1PKzl\nFFQrrImIiIh4mNPpYt2eY3y45gglVU2YjAYmD09k5tjUbr/tfoOtkZLGMkoaSttuG8soaSylrKni\nlKNGnmDAgL/JH3+ThUBzABH+Ycfv+2Mx+eF0uXC47NidDhxOB/YTn7sc2J0O7E47dqedZmfz8WNt\nj7var2T3bVaTlZjAaKIDooiyRhAVEEn08UAWaY3EYvK7gF8B3+LzYS0juW1jkZz8aqaOSvZwNSIi\nIiI9k9PpYsPeEj5Yc4SSykZMRgOThiUwc2xvosK6T0hrGyWrorSxjGONpZQ0fB3K6m0N33p+gDmA\n1JAkYgNjCDBbj0caFy7X8dsT/3W5zvAYfOPR9seNBmN78LKa/dtD13/eT4iJoKHWjtXkj5/R77ys\n8XK6nO1h7pshLsDPSpA5sEevKzuffD6sxYRZiQjxb7uyvcul/5FEROS8WLx4MS+//DJms5n77ruP\nzz77jN27dxMe3vZHwzvvvJNJkyZ5tkgRD3A6XWzcV8riNYcprmgLaROGJjDrklSiwwI8VldjaxNH\navNOCmMljWWUNZZjdzlOeq4BA1EBkaSGJhMXGHP8I5ZeQbEE+wV5/P1lTEgIZc3nd+qg0WDEYjJq\nlOwC8/mwZjAYyEgKY8PeUo5VNhIfpcWKIiLiXlVVVbzwwgu89957NDY28vzzzwPw4IMPMnnyZA9X\nJ+IZTpeLTftKWbzmCEXlDRgNBi4dEs+sS3oTE35+QprL5aLB3khtSx01rbXfuq1pqaO2tZaa1jpa\nHa3fOt9q8icxOIG4oK8DWVxgDDEBUfgppIgH+HxYg7Z1axv2lnKgoEZhTURE3G7t2rWMHTuW4OBg\ngoODefLJJ3nkkUc8XZbIOattbKXV5sDpdOF0tY2GtX3e9uFwunA52wJYcU0zlVWNuJxtx50uF87j\nj504p7nFzr+3FlJY1hbSxg+OZ9a43sR2MqQ5XU7qWhvaglZL7TcCWB21LW3hq6allrrWum+Nin2T\nAQPBliBiAqKIDYkk3BRxUjALtYR4fJRM5Jt6RFg7sW5tf141E4YmeLgaERHxNQUFBTQ3NzN37lxq\na2u59957AXjjjTd45ZVXiIqK4rHHHiMyMtLDlYqcrLSqkX8uy2Vbbrnb2zYYYNygXswa15u4iMCz\nPt/utFPZXEVZUwVlTRWUN1VQ1th2W95cid1pP+25RoORUEsIicEJhPqHEGYJIdQ/lDBLCGH+oYRZ\nQgn1DyHELxiT0QRo10HxDj0irCVEBxFkNXOgoNrTpYiIiI+qrq5m3rx5FBUVccstt/DUU08RHh5O\n//79eemll5g3bx6PP/74GduIiAjEbDZ1uZaYGN/Z/Vh9OT+aWuy8uyyH91ccxO5wkpUSQWJsMEaD\nAaPRgMnYdtv+eQePm4wGBqRFkRAdfNLrNttbKK0v51h9WftHyfGPssZKXK5v7zgY5BdAalgiMUFR\nhAeEEmENIyIgjHBrGBHH7wf7B3XqemHd6XvSVepL99TVvvSIsGY0GMhICmdbbjmVtc3dfltYERHx\nLlFRUQwfPhyz2UxKSgpBQUFkZmYSFRUFQHZ2Nr/+9a/P2k5VVWOXa/Gl0QL1xf1cLhfr9pTw7vJc\nqutbiQjx58bsdC7qF3vO0//O1heH00FRwzG2F29h6aFKyprK20bJmiqobT31eaGWENJCU4kOiCIm\nIJqYgMj2reCD/M4wKmeDFhu01H17l8au9sObqC/d05n6cq4hrkeENYDM5LawlpNfzZiBvTxdjoiI\n+JDx48fzyCOPcNddd1FTU0NjYyOPP/44jzzyCMnJyaxfv56MjAxPlyk93NFjdby5NIfcghrMJiNX\nXtKbK8ak4m/p/Giuy+WiqqWawzV5HKnN40htPvl1Bdj+Y8qiAQOR1nD6RWQQ/Y0gFhMQRXRAFP4m\nS1e7J+KTelRYA8gpqFFYExERt4qLi2PatGnccMMNAPzqV78iKCiI+++/n4CAAAIDA3nqqac8XKX0\nVLWNrbz/5SG+3FaECxiRGcON2emd2pGx2d7MrpIituXt40htPkdq804aLTNgICG4F71DU0gI7kXM\n8UAWaY3AbOwxbztF3KbH/KuRyjYLAAAgAElEQVRJiQvG389ETr7WrYmIiPvNmTOHOXPmnHTsvffe\n81A1ImB3OFm+tZAPVh2mscVOQnQQN12WwcDe57bRjdPlpLihpG3ErKZt1Ky4oaT94s0A4f5hDIsZ\nRO/QFHqHppASmqRRMhE36jFhzWwy0jcxlD1HqqhrbCUkUD9IRERExDftOVLJ20sPUFjeQIC/mZum\nZDB5RCJm0+k34ahpqW2fynikJo+jdfm0fONaZBajH33DezOgVzqx5l70Dk0mwhp+Iboj0mP1mLAG\nbVMh9xyp4kBBDSMyYzxdjoiIiIhblVc38c6/c9mcU4YBmDA0gWsmphEaaKHV0UpJQzWVLdVUNVdT\n2VxFZXPb52VNFVS1fD37yICBuKBYeocmt4+aJQTFYTKafGoDCJHurmeFtaTj69byqxXWRERExGc0\nt9pZtHYfy3fn4jA1EpcFGX0stJoK+OvuJVQ2V1NvO/2OiWGWUAZH928PZqmhSQSYO3cBaxFxnx4V\n1tISQjEZDVq3JiIiIl7F5XJR21rfvg1+RVNl+whZcW0FtbYaMDox92t7c1cLbK5sO9fP6EekNZyk\n4AQireFEWMOJtEa0fe4fQbg1DD9t/iHSLfWof5kWPxN94kM5VFRLU4udAP8e1X0RERHpxpwuZ/uU\nxLaPcsqbKtuvUdb6jfVj3+RqteCyhRAXFEn/hARig6LaApl/WzAL9gs652uoiUj30uPSSkZyGLmF\nNRwsqmFQnyhPlyMiIiI9iM1pp6Kpsj2IlTWVU9ZUcXy0rAqHy/Gtc/xNluNb4EcTExBFiDmcvQea\n2ba7AWeLlWF947hxSjpxEWe4eLSIeKUeF9ayksP5dF0eOfkKayIiInJ+lTaW82XhV5TuKqWoppTq\nlpqTtr4/IdgviOSQxPaLRMcERBET2BbQToyMNbfa+WJjPgs35NHUAr0iY7jpOxkMTtP7GRFf1ePC\nWnpiGAbQujURERE5b/Lrivj86L/ZWrqzPZyF+4eRHt7n60AWGE10QCQxAVFn3MzDZnewYmsRH609\nQl2jjeAAP+Zk9yF7ZNIZt+IXEe/X48JaoNWP5NhgDhXVYrM78TPrh5yIiIh0ncvlIrf6MJ8fXc6e\nyv0AJAUncHnqZLL7XUxNVUuH2nM4nazZeYzFaw5TWduC1WLiqvF9uPyiZK27F+kheuS/9IzkcPJK\n6zlcXEtmsi7mKCIiIp3ncrnYVbGXz48u51DNUQDSw/tweWo2AyIzMRgMWMwW4NzCmtPlYtO+Ut5f\ndZiSykb8zEamX5zCjDEphARazmNPRKS78bqwZnPaWXVkA+kBGZg7uc1sVnI4yzYXcKCgWmFNRERE\nOsXhdLCldAefH11OUcMxAAZH9+fy1MmkhfXucHsul4udhypZ+OVB8krqMRkNTBqWwJXj+hAR4u/m\n6kXEG3hdWNtXmcPfdrzKzD5TuaLP1E61kZF84uLYNcwc687qRERExNfZHDbWHdvE0qMrKW+uxGgw\nclHccKamTiIxOL5TbebkV/PeyoMcKKjBAIwZGMdV4/toh0eRHu6cwlpOTg533303t912G9///vdP\n+Zxnn32Wbdu28frrr7u1wP+UEd6XIEsgKwu+4rKUiVhMHZ8OEBZkIS4ykNzCapxOF0ajrj0iIiIi\nZ9Zkb2ZV4Vr+nb+KutZ6zEYzlyaO5bKUCUQHdG5HxqPH6lj45SF2HqoAYFh6NLMnpJEcG+zO0kXE\nS501rDU2NvLkk08yduzph6Byc3PZuHEjfn5+bi3uVKxmf6alT2Dhns9YW7yJiUmXdKqdzKQwVu0o\nJr+0ntReIW6uUkRERHxFXWs9y/NX82XhVzTZm7Ga/JmaMonJyZcS5t+59xDFFQ28v+owm/aVAtAv\nJZxrJ/alb2KYO0sXES931rBmsViYP38+8+fPP+1znn76aR544AHmzZvn1uJOZ0bGZBbvW8qyvC8Z\nnzAak9HU4TYyk8NZtaOYnPxqhTURERH5loqmKpblr+Sroo3YnDaC/YK4Mm06ExLHEuh3+q32z9hm\nTTOL1xxmzc5jOF0u+sSHcM3EvgxIjcBg0EwfETnZWcOa2WzGbD790xYuXMjFF19MYmKiWws7kzBr\nKGPiR7G6cB1by3YyKm5Yh9s4sbFITkE1Uy9KdneJIiIi4qWKG0r44ugKNpZsxelyEmmN4LKUiYyN\nH9Wp5RcA1XUtvLU0hxVbC7E7XCREBzH70jRGZEYrpInIaXVpg5Hq6moWLlzIK6+8QklJyTmdExER\niNnc8ZGw/3TD0BmsKVrPisJVTB84vsM/6KKjg4kOs5JbWEN0dLBHf1DGxPjOyJ760j2pL92T+iLS\nvdS11rPo4CesK94EQK+gOC5PmcSouGGdmsUDUN9k4/ONeSzdVEBzq4PoMCtXje/D2IG9tGZeRM6q\nS2Ft3bp1VFZW8r3vfY/W1lby8vL47//+bx599NHTnlNV1diVlwTa3hSYmgMYFjOYraU7WJWzhf6R\nmR1up29iGOv3lLBzfwnxUUFdrqszYmJCKCur88hru5v60j2pL91TT+mLQpx4A6fLyerCdSw+tIQm\nexOJwfHM7HM5g6P7YzQYO9VmdX0LSzbksWJrES02BxEh/lw3qS8ThiZgNnWuTRHpeboU1qZPn870\n6dMBKCgo4Je//OUZg5q7TU2ZyNbSHSw9urJTYS0zqS2s5eRXeyysiYiIiOccrjnKOzmLyK8rxGqy\ncn3GVVyaOKbTI2nl1U18uj6PVTuKsTucRIT4M3tCGtdelkldTZObqxcRX3fWsLZr1y6eeeYZCgsL\nMZvNLFmyhOzsbJKSkpg6tXPXOXOX1NBkMiPS2Vd1gLy6AlJCkjp0fuY3rrc2cdiFW3MnIiIinlXf\n2sAHBz/lq+INAFzcawSz02cSaun87o6frD3Kuj0lOJwuYsKtXDEmlUsGxeNnNmK1mPGNsXQRuZDO\nGtYGDRp0TtdOS0pKOu/XWDuVqSkTyanKZenRldwx6HsdOjc+Ooggq5mc/OrzVJ2IiIh0J06XkzVF\nG1h88FMa7U0kBPXihsyryYhI61R7eSV1fLT2KJv3leICEqKDmDkmlYsHxGIyarqjiHRNl6ZBdgf9\nIzNJDI5nS+kOvtM0vUMXpTQaDGQmh7P1QDmVtc1EhlrPY6UiIiLiSUdr8/nn/vfJqyvAavLn2owr\nmZh4SaemPOYW1vDRV0fYcbDtYtapcSHMuiSV4ZkxGLW7o4i4ideHNYPBwNSUSby6522W5X3JjVmz\nO3R+RlJbWMvJr2bMwF7nqUoRERHxlHpbAx8e/Iw1RRtw4WJU3DCuSZ9FmH9oh9pxuVzsPVrFR18d\nYV9e26ycjKQwZl3Sm0F9IrUFv4i4ndeHNYARsUNYfOgz1hZv5Io+UwmxBJ/zuVkpbevW9uVVKayJ\niIj4EKfLydrijXxw8FMabI30CorjxsyryYzo26F2XC4X23Mr+GjtEQ4V1QIwsE8ks8amkpUScR4q\nFxFp4xNhzWQ0MSV5Au8e+ICVBV8xK+3ycz43JS6YiBB/vtp1jBmjU4mLDDyPlYqIiMiFkFdbwDs5\nizhSm4fFZGF2+kwmJ43v0JRHp9PFpv2lfPTVUQrK6gEYnhHNrEt60ye+Y6NyIiKd4RNhDWBswkV8\ncuQLviz4iqmpk/A3Wc7pPJPRyJwpGfx10S7e+Hw/D944TNMYREREvFSjrZEPDy1hVeE6XLgYGTuU\n2ekzibCGn3MbdoeTtbuP8cm6PEoqGzEYYMyAOK4Ym0pSzLnP3hER6SqfCWv+JgsTEy/hkyNL+apo\nA5OTx5/zuaOyYhjUJ5JdhyvZuK+Ui/vHncdKRURExN2cLifrizez6OAn1NsaiAuM5YbMq+gXmdGh\ndnYequC1z/ZRUduCyWhgwtB4ZoxJJS5CM29E5MLzmbAGMDFpHF/krWRZ3pdMSBx7zlMdDAYD37s8\nk8de3sDbyw4wOC2KAH+f+tKIiIj4rPy6It7Z/z6Ha49iMfpxVd8ZZCdfitl47r/LXS4Xn67P470V\nBzGZDFw2Monpo1O0U7SIeJRPJZJgSxCXJFzEyoKv2Fy6nYt7jTjnc+MiApk1NpVFqw/z/peH+O7U\nzPNYqYiIiHSVw+ngw0NLWJq3EhcuhscM5tqMKzs05RGgpdXB3z/Zy8Z9pUSE+HPPNYO1Jk1EugWf\nCmsA2ckTWFW4jqV5K7kobniH1p/NGJPK2j0lLNtSwLjB8aT2CjmPlYqIiC9ZvHgxL7/8Mmazmfvu\nu4+srCx+8Ytf4HA4iImJ4Q9/+AMWy7mtp5aza7Q18ffdb7K3MofogChuzLyaAVFZHW6nvLqJ5xfu\nJL+0nvSkMH4yezBhQfo+iUj3YPR0Ae4WHRDJiNghFNYXs6cyp0Pn+pmN3Hx5Ji4XvLZkP06n6zxV\nKSIivqSqqooXXniBt956i7/97W8sW7aM5557ju9+97u89dZbpKamsmDBAk+X6TNKGkr5w+bn2VuZ\nw8Cofjxy0X2dCmp7j1Ty239sIr+0nknDE/nFTcMV1ESkW/G5sAZwWcpEAJYeXdHhcwf0jmT0gDgO\nF9eycnuRmysTERFftHbtWsaOHUtwcDCxsbE8+eSTrF+/nilTpgAwefJk1q5d6+EqfcOeiv38YfM8\nShvLmZoyiblDbiPAHNChNlwuF59vzOfZd7bT1GLnlulZ3DItC7PJJ98WiYgX87lpkADJIYn0i8hg\nX9UBjtbmkxqa3KHz52Sns+NgOQtWHGREZoz+yiYiImdUUFBAc3Mzc+fOpba2lnvvvZempqb2aY9R\nUVGUlZWdtZ2IiEDM5nO/DtjpxMT4zjT+E31xuVx8nLOM13csxGwwcc/o25jQe3SH22uxOXhxwXb+\nvSmf8BB/fnnrRQzoE+Xusk/JF78v3s5X+gHqS3fV1b74ZFgDmJo6iX1VB/ji6Ap+MPjmDp0bFuzP\nNRP68uYXOfzr3we468qB56lKERHxFdXV1cybN4+ioiJuueUWXK6vp9J/8/Mzqapq7HIdMTEhlJXV\ndbmd7uBEX2xOO//ct5B1xzYRZgnhrsG30icopcP9rKxtZt7CnRw5Vkef+BDuuWYIEcGWC/L18sXv\ni7fzlX6A+tJdnakv5xrifDasZUWkkxySyLayXZQ2lhEbGNOh8ycPT2T1zmLW7i5h/JAE+qdGnKdK\nRUTE20VFRTF8+HDMZjMpKSkEBQVhMplobm7GarVSUlJCbGysp8v0SjUtdczf+RqHa4+SEpLEj4bc\nSrh/WIfbycmv5sX3d1LbaGPcoF7cMj0LPzeMYoqInE8+OznbYDAwNWUSLlwsy/uyw+cbjQZumZaF\nAXjj8/3YHU73FykiIj5h/PjxrFu3DqfTSVVVFY2NjVxyySUsWbIEgM8//5xLL73Uw1V6n0OVefy/\nTc9xuPYoo+KG8cCIH3cqqC3fWsgf3t5KfZOd716WwR0z+yuoiYhX8NmRNYBhMYOItkay7thmruhz\nOWH+HZsz2ic+lEkjElm+pZDP1ucx65Le56dQERHxanFxcUybNo0bbrgBgF/96lcMHjyYhx9+mHfe\neYeEhASuvvpqD1fpXTaXbOeNff/C5rBzVdoMpqZO6tDleADsDidvfpHDym1FBAf48eOrB2mmjIh4\nFZ8OayajiSkpE3gnZxErC9bwnb7TO9zGtRPS2Ly/jA+/OsLoAXHEhHdsxykREekZ5syZw5w5c046\n9sorr3ioGu/ldDn55PAXfHpkGVazPz8aciuDowd0uJ3q+hZefH8XuYU1pMQGc881g4nW73AR8TI+\nOw3yhDHxFxHsF8SXhWtptjd3+PxAqx9zstOx2dv+Oneui8RFRESkY5rtLby86w0+PbKMaGskv7/s\nF50KaoeKavntqxvJLazh4v6x/PLmkQpqIuKVfD6sWUx+TEoaR5O9iTVFGzrVxugBcfRPjWDHwQq2\n5JS7uUIRERGpaKrk2c0vsL1sF5nhfXnoontJDkvocDurdxTz9JtbqGlo5frJffnRdwbi76f1aSLi\nnXw+rAFMSLoEi9GPf+evwu60d/h8g8HA9y/PxGwy8NbSHJpbO96GiIiInNqBqkP8v03PU9RwjAmJ\nY7ln2A8I9gvqUBt2h5O3vsjh75/sxWI28sD1Q5kxOrXD69xERLqTHhHWgvwCGZcwmuqWGjaVbOtU\nG/FRQUwfnUpVXQsfrD7s5gpFRER6pjWF63lu20s02puYkzWbG7NmYzJ2bCSstrGVP72zjaWbC0iM\nDuKx20YxKO3CXOhaROR86hFhDSA75VKMBiNL81bidHVuG/5ZY1OJCbfyxcYC8kvr3VyhiIhIz+Fw\nOvhXziLe2v8eAWYr9w27i0sTx3a4nbySOp58dRP78qoZkRnDozePJC4i8DxULCJy4fWYsBZpjWBk\n7DCKG0rYU7G/U21Y/Ex8b2oWTpeL15fsx6nNRkRERDqswdbIvO3/x8qCr0gI6sUvRt1HRkTfDrdT\nWFbPH97eSkVtM1df2oe7Zw8iwN+nN7oWkR6mx4Q1gKmpEwH4/OiKTrcxpG8UI7NiyC2sYfWOYjdV\nJiIi0jMUN5Tw/zY9T05VLkOiB/KzkXcTHRDZ4XYqapr507+209Bs586Z/fnOuD4YtT5NRHxMjwpr\nicHxDIjK4mDNYQ7VHO10OzdNycDfYuLd5bnUNba6sUIRERHfdaDqIH/c9ALlTRVMT83mrsE3YzVb\nO9xOXWMrf/rXNqrqWrhhcjrjBsefh2pFRDyvR4U1gKkpkwBY2oXRtchQK7PH96Gh2c67Kw66pzAR\nEREftqt8Ly9s/z9sThu3D7iJK/tOx2jo+NuQllYHf1mwg+KKRqZdnMz00SnnoVoRke6hx4W1jPA0\nUkOT2VG+h2MNpZ1uZ8qoJJJjg1m9o5gDBdVurFBERMS3bC7Zxv/u/Adg4EdDbmNUr+GdasfucPLi\nol0cKqpl7MBeXD853b2Fioh0Mz0urBkMBqamTMKFi2V5Kzvdjslo5OZpWQC8tmQ/dkfndpgUERHx\nZWuK1vPK7rexGC3cM+wHDIzK6lQ7TpeLVz7Zy85DFQxOi+L2K/ppjZqI+LweF9YAhsYMJDYgmg3H\ntlDdUtPpdtITw5gwNIHCsga+2JTvxgpFRES837K8L3lr33sE+QXy0xE/JD28T6fbend5Lmt3l5CW\nEMrdVw/CbOqRb2FEpIfpkT/pjAYjU1ImYHc5WJG/pkttXTepL8EBfnyw+jAVNc1uqlBERMR7uVwu\nPjq0hIW5HxHuH8YDI+aSEpLU6fY+W5/Hkg35xEcFcv/1Q/G3dOyi2SIi3qpHhjWA0b1GEmIJZlXh\nOprsTZ1uJzjAjxsmp9Nqc/LW0hw3VigiIuJ9nC4nCw4s5tMjy4gOiOLBET+mV1Bcp9tbs7OYfy3P\nJSLEnwdvGEZwgJ8bqxUR6d56bFjzM/kxOWk8zY5mVheu71Jb4wb3IjMpjK0HytmWW+6mCkVERLyL\nw+ngzb0LWFGwhvigOB4c8WOiOnENtRM27jnGK5/sI8hq5sEbhhIV1vFt/kVEvFmPDWsAlyaOwd9k\nYXn+KmxOe6fbMRgM3DwtC5PRwFtf5NBic7ixShERke7P5rTz991vse7YJlJDkrl/xFzC/EM73V5u\nYQ1Pv7YJs8nAT68bSmJMsBurFRHxDj06rAX6BTIuYTQ1rXVsPLalS20lxgRz+cXJlNc089FXR9xT\noIiIiBdocbTyvzteZVvZTjLC07hv+F0E+wV1ur3C8gb+8u527A4nc68eRHpSmBurFRHxHj06rAFk\nJ1+K2WBiYe5H5NcVdamt71zSh6hQK5+tz6OovMFNFYqIiHRfTfYm5m17mb2VOQyK6s/dQ+/Eau78\ndMXK2mb+9M42Gprt3Hv9MIalR7uxWhER79Ljw1qENZybB9xIs72FedvmU9JY1um2/C0mvjs1A4fT\nxWtL9uNw6tprIiLiu+pa6/nLlv/lUM0RRsYO5YeDb8Fi6vwGIPVNNp59ZxtVdS1cN6kvl12c4sZq\nRUS8T48PawCj4oZxY9Zs6m0NPL91PpXNVZ1ua3hGDCMyY8jJr+b/Pt6L0+lyY6UiIiLdQ1VzNf+z\n5W/k1xcxLmE0tw28CZOx81vqt7Q6+Mu72ymuaOTyi5KZMVpBTUREYe24SxPHcFXaDKpaqnl+23zq\nWus73dadM/vTNzGUdbtLePXTfThdCmwiIuI7ShvL+dOWv1LSWMplKRO5KesajIbOv6WwO5z89YNd\nHCyqZczAOG7ITsdgMLixYhER76Sw9g2X957M1JRJlDaW88K2lzt9/bUAfzMPXD+M3r1CWL2zmDc+\nz8GlwCYiIj6gsL6Y/9nyVyqbq7gybRpX972iS8HK5XLx6qf72HGwgkF9Irnjiv4YFdRERACFtW+5\nqu8MxiWMJr++iL9uf4VWR2un2gm0mnnwxmGkxAazYmshby87oMAmIiJe7UhtHn/e8jdqW+u4PvMq\npvee0uURsHdXHOSrXcfoEx/K3bMHYTbprYmIyAn6ifgfDAYDc7JmMzJ2KAdrjjB/1+vYO3kNtuAA\nPx6cM4zE6CCWbipgwYqDCmwiIuKVcqpyeW7rSzTZm7ml/41MShrX5TY/W5/HZ+vz6BUZyP3XD8Fq\nMbuhUhER36GwdgpGg5FbBtzIgKgs9lTs57U97+B0dW5nx9BACz+fM4y4yEA+XZ/HB6sPu7laERGR\n82tn+R5e2P53HE4HPxh8M6PjR3a5za92FfOv5bmEB1t48MahhARa3FCpiIhvUVg7DbPRzF2DbqZv\nWB82l27nn/sXdnpULCzYn1/cNJzY8AAWrzmii2aLiIjX2HhsKy/tfA0jBuYOvZ1hMYO63OaOgxW8\n8sk+Av3blgxEhwW4oVIREd+jsHYGFpOFHw+9jeTgBNYUbeCDg592uq2IEH8eumk4UaFWFn55iM/W\n57mxUhEREffbUbabf+z5J/4mC/cOv4v+kZldbvNgYQ0vLtqJ0WjgvuuGkBQT7IZKRUR8k8LaWQSY\nA/jJsB8QGxjNF3kr+PzI8k63FRVm5aHvDicixJ9/Lc9l2eYCN1YqIiLiPi6Xi48Ofw7AfcN+SFpY\n7y63WVXXwl8W7MBudzH3qoFkJod3uU0REV+mlbznIMQSzL3D7uJPm//KB4c+JcDPyqWJYzvVVmx4\nAA/dNJxn3tzCm1/kEB4WwMj0KDdXLCIiF9L69ev56U9/SkZGBgCZmZk0NDSwe/duwsPbAsmdd97J\npEmTPFhlx+RUHaSwvpgRsUNICU1yS5vvLs+lvsnGTZdlMDwjxi1tioj4snMaWcvJyeGyyy7jjTfe\n+NZj69at44YbbmDOnDn88pe/xOns3EYc3V2kNYJ7h99FsF8Q7+xfxKZjWzvdVq/IQH5+03CCA/x4\n8b3trNlZ7MZKRUTEEy6++GJef/11Xn/9dR577DEAHnzwwfZj3hTUAP6d/yUA2ckT3NLe/rwq1u0p\nIbVXCFNGuCf8iYj4urOGtcbGRp588knGjj31SNLjjz/Oc889xz//+U8aGhpYtWqV24vsLuICY7hn\n2A/wN/nzj73vsKt8b6fbSowO4udzhhFk9ePvn+xl3Z5jbqxURESk8441lLCrYh9pYb3pE5bS5fYc\nTidvfJEDwPcvz8Ro1EWvRUTOxVmnQVosFubPn8/8+fNP+fjChQsJDm5bHBwZGUlVVZV7K+xmkkMS\n+fHQ25m37WVe3vU6Pxl6JxkRfTvVVkpcCE/+6BIe/esaXv5wL2ajkVH9Yt1csYiIXAi5ubnMnTuX\nmpoa7rnnHgDeeOMNXnnlFaKionjssceIjIw8YxsREYGYzaYu1xITE9Kl898/shiA2YMu73JbAIu/\nPEhhWQNTL05hzNCOjaq54/W7C/Wl+/GVfoD60l11tS9nDWtmsxmz+fRPOxHUSktLWbNmDT/96U+7\nVJA3SA/vw12Db+F/d7zK33a8yk+H/6jT8/nTk8N58Iah/PGdbfzv4t2YTUaGZUS7uWIRETmfevfu\nzT333MOMGTPIz8/nlltu4cknnyQ6Opr+/fvz0ksvMW/ePB5//PEztlNV1djlWmJiQigrq+v0+XWt\n9aw8so5oayS9LWldagugpr6FNz7bS6C/mZljUjrUXlf70p2oL92Pr/QD1Jfu6kx9OdcQ55YNRioq\nKpg7dy5PPPEEERERZ3xud/mrYVdNihmFJdDAX9b+Hy/u/Du/zf4ZiaG9OtXWmGFJ/CY0gCfmr+XF\nRbt47I7RjPDSETZPf1/cSX3pntSX7smX+tIZcXFxXHHFFQCkpKQQHR1N7969SU5OBiA7O5tf//rX\nHqzw3K0qXIvNaWdy8qUYDV3fNHrBioM0tTj43tRMQnXhaxGRDulyWKuvr+euu+7i/vvvZ/z48Wd9\nfnf4q6G7ZARkclPWNby1/z1+8+8/8+CIHxMVcOYpLv/pRF9iQyzcd81g/rxgB797ZT33XzeE/r07\n1pandZfvizuoL92T+tI9ueMvh95u8eLFlJWVceedd1JWVkZFRQVPP/00jzzyCMnJyaxfv759p8ju\nzOaw8WXBWgLMVsbEj+pye7kFNazZdYyU2GAmD090Q4UiIj1Ll8Pa008/za233sqECe7ZLcrbjEsc\nTaO9iUUHP+H5bfN5YMTdhPl37s1J/96R3HvNYJ57bwd/eW8HD94wTNegERHxAtnZ2fz85z9n2bJl\n2Gw2fv3rX+Pv78/9999PQEAAgYGBPPXUU54u86w2lmyjzlbP1JRJWM3+XWrL6XTxxuf7AfieNhUR\nEemUs4a1Xbt28cwzz1BYWIjZbGbJkiVkZ2eTlJTE+PHj+f/t3Xd8nXXd//HXWTnJyTk5yUlysnfS\nNm1p00kH3aVYVhEVASuioCJTRRG8fwhObgS5UVARRFBAQAEr07JaKHQPOtKVpNnNbvYe5/dH0rS1\nI22a5Jyk7+fjkUdyznXOdT7fnORc532u71ixYgX5+fm88sorAFx66aV8+ctfHvTCfcmFCfNp6mjm\n3fxV/H77n/nupG9js2CrPIgAACAASURBVNj6ta/xyaHcfMV5/P5fO/m/f27nB1/OICXGOcAVi4jI\nQLLb7TzxxBPHXf/qq696oZr+8Xg8fFj4MUaDkXmxs856f6s/K6agvIFZ4yNJi9UHjyIi/dFnWBs/\nfjzPPffcSbfv2rVrQAsari5P/hzNHS2sKV7HH7Y/w22TvonV1L+++RlpYXz78nE88e9MHvnHdn54\nTQaJkUEDXLGIiMgRew7tp6SxjGkRkwjxP7twVdfUxmsfHSDAauJLC1IHqEIRkXPP2Y8cFgAMBgNX\njVrG1IgMcuvy+dOOZ2lqb+73/qaOcXPjZem0tHXwm5c+o7C8YQCrFREROdYHBT2LYMfPOet9vbo6\nh6bWDq64IBlnoCYVERHpL4W1AWQ0GLku/cucF5bOvups/nfTo+TVFfR7fzPGRvKNi9NpbOng4Ze2\nkV86MiYjEBER31LcUMLe6izSgpOJd/RvKZrDDhysY82OEmLCA1k4RZOKiIicDYW1AWYymvjm+OtY\nmriIQy01/GbLH/ig4GM8Hk+/9jf7vCiu+9xoGpra+dXzW1i3q3SAKxYRkXPdh4VrAFgUf3aThR09\nqcjyC0dhMupthojI2dCr6CAwGU1cmnwRt2bcSKDFxmvZb/Knnc/S2N6/ZQvmZ8Rw2xcnYDYZeOrN\n3fz9/f10dHYNcNUiInIuqm2tZ3PpNty2MMaFjjmrfX284yB5pfXMGBvB6PhTr7sqIiJ9U1gbRGNc\nadwz7XuMCkllZ+UeHtj4KAdq8/q1r4zUMO792jSiwwJ5f3MRv3npM+oa2wa2YBEROed8XLyWDk8n\nC89yEeyG5nZeXZ2D1U+TioiIDBSFtUHmtDq4LeNGLk1aQk1rLf+39QnezV9Fl+fMz4xFumz8z1en\nMGV0OPsKa/jps5vILakbhKpFRORc0NbZxpridQRabJwfOeWs9vXaxwdobOlg2ewkQhxnt0abiIh0\nU1gbAkaDkaVJi7lj0rdwWOz8O+cd/rj9GerbznyGxwCrmZuvGM8X5iVTU9/KA89vZc2Og4NQtYiI\njHQbSrfQ2N7EnJiZ+PVzuRmAvNI6PtpWTFSojcVTz26CEhEROUJhbQilhaRwz/Tvku4axe5D+3hg\n46PsLs864/0YDAYumZnId6+aiNVi5Jm39/Lcu/s0jk1ERE5bl6eLDwvXYDaYmBvT/0WwuzweXnh3\nPx7gKxeOwmzSWwsRkYGiV9Qh5vCzc/PEb7AseSn17Q38dPX/8U7uB/3qFnlecij3Xj+N2HA7q7YW\n8+sXt1HT0DoIVYuIyEiTWbWX8qZKpkZMwml19Hs/n+4sIedgHVPHuBmb6BrACkVERGHNC4wGI0sS\nF/DdSTfh8g/mzdyVPP7Zn6ltPfN11NzBAfzPV6cwPd1NdlEtP312E9nFtYNQtYiIjCQDsQh2Y0s7\nr6zOwc9i5OqFmlRERGSgKax5UUpwIr++6MeMD+1eRPuBTf/H3kNn3i3S6mfi25eP46oFqdQ1tvHg\nC1tZva14ECoWEZGRoKC+iKyaA4wJSSPGHtXv/axYk0t9UzuXzUrEFeQ/gBWKiAgorHmdw2rnpgnX\nc2XqpTS2N/H4Z3/mzQMrz7hbpMFg4HPnx3PnlzMIsJr528p9PPvOHto7NI5NRESO9WHBJwAsPItF\nsAvK6vlwaxERIQEsmRY/UKWJiMhRFNZ8gMFgYFH8XL4/+WZC/IN5J+8DfrftSWpaz7w749hEFz+5\nfirxEXY+3l7Cg3/fyqG6lkGoWkREhqPqlhq2lH9GZGAEY12j+rUPj8fDC+/tx+PpnlTEYtbbCRGR\nwaBXVx+S5Iznnml3MDF8PFk1B3hg46NkVu074/2EOQP48fIpzBwXyYGDdfzs2U3sK6gehIpFRGS4\n+ahoLV2eLhbFzcFgMPRrH+szy8gqqmXyqHDGJ4cOcIUiInKYwpqPsVlsfHP8V/nSqGW0dLTwh+1P\n8++cd+js6jyj/fhZTNx4aTrXLk6jobmDh1/6jA+2FOHxeAapchER8XUtHa18cnADDoudaRGT+rWP\n5tYO/rEqG4vZyNWLNKmIiMhgUljzQQaDgfmxs7lzyi2EBYTybv4qHt32J8oay894P4unxvHDazKw\n+Zt54b39PP3WHtrazyz4iYjIyLC+ZDPNHc3MjZ2JxWTp1z7+/UkutY1tXDIzgTBnwABXKCIiR1NY\n82HxQbHcPe0OJrsncKA2j19sfISX9v2LurYzm+J/dHwI910/jaQoB2t3lfLA81uprG0epKpFRMQX\ndXm6WFW4BovRzJyYmf3aR3FFA+9vLsIdHMDS8zWpiIjIYFNY83EBZn++Me4rfOu86wgLcLGmeB33\nr3uQt3Pfo7Wz7bT34wry5+6vTOaC86LIL6vnZ89uZnt25SBWLiIivmRHRSaVLYeYHjkFh5/9jO9/\neFKRLo+HaxanYTGbBqFKERE5mtnbBUjfDAYDE8PHMz40nU8PbuTt3Pd4K/c9PilezyXJS5gRORWT\nse+DpsVs4usXjyEpysHf38/it6/sYFxiCF9akEp8hGMIWiIiIt7yQeEaABbGXdCv+2/cU87eghom\npoQyMTVsIEsTEZGTUFgbRkxGE3NjZzI9chLvF3zEBwUf8/e9r/Jh4SdckbKU8aHpfc7sZTAYWDA5\nltTYYP6xKpvM3EPsfmYTM8ZFcuXcZEKdWtRURGSkya0t4EBtHuNCxxAZGHHG929p6+DlD7Mwm4xc\nc2H/pvsXEZEzp7A2DPmb/bk0+SIuiJnB27nvsfbgJp7Y8Sxpwcl8PvUSEoLi+txHnNvOnV/OYFdu\nFf9clcO6zFI27S3nwqmxXDIzAZt//waei4iI7/mw8GMAFsX1bxHsNz7No6ahjctnJ+IO1qQiIiJD\nRWFtGAu2Orl2zBeZH3sB/855h11Ve/j15seY4p7I5SlLCQtw9bmP8UmhjE10sT6zlNc+PsA7Gwr4\nePtBLpuVyILJsVroVERkmKtqPsS28p3E2KMYFZJyxvcvqWrk3U2FhDn9uXhGwiBUKCIiJ6OwNgJE\n2yP5zsSvs786m39lv8WW8u1sr9jF3NhZfC5xEYEW2ynvbzQYmDU+iqmj3XywpYg31+Xz0ofZvL+l\niC/MS2FauhtjPxdOFRER71pd9CkePCyKm3vGi2AfnlSks8vD1YvS8LNoUhERkaGk0yYjyKiQVH44\n9Ta+Pu5anNYgPixcw33rHuS9/NW0d7b3eX8/i4mlMxJ48KaZLJkWR3V9K396PZNf/HUze/Orh6AF\nIiIykJo7mll7cCNOPwdTIiae8f0/y65kd14145NdTErTpCIiIkNNZ9ZGGKPByNSIDCaGj+fjorX8\nJ+8DVuS8zUdFa7k85XNMjcjAaDh1RrcHWLh6URoLp8Ty2kc5bNxTzq9f3MaElFC+ND+FmPAzn/JZ\nRESG3tqDm2jpbGVJwgLMxjM/5G/ZVwHAF+amnPFZOREROXsKayOUxWhmUfxcZkZNZWX+KlYXfcpf\nd7/EhwUfc0XqJYxxpfW5D3dwADctG89F0+v4x4fZ7MipYueBKuZMiGLZBcmEOKxD0BIREemPzq5O\nVhV+gp/RwgUxM/q1j6yiGgL9zcRF6EM6ERFvUFgb4WwWG59PvYS5MbN448BKNpVt5bHPnmKsazSL\n4+eR7EzAYjr1zI9JUUHcde0ktudU8crqHD7eXsL6zDKWTI9n6fnxBFj1ZyQi4ms+q9hJdWsNc2Nm\n9Tl2+USq61upqGlhYkqoxi2LiHiJ3mWfI0IDQrh+3NUsjL+Af2W/ze5D+9h9aB8Wo5lkZyKjQ1IZ\nFZJKvCPmhAtsGwwGMlLDOC/Zxac7S/nXmgO8uTaPjz4rZtkFScydGO2FVomI+IYNGzZwxx13kJbW\n3Wth1KhR3Hjjjdx11110dnYSHh7OQw89hJ+f35DU4/F4+KBgDQYMLIib3a99ZBXVADAqLnggSxMR\nkTOgsHaOiXfEcnvGN8mqyWFH5W72V+ewrzqbfdXZAPib/EkLSWJUSCqjQ1KJCow4ZoybyWhk7sRo\nzk+PYOWmAt7ZUMDz7+7nvU2FfP3y8aRF2jWuQUTOSdOnT+d3v/td7+V77rmHa6+9lqVLl/LII4/w\nyiuvcO211w5JLTm1eeTXFzIhbBxuW3i/9pFVVAtAWqzCmoiItyisnYMMBgOjes6kAdS3NbC/Oof9\nPaFtZ+UedlbuAcBuCWRUSErvmbfwgFAMBgNWPxOXz05iXkYMr3+ay0fbDvK/f91EYqSDK+clMy7R\npdAmIue0DRs28NOf/hSABQsW8Je//GXIwtqHhWsAWBTfv0WwofvMmtlkJCHSMVBliYjIGVJYExx+\ndqZETOyd1vlQSzX7Doe3Q9lsLd/B1vIdAIRYg3uCWwqjXakEBzr56pLRLJ4SyzsbC/lk+0EeeXk7\no+OCuXJesj6RFZFzRnZ2NjfddBO1tbXceuutNDc393Z7DA0NpaKiYkjqKG2oYEdFJvGOWFKcif3a\nR3NrB4XlDaTFOLGYtcqPiIi3KKzJcVz+IcyMmsrMqKl4PB7Kmyp6w9v+mhzWl25mfelmACJs4T1n\n6VK4+csTWTQphn+tOcCOnCoeeH4rE1JC+fycZH0yKyIjWmJiIrfeeitLly6lsLCQ6667js7Ozt7t\nHo/ntPYTEmLDbD67haf/suVtPHi4YtwS3O6gfu1j695yPB6YONpNeLh3X7+9/fgDSW3xPSOlHaC2\n+KqzbYvCmpySwWAgItBNRKCbubEz6fJ0UdxQyr7qLPZX55Bdc4A1xetYU7yOp3c9T3RgJKkTkkgd\nH8GOzzzsyKliR04V08a4uWJOElGhgd5ukojIgIuIiODiiy8GID4+nrCwMHbu3ElLSwv+/v6UlZXh\ndrv73E91ddNZ1dHU3sSq3LWEWINJ9U+joqK+X/vZlFkCQIzL1u99DITwcIdXH38gqS2+Z6S0A9QW\nX3WqtpxuiFNYkzNiNBiJc0QT54hmcfw8Ors6ya8vZN+hHPIa89hXeYCDjaXdN46AyJgQWmuC2VpW\nzOa/5TN7VDKXX5BImDPAuw0RERlAr7/+OhUVFdxwww1UVFRQVVXFlVdeycqVK1m2bBnvvvsuc+bM\nGfQ6Pjm4gdbONi5OuvCEM/uerqzCGgxAakz/zsyJiMjAUFiTs2Iymkh2JpLsTCQ83EFJWTUF9cVk\n1xwguyaXnJo8WuzV+PWsp7qpdQMb33UxKjiZZRlTSA6L1kQkIjLsLVy4kB/84Ad88MEHtLe3c//9\n95Oens6PfvQjXn75ZaKjo7niiisGvY7Mqr0EmP2ZHT293/vo6OziQEkdMeF2bP6nXodTREQGl8Ka\nDCiz0UyyM4FkZwJLEhbQ5emiqOEg2TW5ZFUfYF9VDq3Wg+RwkEd2foIfAYwOTSE9NJXU4KTjlgoQ\nERkO7HY7TzzxxHHXP/PMM0NaxzWjv4DDaSWgo/+9F/JL62nv6GJUnHMAKxMRkf5QWJNBZTQYiXfE\nEu+IZWHcnO4xb/VlrNz9GdtL9tMaUMnOql3srNoFQKDZRkpwEqnBSaQEJxIeEIbNHKCzbyIipyEy\n0E14yNmN99D6aiIivkNhTYaU0WAkLiiKG2dE0da+hA+2FPH2tj20WMqxhtTgcdWxozKTHZWZvfex\nGM04/YJwWp0EW4Nw9nwFW504/Xq+W4PwM6m7jojI2dpfWANAWqzOrImIeJvCmniNn8XE0hkJzJ8U\nw3ubCvnPxgKqsjoJDukkI8OIn7OOmrZaaltrqW2t40BtHh5OPv21zRzwXyHucLA7EvKC/BzqZiki\nchJdHg/ZxbWEOf1xBfl7uxwRkXOewpp4XYDVzOUXJLFwSixvr8/ngy1FrF7VhTskkstnz+D8KRGY\njEY6uzqpb2+gpie81bTW9XzvudzWfV1JY9lJHyvUP4Q5MTOZGT0Nu0XLCIiIHK20qomG5nbOS3Z5\nuxQREUFhTXyIPcDCVQtSuXBqHG+uy+Pjzw7y5zf38MbafC6fncj56REEW50EW0/dNae1s43a1rre\nM3I1bd2h7lBLNbur9rEi523eyn2XKREZzIudRbwjdmgaKCLi47KKDneB1Hg1ERFfoLAmPifEYeWr\nS0azdHo8b67L59OdJTz1xm7e+DSPy2cnMj09AqPx5BOOWE1+uG1huG1hx21ram9ifclmPipex/qS\nzawv2UxSUALzYmcxyX0eZqP+JUTk3LW/8PDkIhqvJiLiC/TOVHxWWHAA1y8dwyUzE3hrXR6f7izl\nyTd288baPC6fncS0Me5ThrYTsVlsLIyfy/y4C9hzKIuPiz4ls2ofubvzeTX7DS6IPp8LYmYQzumt\nKi8iMpJkFdUQ6G8mKkzdxEVEfIHCmvi88OAArl+azsUzE3lzbR5rd5byp9cze0JbIlPHuDGe4dT+\nRoORcaGjGRc6moqmKtYUr2NtySbeyfuAlfmrmB6bwYywaaQGJ2vZABE5J1TXt1JZ20JGatgZv6aK\niMjgUFiTYcMdHMA3Lk7n0pkJvLk2n7W7Snni35nEfJrH5RckMWV0eL/eYITbQrky7VIuTV7CprJt\nfFS0lvWFW1lfuJXowEjmxs5iWsQk/M3WQWiViIhvODJeTV0gRUR8hcKaDDvuEBvfuCSdS2Yl8Oba\nPNbtKuOPK3YREx7IstlJTO5naPMz+TE7+nxmRU3nkKGCf+96j20VO3lp32v8O+dtZkRNZW7MTNy2\n8EFolYiId2UVajFsERFfc1phbf/+/dx8881cf/31LF++/Jhta9eu5ZFHHsFkMjF37lxuueWWQSlU\n5L9FhNi44ZKxXDorkTc+zWNdZil/WLGL2HA7yy5IZNKo/oU2g8HAmPAUQse7qW2t45ODG/ikeD2r\nCj9hVeEnjHWNZl7sLMaGjtaabSIyYmQV1WAxG0mI1JhdERFf0WdYa2pq4uc//zkzZ8484fZf/OIX\nPP3000RERLB8+XIuuugiUlNTB7xQkZOJCLFx46VHQtv63aX8/l+7iHPbuXx2EpNHhfV73JnTGsQl\nSRdyUcICtlfs4qOitew+tI/dh/YR6u/i/MjJhPiH4PALxG6x93wPxGqyaqybiAwbTS0dFFY0kBYb\njMWsD6FERHxFn2HNz8+Pp556iqeeeuq4bYWFhTidTqKiogCYN28e69atU1gTr4h02fjmZWO5dFYC\nb6zNY8PuMn7/r53Eu+0suyCJjLT+hzaz0cyUiAymRGRQVH+Qj4vXsrF0G2/nvX/S2zssduw94e1w\nkDvmOj9772V/hTsR8aIDB2vxeDReTUTE1/QZ1sxmM2bziW9WUVGBy+XqvexyuSgsLBy46kT6ISo0\nkG9dNo7Les60bdhdxmOv7SQ+ws6iybGMSQghzOnf73AU64jm2jFf5IqUizlQm099eyMNbQ00tDdS\n3/O9oa2RhvYGyhrLKexq73OfZoOpO7z52Ym1R5PsTCTFmYDbFq4QJyKDbr8WwxYR8UlDPsFISIgN\ns9l01vsJDx85ferVlsERHu5gwphICsvqeem9faz5rJhn3tkLdK/hdl5KKONTwjgvJYzIUNtxoajv\ntjhIiI7os47WjjbqWuupa22gtqW+9+e61gbqjrlcT2lTOYX1xawr2dT9CFY7o0OTGR2WwuiwFJJd\n8fiZLP36XYwUaotvGkltORdlFdZiAFJjdGZNRMSXnFVYc7vdVFZW9l4uKyvD7Xaf8j7V1U1n85BA\n95uCior6s96PL1BbBp+/Ea6/aDRLp8Wx40AV+wtq2FdYw6otRazaUgRAiMPK6LhgRscHMzo+hPGj\n3FRWNgxgFX4E4SLI4gILYD/xrbo8XRQ3lHKgNo8DtXnk1OSx+eAONh/cAXSfgYsPiiXZmdjzlYDD\n7yQ76+Grz0t/qC2+6VRtUYjzfR2dXRwoqSPWbcfmr0miRUR8yVm9KsfGxtLQ0EBRURGRkZGsWrWK\nhx9+eKBqExlQES4bF7psXDg1ji6Ph4OVjewrqGFfQTX7CmtYv7uM9bvLAHAFWUmNcTI6PoQx8cFE\nuo4/8zYYjAYjcY5o4hzRzIudBUB1S013cKvNJ7c2j7y6Qg7U5gMfAeC2hfUGtxRnIhE2d79r7fJ0\n0dTRTGNbIw3tTTS2H/ne2N5EQ3sj7V3t2C2BOHq6bTosdhx+Dhx+doL87PiZ/Abq1yEiQyCvtJ72\nji6NVxMR8UF9hrVdu3bx4IMPUlxcjNlsZuXKlSxcuJDY2FguvPBC7r//fu68804ALr74YpKSkga9\naJGzZTQYiA23ExtuZ9GUWDweDwermthfUM3eghqyimvZuKecjXvKAQgK9Dty5i0umOiwwCEbSxbi\nH8wU/+7JTQBaOlrJryvsCXB55NYWsL5kM+tLNgMQaLaR1BPckoMTabO6Kagpp7E3fB0JXv99XVN7\nMx48Z1Wvn8mPIEtPkPNzdE+s4ufoCXX23lBn97NjMwecc8sfeDweOj2d3i5DpNfhxbBHxWm8moiI\nr+kzrI0fP57nnnvupNunTZvGyy+/PKBFiQw1g8FATFggMWGBLJgcS1iYnZ37yrrPvBXWsLegmk17\ny9m0tzu8OWwWRsUFMzbRxbQxbuwBZz6OrL/8zVZGu1IZ7eqedbXL00VJYxk5NXm93Sd3Ve1hV9We\n09qf0WAk0GzD4ecg0haB3S+QQLOt+7vFRqAlEPtR3y1GCw3tjdS1NdDQ1kBdWz317Q3Utx37lV9f\nRJenq8/HdlgCcVqdhPgHE2x1EtLzFdxz2WkNwmL0na5ZHo+H1s5WmjtaaOpoprmjheae700dzTS3\nH7l89PUtR92+09NJUnAck8MmMiViEk6rugqK9xxeDFvj1UREfI/vvAMS8SEGg4Go0ECiQgOZPykG\nj8dDeXVzb3DbV1DDln0VbNlXwYvvZzF5VBhzJkaTnhDSr4W4z4bRYCTGHkWMPYq5sd3rIda01nKg\nNp/c2nwMFg+mTkvPEgJHAligxYbdEkiA+cxnxgzx7/sT+C5PF80dLdS31VPf1kBdW8MJQ11dWz0H\nG0spqC866b4cfnZCrE7cQWEEGgIJtjp7gl0wIf5OnFbnaQW6Lk8XLR3dQauls6X7e89Xc+/lE29v\nOip8nenZR4vRQoDZn0BLIOEBoRgNRvJqC8itKeRfOW8zJiSN6ZGTmRg+Tt1IZUh1eTxkF9cS5vTH\nFeTv7XJEROS/KKyJnAaDwUCEy0aEy8bcidF4PB4qaprZur+SNTsO9naZDHP6c8F5UVwwIcqrb3yC\nrU4muycw2T3BaxNZGA3GnmBoIzLw1LNmejweGtobqWmtpaa1luqWGqp7fq5pqaW6tYaSxjIK6otP\nug+HxU6wf3eIMxvNR0JYRwstna00dzTT2tnWr7ZYTX4EmAMItjqJCowgwOxPgDmAAHMANrM//mZ/\nbOYAAiwBBPT87H/U9xMFSasDVu7+lI2lW3sXWrea/MgIP4/pkZMZFZJyznURlaFXUtVEQ3M75yW7\n+r6xiIgMOYU1kX4wGAy4Q2x87vx4LpoeR05xHR/vOMimPeWs+CSXf3+Sy7gkF3MmRpORGobFrDfd\np2IwGHrHs8U5Yk54G4/HQ4DTSFZxMTWtNUcFudqeYFdDaWP30geHmQwmAsz++JusuAPC8O8JVt3X\n+feELn/8zVYCTP4n3O5vtg5KaArydzA/bjbz42ZT2ljOptKtbCzbxobSLWwo3UKw1cm0iElMj5xM\ntD1ywB9fBI6MV0vTeDUREZ+ksCZylgwGA6mxTlJjnVyzKI1Ne8tZs/0gu3IPsSv3EPYACzPHRTJn\nYhSx4aeeZl9OzmAw4LDae2fLPBGPx0NTRzOdnk4CTP6YjeZhsah4ZKCby1I+xyXJSzhQm8/G0i1s\nLd/BewWrea9gNTH2KKZHTmZaxCSc1iBvlysjyOHxaloMW0TENymsiQygAKuZuROjmTsxmuLKRtZs\nP8jaXaW8t7mQ9zYXkhQVxJyJUZyfHkGAVf9+A81gMBBosXm7jH4zGoykBieRGpzEl9KWsbNqDxtL\nt5JZtZd/Zb/Fiuy3GeM6PL5tPFaNb5OzlFVUQ6C/majQ4ft/IyIykundosggiQkL5OpFaXxxfgqf\nZVWyZkcJu3KryC2p46UPspg2xs2cCdGkxTqHxdkfGVoWk6V33GFDWyNbyrezqXQrew7tZ8+h/fiZ\n/MgIH8/0yMmMDknV+DY5Y9X1rVTWtpCRGjbkEyOJiMjpUVgTGWRmk5GpY9xMHePmUF0Ln+4sYc2O\nEj7dWcqnO0uJdNmYMyGKWeMjcdqt3i5XfJDdL5B5sbOYFzuL8qYKNpZuY2Pp1t4vp5+D0a40gnoX\nJz92XTu7JRCT0eTtZoiPOTJeTVP2i4j4KoU1kSHkCvLnstlJXDIrkX351azZUcLmfRX8c3UOr350\ngImpocwcF8mElFD8LHpzLcdz28K5NHkJlyRdeMz4to2lW096HwPd3UPtfvajFiw/smh5kJ8Du6V7\nsXKHn13LB5wjNF5NRMT3KayJeIHRYCA90UV6oouvtLSzPrOMNTsOsi2rkm1ZlVj9TExOC2N6egTj\nklyYTeriJscyGAykBCeSEpzIl0Yto6a19sh6dm311Lc1Ut9ef9Ti5Q3UtdZR2ljW576tJj8ibG5u\ny7gR2zAeAyinllVUg8VsJCFCi7KLiPgqhTURLwv0t7BoSiyLpsRSWN7Axj1lbNhdxrrM7q9AfzNT\nRoczPT2CMfEhGI0aWyLHMhvNhAWEEhYQ2udtO7o6aGhv/K9g19B7uaG9e6FygK4zXPxboKWlhUsv\nvZSbb76ZjRs3kpmZSXBw95mrG264gfnz53u3wB5NLR0UljeQFhespUVERHyYwpqID4lz24lz27ly\nbjK5JfVs3FPGxj1lfLy9hI+3lxAU6Me00W6mj3WTEuPUpAByxsxGM8HW7sXDZeD98Y9/xOk88rv9\n/ve/z4IFC7xY0YnlHKzFA4zSeDUREZ+msCbigwwGA8nRQSRHB3HVwlSyCmvYsKeczXvL+WBrER9s\nLcIVZGX6mAjOFWSAwgAAGoJJREFUHxtBfIRdM0qKeFlOTg7Z2dk+c/bsVHonF9F4NRERn6awJuLj\njAYDo+NDGB0fwrWL09ibX82GPWVs3V/BfzYW8J+NBUSEBDA9PYLpYyOICQv0dski56QHH3yQe++9\nlxUrVvRe9/zzz/PMM88QGhrKvffei8vl8mKFR+wvrMUApETrzJqIiC9TWBMZRswmI+OTQxmfHMp1\nF3Wy68AhNuwp47PsSt5Ym8cba/OIDQ/sDm7pbtwhmhxCZCisWLGCjIwM4uLieq9btmwZwcHBpKen\n8+STT/L444/zk5/85JT7CQmxYTaf/Uyw4eEnnzSkvaOTvJI6kqKdJMSFnPVjDbZTtWW4UVt8z0hp\nB6gtvups26KwJjJMWcwmJo0KZ9KocFrbOtmeU8mG3WXsPFDFax8f4LWPD5AU5WDmedGEB1lJjArC\nGagp2UUGw+rVqyksLGT16tWUlpbi5+fHz372M9LT0wFYuHAh999/f5/7qa5uOutawsMdVFTUn3R7\ndnEtbR1dJEWe+na+oK+2DCdqi+8ZKe0AtcVXnaotpxviFNZERgCrn6nnbFoETS3tbN1fycY9ZezO\nqya3ZF/v7UIcVhIiHCRGOUiMdJAQqQAnMhAeffTR3p8fe+wxYmJiePHFF4mLiyMuLo4NGzaQlpbm\nxQqP0GLYIiLDh8KayAhj87dwwYQoLpgQRUNzO5UNbezYV05eaT15pXV8ll3JZ9mVvbcPcVhJjDwS\n3hIjHQQpwImcta985St897vfJSAgAJvNxgMPPODtkgAthi0iMpworImMYPYAC0nxLhLDj0w6UtPQ\nSl5pPfk9X7mldb2LcR/mCuo5AxfpIDEqiIRIB0E2BTiR03Hbbbf1/vzqq696sZLjdXk8ZBXVEOb0\nJ8Rh9XY5IiLSB4U1kXNMsN1KRqqVjNSw3usOB7i8kjryS+vJK60/YYBLjOwObslRQSRGOQj0t3ij\nCSLSTyVVTTS2dDAhJazvG4uIiNcprInICQNcdX1rT3Cr6z0Tt3V/BVv3V/TeJsJlIynKQVJUEMlR\nQcRH2LEMwEx2IjI4NF5NRGR4UVgTkRMKcVgJcVjJSOsOcB6Ph5qGNvJK6sgtrSP3YB0HSupZn1nG\n+swyAExGA7HhdpKig0iK6j4DFxUaiNGoBbtFfEFWoRbDFhEZThTWROS0GAyGngDXvVwAdI9/Ka9u\nJvdgHbkl3V/5ZQ3kl9Wzelv3/ax+JhIjHCRFd599S4oKwhVkxWBQgBMZallFtdgDLESHag1GEZHh\nQGFNRPrNaDAQ6bIR6bIxc3wkAB2dXRRVNPSceasjr6Se/YU17Ov5RB8gyGYhKSqoN8ClxDgJsOrl\nSGQwHaprobK2hYzUMH1YIiIyTOjdkYgMKLPJSGJkEImRQSzoua65taN75smS7gCXW1LH9pwqtudU\nAd2hLyHSwZiEYNLjQ0iNdeLvp5cnkYGUXdwzZb/Gq4mIDBt6NyQigy7AamZMQghjEkJ6r6ttaCW3\npJ6cg7XsK6jp7Ub5zvoCTEYDSVFBjEkIZkx8CKkxTvwsmrhE5Gzs13g1EZFhR2FNRLzCabeSkXZk\nApOWtg6yi2rZU1DN3vwacg7Wkl1cy5tr8zGbDCRHO5mSHkF8mI3kaCcWs9HLLRAZXrKKarGYjSRG\nOrxdioiInCaFNRHxCf5+ZsYnhzI+ORTo7jq5v7CGvT3hLauwpvfMgMVsJDXGyZj4YMYkhJAUFYTZ\npPAmcjJNLR0UlTcwKi5Y/ysiIsOIwpqI+KQAq5mJqWFM7Fn7rbGlndLaVjbsPMje/Br25FezJ78a\n1uTiZzGSFhvcG94SIx2YjHpDKnJYdnEtHjReTURkuFFYE5FhIdDfwow4FykRdgDqm9rYV9Bz5q2g\nhszcQ2TmHgJ6xsjFBzM20cW4JBcRIQGa/U7Oab2LYWu8mojIsKKwJiLDksPmx9QxbqaOcQNQ29jG\nvoJq9uZXszuvmm1ZlWzLqgQgNMjK2EQXYxNdpCeGEGTz82bpIkMuq6gWgwFSY3RmTURkOFFYE5ER\nwRnox/T0CKanRwBQUdNMZt4hdudVsyfvEGt2lLBmRwkA8RF2xiW6GJvkIk0zTcoI197RRW5JHXHh\ndq1nKCIyzOhVW0RGpPDgAOZnxDA/I4auLg/5ZfXszuvuKpldXEtBWQPvbCjAYjaSFuvsDm+JLuIi\n7BjVZVJGkPzSeto7utQFUkRkGFJYE5ERz9izbltSVBCXzEyktb2TrMIaMvMOkZnb3W1yd141kIM9\nwMLYxJDu8W6JLkKd/t4uX+Ss9I5X0+QiIiLDjsKaiJxzrBbTMcsE1Da2sSfvUG+3yY17ytm4pxyA\nCJeNsYkhpMU6GRUbjCtI4U2Gl6yiWkCTi4iIDEcKayJyznMG+jFjXCQzxkXi8XgoPdREZm7PeLeC\nalZtLWbV1mIAXEFW0mKDSY1xkhbrJDbcjtGobpPim7o8HrKKaghz+hPisHq7HBERn7Z69QfMn7+o\nz9v99re/4Utfupro6JhBr0lhTUTkKAaDgajQQKJCA1k8NY6Ozi7yS+vJKqolq6iG7OJaNuwuY8Pu\nMgACrCaSo7uDW1qMk+RoJ1Y/TVgivqGkspHGlg4mpIR5uxQREZ9WUnKQ999feVph7Y477hyCirop\nrImInILZZCQlxklKjJPPnR+Px+OhrLqZrKIasopqyS6qPWaNN6PBQHyEndSebpOpsU6C7TqjId5x\nuAvkKI1XExE5pUceeZA9ezKZM2caS5YspaTkII8++gceeOBnVFSU09zczDe+8S1mz57Drbd+i+9/\n/y5WrfqAxsYGCgryKS4u4vbb72TmzNkDWpfCmojIGTAYDES6bES6bMyZEA1AXVMbOUW13WffimvI\nK6knr7Se9zcXARAe7E9qTDBpcd1n36LCAr3ZBDmHaDFsERmO/vFhNpv2lg/oPqeNcXPVwtSTbr/m\nmq/y2mv/ICkphYKCPP7whz9TXX2I6dNnsHTppRQXF3HvvXcze/acY+5XXl7Gww//jvXr1/Lvf7+q\nsCYi4muCbH5MGhXOpFHhALS1d5JXWn/M2bd1maWsyywFINDfzGVzUlgwMQqL2ejN0mWEyyqqxR5g\nISrU5u1SRESGjfT0cQA4HEHs2ZPJ66+/hsFgpK6u9rjbTpiQAYDb7aahoWHAa1FYExEZYH4WE6Pi\nghkV1302o8vjoaSykaziWrIKa8nMreKl9/bx0dZCvr40ndRYdVGTgXeoroXK2hYyUsMwaO1AERlG\nrlqYesqzYIPNYrEA8N57/6Guro7f//7P1NXVceONXz3utibTkXHqHo9nwGtRWBMRGWRGg4GYcDsx\n4XbmZ8TQ3NrB2xsLefvTXB54fgsLJsfwhXkpBFj1kiwD58h4NXWBFBHpi9FopLOz85jrampqiIqK\nxmg08tFHH9Le3j70dQ35I4qInOMCrGZuunICdy+fTGSojQ+3FvP//ryBz7IrvV2ajCBHxqvpzK2I\nSF8SEpLYt28vjY1HujLOn7+QtWvXcMcd3yEgIAC3280zzzw1pHXpY1wRES9Jiw3m/q9P5611eby1\nLp/fvbKD6elurl08iqBAP2+XJ8NcVlEtFrORhEiHt0sREfF5ISEhvPbaW8dcFxUVzV//+lLv5SVL\nlgLw9a9/E4Dk5CNdNZOTU3n88ScHvC6FNRERL7KYjVwxJ5mpY9w8+85eNu4pJzP3EFcvSmPW+EiN\nNZJ+aWppp6i8gVFxwZhN6kQjIjJc6RVcRMQHxIbb+fHyKVy7OI2OTg9Pv7WHR17+jIqaZm+XJsNQ\ndnEdHiBN49VERIa10zqz9qtf/Yrt27djMBj48Y9/zIQJE3q3vfDCC7z++usYjUbGjx/P//zP/wxa\nsSIiI5nRaGDx1Dgy0sJ4buV+dh6o4t6nN/D5OcksnhqLyajP1+T0HB6vNkrj1UREhrU+j/wbN24k\nPz+fl19+mV/+8pf88pe/7N3W0NDA008/zQsvvMCLL75ITk4On3322aAWLCIy0oU5A/julybwrcvG\n4mc28fKH2fzyb1soKKv3dmnSh5aWFhYvXsxrr71GSUkJX/3qV7n22mu54447aGtrG7I6sgprMBgg\nJUZhTURkOOszrK1bt47FixcDkJKSQm1tbe+CbxaLBYvFQlNTEx0dHTQ3N+N06sAgInK2DAYDM8ZF\n8stvns/McZHkldbz879u5tWPcmjv6Ox7B+IVf/zjH3uPg7/73e+49tpr+fvf/05CQgKvvPLKkNTQ\n3tHJgZJ64tx2LQchIjLM9RnWKisrCQkJ6b3scrmoqKgAwGq1csstt7B48WIWLFjAxIkTSUpKGrxq\nRUTOMQ6bH9+8bCzfv2oiwXYrb63L5yd/2cS+gmpvlyb/JScnh+zsbObPnw/Ahg0bWLRoEQALFixg\n3bp1Q1JHdmEtHZ1dpMVqvJqIyHB3xh+5Hb0yd0NDA3/605/4z3/+g91u52tf+xp79+5lzJgxJ71/\nSIgNs9l00u2nKzx85ExFrLb4JrXFN52rbVkQ7mBGRizP/2cPb6w5wIN/38ZFMxK4/tJx2AMsg1jl\n6RlJz0t/Pfjgg9x7772sWLECgObmZvz8updgCA0N7f2gc7Dtzq0CtL6aiMhg+OIXL+Nvf3sZm802\nJI/XZ1hzu91UVh5ZqLW8vJzw8HCg+1PEuLg4XC4XAFOnTmXXrl2nDGvV1U1nWzPh4Q4qKkbG2A21\nxTepLb5JbYErZiVyXmIIz76zl5Xr81m/q4TlF45myujwQajy9JyqLedKiFuxYgUZGRnExcWdcPvR\nH3SeykB8oJmZmwnAjIkxhDoDzmpfvmAk/Q2pLb5npLQD1JahYjIZCQuzExgYeFq3P9u29BnWZs+e\nzWOPPcbVV19NZmYmbrcbu90OQExMDDk5ObS0tODv78+uXbuYN2/eWRUkIiKnlhLt5L7rp/HOhgLe\n+DSX3/9rJ8nRQSREOIgOCyQ6LJCYsEAtrD2EVq9eTWFhIatXr6a0tBQ/Pz9sNlvv8bGsrAy3293n\nfs72A80uj4c9uYcID/anq61j2H+4oQ9ofNNIactIaQeoLQPhG9/4Cr/61W+IjIyktLSEe+65k/Bw\nN83NzbS0tPC97/2QsWPH09nZRWVlA01NXX3ucyA+zOwzrE2ePJlx48Zx9dVXYzAYuO+++3jttddw\nOBxceOGF3HDDDVx33XWYTCYmTZrE1KlTT+uBRUSk/8wmI5fNSmTq6HCef3c/e/OrOXCw7pjb2AMs\nvcHt6BDnsFm02PYAe/TRR3t/fuyxx4iJiWHbtm2sXLmSZcuW8e677zJnzpxBr6OkspGG5nYmpIQO\n+mOJiAyW17LfZFv5zgHd5yT3eVyZeulJt8+du4BPP/2YL3zhKtas+Yi5cxeQkpLG3Lnz2bJlEy+8\n8Fd++cuHBrSm03FaY9Z+8IMfHHP56G6OV199NVdfffXAViUiIqclKjSQH14zidb2TkqrmjhY2cjB\nqkaKKxo5WNlIVmEN+wtrjrmPQtzQuO222/jRj37Eyy+/THR0NFdcccWgP2ZWUS2g8WoiImdq7twF\nPP74o3zhC1fxyScfceut3+Oll57jxRefo729HX9/f6/UpTl9RURGAKvFREKkg4TIY7tVtLV3UvLf\nIa7q1CEuOiyQ1JggZoyLxKjwdsZuu+223p+feeaZIX3s/T2LYWsmSBEZzq5MvfSUZ8EGQ3JyClVV\nFZSVlVJfX8+aNasJC3Nz770/Z+/e3Tz++KN972QQKKyJiIxgfn2FuKruM3AHKxspPupM3OptxaTG\nBuMOHv4TVJxLDtW2EOr0Jyp0aGYpExEZSWbOvIAnn/wDc+bMo6ammpSUNAA++mgVHR0dXqlJYU1E\n5Bx0qhBXeqiJto4uBbVh6FuXj8MZbMPQ1ffAdxEROda8eQu46aZv8OyzL9LS0swvfnEfq1a9zxe+\ncBXvv/8ub731+pDXpLAmIiK9/Cwm4iN8d8pkOTVXkD/hoYEjZlY4EZGhlJ4+jo8+2tB7+YUXXun9\n+YILume8v+SSy4e0JuOQPpqIiIiIiIicFoU1ERERERERH6SwJiIiIiIi4oMU1kRERERERHyQwpqI\niIiIiIgPUlgTERERERHxQQprIiIiIiIiPkhhTURERERExAcprImIiIiIiPgghTUREREREREfZPB4\nPB5vFyEiIiIiIiLH0pk1ERERERERH6SwJiIiIiIi4oMU1kRERERERHyQwpqIiIiIiIgPUlgTERER\nERHxQQprIiIiIiIiPsjs7QL68qtf/Yrt27djMBj48Y9/zIQJE3q3rV27lkceeQSTycTcuXO55ZZb\nvFhp337961+zZcsWOjo6+Pa3v82SJUt6ty1cuJDIyEhMJhMADz/8MBEREd4q9ZQ2bNjAHXfcQVpa\nGgCjRo3i3nvv7d0+nJ6Xf/7zn7z++uu9l3ft2sW2bdt6L48bN47Jkyf3Xn722Wd7nyNfsX//fm6+\n+Wauv/56li9fTklJCXfddRednZ2Eh4fz0EMP4efnd8x9TvV/5U0nass999xDR0cHZrOZhx56iPDw\n8N7b9/W36E3/3Za7776bzMxMgoODAbjhhhuYP3/+MfcZLs/L7bffTnV1NQA1NTVkZGTw85//vPf2\nr732Gr/97W+Jj48HYNasWXznO9/xSu0jmY6PvkfHRx0fB4uOj8PjeRmU46PHh23YsMHzrW99y+Px\neDzZ2dmeq6666pjtS5cu9Rw8eNDT2dnpueaaazxZWVneKPO0rFu3znPjjTd6PB6P59ChQ5558+Yd\ns33BggWehoYGL1R25tavX++57bbbTrp9OD0vR9uwYYPn/vvvP+a66dOne6ma09PY2OhZvny55//9\nv//nee655zwej8dz9913e95++22Px+Px/OY3v/G88MILx9ynr/8rbzlRW+666y7PW2+95fF4PJ7n\nn3/e8+CDDx5zn77+Fr3lRG350Y9+5Pnwww9Pep/h9Lwc7e677/Zs3779mOteffVVz//+7/8OVYnn\nJB0ffZOOj75Dx0cdHwfbUB0ffbob5Lp161i8eDEAKSkp1NbW0tDQAEBhYSFOp5OoqCiMRiPz5s1j\n3bp13iz3lKZNm8Zvf/tbAIKCgmhubqazs9PLVQ284fa8HO33v/89N998s7fLOCN+fn489dRTuN3u\n3us2bNjAokWLAFiwYMFxv/9T/V9504nact9993HRRRcBEBISQk1NjbfKOyMnaktfhtPzctiBAweo\nr6/3mU84zyU6Pg4/w+15OZqOj96l4+PweV4OG8jjo0+HtcrKSkJCQnovu1wuKioqAKioqMDlcp1w\nmy8ymUzYbDYAXnnlFebOnXtcd4H77ruPa665hocffhiPx+ONMk9bdnY2N910E9dccw2ffvpp7/XD\n7Xk5bMeOHURFRR3ThQCgra2NO++8k6uvvppnnnnGS9WdnNlsxt/f/5jrmpube7t1hIaGHvf7P9X/\nlTedqC02mw2TyURnZyd///vfueyyy46738n+Fr3pRG0BeP7557nuuuv43ve+x6FDh47ZNpyel8P+\n9re/sXz58hNu27hxIzfccANf+9rX2L1792CWeE7S8dF36fjoG3R81PFxsA3V8dHnx6wdzddfoE/H\n+++/zyuvvMJf/vKXY66//fbbmTNnDk6nk1tuuYWVK1fyuc99zktVnlpiYiK33norS5cupbCwkOuu\nu4533333uH7fw8krr7zC5z//+eOuv+uuu7j88ssxGAwsX76cqVOnct5553mhwv45nf8ZX/+/6uzs\n5K677mLGjBnMnDnzmG3D6W9x2bJlBAcHk56ezpNPPsnjjz/OT37yk5Pe3tefl7a2NrZs2cL9999/\n3LaJEyficrmYP38+27Zt40c/+hFvvPHG0Bd5DvH1v5fToeOjb9Lx0Xfp+OibBvr46NNn1txuN5WV\nlb2Xy8vLez/Z+e9tZWVlZ3RK1RvWrFnDE088wVNPPYXD4Thm2xVXXEFoaChms5m5c+eyf/9+L1XZ\nt4iICC6++GIMBgPx8fGEhYVRVlYGDM/nBbq7RkyaNOm466+55hoCAwOx2WzMmDHDp5+Xw2w2Gy0t\nLcCJf/+n+r/yRffccw8JCQnceuutx2071d+ir5k5cybp6elA94QJ//23NNyel02bNp20e0dKSkrv\n4PBJkyZx6NChEdmtzZt0fPRNOj76Nh0fdXwcCgN9fPTpsDZ79mxWrlwJQGZmJm63G7vdDkBsbCwN\nDQ0UFRXR0dHBqlWrmD17tjfLPaX6+np+/etf86c//al3tpujt91www20tbUB3U/y4dl7fNHrr7/O\n008/DXR366iqquqdmWu4PS/Q/YIdGBh43KdNBw4c4M4778Tj8dDR0cHWrVt9+nk5bNasWb3/N+++\n+y5z5sw5Zvup/q98zeuvv47FYuH2228/6faT/S36mttuu43CwkKg+83Pf/8tDafnBWDnzp2MGTPm\nhNueeuop3nzzTaB7piyXy+Vzs8QNdzo++iYdH32bjo86Pg6FgT4+Gjw+fi7x4YcfZvPmzRgMBu67\n7z52796Nw+HgwgsvZNOmTTz88MMALFmyhBtuuMHL1Z7cyy+/zGOPPUZSUlLvdeeffz6jR4/mwgsv\n5K9//SsrVqzAarUyduxY7r33XgwGgxcrPrmGhgZ+8IMfUFdXR3t7O7feeitVVVXD8nmB7umIH330\nUf785z8D8OSTTzJt2jQmTZrEQw89xPr16zEajSxcuNDnph/ftWsXDz74IMXFxZjNZiIiInj44Ye5\n++67aW1tJTo6mgceeACLxcL3vvc9HnjgAfz9/Y/7vzrZi4q321JVVYXVau19UU5JSeH+++/vbUtH\nR8dxf4vz5s3zcktO3Jbly5fz5JNPEhAQgM1m44EHHiA0NHRYPi+PPfYYjz32GFOmTOHiiy/uve13\nvvMd/vjHP1JaWsoPf/jD3jdyvjTN8kii46Pv0fHRd+j4qOOjN9oyGMdHnw9rIiIiIiIi5yKf7gYp\nIiIiIiJyrlJYExERERER8UEKayIiIiIiIj5IYU1ERERERMQHKayJiIiIiIj4IIU1ERERERERH6Sw\nJiIiIiIi4oMU1kRERERERHzQ/wctCrC08ooCUgAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "Iz3G5eaTS04m", + "colab_type": "code", + "outputId": "9d3a0b4e-59d3-4fcd-860f-f0a062c4e8e9", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Test performance\n", + "trainer.run_test_loop()\n", + "print(\"Test loss: {0:.2f}\".format(trainer.train_state['test_loss']))\n", + "print(\"Test Accuracy: {0:.1f}%\".format(trainer.train_state['test_acc']))" + ], + "execution_count": 41, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Test loss: 0.94\n", + "Test Accuracy: 67.7%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "kqMzljfpS09F", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Save all results\n", + "trainer.save_train_state()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "1fMNOVJUYvhs", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "~66% test performance for our Cifar10 dataset is not bad but we can do way better." + ] + }, + { + "metadata": { + "id": "P9DcE8tHYvfX", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Transfer learning" + ] + }, + { + "metadata": { + "id": "EclYytw6Swh-", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "In this section, we're going to use a pretrained model that performs very well on a different dataset. We're going to take the architecture and the initial convolutional weights from the model to use on our data. We will freeze the initial convolutional weights and fine tune the later convolutional and fully-connected layers. \n", + "\n", + "Transfer learning works here because the initial convolution layers act as excellent feature extractors for common spatial features that are shared across images regardless of their class. We're going to leverage these large, pretrained models' feature extractors for our own dataset." + ] + }, + { + "metadata": { + "id": "mxl4PEfqTMwm", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from torchvision import models" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "GjufXPDJTB7W", + "colab_type": "code", + "outputId": "709a1c26-7c67-420f-83be-bdf5409cf4cc", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 54 + } + }, + "cell_type": "code", + "source": [ + "model_names = sorted(name for name in models.__dict__\n", + " if name.islower() and not name.startswith(\"__\")\n", + " and callable(models.__dict__[name]))\n", + "print (model_names)" + ], + "execution_count": 44, + "outputs": [ + { + "output_type": "stream", + "text": [ + "['alexnet', 'densenet121', 'densenet161', 'densenet169', 'densenet201', 'inception_v3', 'resnet101', 'resnet152', 'resnet18', 'resnet34', 'resnet50', 'squeezenet1_0', 'squeezenet1_1', 'vgg11', 'vgg11_bn', 'vgg13', 'vgg13_bn', 'vgg16', 'vgg16_bn', 'vgg19', 'vgg19_bn']\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "daJN4BSWS016", + "colab_type": "code", + "outputId": "0608949f-b8ec-471e-c32b-04079b8980b9", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 1173 + } + }, + "cell_type": "code", + "source": [ + "model_name = 'vgg19_bn'\n", + "vgg_19bn = models.__dict__[model_name](pretrained=True) # Set false to train from scratch\n", + "print (vgg_19bn.named_parameters)" + ], + "execution_count": 45, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Downloading: \"https://download.pytorch.org/models/vgg19_bn-c79401a0.pth/" to /root/.torch/models/vgg19_bn-c79401a0.pth\n", + "100%|██████████| 574769405/574769405 [00:29<00:00, 19305160.82it/s]\n" + ], + "name": "stderr" + }, + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "XBudDGFz1j87", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "The VGG model we chose has a `features` and a `classifier` component. The `features` component is composed of convolution and pooling layers which act as feature extractors. The `classifier` component is composed on fully connected layers. We're going to freeze most of the `feature` component and design our own FC layers for our CIFAR10 task. You can access the default code for all models at `/usr/local/lib/python3.6/dist-packages/torchvision/models` if you prefer cloning and modifying that instead." + ] + }, + { + "metadata": { + "id": "YmzQIXsd59Rj", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class ImageModel(nn.Module):\n", + " def __init__(self, feature_extractor, num_hidden_units, \n", + " num_classes, dropout_p):\n", + " super(ImageModel, self).__init__()\n", + " \n", + " # Pretrained feature extractor\n", + " self.feature_extractor = feature_extractor\n", + " \n", + " # FC weights\n", + " self.classifier = nn.Sequential(\n", + " nn.Linear(512, 250, bias=True),\n", + " nn.ReLU(),\n", + " nn.Dropout(0.5),\n", + " nn.Linear(250, 100, bias=True),\n", + " nn.ReLU(),\n", + " nn.Dropout(0.5),\n", + " nn.Linear(100, 10, bias=True),\n", + " )\n", + "\n", + " def forward(self, x, apply_softmax=False):\n", + " \n", + " # Feature extractor\n", + " z = self.feature_extractor(x)\n", + " z = z.view(x.size(0), -1)\n", + " \n", + " # FC\n", + " y_pred = self.classifier(z)\n", + "\n", + " if apply_softmax:\n", + " y_pred = F.softmax(y_pred, dim=1)\n", + " return y_pred " + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "czo1bGBwXKNj", + "colab_type": "code", + "outputId": "9d407e14-2415-41ba-9f20-37e33f8ab716", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 1139 + } + }, + "cell_type": "code", + "source": [ + "# Initialization\n", + "dataset = ImageDataset.load_dataset_and_make_vectorizer(split_df)\n", + "dataset.save_vectorizer(args.vectorizer_file)\n", + "vectorizer = dataset.vectorizer\n", + "model = ImageModel(feature_extractor=vgg_19bn.features, \n", + " num_hidden_units=args.hidden_dim,\n", + " num_classes=len(vectorizer.category_vocab), \n", + " dropout_p=args.dropout_p)\n", + "print (model.named_parameters)" + ], + "execution_count": 47, + "outputs": [ + { + "output_type": "stream", + "text": [ + "\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "hZybxGHoDTwQ", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Finetune last few conv layers and FC layers\n", + "for i, param in enumerate(model.feature_extractor.parameters()):\n", + " if i < 36:\n", + " param.requires_grad = False\n", + " else:\n", + " param.requires_grad = True" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "GTbYKussTvB2", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Train\n", + "trainer = Trainer(dataset=dataset, model=model, \n", + " model_state_file=args.model_state_file, \n", + " save_dir=args.save_dir, device=args.device,\n", + " shuffle=args.shuffle, num_epochs=args.num_epochs, \n", + " batch_size=args.batch_size, learning_rate=args.learning_rate, \n", + " early_stopping_criteria=args.early_stopping_criteria)\n", + "trainer.run_train_loop()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "NCLCnQgATvMj", + "colab_type": "code", + "outputId": "20bca437-868c-41c3-c95c-4b328c9024fc", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 335 + } + }, + "cell_type": "code", + "source": [ + "# Plot performance\n", + "trainer.plot_performance()" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA2gAAAE+CAYAAAD4XjP+AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAIABJREFUeJzs3Xl4lOWh/vHvzGRmsu+ZEFYhIEkg\nISBBBRRFEQTcECEqllO0PVqXVpHCL+2p1lqXU1BRK2pLdxRcgqhYtXjAilJZQkIgCausYpLJvs/6\n+yM0SlmVTCaT3J/r8jLzzrzv3DNsc8/7vM9j8Hq9XkRERERERMTvjP4OICIiIiIiIq1U0ERERERE\nRDoJFTQREREREZFOQgVNRERERESkk1BBExERERER6SRU0ERERERERDoJFTSR72jw4MF89dVX/o4h\nIiLSIbKzs7n22mv9HUOky1NBExEREZHT2rVrFxEREfTs2ZOtW7f6O45Il6aCJtLOWlpa+MUvfsHE\niRO5+uqreeKJJ3C73QD87W9/4+qrr2bSpElMnz6d3bt3n3a7iIhIZ7By5UomTZrE1KlTeeutt9q2\nv/XWW0ycOJGJEycyb948HA7HKbd//vnnTJgwoW3fb95+7rnn+PnPf8706dP505/+hMfj4Ze//CUT\nJ05k/PjxzJs3D6fTCUBlZSV33nknV1xxBddccw3r169n3bp1TJ069bjM06ZNY82aNb5+a0TaXZC/\nA4h0NX/+85/56quvWL16NS6Xi1mzZvHuu+9yxRVXsHjxYtauXUt4eDh///vfWbduHUlJSSfdPmjQ\nIH+/FBEREdxuN//4xz+4++67MZlMLFq0CIfDQVlZGU8++SRvvfUWNpuNe++9l7/85S9MmjTppNvT\n09NP+zwff/wxq1atIjY2lg8++IDNmzfz7rvv4vF4uOGGG3jvvfe47rrrWLRoEcnJybz44osUFRXx\n/e9/n08++YTy8nJKSkpISUnhyy+/5ODBg1x66aUd9C6JtB8VNJF2tm7dOubMmUNQUBBBQUFcc801\nfPrpp0yePBmDwcAbb7zB1KlTufrqqwFwOp0n3S4iItIZrF+/nvT0dMLDwwEYNWoUa9eupbq6muHD\nh5OYmAjAokWLMJlMvPnmmyfdvmXLltM+z7Bhw4iNjQVg4sSJXH755ZjNZgDS09M5dOgQ0Frkfve7\n3wGQlpbGRx99hMViYeLEiaxevZqUlBTWrFnDFVdcgcViaf83RMTHNMRRpJ1VVlYSFRXVdjsqKoqK\nigrMZjN/+tOfyMvLY+LEidxyyy3s3LnzlNtFREQ6g9zcXNatW8fIkSMZOXIkH374IStXrqSqqorI\nyMi2x1mtVoKCgk65/Uy++W9nZWUl8+fPZ+LEiUyaNImPPvoIr9cLQHV1NREREW2P/XdxnDJlCqtX\nrwZgzZo1TJ48+dxeuIifqKCJtLP4+Hiqq6vbbldXVxMfHw+0ftP37LPPsmHDBsaOHctDDz102u0i\nIiL+VFNTw8aNG/n888/ZvHkzmzdvZtOmTRQWFmI0Gqmqqmp7bH19PXa7nZiYmJNuN5lMbddkA9TW\n1p7yeZ9++mmCgoJ45513eP/99xk3blzbfdHR0ccd//DhwzidTrKysnC5XKxdu5bdu3czevTo9nob\nRDqUCppIO7vssst44403cLvdNDY2smrVKsaNG8fOnTu57777cDgcWCwWhg4disFgOOV2ERERf1u9\nejUXXXTRcUMFg4KCGDt2LA6Hg7y8PA4fPozX6+Whhx7ijTfeYNy4cSfdnpCQQHl5ORUVFbjdbt55\n551TPm9FRQXnn38+FouFkpIStm7dSmNjIwDjx49n5cqVAOzZs4dp06bhdrsxGo1MnjyZX/3qV4wf\nP75teKRIoNE1aCLn4LbbbsNkMrXdfvTRR7nttts4dOgQU6ZMwWAwMGnSpLbrynr37s3UqVMxm82E\nhYXxi1/8gvPPP/+k20VERPztrbfeYvbs2SdsnzBhAi+88AKPPPIIs2fPxmQykZ6ezve//32sVusp\nt994441cf/319OzZk+uuu47i4uKTPu+cOXOYP38+ubm5jBw5kvnz5/Ozn/2MjIwM5s2bx/z58xk/\nfjxhYWEsXLiQ4OBgoHWY4x//+EcNb5SAZvD+e0CviIiIiEgAs9vt3HDDDaxbt+64L1BFAomGOIqI\niIhIl/Dss89y8803q5xJQFNBExEREZGAZrfbueKKK7Db7cyZM8ffcUTOiYY4ioiIiIiIdBI6gyYi\nIiIiItJJqKCJiIiIiIh0Eh0+zX55ed05HyMmJpSqqsZ2SNMxAimvsvpGIGWFwMqrrL7RXlkTEiLa\nIU330d3+jQykrBBYeZXVN5TVdwIpb3tkPd2/jwF5Bi0oKLBm5gmkvMrqG4GUFQIrr7L6RiBlleMF\n0q9dIGWFwMqrrL6hrL4TSHl9nTUgC5qIiIiIiEhXpIImIiIiIiLSSXT4NWgiIiKBpqGhgfnz51NT\nU4PT6eTuu+/m5Zdfbru/rKyMG264gTvvvLNt23PPPcc777xDYmIiANdeey033XRTh2cXEZHAooIm\nIiJyBitXrqR///7MnTuX0tJSZs+ezfvvv992/x133MF11113wn7f+973mDVrVkdGFRGRAKchjiIi\nImcQExNDdXU1ALW1tcTExLTd99lnn3HeeeeRlJTkr3giItKF6AyaiIjIGUyZMoXc3FwmTJhAbW0t\nL730Utt9f/nLX8jJyTnpfu+//z4fffQRFouFn//85/Tp06ejIouISIBSQRMRETmDVatW0bNnT5Yu\nXUpJSQk5OTnk5uZSWlpKY2Mjffv2PWGfcePGcdFFF5GVlcXq1at59NFHjyt2JxMTE9ou0zcH0vpz\ngZQVAiuvsvqGsvpOIOX1ZVYVNBGRbmTduo+47LIrzvi4X//610ydeiM9e/bqgFSdX15eHmPHjgUg\nJSWFsrIy3G43H3/8MRdddNFJ98nIyGj7efz48SxcuPCMz9Nei4O3x4LXHSGQskJg5VVW31BW3wmk\nvO2RtcstVC0iIt/e0aNfsmbNB2f12J/97GcqZ9/Qr18/CgoKADhy5AhhYWGYTCYKCwtJSUk56T6P\nPvoomzdvBmDjxo0MGjSow/KKiEjgCrgzaE0tLt5dv4+h/aIJCzb7O46ISMB46qknKS7ewSWXZHHV\nVVdz9OiXPPPMCzz++COUl5fR1NTEnDk/ZMyYS7jtttu4554HWLv2Ixoa6jl48ABHjhzmvvvmcvHF\nY/z9UjrczJkzycnJYdasWbhcLh5++GEAysvLiYuLa3tceXk5zz33HI888gg33XQTDz30EEFBQRgM\nBh599FE/pRcRkfZQVddC/h47mSmJxIT4rkYFXEHb+2UNL60spH9SBA9mDyfEGnAvQUTEL26++TZy\nc1+jf/9kDh7czwsv/J6qqkpGjbqIq6+eypEjh/mf/1nAmDGXHLdfWVkpCxc+y7/+9RmrVr3ZLQta\nWFgYixcvPmH7iy++eNzthIQEHnnkEQAGDx7M8uXLOySfiIj4RlVdC1t2lrGppIzdh2sA2Hu0ljsm\np/rsOQOu3aSdF8sVWX34aNMhFr9ewP0zM7Gaz/2CahGRjvTa/+1hU0lZux4zK8XGjPEDz+qxqalD\nAIiIiKS4eAdvv52LwWCktrbmhMdmZGQCYLPZqK+vb7/AIiIinVBNg4MtO8vYWFzG7kPVeAEDMLhP\nNFmpNqZcOpCm+mafPX/AFTSjwcC9N2VSU9fC5pIyfptbyL03ZmAO0uV0IiJny2xuHSL+j3+8T21t\nLb/97e+pra3ljjtuO+GxJtPXX4J5vd4OyygiItJRahsdbNlZzqbiUnYequbf/9wN6h3FqNRELhic\nQHS4FYDwELMK2n8ymYz88Jo0HE432/ZW8NLbO7jr+iGYjCppIhIYZowfeNZnu9qL0WjE7XYft626\nupqkpJ4YjUY+/vj/cDqdHZpJRETEX+oaHeTtKmdTSRnFB6raStnAXlFkpdgYmWIjJsLa4bkCsqAB\nBJmM/Oj6oTzzegF5u8r5w+pibp+ahtFg8Hc0EZFOqV+//uzcWUJSUk+io6MBuOyy8SxY8ABFRduZ\nMuVabDYbf/zj7/ycVERExDfqm5xs3VXOxpIyivdX4TnWygb0jGwtZYNtxEUF+zVjwBY0AIvZxL03\nZvDUinw27CjFagnitqvOx6CSJiJygpiYGHJzVx+3LSmpJ3/+89cTWVx11dXA12u8DBjw9Vm+AQMG\n8vzzL3dMWBERkXbS2Oxk6247G4vLKNpfidvTWsrO6xFBVqqNrME24qND/JzyawFd0ABCrEH8ZMYw\nfvPKVtZtPYLVbGTG5QNV0kREREREuqmmFhdbd5ezqbiM7V98Xcr6JbaWspEpNmydqJR9U8AXNICw\nYDMPzMzkyVfy+GDjIYItQVw3tr+/Y4mIiIiISAdpanFRsMfOppIyCvdV4nJ7AOhjCycrxUZWio3E\n2FA/pzyzLlHQACLDLDyYPZzH/7aFVeu/wGo2MenCvv6OJSIiIiIiPtLscLFtbwWbisvYtq8Cp6u1\nlPVKCGsrZUlxYX5O+e10mYIGEBNhZd7NrSXttbV7CLaYuGx4L3/HEhERERGRdtLidFO4t4KNxaVs\n21uB41gpS4oLZVRqIiNTbPSKD6xS9k1dqqABJESHMO/m4TyxLI+/frATq9nExUN7+DuWiIiIiIh8\nRw6nm8J9FWwqKSN/jx2Hs7WUJcaGMirFRlZqaynrCvNQdLmCBpAUF8bcmZn87ytbWbq6GIvZxAWD\nE/wdS0REREREzpLT5Wb7vko2lZSxdY+dFkfrWp62mBCyUmyMSk2kd0LXKGXf1CULGkDfxAjunzGM\nhcvzeXHVdn48PYOhA+L8HUtEpNObPv0a3ntv9ZkfKCIi0s6cLg879leyqbiUrbvtNB8rZfFRwVwx\nojdZKTb6JoZ3uVL2TV22oAEk94rivukZPPN6Ac/nFnL/jGEM7hvj71giIiIiInKMy+1hc3Epa/61\nn7zddppaXADERQZz2fBeZKXYOK9HRJcuZd/UpQsaQGq/GH50/VCezy1k8RvbmHfzcPonRfo7lohI\nh5sz51Yee2wRPXr04KuvjvL//t9cEhJsNDU10dzczP33zyMtbai/Y4qISDfgcnsoOVDFxpIytu4q\np6G5tZTFRFi5JCOJrFQbA5Iiu00p+6YuX9AAhg2M54fXDuHFVdt5akU+828ZQW9buL9jiYh0qEsv\nvZxPP/0nN944g08++ZhLL72c5ORBXHrpZWzZsolly/7Mr3/9G3/HFBGRLsrt8VBysJpNxaVs2Xl8\nKbtiVF+G9othQM9IjN2wlH1TtyhoAFkpNlocqfzhvWIWrshnwa0j6BEAC9WJSNeUu+ddtpYVtusx\nh9vSmTZw6invv/TSy3n++We48cYZrF//Mffccz/Ll/+VV1/9K06nk+Dg4HbNIyIi4vF42Xmwik0l\nZWzeWU59kxOAqDALV1zQek3ZwN5RJNoiKS+v83PazqHbFDSAsRlJtDjdLPvHLhYu38qCW0cQHxXi\n71giIh1iwIBkKirKKS39irq6Oj75ZB3x8Tb+539+RUlJEc8//4y/I4qISBfg8XjZfbiajSVlbCkp\no7axtZRFhpq5fEQvRqXYGNQ7GqOxe58pO5VuVdAArrigN80OF29+vI+Fr+azYNYIosOt/o4lIt3M\ntIFTT3u2y1cuvngsL7/8ApdcMo7q6iqSkwcB8PHHa3G5XB2eR0REugaP18uewzXHzpSVUVPvACA8\nxMxlmT3JSk1kcB+VsrPR7QoawJSLz6PF6ebdzw6waHk+P71lOBGhFn/HEhHxuXHjLufOO+fwpz+9\nSnNzE48++hBr167hxhtnsGbNh6xe/ba/I4qISIDweL3sO1LLxpJSNpeUUX2slIUFB3HpsJ5kpdpI\n6RuNyWj0c9LA0i0LGsANlwygucXNmi2Heeq1AuZlDyc0uNu+HSLSTaSmDuHjjz9vu71s2RttP48d\nOw6AKVOuJSwsjMZGXQsgIiLH83q97Dtay6bi1jNllbUtQGspG5uRxKgUGyn9YggyqZR9V922kRgM\nBrKvHESL080n247yzBsFzJ2RidVi8nc0EREREZFOw+v1sv+rOjaVlLGpuIyK2mYAQqxBjBnag6zU\nRNLOUylrL922oAEYDQZmT0qhxelmY3EZz+du477pGZiDVNJEREREpPvyer0cLK1nY0kpm4rLsNe0\nlrJgi4mLh/QgK9XGkPNiMQeplLW3sypojz32GAUFBRgMBnJycsjIyGi7b82aNSxZsgSLxcKUKVOY\nNWuWz8L6gtFo4I6paTicHvL32Fny1g5+dMNQfQMgIiIiIt2K1+vlUFl965mykjLKqpoAsFpMXJSW\nSFaKjaEDYnUyw8fOWNA2btzIgQMHWLFiBXv37iUnJ4cVK1YA4PF4+NWvfsXKlSuJjo7mBz/4AVde\neSU9evTwefD2FGQyctf1Q3jm9W3k77GzdHUxP5iapllmRERERKRL83q9HLE3sKm4tZR9VdkIgMVs\nZFSqjayURNIHxGIxq5R1lDMWtA0bNnDllVcCkJycTE1NDfX19YSHh1NVVUVkZCSxsbEAXHTRRXz2\n2WdMmzbNt6l9wBxk4r4bM1i0Ip/Pi0qxmo3MnpSCoZuvZC4iIiIiXc+X9gY2FpeyqaSMoxXHSlmQ\nkZEpNkal2EhPjsOqUuYXZyxodrudIUOGtN2OjY2lvLyc8PBwYmNjaWhoYP/+/fTq1YvPP/+cUaNG\n+TSwL1ktJn5yUwb/++pW/llwFKs5iOwrBqqkiYiIiEjAO1rR0DZ88Uh5AwDmICMXnJ9AVqqNjOQ4\ngi3deoqKTuFb/wp4vd62nw0GA0888QQ5OTlERETQu3fvM+4fExNKUDuMW01IiDjnY5zKYz8ay/97\n4VP+sfkQsTEhzJqUes7H9GXe9qasvhFIWSGw8iqrbwRSVhERObnSqsa24YuHyuoBCDIZGD4onqwU\nG8MGxhNiVSnrTM74q2Gz2bDb7W23y8rKSEhIaLs9atQoXnnlFQAWLVpEr169Tnu8qqrG75q1TUJC\nBOXlvl2f5yfTM3hyWR4r/rELj9PN1Rf1+87H6oi87UVZfSOQskJg5VVW32ivrCp5IiIdr6y6iXXb\njrJuyyEOlraWMpPRQObAr0uZ1v/tvM74KzNmzBiee+45srOz2bFjBzabjfDw8Lb777jjDp588klC\nQkJYu3Yt3//+930auKPERFh5MDuTx5fl8fq6vVgtJsaPOPMZQhER6XoaGhqYP38+NTU1OJ1O7r77\nbl5++WUaGxsJDQ0FYP78+QwdOrRtH6fTyYIFC/jyyy8xmUw8/vjj9OnTx18vQUS6OHt1E5t2tq5T\ntv+r1i/YTEYDGclxZKXYGD4ontBgs59Tytk4Y0EbMWIEQ4YMITs7G4PBwEMPPURubi4RERFMmDCB\nGTNmMGfOHAwGAz/84Q/bJgzpCuKjQ3gwO5Mnl+Xxtw93YTWbGJOe5O9YIiLSwVauXEn//v2ZO3cu\npaWlzJ49m4SEBB5//HHOP//8k+7z7rvvEhkZyaJFi1i/fj2LFi3imWee6eDkItKVVdY2t11Ttu/L\nWqB1nd+h/WMZn9WXgUkRhIeolAWaszq3+eCDDx53OyUlpe3nq666iquuuqp9U3UiSXFhzM0ezv++\nkscf3ivGajYxMsXm71giItKBYmJi2LlzJwC1tbXExMSccZ8NGzZw/fXXAzB69GhycnJ8mlFEuoeq\nuhY2l5SxsaSUvUdaS5nBAGnnxTAqNZHhg+KJCLUE1LB6OZ4Gn56FPrZw7p+RyW+Wb+Wlt3dgMRvJ\nSI73dywREekgU6ZMITc3lwkTJlBbW8tLL73EokWLePbZZ6mqqiI5OZmcnByCg4Pb9rHb7W2jSoxG\nIwaDAYfDgcVi8dfLEJEAVV3fWso2lZSx+3AN0FrKUvvFkJViY8TgBCJD9XdLV6GCdpYG9IzkJ9Mz\neOq1An67cjv33zSMlH5n/gZVREQC36pVq+jZsydLly6lpKSEnJwc7rrrLgYPHkzfvn156KGHWLZs\nGbfffvspj/HNWZBPJRBmOm5vgZQVAiuvsvpGR2Wtqmvms21HWV9whB37KvB6W0vZ0OQ4xg7rxeiM\nJGIigk97jEB6XyGw8voyqwratzC4bwz3TEvn2Te2sfjNbTyYnUlyzyh/xxIRER/Ly8tj7NixQOsw\n/7KyMsaPH4/J1Fqmxo8fz3vvvXfcPjabjfLyclJSUnA6nXi93jOePQuUmY7bSyBlhcDKq6y+4eus\ntY0O8naWs7G4lJ2Hqvn39zqDekcxKjWRCwYnEB1uBcDV7KS82em3rO0tkPK2R9bTFTwVtG8pfUAc\nd143hCVv7eDpFQX89Jbh9E0MnLYvIiLfXr9+/SgoKGDixIkcOXKE0NBQbr/9dp599lkiIyP5/PPP\nGTRo0HH7jBkzhvfff59LLrmEtWvXcuGFF/opvYh0ZvVNTvJ2tZaykgPVeI61soG9oshKsTEyxUZM\nhNXPKaUjqaB9BxcMtjFnipvfv1vMohX5LLh1BElxYf6OJSIiPjJz5kxycnKYNWsWLpeLX/7yl1RV\nVfFf//VfhISEkJiYyL333gvAXXfdxZIlS5g8eTKfffYZN998MxaLhSeeeMLPr0JEOouGZid5O8vZ\nVFJG0f6qtlI2oGdkaykbbCMu6vTDF8X33B43tY46ahy11LTUUeuopbaljtGG4cSQcOYDfEcqaN/R\n6KFJtDjc/PXDXSxc3lrSEqJD/B1LRER8ICwsjMWLF5+wffLkySdsW7JkCUDb2mciIgCNzU627raz\nqaSMHV9U4va0lrLzekSQlWoja7CNeH2W7BAuj6u1eLXUUnPs/7Xf+LnmWBGrdzbg5cTrhytdldx2\nfrbP8qmgnYPLR/SmxenhtbV7WLh8KwtuvUCnoEVEREQEgKYWF/nHStn2LypwuVs/7PdLbC1lI1Ns\n2FTK2o3T7TzujNc3y1brttbbDc7TX+9rNVmIskTSI8xGpCWCKGskUdbI1p8tkWQlD6G2qsVnr0MF\n7RxNurAvzQ4Xb3+6n4XLtzL/1hGa5lRERESkm2pqcVGwp7WUFe6rxOX2AK3LNmWl2MhKsZEYG+rn\nlIHF4Xa0Fi5H7ddnvk5SvhpdTac9TrApmChrJL3Ckoi0Hitelshj/48g8tj/g4NOP7zUGmQBVNA6\ntevG9qfZ4ebDTYd4ank+P71lOKHBWrVdREREpDtocbgp2GtnU3EZ2/ZV4HS1lrJeCWFtpUzzFZyo\n2dVC7bGzXbuaHBwuL/vGMMO6Y8MOa2lyNZ/2OCFBIURZI+kT0YtISyTR1sjWAmb5xpkvayRWU2Cc\nRFFBawcGg4GZ4wfS4nTzcf6XPP16AXNnZhJs0dsrIiIi0hW1ON0U7q1gY0kZ2/bYcRwrZUlxoYxK\nTWRkio1e8d2zlDW7mo+7vutkwwxrW+podp/+LFRYUCgx1mj6RfzHMMNvnPmKtERgMXWtEyNqEO3E\nYDBw21WDaXG4+VdRKc+9WchPbsrA3A4LjoqIiIiI/7U43WzZWc6mklLy99hxOFtLWWJsKKNSbGSl\ntpYyg8Hg56Ttz+v10uRqbjvj9Z9l6+vbdTjcjtMeK9wcRlxI7HFlq1dcAiaH5dgww9YzYGZj96wq\n3fNV+4jRaGDOlFRanG627rbzwsrt3D0t3d+xREREROQ7crrcbN9XyaaSMgr22mlqcQNgiwkhK8XG\nqNREeicEbinzer00uppOWba+OcOh03PqhbENGAi3hGELiSfSGkG0JbKtbEVZI9qGHkZYwgk6SfEK\npIWqfU0FrZ0FmYzced1Qnn1zGwV7K/j9u0XkzLnI37FERERE5Cw5XR527K9kU3EZ+XvK20pZYmwo\nlw9PICvFRt/E8E5dyrxeL/WOhhPL1jdmOKx1tG53eVynPI4BA5GWcHqE2Y4rW/+eWOPfQw8jzOGY\njBo51h5U0HzAHGTknmnpPLUin43FZTz/Wj7Z45MxduI/xCIiIiLdmcvtoWh/FZuKS8nbbaeppbW0\nxEUGMy6zV+tkH+k9sdvr/ZrT4/XQ4Gyk+hRl698zHNY663B73Kc8jtFgJNISQc+wHseXrWPDC//9\nc4QlHKPB2IGvUFTQfMRqNvHj6cNYuHwrazYdxOvxcMuVgzr1Ny0iIiIi3YnL7aHkQBUbS8rYuquc\nhubWUhYTYeWSjCSyUm0MSIps+/zmy89xHq+HOkcDNY6aUwwz/HqaeY/Xc8rjmAwmIi0RDIjuQ6gx\n7D+GGUYQZY0iyhpBuDlMxauTUkHzodDgIB6YmcmiFfl8tOUwwRYTN45L9ncsERERkW7L7fFQcrCa\nTcVl5O0qp76p9bqqmAgro4ceK2U9I9tt5JPb46bOWX/sLFdd65mvkww5rHPWn7Z4BRlMRFoj6RfR\n55TDDCMtEYSZQzEajLqmK4CpoPlYeIiZX/33aB589p+s3nCAYIuJKRef5+9YIiIiIt2Gx+Nl56Fq\nNhWXsnnn16UsKszCFRf0JivFxsDeUd+qlLk97tZFk/9zmOG/z3S11FLtqKXe0YAX7ymPYzYGEWmJ\n5LzIvqccZhhpjSAsKFQjsboJFbQOEBMZzLzs4TyxbAtvfrwPq9nElSP7+DuWiIiISJfl8XjZfbia\njSVlbNlZTm1D69TvkaFmLh/Ri1EpNgb1jsZoPL70OD0ualvqjrum699lq7mokfL6KmpaamlwNp62\neFmMZiKtkdiiEoj6Ztn6xhmvKEskIUHBKl5yHBW0DhIXFcyD2cN5fFker6zZjdVi4pKMnv6OJSIi\nItJleLxe9hyuYVNJGZt3llFT31rKwkPMXJppI3VgGHFxUOus42hLESVf1LYNPfz3NPMNzsbTPofV\nZCHKGklSWOIJZeubQw+DTVYVL/lOVNA6UGJsKA9mZ/Lksjz+9PcSrGYTo1IT/R1LREREJGA1u1rY\nfugom/ceouTLozS46zGYWzAnOUiM8mKyOmjxNrDJ1cSmg8DBkx8n2BRMlDWSXmFJrddzWSOOla6v\nr/NK7tmTuupTrwUm0h5U0DpY74RwHpiZyW9e3crv3inCYjaROTDe37FEREREOpVmV8tJr+mqPXa9\nl72xmpqWOtyG1rNkGIHeYPmhWM+9AAAgAElEQVTGMWqBUG8IkdZI+kT0Ov76LsvxZ74sJstJUhwv\n2BxMHSpo4lsqaH7QPymSn9w0jKdW5PPCyu3cf1MGqefF+juWiIiISIdxup3sqt5HXUU1RyrLjhtm\nWNtSR7O75bT7e51mvE4rRncksSFR9I1NINmWQHRwVFv5irREYDGZO+gVibQPFTQ/Ob9PNPfcmM6z\nb2zj2TcLmZudycBeUf6OJSIiIuIzdY56dlSUUGgvoqhyFw6344THhJvDiAuJbZtQA5eVigo4dMRJ\nTbUBryMYqyGE4QN7kJVqY8h5sZiDtJ6XdB0qaH40tH8cd103lN+u3M7TrxXw05uH069HhL9jiYiI\niLSb0oYyttmLKLQXsa/mQNvMh7aQeNIT0hjeJxVDi5koSyQRlnBMBhOHyxvYWFzKppIyyqqaALBa\nTIwaGE9Wio2hA2IxB5n8+bJEfEYFzc+Gn5/AHVNT+d07RSxakc+CW0fQMz7M37FEREREvhOP18O+\nmgNss++g0F5EWaMdAAMGBkT1Iz0+jYz4NBLDbABtCyofLq9nXfFBNpWU8VVl60yKFrORUak2slIS\nSR8Qi8WsUiZdnwpaJ3DRkB60ON38+f2dLFy+lQWzLsAWHeLvWCIiIiJnpdnVQknlLrbZi9heUdw2\nVb3FZCEzYSjp8WkMiUshwhJ+3H726ibW5B1hXd5hvrQ3tO4TZGRkio1RKTbSk+OwqpRJN6OC1kmM\ny+xFi8PN8v/bw8JXt7Lg1hHERgb7O5aIiIjISVW31FBoL2KbvYhdlXtwed0ARFkiGNvzQtLj0xgc\nMxDzKSbpOFhax5OvbKWpxYU5yMgF5yeQlWojIzmOYIs+okr3pd/9nchVo/rS7HDz1vovWLi8dbhj\nZNiZp3wVERER8TWv18vh+qMUHhu6eLDuSNt9vcKTyIhPIz0+jT4RvTAaTj9pR1l1E0+/VkBzi4sf\nXDeUzAGxhFj1sVQEVNA6nWvGnEez0837nx9k0Yp8fnrLcMKCNT2siIiIdDyXx8Xu6n2tZ8rKi6hq\nqQbAaDCSEjOI9IQ00uPSiAuJOetj1tS38NTyfGoaHNxy5SCuvTSZ8vI6X70EkYCjgtbJGAwGbros\nmRaHm7Vbj/D0awXMnZmpb5VERESkQzQ4G7+eCr9iZ9t6ZCFBIYxMzCQjPo20uMGEBH376+Ubm108\n9VoBZdVNXDP6PK4c2ae944sEPH3q74QMBgO3XnU+zQ43G3Z8xXNvbuMnNw3TzEUiIiLiE+WNFRTa\nd7DNXsTemv14vB4A4oJjubhnFhnxaSRH9cdk/O6fRZwuN8++uY1DZfVcNrwX11/Sv73ii3QpKmid\nlNFgYM6UFBxON1t2lfPbldu598Z0gkxaiFFERETOjcfr4UDtobb1yY42lLbd1z+yL+nHridLCkvE\nYDCc8/O5PR5eXLWDXYeqGTk4gVkTzm+X44p0RSponZjJaOS/rxvCs29uo3BfBS+/vYP/vm4IJqNK\nmoiIiHw7DreDksrdFNqLKKwops5RD4DZGER6fCrp8WkMjUsjyhrRrs/r9Xr5y/s72brbTmq/GH5w\nzRCMRpUzkVNRQevkgkxG7r4hnadfK2DzznIs75UwZ0oqRn3rJCIiImdQ66hju72YbfYdlFTuxulx\nARBhDmd0Uhbp8WmkxA7CYvLdrNFvfryPT7YdpV+PCO6Zlo45SF80i5yOCloAsJpN/Hh6BguX5/PZ\n9q+wWkwaGiAi0oEaGhqYP38+NTU1OJ1O7r77bhISEnjkkUcwGo1ERkayaNEiQkK+njQhNzeXxYsX\n07dvXwBGjx7NXXfd5a+XIN2E1+vlaEMp68s/5V8HtrK/9hBevAD0CEskIz6NjPg0+kX2OeNU+O3h\ng40Hee9fB0iMDeX+GcM06ZnIWdCfkgARYg3i/hnD+N9XtrI27wjBZhPTL0tWSRMR6QArV66kf//+\nzJ07l9LSUmbPnk18fDwLFiwgIyODJ598ktzcXG699dbj9ps8eTLz58/3U2rpLtweN3trvmi9nqy8\nCHtzJdA6Ff7A6P5kxKcxND4NW2h8h+b6tPAoK/5vD9HhFubOHEZkqNZ2FTkbKmgBJDzEzNzsTJ5Y\nlsffPz9IsMXENWM0A5KIiK/FxMSwc+dOAGpra4mJieHFF18kPDwcgNjYWKqrq/0ZUbqZJlcTRRU7\n2WYvYkfFTppcTQAEm6yMsGUwpv8F9LH0I8wc6pd8+Xvs/PG9EsKCg5g7M5P4qG8/Jb9Id6WCFmCi\nwizMy87k8b/lsfKTL7BagrgqS2uIiIj40pQpU8jNzWXChAnU1tby0ksvtZWzxsZGVq1axeLFi0/Y\nb+PGjdx+++24XC7mz59PWlraaZ8nJiaUoKBzX1IlIaF9J3nwpUDKCv7NW95QwZYvC9l8ZBs7ynfh\n9rgBiAuN4dLzRpHVaxhpCYMIMvn3492OfRW8+NZ2goKMPPyDi0k5L/aM+wTS7wNl9Z1AyuvLrGf1\nJ/ixxx6joKAAg8FATk4OGRkZbfctW7aMt99+G6PRyNChQ/nZz37ms7DSKjYymHk3Z/L4sjyWf7Sb\nYIuJS4f19HcsEZEua9WqVfTs2ZOlS5dSUlJCTk4Oubm5NDY2ctdddzFnzhySk5OP22fYsGHExsZy\n2WWXsXXrVubPn88777xz2uepqmo856wJCRGUl9ed83E6QiBlhY7P6/F6OFR3hEJ7EdvsRRypP9p2\nX9+IXsemwh9C7/Cktkseqiqb/JL13w6X1fPEsjzcHi/33phOXJj5jDkC6feBsvpOIOVtj6ynK3hn\nLGgbN27kwIEDrFixgr1795KTk8OKFSsAqK+vZ+nSpXz44YcEBQUxZ84c8vPzyczMPKfAcma2mFAe\nzB7Ok8vy+PPfS7CYjVyU1sPfsUREuqS8vDzGjh0LQEpKCmVlZTgcDn70ox8xdepUpk2bdsI+ycnJ\nbaVt+PDhVFZW4na7MZnO/QyZdF1Ot5Nd1XvZVr6DQnsxNY5aAIIMJtLiBrdeTxaXSkxwtJ+Tnqi8\nuolFr+XT2OLiB9ekkZEc5+9IIgHpjAVtw4YNXHnllUDrPzY1NTXU19cTHh6O2WzGbDbT2NhIaGgo\nTU1NREVF+Ty0tOoVH8bcmZn876t5/P6dYqxmE8MHJfg7lohIl9OvXz8KCgqYOHEiR44cISwsjKVL\nlzJq1Chuuummk+7zu9/9jqSkJKZOncquXbuIjY1VOZOTqnc0sL2imEJ7EUWVu3C4HQCEmUO5sMcF\nZBybCj84KNjPSU+ttsHBohX51NQ7uPmKQVw8RF8ai3xXZyxodrudIUOGtN2OjY2lvLyc8PBwrFYr\nd999N1deeSVWq5UpU6bQv78mrehI/XpEcP9NmSxcsZUlb23nxzcNY8hZjPUWEZGzN3PmTHJycpg1\naxYul4uHH36YefPm0bt3bzZs2ADAhRdeyD333MNdd93FkiVLuOaaa5g3bx7Lly/H5XLx61//2s+v\nQjqT0oay1lkX7UXsqznQNhW+LSSe9IQ0MuKHMCCqX4dMhX+umlpcPPVaPmVVTUy5uB8TdG28yDn5\n1leRer3etp/r6+t56aWXeP/99wkPD2f27NmUlJSQkpJyyv274wXQ4Nu8CQkR/CLMyi+X/ovncwv5\n5Q8uZsiA7z6sIJDeW2X1nUDKq6y+EUhZfS0sLOyESUDWr19/0scuWbIEgB49evDXv/7V59kkMHi8\nHvbVHDh2PdkOyhrtABgwMCCqH+nH1idLDLP5Oem343S5ee7NbRwsrefSYT2ZdukAf0cSCXhnLGg2\nmw273d52u6ysjISE1mF0e/fupU+fPsTGtp6xGTlyJNu3bz9tQetuF0BDx+TtGRPMXdcN5bcrC/nl\n7zcw7+bhnNcj8lsfJ5DeW2X1nUDKq6y+0V5ZVfKkO2t2tVBSuYtt9iK2VxTT4Gz9DGQxWchMGEp6\nfBpD4lKIsIT7Oel34/F4efntIkoOVnPB+Ql8b+Jgrc8q0g7OWNDGjBnDc889R3Z2Njt27MBms7VN\nLdyrVy/27t1Lc3MzwcHBbN++nXHjxvk8tJxc5qB47piaxstv7+CpFQXMv2U4vRIC8y99ERGRQFTd\nUtM26+Kuyj24vK1T4UdZIhjb80LS49MYHDMQs8ns56Tnxuv18pcPdrJlVzkpfaP54bVpGI0qZyLt\n4YwFbcSIEQwZMoTs7GwMBgMPPfQQubm5REREMGHCBG6//Xa+973vYTKZGD58OCNHjuyI3HIKF6Yl\n4nC6+ePfS1i4PJ8Fs0aQGOOfRSpFRES6Oq/Xy5H6o22l7GDd4bb7eoUnkRGfRnp8Gn0iegXE9WRn\nK/ef+/hnwZf0S4zg3hszMLfD5Ssi0uqsrkF78MEHj7v9zSGM2dnZZGdnt28qOSeXDOtJs9PNq2t2\ns/DVrSy49QLiojrvzE8iIiKBxOVxsbt6X2spKy+iqqUaAKPBSErMINIT0kiPSyMuJMbPSX3jw02H\nWL3hALaYEO6fMYwQq38XxhbpavQnqouaMLIPLQ43uf/cx8LlW1lw6wiiwq3+jiUiIhKQGp2NfLK/\nmE+/2EJRxS6a3c0AhASFMDIxk4z4NNLiBhMSFOLnpL61YcdXLP9oN1HhFh6cmUlkmMXfkUS6HBW0\nLmzq6PNodrh5718HWLQin5/eMoLwkMAe8y4iItJR7E0VrVPhlxexp+YLPF4PAHHBsVzccyQZ8Wkk\nR/XHZOwew/u27a3gD6uLCbUGMXdGJvHRXbuMiviLCloXd+O4AbQ43HyUd5inX8vnwezhGoogIiJy\nEh6vhwO1h9rWJzvaUNp2X//IvlzUbzgDQpJJCkvsdrMV7jlSwwsrCzEaDfz4pgx62zQJmYiv6JN6\nF2cwGLh5wiCanS4+LfyKxa8XcP/MTKzm7vFtn4iIyOk43A5KKndTaC+isKKYOkc9AGZjEOnxqaTH\npzE0Lo0oa0RALZXRno6U17P49QJcbi/33pjOoN7R/o4k0qWpoHUDRoOB71+dSovTw+aSMn6bW3hs\nxqWuM5uUiIjI2ap11LHdXsw2+w5KKnfj9LgAiDCHMzopi/T4NFJiB2Ex6foqe00Ti1bk09Ds4vYp\nqQwbGO/vSCJdngpaN2E0GvjhNWk4nG627a3gpbd3cNf1QzAZVdJERKRr83q9HG0obT1LZi9if+0h\nvHgB6BGWSEZ8GhnxafSL7NOlpsI/V7WNDhatKKC63sHM8QMZk57k70gi3YIKWjcSZDLyo+uH8szr\nBeTtKucPq4u5fWoaxm42jl5ERLo+t8fN3pov2ib5sDdXAq1T4Q+M7k9GfBpD49OwheqM0Mk0tbh4\n+rUCSisbmXxRPyaO6uvvSCLdhgpaN2Mxm7hvegaLluezYUcpVksQt111fre72FlERLqeJlcTRRW7\nKLQXsaOihEZXEwDBJisjbBmkx6cxJC6FMHOon5N2bk6Xh+dzCznwVR2XZCRx47gB/o4k0q2ooHVD\nwZYgfjJjGL95ZSvrth7BajYy4/KBKmkiIhJwKpqqKKxoPUu2u3ofbq8bgBhrNCMTh5ORkMag6AEE\nGfWR52x4PF5+984Oig9UMXxQPN+bNFifD0Q6mP626qbCgs08MDOTJ1/J44ONhwi2BHHd2P7+jiUi\nInJaXq+Xg3WHKbQXsc1exJH6o2339Y3oRXp8GunxQ+gdnqRi8S15vV7+9uFONu8sZ3CfaO68Tteq\ni/iDClo3Fhlm4cHs4Tz+ty2sWv8FVrOJ26YO8XcsERGR4zjdTnZV7227nqzGUQtAkMFEWtzg1uvJ\n4lKJCdb07+firU++YF3+l/S1hR+b7VlL8oj4gwpaNxcTYWXezcN5Ylker63dQ3xcGCMHxvk7loiI\ndHP1jga2VxRTaC+iqHIXDrcDgDBzKBf2uICMY1PhBwcF+zlp17Bm8yHe+Ww/tugQ7p+ZSWiwPiKK\n+Iv+9AkJ0SE8mJ3JE8vyWPJmAXdMSePioT38HUtERLqZ0sZytpXvoNBexL6aA21T4dtC4klPSCMj\nfggDovppKvx29q+ir3hlzW6iwiw8kJ1JVJjWfxPxJxU0ASApLoy5MzP5zfJ8lq4uxmI2ccHgBH/H\nEhGRLszj8bCn+ou29clKG8sBMGBgQFQ/0o+tT5YYZvNz0q6rcF8FS98tJsQaxAMzM7FFh/g7kki3\np4ImbfomRvDwDy7i50s+48VV2/nx9AyGDtBwRxERaT/NrhZKKnexzV5EUdVO6lrqAbCYLGQmDG2b\nCj/CEu7npF3f3iM1/HZlIUajgR9Pz6CPTe+5SGeggibHSekXy33TM3jm9QKezy3k/hnDGNw3xt+x\nREQkgFW31LTNurirai8ujwuAmOAoxva8kPT4NAbHDMRsMvs5afdxxN7AM68X4HJ5uWdaOuf30QQr\nIp2FCpqcILVfDD+6fijP5xay+I1tzLt5OP2TIv0dS0REAoTX6+VI/dG2Unaw7nDbfb3Ck8iITyM9\nPo0RA1KosDf4MWn3VFHTzFMr8mlodjFnciqZg+L9HUlEvkEFTU5q2MB4fnjtEF5ctZ2nVuQz/5YR\n9NbQBxEROQWXx8Xu6n2tpay8iKqWagCMBiMpMYNIT0gjPS6NuJCvR2Voso+OV9foYNGKfKrqWphx\n+UDGZiT5O5KI/AcVNDmlrBQbDmcqS1cXs3BFPgtuHUGP2FB/xxIRkU6i0dnI9oqS1qnwK3bR7G4G\nICQohJGJmWTEp5EWN5iQIE080Rk0O1w883oBX1U2MunCvky6sK+/I4nISaigyWmNSU+i2eFm2T92\nsXD5VhbcOoL4KP1DKyLSXdmbKtoWjN5T8wUerweAuOBYLu45koz4NJKj+mMyapHjzsTp8vDb3EK+\nOFrHmPQe3HRZsr8jicgpqKDJGV1xQW9anG7eWLeXha/ms2DWCKLDrf6OJSIiHcDj9XCg9lBrKbMX\ncbShtO2+/pF9ST92PVlSWCIGg8GPSeVUPB4vS1cXsWN/FZkD4/mvq1P0ayXSiamgyVmZfFE/mh0u\n3v3sAIuW5/PTW4YTEaqFLEVEuiKH28HOqj2ti0ZXFFPnaJ0K32wMIj0+lfT4NIbGpRFljfBzUjkT\nr9fLsjW72Fhcxvm9o7jzuiGYjLr2T6QzU0GTs3bDJQNodrhZs/kwT71WwLzs4YQG67eQiEhXUOuo\nY7u9mG32Ikoqd+P0OAGIMIczOimL9Pg0UmIHYTHpy7lA8van+1mbd4TeCeHcNz0Di1lDT0U6O326\nlrNmMBi4+YpBtDjcfLLtKM+8UcDcGZlYLfrLXkS6toaGBubPn09NTQ1Op5O7776bhIQEHn74YQAG\nDx7ML3/5y+P2cTqdLFiwgC+//BKTycTjjz9Onz59/JD+5LxeL0cbSik8NnRxf+0hvHgB6BGWSEZ8\nGhnxafSL7KPZFgPU/+UdZtX6L0iIDuaBmcMIDdY6cyKBQAVNvhWDwcDsSSm0ON1sLC7j+dxt3Dc9\nA3OQSpqIdF0rV66kf//+zJ07l9LSUmbPnk1CQgI5OTlkZGQwd+5cPv74Y8aNG9e2z7vvvktkZCSL\nFi1i/fr1LFq0iGeeecaPrwLcHjd7a/a3rU9mb6oAWqe7Hxjdn4z4NIbGp2EL1bpYge6T/CMs+3AX\nkWEW5s7M1LXjIgFEBU2+NaPRwB1T03A4PeTvsbPkrR386IahBJn0DauIdE0xMTHs3LkTgNraWqKj\nozly5AgZGRkAXH755WzYsOG4grZhwwauv/56AEaPHk1OTk7HBweaXM0UVeyk0F7EjooSGl1NAASb\nrIywZZAen8aQuBTCzFpGpavY8UUli98oINhq4oEZw7DF6NdWJJCooMl3EmQyctf1Q3jm9W3k77Gz\ndHUxP5iahtGoWaFEpOuZMmUKubm5TJgwgdraWpYsWcIjjzzSdn9cXBzl5eXH7WO324mNjQXAaDRi\nMBhwOBxYLL6/hquiqYrCitap8HdX78PtdQMQY41mZOJwMhLSGBQ9gCCjPgZ0Nfu+rOX53EIMBgP3\n3ZhB30RN5CISaPQ3s3xn5iAT992YwaIV+XxeVIrVbGT2JE3dKyJdz6pVq+jZsydLly6lpKSEu+++\nm4iIrz/4er3eMx7jbB4TExNK0DkMGd9waAu/+eB99lcfbts2IKYvI3tlMLJnBv2ie3e6v6MTEgKr\nQHTmvIdK61j8xjacLjcLZo/i4vQkf0c6a535ff1Pyuo7gZTXl1lV0OScWC0mfnJTBr95NZ9/FhzF\nag4i+4qBne4DgIjIucjLy2Ps2LEApKSk0NLSgsvlaru/tLQUm8123D42m43y8nJSUlJwOp14vd4z\nnj2rqmo8p5wf7drA4dqvSIsb3Ho9WVwqMcHRrXe6wG6vP6fjt7eEhAjKy+v8HeOsdea8lbXNPPa3\nLdQ1Ovivq1O4OD2p02b9T535ff1Pyuo7gZS3PbKeruDpoiE5Z6HBZh6YOYye8WH8Y/Mh3vrkC39H\nEhFpV/369aOgoACAI0eOEBYWRnJyMps3bwbgww8/5JJLLjlunzFjxvD+++8DsHbtWi688EKf57xj\n6Cz+NO0p7h52O5f0uvjrciZdWn2Tk0Ur8qmsbWH6ZclcOqynvyOJyDnQGTRpFxGhrbNEPbksj3c+\n20+wxcTVF/XzdywRkXYxc+ZMcnJymDVrFi6Xi4cffpiEhAR+8Ytf4PF4GDZsGKNHjwbgrrvuYsmS\nJUyePJnPPvuMm2++GYvFwhNPPOHznCajCYvJDDT7/Lmkc2h2uHjm9QKOVjRyVVYfrr6wr78jicg5\nUkGTdhMTYeXB7EweX5bH6+v2YrWYGD+it79jiYics7CwMBYvXnzC9ldeeeWEbUuWLAFoW/tMxFdc\nbg8vrNzOvi9rGT20BzPG6xIDka5AQxylXcVHhzDv5uFEhpr524e7+LTwqL8jiYiIdDker5elq4vZ\n/kUlGclx/NfVKRhVzkS6BBU0aXc9YkOZmz2csOAg/vBeMZtLyvwdSUREpMvwer28umY3nxeVMrB3\nFHddr7VIRboS/WkWn+hjC+f+GZlYzCZeensH2/ba/R1JRESkS3j3s/18tOUwvRLC+PH0DKzm7740\ng4h0Pipo4jMDekbyk+kZGI0GfrtyOyUHqvwdSUREJKCt3XqElZ98QXxUMA/MyCQs2OzvSCLSzlTQ\nxKcG943hnmnpeDxeFr+5jb1f1vg7koiISEDaXFLG3z7YSUSombkzM4mJsPo7koj4gAqa+Fz6gDju\nvG4ITqeHp1cUcLA0MBYhFBER6SyK9lfy8js7sFpMPDAjk8TYUH9HEhEfOauC9thjjzFz5kyys7PZ\ntm1b2/bS0lJuu+22tv8uu+wy3nnnHZ+FlcB1wWAbc6ak0NjiYtGKfI5WNPg7koiISED44mgtz+UW\nAnDvjRn06xHh50Qi4ktnXAdt48aNHDhwgBUrVrB3715ycnJYsWIFAImJifz1r38FwOVycdtttzF+\n/HjfJpaANXpoEi1OD3/9YCcLl+ez4NYRJESH+DuWiIhIp/VVZSNPv1aAw+nmR9cPJbVfjL8jiYiP\nnfEM2oYNG7jyyisBSE5Opqamhvr6+hMet3LlSiZOnEhYWFj7p5Qu4/LhvZhx+UCq6lpYuHwrVXUt\n/o4kIiLSKVXVtbBo+Vbqm5x8b+JgLhhs83ckEekAZyxodrudmJivv62JjY2lvLz8hMe9/vrrTJ8+\nvX3TSZc06cK+XDvmPMqrm1m4fCu1jQ5/RxIREelU6pucPLUin4raFqZdOoBxmb38HUlEOsgZhzj+\nJ6/Xe8K2rVu3MmDAAMLDw8+4f0xMKEFB575eR0JCYI2/DqS8HZH1jhsyMAaZeOvjvTz7RiG//tEY\nwkO+/VTBel99J5DyKqtvBFJWka6kxeFm8RsFHLE3MGFkH6Zc3M/fkUSkA52xoNlsNuz2rxcZLisr\nIyEh4bjHrFu3josvvvisnrCqqvFbRjxRQkIE5eWBMxNgIOXtyKzXXNSXqpomPs7/kp8vWc/cmZkE\nW87+OwO9r74TSHmV1TfaK6tKnsi343J7eOGt7ew9UstFQxKZecVADAaDv2OJSAc64xDHMWPG8MEH\nHwCwY8cObDbbCWfKCgsLSUlJ8U1C6bIMBgO3XTWYi4YksvdILc+9WYjT5fZ3LBEREb/weL384b1i\nCvdVkD4gjjmTUzGqnIl0O2c8XTFixAiGDBlCdnY2BoOBhx56iNzcXCIiIpgwYQIA5eXlxMXF+Tys\ndD1Go4Hbp6TS4nCzdbedF1Zu5+5p6QSZtESfiIh0H16vl+Uf7eZfO0pJ7hXJj64fqn8LRbqpsxpP\n9uCDDx53+z/PlmntMzkXJqORO68byrNvbqNgbwW/f7eIH14zBKNR3xqKiEj3sHrDAdZsPkyv+DB+\nPH0YVsu5X68vIoFJX81Ip2AOMnLPtHTO7x3FxuIy/vT3EjwnmZBGRESkq/k4/wi5/9xHXKSVB2Zm\nfqdJs0Sk61BBk07Dajbx45uGcV6PCNYXHuXVNbtPOmuoiIhIV7FlZxl/+WAn4SFm5mYPJybC6u9I\nIuJnKmjSqYRYg3hgZia9EsL4aMthcv+5z9+RREREfKL4QBUvvb0Di9nE/TOG0SM21N+RRKQTUEGT\nTic8xMyDMzOxxYSwesMBVm/Y7+9IIiIi7erAV3U89+Y2AO6dlk7/pEg/JxKRzkIFTTqlqP/f3p3H\nR1Uf+v9/zUwy2fdMkmEJWQhLdnBhCbuiVdGCGpar1VZsK+6K/uRS++W2P7f2AhWpxVZ7216/lFVU\nXHBBAQ0gm4SEsGRhh6wkgYTsyXz/iEYjSAIkmZnk/Xw88jBn5pzJO8NxznnnfM453m48PX0IQb5u\nvLXpEOt3Hrd3JBERkQ5RWFrFwpXp1NY18qtb44iNCLR3JBFxICpo4rCC/Nx5avoQfL3M/Ht9Dl9m\nnLJ3JBERkStSVlHLghXpVFTVc/eNA7l6UIi9I4mIg1FBE4cWGujJU9OT8XJ34Z/rDrB9f6G9I4mI\niFyWczX1LFyZTsmZGg2yAVMAACAASURBVCaPjmT8kN72jiQiDkgFTRxeH4s3T05Lxs3VxOvv7SM9\nt8TekURERC5JbX0ji1ZncLL4HNdd1YdbR0bYO5KIOCgVNHEKkVZfHk9NwmQ08Je397L/SKm9I4mI\niLRLQ2MTS97ZS+6JMwyLDWXG9TEYDAZ7xxIRB6WCJk5jQF9/Hr4jAbDxyluZHFBJExERB9dks/HP\ndQfIyDtNfGQgM28ZjFHlTEQuQgVNnEp8ZBCzfhpPfUMT//X6Vo4WVNg7koiIyAXZbDZWfp7Llr0F\nRPXy5aEpCbiYtOslIhenTwlxOkMGWLh/0mCqahtYsCKdUyXn7B1JRETkPOu2HeOTHcexBnnyeGoS\nbmaTvSOJiBNQQROnNDwujIfuTKKyup75y3dTVF5t70giIiItvthzitUb8wj0dWP2tGS8PVztHUlE\nnISLvQOIXK4bh0dQcvocyz/PZf6y3cy5ayiBvu72jiUi3dCqVatYu3Zty/SePXtISkpqmS4qKmLK\nlCk88MADLY8tXryY9957j9DQUABuu+02UlNTuy602M3X2cX866MDeHu4MntasrZNInJJVNDEqd1w\nbTg19Y288+Vh5i9PZ85dQ/H1Mts7loh0M6mpqS3lavv27axbt4558+a1PH///ffz05/+9Lzl7rnn\nHu6+++4uyyn2d/BYGa+9m4XZxcTjqUlYg7zsHUlEnIyGOIrTu3VkBD8ZFk5BaRULVqRzrqbe3pFE\npBt79dVXefDBB1umt2zZQkREBFar1Y6pxBEcLajglbcysNlsPHx7AlG9fO0dSUSckAqaOD2DwUDq\nuGjGD+nN8aJK/rRyD9W1DfaOJSLdUEZGBlarFYvF0vLY//7v/3LPPfdccP6PPvqIX/ziF/z617/m\n+PHjXRVT7KCwrIo/rUynpraRX94aS1xkoL0jiYiT0hBH6RYMBgN33TCAmrpGtmYVsPitDB5PTcLs\nqitmiUjHWb16NVOmTGmZLiwspKqqivDw8PPmHTt2LMOHD+eaa67hgw8+4LnnnuOvf/3rRV8/IMAT\nF5cr/9yyWHyu+DW6ijNlhQvnLT1bw6LVGZytqueB2xO5JSXSDsnO50zvrbJ2DmfKCs6VtzOzqqBJ\nt2E0GLjvlkHUNTSy62Axr769l0fu0D1nRKTjbNu2jWeffbZletOmTQwfPvyC8yYmJrZ8P2HCBObP\nn9/m65eVVV1xRovFh+Ji57hHpDNlhQvnraqp56Wluyk4XcVPR0Vy7YBgh/idnOm9VdbO4UxZwbny\ndkTWixU87blKt2IyGvn1bXHERwWSeeg0f1ubRWNTk71jiUg3UFhYiJeXF2bzdxciyszMZNCgQRec\n/7nnnmPnzp1A84VFYmJiuiSndJ26+kZeWZ3BieJKJgztzW0pEfaOJCLdgAqadDsuJiMPTUlgYF9/\ndh4s5h8fHqDJZrN3LBFxcsXFxQQGBp73WFBQUKvp//N//g/QfOXH+fPnc/fdd/PGG2/wm9/8pkvz\nSudqbGritXezyD5xhmsHh/AfEwdgMBjsHUtEugENcZRuyc3VxKN3JjJ/eTpb9hbgZjZxtzaeInIF\n4uPjeeONN1o99tprr7Watlgs/P73vwdg4MCBLF++vMvySdex2Wz8c90B0nNLiIsI4P5JsRi1fRGR\nDqIjaNJtebi58MTUJPpYvNnw9UlWb8zDpiNpIiJyhVZtzGNzZgGRVh8eul3nOotIx9IninRr3h6u\nzJ6eTGigJ+u2HeP9LUfsHUlERJzYum1H+WjbMcICPXk8NQl3swYjiUjHUkGTbs/Py8zT05MJ8nXn\n7S8P88kO3YtIREQu3frtx1i1IY8AHzdmT0vGx9Pc9kIiIpdIBU16hEBfd56ekYyft5nln+XwxZ5T\n9o4kIiJOJD2nhMWr0vFyd+HJackE+bnbO5KIdFMqaNJjhAR48tT0IXh7uPKvdQf4al+BvSOJiIgT\nyD5ezpJ39+LqYuTx1CR6B3vZO5KIdGMqaNKj9A72Yva0ZNzdTLzx3n525xTbO5KIiDiwY4UVLFqd\nQVOTjbn3Xkt0bz97RxKRbk4FTXqcfmE+PJGajIuLgSXv7CXrSKm9I4mIiAMqKq/mTyv3UF3bwMxJ\ngxk6KMTekUSkB1BBkx6pfx8/Hr0jETCw+K0Mso+X2zuSiIg4kDOVtSxcns6Zc3X8x/UxDI8Ns3ck\nEekhVNCkx4qNCOTByfE0NtpYtHoPRwrO2juSiIg4gKqaBv60cg9F5dXcOjKC66/ua+9IItKDOF1B\nO15xkl+vncPLX7/GB4c/Jacsj/rGenvHEieVHBPML2+Npaa2kYUr9nCyuNLekURExI7qGxpZ/FYG\nx4oqGZfci8mjI+0dSUR6GKe7u6KHiweBHv7klh4mp/wQHwKuRhciffsRExBFjH80Eb59cTW52juq\nOIlrB4dSW9fIP9YdYP7ydObcPZTQAE97xxIRkS7W2NTEa+9mcfB4OVcPtHD3DQMxGAz2jiUiPYzT\nFbRgj0BenDiHI6cKyS0/TE55Hjllh8gpP0R2eR7w6fmFzS8cV6PT/arShUYn9aKmvpFl63OYv2w3\nc+66Sve4ERHpQWw2G//70UF255QwuF8Av7w1DqNR5UxEup7TthYvV0+SLHEkWeIAOFdfpcImV2Ti\n1X2prWtkzReHmL98N3PuGoqft5u9Y4mISBd4a9MhvszIp1+YDw/fnoCri9OdBSIi3US3aSkqbNIR\nJo2MoKaukQ+/OsqCFen8f/8xFG8PDZcVEenOPt5+jA+/OkpooCdPTE3Cw037BCJiP932E0iFTS7X\nHWOjqK1r5LOvT/Cnlek8NX2INtYiIt3U5sx8Vnyei7+3mdnTkvD1NNs7koj0cD1mr1OFTdrLYDAw\nY2IMNfUNbM4sYNGqPTwxLRk3V5O9o4mISAfak1vCPz48gJe7C7OnJRPs52HvSCIi7StoL7zwAnv2\n7MFgMDB37lwSExNbnsvPz+fJJ5+kvr6e2NhYfv/733da2I6kwiYXYzQY+MVNg6mtb2LngSJeXZPJ\nI3ck6pwEEZFuIudEOUve2YuLycBjdybR2+Jt70giIkA7Ctr27ds5evQoK1asIC8vj7lz57JixYqW\n51966SXuu+8+Jk6cyO9+9ztOnTpFr169OjV0Z7hwYTtETllzUVNh63mMRgO/ujWWuvpGMvJO89e1\nWcyaHIfJqJImIuLMThRVsmhVBo1NNh65I5H+ffzsHUlEpEWbrWLr1q1cf/31AERHR3PmzBkqKyvx\n9vamqamJXbt2sXDhQgDmzZvXuWm7UHNhiyfJEg+cX9i+/WopbH4RDPCPIiYgmn6+fVXYugkXk5EH\nJ8fz8qo9fJ1dzP98sJ+Zk2Ix6r44IiJOqaS8mgUr06mqbeCXt8aSGB1k70giIq202SJKSkqIi4tr\nmQ4MDKS4uBhvb29KS0vx8vLixRdfJCsri6uvvprZs2d3amB7+WFhq6w/R1754e8KW1ku2WW5cJjz\nCpt/4GA7p5crYXY18eidiSxYns7WrELczC787IYBunmpiIiTOXuujvkr0jlTWceM62IYERdm70gi\nIue55MM8Nput1feFhYXcc8899O7dm1/96lds3LiRcePG/ejyAQGeuLhc+cUWLBafK36NK/r5+BDZ\nK4zrGQFARW0l+4tz2VeUTVZxTuvCtseVgUFRxIYMIC4khv6BEbiaHPfS7fZ+by9FV2Z9blYKv1my\nhY27T+Lv6859t8ZdUklzpvcVnCuvsnYOZ8oq0pbq2gb+tHIPRWXV3DKiHxOv6WvvSCIiF9RmQQsJ\nCaGkpKRluqioCIvFAkBAQAC9evUiPDwcgBEjRpCTk3PRglZWVnWFkZt3GoqLK674dTpapFs0kX2j\nuaXvTa2OsB2qPMLeooPsLToInH+EzZGGRDrqe3sh9sj66J0J/GHp17yzKQ9bYxM/HRXZruWc6X0F\n58qrrJ2jo7Kq5IkjqG9oZPFbGRwtrGBMUi9uHxNl70giIj+qzVaQkpLC4sWLmT59OllZWYSEhODt\n3XylIxcXF/r27cuRI0eIiIggKyuLW265pdNDOwNvV6+WIZEWiw+HTxW0e0ikIxU2ac3X08xT04fw\n4v/dxbtph3E3m7jx2nB7xxIRkR/R1GTjb2v3ceBYOVcNsHDPjQM1RF1EHFqbLWDo0KHExcUxffp0\nDAYD8+bNY82aNfj4+DBx4kTmzp3LnDlzsNlsDBgwgAkTJnRFbqfz/cIGl3YOmwqbYwnwcePpGUN4\naenXrPg8FzeziXHJve0dS0REfsBms/G/Hx9kV3Yxg8L9+dVtsRiNKmci4tjatdf/1FNPtZoeNGhQ\ny/f9+vVj2bJlHZuqB1Bhc24Wfw+emp7MS0u/5s2PDuLmYmJEvE42FxFxJG9/eYgv9pwiPNT7m3tZ\nXvk58CIinU17+Q5Chc35WIO8mD0tmT/+ezd//2A/ZlcTVw202DuWiIgAn+44zvtbjhIS4METU5Px\ncNN2UkScgz6tHNSFCltu+WFyyr65aXarwuZKlF8/YvyjiQmIUmHrQuGhPjwxNYn5y9N57d29PHZn\nIvFRuqeOiIg9bc0qYNlnOfh5m5k9LRk/L7O9I4mItJv24p2Et6sXyZZ4kn+ksB0sy+WgCptdRPf2\n49E7E3l51R7+vCaTJ6YmMTA8wN6xRKQDrVq1irVr17ZM7927l/j4eKqqqvD09ATgmWeeIT4+vmWe\n+vp65syZw6lTpzCZTLz44ov07atLu3e2jLzT/M8H+/F0c2H21GQs/h72jiQickm01+6kVNgcy+B+\nATw0JZ7Fb2WyaHUGT88YQqTV196xRKSDpKamkpqaCsD27dtZt24dubm5vPjiiwwYMOCCy7z//vv4\n+vqyYMEC0tLSWLBgAS+//HJXxu5xck+e4S9vZ2I0GngsNZE+Id72jiQicsm0l95NqLDZX2J0ML++\nLY4l7+5l4Yp0nvmPodo5EOmGXn31VebPn8+TTz550fm2bt3K5MmTARg5ciRz587ting91sniShat\n2kNDo41H7kggpo+/vSOJiFwW7ZV3U5db2K4lHt+mIBW2y3T1oBDuqx/M3z/Yz/wV6cy5ayhhgZ72\njiUiHSQjIwOr1YrF0nxBoFdeeYWysjKio6OZO3cu7u7uLfOWlJQQGBgIgNFoxGAwUFdXh9ms86E6\nWsmZahau3MO5mgZm3jKYpP7B9o4kInLZtBfeQ7S3sL1/+OPzjrBF+PbFRYWt3VISrNTUNbL002zm\nL9/NnLuGYrH42DuWiHSA1atXM2XKFADuueceBg4cSHh4OPPmzWPp0qXMnDnzR5e12Wxtvn5AgCcu\nHXApeGf6zLnSrGcqa1n0922UVdQy87Y4Jo/t30HJLqwnvbddSVk7hzNlBefK25lZtdfdQ51X2OrO\nkXvmMCdqjpORf+CiQyJV2Np23VV9qK1vZPXGPOYvS+e/Hxtj70gi0gG2bdvGs88+C8DEiRNbHp8w\nYQIffvhhq3lDQkIoLi5m0KBB1NfXY7PZ2jx6VlZWdcUZLRYfiosrrvh1usKVZq2ubeC/l+3mZPE5\nbhoeTkpsaKf+7j3pve1Kyto5nCkrOFfejsh6sYKnvWwBwNvcXNgmWkZQXFzRUtjacw6bCtuF3Ty8\nHzV1jby/5QjPvraFqeOjGdwvAKPBYO9oInIZCgsL8fLywmw2Y7PZ+MUvfsErr7yCr68v27ZtIyYm\nptX8KSkpfPTRR4wePZoNGzYwbNgwOyXvnuobmvjzmkyOFFQwKtHKnWOj7R1JRKRDaK9aLujbwtbq\nCFv5IbLLD5FTlndeYYv2iyAmIIoY/2j6+fZRYfvGlNGR1NU38smO4yxYnk6grxsj462MSggjJEDn\npok4k+Li4pZzygwGA1OnTuXnP/85Hh4ehIaG8sgjjwAwa9YslixZws0338yWLVuYMWMGZrOZl156\nyZ7xu5WmJhuvv5fF/qNlDIkJ5t6fDMSgP36JSDdhsLVnUHwH6ohDl850CBScK297s/6wsJ06V9Dy\nXFcVNmd5X202GyXn6vngyzy27y+ipq4RgAF9/EhJtHL1wBA83Byr0DrLewvK2lk6KqsznU/gCHra\nNvJystpsNt78JJuNu08ysK8/T05LwrUDzttrj+7+3tqLsnYOZ8oKzpVXQxzFIXmbvUgOSSA5JAE4\nv7AdKMvhQFkOoCNsBoOB2MggLN5mZlw3gK+zi0nLzGf/0TKyT5zh35/mcPVACykJVgaE+2sIpIjI\nRbybdpiNu08SHuLNI3ckdlk5ExHpKj1nL1k6lQpb+7iZTYyID2NEfBglZ6rZkllAWmY+m/cWsHlv\nAcF+7qQkWEmJDyPY38PecUVEHMr6ncdZu/kIIf4ePDEtGU/3nrHtEJGeRZ9s0ilU2NoW7OfBbaMi\nmZQSQc7xctIy89l5oJh30w7zbtphBoX7k5LQPATSzay/EItIz/bVvgL+vT4HPy8zT05Pxs9L95MT\nke6p++8Fi0NQYftxRoOBgeEBDAwP4K6JDew80DwE8sCxcg4cK2fpp9lcMyiElAQrMX38dCK8iPQ4\new+d5u/v78fDzYUnpiYRohEGItKNdd+9XnFoKmwX5m52YVSilVGJVorKqticWcCWvfl8mdH8FRLg\n0TIEMtDX3d5xRUQ6Xd6pM/z57UyMRgOP3ZlIeKguPCMi3Vv33MsVp3M5hS25z2B6ufbptoUtJMCT\nKWOi+OnoSA4cLWNzZj67Dhbz9heHeOeLQ8RGBJCSYGXoAAtmVw2BFJHu51TJOV5euYeGBhsP3R7P\ngL7+9o4kItLput9erXQLPyxsFXWV5JYfJqc8j5yyQ60Km9noSpRfBDEB0QwIiCLcp3sVNqPBQGxE\nILERgc1DIA8WkZaRT9aRMrKOlOHhZuLawaGMSrAS1ctXQyBFpFs4faaGBSvSOVfTwH03D2ZIjMXe\nkUREukT32YuVbs3H7M2QkASGfK+wFTXls+tYVo8qbJ7uLoxJ6sWYpF4UlFaxOTOfLXsL2JR+ik3p\np7AGeZKSYGVEXBgBPm72jisiclkqqupYuDKdsopaUsdHMyrRau9IIiJdpnvstUqP42P2JsoylGj3\nGKBnHmELC/TkjrHRTBkdxb4jpaRl5vN1dgmrN+bx1qY84iODSEkIY0hMsO4TJCJOo6augZdXZZB/\nuoqfDAvnpmH97B1JRKRLOf9eqggXPsLWUwqb0WggPiqI+KggztXUs31/8xDIzEOnyTx0Gi93F66N\nbR4CGRHmoyGQIuKwGhqbeHVNJofzz5KSEEbquGh7RxIR6XLOu1cqchE9tbB5ubsyfkhvxg/pzcmS\nc2z5Zgjkhq9PsuHrk/QO9vpmCGQoft4aAikijqOpycYb7+8j60gZyf2D+flNg/QHJRHpkZxzL1Tk\nEvXEwtY72IvU8f25fWwUWYdLScvIJz23hJUbclm9MY/E6OYhkEn9g3ExGe0dV0R6MJvNxr/XZ7N9\nfxExffx44KdxmIz6XBKRnsn59jpFOkBPKmwmo5HE6GASo4OprK5n275C0jKby1p6bgneHq4Mjw1l\nVKJV9xcSEbtYu/kIn399kj4Wbx67M1G3DhGRHs159jJFOlFPKWzeHq5cd1UfrruqD8eLKtmcmc/W\nrALW7zrB+l0n6BviTUqClUljdN6HiHSNz78+wbtphwn2c+fJaUl4urvaO5KIiF05x16lSBe7UGHL\nKT9ETtkhcsrzukVh6xvizfTrYrhzXDSZh06TlpFPRt5pln+Ww6oNuSRGBzEq0UpCVJCGQIpIp/gy\n/SRLP8nG18vM7OnJ+OvcWBERFTSR9vAxezM0JJGhIYlA24Ut2j+SGP8oYgKi6efTx57R2+RiMjIk\nxsKQGAtnq+r4KquQr/YVsjunhN05Jfh6ujI8LoxRiVb6WLztHVdEuomsw6UsWr0HdzcTT6QmERrg\nae9IIiIOQQVN5DK0Vdj2l2azvzQbaC5sMcGRuOOBh4s7Hi7f/tcddxd3PF08cP9m+tvv3UxmjIau\nP2rl62nmhmv6ctfNsezMPMXmzHy+2lfIJzuO88mO4/QL82FUgpVhsaF4e2gYkohcnsP5Z/nzmkwM\nBgOP3pFIvzCd/yoi8i0VNJEO0FZhyyrKvqTXM2BoKW2tv74pdyZ3PFw98DCdX/K+ncfV6HJFl6ju\nF+ZDvzAfUsf3JyOv5Jt7q5WytCCbFZ/nkNw/mFGJVuIiA3W1NRFpt/zT5/jTyj3UNTTyn/deS/8w\nHZkXEfk+FTSRTvDDwuYb4MaxgiJqGmqoaqihuqGG6oZqqhtqvnmsmpofPP7t1+nqMmoaay45g8lg\nOr/Yfe/784/eNT/mYfLAvdZAY1MjJqMJVxcjVw0M4aqBIZyprGVrVvNVIHceLGbnwWL8vM2MjAsj\nJcFKr2Cvjn4rRaQbKT1bw4IV6VRW1/PzmwYxIsFKcXGFvWOJiDgUFTSRLuDmYsbfzQ/c/C5r+SZb\nEzUNtc2FrrGGqvrqlv9WN16o5H3/q5ry2rPUN9Vf8s81m8zNR+u+X/K83Ikd5U7/WiMFRXUcz6/l\nk9wjfHzQhV7+fgzt34trY3oR4OVjt6GaIuJ4KqvrWbAindKztdw5LpoxSb3sHUlExCGpoIk4AaPB\niKerB56uHpf9Gg1NDS2l7fuFrqqhhpofHLVrMjVQfq6C6sbm6Yr6SoqqS2iyNbV+URPQB8zfTJ4G\nPj0Ln+76bpbWR+++OffO5IGnq/tFh2h21FBNEbG/2rpGXl61h/zTVdxwTV9uGhZu70giIg5LBU2k\nh3AxuuBj9sbH3Pb5HhaLz3nDjmw2G/VN9a2O1H1b7qq+KX1lVZUcLiolv/wMNQ014NJAjWsjTe71\nnDNWUdtUe8m5Ww/VPH+IZlChL011xh+cn9c8VNPjmxJoMuqmtyL20tDYxKtvZ3Lo1FlGxIUxdUJ/\n/dFFROQiVNBEpF0MBgNmkxmzyXzxoZqDm8tc3qmzbM7MZ/v+QsprGwGI7uPLsLggBkd5g6mh1Tl3\nFzsPr/qbInjZQzWNru06D+/HztnTUE2Ry9Nks/H3D/az93ApidFB/OLmQRhVzkRELkoFTUQ6nMFg\noH9vP/r39mP6dTHszi4mLTOf/UfKyDtxFrOLkasGWhiVYCWuX8Ql7bA1NDVQ01DbUujcvA3kl5S2\nLnaNNVTX17QM0fz28cr6cxceqtnW74MBdxe374qdyR1P1+ahmq0usHKBIZrffu/qBDcvF+lINpuN\nZetz2LavkP59/Jg1OV43vRcRaQftMYhIp3JzNTE8LozhcWGcPlPDlr35bM4sYGtWIVuzCgnydScl\nIYyRCVZC/Ns+x87F6IK32QVvc/MVIy0WH0KN7b8K3LdDNc8/Unf+UbsLPV9aU0ZNQy02bJf0PpgM\nJjzNHrgb3b45eudx8WL3/aGa38yjoZriTN7fcoTPdp2gt8WLx+5MxM1V66+ISHuooIlIlwnyc+fW\nlEgmjYwg58QZ0jLz2XGgiLWbj7B28xEG9PVnVIKVqwdZcDd3zsfT94dq+rn5XtZrNNmaqG2sbbPM\n/fB2CnW2Oiprz3Gm9ix1lz1U82JDNH94QZbW024mNw3VlC6xcfdJ3v7yMMF+7jw5NRkvd93YXkSk\nvVTQRKTLGQwGBvT1Z0Bff+66fgA7DxaxOTOfA8fKyT5eztJPs7l6UPMQyAF9/R3uggJGw7cXJbm0\nq2p+/+IrjU2N5xe6xhqqv7l1woWO6n17QZbK+nMUV5+m0dZ4ST//26GazUM0PXD/4S0UvvcV3diH\nMGNvh3vvxfHtPFDEmx8fxMfTldnTkgnwcbN3JBERp9KugvbCCy+wZ88eDAYDc+fOJTExseW5CRMm\nEBYWhsnUPHRh/vz5hIaGdk5aEel23MwmUhKspCRYKS6vZnNmPlv2FrA5s/nL4u9OSryVkQlhBPtd\n/m0GHI3JaMLb7NUyVPNStR6q2f7hmt/eP6/NoZoH4XcjniHYI+gKfkvpafYdKeVv72XhZjbx5NRk\nQgM97R1JRMTptFnQtm/fztGjR1mxYgV5eXnMnTuXFStWtJrn9ddfx8vr8nYyRES+ZfH3YPLoKG4b\nFUn2sXLSMvPZebCId9IO807aYQb3C2BUgpWhAy09/nyWzh6qGRzgS5A5sINTO69Vq1axdu3alum9\ne/eybNkyfv/732M0GvH19WXBggV4eHz3R4Q1a9awaNEiwsOb7/k1cuRIZs2a1eXZu8rh/LMsXpMJ\nwCN3JNIvzMfOiUREnFObBW3r1q1cf/31AERHR3PmzBkqKyvx9m77XkoiIpfDaDAwqF8Ag/oFcNfE\nAew80DwEcv/RMvYfLcP9ExPXDg4hJcFKcLA+iy7XxYZqXuheeD1ZamoqqampQPMfLtetW8dzzz3H\nnDlzSExM5A9/+ANr1qzhrrvuarXczTffzDPPPGOPyF2qoLSKP63cQ119Iw9OjmdwvwB7RxIRcVpt\nFrSSkhLi4uJapgMDAykuLm5V0ObNm8fJkye56qqrmD17ts5ZEJEO4+HmwuikXoxO6kVhWRWbMwvY\nsjefL/Y0f/X66CDDY0MZGR9GoK+7veNKD/Dqq68yf/58PDw8WraFgYGBlJeX2zmZfZRV1LJgeTqV\n1fXc+5OBXDUwxN6RRESc2iVfJMRma32+wqOPPsro0aPx8/PjoYce4uOPP+YnP/nJjy4fEOCJi8uV\nD02yWJxr6IQz5VXWzuFMWcEx81osPsQPCOX+KYlk5hazfvtxtmaeYs0Xh3j7y0Mkx1i4/tpwhsVb\nHXYIpCO+rz/GmbJ2lYyMDKxWKxaLpeWxqqoq3n33XRYtWnTe/Nu3b2fmzJk0NDTwzDPPEBsb25Vx\nO11ldT0LV6Rz+mwNt4+JYmxyb3tHEhFxem0WtJCQEEpKSlqmi4qKWm2YJk+e3PL9mDFjyM7OvmhB\nKyurutysLZxt6I0z5VXWzuFMWcE58vYO8ODeGwcw645EPkzLY3NmPruzi9mdXYyHmwvDYkNJSQgj\nyurrMEf1neF9FZLb/wAAFn9JREFU/VZHZe1uJW/16tVMmTKlZbqqqopZs2Zx3333ER0d3WrepKQk\nAgMDGTduHLt37+aZZ57hvffeu+jrO9MfMWvqGvjjst2cLDnHbaOj+Plt8Zf1/5qzrSPOlFdZO4ey\ndh5nytuZWdssaCkpKSxevJjp06eTlZVFSEhIy5COiooKHn/8cZYsWYLZbGbHjh3ceOONnRZWROSH\nvDxcGZfcm3HJvck/fa5lCOTG3SfZuPsk1iBPRiVYGREfhr+3LvctV2bbtm08++yzADQ0NPDggw8y\nadIkbr/99vPmjY6ObiltQ4YMobS0lMbGxparHl+Is/wRs6GxicVvZXLgaBnD40K5bWQ/SkoqL/l1\nnOmPFuBceZW1cyhr53GmvB2R9WIFr82CNnToUOLi4pg+fToGg4F58+axZs0afHx8mDhxImPGjGHa\ntGm4ubkRGxt70aNnIiKdyRrkxZ3jorl9TBRZR0pJy8hnd04xqzbmsXpTHglRQYxKsJLUPxhXF92w\nWS5NYWEhXl5emM1moPkKxtdee23LxUN+6PXXX8dqtTJp0iSys7MJDAy8aDlzFk02G//4cD+Zh06T\nEBXEfTcPxuggR6lFRLqDdp2D9tRTT7WaHjRoUMv39957L/fee2/HphIRuQJGo4GEqCASooKorK5n\n+/5CNmfmk5F3moy803i5uzA8NoyUxDD6hfo4zBBIcWzFxcUEBn5364GlS5fSp08ftm7dCsCwYcN4\n+OGHmTVrFkuWLOHWW2/l6aefZvny5TQ0NPD888/bK3qHsdlsrPgsl61ZhUT39uXByfG4mPTHDhGR\njnTJFwkREXEm3h6uTBjahwlD+3CiuJItmQVsySrgs69P8NnXJ+hj8SIlwcrwuDD8vMz2jisOLD4+\nnjfeeKNlOi0t7YLzLVmyBICwsDDefPPNLsnWVT786iif7jxOr2AvHrszCTez8x8RFBFxNCpoItJj\n9LF4M3VCf24fG8Xew6VszswnPaeEFZ/nsnpj8xDIlAQrSf2DdFRA5Ae+2HOKtzYdIsjXjSenJuHt\n4WrvSCIi3ZIKmoj0OC4mI8n9g0nuH0xFVR3b9hWSlplPem4J6bkleHu4MjwulFEJVsJDneeKUiKd\nZdfBIv710QG8PVx5clqy7jkoItKJVNBEpEfz8TRz/dV9uf7qvhwrrGBzZgFbswpYv/ME63eeIDzE\nm5REK8NjQ/Hx1BBI6Xn2Hy3jr2uzMLuaeGJqEtYgL3tHEhHp1lTQRES+ER7qQ3ioD6njo8nIO01a\nRvOFRZatz2Hl57kk9w8mJcFKfFSghkBKj3C0oILFb2UA8MjtCURafe2cSESk+1NBExH5AReTkaED\nLAwdYOHMuTq+yiogLTOfXdnF7MouxtfLzIhvhkD2tnjbO65IpygsrWLhynRq6xqZNTme2IjAthcS\nEZErpoImInIRfl5mbrw2nBuu6cvRwgo2ZxTw1b4CPt5+nI+3HycizIdRiVauHRyqiyZIt1FWUcuC\nFelUVNXzsxsHcvWgEHtHEhHpdBs3fsa4cde1Od/zzz/PpEl30KtX707JoYImItIOBoOBiDBfIsJ8\nmTqhP3tyS0jLzCfz0GmOfFLB8s9yGBJjaR4CGRmI0ah7q4lzOldTz8KV6ZScqWHy6EjGD+mcHRAR\nEUeSn3+K9es/bldB+81vfkNxcUWnZVFBExG5RK4uRq4eFMLVg0Ior6xla1YBaRn57DhQxI4DRfh7\nmxkRH8aoBKsuqCBOpba+kUWrMzhZfI7rhvbh1pER9o4kItIlFi78A/v3ZzF69DXccMNN5Oef4uWX\n/8KLL/6e4uIiqqurue++X5GSMpqf/exnPPzwk2zY8BnnzlVy7NhRTp48waOPzmbEiJQrzqKCJiJy\nBfy93bhpWD9+cm04h/MrSMvMZ9u+QtZ9dYx1Xx0jupcvKQnNQyBFHFlDYxNL3tlL7okzDIsNZcbE\nGAwGHQkWka638vNcdhwo6tDXvGZQCFMn9P/R52fM+Blr1qwkMjKaY8eO8Je/vEFZWSnXXjucm26a\nxMmTJ/jtb+eQkjK61XJFRYXMn/8KX321hXfffUsFTUTEURgMBqJ6+RLVy5fpE/qzO6d5COS+w6Xk\nnTrLss9yGJFg5ZoBFgb3C9AQSHEoTTYb/1x3gIy808RHBjLzlsEYVc5EpIcaPDgOAB8fX/bvz2Lt\n2jUYDEbOnj1z3ryJickAhISEUFlZ2SE/XwVNRKSDmV1NDIsNZVhsKKVna1qGQH6x+yRf7D5JoK8b\nI+PDSEmwEhrgae+40sPZbDZWbchly94Conr58tCUBN1GQkTsauqE/hc92tXZXF2bL/r16acfcfbs\nWV599Q3Onj3L/ff/7Lx5TSZTy/c2m61Dfr4KmohIJwr0deeWERHcPLwfp8818P6XuWzfX8T7W47y\n/pajxPTxIyXByjWDQvBw00eydL2Pth3j4+3HsQZ58nhqEm5mU9sLiYh0M0ajkcbGxlaPlZeXY7X2\nwmg0smnT59TX13dJFu0NiIh0AYPBwODIQIK9BzPj+gF8fbCYtMx89h8tI+fEGf69PpurBoQwKtHK\nwHB/DS+TLvHlnlOs2phHoK8bs6cl61YRItJj9esXycGDB7Bae+Hv7w/AuHETmDPnSfbt28stt9xG\nSEgI//jH652eRQVNRKSLubmaGBEfxoj4MErOVLNlbwGbM/PZmlXA1qwCgv3cW4ZAWvw97B1Xuqmv\ns4v550cH8PZwZfa0ZAJ93e0dSUTEbgICAliz5oNWj1mtvfjXv5a3TN9ww00AWCw+FBdXEBX13TDM\nqKj+/PnPf+uQLCpoIiJ2FOznwW0pkUwaGUHO8XLSMvPZeaCYtZuPsHbzEQaF+5OSYOXqgSEaeiYd\n5uCxMl57Nwuzi4nHU5N0OwgREQeigiYi4gCMBgMDwwMYGB7AXRMb2HmgmM2Z+Rw4Vs6BY+X830+z\nuWZg8xDImD5+uvy5XLZjhRW88lYGNpuNh29PJKqXr70jiYjI96igiYg4GHezC6MSrYxKtFJUVvXN\nEMgC0jLzScvMJ8Tfg5SEMEbGWwny07A0ab+isioWrtxDTW0jv/5pHHGRgfaOJCIiP6CCJiLiwEIC\nPJk8OorbRkVy8GgZaZn57DpYzNtfHuadLw8zOCKAlAQrQwdYcHPVEEj5ceWVtSxYkc7Zc3XcfcMA\n3TxdRMRBqaCJiDgBo8HA4IhABkcEcvcNDew4UNR8I+wjZew7UoaHm4lrBoUyKtFKdC9fDYGUVqpq\n6vnTyj0Ul9dwW0oEE4b2sXckERH5ESpoIiJOxsPNhTFJvRiT1IuC0io2Z+azZW8BX+w5xRd7ThEW\n6NkyBDLAx83eccXO6uobeWV1BseLKhk/tDc/HRVp70giInIRKmgiIk4sLNCTO8ZGM2V0FPuOlrI5\ns4BdB4t5a9Mh1nxxiLiIQEYlWhkSE4yri4ZA9jSNTU289m4W2SfOcO3gEO66foCOroqIXIE777yV\nDz/8oO0Zr4AKmohIN2A0GoiPDCI+Moiqmnq2728eArn3cCl7D5fi6ebCsNhQUhKsRFp9tJPeA9hs\nNv617iDpuSXERQRw/6RYjEb9u4uIODoVNBGRbsbT3ZVxQ3ozbkhvTpWcaxkCuWH3STbsPkmvYK/m\nIZBxYfh5awhkd7V6Yx5pmflEWn146PYEXExGe0cSEXFY9913Fy+8sICwsDAKCvL5z/+cjcUSQnV1\nNTU1NTzxxNPExsZ3SRYVNBGRbqxXsBep4/tz+9gosg6XkpaRT3puCas25PHWxkPERwUyKsFKUv9g\nXF20A99dfLTtGOu2HSMs0JPHU5NwN2tzLyLOY03u++wuyuzQ1xwSksDt/Sf96PNjxoxn8+YvuOOO\nqXz55SbGjBlPdHQMY8aMY9euHSxd+i+ef/6/OzTTj9EntohID2AyGkmMDiYxOpjK6nq27SskLTOf\njLzTZOSdxsvdheFxYYxKsBIe6m3vuHIF1m8/xsoNuQT4uDF7WjI+nmZ7RxIRcXhjxoznz39+mTvu\nmEpa2iYefvgJli9/k2XL3qS+vh53966776gKmohID+Pt4cp1V/Xhuqv6cKKokrTMfL7KKuCzXSf4\nbNcJ+li8uXVMFFf3D9K5ak5mT24Ji9dk4uXuwpPTknUjcxFxSrf3n3TRo12dISoqmtOniyksLKCi\nooIvv9xIcHAIv/3t/8+BA/v4859f7rIsGs8iItKD9QnxZvp1Mcx/KIVH7khg6AAL+afPseStDIrK\nq+0dTy7RJzuO4+pi5PHUJHoHe9k7joiIUxkxYhR/+9tfGD16LGfOlNO7d/M9Izdt2kBDQ0OX5dAR\nNBERwcVkZEiMhSExFs5W1dGAgUBPV3vHchirVq1i7dq1LdN79+5l2bJl/Nd//RcAAwcO5He/+12r\nZerr65kzZw6nTp3CZDLx4osv0rdv307NOfOWwfj5e2JqaurUnyMi0h2NHTueBx64j3/+cxk1NdU8\n99w8NmxYzx13TGX9+k/44IO1bb9IB1BBExGRVnw9zVgsPhQXV9g7isNITU0lNTUVgO3bt7Nu3Tqe\nf/555s6dS2JiIrNnz2bTpk2MHTu2ZZn3338fX19fFixYQFpaGgsWLODllzt3iEygrzuWIC/924mI\nXIbBg+PYtGlby/TSpatbvh81qvnz/ZZbbsPLy4uqqs77nNUQRxERkUvw6quv8stf/pKTJ0+SmJgI\nwPjx49m6dWur+bZu3crEiRMBGDlyJF9//XWXZxUREeejgiYiItJOGRkZWK1WTCYTvr6+LY8HBQVR\nXFzcat6SkhICAwMBMBqNGAwG6urqujSviIg4Hw1xFBERaafVq1czZcqU8x632WxtLtueeQICPHFx\nMV1Wtu+zWHyu+DW6ijNlBefKq6ydQ1k7jzPl7cysKmgiIiLttG3bNp599lkMBgPl5eUtjxcWFhIS\nEtJq3pCQEIqLixk0aBD19fXYbDbM5ovfk6ysrOqKMzrT+YPOlBWcK6+ydg5l7TzOlLcjsl6s4GmI\no4iISDsUFhbi5eWF2WzG1dWVqKgodu7cCcAnn3zC6NGjW82fkpLCRx99BMCGDRsYNmxYl2cWERHn\no4ImIiLSDsXFxS3nlAHMnTuXhQsXMn36dMLDwxk5ciQAs2bNAuDmm2+mqamJGTNmsHTpUmbPnm2X\n3CIi4lw0xFFERKQd4uPjeeONN1qm+/fvz7///e/z5luyZAlAy73PRERELoWOoImIiIiIiDgIFTQR\nEREREREHoYImIiIiIiLiIAy29tyYRURERERERDqdjqCJiIiIiIg4CBU0ERERERERB6GCJiIiIiIi\n4iBU0ERERERERByECpqIiIiIiIiDUEETERERERFxEC72DnAhL7zwAnv27MFgMDB37lwSExNbntuy\nZQsLFy7EZDIxZswYHnrooTaXsVfWr776ioULF2I0GomMjOT5559nx44dPPbYY8TExAAwYMAAfvvb\n33ZJ1rbyTpgwgbCwMEwmEwDz588nNDTU4d7bwsJCnnrqqZb5jh8/zuzZs6mvr2fRokWEh4cDMHLk\nSGbNmtUlWbOzs3nwwQf5+c9/zt13393qOUdbZ9vK62jr7cWyOto6+2NZHXGd/eMf/8iuXbtoaGjg\n17/+NTfccEPLc464zsp3tI3s+qyO9lnjTNtHcK5tpLaPXZ/XEddbu28jbQ5m27Zttl/96lc2m81m\ny83NtU2dOrXV8zfddJPt1KlTtsbGRtuMGTNsOTk5bS5jr6wTJ0605efn22w2m+2RRx6xbdy40fbV\nV1/ZHnnkkS7J90Nt5R0/frytsrLykpaxV9Zv1dfX26ZPn26rrKy0vfXWW7aXXnqpS/J937lz52x3\n33237dlnn7W9+eab5z3vSOtse/I60nrbVlZHWmfbyvotR1hnt27darv//vttNpvNVlpaahs7dmyr\n5x1tnZXvaBtpn6yO9FnjTNtHm825tpHaPnYebSMvjcMNcdy6dSvXX389ANHR0Zw5c4bKykqguVH7\n+flhtVoxGo2MHTuWrVu3XnQZe2UFWLNmDWFhYQAEBgZSVlbW6Zku5nLeJ0d9b7/19ttvc+ONN+Ll\n5dXpmX6M2Wzm9ddfJyQk5LznHG2dbSsvONZ621bWC7HXe9verI6wzl5zzTUsWrQIAF9fX6qrq2ls\nbAQcc52V72gb2Tm0few8zrSN1Pax82gbeWkcrqCVlJQQEBDQMh0YGEhxcTEAxcXFBAYGnvfcxZax\nV1YAb29vAIqKiti8eTNjx44FIDc3lwceeIAZM2awefPmTs/Z3rwA8+bNY8aMGcyfPx+bzeaw7+23\nVq1axZ133tkyvX37dmbOnMm9997Lvn37Oj0ngIuLC+7u7hd8ztHWWbh4XnCs9batrOA462x7soJj\nrLMmkwlPT08AVq9ezZgxY1qGwTjiOivf0TbSPlnBcT5rnGn7CM61jdT2sfNoG3lpHPIctO+z2Wxd\nskxHuNDPPX36NA888ADz5s0jICCAiIgIHn74YW666SaOHz/OPffcwyeffILZbLZ73kcffZTRo0fj\n5+fHQw89xMcff9zmMl3lQj939+7dREVFtXxgJiUlERgYyLhx49i9ezfPPPMM7733XldHvSz2el9/\njCOvt9/nyOvshTjaOrt+/XpWr17N//zP/1zyso70vvZk2kZ2TVZH/qzp7ttHcKzPG0ddZ3/IkdfZ\nH+No6609t5EOV9BCQkIoKSlpmS4qKsJisVzwucLCQkJCQnB1df3RZeyVFaCyspJf/vKXPP7444wa\nNQqA0NBQbr75ZgDCw8MJDg6msLCQvn372j3v5MmTW74fM2YM2dnZbS5jr6wAGzduZMSIES3T0dHR\nREdHAzBkyBBKS0tpbGxs+auHPTjaOtsejrbeXowjrbPt4Ujr7Jdffslrr73GG2+8gY+PT8vjzrjO\n9iTaRtonqyN91nSX7SM43jrbFkdaZ9viSOtseznSemvvbaTDDXFMSUlpaflZWVmEhIS0NOk+ffpQ\nWVnJiRMnaGhoYMOGDaSkpFx0GXtlBXjppZe49957GTNmTMtja9eu5e9//zvQfJj09OnThIaGdnrW\ntvJWVFQwc+ZM6urqANixYwcxMTEO+94CZGZmMmjQoJbp119/nffffx9ovlJQYGCg3Tc+jrbOtoej\nrbc/xtHW2fZwlHW2oqKCP/7xj/z1r3/F39+/1XPOuM72JNpGdn1WR/us6S7bR3C8dbYtjrTOXoyj\nrbPt5SjrrSNsIw02Rzu+SfOlQHfu3InBYGDevHns27cPHx8fJk6cyI4dO5g/fz4AN9xwAzNnzrzg\nMt//B7ZH1lGjRnHNNdcwZMiQlnknTZrELbfcwlNPPcXZs2epr6/n4YcfbhnDbM+8EydO5F//+hfv\nvPMObm5uxMbG8tvf/haDweBw7+3EiRMBuPXWW/nHP/5BcHAwAAUFBTz99NPYbDYaGhq67PKxe/fu\n5Q9/+AMnT57ExcWF0NBQJkyYQJ8+fRxynb1YXkdbb9t6bx1pnW0rKzjOOrtixQoWL15MZGRky2PD\nhg1j4MCBDrnOSmvaRnZtVkf7rGkrKzjOZw041zZS20f75QXHWW8dYRvpkAVNRERERESkJ3K4IY4i\nIiIiIiI9lQqaiIiIiIiIg1BBExERERERcRAqaCIiIiIiIg5CBU1ERERERMRBqKCJiIiIiIg4CBU0\nERERERERB6GCJiIiIiIi4iD+H4+u0AEVg8YvAAAAAElFTkSuQmCC\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "Hjn0HJVoTvJ0", + "colab_type": "code", + "outputId": "789735eb-61fc-4745-e133-c161f9d6fec9", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 51 + } + }, + "cell_type": "code", + "source": [ + "# Test performance\n", + "trainer.run_test_loop()\n", + "print(\"Test loss: {0:.2f}\".format(trainer.train_state['test_loss']))\n", + "print(\"Test Accuracy: {0:.1f}%\".format(trainer.train_state['test_acc']))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Test loss: 0.53\n", + "Test Accuracy: 84.5%\n" + ], + "name": "stdout" + } + ] + }, + { + "metadata": { + "id": "ZQVrGTNNTvH0", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Save all results\n", + "trainer.save_train_state()" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "7CL689FebJhf", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "Much better performance! If you let it train long enough, we'll actually reah ~95% accuracy :)" + ] + }, + { + "metadata": { + "id": "02iDXCtiYo5K", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "## Inference" + ] + }, + { + "metadata": { + "id": "cVT--tAvnOu7", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "from pylab import rcParams\n", + "rcParams['figure.figsize'] = 1, 1" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "1qQjnXpnYoMM", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "class Inference(object):\n", + " def __init__(self, model, vectorizer):\n", + " self.model = model\n", + " self.model.to(\"cpu\")\n", + " self.vectorizer = vectorizer\n", + " \n", + " def predict_category(self, image):\n", + " # Vectorize\n", + " image_vector = self.vectorizer.vectorize(image)\n", + " image_vector = torch.tensor(image_vector).unsqueeze(0)\n", + " \n", + " # Forward pass\n", + " self.model.eval()\n", + " y_pred = self.model(x=image_vector, apply_softmax=True)\n", + "\n", + " # Top category\n", + " y_prob, indices = y_pred.max(dim=1)\n", + " index = indices.item()\n", + "\n", + " # Predicted category\n", + " category = vectorizer.category_vocab.lookup_index(index)\n", + " probability = y_prob.item()\n", + " return {'category': category, 'probability': probability}\n", + " \n", + " def predict_top_k(self, image, k):\n", + " # Vectorize\n", + " image_vector = self.vectorizer.vectorize(image)\n", + " image_vector = torch.tensor(image_vector).unsqueeze(0)\n", + " \n", + " # Forward pass\n", + " self.model.eval()\n", + " y_pred = self.model(x=image_vector, apply_softmax=True)\n", + " \n", + " # Top k categories\n", + " y_prob, indices = torch.topk(y_pred, k=k)\n", + " probabilities = y_prob.detach().numpy()[0]\n", + " indices = indices.detach().numpy()[0]\n", + "\n", + " # Results\n", + " results = []\n", + " for probability, index in zip(probabilities, indices):\n", + " category = self.vectorizer.category_vocab.lookup_index(index)\n", + " results.append({'category': category, 'probability': probability})\n", + "\n", + " return results" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "MbTRzW8CYoWc", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "# Get a sample\n", + "sample = split_df[split_df.split==\"test\"].iloc[1000]" + ], + "execution_count": 0, + "outputs": [] + }, + { + "metadata": { + "id": "DswQ0pikYoR_", + "colab_type": "code", + "outputId": "dedeef0c-be8e-4015-b401-7bb57080a641", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 139 + } + }, + "cell_type": "code", + "source": [ + "# Inference\n", + "inference = Inference(model=model, vectorizer=vectorizer)\n", + "prediction = inference.predict_category(sample.image)\n", + "print (\"Actual:\", sample.category)\n", + "plt.imshow(sample.image)\n", + "plt.axis(\"off\")\n", + "print(\"({} → p={:0.2f})\".format(prediction['category'], \n", + " prediction['probability']))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Actual: car\n", + "(car → p=1.00)\n" + ], + "name": "stdout" + }, + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAFcAAABYCAYAAACAnmu5AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAC/dJREFUeJztm9tvHGcZxn8zO7Oz510f48R2kiZx\nEjfNoUkoadJDQCCEACEooJaq4gIqVIkLuIU7/gUkJChICLhAtCCoqNSqDWrTlp6cNiFJ2zRpnYOd\nOLbXXu95d05cvN9uHJoTVWdC23mkZNY7szPzvfN8z3v43tF83/eJEAj0m30Dn2RExg0QkXEDRGTc\nABEZN0BExg0QkXEDRGTcAGGEcRFdl2eoaVoYlwsVrutedV/E3AARCnM7+LRl2qEaV9O0j8zAH0Zi\nwn64kSwEiI+tLHwcJCZiboAI1bifxFDsWoiYGyBC1dyPEstnwbX090aPCwKhG7czVL/7SW21D3wD\naPjLPnd+CWCaOoYRlz262uf7+J4HgOfK1lV/+76Pp4zrd7dcds6PGpEsBIhwk4jL/ooB4Kvnq2su\nekwd53e2GmjyZSeDTyaFrdu3baS/f0gdKMPwfQfDEaaefv80AOcvzsjVrDilcgWAZrOljpcLed6y\niy5H9yvtv7+4IUTMDRDhO7SuxGrqz842hmWYAIwMrwSgXq8yV1wAIF8oANDTK9sHv/cAKwZWAPCv\nFycAMPQ4d2zfCsDjjz8GwMz8RQBWrVxBJpsBYGpqGoBWq61uyu9ysqv8lzm/D6fJ4WZoy3RBVxNd\n6zgXT2OwdxUA933jOwBcmD3HMweeA2Bs860ALFWWAHhl4hB379sJwIEDTwHQWNSpL8j+yTNnACiq\nh9OwbTZu2ACAOSpSc+bMWQCabhPPl0nsdiezp/59eESyECC0MDpuOsXyRNrCSlkApOMiAYWUTFXX\n0dkyLkzcuesO+Z0Z58QpYWCtKSxyPJnKR955ip/8+CEAZk7NAnDwqeOcOPm2HN8qA+CpONfxfTKJ\nJADjGzfLMbUaAJOT79NyZCbZXX3wQJPvrmUiz7s6uyPmBohQNDeVTgCw/0t7GRzpAaA3LSHV6KDo\nbMIqkLRk3+xFCZVa7QTr1+8AYKEk360c6QPAzF3ANEU79+y9HYC5qSpLNdHY4pLMjFqjAYDue7Qd\nB4BTk+8DsGvXLtlnGpw4eRIA17G79+37lweP/+skj5gbIEJh7vCIhFY//NGDaJkqANWiBPf5RBaA\n/r4RYppo4tyMsOfs6SZnzkkodbFYBGDduIRi373/KwyosCwZEx3funuYwqDMkmQ6B8DMnOhxtdkQ\nHQVKi4sAjKhZsPdz23niCbnm8WPCYLvt4avMRdOEg75/9cXIKyEU4w6uGABg3dgqLtbfAqC4IIOe\nXpSY82L5NKmUGCSfHgRgw9ZezIJMxZYuD2V4rcjDmpECmifOMJtLAbD21izrxvsBGB/fDkCjLcdX\nGjW0mEzzRr0OgK1kIpNJ0zcsEvOPvz4HwJuH3mF+VsI6z1WxuHKONyoPkSwEiHAcWkqm6kBPH+me\n9QDkUuJwFuZluleqVWxHwqz5ymkAYpwnkZfjdt/VC0C2d15OamYZUElHsy0hVW7QxPeEVYvNSQCs\npEhNLmmxVJPwzMoLp/rS4kBtt82e/VsAWDUqUvHS84d5+cUjABw98h4A1UVxjpqmcY0IrIuIuQEi\nHOYq9qTNHuKuaJuRFZ0c6hGmtd02TUe0sFETfW1Ua1RqJdmv2NlyRKuL1SpeTMK5Vkt0tY2Lo5xO\nbemcXKcq10sl+mmrRKFcVuGZJkweXNFLT6/c48YdowCsWT/Crj3bAHj+2UMAPP33lwCYOnvhhnQ3\nFONmMuJ4YpiUK3JTc0Ux5Jp1MphUEmxUjJlX9QbHwXbEqG27orZiGMf28H2JEpQS4NZ0HE/2G6YY\nst6Q35XLVQw9L79tybA9V449W5tE11YD0NMnUhPPWOzcIZ/H1kgcHbPTADz669/d0LgjWQgQoTB3\naEhKg45ro6If4jGJb+2mhDcJ0wJNHJ+mCuQYLqYhrE8lxPn4nbK5r6Op23eUI7Rth/PnJU7VM3Le\nVFJ+78Rh+qTMlpPH59TxTQD6B1IUMkPqOsK3ds2mXJRZs2n9OAAbxqSq5nlRKHbTEU4SMSiBvaZp\nuI4wyrNFL11HWFqvNums81iWOCpdN9B9tRykmeocwhopsstny5R9vflh/JbwJWbIPtsXtvYMFci4\nct6J554E4Olnngbg9p2b2XfPvQDkMpLIVB2bkivMTiWV8x2S5GbLbeMcP3riuuOOmBsgQmFuoyHs\nsaw4J9+V4P61V48C8MBDXwNgqTnN4pKEXZomDDNNk1RaWJPLiadOpWQbt8zuwnunpmrFc4wOCLuM\nmAytYksdIZnW6N0k591zz1oASk2JVLI5l2Z7Tp1Lvsvn0hQ2Su1ClZ65887PAPDIIw/zs5/+/Lrj\nDsW456Yk5my1Whx+8zgAr796GID9n98NQO+wT1ZV+NptcVCNZoXGomRkM7PiCR3lEdOZJL09Mvh8\nTsmOl8Gui9xMnpXCkJETw6/J92GmxEGtv00e0I6qODErbuFqEpZVShK69eUzXYlw1YryikGpkey/\n9y4GB/uuO+5IFgJEKMydmBCWThx6g2JRpv7cnEzXcln+HrolRT4h1HWVE2s0L1WgOiu1jqP6HHSH\neltYHWvIvE3GMpx6S0KxzgxpG8LEr+bvZu06YdvoalnmuVOFfMlknv7CWgDSphxTrzpcVAuY87NS\n/xjbvAYAK2GRSCSuO+6IuQEiFOa+pQrQv/zF7zENSR4aTWGUERcnYzt+V/d0M672mcRUPmGlOmeT\nfR7gqzdpYqp7x27B8y+8AMBiUc6/duMIAO8ef4eR1XvU+YXpQysl5fXcHGZM9NVS3qtie7Tacv5U\ntpPcyB0cePaflEpL1x13xNwAEQpz7bZ429dePcq+vfsAyOQkLfV9YYXbTnBhVpbRTdUPppsZUmm5\nxU5S4Kvlbi1mdBcoLdUrtrRYR4sJXxZKUvEqHToGwGzR5PbPrgOgpipr1aqw+2+PTbBhzRgA93/r\nmwD09w/SU5CwTo9J1c2z5dqzs/OUy9XrjjvUjptqpUZMxZ+DAzJdR4clb5987xhPPPkyAJ4mDyOV\ny7BJOZGxTbLNF0QffMPB9iWDwhQ5sdsupSVxlJ2eBEONMJUosKC6b9qaTGnblrBO01yWluS7ZlMc\nZzZpElcS0akumpb8nc8VqNXq1x1vJAsBIlTmlsvlboLw/R88DEB/v6wM67EY931dnF2lLlO63qqA\nJuyamxb6LM0LY5JZnWxWEgYr3RmGxsKCsDOuHKXryZS24mmSplTWTFVkN1Lyuwe+vRUrJjLVcbie\nB7ryYI2G1JmPvC2Lq6+88jp2+1J/w9UQMTdAhMpcx3E4ePAgAMm0MOTosX8DslphKIE0lNYZ8SS6\nLox11RJNqy1satY9KkVhz3xMEpGebB/btkqHzvQ5cVqdfi+NOKtXyrJNtVFW96MSFE+nXpEZ0aqr\n+nLOxFedj3/8w58B+M2vfgvAzMxs9xWAayH0/tyZGcn5H//LnwCwVKZjGAaG6s+14rKelc320Ncv\nGdOqVSIfwyMSm+Z7ByiofoVOgbuQSLJlXPpzX3zhUQBuuUUKMV/8wpe5MCUe/vTZCwAkLLW2l+rB\nMORc7ZZq3HN8FlRvxdSU3POcytRKi2VupGc3koUAEWoL6fIXq3VDtQh1i9/L/tc670kYxFQB3VRS\nkVZyksz00N8nDmrtqCwk3rF7J3v33gVAuSJTP6tWmcfG1nPylDTgzSgGOir+jsUMvM6qsZKMYnGO\n6WnpBpp4XTrXD78hNZJatYqvWqOiFtKbhJvG3M5bOrpKKjQNPE85H5VEaJrfDeC7P+v0a2k6MXXe\nuHKEhXyWDRskKdm2TbR3YEA6dUqlMnPq/YhSWRKGSlkSjWq1QqUsDq1SlYSk1a5h2xI2tlsSDroq\nQ3Ndu9uUFzH3JuEmMrfzXJc3GPtX2V7+VuUHfsalRcvOsnxMldMMI9Y9ynGFgd6ytyrVh+7M8Dpv\nGWn+petfsQn68iWmK+HmGTcAXOk93yu9KX+tfVdC9E7E/yFCYe6nFRFzA0Rk3AARGTdARMYNEJFx\nA0Rk3AARGTdARMYNEJFxA0Rk3AARGTdARMYNEJFxA0Rk3AARGTdARMYNEJFxA0Rk3AARGTdARMYN\nEJFxA0Rk3AARGTdA/AdTnWC67/jnxgAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "72_-iRQxYoQK", + "colab_type": "code", + "outputId": "7a65b46b-fc51-4b24-eba1-d2a404af6e91", + "colab": { + "base_uri": "https://localhost:8080/", + "height": 292 + } + }, + "cell_type": "code", + "source": [ + "# # Top-k inference\n", + "top_k = inference.predict_top_k(sample.image, k=len(vectorizer.category_vocab))\n", + "print (\"Actual:\", sample.category)\n", + "plt.imshow(sample.image)\n", + "plt.axis(\"off\")\n", + "for result in top_k:\n", + " print (\"{} → (p={:0.2f})\".format(result['category'], \n", + " result['probability']))" + ], + "execution_count": 0, + "outputs": [ + { + "output_type": "stream", + "text": [ + "Actual: car\n", + "car → (p=1.00)\n", + "ship → (p=0.00)\n", + "truck → (p=0.00)\n", + "plane → (p=0.00)\n", + "cat → (p=0.00)\n", + "bird → (p=0.00)\n", + "frog → (p=0.00)\n", + "deer → (p=0.00)\n", + "horse → (p=0.00)\n", + "dog → (p=0.00)\n" + ], + "name": "stdout" + }, + { + "output_type": "display_data", + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAFcAAABYCAYAAACAnmu5AAAABHNCSVQICAgIfAhkiAAAAAlwSFlz\nAAALEgAACxIB0t1+/AAAADl0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uIDIuMS4yLCBo\ndHRwOi8vbWF0cGxvdGxpYi5vcmcvNQv5yAAAC/dJREFUeJztm9tvHGcZxn8zO7Oz510f48R2kiZx\nEjfNoUkoadJDQCCEACEooJaq4gIqVIkLuIU7/gUkJChICLhAtCCoqNSqDWrTlp6cNiFJ2zRpnYOd\nOLbXXu95d05cvN9uHJoTVWdC23mkZNY7szPzvfN8z3v43tF83/eJEAj0m30Dn2RExg0QkXEDRGTc\nABEZN0BExg0QkXEDRGTcAGGEcRFdl2eoaVoYlwsVrutedV/E3AARCnM7+LRl2qEaV9O0j8zAH0Zi\nwn64kSwEiI+tLHwcJCZiboAI1bifxFDsWoiYGyBC1dyPEstnwbX090aPCwKhG7czVL/7SW21D3wD\naPjLPnd+CWCaOoYRlz262uf7+J4HgOfK1lV/+76Pp4zrd7dcds6PGpEsBIhwk4jL/ooB4Kvnq2su\nekwd53e2GmjyZSeDTyaFrdu3baS/f0gdKMPwfQfDEaaefv80AOcvzsjVrDilcgWAZrOljpcLed6y\niy5H9yvtv7+4IUTMDRDhO7SuxGrqz842hmWYAIwMrwSgXq8yV1wAIF8oANDTK9sHv/cAKwZWAPCv\nFycAMPQ4d2zfCsDjjz8GwMz8RQBWrVxBJpsBYGpqGoBWq61uyu9ysqv8lzm/D6fJ4WZoy3RBVxNd\n6zgXT2OwdxUA933jOwBcmD3HMweeA2Bs860ALFWWAHhl4hB379sJwIEDTwHQWNSpL8j+yTNnACiq\nh9OwbTZu2ACAOSpSc+bMWQCabhPPl0nsdiezp/59eESyECC0MDpuOsXyRNrCSlkApOMiAYWUTFXX\n0dkyLkzcuesO+Z0Z58QpYWCtKSxyPJnKR955ip/8+CEAZk7NAnDwqeOcOPm2HN8qA+CpONfxfTKJ\nJADjGzfLMbUaAJOT79NyZCbZXX3wQJPvrmUiz7s6uyPmBohQNDeVTgCw/0t7GRzpAaA3LSHV6KDo\nbMIqkLRk3+xFCZVa7QTr1+8AYKEk360c6QPAzF3ANEU79+y9HYC5qSpLNdHY4pLMjFqjAYDue7Qd\nB4BTk+8DsGvXLtlnGpw4eRIA17G79+37lweP/+skj5gbIEJh7vCIhFY//NGDaJkqANWiBPf5RBaA\n/r4RYppo4tyMsOfs6SZnzkkodbFYBGDduIRi373/KwyosCwZEx3funuYwqDMkmQ6B8DMnOhxtdkQ\nHQVKi4sAjKhZsPdz23niCbnm8WPCYLvt4avMRdOEg75/9cXIKyEU4w6uGABg3dgqLtbfAqC4IIOe\nXpSY82L5NKmUGCSfHgRgw9ZezIJMxZYuD2V4rcjDmpECmifOMJtLAbD21izrxvsBGB/fDkCjLcdX\nGjW0mEzzRr0OgK1kIpNJ0zcsEvOPvz4HwJuH3mF+VsI6z1WxuHKONyoPkSwEiHAcWkqm6kBPH+me\n9QDkUuJwFuZluleqVWxHwqz5ymkAYpwnkZfjdt/VC0C2d15OamYZUElHsy0hVW7QxPeEVYvNSQCs\npEhNLmmxVJPwzMoLp/rS4kBtt82e/VsAWDUqUvHS84d5+cUjABw98h4A1UVxjpqmcY0IrIuIuQEi\nHOYq9qTNHuKuaJuRFZ0c6hGmtd02TUe0sFETfW1Ua1RqJdmv2NlyRKuL1SpeTMK5Vkt0tY2Lo5xO\nbemcXKcq10sl+mmrRKFcVuGZJkweXNFLT6/c48YdowCsWT/Crj3bAHj+2UMAPP33lwCYOnvhhnQ3\nFONmMuJ4YpiUK3JTc0Ux5Jp1MphUEmxUjJlX9QbHwXbEqG27orZiGMf28H2JEpQS4NZ0HE/2G6YY\nst6Q35XLVQw9L79tybA9V449W5tE11YD0NMnUhPPWOzcIZ/H1kgcHbPTADz669/d0LgjWQgQoTB3\naEhKg45ro6If4jGJb+2mhDcJ0wJNHJ+mCuQYLqYhrE8lxPn4nbK5r6Op23eUI7Rth/PnJU7VM3Le\nVFJ+78Rh+qTMlpPH59TxTQD6B1IUMkPqOsK3ds2mXJRZs2n9OAAbxqSq5nlRKHbTEU4SMSiBvaZp\nuI4wyrNFL11HWFqvNums81iWOCpdN9B9tRykmeocwhopsstny5R9vflh/JbwJWbIPtsXtvYMFci4\nct6J554E4Olnngbg9p2b2XfPvQDkMpLIVB2bkivMTiWV8x2S5GbLbeMcP3riuuOOmBsgQmFuoyHs\nsaw4J9+V4P61V48C8MBDXwNgqTnN4pKEXZomDDNNk1RaWJPLiadOpWQbt8zuwnunpmrFc4wOCLuM\nmAytYksdIZnW6N0k591zz1oASk2JVLI5l2Z7Tp1Lvsvn0hQ2Su1ClZ65887PAPDIIw/zs5/+/Lrj\nDsW456Yk5my1Whx+8zgAr796GID9n98NQO+wT1ZV+NptcVCNZoXGomRkM7PiCR3lEdOZJL09Mvh8\nTsmOl8Gui9xMnpXCkJETw6/J92GmxEGtv00e0I6qODErbuFqEpZVShK69eUzXYlw1YryikGpkey/\n9y4GB/uuO+5IFgJEKMydmBCWThx6g2JRpv7cnEzXcln+HrolRT4h1HWVE2s0L1WgOiu1jqP6HHSH\neltYHWvIvE3GMpx6S0KxzgxpG8LEr+bvZu06YdvoalnmuVOFfMlknv7CWgDSphxTrzpcVAuY87NS\n/xjbvAYAK2GRSCSuO+6IuQEiFOa+pQrQv/zF7zENSR4aTWGUERcnYzt+V/d0M672mcRUPmGlOmeT\nfR7gqzdpYqp7x27B8y+8AMBiUc6/duMIAO8ef4eR1XvU+YXpQysl5fXcHGZM9NVS3qtie7Tacv5U\ntpPcyB0cePaflEpL1x13xNwAEQpz7bZ429dePcq+vfsAyOQkLfV9YYXbTnBhVpbRTdUPppsZUmm5\nxU5S4Kvlbi1mdBcoLdUrtrRYR4sJXxZKUvEqHToGwGzR5PbPrgOgpipr1aqw+2+PTbBhzRgA93/r\nmwD09w/SU5CwTo9J1c2z5dqzs/OUy9XrjjvUjptqpUZMxZ+DAzJdR4clb5987xhPPPkyAJ4mDyOV\ny7BJOZGxTbLNF0QffMPB9iWDwhQ5sdsupSVxlJ2eBEONMJUosKC6b9qaTGnblrBO01yWluS7ZlMc\nZzZpElcS0akumpb8nc8VqNXq1x1vJAsBIlTmlsvlboLw/R88DEB/v6wM67EY931dnF2lLlO63qqA\nJuyamxb6LM0LY5JZnWxWEgYr3RmGxsKCsDOuHKXryZS24mmSplTWTFVkN1Lyuwe+vRUrJjLVcbie\nB7ryYI2G1JmPvC2Lq6+88jp2+1J/w9UQMTdAhMpcx3E4ePAgAMm0MOTosX8DslphKIE0lNYZ8SS6\nLox11RJNqy1satY9KkVhz3xMEpGebB/btkqHzvQ5cVqdfi+NOKtXyrJNtVFW96MSFE+nXpEZ0aqr\n+nLOxFedj3/8w58B+M2vfgvAzMxs9xWAayH0/tyZGcn5H//LnwCwVKZjGAaG6s+14rKelc320Ncv\nGdOqVSIfwyMSm+Z7ByiofoVOgbuQSLJlXPpzX3zhUQBuuUUKMV/8wpe5MCUe/vTZCwAkLLW2l+rB\nMORc7ZZq3HN8FlRvxdSU3POcytRKi2VupGc3koUAEWoL6fIXq3VDtQh1i9/L/tc670kYxFQB3VRS\nkVZyksz00N8nDmrtqCwk3rF7J3v33gVAuSJTP6tWmcfG1nPylDTgzSgGOir+jsUMvM6qsZKMYnGO\n6WnpBpp4XTrXD78hNZJatYqvWqOiFtKbhJvG3M5bOrpKKjQNPE85H5VEaJrfDeC7P+v0a2k6MXXe\nuHKEhXyWDRskKdm2TbR3YEA6dUqlMnPq/YhSWRKGSlkSjWq1QqUsDq1SlYSk1a5h2xI2tlsSDroq\nQ3Ndu9uUFzH3JuEmMrfzXJc3GPtX2V7+VuUHfsalRcvOsnxMldMMI9Y9ynGFgd6ytyrVh+7M8Dpv\nGWn+petfsQn68iWmK+HmGTcAXOk93yu9KX+tfVdC9E7E/yFCYe6nFRFzA0Rk3AARGTdARMYNEJFx\nA0Rk3AARGTdARMYNEJFxA0Rk3AARGTdARMYNEJFxA0Rk3AARGTdARMYNEJFxA0Rk3AARGTdARMYN\nEJFxA0Rk3AARGTdA/AdTnWC67/jnxgAAAABJRU5ErkJggg==\n", + "text/plain": [ + "" + ] + }, + "metadata": { + "tags": [] + } + } + ] + }, + { + "metadata": { + "id": "1YHneO3SStOp", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# TODO" + ] + }, + { + "metadata": { + "id": "gGHaKTe1SuEk", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "- segmentation\n", + "- interpretability via activation maps\n", + "- processing images of different sizes\n", + "- save split_dataframe (wiht numpy image arrays) to csv and reload dataframe from csv during inference" + ] + } + ] +} \ No newline at end of file diff --git a/notebooks/benchmarks.ipynb b/notebooks/benchmarks.ipynb deleted file mode 100644 index 0d8a7ebf..00000000 --- a/notebooks/benchmarks.ipynb +++ /dev/null @@ -1,1160 +0,0 @@ -{ - "cells": [ - { - "attachments": {}, - "cell_type": "markdown", - "id": "abb04d61-c097-45a9-9201-e3649cbdc0cc", - "metadata": {}, - "source": [ - "
\n", - "

 Made With ML

\n", - "

ML for Developers

\n", - " Design · Develop · Deploy · Iterate\n", - "
\n", - "\n", - "
\n", - "\n", - "
\n", - "  \n", - "  \n", - "  \n", - " \n", - "
\n", - " 🔥  Among the top ML repositories on GitHub\n", - "
\n", - "\n", - "
\n", - "
" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "3012ac29-11de-458c-9023-1a216812f943", - "metadata": {}, - "source": [ - "# Generative AI" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "9dffe7be-4a8f-499a-9531-fa4bbab228ef", - "metadata": {}, - "source": [ - "In our [Made With ML course](https://madewithml.com/) we will be fine-tuning an LLM for a supervised classification task. The specific class of LLMs we'll be using is called [BERT](https://en.wikipedia.org/wiki/BERT_(language_model)). Bert models are encoder-only models and are the gold-standard for supervised NLP tasks. However, you may be wondering how do all the (much larger) LLM, created for generative applications, fare ([GPT 4](https://openai.com/research/gpt-4), [Falcon 40B](https://huggingface.co/tiiuae/falcon-40b), [Llama 2](https://ai.meta.com/llama/), etc.)?\n", - "\n", - "> We chose the smaller BERT model for our course because it's easier to train and fine-tune. However, the workflow for fine-tuning the larger LLMs are quite similar as well. They do require much more compute but Ray abstracts away the scaling complexities involved with that." - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "d877530b-f3c5-429a-8525-1238c5b8693b", - "metadata": {}, - "source": [ - "## Set up" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "e2c96931-d511-4c6e-b582-87d24455a11e", - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "!pip install openai==0.27.8 tqdm==4.65.0 -q" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "c9fb2cc9", - "metadata": {}, - "source": [ - "You'll need to first sign up for an [OpenAI account](https://platform.openai.com/signup) and then grab your API key from [here](https://platform.openai.com/account/api-keys)." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "953a577e-3cd0-4c6b-81f9-8bc32850214d", - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "import openai\n", - "openai.api_key = \"YOUR_API_KEY\"" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "3d40cf2d-afa2-41b6-8f03-77b50cc3baca", - "metadata": {}, - "source": [ - "### Load data" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "1790e2f5-6b8b-425c-8842-a2b0ea8f3f07", - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "import pandas as pd" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "6b9bfadb-ba49-4f5a-b216-4db14c8888ab", - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
idcreated_ontitledescriptiontag
062020-02-20 06:43:18Comparison between YOLO and RCNN on real world...Bringing theory to experiment is cool. We can ...computer-vision
172020-02-20 06:47:21Show, Infer & Tell: Contextual Inference for C...The beauty of the work lies in the way it arch...computer-vision
292020-02-24 16:24:45Awesome Graph ClassificationA collection of important graph embedding, cla...other
3152020-02-28 23:55:26Awesome Monte Carlo Tree SearchA curated list of Monte Carlo tree search pape...other
4252020-03-07 23:04:31AttentionWalkA PyTorch Implementation of \"Watch Your Step: ...other
\n", - "
" - ], - "text/plain": [ - " id created_on title \n", - "0 6 2020-02-20 06:43:18 Comparison between YOLO and RCNN on real world... \\\n", - "1 7 2020-02-20 06:47:21 Show, Infer & Tell: Contextual Inference for C... \n", - "2 9 2020-02-24 16:24:45 Awesome Graph Classification \n", - "3 15 2020-02-28 23:55:26 Awesome Monte Carlo Tree Search \n", - "4 25 2020-03-07 23:04:31 AttentionWalk \n", - "\n", - " description tag \n", - "0 Bringing theory to experiment is cool. We can ... computer-vision \n", - "1 The beauty of the work lies in the way it arch... computer-vision \n", - "2 A collection of important graph embedding, cla... other \n", - "3 A curated list of Monte Carlo tree search pape... other \n", - "4 A PyTorch Implementation of \"Watch Your Step: ... other " - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Load training data\n", - "DATASET_LOC = \"https://raw.githubusercontent.com/GokuMohandas/Made-With-ML/main/datasets/dataset.csv/"\n", - "train_df = pd.read_csv(DATASET_LOC)\n", - "train_df.head()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "aa5b95d5-d61e-48e4-9100-d9d2fc0d53fa", - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "['computer-vision', 'other', 'natural-language-processing', 'mlops']" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Unique labels\n", - "tags = train_df.tag.unique().tolist()\n", - "tags" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "3c828129-8248-4e38-93a4-cabb097e7ba5", - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "# Load inference dataset\n", - "HOLDOUT_LOC = \"https://raw.githubusercontent.com/GokuMohandas/Made-With-ML/main/datasets/holdout.csv/"\n", - "test_df = pd.read_csv(HOLDOUT_LOC)" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "085dd167-0bee-4167-b1b7-d5797ebda30b", - "metadata": {}, - "source": [ - "### Utilities" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "5686dd79-02bc-4f11-8948-888b58bd504c", - "metadata": {}, - "source": [ - "We'll define a few utility functions to make the OpenAI request and to store our predictions. While we could perform batch prediction by loading samples until the context length is reached, we'll just perform one at a time since it's not too many data points and we can have fully deterministic behavior (if you insert new data, etc.). We'll also added some reliability in case we overload the endpoints with too many request at once." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "8e3c3f44-2c19-4c32-9bc5-e9a7a917d19d", - "metadata": {}, - "outputs": [], - "source": [ - "import json\n", - "from collections import Counter\n", - "import matplotlib.pyplot as plt\n", - "import seaborn as sns; sns.set_theme()\n", - "from sklearn.metrics import precision_recall_fscore_support\n", - "import time\n", - "from tqdm import tqdm" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "4950bdb4", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "I'm an AI with no emotions, just code,\n", - "But I'm here to help you, lighten your load.\n", - "So ask me questions, and I'll do my best,\n", - "To answer in rhymes, and put your mind at rest.\n" - ] - } - ], - "source": [ - "# Query OpenAI endpoint\n", - "system_content = \"you only answer in rhymes\" # system content (behavior)\n", - "assistant_content = \"\" # assistant content (context)\n", - "user_content = \"how are you\" # user content (message)\n", - "response = openai.ChatCompletion.create(\n", - " model=\"gpt-3.5-turbo-0613\",\n", - " messages=[\n", - " {\"role\": \"system\", \"content\": system_content},\n", - " {\"role\": \"assistant\", \"content\": assistant_content},\n", - " {\"role\": \"user\", \"content\": user_content},\n", - " ],\n", - ")\n", - "print (response.to_dict()[\"choices\"][0].to_dict()[\"message\"][\"content\"])" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "175dddcc", - "metadata": {}, - "source": [ - "Now let's create a function that can predict tags for a given sample." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "b2aae14c-9870-4a27-b5ad-90f339686620", - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "def get_tag(model, system_content=\"\", assistant_content=\"\", user_content=\"\"):\n", - " try:\n", - " # Get response from OpenAI\n", - " response = openai.ChatCompletion.create(\n", - " model=model,\n", - " messages=[\n", - " {\"role\": \"system\", \"content\": system_content},\n", - " {\"role\": \"assistant\", \"content\": assistant_content},\n", - " {\"role\": \"user\", \"content\": user_content},\n", - " ],\n", - " )\n", - " predicted_tag = response.to_dict()[\"choices\"][0].to_dict()[\"message\"][\"content\"]\n", - " return predicted_tag\n", - "\n", - " except (openai.error.ServiceUnavailableError, openai.error.APIError) as e:\n", - " return None" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "03ee23e5", - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "natural-language-processing\n" - ] - } - ], - "source": [ - "# Get tag\n", - "model = \"gpt-3.5-turbo-0613\"\n", - "system_context = f\"\"\"\n", - " You are a NLP prediction service that predicts the label given an input's title and description.\n", - " You must choose between one of the following labels for each input: {tags}.\n", - " Only respond with the label name and nothing else.\n", - " \"\"\"\n", - "assistant_content = \"\"\n", - "user_context = \"Transfer learning with transformers: Using transformers for transfer learning on text classification tasks.\"\n", - "tag = get_tag(model=model, system_content=system_context, assistant_content=assistant_content, user_content=user_context)\n", - "print (tag)" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "3087ead2", - "metadata": {}, - "source": [ - "Next, let's create a function that can predict tags for a list of inputs." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "71c43e8c", - "metadata": {}, - "outputs": [ - { - "data": { - "text/plain": [ - "[{'title': 'Diffusion to Vector',\n", - " 'description': 'Reference implementation of Diffusion2Vec (Complenet 2018) built on Gensim and NetworkX. '},\n", - " {'title': 'Graph Wavelet Neural Network',\n", - " 'description': 'A PyTorch implementation of \"Graph Wavelet Neural Network\" (ICLR 2019) '},\n", - " {'title': 'Capsule Graph Neural Network',\n", - " 'description': 'A PyTorch implementation of \"Capsule Graph Neural Network\" (ICLR 2019).'}]" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# List of dicts w/ {title, description} (just the first 3 samples for now)\n", - "samples = test_df[[\"title\", \"description\"]].to_dict(orient=\"records\")[:3]\n", - "samples" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "c9359a91-ac19-48a4-babb-e65d53f39b42", - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "def get_predictions(inputs, model, system_content, assistant_content=\"\"):\n", - " y_pred = []\n", - " for item in tqdm(inputs):\n", - " # Convert item dict to string\n", - " user_content = str(item)\n", - "\n", - " # Get prediction\n", - " predicted_tag = get_tag(\n", - " model=model, system_content=system_content,\n", - " assistant_content=assistant_content, user_content=user_content)\n", - "\n", - " # If error, try again after pause (repeatedly until success)\n", - " while predicted_tag is None:\n", - " time.sleep(30) # could also do exponential backoff\n", - " predicted_tag = get_tag(\n", - " model=model, system_content=system_content,\n", - " assistant_content=assistant_content, user_content=user_content)\n", - "\n", - " # Add to list of predictions\n", - " y_pred.append(predicted_tag)\n", - "\n", - " return y_pred" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "5fac795e", - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - " 0%| | 0/3 [00:00 Open AI has now released [function calling](https://openai.com/blog/function-calling-and-other-api-updates) and [custom instructions](https://openai.com/blog/custom-instructions-for-chatgpt) which is worth exploring to avoid this manual cleaning." - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "f361ee27", - "metadata": {}, - "source": [ - "Next, we'll define a function that will plot our ground truth labels and predictions." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "de2d0416", - "metadata": {}, - "outputs": [], - "source": [ - "def plot_tag_dist(y_true, y_pred):\n", - " # Distribution of tags\n", - " true_tag_freq = dict(Counter(y_true))\n", - " pred_tag_freq = dict(Counter(y_pred))\n", - " df_true = pd.DataFrame({\"tag\": list(true_tag_freq.keys()), \"freq\": list(true_tag_freq.values()), \"source\": \"true\"})\n", - " df_pred = pd.DataFrame({\"tag\": list(pred_tag_freq.keys()), \"freq\": list(pred_tag_freq.values()), \"source\": \"pred\"})\n", - " df = pd.concat([df_true, df_pred], ignore_index=True)\n", - "\n", - " # Plot\n", - " plt.figure(figsize=(10, 3))\n", - " plt.title(\"Tag distribution\", fontsize=14)\n", - " ax = sns.barplot(x=\"tag\", y=\"freq\", hue=\"source\", data=df)\n", - " ax.set_xticklabels(list(true_tag_freq.keys()), rotation=0, fontsize=8)\n", - " plt.legend()\n", - " plt.show()" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "1fc0b6ad", - "metadata": {}, - "source": [ - "And finally, we'll define a function that will combine all the utilities above to predict, clean and plot our results." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "ff3c37fb", - "metadata": {}, - "outputs": [], - "source": [ - "def evaluate(test_df, model, system_content, assistant_content, tags):\n", - " # Predictions\n", - " y_test = test_df.tag.to_list()\n", - " test_samples = test_df[[\"title\", \"description\"]].to_dict(orient=\"records\")\n", - " y_pred = get_predictions(\n", - " inputs=test_samples, model=model,\n", - " system_content=system_content, assistant_content=assistant_content)\n", - " y_pred = clean_predictions(y_pred=y_pred, tags=tags)\n", - "\n", - " # Performance\n", - " metrics = precision_recall_fscore_support(y_test, y_pred, average=\"weighted\")\n", - " performance = {\"precision\": metrics[0], \"recall\": metrics[1], \"f1\": metrics[2]}\n", - " print(json.dumps(performance, indent=2))\n", - " plot_tag_dist(y_true=y_test, y_pred=y_pred)\n", - " return y_pred, performance" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "1fb7ab2a", - "metadata": {}, - "source": [ - "## Benchmarks" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "83f00073", - "metadata": {}, - "source": [ - "Now we're ready to start benchmarking our different LLMs with different context." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "972fee2f-86e2-445e-92d0-923f5690132a", - "metadata": {}, - "outputs": [], - "source": [ - "y_pred = {\"zero_shot\": {}, \"few_shot\": {}}\n", - "performance = {\"zero_shot\": {}, \"few_shot\": {}}" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "2029fff2-ae81-4cef-bef5-3cac717d0222", - "metadata": {}, - "source": [ - "### Zero-shot learning" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "341b9d90", - "metadata": {}, - "source": [ - "We'll start with zero-shot learning which involves providing the model with the `system_content` that tells it how to behave but no examples of the behavior." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "9ee4e745-ef56-4b76-8230-fcbe56ac46aa", - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "system_content = f\"\"\"\n", - " You are a NLP prediction service that predicts the label given an input's title and description. \n", - " You must choose between one of the following labels for each input: {tags}. \n", - " Only respond with the label name and nothing else.\n", - " \"\"\"" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "73780054-afeb-4ce6-8255-51bf91f9f820", - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 191/191 [01:26<00:00, 2.21it/s]\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{\n", - " \"precision\": 0.7919133278407181,\n", - " \"recall\": 0.806282722513089,\n", - " \"f1\": 0.7807530967691199\n", - "}\n" - ] - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA1YAAAE9CAYAAAAI8PPbAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAABAUklEQVR4nO3deVxU9f7H8ffMAAIiiKjgnpmKlrjkguWKXivDTMmrldg1Ky23Um9YWi5lmXq1RC1N07qmlktamblkqz/RKG2TNHNLUkllEdlk5vz+8OFcJ1yAQWZGXs/Ho0fOWeb7OcP5zvDm+z1nTIZhGAIAAAAAFJvZ1QUAAAAAgKcjWAEAAACAkwhWAAAAAOAkghUAAAAAOIlgBQAAAABOIlgBAAAAgJMIVgAAAADgJIIVAAAAADiJYAUAAAAATiJYAQAKiI+PV8OGDQv139ixY11drmbNmqWGDRtqx44dkqSjR4+qYcOGGjNmTLGe78SJE8rKyrrqdpdqJzY2Vg0bNlR+fn6x2i5KXWPHjlXDhg11+PDhEm8LAFA0Xq4uAADgfv7xj3+odu3aDstefvllpaamatq0aQ7L/76dO6hUqZKmTZumWrVqFXnfVatWacqUKfroo4/k7+9/zdopibr69u2rtm3bqnLlyte8fQDAlRGsAAAFhIeHKzw83GHZa6+9ptTUVPXs2dNFVRWev79/setMSEgo1GiVs+0U1aXqat68uZo3b14q7QMAroypgAAAAADgJIIVAMBpGzdu1MMPP6w2bdro5ptvVps2bTRkyBD9/PPPBbb98MMP1bt3bzVr1kzt27fXjBkztHLlSodrpK7WVp8+fdSsWTN16NBBs2fPltVqddjmUtc+ZWdn6+WXX9add96piIgItWnTRoMHD9Z3331n3yYqKkofffSRJKlLly6KjY2VdP5apiZNmujLL79U586d1aRJE40aNeqK13Lt2bNHsbGxioiI0G233aZnn31WKSkpDttERUWpQ4cOBfa98HqsWbPmqnX9/Rorq9Wq//73v+rZs6ciIiLUokULDRgwQF9++aVDG2vWrFHDhg21fft2TZs2TZ06ddItt9yiO++8U4sXL77KTwEA8HdMBQQAOGXJkiV6+eWX1aZNGw0bNkze3t76+eeftXbtWu3cuVNbtmxRpUqVJEkLFizQf/7zH91888168skndebMGS1durTQbS1btkyTJk1SgwYNNHLkSGVlZWnZsmXKzs6+6r6jRo3Stm3b9OCDD+rGG2/UyZMn9e677+qhhx7SqlWrFB4ermeffVYLFy7Url279Mwzz6h+/fr2/fPz8zVmzBj1799fFStWVFhY2BXbe+ihh9S2bVvFxcVp7969WrlypRISEvTBBx8oKCio0Mcs6Yp1Xcxms2nYsGHaunWr2rRpo9GjR+vs2bNas2aNHnvsMY0dO1YDBw502GfcuHHy9/fXgAED5OXlpWXLlmnq1KkKCAhQnz59ilQnAJRlBCsAQLFZrVa98cYbatSokRYvXiyLxWJfFxgYqEWLFmnnzp268847deLECcXHx+vmm2/WihUr5OPjI0nq2bOnevTocdW2MjMzNX36dNWvX1/vv/++/Pz8JEm9e/e+6nVOp0+f1tatW3X//fcrLi7OvjwyMlJjx47VTz/9pPDwcHXt2lWffvqpdu3apa5du6pmzZr2bW02m/r376+RI0falx09evSybd57772aMGGC/XH9+vX14osvatGiRRo1atRVj/diV6rrYh9++KG2bt2qe++9V1OnTpXJZJIkDRgwQDExMZo+fbq6dOnicMOR8uXLa/Xq1fafR1RUlLp06aLVq1cTrACgCJgKCAAoNovFoq+++kpvv/22Q6jKysqSt7e3pPOBSJK2bNmivLw8Pfzww/Zf4qXzdxW85557rtrW9u3blZWVpfvuu88eqiSpWrVqio6OvuK+AQEBqlChgjZu3KiVK1fqr7/+knT+5g8XphYWxm233Vao7SRp6NChDo/79eunChUqaNOmTYV+jqL69NNPJUkjRoywhyrp/PEPHjxYVqtVGzdudNjnjjvucPh51KxZU8HBwTp58uQ1qxMArkeMWAEAnOLj46PvvvtOGzZs0MGDB5WcnKxjx47JMAxJsv//4MGDkqS6desWeI569epdtZ0jR45Ikm644YYi7+/j46OpU6fqmWee0fjx4yVJDRo0ULt27dSjRw81btz4qu1LUkhISKG2q1ixYoFboHt7e6tmzZr67bffCvUcxXHkyBH5+/urRo0aBdZdmD7491G2KlWqFNjWx8dHNpvt2hQJANcpRqwAAE4ZPXq0/vWvf+m7775T7dq1FRsbq7feekvPP/+8w3Z5eXmS5DA6coGvr2+h28vNzS2w7EJ4u5KuXbvqq6++Unx8vPr27au8vDy99dZb6t27t955551CtX3xqNyVXDxa9Pc6C/Mcxf1y4Su9DheC0t9ff7OZXwUAoCQwYgUAKLbExER9/PHHuuuuuzRr1iyHQLF7926HbS+MVB04cKDAzRcOHDhw1bbq1Klz2W0PHTp0xX0zMzO1d+9e1axZU926dVO3bt0kSUlJSRowYIDmzp2rAQMGXLWGwkpPT1dGRoYCAwPty/Ly8vTHH3/Yj0M6H9Qu9Z1ZxZ2GV7t2bR04cEDJyckFRq0ujJRVr169WM8NALgy/kwFACi2tLQ0SeenmV0cqk6fPq1Vq1ZJ+t/oS7du3eTl5aWlS5fq3Llz9m1TUlLstxK/kttvv11BQUF69913lZGRYV9+6tQprVu37or77t27Vw888IDmzZvnsLx+/fqqUKGCvLz+93fGCyNKhRkFuxybzaZly5Y5LHv77bd19uxZ3XXXXfZlVatWVVpamsP0vNzcXPu1UhcrTF133HGHJGn27NkO2509e1ZvvvmmLBaLunbtWryDAgBcESNWAIBia9GihSpWrKg333xTOTk5ql27to4eParVq1frzJkzkmT/f40aNfT4448rPj5e999/v6Kjo+23S78wanO5KXSS5Ofnp4kTJ2r06NHq3bu3+vbtK8MwtGzZMvuNMq5U52233aYVK1YoIyNDrVu3ltVq1YYNG5ScnOxwp8AL11EtXLhQ7du3L1YQ8fPz0/z583X06FE1adJEu3bt0gcffKCbb75ZDz/8sH27e++9V4mJiRo0aJAefPBB2Ww2rV69+pLhqTB19ezZU59++qnWrl2rY8eOqUuXLsrOztbq1at15MgRjRkzRrVq1Sry8QAAro5gBQAotkqVKumtt97SzJkz9f777ysvL0+hoaG64447NHDgQN155536+uuv9dhjj0mShg0bpsqVK2vp0qWaMWOGgoODFRMTo9zcXC1evPiS119drHv37goODtbcuXM1b948+fr6qkePHqpTp44mT5582f1MJpPi4+P11ltvacOGDfriiy8kSeHh4ZoxY4bD7d779++v77//XqtXr1ZCQkKxglVgYKBeffVVTZ06VevWrVNQUJAeeughjRgxwuF6sj59+igrK0vLly/XtGnTVLlyZfXs2VMdOnTQAw884PCchanLYrFo3rx5evvtt7V27VrNmDFDfn5+atKkiZ577rlLfhkxAKBkmAxn5joAAFBIWVlZslqtqlChQoF1zz33nN5//3199tlnl/2OJgAA3BnXWAEASsVvv/2mli1bas6cOQ7Lz5w5o88//1xVqlS55G3CAQDwBEwFBACUiltuuUUNGzbUG2+8odOnT6tRo0ZKS0vTmjVrdOrUKf3nP/+54jVWAAC4M6YCAgBKzenTp7Vw4UJt2bJFx48fl5+fnyIiIvTII4+oTZs2ri4PAIBiI1gBAAAAgJO4xgoAAAAAnESwAgAAAAAnuVWwmj9/vmJjYx2WJSUlqX///mrWrJmioqL0zjvvOKy32WyaPXu22rdvr2bNmunRRx/VH3/8UZplAwAAACjj3OaugO+++65effVVtWzZ0r4sNTVVAwcOVFRUlCZNmqTdu3dr0qRJKl++vGJiYiRJ8+bN07JlyzR16lSFhYVp+vTpeuSRR/TRRx9d9YsmL8cwDNlsXHoGAAAAlGVms6nQd6x1ebA6ceKEJkyYoB07duiGG25wWPf+++/L29tbkydPlpeXl+rVq6fDhw9rwYIFiomJUV5ent566y2NGTNGnTp1kiTNmjVL7du316ZNmxQdHV2smmw2Q6dPn3XyyAAAAAB4skqVystiKVywcvlUwF9++UXe3t768MMP1bRpU4d1iYmJat26tby8/pf/IiMjdejQIZ08eVK//vqrzp49q7Zt29rXBwYGqnHjxvr2229L7RgAAAAAlG0uH7GKiopSVFTUJdcdP35cDRo0cFhWtWpVSdKxY8d0/PhxSVK1atUKbHNhXXF5ebk8cwIAAADwEC4PVleSk5NT4DqpcuXKSZJyc3OVnZ0tSZfcJj09vdjtms0mBQeXL/b+AAAAAMoWtw5Wvr6+ysvLc1iWm5srSfL395evr68kKS8vz/7vC9v4+fkVu12bzVBGRlax9wcAAADg+QID/WSxFG4mm1sHq7CwMKWkpDgsu/A4NDRU+fn59mW1a9d22KZhw4ZOtZ2fb3NqfwAAAABlh1sHq1atWmnFihWyWq2yWCySpISEBNWtW1chISGqUKGCAgICtGPHDnuwysjI0J49e9S/f39Xlg4AAABcMzabTVZrvqvL8HgWi5fM5pK5t4JbB6uYmBgtXLhQ48aN0yOPPKIff/xRS5Ys0aRJkySdv7aqf//+mjFjhipVqqQaNWpo+vTpCgsLU7du3VxcPQAAAFCyDMNQRsZpZWdnurqU64afX4ACAysV+vuqLsetg1VISIgWLlyoKVOmqFevXqpSpYqefvpp9erVy77NiBEjlJ+fr/HjxysnJ0etWrXSokWL5O3t7cLKAQAAgJJ3IVQFBATLx6ec02GgLDMMQ3l5ucrMTJUkBQWFOPV8JsMwjJIo7Hpitdr4gmAALmc2m2Q284FZFDabIZuNjzUA1yebzaqUlKMKCAhWQECgq8u5bmRmZigzM1VVq9YqMC3w/BcEXwc3rwCAsur81z74yWy2uLoUj2KzWZWamk24AnBdslqtkiQfn3IuruT6cuH1tFrzZTb7XGXryyNYAYAbOj9aZdHBj99U9qljri7HI/iFVFPd6EdlNpsIVgCua0z/K1kl9XoSrADAjWWfOqbsE0dcXQYAwM25cvo407DPI1gBAAAAHsxsNqliRf9CXwtU0qxWm9LSsooUro4fP66ff/5BXbvecQ0rK10EKwAAAMCDmc0mWSxmzV2+Tckp6aXado2qQRp6/+1FnoY9ZcoEhYVVI1gBAAAAcC/JKek6lJzq6jIK5Xq8MTnBCgAAAECpGTbsMe3e/b127/5eu3Z9J0nq1KmLEhK2KTX1tF58cZoWLZqvatWqa9y4iQ77Xbzs0KGDmjNnln74YZf8/f3VokUrDRv2pEJCKrvgqCTXTMQEAAAAUCa99NJ03XJLhKKi/qE333xHkrRmzfsaOXKM/vOfeN18c5OrPsfJk39p6NBHVLNmbS1c+F+98sqrOns2U0OGPKzs7OxrfQiXRLACAAAAUGoCA4Pk5eWlcuXKKTg4WJIUGXm7WrVqo/DwxvLxufp3SX3wwSpVqRKqJ58cozp1blB4eCNNnjxVp0+f0uefb7nWh3BJTAUEAAAA4FI1a9Yq0vb79v2qgwd/1z/+0d5heV5eng4dOliSpRUawQoAAACAS5UrV+6q21itVvu/bTZDLVq01OjRYwtsFxBQoURrKyymAgIAAAAoVSbTlb/M2NvbW2fPnrU/ttls+vPPo/bHN95YT4cPH1LVqqGqWbOWataspcDAQM2e/R8dOLD/mtV9JQQrAAAAAKXKz89fx479qZSUE5dcf8stEfr22x1KSPg/HT36h2bNmq4zZzLt63v1uk+ZmZmaPHm8fvttn377bZ+ef/4ZJSXtUd269UrrMBwwFRAAAAC4DtSoGuQxbd57b4ymTJmghx66X35+fgXW9+v3oJKTj+q558bKx8dbd9/dU127drN//1X16jU0Z858vfHGHD3xxCBZLBY1adJUs2e/Yb8hRmkzGdfjt3M5yWq16fTps1ffEACuES8vs4KDy2vP25OVfeKIq8vxCH6htdX4oeeVmnpW+fk2V5cDACXu3Lk8nTp1TCEh1eTt/b8755nNJlWs6C+LxTWT0axWm9LSsmSzeWasuNzrKkmVKpUv9OvKiBUAAADgwWw2Q2lpWTKbr3zd0rVs31NDVUkiWAEAAAAejnDjety8AgAAAACcRLACAAAAACcRrAAAAADASQQrAAAAAHASwQoAAAAAnESwAgAAAAAnEawAAAAAwEl8jxUAAADg4cxmE18Q7GIEKwAAAMCDmc0mBQf7yWy2uKR9m82q1NRstw1X993XQ3fdFa1BgwZf03YIVgAAAIAHOz9aZdHBj99U9qljpdq2X0g11Y1+VGazyW2DVWkhWAEAAADXgexTx5R94oiryyizCFYAAAAASlW7di311FNPa+PGT7R//z7VrFlLjz32hNq16yhJWrRovnbt+k4hISHavv3/dNddd+upp57WTz/9oDfemKOkpD2qWLGibr+9g4YMGary5QMkSZmZmXr11en65psv5eXlpf79/1Vqx8RdAQEAAACUujfemKM77uiuJUuWqW3bdnr22X/rp59+sK/fvft7VapUWYsXv6v77uun/ft/05NPPqE2bdrq7beXa8KEKdq7N0lPPTVMhnF+GuLzz49VUtIveuWVWZo1a662b9+m48dLZ3okwQoAAABAqevePVoxMf9U7do36PHHhys8vLFWrXrPYZtBgwarRo2aqlWrtpYvf0etW0dqwICHVatWbTVt2kwTJ07Rnj0/a9eu73TkyCHt3Jmgp556Wk2bNlf9+g01YcKL8vHxKZXjYSogAAAAgFLXokVLh8dNmkRo584E++Pg4EoKCAiwP967d6+OHj2if/yjfYHnOnz4kNLT0yRJjRo1ti+vVClE1avXKOHKL41gBQAAAKDUWSyOUcRqtTncMr5cuXIO6w3Dpm7d7tKAAQ8XeK6KFYOVmLhDkgrcnfDv7VwrHjEVMD8/X6+99po6d+6s5s2b68EHH9Tu3bvt65OSktS/f381a9ZMUVFReuedd1xXLAAAAICr+vXXPQ6Pf/75RzVsGH7Z7evWraeDBw+oZs1a9v+sVqtmz56plJTjql+/oSQ5XKd15swZJSf/cW0O4G88Ili9/vrrWrlypV544QWtXbtWdevW1SOPPKKUlBSlpqZq4MCBql27tlavXq2hQ4dqxowZWr16tavLBgAAAHAZ77+/XJs2faojRw5rzpxXtX//Pv3znw9cdvt+/fpr375f9Z//vKJDhw7q559/1MSJz+ro0SOqVauOatSoqc6du2rWrGn69tsdOnBgv1544XmdO3euVI7HI6YCbtmyRdHR0WrXrp0kaezYsVq5cqV2796tgwcPytvbW5MnT5aXl5fq1aunw4cPa8GCBYqJiXFx5QAAAEDp8Aup5lFt3ntvb73//jIdOLBf9erV18yZc3TTTfUvu/0ttzTRzJlztHDh63r44f7y9/fTrbe20tChT8rb21uSNH78RM2Z85omTHhWNptNPXv2VlpaarFrLAqPCFYhISH6/PPP1b9/f1WrVk3vvfeefHx8FB4erpUrV6p169by8vrfoURGRmr+/Pk6efKkKleu7MLKAQAAgGvLZjNks1lVN/pRF7VvLXBdU2HccMONeuKJkZdcN2jQYA0aNLjA8ltvbaVbb2112ecsV85Xo0fHafTouCLX4yyPCFbjxo3TyJEj1aVLF1ksFpnNZsXHx6t27do6fvy4GjRo4LB91apVJUnHjh0jWAEAAOC6ZrMZSk3Nltlscln7xQlW1xuPCFb79+9XhQoVNHfuXIWGhmrlypUaM2aMli5dqpycnAL3pr9wB5Hc3Nxit+nl5RGXnwG4TlksvAcVF68dgOuVzXb54ES4cZ7FYnIqA7h9sDp27JhGjx6tJUuWqGXL8/e6b9Kkifbv36/4+Hj5+voqLy/PYZ8Lgcrf379YbZrNJgUHl3eucACASwQG+rm6BAC4JnJyLDp50ux0AHAHCQnfu7oEO5vNJLPZrKAgf/n6+hb7edw+WP3www86d+6cmjRp4rC8adOm+uqrr1S9enWlpKQ4rLvwODQ0tFht2myGMjKyilcwAJQAi8VMQCimjIxsWa02V5cBACUuLy9XNptNVquh/Hze50qK1WrIZrMpPT1L2dlWh3WBgX6Fngnh9sEqLCxM0vlvWo6IiLAv37dvn2644QY1bdpUK1askNVqlcVy/gvFEhISVLduXYWEhBS7XU5WAPBMVquN93AA1yWrlal+15KzgdXtg1VERIRuvfVWxcXFacKECQoLC9PatWu1fft2LV++XDVr1tTChQs1btw4PfLII/rxxx+1ZMkSTZo0ydWlAwBgZzabXHZhuSfjuhGgIMOgT5Skkno93T5Ymc1mvf7663r11Vf1zDPPKD09XQ0aNNCSJUvUtGlTSdLChQs1ZcoU9erVS1WqVNHTTz+tXr16ubhyAADOM5tNqljRnxtrFIPValNaWhbhCpDss7Py8nLl41POxdVcP/Lyzt+fwWJxLhqZDCJvAVarTadPn3V1GQDKMC8vs4KDy2vP25OVfeKIq8vxCH6htdX4oeeVmnrW7aYCXvh5zl2+Tckp6a4ux2PUqBqkofff7pY/U8BV0tNPKTs7UwEBwfLxKSeTiZHw4jIMQ3l5ucrMTJWfX4CCggpeRlSpUvnr5xorAACuF8kp6TqUnOrqMgB4sMDASpKkzEzeS0qKn1+A/XV1BsEKAAAA8BAmk0lBQSGqUCFYVmu+q8vxeBaLl8zmkpmmTbACAAAAPIzZbJbZ7OPqMnARrqIFAAAAACcRrAAAAADASQQrAAAAAHASwQoAAAAAnESwAgAAAAAnEawAAAAAwEkEKwAAAABwEsEKAAAAAJxEsAIAAAAAJxGsAAAAAMBJXq4uAMD1z2w2yWw2uboMj2Kx8Hcv4AL6Q9HYbIZsNsPVZQBlDsEKwDVlNptUsaI/vxgBKLKgCr4ybDYFBvq5uhSPYrNZlZqaTbgCShnBCsA1ZTabZLGYNXf5NiWnpLu6HI/RtGF19b2zmavLAFyqvK+PTGazDn78prJPHXN1OR7BL6Sa6kY/KrPZRLACShnBCkCpSE5J16HkVFeX4TGqVwl0dQmA28g+dUzZJ464ugwAuCLm5gAAAACAkwhWAAAAAOAkghUAAAAAOIlgBQAAAABOIlgBAAAAgJMIVgAAAADgJIIVAAAAADiJYAUAAAAATiJYAQAAAICTCFYAAAAA4CSCFQAAAAA4iWAFAAAAAE4iWAEAAACAkwhWAAAAAOAkghUAAAAAOIlgBQAAAABOIlgBAAAAgJM8JlitXbtW3bt3V5MmTXT33Xdrw4YN9nVHjx7V4MGD1aJFC7Vr106vvvqqrFarC6sFAAAAUJZ4RLBat26dxo0bpwcffFDr169XdHS0Ro0apV27duncuXMaNGiQJGnFihWaOHGili9frrlz57q4agAAAABlhZerC7gawzD02muvacCAAXrwwQclSY8//rgSExO1c+dOJScn688//9T777+voKAgNWjQQKdOndK0adM0ZMgQ+fj4uPgIAAAAAFzv3H7E6uDBg0pOTlaPHj0cli9atEiDBw9WYmKibr75ZgUFBdnXRUZGKjMzU0lJSaVdLgAAAIAyyO1HrA4ePChJysrK0qBBg7Rnzx7VrFlTjz/+uKKionT8+HGFhYU57FO1alVJ0rFjx9S0adNitevl5faZE/AIFgt9CaXLHc85d6wJ1zfOOaD0uX2wyszMlCTFxcVp2LBhGjNmjDZu3KgnnnhCixcvVk5OjgIDAx32KVeunCQpNze3WG2azSYFB5d3rnAAgEsEBvq5ugTA5egHQOlz+2Dl7e0tSRo0aJB69eolSWrUqJH27NmjxYsXy9fXV3l5eQ77XAhU/v7+xWrTZjOUkZHlRNUALrBYzHzAo1RlZGTLarW5ugwH9AOUNnfsB4AnCgz0K/QIsNsHq9DQUElSgwYNHJbfdNNN+uKLL9S6dWvt27fPYV1KSorDvsWRn8+bEQB4IqvVxns4yjz6AVD63H4C7s0336zy5cvrhx9+cFi+b98+1a5dW61atdKePXvsUwYlKSEhQeXLl1d4eHhplwsAAACgDHL7YOXr66tHHnlEc+fO1ccff6wjR47o9ddf17Zt2zRw4EB17dpVVapU0ZNPPqlff/1VW7Zs0cyZM/Xwww9zq3UAAAAApcLtpwJK0hNPPCE/Pz/NmjVLJ06cUL169RQfH682bdpIkhYuXKhJkybpn//8p4KCgvTAAw/oiSeecHHVAAAAAMoKjwhWkjRw4EANHDjwkuvq1Kmjt956q5QrAgAAAIDz3H4qIAAAAAC4O4IVAAAAADipyFMBn3nmmUJvazKZ9NJLLxW1CQAAAADwKEUOVsePH9eePXuUnp6uGjVqKDQ0VGlpaTp8+LAMw1BYWJh9W5PJVKLFAgAAAIA7KnKw6t69u3777TctW7ZMLVq0sC8/cOCAHn/8cT3wwAN66KGHSrRIAAAAAHBnRb7G6o033tCYMWMcQpUk3XjjjXryySe1aNGiEisOAAAAADxBkYPV6dOnFRQUdOknM5t15swZp4sCAAAAAE9S5GDVtGlTzZkzR6mpqQ7LU1JSFB8fr3bt2pVYcQAAAADgCYp8jdXYsWPVv39/RUVFqXnz5goODtapU6e0a9cuhYSE6Nlnn70WdQIAAACA2yryiFV4eLjWr1+vfv36KTMzUz///LNycnL08MMPa82aNapWrdq1qBMAAAAA3FaRR6wkKTQ0VHFxcSVdCwAAAAB4pGIFq7y8PK1atUr/93//p7/++ksvvfSSdu7cqZtvvlkRERElXSMAAAAAuLVi3RUwJiZGU6ZM0eHDh/Xjjz8qJydHX3zxhWJjY7Vr165rUScAAAAAuK0iB6tp06bp7Nmz+uSTT/TBBx/IMAxJ0uzZs9WkSRPNnj27xIsEAAAAAHdW5GD1+eefa+TIkapTp45MJpN9ebly5fTwww/rl19+KdECAQAAAMDdFTlY5ebmqmLFipdcZ7FYdO7cOWdrAgAAAACPUuRg1aRJEy1btuyS6z766CPdcsstThcFAAAAAJ6kyHcFHDlypP71r3+pZ8+e6tixo0wmkz7++GPFx8frm2++0cKFC69FnQAAAADgtoo8YtWyZUstXrxYfn5+WrhwoQzD0JIlS/TXX39p/vz5ioyMvBZ1AgAAAIDbKvKI1fbt29W8eXOtWLFCOTk5Sk9PV0BAgMqXL38t6gMAAAAAt1fkEavhw4dr06ZNkiRfX1+FhoYSqgAAAACUaUUOVoGBgfL19b0WtQAAAACARyryVMDBgwfrxRdf1MGDBxUeHi5/f/8C27Rq1apEigMAAAAAT1CoYJWbm6ty5cpJkiZMmCBJmjVrliQ5fEmwYRgymUxKSkoq6ToBAAAAwG0VKlhFRUVpzpw5at68uVq1aqU+ffooLCzsWtcGAAAAAB6hUMHqzJkzSklJkSQlJibq3//+tyIiIq5pYQAAAADgKQoVrJo0aaLRo0frlVdekWEYGjp0qHx8fC65rclk0pYtW0q0SAAAAABwZ4UKVjNnztSSJUuUlpamDz74QI0bN1alSpWudW0AAAAA4BEKFaxCQ0MVFxcnSdqxY4eeeuophYeHX9PCAAAAAMBTFPl261u3br0WdQAAAACAxyryFwQDAAAAABwRrAAAAADASQQrAAAAAHCSRwWrgwcPqnnz5lqzZo19WVJSkvr3769mzZopKipK77zzjgsrBAAAAFAWeUywOnfunMaMGaOsrCz7stTUVA0cOFC1a9fW6tWrNXToUM2YMUOrV692YaUAAAAAypoi3xXQVeLj4xUQEOCw7P3335e3t7cmT54sLy8v1atXT4cPH9aCBQsUExPjokoBAAAAlDUeMWL17bff6r333tPUqVMdlicmJqp169by8vpfPoyMjNShQ4d08uTJ0i4TAAAAQBnl9iNWGRkZevrppzV+/HhVq1bNYd3x48fVoEEDh2VVq1aVJB07dkyVK1cudrteXh6ROQG3Z7HQl1C63PGcc8eacH3jnANKn9sHq4kTJ6p58+bq0aNHgXU5OTny8fFxWFauXDlJUm5ubrHbNJtNCg4uX+z9AQCuExjo5+oSAJejHwClz62D1dq1a5WYmKiPPvrokut9fX2Vl5fnsOxCoPL39y92uzaboYyMrKtvCOCqLBYzH/AoVRkZ2bJaba4uwwH9AKXNHfsB4IkCA/0KPQLs1sFq9erVOnXqlDp16uSwfMKECfrkk08UFhamlJQUh3UXHoeGhjrVdn4+b0YA4ImsVhvv4Sjz6AdA6XPrYDVjxgzl5OQ4LOvWrZtGjBihe+65R+vWrdOKFStktVplsVgkSQkJCapbt65CQkJcUTIAAACAMsitr2wMDQ1VnTp1HP6TpJCQEIWGhiomJkaZmZkaN26c9u/frzVr1mjJkiUaPHiwiysHAAAAUJa4dbC6mpCQEC1cuFAHDx5Ur169NGfOHD399NPq1auXq0sDAAAAUIa49VTAS9m7d6/D44iICL333nsuqgYAAAAAPHzECgAAAADcAcEKAAAAAJxEsAIAAAAAJxGsAAAAAMBJBCsAAAAAcBLBCgAAAACcRLACAAAAACcRrAAAAADASQQrAAAAAHASwQoAAAAAnESwAgAAAAAnEawAAAAAwEkEKwAAAABwEsEKAAAAAJxEsAIAAAAAJxGsAAAAAMBJBCsAAAAAcBLBCgAAAACcRLACAAAAACcRrAAAAADASQQrAAAAAHASwQoAAAAAnESwAgAAAAAnEawAAAAAwEleri6gLDCbTTKbTa4uw6PYbIZsNsPVZQAAAACFQrC6xsxmkypW9JfFwuBgUVitNqWlZRGuAAAA4BEIVteY2WySxWLW3OXblJyS7upyPEKNqkEaev/tMptNBCsAAAB4BIJVKUlOSdeh5FRXlwEAAADgGmB+GgAAAAA4iWAFAAAAAE4iWAEAAACAkwhWAAAAAOAkghUAAAAAOMkjglVaWpqef/55dejQQS1atND999+vxMRE+/rt27erd+/eatq0qe68806tX7/ehdUCAAAAKGs8IliNGjVKu3bt0syZM7V69Wo1atRIgwYN0oEDB/T7779r8ODBat++vdasWaM+ffro6aef1vbt211dNgAAAIAywu2/x+rw4cPatm2bli1bpltvvVWS9Nxzz+nrr7/WRx99pFOnTqlhw4Z66qmnJEn16tXTnj17tHDhQrVt29aVpQMAAAAoI9x+xCo4OFgLFixQkyZN7MtMJpNMJpMyMjKUmJhYIEBFRkbqu+++k2EYpV0uAAAAgDLI7YNVYGCgOnbsKB8fH/uyjRs36vDhw2rfvr2OHz+usLAwh32qVq2q7Oxspaamlna5AAAAAMogt58K+Hfff/+9nnnmGXXr1k2dOnVSTk6OQ+iSZH+cl5dX7Ha8vEomc1osbp9d3Rav3fWBnyNKmzuec+5YE65vnHNA6fOoYLVlyxaNGTNGLVq00IwZMyRJ5cqVKxCgLjz28/MrVjtms0nBweWdKxZOCwws3s8PQNnGewdAPwBcwWOC1dKlSzVlyhTdeeedeuWVV+yjUtWqVVNKSorDtikpKfL391eFChWK1ZbNZigjI8vpmqXzfzHiza14MjKyZbXaXF0GnEQfQGlzx/cO+gFKmzv2A8ATBQb6FXoE2COC1bJly/TCCy8oNjZW48aNk8lksq9r2bKldu7c6bB9QkKCWrRoIbO5+MPg+fm8Gbma1Wrj5wCgyHjvAOgHgCu4fbA6ePCgXnrpJf3jH//Q4MGDdfLkSfs6X19fxcbGqlevXpoxY4Z69eqlL7/8Up9++qkWLlzowqoBAAAAlCVuH6w2btyoc+fOafPmzdq8ebPDul69emnq1KmaN2+epk+frrfffls1a9bU9OnT+Q4rAAAAAKXG7YPVkCFDNGTIkCtu06FDB3Xo0KGUKgIAAAAAR9yLEwAAAACcRLACAAAAACe5/VRAAAAAXB/MZpPMZtPVN4SdzWbIZjNcXQYKgWAFAACAa85sNqliRf9CfycQzrNabUpLyyJceQCCFQAAAK45s9kki8Wsucu3KTkl3dXleIQaVYM09P7bZTabCFYegGAFAACAUpOckq5DyamuLgMocQQrAAAAwI0xfbLoXHFtGsEKAAAAcENBFXxl2GwKDPRzdSkex2azKjU1u1TDFcEKAAAAcEPlfX1kMpt18OM3lX3qmKvL8Rh+IdVUN/rRUr82jWAFAAAAuLHsU8eUfeKIq8vAVTBhEwAAAACcRLACAAAAACcRrAAAAADASQQrAAAAAHASwQoAAAAAnESwAgAAAAAnEawAAAAAwEkEKwAAAABwEl8QDLdlsZD7i8pmM0r1G8YBAABwHsEKbieogq8Mm02BgX6uLsXj2GxWpaZmE64AAABKGcEKbqe8r49MZrMOfvymsk8dc3U5HsMvpJrqRj8qs9lEsAIAAChlBCu4rexTx5R94oirywAAAACuiotYAAAAAMBJBCsAAAAAcBLBCgAAAACcRLACAAAAACcRrAAAAADASQQrAAAAAHASwQoAAAAAnESwAgAAAAAnEawAAAAAwEkEKwAAAABwEsEKAAAAAJxEsAIAAAAAJ10Xwcpms2n27Nlq3769mjVrpkcffVR//PGHq8sCAAAAUEZcF8Fq3rx5WrZsmV544QWtWLFCNptNjzzyiPLy8lxdGgAAAIAywOODVV5ent566y2NGDFCnTp1Unh4uGbNmqXjx49r06ZNri4PAAAAQBng8cHq119/1dmzZ9W2bVv7ssDAQDVu3FjffvutCysDAAAAUFaYDMMwXF2EMzZt2qThw4frhx9+kK+vr335yJEjlZOTo/nz5xf5OQ3DkM1WMi+LySSZzWalZ+bIarWVyHNe73y8LQrwL6dzZzNk2KyuLsdjmMwWeZcPlM1mkzv1avpA8dAPis5d+4BEPygu+kHR0Q+uL/SB4inJfmA2m2QymQq1rZdzTbledna2JMnHx8dhebly5ZSenl6s5zSZTLJYCvcCFlZQgO/VN4ID7/KBri7BI5nN7jkQTR8oHvpB0blrH5DoB8VFPyg6+sH1hT5QPKXdD9y31xXShVGqv9+oIjc3V35+fq4oCQAAAEAZ4/HBqlq1apKklJQUh+UpKSkKDQ11RUkAAAAAyhiPD1bh4eEKCAjQjh077MsyMjK0Z88etWrVyoWVAQAAACgrPP4aKx8fH/Xv318zZsxQpUqVVKNGDU2fPl1hYWHq1q2bq8sDAAAAUAZ4fLCSpBEjRig/P1/jx49XTk6OWrVqpUWLFsnb29vVpQEAAAAoAzz+dusAAAAA4Goef40VAAAAALgawQoAAAAAnESwAgAAAAAnEawAAAAAwEkEKwAAAABwEsEKAAAAAJxEsAIAAAAAJxGs4FKxsbH2fzds2NCFlQCuM3v2bCUmJpb48y5fvlzLly8v9nq4t5I8b8aOHas1a9YUWL5mzRqNHTu2RNrApfXs2dPVJcCN8LuQZ/NydQEo23bu3OnqEgCX+/bbb9WmTZsSf97777/fqfVwb9fqvEHpWrdunatLAFBCCFYoNW+88YY+/PBDWSwW3X777crOzpYk9e7d2/6X0kmTJmnXrl3Kzc3VK6+8ooiICB05ckQTJ05UamqqfHx8FBcXpxYtWmjs2LFKTU3VkSNHNHLkSN15552uPDx4sJkzZ2rjxo2yWCzq2bOnunXrpueff15paWny9/fXuHHjFBERobFjx8rX11e7d+9WWlqannrqKW3ZskVJSUnq3Lmzxo0bpzVr1mjjxo3KzMxUSkqKOnbsqHHjxik5OVkDBgzQ1q1bJZ0fCdi5c6datWqln3/+WePHj9fs2bNVvnz5Ip/vU6dOVaVKlfTYY49JkuLi4tS6dWv9+eefkqShQ4fa+5bFYlFUVJSGDx+u+Ph4SdLw4cP1+eef69VXX5XNZlOtWrU0efJkVa5cWVFRUerZs6e2bdumtLQ0Pffcc2rfvn0p/4TKhh07duj1119XhQoV9PvvvyssLEwzZ87Uxx9/rLVr1yonJ0fS+fP1p59+cjhvXnrpJQ0bNswetBo2bKi9e/cqPj5eu3fv1vHjx9WnTx81btxYM2fOVG5urtLT0zV69Gjdfffdhapvw4YNWrx4sXJycpSTk6PJkycrMjJSsbGxatq0qRITE5WSkqLhw4erV69eyszM1LPPPqvffvtNVapUkclk0hNPPCFJmjNnjv773/9KksN5uHTp0gLH2qBBAyUmJmry5Mkym81q2bKlvvzyS23evFmnT5/W888/bz/Xhw0bpqioqAK1x8bGqm7duvr555+VnZ2tsWPHqmPHjgVen44dO16y7x87dkzPPPOMTp48KR8fH02cOFERERFat26d3n77bVmtVt10002aNGmS/P39L9nfdu/erRdffFGGYahcuXJ68cUXdeONNzr8rE6cOKEjR44oOTnZXoskvfbaa1q/fr0qVKigevXqqVatWho+fHhxTzW4yI4dOzR37lx5eXnp0KFDat++vUJDQ7VlyxbZbDYtWLDAvm12drbGjx+vvXv3ymQyadCgQbr33nsv+xmTm5urp59+WkeOHJHJZFLfvn3Vr18/Fx5tGWUApeCLL74wYmJijKysLOPcuXPGkCFDjKVLlxoNGjSwb9OgQQNj/fr1hmEYxttvv20MHz7cMAzD6Nevn/Hjjz8ahmEYhw8fNjp37mycO3fOiIuLM0aPHl36B4PrysaNG42+ffsaOTk5Rk5OjnHfffcZrVq1Mj755BPDMAxj165dRqdOnYzc3FwjLi7OGDJkiGEYhrFmzRrj1ltvNU6ePGmcOXPGaN68uZGenm6sXr3aiIyMNFJSUozc3Fyjb9++xieffGL88ccfRufOne3trl692oiLizMMwzD69+9vJCQkGIZRvPM9KSnJuOeeewzDMIycnBzjtttuM86cOWPMnj3bmD17tpGUlGT06tXLvn7UqFFGVlaWff3JkyeN22+/3Thy5IhhGIbx5ptv2vtf586djUWLFhmGYRibNm2yPw9KXkJCgtGsWTMjOTnZMAzDGDJkiLFkyRIjNjbWyMrKMgzDMF577TVj8uTJhmE4njcX/9swDPt76+zZs43777/fvnz48OHGvn37DMMwjO3btxvR0dGGYRhGXFycsXr16gI1XThPrVarERsba5w8edIwDMNYtWqVMXjwYHvbF2r65ZdfjNatWxuGYRhTp041XnzxRcMwDOPIkSNGs2bNjISEBCMhIcHo37+/vY0L5+GZM2cueax5eXlGhw4d7P3izTfftPelUaNGGRs3bjQMwzBOnTpldO3a1V7jxfr37288/fTThs1mM/bs2WNERkYaubm5BV6fmJiYS/b9wYMHG0uWLDEMwzB27NhhDBo0yNi/f7/Rr18/Izs72zAMw5g3b54xderUy/a3J554wvjss88MwzCM9evXG2vWrCnws+rdu7eRm5trZGZmGu3atTN+/fVXY+vWrUafPn2M7OxsIysry+jdu7cxe/bsAscI93dxH8/KyjKaNWtmLF++3DAMwxg7dqyxZMkS+/nwyiuvGJMmTTIM4/y5HRUVZSQlJV32M2bz5s3GsGHDDMMwjNOnTxtjxoxxzUGWcYxYoVQkJCQoOjpafn5+kqSYmBitXbu2wHbdunWTJDVo0ECbN2/W2bNn9dNPP2n8+PH2bfLz83Xs2DFJUvPmza998biu7dixQ3fddZfKlSsnSVqyZIk6deqku+66S5LUrFkzBQUF6cCBA5KkTp06SZKqV6+u+vXrKyQkRJJUsWJFZWRkSJI6d+6sKlWqSJK6d++ub7/9Vk2aNLlqLcU938PDwyVJv//+u/bt26fIyEgFBATY19euXVt5eXl68MEH1bFjRz311FP2vihJP/74oyIiIlSrVi1JUt++fR3+ctqxY0d7O2lpaVc9DhRf/fr1Vb16dUlSo0aNdObMGc2aNUuffPKJDh06pK+//lqNGjUq0nM2a9bM/u/p06fr888/16ZNm/TDDz/o7NmzhXoOs9msefPmaevWrTp48KB27twps/l/l2lfOEcaNWpkP0e++eYbTZ8+XZJUq1Yt3XbbbVdsIyAg4JLHum/fPlWqVMneh/r27atly5bZ2/jtt980d+5cSef7y++//27vlxfr06ePTCaTGjVqpLCwMO3du9fh9Tl79qwOHz58yb6/Y8cO+7G0bt1arVu31tKlS3X48GH17dvX3natWrUu29+ioqI0fvx4de7cWZ07d9Ydd9xRoMa2bdvKx8dHPj4+qlOnjtLT07Vt2zZFR0fL19dXknTPPffY32vgeRo2bGjv48HBwWrbtq2k858pF/9cExISNGXKFElSpUqV1KVLF+3cuVMBAQGX/IwZPHiwpkyZokGDBqljx46Ki4sr5SODxFRAlBKbzVZgWX5+foFlXl7nT0mTyWTfz8fHx2EO+okTJ+xvKBf/cggUh8VisZ9vkpSenl5gG8Mw7Oert7e3ffmF8/XvLl5us9lkNptlMplkGIZ9+blz5wrsV9jz/eLwdcstt2jKlCnq2bOnNmzYoL179+q+++5zeF5/f3+tXbtWO3bs0DfffKN+/frZp2FdaPfvx3txfRdC58WvE66NC6+1dP71/vPPP9WnTx/FxsaqQ4cOqly5spKSki6574XzKy8vz2H5xe+TDzzwgFq3bq3IyEi1bdtWY8aMcdh2+fLlWrFihSSpX79+9nrOnj2rmJgY3XPPPWrVqpUaNmyod999t0DdF58jFovF4Zy/+Lj+3he8vb117NgxPfjggwWO1WKxXPIzRDp/7r7zzjuqWLGiJCklJUWVKlXSo48+qpSUFEmy/5HAYrE47Hfh8YXX51K1Xuj7Xl5eDsf222+/yWq1qnv37va+mJWVpby8vMv2t5iYGLVt21ZffPGFlixZoi+++EIvvviiQ3t///kbhiGz2XzZ44fnufgzRHI8Ly/29/Px4s+hS33GhIaGasOGDdq2bZu+/vpr9erVS+vXr1dgYGAJHwGuhLsColRERkbq448/VnZ2tvLz87V69Wq1atVKFovlkgHrggoVKuiGG26w/6KZmJio3r17X3EfoChat26tzZs3Ky8vT3l5eRoyZIjOnj2rDRs2SJJ2796tlJQUNWjQoNDP+fXXXysjI0O5ublav3692rVrp6CgIKWlpSklJUVWq1WbNm2yb2+xWGS1Wgt9vjdp0kTr1q3TunXr7H/R7NGjhzZu3KikpCS1a9fOYfvExEQ9+uijioyMVFxcnOrVq6eDBw/a1zdt2lQ//vij/vjjD0nSe++9p9atWxfhVcS18tNPP+mGG27QwIED1bRpU3311VeyWq2S/nfeSOf/8v3rr79Kkj799NNLPldaWpoOHTqkJ598Uh07dtS2bdvs+19w//3328+ti29ucujQIZlMJj3++OOKjIx0qONybr/9dn3wwQeSpOPHj2vHjh0ymUwKDg7WoUOHlJ2drezsbH3xxRdXPNYbb7xRZ86c0S+//CJJDrMdIiMj7aNXhw4dUnR0tNLT0/Xmm2/ajyM0NFSStH79ens7aWlpBfp0QECAatWqdcm+37p1a/v+u3bt0qhRo9SmTRtt3rxZJ0+elCS9/PLLmjdv3mX726OPPqqDBw/qgQce0MiRI7Vnz54rvn4Xv44bNmxQbm6u8vLytGHDBv7IUQZERkZq5cqVkqTTp09ry5YtatmypaRLf8Z89NFHmjhxorp06aLx48fL39/fPtsBpYcRK5SKzp07KykpSffdd5/y8/N12223acCAAfrxxx91zz33aNWqVZfdd/r06Zo4caIWLlwoi8Wi1157TT4+PqVYPa5nXbt21Z49exQTEyObzaaYmBh17NhREydO1Lx58+Tt7a34+PginXNVqlTR4MGDdfr0aUVHR9unDw4ZMkT9+vVT5cqV1bJlS50+fVrS+emFEyZM0Msvv1zs871KlSoKDQ1VvXr1CvwF9NZbb9WNN95on07UuHFjdejQwf6LauXKlTV58mQNGzZM+fn5CgsL00svvVTo48W1065dO/3666/q3r27fHx8FBERoX379klyPG8GDx6suLg4ffDBB2rbtq19lPNiFStWVJ8+fXT33XcrICBATZs2VU5OTqGmA4aHh6tx48a666675Ovrq1atWik5OfmSozwXPP7443ruuefUo0cPValSRdWrV5evr6/q16+vbt26KTo6WqGhobr11lslnQ8Qy5cvL3CsPj4+mjlzpp577jkZhqHw8HD7tLjx48drwoQJ6tGjhwzD0JQpUy45DVA6P/rbq1cv2Ww2zZw585Ijzhf639/7/nPPPafx48dr2bJl8vHx0SuvvKLw8HANGzZMAwcOlM1mU7169TR27Fj5+/tfsr+FhIRo0qRJmjFjhry8vAp9G/uOHTvqp59+Uq9evVS+fHkFBwc7jGzh+jR06FBNnDhR0dHRslqteuyxxxQREaH9+/df8jMmNzdXn332me6++255e3vrjjvu4NbtLmAyrvSuCAAokgt3+5s6daqrSwFc6sMPP1RYWJhat26tzMxM9e7dWytXrlRQUFCRnscwDE2bNk1Dhw5VQECAtmzZog8//FCzZ88u9HPExsY63DXRk/zwww/at2+f+vTpI8MwNGLECMXExNj/YIOyhc8Y98aIFQAAKHE33nijJkyYYJ8yOHLkyCKHKun8tUYhISH65z//KW9vb4WEhOiFF14o6XLd1g033KC5c+fqnXfekXR+pJJQBbgnRqwAAAAAwEncvAIAAAAAnESwAgAAAAAnEawAAAAAwEkEKwBAmcPlxQCAkkawAgCUKZ999pni4uJcXQYA4DrD7dYBAGXKkiVLXF0CAOA6xIgVAAAAADiJ77ECAJQZsbGx2rlzp/3xO++8o6CgIM2ZM0eJiYk6c+aMKlWqpDvuuENjxoyRr6+vJCkzM1PTpk3T5s2blZOTo06dOqlp06Z6+eWXtXfvXlcdDgDAjRCsAABlxv79+/Xvf/9bkjRhwgRVqVJF99xzj5o1a6bY2Fj5+Pjoq6++0uLFizV69Gg99thjkqQBAwYoKSlJTz31lKpXr65ly5Zp+/btysvLI1gBACRxjRUAoAy56aabFBAQIElq1qyZvvnmGzVq1Eivvfaaffltt92mbdu2aceOHXrssce0fft27dixQ/Hx8erWrZskqUOHDoqOjtbvv//usmMBALgXghUAoMxq166d2rVrp3Pnzmn//v06fPiw9u3bp9OnT6tixYqSpISEBHl7e6tr1672/cxms7p37674+HgXVQ4AcDcEKwBAmWWz2TRz5ky9++67ysrKUrVq1RQREaFy5crZt0lNTVXFihVlNjve7ykkJKS0ywUAuDGCFQCgzFqwYIGWLFmiSZMmqVu3bqpQoYIk6b777rNvExoaqtTUVNlsNodwderUqVKvFwDgvrjdOgCgTLk4HH333Xe66aabFBMTYw9VJ06c0L59+2Sz2SRJrVu3Vn5+vrZu3WrfzzAMbdmypXQLBwC4NUasAABlSmBgoHbt2qXt27erTp06+uabb7RgwQI1a9ZMhw8f1vz585WXl6fs7GxJUqtWrXT77bdr3LhxOnnypKpXr65Vq1Zp7969MplMLj4aAIC74HbrAIAyJSEhQc8884z++usvvfDCC/rpp5+0adMmnTlzRtWqVdPdd98tk8mk+fPna9u2bQoMDFR6erqmTp2qLVu2KD8/X126dFFgYKDWrl2r77//3tWHBABwAwQrAACuIDk5Wbt371aXLl3sXxgsSSNGjNAff/yhDz74wIXVAQDcBVMBAQC4ArPZrLFjx6pLly667777ZLFY9PXXX2vTpk16+eWXXV0eAMBNMGIFAMBVJCQkaO7cuUpKSlJ+fr7q1aungQMHKjo62tWlAQDcBMEKAAAAAJzE7dYBAAAAwEkEKwAAAABwEsEKAAAAAJxEsAIAAAAAJxGsAAAAAMBJBCsAAAAAcBLBCgAAAACcRLACAAAAACcRrAAAAADASf8PQMJWiyTCF+QAAAAASUVORK5CYII=", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "# Zero-shot with GPT 3.5\n", - "method = \"zero_shot\"\n", - "model = \"gpt-3.5-turbo-0613\"\n", - "y_pred[method][model], performance[method][model] = evaluate(\n", - " test_df=test_df, model=model, system_content=system_content,\n", - " assistant_content=\"\", tags=tags)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "24af6d04-d29e-4adb-a289-4c34c2cc7ec8", - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 191/191 [06:33<00:00, 2.06s/it] " - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{\n", - " \"precision\": 0.9314722577069027,\n", - " \"recall\": 0.9267015706806283,\n", - " \"f1\": 0.9271956481845013\n", - "}\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "\n" - ] - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA00AAAE9CAYAAADXvonEAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAAA8oElEQVR4nO3de3zP9f//8fv7/d5mmxkz2sgxYZQ5xIycSRSJ8aEyhYpyyuHTVsihlBBl+BSK+gglp0pySDr4Ga1IPpZDhizsg23MTvZ+v35/+Hp/vBtvO9l7m9v1cumSvU7Px+u913Pv3fd8vl5vk2EYhgAAAAAA12V2dQEAAAAAUJQRmgAAAADACUITAAAAADhBaAIAAAAAJwhNAAAAAOAEoQkAAAAAnCA0AQAAAIAThCYAAAAAcILQBAAAAABOEJoA4DYUFRWlunXr5ui/yMhIV5erOXPmqG7dutq1a5ck6eTJk6pbt67GjRuXp+OdOXNGqampN93ueu2Eh4erbt26ysrKylPbuakrMjJSdevW1fHjxwu8LQBAzrm5ugAAQOF74IEHVK1aNYdlb7zxhhITEzVjxgyH5X/frigoX768ZsyYoapVq+Z6388++0zTpk3TF198IW9v71vWTkHU1bdvX7Vo0UIVKlS45e0DAG6M0AQAt6GgoCAFBQU5LHvnnXeUmJioHj16uKiqnPP29s5zndHR0TkaZcpvO7l1vboaN26sxo0bF0r7AIAbY3oeAAAAADhBaAIA3NSmTZs0aNAgNW/eXPfcc4+aN2+uoUOHav/+/dm2/fzzz9WrVy81atRIrVu31qxZs7Rq1SqHe5Ju1lafPn3UqFEjtWnTRnPnzpXVanXY5nr3GqWlpemNN95Qly5dFBwcrObNm2vIkCH6+eef7dt06NBBX3zxhSSpY8eOCg8Pl3Tl3qEGDRrou+++U/v27dWgQQONGTPG6b1TBw4cUHh4uIKDg9WyZUu9/PLLSkhIcNimQ4cOatOmTbZ9r74ea9asuWldf7+nyWq16t///rd69Oih4OBgNWnSRAMGDNB3333n0MaaNWtUt25d7dy5UzNmzFC7du107733qkuXLlqyZMlNvgsAgGsxPQ8A4NTSpUv1xhtvqHnz5ho+fLjc3d21f/9+rVu3Trt379bWrVtVvnx5SdLChQv11ltv6Z577tELL7ygixcvatmyZTlua/ny5ZoyZYrq1KmjUaNGKTU1VcuXL1daWtpN9x0zZox27NihJ554QnfddZfOnj2rjz/+WE8++aQ+++wzBQUF6eWXX9bixYu1Z88evfTSS6pdu7Z9/6ysLI0bN079+/dXuXLlFBgY6LS9J598Ui1atFBERIQOHjyoVatWKTo6WmvXrlXZsmVzfM6SnNZ1LZvNpuHDh2vbtm1q3ry5xo4dq0uXLmnNmjV69tlnFRkZqYEDBzrsM378eHl7e2vAgAFyc3PT8uXLNX36dPn4+KhPnz65qhMAbleEJgDADVmtVr377ruqV6+elixZIovFYl/n6+ur999/X7t371aXLl105swZRUVF6Z577tHKlSvl4eEhSerRo4e6d+9+07ZSUlI0c+ZM1a5dW59++qm8vLwkSb169brpfUXnz5/Xtm3b9NhjjykiIsK+PDQ0VJGRkfrtt98UFBSkTp066euvv9aePXvUqVMnValSxb6tzWZT//79NWrUKPuykydP3rDNRx99VJMmTbJ/Xbt2bb322mt6//33NWbMmJue77Wc1XWtzz//XNu2bdOjjz6q6dOny2QySZIGDBigsLAwzZw5Ux07dnR4eEfp0qW1evVq+/ejQ4cO6tixo1avXk1oAoAcYnoeAOCGLBaLvv/+e3344YcOgSk1NVXu7u6SroQdSdq6dasyMzM1aNAg+y/o0pWn7z3yyCM3bWvnzp1KTU1V79697YFJkipVqqRu3bo53dfHx0dlypTRpk2btGrVKv33v/+VdOVBClen++VEy5Ytc7SdJA0bNszh6379+qlMmTLavHlzjo+RW19//bUkaeTIkfbAJF05/yFDhshqtWrTpk0O+zz44IMO348qVarIz89PZ8+evWV1AkBJw0gTAMApDw8P/fzzz9q4caPi4uIUHx+vU6dOyTAMSbL/Py4uTpJUs2bNbMeoVavWTds5ceKEJKlGjRq53t/Dw0PTp0/XSy+9pAkTJkiS6tSpo1atWql79+6qX7/+TduXJH9//xxtV65cuWyPAXd3d1eVKlV0+PDhHB0jL06cOCFvb2/deeed2dZdndL399GxihUrZtvWw8NDNpvt1hQJACUQI00AAKfGjh2rp556Sj///LOqVaum8PBwffDBB3rllVcctsvMzJQkh1GNqzw9PXPcXkZGRrZlV4OZM506ddL333+vqKgo9e3bV5mZmfrggw/Uq1cvffTRRzlq+9rRNGeuHeX5e505OUZePxjX2etwNQT9/fU3m3mrB4D8YqQJAHBDMTEx+vLLL9W1a1fNmTPHISzs3bvXYdurI0xHjx7N9iCDo0eP3rSt6tWr33DbY8eOOd03JSVFBw8eVJUqVdS5c2d17txZkhQbG6sBAwZo/vz5GjBgwE1ryKnk5GRduHBBvr6+9mWZmZn6888/7echXQlh1/tMqLxOjatWrZqOHj2q+Pj4bKNNV0e4KleunKdjAwBujD8/AQBuKCkpSdKVqV/XBqbz58/rs88+k/S/UZPOnTvLzc1Ny5Yt0+XLl+3bJiQk2B+n7cz999+vsmXL6uOPP9aFCxfsy8+dO6f169c73ffgwYN6/PHHtWDBAofltWvXVpkyZeTm9r+/EV4dCcrJ6NWN2Gw2LV++3GHZhx9+qEuXLqlr1672ZXfccYeSkpIcpsxlZGTY7026Vk7qevDBByVJc+fOddju0qVLWrRokSwWizp16pS3kwIA3BAjTQCAG2rSpInKlSunRYsWKT09XdWqVdPJkye1evVqXbx4UZLs/7/zzjv13HPPKSoqSo899pi6detmf2T41dGWG01rkyQvLy9NnjxZY8eOVa9evdS3b18ZhqHly5fbHzrhrM6WLVtq5cqVunDhgkJCQmS1WrVx40bFx8c7PFHv6n1LixcvVuvWrfMUMry8vPTee+/p5MmTatCggfbs2aO1a9fqnnvu0aBBg+zbPfroo4qJidHgwYP1xBNPyGazafXq1dcNRjmpq0ePHvr666+1bt06nTp1Sh07dlRaWppWr16tEydOaNy4capatWquzwcA4ByhCQBwQ+XLl9cHH3yg2bNn69NPP1VmZqYCAgL04IMPauDAgerSpYt++OEHPfvss5Kk4cOHq0KFClq2bJlmzZolPz8/hYWFKSMjQ0uWLLnu/U7Xeuihh+Tn56f58+drwYIF8vT0VPfu3VW9enVNnTr1hvuZTCZFRUXpgw8+0MaNG7V9+3ZJUlBQkGbNmuXwyPP+/fvrl19+0erVqxUdHZ2n0OTr66u3335b06dP1/r161W2bFk9+eSTGjlypMP9W3369FFqaqpWrFihGTNmqEKFCurRo4fatGmjxx9/3OGYOanLYrFowYIF+vDDD7Vu3TrNmjVLXl5eatCggSZOnHjdD9IFAOSfycjP/AQAAP5PamqqrFarypQpk23dxIkT9emnn+qbb7654WcQAQBQVHFPEwCgQBw+fFhNmzbVvHnzHJZfvHhR3377rSpWrHjdR2UDAFDUMT0PAFAg7r33XtWtW1fvvvuuzp8/r3r16ikpKUlr1qzRuXPn9NZbbzm9pwkAgKKK6XkAgAJz/vx5LV68WFu3btXp06fl5eWl4OBgPf3002revLmrywMAIE8ITQAAAADgBPc0AQAAAIAThCYAAAAAcILQBAAAAABOuPzpeVlZWZo/f77WrVunpKQk1a9fX//85z/VqFEjSVJsbKymTZum/fv3q3z58nrqqac0YMCAfLVpGIZsNm7lAgAAAG5nZrMpR092dXlo+te//qVVq1Zp+vTpqlq1qhYtWqSnn35aX331ldzd3TVw4EB16NBBU6ZM0d69ezVlyhSVLl1aYWFheW7TZjN0/vylAjwLAAAAAMVN+fKlZbEUg9C0detWdevWTa1atZIkRUZGatWqVdq7d6/i4uLk7u6uqVOnys3NTbVq1dLx48e1cOHCfIUmAAAAAMgpl9/T5O/vr2+//VYnT56U1WrVJ598Ig8PDwUFBSkmJkYhISFyc/tftgsNDdWxY8d09uxZF1YNAAAA4Hbh8pGm8ePHa9SoUerYsaMsFovMZrOioqJUrVo1nT59WnXq1HHY/o477pAknTp1ShUqVMhzu25uLs+LAAAAAIoBl4emI0eOqEyZMpo/f74CAgK0atUqjRs3TsuWLVN6ero8PDwcti9VqpQkKSMjI89tms0m+fmVzlfdAAAAAG4PLg1Np06d0tixY7V06VI1bdpUktSgQQMdOXJEUVFR8vT0VGZmpsM+V8OSt7d3ntu12QxduJCa98IBAAAAFHu+vl6yWG4+A82loenXX3/V5cuX1aBBA4flDRs21Pfff6/KlSsrISHBYd3VrwMCAvLVdlaWLV/7AwAAALeKzWaT1Zrl6jKKNYvFTWZzwdyS49LQFBgYKEk6ePCggoOD7csPHTqkGjVqqGHDhlq5cqWsVqssFoskKTo6WjVr1pS/v79LagYAAABuFcMwdOHCeaWlpbi6lBLBy8tHvr7lc/RZTM64NDQFBwfrvvvuU0REhCZNmqTAwECtW7dOO3fu1IoVK1SlShUtXrxY48eP19NPP619+/Zp6dKlmjJliivLBgAAAG6Jq4HJx8dPHh6l8v3L/u3KMAxlZmYoJSVRklS2bP4GXEyGYRgFUVheJScn6+2339b27duVnJysOnXqaMyYMQoJCZEk7du3T9OmTdOBAwdUsWJFDRo0SP37989Xm1arjQ+3BQAUKLPZJLOZX25yw2YzZLO59NcQoEix2axKSDgpHx8/+fj4urqcEiEl5YJSUhJ1xx1VrztV78qH2958Cp/LQ5MrEJoAAAXJbDapXDnvHL3x4n+sVpuSklIJTsD/uXw5U+fOnVL58oHy8Cjl6nJKhMzMDJ0/f1r+/pXk7u6RbX1OQ5PLHzkOAEBxZzabZLGYNX/FDsUnJLu6nGLhzjvKathj98tsNhGagL9hSl7BKajXktAEAEABiU9I1rH4RFeXUawwOpd7TGu8PblqCjDX2xWEJgAAUOjKlvGUYbPJ19fL1aUUOzabVYmJafwiextx5RTgvE6jPX36tPbv/1WdOj14iyorXIQmAABQ6Ep7eshkNivuy0VKO3fK1eUUG17+lVSz2zNMa7zNuGoKcH6m0U6bNkmBgZUITQAAAPmVdu6U0s6ccHUZQLFQnKYAl7RnzRGaAAAAABSY4cOf1d69v2jv3l+0Z8/PkqR27ToqOnqHEhPP67XXZuj9999TpUqVNX78ZIf9rl127Fic5s2bo19/3SNvb281adJMw4e/IH//CoV+Ttx9CQAAAKDAvP76TN17b7A6dHhAixZ9JElas+ZTjRo1Tm+9FaV77mlw02OcPftfDRv2tKpUqabFi/+tN998W5cupWjo0EFKS0u71aeQDaEJAAAAQIHx9S0rNzc3lSpVSn5+fpKk0ND71axZcwUF1ZeHR/bPS/q7tWs/U8WKAXrhhXGqXr2GgoLqaerU6Tp//py+/XbrrT6FbJieBwAAAOCWqlKlaq62P3Tod8XF/aEHHmjtsDwzM1PHjsUVZGk5QmgCAAAAcEuVKlXqpttYrVb7v202Q02aNNXYsZHZtvPxKVOgteUE0/MAAAAAFCiTyfkH8bq7u+vSpUv2r202m/7666T967vuqqXjx4/pjjsCVKVKVVWpUlW+vr6aO/ctHT165JbVfSOEJgAAAAAFysvLW6dO/aWEhDPXXX/vvcH66addio7+fzp58k/NmTNTFy+m2Nf37NlbKSkpmjp1gg4fPqTDhw/plVdeUmzsAdWsWauwTsOO6XkA4CJms0lms/O/xMGRzWbwgZ4Ablt33lG22LT36KNhmjZtkp588jF5eXllW9+v3xOKjz+piRMj5eHhrocf7qFOnTrbP9+pcuU7NW/ee3r33Xl6/vnBslgsatCgoebOfdf+cInCRGgCABcwm03y8/OS2WxxdSnFis1mVWJiGsEJwG3FZjNktdo07LH7C71tq9WWp5+5LVu20oYN39xwfenSPnrllVedHqNOnSDNnj0v123fCoQmAHCBK6NMFsV9uUhp5065upxiwcu/kmp2e0Zms4nQBOC2YrMZSkpKdcnsBEb4ryA0AYALpZ07pbQzJ1xdBgCgiCO8uBYPggAAAAAAJwhNAAAAAOAE0/MA5BtPgcs9i4W/WQEAUFwQmgDki9lsUrly3oQAAABQYhGaAOSL2WySxWLW/BU7FJ+Q7Opyio2GdSurb5dGri4DAADkAKEJQIGIT0jWsfhEV5dRbFSu6OvqEgAAQA4xnwYAAAAAnGCkCQAAACjiXPXQJT4f6gpCEwAAAFCEmc0m+fl5yWy2FHrbNptViYlpRTY49e7dXV27dtPgwUNuaTuEJgAAAKAIuzLKZFHcl4uUdu5UobXr5V9JNbs9I7PZVGRDU2EhNAEAAADFQNq5U0o7c8LVZdyWCE0AAAAACkyrVk01evSL2rTpKx05ckhVqlTVs88+r1at2kqS3n//Pe3Z87P8/f21c+f/U9euD2v06Bf122+/6t135yk29oDKlSun++9vo6FDh6l0aR9JUkpKit5+e6Z+/PE7ubm5qX//pwrtnHh6HgAAAIAC9e678/Tggw9p6dLlatGilV5++Z/67bdf7ev37v1F5ctX0JIlH6t37346cuSwXnjheTVv3kIffrhCkyZN08GDsRo9ergM48rUwFdeiVRs7H/05ptzNGfOfO3cuUOnTxfOdEVCEwAAAIAC9dBD3RQW9g9Vq1ZDzz03QkFB9fXZZ584bDN48BDdeWcVVa1aTStWfKSQkFANGDBIVatWU8OGjTR58jQdOLBfe/b8rBMnjmn37miNHv2iGjZsrNq162rSpNfk4eFRKOfD9DwAAAAABapJk6YOXzdoEKzdu6PtX/v5lZePj4/964MHD+rkyRN64IHW2Y51/PgxJScnSZLq1atvX16+vL8qV76zgCu/PkITAAAAgAJlsTjGDKvV5vDI9FKlSjmsNwybOnfuqgEDBmU7VrlyfoqJ2SVJ2Z7i9/d2bhWm5wEAAAAoUL//fsDh6/3796lu3aAbbl+zZi3FxR1VlSpV7f9ZrVbNnTtbCQmnVbt2XUlyuC/q4sWLio//89acwN8w0gQAAACgQH366QpVq1ZDQUH19Pnna3XkyCFFRk684fb9+vXXsGFP66233lRY2D+UknJRb701XRkZGapatbrc3d3Vvn0nzZkzQ+7u7vL399e7787X5cuXC+V8CE0AAABAMeDlX6nYtPfoo7306afLdfToEdWqVVuzZ8/T3XfXvuH2997bQLNnz9Pixf/SoEH95e3tpfvua6Zhw16Qu7u7JGnChMmaN+8dTZr0smw2m3r06KWkpMQ815gbhCYAAACgCLPZDNlsVtXs9owL2rZmu48oJ2rUuEvPPz/quusGDx6iwYOHZFt+333NdN99zW54zFKlPDV2bITGjo3IdT35RWgCAAAAijCbzVBiYprMZpNL2s5LaCppCE0AAABAEUd4cS1CEwAAAIAC8+OPMa4uocDxyHEAAAAAcILQBAAAAABOEJoAAACAIsQwuHepoBTUa0loAgAAAIoAi8UiScrMzHBxJSXH1dfSYsnfoxx4EAQAAABQBJjNFnl5+Sgl5coHtnp4lJLJVPiPGS8JDMNQZmaGUlIS5eXlI7M5f2NFhCYAAACgiPD1LS9J9uCE/PHy8rG/pvlRJELTunXrtHDhQv3555+qVq2ahg8frq5du0qSTp48qVdffVU//fSTvL291bt3b40YMcI+fAkAAACUFCaTSWXL+qtMGT9ZrVmuLqdYs1jc8j3CdJXLQ9P69es1fvx4vfzyy2rdurU2bNigMWPGKDAwUPfee68GDx6sGjVqaOXKlTpx4oTGjx8vs9mskSNHurp0AAAA4JYwm80ymz1cXQb+j0tDk2EYeueddzRgwAA98cQTkqTnnntOMTEx2r17t+Lj4/XXX3/p008/VdmyZVWnTh2dO3dOM2bM0NChQ+XhwYUEAAAA4NZy6dPz4uLiFB8fr+7duzssf//99zVkyBDFxMTonnvuUdmyZe3rQkNDlZKSotjY2MIuFwAAAMBtyKUjTXFxcZKk1NRUDR48WAcOHFCVKlX03HPPqUOHDjp9+rQCAwMd9rnjjjskSadOnVLDhg3z3LabG09bBwqCxUJfQuEqitdcUawJJRvXHFC4XBqaUlJSJEkREREaPny4xo0bp02bNun555/XkiVLlJ6eLl9fX4d9SpUqJUnKyMj78+vNZpP8/ErnvXAAgMv4+nq5ugTA5egHQOFyaWhyd3eXJA0ePFg9e/aUJNWrV08HDhzQkiVL5OnpqczMTId9roYlb2/vPLdrsxm6cCE1z/sD+B+LxcybNwrVhQtpslptri7DAf0Aha0o9gOgOPL19crRyK1LQ1NAQIAkqU6dOg7L7777bm3fvl0hISE6dOiQw7qEhASHffMqK4sfNABQHFmtNn6G47ZHPwAKl0snxN5zzz0qXbq0fv31V4flhw4dUrVq1dSsWTMdOHDAPo1PkqKjo1W6dGkFBQUVdrkAAAAAbkMuDU2enp56+umnNX/+fH355Zc6ceKE/vWvf2nHjh0aOHCgOnXqpIoVK+qFF17Q77//rq1bt2r27NkaNGgQjxsHAAAAUChc/uG2zz//vLy8vDRnzhydOXNGtWrVUlRUlJo3by5JWrx4saZMmaJ//OMfKlu2rB5//HE9//zzLq4aAAAAwO3C5aFJkgYOHKiBAwded1316tX1wQcfFHJFAAAAAHAFD/kHAAAAACcITQAAAADgBKEJAAAAAJwgNAEAAACAE4QmAAAAAHCC0AQAAAAAThCaAAAAAMAJQhMAAAAAOEFoAgAAAAAnCE0AAAAA4AShCQAAAACcIDQBAAAAgBOEJgAAAABwgtAEAAAAAE4QmgAAAADACUITAAAAADhBaAIAAAAAJwhNAAAAAOAEoQkAAAAAnCA0AQAAAIAThCYAAAAAcILQBAAAAABOEJoAAAAAwAlCEwAAAAA4QWgCAAAAACcITQAAAADgBKEJAAAAAJwgNAEAAACAE4QmAAAAAHCC0AQAAAAAThCaAAAAAMAJQhMAAAAAOEFoAgAAAAAnCE0AAAAA4AShCQAAAACccMvtDi+99FKOtzWZTHr99ddz2wQAAAAAFBm5Dk2nT5/WgQMHlJycrDvvvFMBAQFKSkrS8ePHZRiGAgMD7duaTKYCLRYAAAAACluuQ9NDDz2kw4cPa/ny5WrSpIl9+dGjR/Xcc8/p8ccf15NPPlmgRQIAAACAq+T6nqZ3331X48aNcwhMknTXXXfphRde0Pvvv19gxQEAAACAq+U6NJ0/f15ly5a9/sHMZl28eDHfRQEAAABAUZHr0NSwYUPNmzdPiYmJDssTEhIUFRWlVq1aFVhxAAAAAOBqub6nKTIyUv3791eHDh3UuHFj+fn56dy5c9qzZ4/8/f318ssv34o6AQAAAMAlcj3SFBQUpA0bNqhfv35KSUnR/v37lZ6erkGDBmnNmjWqVKnSragTAAAAAFwi1yNNkhQQEKCIiIiCrgUAAAAAipxcjzRJUmZmppYvX67hw4erb9+++uOPP7RixQrt27cvX8XExcWpcePGWrNmjX1ZbGys+vfvr0aNGqlDhw766KOP8tUGAAAAAORGnp6eFxYWpmnTpun48ePat2+f0tPTtX37doWHh2vPnj15KuTy5csaN26cUlNT7csSExM1cOBAVatWTatXr9awYcM0a9YsrV69Ok9tAAAAAEBu5To0zZgxQ5cuXdJXX32ltWvXyjAMSdLcuXPVoEEDzZ07N0+FREVFycfHx2HZp59+Knd3d02dOlW1atVSWFiYnnrqKS1cuDBPbQAAAABAbuU6NH377bcaNWqUqlevLpPJZF9eqlQpDRo0SP/5z39yXcRPP/2kTz75RNOnT3dYHhMTo5CQELm5/e/Wq9DQUB07dkxnz57NdTsAAAAAkFu5fhBERkaGypUrd911FotFly9fztXxLly4oBdffFETJkzI9uS906dPq06dOg7L7rjjDknSqVOnVKFChVy1dS03tzzdzgXgbywW+hIKV1G85opiTSjZuOaAwpXr0NSgQQMtX75cbdu2zbbuiy++0L333pur402ePFmNGzdW9+7ds61LT0+Xh4eHw7JSpUpJuhLe8spsNsnPr3Se9wcAuI6vr5erSwBcjn4AFK5ch6ZRo0bpqaeeUo8ePdS2bVuZTCZ9+eWXioqK0o8//qjFixfn+Fjr1q1TTEyMvvjii+uu9/T0VGZmpsOyq2HJ29s7t6Xb2WyGLlxIvfmGAG7KYjHz5o1CdeFCmqxWm6vLcEA/QGEriv0AKI58fb1yNHKb69DUtGlTLVmyRG+99ZYWL14swzC0dOlS1a9fX++9955CQ0NzfKzVq1fr3LlzateuncPySZMm6auvvlJgYKASEhIc1l39OiAgILelO8jK4gcNABRHVquNn+G47dEPgMKV69C0c+dONW7cWCtXrlR6erqSk5Pl4+Oj0qVzP91t1qxZSk9Pd1jWuXNnjRw5Uo888ojWr1+vlStXymq1ymKxSJKio6NVs2ZN+fv757o9AAAAAMitXN9FOGLECG3evFnSlelzAQEBeQpM0pXRourVqzv8J0n+/v4KCAhQWFiYUlJSNH78eB05ckRr1qzR0qVLNWTIkDy1BwAAAAC5levQ5OvrK09Pz1tRSzb+/v5avHix4uLi1LNnT82bN08vvviievbsWSjtAwAAAECup+cNGTJEr732muLi4hQUFHTdBzI0a9YszwUdPHjQ4evg4GB98skneT4eAAAAAORHjkJTRkaG/VHfkyZNkiTNmTNHkhw+4NYwDJlMJsXGxhZ0nQAAAADgEjkKTR06dNC8efPUuHFjNWvWTH369FFgYOCtrg0AAAAAXC5HoenixYv2R33HxMTon//8p4KDg29pYQAAAABQFOQoNDVo0EBjx47Vm2++KcMwNGzYMHl4eFx3W5PJpK1btxZokQAAAADgKjkKTbNnz9bSpUuVlJSktWvXqn79+ipfvvytrg0AAAAAXC5HoSkgIEARERGSpF27dmn06NEKCgq6pYUBAAAAQFGQ60eOb9u27VbUAQAAAABFUq4/3BYAAAAAbieEJgAAAABwgtAEAAAAAE4QmgAAAADACUITAAAAADhBaAIAAAAAJwhNAAAAAOAEoQkAAAAAnCA0AQAAAIAThCYAAAAAcILQBAAAAABOEJoAAAAAwAlCEwAAAAA4QWgCAAAAACcITQAAAADgBKEJAAAAAJxwc3UBuD2ZzSaZzSZXl1Gs2GyGbDbD1WUAAADcdghNKHRms0l+fl4ymy2uLqVYsdmsSkxMIzgBAAAUMkITCt2VUSaL4r5cpLRzp1xdTrHg5V9JNbs9I7PZRGgCAAAoZIQmuEzauVNKO3PC1WUAAAAATvEgCAAAAABwgtAEAAAAAE4QmgAAAADACUITAAAAADhBaAIAAAAAJ3h6Xj7xIa25Z7GQ1QEAAFB8EJrywWw2qVw5b0IAAAAAUIIRmvLBbDbJYjFr/oodik9IdnU5xUbDupXVt0sjV5cBAAAA5AihqQDEJyTrWHyiq8soNipX9HV1CQAAAECOMa8MAAAAAJwgNAEAAACAE4QmAAAAAHCC0AQAAAAAThCaAAAAAMAJQhMAAAAAOEFoAgAAAAAnCE0AAAAA4ITLQ1NSUpJeeeUVtWnTRk2aNNFjjz2mmJgY+/qdO3eqV69eatiwobp06aINGza4sFoAAAAAtxuXh6YxY8Zoz549mj17tlavXq169epp8ODBOnr0qP744w8NGTJErVu31po1a9SnTx+9+OKL2rlzp6vLBgAAAHCbcHNl48ePH9eOHTu0fPly3XfffZKkiRMn6ocfftAXX3yhc+fOqW7duho9erQkqVatWjpw4IAWL16sFi1auLJ0AAAAALcJl440+fn5aeHChWrQoIF9mclkkslk0oULFxQTE5MtHIWGhurnn3+WYRiFXS4AAACA25BLQ5Ovr6/atm0rDw8P+7JNmzbp+PHjat26tU6fPq3AwECHfe644w6lpaUpMTGxsMsFAAAAcBty6fS8v/vll1/00ksvqXPnzmrXrp3S09MdApUk+9eZmZn5asvNLf950WJx+S1huM0UxWuuKNaEkq0oXnNFsSaUbFxzQOEqMqFp69atGjdunJo0aaJZs2ZJkkqVKpUtHF392svLK89tmc0m+fmVznuxgIv4+ub9ugdKCvoBQD8ACluRCE3Lli3TtGnT1KVLF7355pv20aRKlSopISHBYduEhAR5e3urTJkyeW7PZjN04UJqvmqWrvyVhx9aKEwXLqTJarW5ugwH9AMUNvoBUDT7AVAc+fp65Wjk1uWhafny5Xr11VcVHh6u8ePHy2Qy2dc1bdpUu3fvdtg+OjpaTZo0kdmcv2HprCx+0KD4sVptXLu47dEPAPoBUNhcGpri4uL0+uuv64EHHtCQIUN09uxZ+zpPT0+Fh4erZ8+emjVrlnr27KnvvvtOX3/9tRYvXuzCqgEAAADcTlwamjZt2qTLly9ry5Yt2rJli8O6nj17avr06VqwYIFmzpypDz/8UFWqVNHMmTP5jCYAAAAAhcaloWno0KEaOnSo023atGmjNm3aFFJFAAAAAOCI51UCAAAAgBOEJgAAAABwgtAEAAAAAE4QmgAAAADACZd/ThMAAABKBrPZJLPZdPMNYWezGbLZDFeXgZsgNAEAACDfzGaTypXzlsXCRKbcsFptSkpKJTgVcYQmAAAA5JvZbJLFYtb8FTsUn5Ds6nKKhTvvKKthj90vs9lEaCriCE0AAAAoMPEJyToWn+jqMoACxfgpAAAAADhBaAIAAAAAJwhNAAAAAOAEoQkAAAAAnCA0AQAAAIAThCYAAAAAcILQBAAAAABO8DlNAAAAgAtZLIxj5JbNZhTqBwITmgAAAAAXKFvGU4bNJl9fL1eXUuzYbFYlJqYVWnAiNAEAAAAuUNrTQyazWXFfLlLauVOuLqfY8PKvpJrdnpHZbCI0AQAAALeDtHOnlHbmhKvLgBNMoAQAAAAAJwhNAAAAAOAEoQkAAAAAnCA0AQAAAIAThCYAAAAAcILQBAAAAABOEJoAAAAAwAlCEwAAAAA4QWgCAAAAACcITQAAAADgBKEJAAAAAJwgNAEAAACAE4QmAAAAAHCC0AQAAAAAThCaAAAAAMAJQhMAAAAAOEFoAgAAAAAnCE0AAAAA4AShCQAAAACcIDQBAAAAgBOEJgAAAABwgtAEAAAAAE4QmgAAAADACUITAAAAADhBaAIAAAAAJwhNAAAAAOBEsQhNNptNc+fOVevWrdWoUSM988wz+vPPP11dFgAAAIDbQLEITQsWLNDy5cv16quvauXKlbLZbHr66aeVmZnp6tIAAAAAlHBFPjRlZmbqgw8+0MiRI9WuXTsFBQVpzpw5On36tDZv3uzq8gAAAACUcEU+NP3++++6dOmSWrRoYV/m6+ur+vXr66effnJhZQAAAABuBybDMAxXF+HM5s2bNWLECP3666/y9PS0Lx81apTS09P13nvv5fqYhmHIZsv/aZtMktlsVnJKuqxWW76Pd7vwcLfIx7uULl+6IMNmdXU5xYLJbJF7aV/ZbDYVtR5LP8gb+kHu0Q9KFvpA3tAPShb6Qd4UZD8wm00ymUw33c4tf83cemlpaZIkDw8Ph+WlSpVScnJyno5pMplksdz8xcmpsj6eN98I2biX9nV1CcWO2Vx0B4fpB3lDP8g9+kHJQh/IG/pByUI/yJvC7AdFt8f9n6ujS39/6ENGRoa8vLxcURIAAACA20iRD02VKlWSJCUkJDgsT0hIUEBAgCtKAgAAAHAbKfKhKSgoSD4+Ptq1a5d92YULF3TgwAE1a9bMhZUBAAAAuB0U+XuaPDw81L9/f82aNUvly5fXnXfeqZkzZyowMFCdO3d2dXkAAAAASrgiH5okaeTIkcrKytKECROUnp6uZs2a6f3335e7u7urSwMAAABQwhX5R44DAAAAgCsV+XuaAAAAAMCVCE0AAAAA4AShCQAAAACcIDQBAAAAgBOEJgAAAABwgtAEAAAAAE4QmgAAAADACUITbpnw8HD7v+vWrevCSgDXmjt3rmJiYgr8uCtWrNCKFSvyvB5FV0FeM5GRkVqzZk225WvWrFFkZGSBtIHr69Gjh6tLQBHD70PFl5urC0DJtXv3bleXABQJP/30k5o3b17gx33sscfytR5F1626ZlC41q9f7+oSABQQQhMKxLvvvqvPP/9cFotF999/v9LS0iRJvXr1sv+Fc8qUKdqzZ48yMjL05ptvKjg4WCdOnNDkyZOVmJgoDw8PRUREqEmTJoqMjFRiYqJOnDihUaNGqUuXLq48PRRzs2fP1qZNm2SxWNSjRw917txZr7zyipKSkuTt7a3x48crODhYkZGR8vT01N69e5WUlKTRo0dr69atio2NVfv27TV+/HitWbNGmzZtUkpKihISEtS2bVuNHz9e8fHxGjBggLZt2ybpyl/xd+/erWbNmmn//v2aMGGC5s6dq9KlS+f6mp8+fbrKly+vZ599VpIUERGhkJAQ/fXXX5KkYcOG2fuXxWJRhw4dNGLECEVFRUmSRowYoW+//VZvv/22bDabqlatqqlTp6pChQrq0KGDevTooR07digpKUkTJ05U69atC/k7VPLt2rVL//rXv1SmTBn98ccfCgwM1OzZs/Xll19q3bp1Sk9Pl3TlWv3tt98crpnXX39dw4cPt4eounXr6uDBg4qKitLevXt1+vRp9enTR/Xr19fs2bOVkZGh5ORkjR07Vg8//HCO6tu4caOWLFmi9PR0paena+rUqQoNDVV4eLgaNmyomJgYJSQkaMSIEerZs6dSUlL08ssv6/Dhw6pYsaJMJpOef/55SdK8efP073//W5IcrsFly5ZlO9c6deooJiZGU6dOldlsVtOmTfXdd99py5YtOn/+vF555RX7dT58+HB16NAhW+3h4eGqWbOm9u/fr7S0NEVGRqpt27bZXp+2bdtet9+fOnVKL730ks6ePSsPDw9NnjxZwcHBWr9+vT788ENZrVbdfffdmjJliry9va/b1/bu3avXXntNhmGoVKlSeu2113TXXXc5fK/OnDmjEydOKD4+3l6LJL3zzjvasGGDypQpo1q1aqlq1aoaMWJEXi81uNCuXbs0f/58ubm56dixY2rdurUCAgK0detW2Ww2LVy40L5tWlqaJkyYoIMHD8pkMmnw4MF69NFHb/gek5GRoRdffFEnTpyQyWRS37591a9fPxee7W3IAPJp+/btRlhYmJGammpcvnzZGDp0qLFs2TKjTp069m3q1KljbNiwwTAMw/jwww+NESNGGIZhGP369TP27dtnGIZhHD9+3Gjfvr1x+fJlIyIiwhg7dmzhnwxKnE2bNhl9+/Y10tPTjfT0dKN3795Gs2bNjK+++sowDMPYs2eP0a5dOyMjI8OIiIgwhg4dahiGYaxZs8a47777jLNnzxoXL140GjdubCQnJxurV682QkNDjYSEBCMjI8Po27ev8dVXXxl//vmn0b59e3u7q1evNiIiIgzDMIz+/fsb0dHRhmHk7ZqPjY01HnnkEcMwDCM9Pd1o2bKlcfHiRWPu3LnG3LlzjdjYWKNnz5729WPGjDFSU1Pt68+ePWvcf//9xokTJwzDMIxFixbZ+2D79u2N999/3zAMw9i8ebP9OChY0dHRRqNGjYz4+HjDMAxj6NChxtKlS43w8HAjNTXVMAzDeOedd4ypU6cahuF4zVz7b8Mw7D9b586dazz22GP25SNGjDAOHTpkGIZh7Ny50+jWrZthGIYRERFhrF69OltNV69Rq9VqhIeHG2fPnjUMwzA+++wzY8iQIfa2r9b0n//8xwgJCTEMwzCmT59uvPbaa4ZhGMaJEyeMRo0aGdHR0UZ0dLTRv39/extXr8GLFy9e91wzMzONNm3a2PvEokWL7P1ozJgxxqZNmwzDMIxz584ZnTp1std4rf79+xsvvviiYbPZjAMHDhihoaFGRkZGttcnLCzsuv1+yJAhxtKlSw3DMIxdu3YZgwcPNo4cOWL069fPSEtLMwzDMBYsWGBMnz79hn3t+eefN7755hvDMAxjw4YNxpo1a7J9r3r16mVkZGQYKSkpRqtWrYzff//d2LZtm9GnTx8jLS3NSE1NNXr16mXMnTs32zmieLi2n6emphqNGjUyVqxYYRiGYURGRhpLly61XxNvvvmmMWXKFMMwrlzfHTp0MGJjY2/4HrNlyxZj+PDhhmEYxvnz541x48a55iRvY4w0Id+io6PVrVs3eXl5SZLCwsK0bt26bNt17txZklSnTh1t2bJFly5d0m+//aYJEybYt8nKytKpU6ckSY0bN771xaPE27Vrl7p27apSpUpJkpYuXap27dqpa9eukqRGjRqpbNmyOnr0qCSpXbt2kqTKlSurdu3a8vf3lySVK1dOFy5ckCS1b99eFStWlCQ99NBD+umnn9SgQYOb1pLXaz4oKEiS9Mcff+jQoUMKDQ2Vj4+PfX21atWUmZmpJ554Qm3bttXo0aPt/VGS9u3bp+DgYFWtWlWS1LdvX4e/eLZt29beTlJS0k3PA3lTu3ZtVa5cWZJUr149Xbx4UXPmzNFXX32lY8eO6YcfflC9evVydcxGjRrZ/z1z5kx9++232rx5s3799VddunQpR8cwm81asGCBtm3bpri4OO3evVtm8/9ueb56fdSrV89+ffz444+aOXOmJKlq1apq2bKl0zZ8fHyue66HDh1S+fLl7f2nb9++Wr58ub2Nw4cPa/78+ZKu9JU//vjD3iev1adPH5lMJtWrV0+BgYE6ePCgw+tz6dIlHT9+/Lr9fteuXfZzCQkJUUhIiJYtW6bjx4+rb9++9rarVq16w77WoUMHTZgwQe3bt1f79u314IMPZquxRYsW8vDwkIeHh6pXr67k5GTt2LFD3bp1k6enpyTpkUcesf+cQfFUt25dez/38/NTixYtJF15T7n2exsdHa1p06ZJksqXL6+OHTtq9+7d8vHxue57zJAhQzRt2jQNHjxYbdu2VURERCGfGQhNyDebzZZtWVZWVrZlbm5XLjeTyWTfz8PDw2HO95kzZ+w/KK79pQ/IK4vFYr/mJCk5OTnbNoZh2K9Zd3d3+/Kr1+zfXbvcZrPJbDbLZDLJMAz78suXL2fbL6fX/LXB6t5779W0adPUo0cPbdy4UQcPHlTv3r0djuvt7a1169Zp165d+vHHH9WvXz/79Kir7f79fK+t72qgvPZ1QsG7+jpLV17rv/76S3369FF4eLjatGmjChUqKDY29rr7Xr22MjMzHZZf+3Py8ccfV0hIiEJDQ9WiRQuNGzfOYdsVK1Zo5cqVkqR+/frZ67l06ZLCwsL0yCOPqFmzZqpbt64+/vjjbHVfe31YLBaH6/3a8/p7P3B3d9epU6f0xBNPZDtXi8Vy3fcQ6cp1+9FHH6lcuXKSpISEBJUvX17PPPOMEhISJMke/i0Wi8N+V7+++vpcr9ar/d7Nzc3h3A4fPiyr1aqHHnrI3g9TU1OVmZl5w74WFhamFi1aaPv27Vq6dKm2b9+u1157zaG9v3//DcOQ2Wy+4fmjeLr2PURyvDav9fdr8tr3oeu9xwQEBGjjxo3asWOHfvjhB/Xs2VMbNmyQr69vAZ8BboSn5yHfQkND9eWXXyotLU1ZWVlavXq1mjVrJovFct3wdFWZMmVUo0YN+y+QMTEx6tWrl9N9gNwKCQnRli1blJmZqczMTA0dOlSXLl3Sxo0bJUl79+5VQkKC6tSpk+Nj/vDDD7pw4YIyMjK0YcMGtWrVSmXLllVSUpISEhJktVq1efNm+/YWi0VWqzXH13yDBg20fv16rV+/3v6XyO7du2vTpk2KjY1Vq1atHLaPiYnRM888o9DQUEVERKhWrVqKi4uzr2/YsKH27dunP//8U5L0ySefKCQkJBevIm6F3377TTVq1NDAgQPVsGFDff/997JarZL+d81IV/5a/fvvv0uSvv766+seKykpSceOHdMLL7ygtm3baseOHfb9r3rsscfs19W1Dwk5duyYTCaTnnvuOYWGhjrUcSP333+/1q5dK0k6ffq0du3aJZPJJD8/Px07dkxpaWlKS0vT9u3bnZ7rXXfdpYsXL+o///mPJDnMUggNDbWPOh07dkzdunVTcnKyFi1aZD+PgIAASdKGDRvs7SQlJWXrzz4+Pqpatep1+31ISIh9/z179mjMmDFq3ry5tmzZorNnz0qS3njjDS1YsOCGfe2ZZ55RXFycHn/8cY0aNUoHDhxw+vpd+zpu3LhRGRkZyszM1MaNG/njxW0iNDRUq1atkiSdP39eW7duVdOmTSVd/z3miy++0OTJk9WxY0dNmDBB3t7e9lkKKByMNCHf2rdvr9jYWPXu3VtZWVlq2bKlBgwYoH379umRRx7RZ599dsN9Z86cqcmTJ2vx4sWyWCx655135OHhUYjVo6Tr1KmTDhw4oLCwMNlsNoWFhalt27aaPHmyFixYIHd3d0VFReXquqtYsaKGDBmi8+fPq1u3bvYpfUOHDlW/fv1UoUIFNW3aVOfPn5d0ZcrfpEmT9MYbb+T5mq9YsaICAgJUq1atbH+5vO+++3TXXXfZp/nUr19fbdq0sf8iWqFCBU2dOlXDhw9XVlaWAgMD9frrr+f4fHFrtGrVSr///rseeugheXh4KDg4WIcOHZLkeM0MGTJEERERWrt2rVq0aGEfmbxWuXLl1KdPHz388MPy8fFRw4YNlZ6enqMpekFBQapfv766du0qT09PNWvWTPHx8dcdnbnqueee08SJE9W9e3dVrFhRlStXlqenp2rXrq3OnTurW7duCggI0H333SfpSjhYsWJFtnP18PDQ7NmzNXHiRBmGoaCgIPtUtQkTJmjSpEnq3r27DMPQtGnTrjs1T7oyYtuzZ0/ZbDbNnj37uqPEV/ve3/v9xIkTNWHCBC1fvlweHh568803FRQUpOHDh2vgwIGy2WyqVauWIiMj5e3tfd2+5u/vrylTpmjWrFlyc3PL8aPc27Ztq99++009e/ZU6dKl5efn5zAihZJr2LBhmjx5srp16yar1apnn31WwcHBOnLkyHXfYzIyMvTNN9/o4Ycflru7ux588EEeX17ITIazn4oAAAdXn4o3ffp0V5cCuMznn3+uwMBAhYSEKCUlRb169dKqVatUtmzZXB3HMAzNmDFDw4YNk4+Pj7Zu3arPP/9cc+fOzfExwsPDHZ4uWJz8+uuvOnTokPr06SPDMDRy5EiFhYXZ/xCD2w/vMUUXI00AACBX7rrrLk2aNMk+jW/UqFG5DkzSlXt7/P399Y9//EPu7u7y9/fXq6++WtDlFlk1atTQ/Pnz9dFHH0m6MsJIYAKKJkaaAAAAAMAJHgQBAAAAAE4QmgAAAADACUITAAAAADhBaAIAlDjcrgsAKEiEJgBAifLNN98oIiLC1WUAAEoQHjkOAChRli5d6uoSAAAlDCNNAAAAAOAEn9MEACgxwsPDtXv3bvvXH330kcqWLat58+YpJiZGFy9eVPny5fXggw9q3Lhx8vT0lCSlpKRoxowZ2rJli9LT09WuXTs1bNhQb7zxhg4ePOiq0wEAFBGEJgBAiXHkyBH985//lCRNmjRJFStW1COPPKJGjRopPDxcHh4e+v7777VkyRKNHTtWzz77rCRpwIABio2N1ejRo1W5cmUtX75cO3fuVGZmJqEJAMA9TQCAkuPuu++Wj4+PJKlRo0b68ccfVa9ePb3zzjv25S1bttSOHTu0a9cuPfvss9q5c6d27dqlqKgode7cWZLUpk0bdevWTX/88YfLzgUAUHQQmgAAJVarVq3UqlUrXb58WUeOHNHx48d16NAhnT9/XuXKlZMkRUdHy93dXZ06dbLvZzab9dBDDykqKspFlQMAihJCEwCgxLLZbJo9e7Y+/vhjpaamqlKlSgoODlapUqXs2yQmJqpcuXIymx2fjeTv71/Y5QIAiihCEwCgxFq4cKGWLl2qKVOmqHPnzipTpowkqXfv3vZtAgIClJiYKJvN5hCczp07V+j1AgCKJh45DgAoUa4NPj///LPuvvtuhYWF2QPTmTNndOjQIdlsNklSSEiIsrKytG3bNvt+hmFo69athVs4AKDIYqQJAFCi+Pr6as+ePdq5c6eqV6+uH3/8UQsXLlSjRo10/Phxvffee8rMzFRaWpokqVmzZrr//vs1fvx4nT17VpUrV9Znn32mgwcPymQyufhsAABFAY8cBwCUKNHR0XrppZf03//+V6+++qp+++03bd68WRcvXlSlSpX08MMPy2Qy6b333tOOHTvk6+ur5ORkTZ8+XVu3blVWVpY6duwoX19frVu3Tr/88ourTwkA4GKEJgDAbS0+Pl579+5Vx44d7R92K0kjR47Un3/+qbVr17qwOgBAUcD0PADAbc1sNisyMlIdO3ZU7969ZbFY9MMPP2jz5s164403XF0eAKAIYKQJAHDbi46O1vz58xUbG6usrCzVqlVLAwcOVLdu3VxdGgCgCCA0AQAAAIATPHIcAAAAAJwgNAEAAACAE4QmAAAAAHCC0AQAAAAAThCaAAAAAMAJQhMAAAAAOEFoAgAAAAAnCE0AAAAA4AShCQAAAACc+P+x2etO0VkUGgAAAABJRU5ErkJggg==", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "# Zero-shot with GPT 4\n", - "method = \"zero_shot\"\n", - "model = \"gpt-4-0613\"\n", - "y_pred[method][model], performance[method][model] = evaluate(\n", - " test_df=test_df, model=model, system_content=system_content,\n", - " assistant_content=\"\", tags=tags)" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "483f6d46-7a9e-4bce-a34f-96c1cf2df29a", - "metadata": {}, - "source": [ - "### Few-shot learning" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "8d6159b2", - "metadata": {}, - "source": [ - "Now, we'll be adding a `assistant_context` with a few samples from our training data for each class. The intuition here is that we're giving the model a few examples (few-shot learning) of what each class looks like so that it can learn to generalize better." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "e22ed1e1-b34d-43d1-ae8b-32b1fd5be53d", - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[{'title': 'Comparison between YOLO and RCNN on real world videos',\n", - " 'description': 'Bringing theory to experiment is cool. We can easily train models in colab and find the results in minutes.',\n", - " 'tag': 'computer-vision'},\n", - " {'title': 'Show, Infer & Tell: Contextual Inference for Creative Captioning',\n", - " 'description': 'The beauty of the work lies in the way it architects the fundamental idea that humans look at the overall image and then individual pieces of it.\\r\\n',\n", - " 'tag': 'computer-vision'},\n", - " {'title': 'Awesome Graph Classification',\n", - " 'description': 'A collection of important graph embedding, classification and representation learning papers with implementations.',\n", - " 'tag': 'other'},\n", - " {'title': 'Awesome Monte Carlo Tree Search',\n", - " 'description': 'A curated list of Monte Carlo tree search papers with implementations. ',\n", - " 'tag': 'other'},\n", - " {'title': 'Rethinking Batch Normalization in Transformers',\n", - " 'description': 'We found that NLP batch statistics exhibit large variance throughout training, which leads to poor BN performance.',\n", - " 'tag': 'natural-language-processing'},\n", - " {'title': 'ELECTRA: Pre-training Text Encoders as Discriminators',\n", - " 'description': 'PyTorch implementation of the electra model from the paper: ELECTRA - Pre-training Text Encoders as Discriminators Rather Than Generators',\n", - " 'tag': 'natural-language-processing'},\n", - " {'title': 'Pytest Board',\n", - " 'description': 'Continuous pytest runner with awesome visualization.',\n", - " 'tag': 'mlops'},\n", - " {'title': 'Debugging Neural Networks with PyTorch and W&B',\n", - " 'description': 'A closer look at debugging common issues when training neural networks.',\n", - " 'tag': 'mlops'}]" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Create additional context with few samples from each class\n", - "num_samples = 2\n", - "additional_context = []\n", - "cols_to_keep = [\"title\", \"description\", \"tag\"]\n", - "for tag in tags:\n", - " samples = train_df[cols_to_keep][train_df.tag == tag][:num_samples].to_dict(orient=\"records\")\n", - " additional_context.extend(samples)\n", - "additional_context" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "294548a5-9edf-4dea-ab8d-dc7464246810", - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Here are some examples with the correct labels: [{'title': 'Comparison between YOLO and RCNN on real world videos', 'description': 'Bringing theory to experiment is cool. We can easily train models in colab and find the results in minutes.', 'tag': 'computer-vision'}, {'title': 'Show, Infer & Tell: Contextual Inference for Creative Captioning', 'description': 'The beauty of the work lies in the way it architects the fundamental idea that humans look at the overall image and then individual pieces of it.\\r\\n', 'tag': 'computer-vision'}, {'title': 'Awesome Graph Classification', 'description': 'A collection of important graph embedding, classification and representation learning papers with implementations.', 'tag': 'other'}, {'title': 'Awesome Monte Carlo Tree Search', 'description': 'A curated list of Monte Carlo tree search papers with implementations. ', 'tag': 'other'}, {'title': 'Rethinking Batch Normalization in Transformers', 'description': 'We found that NLP batch statistics exhibit large variance throughout training, which leads to poor BN performance.', 'tag': 'natural-language-processing'}, {'title': 'ELECTRA: Pre-training Text Encoders as Discriminators', 'description': 'PyTorch implementation of the electra model from the paper: ELECTRA - Pre-training Text Encoders as Discriminators Rather Than Generators', 'tag': 'natural-language-processing'}, {'title': 'Pytest Board', 'description': 'Continuous pytest runner with awesome visualization.', 'tag': 'mlops'}, {'title': 'Debugging Neural Networks with PyTorch and W&B', 'description': 'A closer look at debugging common issues when training neural networks.', 'tag': 'mlops'}]\n" - ] - } - ], - "source": [ - "# Add additional context\n", - "assistant_content = f\"\"\"Here are some examples with the correct labels: {additional_context}\"\"\"\n", - "print (assistant_content)" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "a087e14f", - "metadata": {}, - "source": [ - "> We could increase the number of samples by increasing the context length. We could also retrieve better few-shot samples by extracting examples from the training data that are similar to the current sample (ex. similar unique vocabulary)." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "29bca273-3ea8-4ce0-9fa9-fe19062b7c5b", - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 191/191 [01:16<00:00, 2.49it/s]" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{\n", - " \"precision\": 0.8435247936255214,\n", - " \"recall\": 0.8586387434554974,\n", - " \"f1\": 0.8447984162323493\n", - "}\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "\n" - ] - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA00AAAE9CAYAAADXvonEAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAAA9EklEQVR4nO3df3zN9f//8fs5Z5ttZrMNQ6gIo8yP/BjJ75CGGG/EFCoKyY+3rZAfpYQ3ZegHRb2F8ruS/Eg/fYxWFG+L5FctLOyH2S875/X9w3cnJxz7ZWfmdr1cuuS8fj0fr7PX85xzP8/X63VMhmEYAgAAAABcldnVBQAAAABAcUZoAgAAAAAnCE0AAAAA4AShCQAAAACcIDQBAAAAgBOEJgAAAABwgtAEAAAAAE4QmgAAAADACUITAAAAADhBaAKAW1B0dLRq166dq/+ioqJcXa7mzp2r2rVra9euXZKkP/74Q7Vr19a4cePytb3Tp08rLS3tustdrZ2IiAjVrl1b2dnZ+Wo7L3VFRUWpdu3aOn78eKG3BQDIPTdXFwAAKHoPPPCAqlWr5jDtlVdeUWJiombOnOkw/Z/LFQcBAQGaOXOmqlatmud1V69erenTp+uTTz6Rt7f3DWunMOrq06ePmjdvrnLlyt3w9gEA10ZoAoBbUHBwsIKDgx2mvf7660pMTFT37t1dVFXueXt757vOmJiYXI0yFbSdvLpaXQ0bNlTDhg2LpH0AwLVxeh4AAAAAOEFoAgBc1+bNmzV48GA1a9ZMd999t5o1a6Zhw4Zp//79Vyz78ccfq2fPnmrQoIHuv/9+zZ49W6tWrXK4Jul6bfXu3VsNGjRQq1atNG/ePFmtVodlrnatUXp6ul555RV17txZISEhatasmYYOHaoffvjBvky7du30ySefSJLat2+viIgISZeuHapXr56+/vprtW3bVvXq1dOYMWOcXjt14MABRUREKCQkRC1atNDzzz+vhIQEh2XatWunVq1aXbFuzvOxdu3a69b1z2uarFar/vvf/6p79+4KCQlRo0aNNHDgQH399dcObaxdu1a1a9fWzp07NXPmTLVp00b33HOPOnfurCVLllznrwAAuByn5wEAnFq6dKleeeUVNWvWTCNGjJC7u7v279+v9evXa/fu3dq2bZsCAgIkSW+//bb+85//6O6779azzz6r8+fPa9myZblua/ny5Zo6dapq1aqlUaNGKS0tTcuXL1d6evp11x0zZox27Nih/v37q3r16jpz5ow++OADPfroo1q9erWCg4P1/PPPa/HixdqzZ4+ee+451axZ075+dna2xo0bpwEDBqhs2bKqWLGi0/YeffRRNW/eXJGRkTp48KBWrVqlmJgYrVu3Tn5+frneZ0lO67qczWbTiBEjtH37djVr1kxjx47VhQsXtHbtWj355JOKiorSoEGDHNaZMGGCvL29NXDgQLm5uWn58uWaMWOGfHx81Lt37zzVCQC3KkITAOCarFar3nzzTdWpU0dLliyRxWKxz/P19dU777yj3bt3q3Pnzjp9+rSio6N19913a+XKlfLw8JAkde/eXV27dr1uW6mpqZo1a5Zq1qypjz76SF5eXpKknj17Xve6onPnzmn79u3q16+fIiMj7dNDQ0MVFRWlffv2KTg4WB06dNDnn3+uPXv2qEOHDqpSpYp9WZvNpgEDBmjUqFH2aX/88cc123z44Yc1efJk++OaNWvqpZde0jvvvKMxY8Zcd38v56yuy3388cfavn27Hn74Yc2YMUMmk0mSNHDgQIWHh2vWrFlq3769w807SpcurTVr1tj/Hu3atVP79u21Zs0aQhMA5BKn5wEArsliseibb77Re++95xCY0tLS5O7uLulS2JGkbdu2KSsrS4MHD7Z/QJcu3X2vW7du121r586dSktLU69eveyBSZIqVaqksLAwp+v6+PioTJky2rx5s1atWqW//vpL0qUbKeSc7pcbLVq0yNVykjR8+HCHx3379lWZMmW0ZcuWXG8jrz7//HNJ0jPPPGMPTNKl/R86dKisVqs2b97ssE6nTp0c/h5VqlSRv7+/zpw5c8PqBICShpEmAIBTHh4e+uGHH7Rp0yYdPXpU8fHxOnnypAzDkCT7/48ePSpJuvPOO6/YRo0aNa7bzokTJyRJd9xxR57X9/Dw0IwZM/Tcc89p4sSJkqRatWqpZcuW6tq1q+rWrXvd9iUpMDAwV8uVLVv2ituAu7u7q0qVKvr1119ztY38OHHihLy9vXXbbbddMS/nlL5/jo6VL1/+imU9PDxks9luTJEAUAIx0gQAcGrs2LF67LHH9MMPP6hatWqKiIjQu+++qxdeeMFhuaysLElyGNXI4enpmev2MjMzr5iWE8yc6dChg7755htFR0erT58+ysrK0rvvvquePXvq/fffz1Xbl4+mOXP5KM8/68zNNvL7w7jOnoecEPTP599s5q0eAAqKkSYAwDXFxsbq008/1YMPPqi5c+c6hIW9e/c6LJszwnTkyJErbmRw5MiR67Z1++23X3PZY8eOOV03NTVVBw8eVJUqVdSxY0d17NhRkhQXF6eBAwdqwYIFGjhw4HVryK3k5GSlpKTI19fXPi0rK0u///67fT+kSyHsar8Jld9T46pVq6YjR44oPj7+itGmnBGuypUr52vbAIBr4+snAMA1JSUlSbp06tflgencuXNavXq1pL9HTTp27Cg3NzctW7ZMFy9etC+bkJBgv522M/fdd5/8/Pz0wQcfKCUlxT797Nmz2rBhg9N1Dx48qEceeUQLFy50mF6zZk2VKVNGbm5/f0eYMxKUm9Gra7HZbFq+fLnDtPfee08XLlzQgw8+aJ9WoUIFJSUlOZwyl5mZab826XK5qatTp06SpHnz5jksd+HCBS1atEgWi0UdOnTI304BAK6JkSYAwDU1atRIZcuW1aJFi5SRkaFq1arpjz/+0Jo1a3T+/HlJsv//tttu01NPPaXo6Gj169dPYWFh9luG54y2XOu0Nkny8vLSlClTNHbsWPXs2VN9+vSRYRhavny5/aYTzups0aKFVq5cqZSUFDVt2lRWq1WbNm1SfHy8wx31cq5bWrx4se6///58hQwvLy+99dZb+uOPP1SvXj3t2bNH69at0913363Bgwfbl3v44YcVGxurIUOGqH///rLZbFqzZs1Vg1Fu6urevbs+//xzrV+/XidPnlT79u2Vnp6uNWvW6MSJExo3bpyqVq2a5/0BADhHaAIAXFNAQIDeffddzZkzRx999JGysrIUFBSkTp06adCgQercubO+/fZbPfnkk5KkESNGqFy5clq2bJlmz54tf39/hYeHKzMzU0uWLLnq9U6X69Kli/z9/bVgwQItXLhQnp6e6tq1q26//XZNmzbtmuuZTCZFR0fr3Xff1aZNm/TVV19JkoKDgzV79myHW54PGDBAP/74o9asWaOYmJh8hSZfX1+99tprmjFjhjZs2CA/Pz89+uijeuaZZxyu3+rdu7fS0tK0YsUKzZw5U+XKlVP37t3VqlUrPfLIIw7bzE1dFotFCxcu1Hvvvaf169dr9uzZ8vLyUr169TRp0qSr/pAuAKDgTEZBzk8AAOD/S0tLk9VqVZkyZa6YN2nSJH300Uf64osvrvkbRAAAFFdc0wQAKBS//vqrGjdurPnz5ztMP3/+vL788kuVL1/+qrfKBgCguOP0PABAobjnnntUu3Ztvfnmmzp37pzq1KmjpKQkrV27VmfPntV//vMfp9c0AQBQXHF6HgCg0Jw7d06LFy/Wtm3bdOrUKXl5eSkkJESPP/64mjVr5uryAADIF0ITAAAAADjBNU0AAAAA4AShCQAAAACcIDQBAAAAgBO35N3zDMOQzcalXAAAAMCtzGw25erOrrdkaLLZDJ07d8HVZQAAAABwoYCA0rJYrh+aOD0PAAAAAJwgNAEAAACAE4QmAAAAAHCC0AQAAAAAThCaAAAAAMCJW/LueQAAAEBxZrPZZLVmu7qMm5rF4iazuXDGiAhNAAAAQDFhGIZSUs4pPT3V1aWUCF5ePvL1DcjVbzE5Q2gCAAAAiomcwOTj4y8Pj1IF/rB/qzIMQ1lZmUpNTZQk+fkFFmh7hCYAAOASZrNJZjMfCPPKZjNksxmuLgM3gM1mtQcmHx9fV5dz0/PwKCVJSk1NVJky/gU6VY/QBAAAipzZbJK/v5fMZourS7np2GxWJSamE5xKIKvVKunvD/souJzn0mrNltnske/tEJoAAECRuzTKZNHRTxcp/exJV5dz0/AKrKQ7w56Q2WwiNJVgnJJXeArruSQ0AQAAl0k/e1Lpp0+4ugyg2HPV6aycDnqJy0NTdna2FixYoPXr1yspKUl169bVv//9bzVo0ECSFBcXp+nTp2v//v0KCAjQY489poEDB7q2aAAAAKCImM0mlS3rLYul6H9i1Wq1KSkpLc/B6dSpU9q//yd16NDpBlVWtFwemt544w2tWrVKM2bMUNWqVbVo0SI9/vjj+uyzz+Tu7q5BgwapXbt2mjp1qvbu3aupU6eqdOnSCg8Pd3XpAAAAwA1nNptksZi1YMUOxSckF1m7t1Xw0/B+9+XrdNDp0yerYsVKhKbCsm3bNoWFhally5aSpKioKK1atUp79+7V0aNH5e7urmnTpsnNzU01atTQ8ePH9fbbbxOaAAAAcEuJT0jWsfhEV5eRK4ZRsk7pK/oxvn8IDAzUl19+qT/++ENWq1UffvihPDw8FBwcrNjYWDVt2lRubn9nu9DQUB07dkxnzpxxYdUAAAAArmbEiCe1d++P2rTpU/Xq1VW9enXV/PmvacCA3nroofbas+cHjRjxpKZPn3LFepdPO3bsqMaNe0YPPHC/unfvpKlTJ+rsWddkAJePNE2YMEGjRo1S+/btZbFYZDabFR0drWrVqunUqVOqVauWw/IVKlSQJJ08eVLlypXLd7tubi7PiwAA3LJccW1GScLzVzLZbCXjrnkvvzxL48ePVoUKQRo9eryeeGKg1q79SK++OldlypRR9ep3XXcbZ878peHDH9cDDzyokSPHKD09Xe+++5aGDRus99//UF5eXnmqyWIxFejzv8tD0+HDh1WmTBktWLBAQUFBWrVqlcaNG6dly5YpIyNDHh6O91MvVerSvdYzMzPz3eal34YoXaC6AQAAXMXXN28fGHFzyMiw6MwZ8xUf8F0dkvPafkCAv9zd3eXp6any5QMlSc2b36fmzZvblzGZTDKZHPfz8mkbNqxRhQpBGjduvH3+yy+/qk6d2uvrr79QWFi3XNVis5lkNpvl5+ctT0/PPO3H5Vwamk6ePKmxY8dq6dKlaty4sSSpXr16Onz4sKKjo+Xp6amsrCyHdXLCkre3d77btdkMpaSk5b9wAABQIBaLmQ/+BZCSki6r1ebqMlDIsrIyZbPZZLUays4uPn9fq9WW53oMw5Bh/L0ft91W1WEb/5z/z2m//BKnI0d+U9u29zlsNysrU0eOHMl1PVarIZvNpuTkNKWnW6+Y7+vrlatQ6NLQ9NNPP+nixYuqV6+ew/T69evrm2++UeXKlZWQkOAwL+dxUFBQgdouTgcigFuTq35z42bG74UAl+TnQyyKP6u15L6+5Zwt5ozV+neosdkMNWrUWGPHRl2xnI9PmTy3X9Ag6tLQVLFiRUnSwYMHFRISYp9+6NAh3XHHHapfv75Wrlwpq9Uqi8UiSYqJidGdd96pwMBAl9QMAIXh0mnCXjKbLa4u5aZis1mVmJhOcAKAYs5kcv6loLu7uy5cuGB/bLPZ9Oeff6hKlaqSpOrVa+iLL7aoQoUg++U6KSnJeumlyerbd4AaNWp844q/CpeGppCQEN17772KjIzU5MmTVbFiRa1fv147d+7UihUrVKVKFS1evFgTJkzQ448/rp9//llLly7V1KlTXVk2ABTYpVEmi45+ukjpZ0+6upybgldgJd0Z9kS+fi+kKDBymDeuvkYDwI3l5eWtkyf/VELC6avOv+eeEK1c+YFiYv5PVapU1YcfLtf586n2+T169NKGDWs1bdpEPfro45KkBQte02+/Hdadd9Yokn24nEtDk9ls1htvvKHXXntNzz33nJKTk1WrVi0tXbpU9evXlyQtXrxY06dPV48ePVS+fHmNHz9ePXr0cGXZAFBo0s+eVPrpE64uAwVkNptUtqw3QQDADXVbBb+bpr2HHw7X9OmT9eij/a56p7u+ffsrPv4PTZoUJQ8Pdz30UHd16NDR/vtOlSvfpvnz39Kbb87X008PkcViUb169TVv3pvy9/fPd135ZTJK2i9P5YLVatO5cxeuvyAA3CBubmb5+5fWgfemEZpyySuomuo++oISEy8Uu2s5cv6eC1bsUHxCsqvLuSnUr11ZfTo3oA/kUXHuByi4ixezdPbsSQUGVpK7+993kHblFzNWq01JSWnFcoQ/N671nOYICChd/G8EAQBASRKfkKxj8YmuLuOmULm8r6tLAG4aNpuhpKQ0l5wCzA14LiE0AQAAAMUc4cW1OPkaAAAAAJwgNAEAAACAE4QmAAAAAHCC0AQAAAAAThCaAAAAAMAJQhMAAAAAOEFoAgAAAAAn+J0mAAAAoJgzm038uK0LEZoAAACAYsxsNsnf30tms6XI27bZrEpMTC+2walXr6568MEwDRky9Ia2Q2gCAAAAirFLo0wWHf10kdLPniyydr0CK+nOsCdkNpuKbWgqKoQmAAAA4CaQfvak0k+fcHUZtyRCEwAAAIBC07JlY40ePV6bN3+mw4cPqUqVqnryyafVsmVrSdI777ylPXt+UGBgoHbu/D89+OBDGj16vPbt+0lvvjlfcXEHVLZsWd13XysNGzZcpUv7SJJSU1P12muz9N13X8vNzU0DBjxWZPvE3fMAAAAAFKo335yvTp26aOnS5WrevKWef/7f2rfvJ/v8vXt/VEBAOS1Z8oF69eqrw4d/1bPPPq1mzZrrvfdWaPLk6Tp4ME6jR4+QYVw6NfCFF6IUF/c/vfrqXM2du0A7d+7QqVNFc7oioQkAAABAoerSJUzh4f9StWp36KmnRio4uK5Wr/7QYZkhQ4bqttuqqGrValqx4n01bRqqgQMHq2rVaqpfv4GmTJmuAwf2a8+eH3TixDHt3h2j0aPHq379hqpZs7YmT35JHh4eRbI/nJ4HoMBcdRvUm5nFwndWAICSq1Gjxg6P69UL0e7dMfbH/v4B8vHxsT8+ePCg/vjjhB544P4rtnX8+DElJydJkurUqWufHhAQqMqVbyvkyq+O0ASgQMxmk8qW9SYEAAAAO4vFMWZYrTaHW6aXKlXKYb5h2NSx44MaOHDwFdsqW9ZfsbG7JOmKu/j9s50bhdAEoEDMZpMsFrMWrNih+IRkV5dz06hfu7L6dG7g6jIAALghfvnlgFq2bGV/vH//z6pdO/iay995Zw0dPXpEVapUtU87fvyYFix4XcOGDVfNmrUlSfv2/aQWLVpKks6fP6/4+N9v0B44IjQBKBTxCck6Fp/o6jJuGpXL+7q6BAAAbpiPPlqhatXuUHBwHX388TodPnxIUVGTrrl8374DNHz44/rPf15VePi/lJp6Xv/5zwxlZmaqatXb5e7urrZtO2ju3Jlyd3dXYGCg3nxzgS5evFgk+0NoAgAAAG4CXoGVbpr2Hn64pz76aLmOHDmsGjVqas6c+brrrprXXP6ee+ppzpz5Wrz4DQ0ePEDe3l66994mGj78Wbm7u0uSJk6covnzX9fkyc/LZrOpe/eeSkoqmi9sCU0AAABAMWazGbLZrLoz7AkXtG294jqi3Ljjjup6+ulRV503ZMhQDRky9Irp997bRPfe2+Sa2yxVylNjx0Zq7NjIPNdTUIQmAAAAoBiz2QwlJqa75E61lwJb3kNTSUNoAgAAAIo5wotrEZoAAAAAFJrvvot1dQmFjh9WAQAAAAAnCE0AAAAA4AShCQAAAChGDINrlwpLYT2XhCYAAACgGLBYLJKkrKxMF1dScuQ8lxZLwW7lwI0gAAAAgGLAbLbIy8tHqamXfrDVw6OUTKaiv814SWAYhrKyMpWamigvLx+ZzQUbKyI0AQAAAMWEr2+AJNmDEwrGy8vH/pwWBKEJAAAAKCZMJpP8/AJVpoy/rNZsV5dzU7NY3Ao8wpSD0AQAAAAUM2azWWazh6vLwP/HjSAAAAAAwAlCEwAAAAA4QWgCAAAAACcITQAAAADgBKEJAAAAAJwgNAEAAACAE4QmAAAAAHCC0AQAAAAAThSL0LR+/Xp16dJF9erV00MPPaRNmzbZ5/3xxx8aOnSoGjVqpJYtW+q1116T1Wp1YbUAAAAAbiUuD00bNmzQhAkT1L9/f23cuFFhYWEaM2aM9uzZo4sXL2rIkCGSpJUrV2rKlClasWKFFixY4OKqAQAAANwq3FzZuGEYev311zVw4ED1799fkvTUU08pNjZWu3fvVnx8vP7880999NFH8vPzU61atXT27FnNnDlTw4YNk4eHhyvLBwAAAHALcOlI09GjRxUfH6+uXbs6TH/nnXc0dOhQxcbG6u6775afn599XmhoqFJTUxUXF1fU5QIAAAC4Bbl0pOno0aOSpLS0NA0ZMkQHDhxQlSpV9NRTT6ldu3Y6deqUKlas6LBOhQoVJEknT55U/fr18922m5vLz0wESgSLhb6EolUcj7niWBNKNo45oGi5NDSlpqZKkiIjIzVixAiNGzdOmzdv1tNPP60lS5YoIyNDvr6+DuuUKlVKkpSZmZnvds1mk/z9S+e/cACAy/j6erm6BMDl6AdA0XJpaHJ3d5ckDRkyRD169JAk1alTRwcOHNCSJUvk6emprKwsh3VywpK3t3e+27XZDKWkpOV7fQB/s1jMvHmjSKWkpMtqtbm6DAf0AxS14tgPgJuRr69XrkZuXRqagoKCJEm1atVymH7XXXfpq6++UtOmTXXo0CGHeQkJCQ7r5ld2Ni80AHAzslptvIbjlkc/AIqWS0+Ivfvuu1W6dGn99NNPDtMPHTqkatWqqUmTJjpw4ID9ND5JiomJUenSpRUcHFzU5QIAAAC4Bbk0NHl6eurxxx/XggUL9Omnn+rEiRN64403tGPHDg0aNEgdOnRQ+fLl9eyzz+qXX37Rtm3bNGfOHA0ePJjbjQMAAAAoEi49PU+Snn76aXl5eWnu3Lk6ffq0atSooejoaDVr1kyStHjxYk2dOlX/+te/5Ofnp0ceeURPP/20i6sGAAAAcKtweWiSpEGDBmnQoEFXnXf77bfr3XffLeKKAAAAAOASbvIPAAAAAE4QmgAAAADACUITAAAAADhBaAIAAAAAJwhNAAAAAOAEoQkAAAAAnCA0AQAAAIAThCYAAAAAcILQBAAAAABOEJoAAAAAwAlCEwAAAAA4QWgCAAAAACcITQAAAADgBKEJAAAAAJwgNAEAAACAE4QmAAAAAHCC0AQAAAAAThCaAAAAAMAJQhMAAAAAOEFoAgAAAAAnCE0AAAAA4AShCQAAAACcIDQBAAAAgBOEJgAAAABwgtAEAAAAAE645XWF5557LtfLmkwmvfzyy3ltAgAAAACKjTyHplOnTunAgQNKTk7WbbfdpqCgICUlJen48eMyDEMVK1a0L2symQq1WAAAAAAoankOTV26dNGvv/6q5cuXq1GjRvbpR44c0VNPPaVHHnlEjz76aKEWCQAAAACukudrmt58802NGzfOITBJUvXq1fXss8/qnXfeKbTiAAAAAMDV8hyazp07Jz8/v6tvzGzW+fPnC1wUAAAAABQXeQ5N9evX1/z585WYmOgwPSEhQdHR0WrZsmWhFQcAAAAArpbna5qioqI0YMAAtWvXTg0bNpS/v7/Onj2rPXv2KDAwUM8///yNqBMAAAAAXCLPI03BwcHauHGj+vbtq9TUVO3fv18ZGRkaPHiw1q5dq0qVKt2IOgEAAADAJfI80iRJQUFBioyMLOxaAAAAAKDYyVdoysrK0urVq/V///d/+uuvv/Tyyy9r9+7duvvuuxUSElLYNQIAAACAy+Tr7nnh4eGaPn26jh8/rp9//lkZGRn66quvFBERoT179tyIOgEAAADAJfIcmmbOnKkLFy7os88+07p162QYhiRp3rx5qlevnubNm1foRQIAAACAq+Q5NH355ZcaNWqUbr/9dplMJvv0UqVKafDgwfrf//5XqAUCAAAAgCvlOTRlZmaqbNmyV51nsVh08eLFgtYEAAAAAMVGnkNTvXr1tHz58qvO++STT3TPPfcUuCgAAAAAKC7yfPe8UaNG6bHHHlP37t3VunVrmUwmffrpp4qOjtZ3332nxYsX34g6AQAAAMAl8jzS1LhxYy1ZskReXl5avHixDMPQ0qVL9ddff+mtt95SaGhovos5evSoGjZsqLVr19qnxcXFacCAAWrQoIHatWun999/P9/bBwAAAIC8yvNI086dO9WwYUOtXLlSGRkZSk5Olo+Pj0qXLl2gQi5evKhx48YpLS3NPi0xMVGDBg1Su3btNHXqVO3du1dTp05V6dKlFR4eXqD2AAAAACA38jzSNHLkSG3ZskWS5OnpqaCgoAIHJkmKjo6Wj4+Pw7SPPvpI7u7umjZtmmrUqKHw8HA99thjevvttwvcHgAAAADkRp5Dk6+vrzw9PQu1iO+//14ffvihZsyY4TA9NjZWTZs2lZvb3wNioaGhOnbsmM6cOVOoNQAAAADA1eT59LyhQ4fqpZde0tGjRxUcHCxvb+8rlmnSpEmut5eSkqLx48dr4sSJqlSpksO8U6dOqVatWg7TKlSoIEk6efKkypUrl9fy7dzc8pwXAVyFxUJfQtEqjsdccawJJRvHHFC0chWaMjMzVapUKUnS5MmTJUlz586VJIcfuDUMQyaTSXFxcbkuYMqUKWrYsKG6du16xbyMjAx5eHg4TMupIzMzM9dt/JPZbJK/f8FPKQQAFD1fXy9XlwC4HP0AKFq5Ck3t2rXT/Pnz1bBhQzVp0kS9e/dWxYoVC9z4+vXrFRsbq08++eSq8z09PZWVleUwLScsXW2EK7dsNkMpKWnXXxDAdVksZt68UaRSUtJltdpcXYYD+gGKWnHsB8DNyNfXK1cjt7kKTefPn1dCQoKkS9cZ/fvf/1ZISEjBKpS0Zs0anT17Vm3atHGYPnnyZH322WeqWLGivd0cOY+DgoIK1HZ2Ni80AHAzslptvIbjlkc/AIpWrkJTvXr1NHbsWL366qsyDEPDhw+/4rS5HCaTSdu2bctV47Nnz1ZGRobDtI4dO+qZZ55Rt27dtGHDBq1cuVJWq1UWi0WSFBMTozvvvFOBgYG5agMAAAAACiJXoWnOnDlaunSpkpKStG7dOtWtW1cBAQEFbvxao0WBgYEKCgpSeHi4Fi9erAkTJujxxx/Xzz//rKVLl2rq1KkFbhsAAAAAciNXoSkoKEiRkZGSpF27dmn06NEKDg6+oYVJl8LT4sWLNX36dPXo0UPly5fX+PHj1aNHjxveNgAAAABI+bjl+Pbt229EHXYHDx50eBwSEqIPP/zwhrYJAAAAANfCTf4BAAAAwAlCEwAAAAA4QWgCAAAAACcITQAAAADgBKEJAAAAAJwgNAEAAACAE4QmAAAAAHCC0AQAAAAAThCaAAAAAMAJQhMAAAAAOEFoAgAAAAAnCE0AAAAA4AShCQAAAACcIDQBAAAAgBOEJgAAAABwgtAEAAAAAE4QmgAAAADACUITAAAAADhBaAIAAAAAJwhNAAAAAOAEoQkAAAAAnCA0AQAAAIAThCYAAAAAcILQBAAAAABOEJoAAAAAwAlCEwAAAAA4QWgCAAAAACcITQAAAADgBKEJAAAAAJxwc3UBNzuz2SSz2eTqMm46Npshm81wdRkAAADAdRGaCsBsNqlsWW9ZLAzY5ZXValNSUhrBCQAAAMUeoakAzGaTLBazFqzYofiEZFeXc9O4rYKfhve7T2azidAEAACAYo/QVAjiE5J1LD7R1WUAAAAAuAE4rwwAAAAAnCA0AQAAAIAThCYAAAAAcILQBAAAAABOEJoAAAAAwAlCEwAAAAA4QWgCAAAAACcITQAAAADghMtDU1JSkl544QW1atVKjRo1Ur9+/RQbG2ufv3PnTvXs2VP169dX586dtXHjRhdWCwAAAOBW4/LQNGbMGO3Zs0dz5szRmjVrVKdOHQ0ZMkRHjhzRb7/9pqFDh+r+++/X2rVr1bt3b40fP147d+50ddkAAAAAbhFurmz8+PHj2rFjh5YvX657771XkjRp0iR9++23+uSTT3T27FnVrl1bo0ePliTVqFFDBw4c0OLFi9W8eXNXlg4AAADgFuHSkSZ/f3+9/fbbqlevnn2ayWSSyWRSSkqKYmNjrwhHoaGh+uGHH2QYRlGXCwAAAOAW5NKRJl9fX7Vu3dph2ubNm3X8+HE9//zzWrdunSpWrOgwv0KFCkpPT1diYqICAgLy3babW8HzosXi8rMbb2o8fyUDf0cUteJ4zBXHmlCyccwBRculoemffvzxRz333HPq2LGj2rRpo4yMDHl4eDgsk/M4Kysr3+2YzSb5+5cuUK0oOF9fL1eXAOAmxGsHQD8AilqxCU3btm3TuHHj1KhRI82ePVuSVKpUqSvCUc5jL6/8v1jYbIZSUtLyX+z/Z7GYedEqgJSUdFmtNleXgQKiH6CoFcfXDvoBilpx7AfAzcjX1ytXI7fFIjQtW7ZM06dPV+fOnfXqq6/aR5MqVaqkhIQEh2UTEhLk7e2tMmXKFKjN7GxeaFzNarXxdwCQZ7x2APQDoKi5/ITY5cuX68UXX1T//v01Z84ch9PxGjdurN27dzssHxMTo0aNGslsdnnpAAAAAG4BLh1pOnr0qF5++WU98MADGjp0qM6cOWOf5+npqYiICPXo0UOzZ89Wjx499PXXX+vzzz/X4sWLXVg1AAAAgFuJS0PT5s2bdfHiRW3dulVbt251mNejRw/NmDFDCxcu1KxZs/Tee++pSpUqmjVrFr/RBAAAAKDIuDQ0DRs2TMOGDXO6TKtWrdSqVasiqggAAAAAHHFhEAAAAAA4QWgCAAAAACcITQAAAADgRLH4nSYAAADc/Mxmk8xmk6vLuKnYbIZsNsPVZeA6CE0AAAAoMLPZpLJlvWWxcCJTXlitNiUlpRGcijlCE1yGF9W84ZsoAEBxZjabZLGYtWDFDsUnJLu6nJvCbRX8NLzffTKbTbzHF3OEJhQ5vzKeMmw2+fp6ubqUm4rNZlViYjovqgCAYi0+IVnH4hNdXQZQqAhNKHKlPT1kMpt19NNFSj970tXl3BS8AivpzrAn+CYKAADABQhNcJn0syeVfvqEq8sAAABwKS5ZyLuivmyB0AQAAAC4AJcs5F9RX7ZAaAIAAABcgEsW8scVly0QmgAAAAAX4pKF4o8TKAEAAADACUITAAAAADhBaAIAAAAAJwhNAAAAAOAEoQkAAAAAnCA0AQAAAIAThCYAAAAAcILQBAAAAABOEJoAAAAAwAlCEwAAAAA4QWgCAAAAACcITQAAAADgBKEJAAAAAJwgNAEAAACAE4QmAAAAAHCC0AQAAAAAThCaAAAAAMAJQhMAAAAAOEFoAgAAAAAnCE0AAAAA4AShCQAAAACcIDQBAAAAgBOEJgAAAABwgtAEAAAAAE4QmgAAAADACUITAAAAADhBaAIAAAAAJwhNAAAAAOAEoQkAAAAAnLgpQpPNZtO8efN0//33q0GDBnriiSf0+++/u7osAAAAALeAmyI0LVy4UMuXL9eLL76olStXymaz6fHHH1dWVparSwMAAABQwhX70JSVlaV3331XzzzzjNq0aaPg4GDNnTtXp06d0pYtW1xdHgAAAIASrtiHpl9++UUXLlxQ8+bN7dN8fX1Vt25dff/99y6sDAAAAMCtwGQYhuHqIpzZsmWLRo4cqZ9++kmenp726aNGjVJGRobeeuutPG/TMAzZbAXfbZNJMpvNSk7NkNVqK/D2bhUe7hb5eJfSxQspMmxWV5dzUzCZLXIv7Subzabi1mPpB/lDP8g7+kHJQh/IH/pByUI/yJ/C7Adms0kmk+m6y7kVrJkbLz09XZLk4eHhML1UqVJKTk7O1zZNJpMslus/Obnl5+N5/YVwBffSvq4u4aZjNhffwWH6Qf7QD/KOflCy0Afyh35QstAP8qco+0Hx7XH/X87o0j9v+pCZmSkvLy9XlAQAAADgFlLsQ1OlSpUkSQkJCQ7TExISFBQU5IqSAAAAANxCin1oCg4Olo+Pj3bt2mWflpKSogMHDqhJkyYurAwAAADAraDYX9Pk4eGhAQMGaPbs2QoICNBtt92mWbNmqWLFiurYsaOrywMAAABQwhX70CRJzzzzjLKzszVx4kRlZGSoSZMmeuedd+Tu7u7q0gAAAACUcMX+luMAAAAA4ErF/pomAAAAAHAlQhMAAAAAOEFoAgAAAAAnCE0AAAAA4AShCQAAAACcIDQBAAAAgBOEJgAAAABwgtCEGyYiIsL+79q1a7uwEsC15s2bp9jY2ELf7ooVK7RixYp8z0fxVZjHTFRUlNauXXvF9LVr1yoqKqpQ2sDVde/e3dUloJjh89DNy83VBaDk2r17t6tLAIqF77//Xs2aNSv07fbr169A81F83ahjBkVrw4YNri4BQCEhNKFQvPnmm/r4449lsVh03333KT09XZLUs2dP+zecU6dO1Z49e5SZmalXX31VISEhOnHihKZMmaLExER5eHgoMjJSjRo1UlRUlBITE3XixAmNGjVKnTt3duXu4SY3Z84cbd68WRaLRd27d1fHjh31wgsvKCkpSd7e3powYYJCQkIUFRUlT09P7d27V0lJSRo9erS2bdumuLg4tW3bVhMmTNDatWu1efNmpaamKiEhQa1bt9aECRMUHx+vgQMHavv27ZIufYu/e/duNWnSRPv379fEiRM1b948lS5dOs/H/IwZMxQQEKAnn3xSkhQZGammTZvqzz//lCQNHz7c3r8sFovatWunkSNHKjo6WpI0cuRIffnll3rttddks9lUtWpVTZs2TeXKlVO7du3UvXt37dixQ0lJSZo0aZLuv//+Iv4LlXy7du3SG2+8oTJlyui3335TxYoVNWfOHH366adav369MjIyJF06Vvft2+dwzLz88ssaMWKEPUTVrl1bBw8eVHR0tPbu3atTp06pd+/eqlu3rubMmaPMzEwlJydr7Nixeuihh3JV36ZNm7RkyRJlZGQoIyND06ZNU2hoqCIiIlS/fn3FxsYqISFBI0eOVI8ePZSamqrnn39ev/76q8qXLy+TyaSnn35akjR//nz997//lSSHY3DZsmVX7GutWrUUGxuradOmyWw2q3Hjxvr666+1detWnTt3Ti+88IL9OB8xYoTatWt3Re0RERG68847tX//fqWnpysqKkqtW7e+4vlp3br1Vfv9yZMn9dxzz+nMmTPy8PDQlClTFBISog0bNui9996T1WrVXXfdpalTp8rb2/uqfW3v3r166aWXZBiGSpUqpZdeeknVq1d3+FudPn1aJ06cUHx8vL0WSXr99de1ceNGlSlTRjVq1FDVqlU1cuTI/B5qcKFdu3ZpwYIFcnNz07Fjx3T//fcrKChI27Ztk81m09tvv21fNj09XRMnTtTBgwdlMpk0ZMgQPfzww9d8j8nMzNT48eN14sQJmUwm9enTR3379nXh3t6CDKCAvvrqKyM8PNxIS0szLl68aAwbNsxYtmyZUatWLfsytWrVMjZu3GgYhmG89957xsiRIw3DMIy+ffsaP//8s2EYhnH8+HGjbdu2xsWLF43IyEhj7NixRb8zKHE2b95s9OnTx8jIyDAyMjKMXr16GU2aNDE+++wzwzAMY8+ePUabNm2MzMxMIzIy0hg2bJhhGIaxdu1a49577zXOnDljnD9/3mjYsKGRnJxsrFmzxggNDTUSEhKMzMxMo0+fPsZnn31m/P7770bbtm3t7a5Zs8aIjIw0DMMwBgwYYMTExBiGkb9jPi4uzujWrZthGIaRkZFhtGjRwjh//rwxb948Y968eUZcXJzRo0cP+/wxY8YYaWlp9vlnzpwx7rvvPuPEiROGYRjGokWL7H2wbdu2xjvvvGMYhmFs2bLFvh0UrpiYGKNBgwZGfHy8YRiGMWzYMGPp0qVGRESEkZaWZhiGYbz++uvGtGnTDMNwPGYu/7dhGPbX1nnz5hn9+vWzTx85cqRx6NAhwzAMY+fOnUZYWJhhGIYRGRlprFmz5oqaco5Rq9VqREREGGfOnDEMwzBWr15tDB061N52Tk3/+9//jKZNmxqGYRgzZswwXnrpJcMwDOPEiRNGgwYNjJiYGCMmJsYYMGCAvY2cY/D8+fNX3desrCyjVatW9j6xaNEiez8aM2aMsXnzZsMwDOPs2bNGhw4d7DVebsCAAcb48eMNm81mHDhwwAgNDTUyMzOveH7Cw8Ov2u+HDh1qLF261DAMw9i1a5cxZMgQ4/Dhw0bfvn2N9PR0wzAMY+HChcaMGTOu2deefvpp44svvjAMwzA2btxorF279oq/Vc+ePY3MzEwjNTXVaNmypfHLL78Y27dvN3r37m2kp6cbaWlpRs+ePY158+ZdsY+4OVzez9PS0owGDRoYK1asMAzDMKKiooylS5faj4lXX33VmDp1qmEYl47vdu3aGXFxcdd8j9m6dasxYsQIwzAM49y5c8a4ceNcs5O3MEaaUGAxMTEKCwuTl5eXJCk8PFzr16+/YrmOHTtKkmrVqqWtW7fqwoUL2rdvnyZOnGhfJjs7WydPnpQkNWzY8MYXjxJv165devDBB1WqVClJ0tKlS9WmTRs9+OCDkqQGDRrIz89PR44ckSS1adNGklS5cmXVrFlTgYGBkqSyZcsqJSVFktS2bVuVL19ektSlSxd9//33qlev3nVrye8xHxwcLEn67bffdOjQIYWGhsrHx8c+v1q1asrKylL//v3VunVrjR492t4fJennn39WSEiIqlatKknq06ePwzeerVu3treTlJR03f1A/tSsWVOVK1eWJNWpU0fnz5/X3Llz9dlnn+nYsWP69ttvVadOnTxts0GDBvZ/z5o1S19++aW2bNmin376SRcuXMjVNsxmsxYuXKjt27fr6NGj2r17t8zmvy95zjk+6tSpYz8+vvvuO82aNUuSVLVqVbVo0cJpGz4+Plfd10OHDikgIMDef/r06aPly5fb2/j111+1YMECSZf6ym+//Wbvk5fr3bu3TCaT6tSpo4oVK+rgwYMOz8+FCxd0/Pjxq/b7Xbt22feladOmatq0qZYtW6bjx4+rT58+9rarVq16zb7Wrl07TZw4UW3btlXbtm3VqVOnK2ps3ry5PDw85OHhodtvv13JycnasWOHwsLC5OnpKUnq1q2b/XUGN6fatWvb+7m/v7+aN28u6dJ7yuV/25iYGE2fPl2SFBAQoPbt22v37t3y8fG56nvM0KFDNX36dA0ZMkStW7dWZGRkEe8ZCE0oMJvNdsW07OzsK6a5uV063Ewmk309Dw8Ph3O+T58+bX+huPxDH5BfFovFfsxJUnJy8hXLGIZhP2bd3d3t03OO2X+6fLrNZpPZbJbJZJJhGPbpFy9evGK93B7zlwere+65R9OnT1f37t21adMmHTx4UL169XLYrre3t9avX69du3bpu+++U9++fe2nR+W0+8/9vby+nEB5+fOEwpfzPEuXnus///xTvXv3VkREhFq1aqVy5copLi7uquvmHFtZWVkO0y9/nXzkkUfUtGlThYaGqnnz5ho3bpzDsitWrNDKlSslSX379rXXc+HCBYWHh6tbt25q0qSJateurQ8++OCKui8/PiwWi8Pxfvl+/bMfuLu76+TJk+rfv/8V+2qxWK76HiJdOm7ff/99lS1bVpKUkJCggIAAPfHEE0pISJAke/i3WCwO6+U8znl+rlZrTr93c3Nz2Ldff/1VVqtVXbp0sffDtLQ0ZWVlXbOvhYeHq3nz5vrqq6+0dOlSffXVV3rppZcc2vvn398wDJnN5mvuP25Ol7+HSI7H5uX+eUxe/j50tfeYoKAgbdq0STt27NC3336rHj16aOPGjfL19S3kPcC1cPc8FFhoaKg+/fRTpaenKzs7W2vWrFGTJk1ksViuGp5ylClTRnfccYf9A2RsbKx69uzpdB0gr5o2baqtW7cqKytLWVlZGjZsmC5cuKBNmzZJkvbu3auEhATVqlUr19v89ttvlZKSoszMTG3cuFEtW7aUn5+fkpKSlJCQIKvVqi1bttiXt1gsslqtuT7m69Wrpw0bNmjDhg32byK7du2qzZs3Ky4uTi1btnRYPjY2Vk888YRCQ0MVGRmpGjVq6OjRo/b59evX188//6zff/9dkvThhx+qadOmeXgWcSPs27dPd9xxhwYNGqT69evrm2++kdVqlfT3MSNd+rb6l19+kSR9/vnnV91WUlKSjh07pmeffVatW7fWjh077Ovn6Nevn/24uvwmIceOHZPJZNJTTz2l0NBQhzqu5b777tO6deskSadOndKuXbtkMpnk7++vY8eOKT09Xenp6frqq6+c7mv16tV1/vx5/e9//5Mkh7MUQkND7aNOx44dU1hYmJKTk7Vo0SL7fgQFBUmSNm7caG8nKSnpiv7s4+OjqlWrXrXfN23a1L7+nj17NGbMGDVr1kxbt27VmTNnJEmvvPKKFi5ceM2+9sQTT+jo0aN65JFHNGrUKB04cMDp83f587hp0yZlZmYqKytLmzZt4suLW0RoaKhWrVolSTp37py2bdumxo0bS7r6e8wnn3yiKVOmqH379po4caK8vb3tZymgaDDShAJr27at4uLi1KtXL2VnZ6tFixYaOHCgfv75Z3Xr1k2rV6++5rqzZs3SlClTtHjxYlksFr3++uvy8PAowupR0nXo0EEHDhxQeHi4bDabwsPD1bp1a02ZMkULFy6Uu7u7oqOj83TclS9fXkOHDtW5c+cUFhZmP6Vv2LBh6tu3r8qVK6fGjRvr3Llzki6d8jd58mS98sor+T7my5cvr6CgINWoUeOKby7vvfdeVa9e3X6aT926ddWqVSv7B9Fy5cpp2rRpGjFihLKzs1WxYkW9/PLLud5f3BgtW7bUL7/8oi5dusjDw0MhISE6dOiQJMdjZujQoYqMjNS6devUvHlz+8jk5cqWLavevXvroYceko+Pj+rXr6+MjIxcnaIXHBysunXr6sEHH5Snp6eaNGmi+Pj4q47O5Hjqqac0adIkde3aVeXLl1flypXl6empmjVrqmPHjgoLC1NQUJDuvfdeSZfCwYoVK67YVw8PD82ZM0eTJk2SYRgKDg62n6o2ceJETZ48WV27dpVhGJo+ffpVT82TLo3Y9ujRQzabTXPmzLnqKHFO3/tnv580aZImTpyo5cuXy8PDQ6+++qqCg4M1YsQIDRo0SDabTTVq1FBUVJS8vb2v2tcCAwM1depUzZ49W25ubrm+lXvr1q21b98+9ejRQ6VLl5a/v7/DiBRKruHDh2vKlCkKCwuT1WrVk08+qZCQEB0+fPiq7zGZmZn64osv9NBDD8nd3V2dOnXi9uVFzGQ4e1UEADjIuSvejBkzXF0K4DIff/yxKlasqKZNmyo1NVU9e/bUqlWr5Ofnl6ftGIahmTNnavjw4fLx8dG2bdv08ccfa968ebneRkREhMPdBW8mP/30kw4dOqTevXvLMAw988wzCg8Pt38Rg1sP7zHFFyNNAAAgT6pXr67JkyfbT+MbNWpUngOTdOnansDAQP3rX/+Su7u7AgMD9eKLLxZ2ucXWHXfcoQULFuj999+XdGmEkcAEFE+MNAEAAACAE9wIAgAAAACcIDQBAAAAgBOEJgAAAABwgtAEAChxuFwXAFCYCE0AgBLliy++UGRkpKvLAACUINxyHABQoixdutTVJQAAShhGmgAAAADACX6nCQBQYkRERGj37t32x++//778/Pw0f/58xcbG6vz58woICFCnTp00btw4eXp6SpJSU1M1c+ZMbd26VRkZGWrTpo3q16+vV155RQcPHnTV7gAAiglCEwCgxDh8+LD+/e9/S5ImT56s8uXLq1u3bmrQoIEiIiLk4eGhb775RkuWLNHYsWP15JNPSpIGDhyouLg4jR49WpUrV9by5cu1c+dOZWVlEZoAAFzTBAAoOe666y75+PhIkho0aKDvvvtOderU0euvv26f3qJFC+3YsUO7du3Sk08+qZ07d2rXrl2Kjo5Wx44dJUmtWrVSWFiYfvvtN5ftCwCg+CA0AQBKrJYtW6ply5a6ePGiDh8+rOPHj+vQoUM6d+6cypYtK0mKiYmRu7u7OnToYF/PbDarS5cuio6OdlHlAIDihNAEACixbDab5syZow8++EBpaWmqVKmSQkJCVKpUKfsyiYmJKlu2rMxmx3sjBQYGFnW5AIBiitAEACix3n77bS1dulRTp05Vx44dVaZMGUlSr1697MsEBQUpMTFRNpvNITidPXu2yOsFABRP3HIcAFCiXB58fvjhB911110KDw+3B6bTp0/r0KFDstlskqSmTZsqOztb27dvt69nGIa2bdtWtIUDAIotRpoAACWKr6+v9uzZo507d+r222/Xd999p7ffflsNGjTQ8ePH9dZbbykrK0vp6emSpCZNmui+++7ThAkTdObMGVWuXFmrV6/WwYMHZTKZXLw3AIDigFuOAwBKlJiYGD333HP666+/9OKLL2rfvn3asmWLzp8/r0qVKumhhx6SyWTSW2+9pR07dsjX11fJycmaMWOGtm3bpuzsbLVv316+vr5av369fvzxR1fvEgDAxQhNAIBbWnx8vPbu3av27dvbf+xWkp555hn9/vvvWrdunQurAwAUB5yeBwC4pZnNZkVFRal9+/bq1auXLBaLvv32W23ZskWvvPKKq8sDABQDjDQBAG55MTExWrBggeLi4pSdna0aNWpo0KBBCgsLc3VpAIBigNAEAAAAAE5wy3EAAAAAcILQBAAAAABOEJoAAAAAwAlCEwAAAAA4QWgCAAAAACcITQAAAADgBKEJAAAAAJwgNAEAAACAE4QmAAAAAHDi/wHxKTsvTvZRlgAAAABJRU5ErkJggg==", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "# Few-shot with GPT 3.5\n", - "method = \"few_shot\"\n", - "model = \"gpt-3.5-turbo-0613\"\n", - "y_pred[method][model], performance[method][model] = evaluate(\n", - " test_df=test_df, model=model, system_content=system_content,\n", - " assistant_content=assistant_content, tags=tags)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "3e59a3b9-69d9-4bb5-8b88-0569fcc72f0c", - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 191/191 [02:13<00:00, 1.43it/s]" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{\n", - " \"precision\": 0.9407759040163695,\n", - " \"recall\": 0.9267015706806283,\n", - " \"f1\": 0.9302632275594479\n", - "}\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "\n" - ] - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA00AAAE9CAYAAADXvonEAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAAA8h0lEQVR4nO3de3zP9f//8fv7/d5mm9lsw0ZOJYwyh5iRMwmRGB8qU6gop8KnrZBDKSHK8CmHqI9Qcqokh6SDn9GK8LEcMmRhH2xjdrK9X78/fL0/3o23bWbvbW7Xy6VL9jo9H6/3Xs+9d9/z9Xq+TYZhGAIAAAAAXJfZ2QUAAAAAQFFGaAIAAAAABwhNAAAAAOAAoQkAAAAAHCA0AQAAAIADhCYAAAAAcIDQBAAAAAAOEJoAAAAAwAFCEwAAAAA4QGgCgDtQVFSUateunav/IiMjnV2uZs2apdq1a2vnzp2SpJMnT6p27doaM2ZMvo535swZpaam3nS767UTHh6u2rVrKysrK19t56WuyMhI1a5dW8ePHy/wtgAAuefi7AIAAIXvoYceUtWqVe2WvfXWW0pMTNS0adPslv99u6LAz89P06ZNU5UqVfK87+eff64pU6boyy+/lKen521rpyDq6tOnj5o1a6Zy5crd9vYBADdGaAKAO1BQUJCCgoLslr333ntKTExU9+7dnVRV7nl6eua7zujo6FyNMt1qO3l1vboaNmyohg0bFkr7AIAb4/Y8AAAAAHCA0AQAuKmNGzdq4MCBatq0qe677z41bdpUQ4YM0f79+3Ns+8UXX6hnz55q0KCBWrZsqRkzZmjlypV2zyTdrK3evXurQYMGatWqlWbPnq3s7Gy7ba73rFFaWpreeustderUScHBwWratKkGDx6sX375xbZNu3bt9OWXX0qS2rdvr/DwcElXnh2qV6+evv/+e7Vt21b16tXTqFGjHD47deDAAYWHhys4OFjNmzfXq6++qoSEBLtt2rVrp1atWuXY9+rrsXr16pvW9fdnmrKzs/Xvf/9b3bt3V3BwsBo1aqT+/fvr+++/t2tj9erVql27tnbs2KFp06apTZs2uv/++9WpUyctXrz4Jt8FAMC1uD0PAODQkiVL9NZbb6lp06YaNmyYXF1dtX//fq1du1a7du3Sli1b5OfnJ0maP3++3nnnHd1333168cUXdfHiRS1dujTXbS1btkyTJk1SrVq1NHLkSKWmpmrZsmVKS0u76b6jRo3S9u3b9eSTT+qee+7R2bNn9cknn+ipp57S559/rqCgIL366qtauHChdu/erVdeeUU1a9a07Z+VlaUxY8aoX79+Klu2rAIDAx2299RTT6lZs2aKiIjQwYMHtXLlSkVHR2vNmjXy8fHJ9TlLcljXtaxWq4YNG6atW7eqadOmGj16tC5duqTVq1frueeeU2RkpAYMGGC3z9ixY+Xp6an+/fvLxcVFy5Yt09SpU+Xl5aXevXvnqU4AuFMRmgAAN5Sdna33339fderU0eLFi2WxWGzrvL29tWjRIu3atUudOnXSmTNnFBUVpfvuu08rVqyQm5ubJKl79+7q1q3bTdtKSUnR9OnTVbNmTX322Wfy8PCQJPXs2fOmzxWdP39eW7du1eOPP66IiAjb8tDQUEVGRmrfvn0KCgpShw4d9M0332j37t3q0KGDKleubNvWarWqX79+GjlypG3ZyZMnb9jmY489pgkTJti+rlmzpt544w0tWrRIo0aNuun5XstRXdf64osvtHXrVj322GOaOnWqTCaTJKl///4KCwvT9OnT1b59e7vJO0qXLq1Vq1bZvh/t2rVT+/bttWrVKkITAOQSt+cBAG7IYrHohx9+0EcffWQXmFJTU+Xq6irpStiRpC1btigzM1MDBw60/YIuXZl979FHH71pWzt27FBqaqp69eplC0ySVLFiRXXt2tXhvl5eXipTpow2btyolStX6r///a+kKxMpXL3dLzeaN2+eq+0kaejQoXZf9+3bV2XKlNGmTZtyfYy8+uabbyRJI0aMsAUm6cr5Dx48WNnZ2dq4caPdPg8//LDd96Ny5cry9fXV2bNnb1udAFDSMNIEAHDIzc1Nv/zyizZs2KC4uDjFx8fr1KlTMgxDkmz/j4uLkyTdfffdOY5Ro0aNm7Zz4sQJSVL16tXzvL+bm5umTp2qV155RePGjZMk1apVSy1atFC3bt1Ut27dm7YvSf7+/rnarmzZsjmmAXd1dVXlypV1+PDhXB0jP06cOCFPT0/dddddOdZdvaXv76Nj5cuXz7Gtm5ubrFbr7SkSAEogRpoAAA6NHj1aTz/9tH755RdVrVpV4eHh+vDDD/Xaa6/ZbZeZmSlJdqMaV7m7u+e6vYyMjBzLrgYzRzp06KAffvhBUVFR6tOnjzIzM/Xhhx+qZ8+e+vjjj3PV9rWjaY5cO8rz9zpzc4z8fjCuo9fhagj6++tvNvNWDwC3ipEmAMANxcTE6KuvvlLnzp01a9Ysu7CwZ88eu22vjjAdPXo0x0QGR48evWlb1apVu+G2x44dc7hvSkqKDh48qMqVK6tjx47q2LGjJCk2Nlb9+/fX3Llz1b9//5vWkFvJycm6cOGCvL29bcsyMzP1559/2s5DuhLCrveZUPm9Na5q1ao6evSo4uPjc4w2XR3hqlSpUr6ODQC4Mf78BAC4oaSkJElXbv26NjCdP39en3/+uaT/jZp07NhRLi4uWrp0qS5fvmzbNiEhwTadtiMPPvigfHx89Mknn+jChQu25efOndO6desc7nvw4EE98cQTmjdvnt3ymjVrqkyZMnJx+d/fCK+OBOVm9OpGrFarli1bZrfso48+0qVLl9S5c2fbsgoVKigpKcnulrmMjAzbs0nXyk1dDz/8sCRp9uzZdttdunRJCxYskMViUYcOHfJ3UgCAG2KkCQBwQ40aNVLZsmW1YMECpaenq2rVqjp58qRWrVqlixcvSpLt/3fddZeef/55RUVF6fHHH1fXrl1tU4ZfHW250W1tkuTh4aGJEydq9OjR6tmzp/r06SPDMLRs2TLbpBOO6mzevLlWrFihCxcuKCQkRNnZ2dqwYYPi4+PtZtS7+tzSwoUL1bJly3yFDA8PD33wwQc6efKk6tWrp927d2vNmjW67777NHDgQNt2jz32mGJiYjRo0CA9+eSTslqtWrVq1XWDUW7q6t69u7755hutXbtWp06dUvv27ZWWlqZVq1bpxIkTGjNmjKpUqZLn8wEAOEZoAgDckJ+fnz788EPNnDlTn332mTIzMxUQEKCHH35YAwYMUKdOnfTjjz/queeekyQNGzZM5cqV09KlSzVjxgz5+voqLCxMGRkZWrx48XWfd7pWly5d5Ovrq7lz52revHlyd3dXt27dVK1aNU2ePPmG+5lMJkVFRenDDz/Uhg0btG3bNklSUFCQZsyYYTfleb9+/fTrr79q1apVio6Ozldo8vb21rvvvqupU6dq3bp18vHx0VNPPaURI0bYPb/Vu3dvpaamavny5Zo2bZrKlSun7t27q1WrVnriiSfsjpmbuiwWi+bNm6ePPvpIa9eu1YwZM+Th4aF69epp/Pjx1/0gXQDArTMZt3J/AgAA/yc1NVXZ2dkqU6ZMjnXjx4/XZ599pm+//faGn0EEAEBRxTNNAIACcfjwYTVu3Fhz5syxW37x4kV99913Kl++/HWnygYAoKjj9jwAQIG4//77Vbt2bb3//vs6f/686tSpo6SkJK1evVrnzp3TO++84/CZJgAAiipuzwMAFJjz589r4cKF2rJli06fPi0PDw8FBwfrmWeeUdOmTZ1dHgAA+UJoAgAAAAAHeKYJAAAAABwgNAEAAACAA4QmAAAAAHDA6bPnZWVlae7cuVq7dq2SkpJUt25d/fOf/1SDBg0kSbGxsZoyZYr2798vPz8/Pf300+rfv/8ttWkYhqxWHuUCAAAA7mRmsylXM7s6PTT961//0sqVKzV16lRVqVJFCxYs0DPPPKOvv/5arq6uGjBggNq1a6dJkyZpz549mjRpkkqXLq2wsLB8t2m1Gjp//lIBngUAAACA4sbPr7QslmIQmrZs2aKuXbuqRYsWkqTIyEitXLlSe/bsUVxcnFxdXTV58mS5uLioRo0aOn78uObPn39LoQkAAAAAcsvpzzT5+/vru+++08mTJ5Wdna1PP/1Ubm5uCgoKUkxMjEJCQuTi8r9sFxoaqmPHjuns2bNOrBoAAADAncLpI01jx47VyJEj1b59e1ksFpnNZkVFRalq1ao6ffq0atWqZbd9hQoVJEmnTp1SuXLl8t2ui4vT8yIAAACAYsDpoenIkSMqU6aM5s6dq4CAAK1cuVJjxozR0qVLlZ6eLjc3N7vtS5UqJUnKyMjId5tms0m+vqVvqW4AAAAAdwanhqZTp05p9OjRWrJkiRo3bixJqlevno4cOaKoqCi5u7srMzPTbp+rYcnT0zPf7Vqthi5cSM1/4QAAAACKPW9vD1ksN78Dzamh6bffftPly5dVr149u+X169fXDz/8oEqVKikhIcFu3dWvAwICbqntrCzrLe0PAAAA3C5Wq1XZ2VnOLqNYs1hcZDYXzCM5Tg1NgYGBkqSDBw8qODjYtvzQoUOqXr266tevrxUrVig7O1sWi0WSFB0drbvvvlv+/v5OqRkAAAC4XQzD0IUL55WWluLsUkoEDw8veXv75eqzmBxxamgKDg7WAw88oIiICE2YMEGBgYFau3atduzYoeXLl6ty5cpauHChxo4dq2eeeUZ79+7VkiVLNGnSJGeWDQAAANwWVwOTl5ev3NxK3fIv+3cqwzCUmZmhlJRESZKPz60NuJgMwzAKorD8Sk5O1rvvvqtt27YpOTlZtWrV0qhRoxQSEiJJ2rt3r6ZMmaIDBw6ofPnyGjhwoPr163dLbWZnW/lwWwBAgTKbTTKb+eUmL6xWQ1arU38NAYoUqzVbCQkn5eXlKy8vb2eXUyKkpFxQSkqiKlSoct1b9a58uO3Nb+FzemhyBkITAKAgmc0mlS3rmas3XvxPdrZVSUmpBCfg/1y+nKlz507Jzy9Qbm6lnF1OiZCZmaHz50/L37+iXF3dcqzPbWhy+pTjAAAUd2azSRaLWXOXb1d8QrKzyykW7qrgo6GPPyiz2URoAv6GW/IKTkG9loQmAAAKSHxCso7FJzq7DAAlkLNuAeY22isITQAAAEAR5sxbgPN7G+3p06e1f/9v6tDh4dtUWeEiNAEAAABFmLNuAb6V22inTJmgwMCKhCYAAAAAhac43QJc0uaaIzQBAAAAKDDDhj2nPXt+1Z49v2r37l8kSW3atFd09HYlJp7XG29M06JFH6hixUoaO3ai3X7XLjt2LE5z5szSb7/tlqenpxo1aqJhw16Uv3+5Qj8n5kYFAAAAUGDefHO67r8/WO3aPaQFCz6WJK1e/ZlGjhyjd96J0n331bvpMc6e/a+GDn1GlStX1cKF/9bbb7+rS5dSNGTIQKWlpd3uU8iB0AQAAACgwHh7+8jFxUWlSpWSr6+vJCk09EE1adJUQUF15eaW8/OS/m7Nms9VvnyAXnxxjKpVq66goDqaPHmqzp8/p+++23K7TyEHbs8DAAAAcFtVrlwlT9sfOvS74uL+0EMPtbRbnpmZqWPH4gqytFwhNAEAAAC4rUqVKnXTbbKzs23/tloNNWrUWKNHR+bYzsurTIHWlhvcngcAAACgQJlMjj+I19XVVZcuXbJ9bbVa9ddfJ21f33NPDR0/fkwVKgSocuUqqly5iry9vTV79js6evTIbav7RghNAAAAAAqUh4enTp36SwkJZ667/v77g/XzzzsVHf3/dPLkn5o1a7ouXkyxre/Ro5dSUlI0efI4HT58SIcPH9Jrr72i2NgDuvvuGoV1GjbcngcAAAAUA3dV8Ck27T32WJimTJmgp556XB4eHjnW9+37pOLjT2r8+Ei5ubnqkUe6q0OHjrbPd6pU6S7NmfOB3n9/jl54YZAsFovq1auv2bPft00uUZhMRkn75KlcyM626vz5SzffEACAXHBxMcvXt7Refe/rYvPBk85W/S5fvTmyixITLykry+rscoAi4fLlTJ07d0r+/hXl6vq/GebMZpPKlvWUxVL4N4llZ1uVlJQqq7V4RoYbvaZX+fmVztXrykgTAAAAUIRZrYaSklJlNjt+Tuh2tV1cA1NBIjQBAACnccZfzos7fom9M/F9dy5CEwAAKHQ+ZdxlWK3y9s75rAMcs1qzlZiYxi/QQCEiNAEAgEJX2t1NJrNZcV8tUNq5U84up9jw8K+ou7s+K7PZRGgCChGhCcAtM5tNTrnPurjjVgtASjt3SmlnTji7DABwiNAE4JY4c0af4q64z0gEAMCdgtAE4JaYzSZZLGbNXb5d8QnJzi6n2Lirgo+GPv4gt9gAAFAMEJoAFIj4hGQ+nwYAAJRI3E8DAAAAAA4w0gQAAAAUcc6adIlJi64gNAEAAABFmNlskq+vh8xmS6G3XdQ/F6xXr27q3LmrBg0afFvbITQBAAAARdiVUSZLoX+uGZ8L9j+EJgAAAKAY4HPNnIfQBAAAAKDAtGjRWC+99LI2bvxaR44cUuXKVfTccy+oRYvWkqRFiz7Q7t2/yN/fXzt2/D917vyIXnrpZe3b95vef3+OYmMPqGzZsnrwwVYaMmSoSpf2kiSlpKTo3Xen66efvpeLi4v69Xu60M6J2fMAAAAAFKj335+jhx/uoiVLlqlZsxZ69dV/at++32zr9+z5VX5+5bR48Sfq1auvjhw5rBdffEFNmzbTRx8t14QJU3TwYKxeemmYDOPKrYGvvRap2Nj/6O23Z2nWrLnasWO7Tp8unNsVGWkCACeyWPjbVV4wixMAFA9dunRVWNg/JEnPPz9cu3f/os8//1T16tW3bTNo0GB5eV0ZRXr99fEKCQlV//4DJUlVqlTVxIlT9I9/dNfu3b+oXLly2rUrWu++O0/16zeUJE2Y8IZ69epWKOdDaAIAJ/Ap4y7DapW3t4ezSylWivosTgCAKxo1amz3db16wdq1K9r2ta+vny0wSdLBgwd18uQJPfRQyxzHOn78mJKTkyRJderUtS338/NXpUp3FXDl10doAgAnKO3uJpPZXOgzIRVnzOIEAMWHxWIfM7KzrXZTppcqVcpuvWFY1bFjZ9tI07XKlvVVTMxOScrx8//v7dwuhCYAcCJmQgIAlES//35ALVq0sn29f/9e1a4ddMPt7767huLijqpy5Sq2ZcePH9Pcue9pyJChqlmztiRp377f1Lx5C0nSxYsXFR//5206A3uEJgAAAAAF6rPPlqtq1eoKCqqjL75YoyNHDikycvwNt+/bt5+GDn1G77zztsLC/qGUlIt6552pysjIUJUq1eTq6qq2bTto1qxpcnV1lb+/v95/f64uX75cKOdDaAIAAACKAQ//isWmvcce66nPPlumo0ePqEaNmpo5c47uvbfmDbe///56mjlzjhYu/JcGDuwnT08PPfBAEw0d+qJcXV0lSePGTdScOe9pwoRXZbVa1b17TyUlJea7xrwgNAEAAABF2JWZQ7N1d9dnndB2dr6eI61e/R698MLI664bNGiwBg0anGP5Aw800QMPNLnhMUuVctfo0REaPToiz/XcKkITAAAAUIRZrYYSE9NkNpuc0jaT7xCaAAAAgCKP8OJchCYAAAAABeann2KcXUKB46PoAQAAAMABQhMAAAAAOEBoAgAAAIoQw+DZpYJSUK8loQkAAAAoAiwWiyQpMzPDyZWUHFdfS4vl1qZyYCIIAAAAoAgwmy3y8PBSSsqVD2x1cyslk6nwpxkvCQzDUGZmhlJSEuXh4SWz+dbGighNAAAAQBHh7e0nSbbghFvj4eFle01vRZEITWvXrtX8+fP1559/qmrVqho2bJg6d+4sSTp58qRef/11/fzzz/L09FSvXr00fPhw2/AlAAAAUFKYTCb5+PirTBlfZWdnObucYs1icbnlEaarnB6a1q1bp7Fjx+rVV19Vy5YttX79eo0aNUqBgYG6//77NWjQIFWvXl0rVqzQiRMnNHbsWJnNZo0YMcLZpQMAAAC3hdlsltns5uwy8H+cGpoMw9B7772n/v3768knn5QkPf/884qJidGuXbsUHx+vv/76S5999pl8fHxUq1YtnTt3TtOmTdOQIUPk5saFBAAAAOD2curseXFxcYqPj1e3bt3sli9atEiDBw9WTEyM7rvvPvn4+NjWhYaGKiUlRbGxsYVdLgAAAIA7kFNHmuLi4iRJqampGjRokA4cOKDKlSvr+eefV7t27XT69GkFBgba7VOhQgVJ0qlTp1S/fv18t+3iwmzrQEGwWOhLKFxF8ZorijWhZOOaAwqXU0NTSkqKJCkiIkLDhg3TmDFjtHHjRr3wwgtavHix0tPT5e3tbbdPqVKlJEkZGfmfv95sNsnXt3T+CwcAOI23t4ezSwCcjn4AFC6nhiZXV1dJ0qBBg9SjRw9JUp06dXTgwAEtXrxY7u7uyszMtNvnaljy9PTMd7tWq6ELF1LzvT+A/7FYzLx5o1BduJCm7Gyrs8uwQz9AYSuK/QAojry9PXI1cuvU0BQQECBJqlWrlt3ye++9V9u2bVNISIgOHTpkty4hIcFu3/zKyuIHDQAUR9nZVn6G445HPwAKl1NviL3vvvtUunRp/fbbb3bLDx06pKpVq6pJkyY6cOCA7TY+SYqOjlbp0qUVFBRU2OUCAAAAuAM5NTS5u7vrmWee0dy5c/XVV1/pxIkT+te//qXt27drwIAB6tChg8qXL68XX3xRv//+u7Zs2aKZM2dq4MCBTDcOAAAAoFA4/cNtX3jhBXl4eGjWrFk6c+aMatSooaioKDVt2lSStHDhQk2aNEn/+Mc/5OPjoyeeeEIvvPCCk6sGAAAAcKdwemiSpAEDBmjAgAHXXVetWjV9+OGHhVwRAAAAAFzBJP8AAAAA4AChCQAAAAAcIDQBAAAAgAOEJgAAAABwgNAEAAAAAA4QmgAAAADAAUITAAAAADhAaAIAAAAABwhNAAAAAOAAoQkAAAAAHCA0AQAAAIADhCYAAAAAcIDQBAAAAAAOEJoAAAAAwAFCEwAAAAA4QGgCAAAAAAcITQAAAADgAKEJAAAAABwgNAEAAACAA4QmAAAAAHCA0AQAAAAADhCaAAAAAMABQhMAAAAAOEBoAgAAAAAHCE0AAAAA4AChCQAAAAAcIDQBAAAAgAOEJgAAAABwgNAEAAAAAA4QmgAAAADAAUITAAAAADhAaAIAAAAABwhNAAAAAOAAoQkAAAAAHCA0AQAAAIADLnnd4ZVXXsn1tiaTSW+++WZemwAAAACAIiPPoen06dM6cOCAkpOTdddddykgIEBJSUk6fvy4DMNQYGCgbVuTyVSgxQIAAABAYctzaOrSpYsOHz6sZcuWqVGjRrblR48e1fPPP68nnnhCTz31VIEWCQAAAADOkudnmt5//32NGTPGLjBJ0j333KMXX3xRixYtKrDiAAAAAMDZ8hyazp8/Lx8fn+sfzGzWxYsXb7koAAAAACgq8hya6tevrzlz5igxMdFueUJCgqKiotSiRYsCKw4AAAAAnC3PzzRFRkaqX79+ateunRo2bChfX1+dO3dOu3fvlr+/v1599dXbUScAAAAAOEWeR5qCgoK0fv169e3bVykpKdq/f7/S09M1cOBArV69WhUrVrwddQIAAACAU+R5pEmSAgICFBERUdC1AAAAAECRk+eRJknKzMzUsmXLNGzYMPXp00d//PGHli9frr17995SMXFxcWrYsKFWr15tWxYbG6t+/fqpQYMGateunT7++ONbagMAAAAA8iJfs+eFhYVpypQpOn78uPbu3av09HRt27ZN4eHh2r17d74KuXz5ssaMGaPU1FTbssTERA0YMEBVq1bVqlWrNHToUM2YMUOrVq3KVxsAAAAAkFd5Dk3Tpk3TpUuX9PXXX2vNmjUyDEOSNHv2bNWrV0+zZ8/OVyFRUVHy8vKyW/bZZ5/J1dVVkydPVo0aNRQWFqann35a8+fPz1cbAAAAAJBXeQ5N3333nUaOHKlq1arJZDLZlpcqVUoDBw7Uf/7znzwX8fPPP+vTTz/V1KlT7ZbHxMQoJCRELi7/e/QqNDRUx44d09mzZ/PcDgAAAADkVZ4ngsjIyFDZsmWvu85isejy5ct5Ot6FCxf08ssva9y4cTlm3jt9+rRq1aplt6xChQqSpFOnTqlcuXJ5autaLi75epwLwN9YLPQlFK6ieM0VxZpQsnHNAYUrz6GpXr16WrZsmVq3bp1j3Zdffqn7778/T8ebOHGiGjZsqG7duuVYl56eLjc3N7tlpUqVknQlvOWX2WySr2/pfO8PAHAeb28PZ5cAOB39AChceQ5NI0eO1NNPP63u3burdevWMplM+uqrrxQVFaWffvpJCxcuzPWx1q5dq5iYGH355ZfXXe/u7q7MzEy7ZVfDkqenZ15Lt7FaDV24kHrzDQHclMVi5s0bherChTRlZ1udXYYd+gEKW1HsB0Bx5O3tkauR2zyHpsaNG2vx4sV65513tHDhQhmGoSVLlqhu3br64IMPFBoamutjrVq1SufOnVObNm3slk+YMEFff/21AgMDlZCQYLfu6tcBAQF5Ld1OVhY/aACgOMrOtvIzHHc8+gFQuPIcmnbs2KGGDRtqxYoVSk9PV3Jysry8vFS6dN5vd5sxY4bS09PtlnXs2FEjRozQo48+qnXr1mnFihXKzs6WxWKRJEVHR+vuu++Wv79/ntsDAAAAgLzK81OEw4cP16ZNmyRduX0uICAgX4FJujJaVK1aNbv/JMnf318BAQEKCwtTSkqKxo4dqyNHjmj16tVasmSJBg8enK/2AAAAACCv8hyavL295e7ufjtqycHf318LFy5UXFycevTooTlz5ujll19Wjx49CqV9AAAAAMjz7XmDBw/WG2+8obi4OAUFBV13QoYmTZrku6CDBw/afR0cHKxPP/0038cDAAAAgFuRq9CUkZFhm+p7woQJkqRZs2ZJkt0H3BqGIZPJpNjY2IKuEwAAAACcIlehqV27dpozZ44aNmyoJk2aqHfv3goMDLzdtQEAAACA0+UqNF28eNE21XdMTIz++c9/Kjg4+LYWBgAAAABFQa5CU7169TR69Gi9/fbbMgxDQ4cOlZub23W3NZlM2rJlS4EWCQAAAADOkqvQNHPmTC1ZskRJSUlas2aN6tatKz8/v9tdGwAAAAA4Xa5CU0BAgCIiIiRJO3fu1EsvvaSgoKDbWhgAAAAAFAV5nnJ869att6MO3GHMZpPMZtPNN4SN1WrIajWcXQYAAMAdJ8+hCbhVZrNJvr4eMpstzi6lWLFas5WYmEZwAgAAKGSEJhS6K6NMFsV9tUBp5045u5xiwcO/ou7u+qzMZhOhCQAAoJARmuA0aedOKe3MCWeXAQAAADhkdnYBAAAAAFCUEZoAAAAAwAFCEwAAAAA4QGgCAAAAAAcITQAAAADgAKEJAAAAABwgNAEAAACAA4QmAAAAAHCA0AQAAAAADhCaAAAAAMABQhMAAAAAOEBoAgAAAAAHCE0AAAAA4AChCQAAAAAcIDQBAAAAgAOEJgAAAABwgNAEAAAAAA4QmgAAAADAAUITAAAAADhAaAIAAAAABwhNAAAAAOAAoQkAAAAAHHBxdgHFndlsktlscnYZxYrFQlYHAABA8UFougVms0lly3oSAgAAAIASjNB0C8xmkywWs+Yu3674hGRnl1Ns1K9dSX06NXB2GQAAAECuEJoKQHxCso7FJzq7jGKjUnlvZ5cAAAAA5Br3lQEAAACAA4QmAAAAAHCA0AQAAAAADhCaAAAAAMABQhMAAAAAOEBoAgAAAAAHCE0AAAAA4AChCQAAAAAccHpoSkpK0muvvaZWrVqpUaNGevzxxxUTE2Nbv2PHDvXs2VP169dXp06dtH79eidWCwAAAOBO4/TQNGrUKO3evVszZ87UqlWrVKdOHQ0aNEhHjx7VH3/8ocGDB6tly5ZavXq1evfurZdfflk7duxwdtkAAAAA7hAuzmz8+PHj2r59u5YtW6YHHnhAkjR+/Hj9+OOP+vLLL3Xu3DnVrl1bL730kiSpRo0aOnDggBYuXKhmzZo5s3QAAAAAdwinjjT5+vpq/vz5qlevnm2ZyWSSyWTShQsXFBMTkyMchYaG6pdffpFhGIVdLgAAAIA7kFNDk7e3t1q3bi03Nzfbso0bN+r48eNq2bKlTp8+rcDAQLt9KlSooLS0NCUmJhZ2uQAAAADuQE69Pe/vfv31V73yyivq2LGj2rRpo/T0dLtAJcn2dWZm5i215eJy63nRYnH6I2G4wxTFa64o1oSSrShec0WxJpRsXHNA4SoyoWnLli0aM2aMGjVqpBkzZkiSSpUqlSMcXf3aw8Mj322ZzSb5+pbOf7GAk3h75/+6B0oK+gFAPwAKW5EITUuXLtWUKVPUqVMnvf3227bRpIoVKyohIcFu24SEBHl6eqpMmTL5bs9qNXThQuot1Sxd+SsPP7RQmC5cSFN2ttXZZdihH6Cw0Q+AotkPgOLI29sjVyO3Tg9Ny5Yt0+uvv67w8HCNHTtWJpPJtq5x48batWuX3fbR0dFq1KiRzOZbG5bOyuIHDYqf7Gwr1y7uePQDgH4AFDanhqa4uDi9+eabeuihhzR48GCdPXvWts7d3V3h4eHq0aOHZsyYoR49euj777/XN998o4ULFzqxagAAAAB3EqeGpo0bN+ry5cvavHmzNm/ebLeuR48emjp1qubNm6fp06fro48+UuXKlTV9+nQ+owkAAABAoXFqaBoyZIiGDBnicJtWrVqpVatWhVQRAAAAANhjvkoAAAAAcMDpE0EAAAAAdyqz2SSz2XTzDWHHajVktRqF1h6hCQAAAHCCK58d6iGz2eLsUoodqzVbiYlphRacCE0AAACAE1wZZbIo7qsFSjt3ytnlFBse/hV1d9dnZTabCE0AAAAoXrjVLG+ufqhq2rlTSjtzwsnVwBFCEwAAAG6Z2WxS2bKetiAAlCSEJgAAANwys9kki8Wsucu3Kz4h2dnlFAv1a1dSn04NnF0GcoHQBAAAgAITn5CsY/GJzi6jWKhU3tvZJSCXGD8FAAAAAAcITQAAAADgAKEJAAAAABwgNAEAAACAA4QmAAAAAHCA0AQAAAAADhCaAAAAAMABQhMAAAAAOEBoAgAAAAAHCE0AAAAA4AChCQAAAAAcIDQBAAAAgAOEJgAAAABwgNAEAAAAAA4QmgAAAADAAUITAAAAADhAaAIAAAAABwhNAAAAAOAAoQkAAAAAHCA0AQAAAIADhCYAAAAAcIDQBAAAAAAOEJoAAAAAwAFCEwAAAAA4QGgCAAAAAAcITQAAAADgAKEJAAAAABwgNAEAAACAA4QmAAAAAHCA0AQAAAAADhCaAAAAAMABQhMAAAAAOEBoAgAAAAAHCE0AAAAA4AChCQAAAAAcIDQBAAAAgAOEJgAAAABwoFiEJqvVqtmzZ6tly5Zq0KCBnn32Wf3555/OLgsAAADAHaBYhKZ58+Zp2bJlev3117VixQpZrVY988wzyszMdHZpAAAAAEq4Ih+aMjMz9eGHH2rEiBFq06aNgoKCNGvWLJ0+fVqbNm1ydnkAAAAASrgiH5p+//13Xbp0Sc2aNbMt8/b2Vt26dfXzzz87sTIAAAAAdwKTYRiGs4twZNOmTRo+fLh+++03ubu725aPHDlS6enp+uCDD/J8TMMwZLXe+mmbTJLZbFZySrqys623fLw7hZurRV6epXT50gUZ1mxnl1MsmMwWuZb2ltVqVVHrsfSD/KEf5B39oGShD+QP/aBkoR/kT0H2A7PZJJPJdNPtXG6tmdsvLS1NkuTm5ma3vFSpUkpOTs7XMU0mkyyWm784ueXj5X7zjZCDa2lvZ5dQ7JjNRXdwmH6QP/SDvKMflCz0gfyhH5Qs9IP8Kcx+UHR73P+5Orr090kfMjIy5OHh4YySAAAAANxBinxoqlixoiQpISHBbnlCQoICAgKcURIAAACAO0iRD01BQUHy8vLSzp07bcsuXLigAwcOqEmTJk6sDAAAAMCdoMg/0+Tm5qZ+/fppxowZ8vPz01133aXp06crMDBQHTt2dHZ5AAAAAEq4Ih+aJGnEiBHKysrSuHHjlJ6eriZNmmjRokVydXV1dmkAAAAASrgiP+U4AAAAADhTkX+mCQAAAACcidAEAAAAAA4QmgAAAADAAUITAAAAADhAaAIAAAAABwhNAAAAAOAAoQkAAAAAHCA04bYJDw+3/bt27dpOrARwrtmzZysmJqbAj7t8+XItX7483+tRdBXkNRMZGanVq1fnWL569WpFRkYWSBu4vu7duzu7BBQx/D5UfLk4uwCUXLt27XJ2CUCR8PPPP6tp06YFftzHH3/8ltaj6Lpd1wwK17p165xdAoACQmhCgXj//ff1xRdfyGKx6MEHH1RaWpokqWfPnra/cE6aNEm7d+9WRkaG3n77bQUHB+vEiROaOHGiEhMT5ebmpoiICDVq1EiRkZFKTEzUiRMnNHLkSHXq1MmZp4dibubMmdq4caMsFou6d++ujh076rXXXlNSUpI8PT01duxYBQcHKzIyUu7u7tqzZ4+SkpL00ksvacuWLYqNjVXbtm01duxYrV69Whs3blRKSooSEhLUunVrjR07VvHx8erfv7+2bt0q6cpf8Xft2qUmTZpo//79GjdunGbPnq3SpUvn+ZqfOnWq/Pz89Nxzz0mSIiIiFBISor/++kuSNHToUFv/slgsateunYYPH66oqChJ0vDhw/Xdd9/p3XffldVqVZUqVTR58mSVK1dO7dq1U/fu3bV9+3YlJSVp/PjxatmyZSF/h0q+nTt36l//+pfKlCmjP/74Q4GBgZo5c6a++uorrV27Vunp6ZKuXKv79u2zu2befPNNDRs2zBaiateurYMHDyoqKkp79uzR6dOn1bt3b9WtW1czZ85URkaGkpOTNXr0aD3yyCO5qm/Dhg1avHix0tPTlZ6ersmTJys0NFTh4eGqX7++YmJilJCQoOHDh6tHjx5KSUnRq6++qsOHD6t8+fIymUx64YUXJElz5szRv//9b0myuwaXLl2a41xr1aqlmJgYTZ48WWazWY0bN9b333+vzZs36/z583rttdds1/mwYcPUrl27HLWHh4fr7rvv1v79+5WWlqbIyEi1bt06x+vTunXr6/b7U6dO6ZVXXtHZs2fl5uamiRMnKjg4WOvWrdNHH32k7Oxs3XvvvZo0aZI8PT2v29f27NmjN954Q4ZhqFSpUnrjjTd0zz332H2vzpw5oxMnTig+Pt5WiyS99957Wr9+vcqUKaMaNWqoSpUqGj58eH4vNTjRzp07NXfuXLm4uOjYsWNq2bKlAgICtGXLFlmtVs2fP9+2bVpamsaNG6eDBw/KZDJp0KBBeuyxx274HpORkaGXX35ZJ06ckMlkUp8+fdS3b18nnu0dyABu0bZt24ywsDAjNTXVuHz5sjFkyBBj6dKlRq1atWzb1KpVy1i/fr1hGIbx0UcfGcOHDzcMwzD69u1r7N271zAMwzh+/LjRtm1b4/Lly0ZERIQxevTowj8ZlDgbN240+vTpY6Snpxvp6elGr169jCZNmhhff/21YRiGsXv3bqNNmzZGRkaGERERYQwZMsQwDMNYvXq18cADDxhnz541Ll68aDRs2NBITk42Vq1aZYSGhhoJCQlGRkaG0adPH+Prr782/vzzT6Nt27a2dletWmVEREQYhmEY/fr1M6Kjow3DyN81Hxsbazz66KOGYRhGenq60bx5c+PixYvG7NmzjdmzZxuxsbFGjx49bOtHjRplpKam2tafPXvWePDBB40TJ04YhmEYCxYssPXBtm3bGosWLTIMwzA2bdpkOw4KVnR0tNGgQQMjPj7eMAzDGDJkiLFkyRIjPDzcSE1NNQzDMN577z1j8uTJhmHYXzPX/tswDNvP1tmzZxuPP/64bfnw4cONQ4cOGYZhGDt27DC6du1qGIZhREREGKtWrcpR09VrNDs72wgPDzfOnj1rGIZhfP7558bgwYNtbV+t6T//+Y8REhJiGIZhTJ061XjjjTcMwzCMEydOGA0aNDCio6ON6Ohoo1+/frY2rl6DFy9evO65ZmZmGq1atbL1iQULFtj60ahRo4yNGzcahmEY586dMzp06GCr8Vr9+vUzXn75ZcNqtRoHDhwwQkNDjYyMjByvT1hY2HX7/eDBg40lS5YYhmEYO3fuNAYNGmQcOXLE6Nu3r5GWlmYYhmHMmzfPmDp16g372gsvvGB8++23hmEYxvr1643Vq1fn+F717NnTyMjIMFJSUowWLVoYv//+u7F161ajd+/eRlpampGammr07NnTmD17do5zRPFwbT9PTU01GjRoYCxfvtwwDMOIjIw0lixZYrsm3n77bWPSpEmGYVy5vtu1a2fExsbe8D1m8+bNxrBhwwzDMIzz588bY8aMcc5J3sEYacIti46OVteuXeXh4SFJCgsL09q1a3Ns17FjR0lSrVq1tHnzZl26dEn79u3TuHHjbNtkZWXp1KlTkqSGDRve/uJR4u3cuVOdO3dWqVKlJElLlixRmzZt1LlzZ0lSgwYN5OPjo6NHj0qS2rRpI0mqVKmSatasKX9/f0lS2bJldeHCBUlS27ZtVb58eUlSly5d9PPPP6tevXo3rSW/13xQUJAk6Y8//tChQ4cUGhoqLy8v2/qqVasqMzNTTz75pFq3bq2XXnrJ1h8lae/evQoODlaVKlUkSX369LH7i2fr1q1t7SQlJd30PJA/NWvWVKVKlSRJderU0cWLFzVr1ix9/fXXOnbsmH788UfVqVMnT8ds0KCB7d/Tp0/Xd999p02bNum3337TpUuXcnUMs9msefPmaevWrYqLi9OuXbtkNv/vkeer10edOnVs18dPP/2k6dOnS5KqVKmi5s2bO2zDy8vruud66NAh+fn52fpPnz59tGzZMlsbhw8f1ty5cyVd6St//PGHrU9eq3fv3jKZTKpTp44CAwN18OBBu9fn0qVLOn78+HX7/c6dO23nEhISopCQEC1dulTHjx9Xnz59bG1XqVLlhn2tXbt2GjdunNq2bau2bdvq4YcfzlFjs2bN5ObmJjc3N1WrVk3Jycnavn27unbtKnd3d0nSo48+avs5g+Kpdu3atn7u6+urZs2aSbrynnLt9zY6OlpTpkyRJPn5+al9+/batWuXvLy8rvseM3jwYE2ZMkWDBg1S69atFRERUchnBkITbpnVas2xLCsrK8cyF5crl5vJZLLt5+bmZnfP95kzZ2w/KK79pQ/IL4vFYrvmJCk5OTnHNoZh2K5ZV1dX2/Kr1+zfXbvcarXKbDbLZDLJMAzb8suXL+fYL7fX/LXB6v7779eUKVPUvXt3bdiwQQcPHlSvXr3sjuvp6am1a9dq586d+umnn9S3b1/b7VFX2/37+V5b39VAee3rhIJ39XWWrrzWf/31l3r37q3w8HC1atVK5cqVU2xs7HX3vXptZWZm2i2/9ufkE088oZCQEIWGhqpZs2YaM2aM3bbLly/XihUrJEl9+/a11XPp0iWFhYXp0UcfVZMmTVS7dm198sknOeq+9vqwWCx21/u15/X3fuDq6qpTp07pySefzHGuFovluu8h0pXr9uOPP1bZsmUlSQkJCfLz89Ozzz6rhIQESbKFf4vFYrff1a+vvj7Xq/Vqv3dxcbE7t8OHDys7O1tdunSx9cPU1FRlZmbesK+FhYWpWbNm2rZtm5YsWaJt27bpjTfesGvv799/wzBkNptveP4onq59D5Hsr81r/f2avPZ96HrvMQEBAdqwYYO2b9+uH3/8UT169ND69evl7e1dwGeAG2H2PNyy0NBQffXVV0pLS1NWVpZWrVqlJk2ayGKxXDc8XVWmTBlVr17d9gtkTEyMevbs6XAfIK9CQkK0efNmZWZmKjMzU0OGDNGlS5e0YcMGSdKePXuUkJCgWrVq5fqYP/74oy5cuKCMjAytX79eLVq0kI+Pj5KSkpSQkKDs7Gxt2rTJtr3FYlF2dnaur/l69epp3bp1Wrdune0vkd26ddPGjRsVGxurFi1a2G0fExOjZ599VqGhoYqIiFCNGjUUFxdnW1+/fn3t3btXf/75pyTp008/VUhISB5eRdwO+/btU/Xq1TVgwADVr19fP/zwg7KzsyX975qRrvy1+vfff5ckffPNN9c9VlJSko4dO6YXX3xRrVu31vbt2237X/X444/brqtrJwk5duyYTCaTnn/+eYWGhtrVcSMPPvig1qxZI0k6ffq0du7cKZPJJF9fXx07dkxpaWlKS0vTtm3bHJ7rPffco4sXL+o///mPJNndpRAaGmobdTp27Ji6du2q5ORkLViwwHYeAQEBkqT169fb2klKSsrRn728vFSlSpXr9vuQkBDb/rt379aoUaPUtGlTbd68WWfPnpUkvfXWW5o3b94N+9qzzz6ruLg4PfHEExo5cqQOHDjg8PW79nXcsGGDMjIylJmZqQ0bNvDHiztEaGioVq5cKUk6f/68tmzZosaNG0u6/nvMl19+qYkTJ6p9+/YaN26cPD09bXcpoHAw0oRb1rZtW8XGxqpXr17KyspS8+bN1b9/f+3du1ePPvqoPv/88xvuO336dE2cOFELFy6UxWLRe++9Jzc3t0KsHiVdhw4ddODAAYWFhclqtSosLEytW7fWxIkTNW/ePLm6uioqKipP11358uU1ePBgnT9/Xl27drXd0jdkyBD17dtX5cqVU+PGjXX+/HlJV275mzBhgt566618X/Ply5dXQECAatSokeMvlw888IDuuece220+devWVatWrWy/iJYrV06TJ0/WsGHDlJWVpcDAQL355pu5Pl/cHi1atNDvv/+uLl26yM3NTcHBwTp06JAk+2tm8ODBioiI0Jo1a9SsWTPbyOS1ypYtq969e+uRRx6Rl5eX6tevr/T09FzdohcUFKS6deuqc+fOcnd3V5MmTRQfH3/d0Zmrnn/+eY0fP17dunVT+fLlValSJbm7u6tmzZrq2LGjunbtqoCAAD3wwAOSroSD5cuX5zhXNzc3zZw5U+PHj5dhGAoKCrLdqjZu3DhNmDBB3bp1k2EYmjJlynVvzZOujNj26NFDVqtVM2fOvO4o8dW+9/d+P378eI0bN07Lli2Tm5ub3n77bQUFBWnYsGEaMGCArFaratSoocjISHl6el63r/n7+2vSpEmaMWOGXFxccj2Ve+vWrbVv3z716NFDpUuXlq+vr92IFEquoUOHauLEieratauys7P13HPPKTg4WEeOHLnue0xGRoa+/fZbPfLII3J1ddXDDz/M9OWFzGQ4+qkIALBzdVa8qVOnOrsUwGm++OILBQYGKiQkRCkpKerZs6dWrlwpHx+fPB3HMAxNmzZNQ4cOlZeXl7Zs2aIvvvhCs2fPzvUxwsPD7WYXLE5+++03HTp0SL1795ZhGBoxYoTCwsJsf4jBnYf3mKKLkSYAAJAn99xzjyZMmGC7jW/kyJF5DkzSlWd7/P399Y9//EOurq7y9/fX66+/XtDlFlnVq1fX3Llz9fHHH0u6MsJIYAKKJkaaAAAAAMABJoIAAAAAAAcITQAAAADgAKEJAAAAABwgNAEAShwe1wUAFCRCEwCgRPn2228VERHh7DIAACUIU44DAEqUJUuWOLsEAEAJw0gTAAAAADjA5zQBAEqM8PBw7dq1y/b1xx9/LB8fH82ZM0cxMTG6ePGi/Pz89PDDD2vMmDFyd3eXJKWkpGjatGnavHmz0tPT1aZNG9WvX19vvfWWDh486KzTAQAUEYQmAECJceTIEf3zn/+UJE2YMEHly5fXo48+qgYNGig8PFxubm764YcftHjxYo0ePVrPPfecJKl///6KjY3VSy+9pEqVKmnZsmXasWOHMjMzCU0AAJ5pAgCUHPfee6+8vLwkSQ0aNNBPP/2kOnXq6L333rMtb968ubZv366dO3fqueee044dO7Rz505FRUWpY8eOkqRWrVqpa9eu+uOPP5x2LgCAooPQBAAosVq0aKEWLVro8uXLOnLkiI4fP65Dhw7p/PnzKlu2rCQpOjparq6u6tChg20/s9msLl26KCoqykmVAwCKEkITAKDEslqtmjlzpj755BOlpqaqYsWKCg4OVqlSpWzbJCYmqmzZsjKb7edG8vf3L+xyAQBFFKEJAFBizZ8/X0uWLNGkSZPUsWNHlSlTRpLUq1cv2zYBAQFKTEyU1Wq1C07nzp0r9HoBAEUTU44DAEqUa4PPL7/8onvvvVdhYWG2wHTmzBkdOnRIVqtVkhQSEqKsrCxt3brVtp9hGNqyZUvhFg4AKLIYaQIAlCje3t7avXu3duzYoWrVqumnn37S/Pnz1aBBAx0/flwffPCBMjMzlZaWJklq0qSJHnzwQY0dO1Znz55VpUqV9Pnnn+vgwYMymUxOPhsAQFHAlOMAgBIlOjpar7zyiv773//q9ddf1759+7Rp0yZdvHhRFStW1COPPCKTyaQPPvhA27dvl7e3t5KTkzV16lRt2bJFWVlZat++vby9vbV27Vr9+uuvzj4lAICTEZoAAHe0+Ph47dmzR+3bt7d92K0kjRgxQn/++afWrFnjxOoAAEUBt+cBAO5oZrNZkZGRat++vXr16iWLxaIff/xRmzZt0ltvveXs8gAARQAjTQCAO150dLTmzp2r2NhYZWVlqUaNGhowYIC6du3q7NIAAEUAoQkAAAAAHGDKcQAAAABwgNAEAAAAAA4QmgAAAADAAUITAAAAADhAaAIAAAAABwhNAAAAAOAAoQkAAAAAHCA0AQAAAIADhCYAAAAAcOD/A9Es/zlA6gXfAAAAAElFTkSuQmCC", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "# Few-shot with GPT 4\n", - "method = \"few_shot\"\n", - "model = \"gpt-4-0613\"\n", - "y_pred[method][model], performance[method][model] = evaluate(\n", - " test_df=test_df, model=model, system_content=system_content,\n", - " assistant_content=assistant_content, tags=tags)" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "61521970", - "metadata": {}, - "source": [ - "As we can see, few shot learning performs better than it's respective zero shot counter part. GPT 4 has had considerable improvements in reducing hallucinations but for our supervised task this comes at an expense of high precision but lower recall and f1 scores. When GPT 4 is not confident, it would rather predict `other`." - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "e04b53bf", - "metadata": {}, - "source": [ - "## OSS LLMs" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "c6c72add", - "metadata": {}, - "source": [ - "So far, we've only been using closed-source models from OpenAI. While these are *currently* the gold-standard, there are many open-source models that are rapidly catching up ([Falcon 40B](https://huggingface.co/tiiuae/falcon-40b), [Llama 2](https://ai.meta.com/llama/), etc.). Before we see how these models perform on our task, let's first consider a few reasons why we should care about open-source models.\n", - "\n", - "- **data ownership**: you can serve your models and pass data to your models, without having to share it with a third-party API endpoint.\n", - "- **fine-tune**: with access to our model's weights, we can actually fine-tune them, as opposed to experimenting with fickle prompting strategies.\n", - "- **optimization**: we have full freedom to optimize our deployed models for inference (ex. quantization, pruning, etc.) to reduce costs." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "15ea136e", - "metadata": {}, - "outputs": [], - "source": [ - "# Coming soon in August!" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "3724d63b-58f8-4374-a89d-275a83c8190e", - "metadata": {}, - "source": [ - "## Results" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "ec0b498a-97c1-488c-a6b9-dc63a8a9df4d", - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{\n", - " \"zero_shot\": {\n", - " \"gpt-3.5-turbo-0613\": {\n", - " \"precision\": 0.7919133278407181,\n", - " \"recall\": 0.806282722513089,\n", - " \"f1\": 0.7807530967691199\n", - " },\n", - " \"gpt-4-0613\": {\n", - " \"precision\": 0.9314722577069027,\n", - " \"recall\": 0.9267015706806283,\n", - " \"f1\": 0.9271956481845013\n", - " }\n", - " },\n", - " \"few_shot\": {\n", - " \"gpt-3.5-turbo-0613\": {\n", - " \"precision\": 0.8435247936255214,\n", - " \"recall\": 0.8586387434554974,\n", - " \"f1\": 0.8447984162323493\n", - " },\n", - " \"gpt-4-0613\": {\n", - " \"precision\": 0.9407759040163695,\n", - " \"recall\": 0.9267015706806283,\n", - " \"f1\": 0.9302632275594479\n", - " }\n", - " }\n", - "}\n" - ] - } - ], - "source": [ - "print(json.dumps(performance, indent=2))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "4cc80311", - "metadata": {}, - "outputs": [], - "source": [ - "# Transform data into a new dictionary with four keys\n", - "by_model_and_context = {}\n", - "for context_type, models_data in performance.items():\n", - " for model, metrics in models_data.items():\n", - " key = f\"{model}_{context_type}\"\n", - " by_model_and_context[key] = metrics" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "id": "6771b1d2", - "metadata": {}, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA9gAAAGACAYAAABWaMrCAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAABmJ0lEQVR4nO3dd3gU1f/28Xt304EQAkLoHUJVpCsgIL1IR1RAUJp0pCs/eu+9CYiAgtKlRLGAIlJUUERAFOktICWU1N15/sjDflmTQAiTyvt1XVxkZ87OfmZ2z87eO7NnLIZhGAIAAAAAAE/EmtwFAAAAAACQFhCwAQAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATuCV3AQCAlO/kyZP65JNP9MMPP+jy5ctyc3NT4cKF9corr6h169Zyc/vf7qRmzZq6cOGCy/09PDwUEBCgevXqqWfPnvL09NSQIUO0cePGhz5uhQoVtHLlyhjT9+/fr/bt27tMc3d3V7Zs2VS3bl316tVL3t7eT7DGCTNnzhzNnTtXf/75Z5I/9sNs2LBBQ4cO1TfffKNcuXIldzkAAKRZBGwAwENt375dQ4cOVcGCBdWxY0flz59fYWFh+u677zR+/Hjt3r1b8+fPl8Vicd7npZdeUvfu3Z23w8PDtX//fs2fP18XLlzQ9OnT1b17d7Vp08bZZv78+Tp69Kjmzp3rnJY+ffqH1jZ8+HCVKFFCkhQaGqrjx49r9uzZunr1qqZMmWLWJgAAAIgXAjYAIE4nT57U0KFDVbVqVc2cOdPlSPVLL72kihUrqnfv3goKClKDBg2c8/z9/fXcc8+5LKtixYq6fPmyNmzYoCFDhihPnjzKkyePy308PDxi3O9hChUq5NK+cuXKun37thYsWKARI0Y8MqADAACYid9gAwDitGTJElmtVo0aNcolXN9Xt25dNW3aNN7LK1mypAzD0KVLl0ys0pWvr2+MaTdv3tTw4cP1wgsvqFSpUmrdurX27t3r0qZo0aL6+OOP9f7776tChQoqU6aM+vTpo2vXrrm027Rpk5o1a6Znn31W1atX17Rp0xQREeHSZteuXXrllVdUqlQp1a1bV5s2bXLO279/v4oWLaq9e/eqXbt2Kl26tKpXr661a9cqODhYPXv2VJkyZfTSSy9p+fLlLss9fvy4evbsqUqVKqlEiRKqWrWqxo4dq7CwMJf1mDt3rpo3b67SpUu7nBFwX0hIiJo0aaKaNWvq4sWLkqQ9e/aodevWKlOmjMqXL6933nlHJ0+ejNc2BwAA0QjYAIA4ffPNN6pUqZIyZ84cZ5tJkya5HL1+mFOnTkmScufObUp9DodDUVFRioqKUmhoqA4ePKgVK1aoadOmzqPX4eHhevPNN/XNN9+oX79+mjt3rgICAtSpU6cYIXvGjBlyOByaPn26Bg0apJ07d2r8+PHO+R9//LEGDx6sEiVKaO7cuerSpYtWrlypsWPHuixn+PDh6tChgxYsWKCAgAANGTJEx48fd2nz7rvvqmbNmlq0aJHy58+vESNGqH379ipcuLDmz5+v0qVLa8KECTp8+LAkKTg4WG+88YZCQ0M1ceJEffDBB2rYsKFWrlypFStWuCx74cKFaty4sWbPnq26deu6zLt79646d+6skJAQrVixQjly5NC5c+fUvXt3lSxZUgsWLNC4ceN06tQpdenSRQ6H48meJAAAniKcIg4AiNWtW7d069Yt5cuXL8a8qKgol9sWi0U2m8152zAMlzb//vuvvv/+e61Zs0YNGjSQv7+/KTV26NAhxrRcuXKpb9++ztubN2/W8ePH9dlnn+nZZ5+VJFWrVk3t2rXT1KlTtX79emfbIkWKaMKECc7bhw8f1hdffCEpOszPmzdPtWrVcgnUoaGh2rZtmyIjI53Txo4dq2rVqkmS8uTJo9q1a+vAgQMKDAx0tmnRooU6duwoSfLx8VHr1q1VunRp9enTR5IUGBioHTt26ODBgypdurROnDihYsWKadasWc4vD1544QXt2bNH+/fvV5cuXZzLLleunHPZkvT7779Liv6y4Z133tGVK1e0cuVK54Bnhw8fVlhYmLp27aps2bJJkgICAvTNN9/o3r17nGoPAEA8EbABALGK68jlmTNnVKdOHZdpOXPm1Lfffuu8vWnTJpfToiXJzc1NtWvX1ogRI0yrcdSoUc5BziIiInTu3DktXrxYLVu21KeffqocOXJo7969euaZZ1SiRAmX0F+jRg1NnjxZt27dUsaMGSUpxu+/AwICFBoaKin66Pu///6r2rVru7R5++239fbbb7tMK1eunPPv+yE2JCTEpU2ZMmWcf98/Q+D+FwCSlClTJknS7du3JUlVqlRRlSpVFBkZqb///ltnzpzRiRMndP36dfn5+bksu1ixYrFur0GDBunIkSMaP368y1kEzz77rDw9PdWyZUvVq1dP1apVU8WKFVW6dOlYlwMAAGJHwAYAxCpTpkzy8fGJccmt7Nmza926dc7b8+bN04kTJ1za1KhRQz169JAUfXTb29tbOXPmlJeXl6k15s+fX6VKlXLeLlu2rCpUqKBatWpp2bJlGjZsmG7evKmrV686g/h/Xb161Rmw/3tpL6vVKsMwJEX/jlvSQ0+Xv8/Hx8dlGZKcy7kvtqPCD7u02P1T1z/++GPdu3dP2bNnV+nSpeXp6fnQx3/QlStXVKJECc2bN0/16tVTunTpJEV/CbBq1SotXrxY69at04oVK+Tr66vXX39dffv2dRkhHgAAxI2ADQCIU82aNbVz507duXPHGQg9PDxcQu1/j57en/Zgm6SUI0cO+fv76/Tp05KkDBkyKF++fJo6dWqs7eN7Xej7g6ddv37dZfqNGzd09OhRlyPSiWHx4sVavny5Ro0apTp16ihDhgySpJYtW8Z7GXPnzpW3t7eaN2+uGTNmaNiwYc559wdEi4iI0C+//KJPP/1UCxcuVGBgoOrXr2/6+gAAkBYxyBkAIE5dunRRVFSUhg0bFmOkbEkKCwvTuXPnkqGyuJ0/f17Xr193/na8QoUKunTpkjJnzqxSpUo5/+3Zs0dLlixx+e34wxQoUECZMmXSzp07XaZv3rxZXbp0cfkNdmL45ZdfVKhQIbVo0cIZrq9cuaITJ07EeyCyLFmyqGjRourQoYM+/vhj/fbbb5Kk5cuXq0aNGoqIiJCHh4cqV66sMWPGSJJzlHEAAPBoHMEGAMSpaNGimjJlioYOHarmzZurZcuWKlq0qKKionTo0CGtW7dO165dU6dOnZKlvr///tt5irRhGLp48aLmzZsnT09PtW3bVpLUvHlzrVq1Sh07dlS3bt2UPXt2/fjjj/rggw/Utm1bubu7x+uxbDabevXqpdGjRytz5syqWbOmTp06pdmzZ+uNN95wnmaeWEqXLq358+dr8eLFeu6553TmzBktWrRIERERzt+Jx1fPnj0VFBSkYcOGacOGDapUqZKmTp2qHj16qG3btrLZbFqzZo08PDxUo0aNRFojAADSHgI2AOCh6tatq5IlS2r16tVat26dLly4IMMwlDt3bjVo0EBt2rSJdaTxpDB69Gjn31arVX5+fnruuec0ZcoUZ00+Pj76+OOPNW3aNE2ZMkW3b99Wzpw51b9/f7311luP9XhvvPGGfHx8tHTpUn366acKCAhQ586d1blzZzNXK1Zdu3bVjRs3tGLFCs2bN0/Zs2dXkyZNZLFYtGjRIoWEhMR6DfDYeHt7a/jw4eratasWL16sHj16aOHChZo3b57effdd2e12lSxZUsuWLVOBAgUSec0AAEg7LMZ/R10BAAAAAACPjd9gAwAAAABgAgI2AAAAAAAmIGADAAAAAGACAjYAAAAAACYgYAMAAAAAYAICNgAAAAAAJiBgAwAAAABgArfkLiAlMAxDDgeXA08OVquFbQ/Egr4BxES/AGKiXyQPq9Uii8WS3GUgBSJgS3I4DF2/fje5y3jquLlZlSlTOoWE3FNUlCO5ywFSDPoGEBP9AoiJfpF8/P3TyWYjYCMmThEHAAAAAMAEBGwAAAAAAExAwAYAAECa98cfR9Sx4+uqVauKunfvpAsXzsdoc+/eXY0fP0oNGrysFi0aaePGdTHaGIahnj27aOnSRTHmXbx4QfXqVU+M8gGkEgRsAAAApGnh4eF6770Bev319goK2qny5Stq+PChMdrNmTNTly5d1Jo1GzRnziKtXr1S33+/y6XN2rWrdfjwrzHue+TI7+rVq6vu3LmTSGsBIDUgYAMAACBNO3jwZ/n6+qp27Xpyd3dX+/Zv6cKF8zp16h+Xdrt371Lnzu/I1zejcuTIqaZNWygoaKtz/tmzZ/T55xtVrVp1l/sdOLBPI0e+pzfeeDPxVwZAisYo4gBStT/+OKKpU8fr3LmzKlIkUO+/P1I5c+ZyaXPv3l3NnDlVP/zwvby9vdW2bQc1a9ZSkhQcfEWTJ4/TkSOH5eXlrebNW6l9+7dc7n/x4gW99dYb+uKLXUm1WgAAE509e1p58+Zz3rbZbMqZM5fOnj2t/PkLOKc7HA55eXk5b1utVl28GH0qud1u1/jxo9S370B9+eV2l+UXLRqo1as36Nq1q4m7IskkMfe14eFhmjhxrPbu/UE+PunUufM7ql+/UZKvY2Ky2+2KjIxM7jKQQO7u7rLZbPFuT8AGkGrdP+WvZ8++ql79Za1atVzDhw/V0qUrXdo9eMrfnTt31Ldvd2XOnEXVqlXXuHGjVLRoUU2cOF3Xr/+rLl06qHjxkipXroKk6FP+RowYmqBT/hL6gaRVq9aSoj+QTJo0XocP/yYvLy81adJcHTp00uXLl9WuXasY26JhwyYaPPj9RK/vwQ9M06ZNTLT6AMAsoaGh8vT0cpnm5eWlsLAwl2kvvFBFS5cu0rBho3X7doi2bv1cUVFRkqTVq1eqYMFCKleuQoyAnTGj3xPXmJD35PbtO6pTpw6SEu89ObH3tYsWzVNYWKg2bfpCp0//o/79e6lQoSIqXLjIk23QFMAwDF26dEk3b96UwaXKUy2LRfLz81P27Nnjde1zAjaAVOvBU/4kqX37t/Tpp5/o1Kl/XI5I7N69S+PHT5Gvb0b5+mZ0nvJXrVp1TZkyU1arVW5ubrp165YcDofSp08vKfqUv8mTx+mNN97U9OmTHqu2J/lAkjXrM2ratJHGjh2lPHnyaezYybp27ar69u2uHDlyqU6devrqq93OZRw/flRDhvTXm2++nST13f/ANGHCaOXNmz9R6gMAM3l5eSk8PNxlWlhYmLy9fVym9e7dX9OmTdRrrzVTjhy5VL9+Q+3c+Y3++eektm37PMZ7pFkS+p7cr18P5cuXS2XLVk609+TE3td+9dWXmjJlpry8vBQYWFy1atXVV18FpYmAfenSJd24cVMZMvjJ09NTEtfNTn0MhYeH68aNm5KkHDlyPPIeBGwAqZYZp/x5eHhIkjp3bq9jx46qYcNXFBhYXNKTnfL3JB9Itm/fqldeaSAPDw+1b99R7u7uyp49h6pUeUl//HFYderUc94/KipK48aNVPfuvRUQEJAk9QUFbVWVKtUStT4AMFPevPkUFLTNedtut+vChXPKkyevS7sbN65r4MD3nOFv0aJ5KlSosHbv3qVr166qefOGkqLDudVq1Z9/HtPkyTOfuL6Evic3a9ZCGzduVJkyFRPtPTkx97UhISG6ceO68uT53/Lz5MmrAwf2xXfTpVh2u103b0aH6wwZMiZ3OXgCHh7Rr+ubN28qW7ZsjzxdnEHOAKRaj3vK3+3bt3Xx4gVt3fq5wsMjXNrMnfuBVq/eoIMHf9GmTeslRZ/y5+7unqDaHvaB5EGxfSA5f/6crFarpk6dKX//zJKiPxT99NM+FShQyOX+27Z9Lh+fdKpTp36S1Xfx4nlZrVZNmjQj0eoDADM9/3w53bhxXUFBWxUZGakVK5YpR45cypcvv0u7FSuWavHiebLb7Tp27A9t2bJRjRo11Ztvvq2vvtqtL77YpS++2KXatevpjTfeNCVcS0/ynmzT2bNnE/U9OTH3tWFhoc7l3efp6aWwMNezDVKjyMhIGYb+/5FrpHaenp4yDMXrt/QEbACp1uOc8ufl5a3XXmumkSPfV/36DZ1HJ+7z9PRU7tx51Lx5K/344w9PXNuTfCCJiHD9QGK32zVu3Ei5u3u4DPxiGIbWrFmldu06JGl9//3AlBj1AYCZPD29NHnyTK1f/5kaNHhZP/20X2PGTJQktW3bWjt2BEmSunfvo/Pnz6l+/ZoaNWqY+vYdqJIlSyV6fQl9T96yZVOi7zMSc197P1g/uPzw8DD5+Hg/Vo0pG6eFpw3xfx45RRxAqvWkp/wZhqGOHd/QsGGjVKhQYUlSZGSEMmRw/UCQEE/ye79du75xzg8NDdXw4UN0/fp1TZs2x3manSQdPfqH7t69q8qVqyRpfTt3Jn59AGC2wMBiWrJkRYzpq1Z95vw7c+Ysmj597iOX9f77I2Odnj17Dv3ww8+PXVtC35MbNGik77771jk/Md6TE3Nf6+ubUX5+mXTu3BkVKRIoKfpSaLlzuy47rbFYLLJakz54OxyGDEZbS3QcwQaQaj3pKX8Wi0UFCxbSsmWLFR4eplOn/tHGjetUp06DJ64tb958OnfurPP2oz6QbN36tRYvXq47d+6oUKHogV1CQkLUs2cXWSxWzZ27WH5+fi733bdvj6pUqfZYl44wp77CiV4fADxNEv6efFuBgdHBNLHekxN7X1urVh0tXbpI9+7d1fHjx/TVV1+qdu26j1VjamKxWJQhg5d8fb2T/F+GDF7xGgU7Jfjll59VqdLzunjx4iPbXrx4UZUqPa9ffnn8L7cSA0ewAaRa90/5mzp1gqZPn6zChYu4nPLXvn1H1alTX92799G4cSNVv35N+fv7u5zy17fvQE2fPknNmjVUhgwZ1KlTN1WsWPmJa3vwA0mtWnW1atXyOD+QpEuXXn36DNCJE8e1ZctGTZ06U5I0bNgQZcsWoDFjJsb6gejo0T9Us2atJK9v4sQZkqQRI4YmWn0AkFBWa/IcHYwvh8OQw+F6FDGh78mbN2/UokWLJCXee3Ji72u7du2pGTMmq1WrV+Tp6aVevfqpcOGij11namG1WmSzWTX14190/srtJHvcXNkyaMAbZWW1WmS3p/yj2KVLP6tt23bIzy/TI9tmy5ZN27btkK9vyhhMzmJwnoDsdoeuX7+b3GU8ddzcrMqUKZ1u3LirqChHcpcDmO748WOaOnWCzpw5rcKFizivafrgB5J//72mceNG6siR3+Xv769OnbqpXr36unr1gho3biwPD0/ZbP872ahOnfoaOPA9SVLbtq3Us2c/Var0QpLWV6tWXf3zz99q375NotYHPIh9BuLDarXIz8/H5X0ppbHbHbp5816MkJ2Q9+SuXburdevm+vnn3/TGG615T05C/v7pHvo6CwsL08mT/yhLlgB5ePxvoDObzSpfX2/1nb5LJy/cSopSJUkFc2bUzHerKyQkVHY776GPKyIiXNeuXVbBggVcBuWLDQFbBOzkwoclIHb0DSAm+gXi4/7rJKmPDsbX/aOIZr2O6RfJ52kK2JUqPa8BAwYrKGib/vrrhHLnzqOuXXuoWrWXJEkffLBQBw/+rMyZs+jHH/eoQYNGGjBgsA4f/k3z58/WsWNH5eeXSVWqVFX37r2ULl307/SjoiK1bNkSbd++RTdu3FT+/Pn1zju9VLFiJf3yy8/q0aOLNmzYqhw5cuiPP45o9uzpOnHiT7m5uals2fLq27e/AgKy6+LFi2revJHmzVussmXLyW6367PPVmvjxvW6fPmSAgKyq02bN9S8eUtJ0aef9+79jqZMmaG5c2fp3LmzypEjp3r06K1q1arHug0eJ2BzijiAVCE1nvIHAEge56/cTtLwkpak5P0t+9rkM3/+HHXv3kvDh4/W1q2fa8iQ/lq4cKlKl35WknTo0EG9+uprWrlytex2h/7664R69XpHHTu+rffeG6Hr1//VnDkz1Lt3dy1Z8pEsFoumT5+qnTu/1sCBQ1WkSFFt2bJZAwf21cqVa1we2263a8CAPmrSpLlGjBijkJAQTZo0TmPHjtLcuQtj1Dp79nQFBW1T//6DVaxYCe3du0czZkxRRES42rR5w7nMuXNn6d13Bypr1gAtWDBHo0YN15YtX8jHxyfGMh8HARtAipdaTvm7fTvMlNE5769nSl5fM/GBCcDTxqz3d7P3FxaLRRl8PWWzpszBKe0Ou27eCGWfkQwaNGisli1flST16NFbBw/+rLVr1zgDtiR17txN6dNnkCSNHDlMFStWUocOb0uS8uTJozFjJqh588Y6ePAXBQYW05Ytm9S//yDn2ADvvNNTkqG7d13PLL57965u3rypLFmeUUBAduXIkVNjx07UjRvXY9R59+4drV+/Vn36vKu6des7H/vSpQv66KMP9eqrrzvbdu3aXeXKVZAkvfVWZ+3c+Y1OnvxLpUo9G2O5j4OADSDFS64BQeKrWH5/dWlSUn5+T/aN53/5+ppzHVCHwyGrNeWGdT4wAXha+GXwlOFwmPb+fp/Zy5u9b5kuhFw2dZlPKqdvgHpXektWq4X9RTIoW7acy+1SpZ7VgQP7nLczZfJ3hmtJ+vPP4zp37qxq1HgxxrJOnz4lHx8fRUZGqkQJ1+vMv/NOL0lyGRHc19dXbdu+qWnTJmnx4gUqX76CKld+UbVq1Y5l2acVFRWlZ58t4zK9TJmyWrPmE12//r9Q/uAggvdPW4+MjIp7I8QTARtAqpFST/nLlTW9LFargjfNVMS/55O7HBc+BcrIv8YbKfLDksQHJgBPl/Te7il2fyH9b59xIeSyTt04l9zlIAVxc3ONjf/98t7T0zPG/Lp16zuPYD8oU6ZMunTp0mM9fo8evdWiRSv9+OMe/fTTfk2bNkmrVn2kFStWu7SL60xCh8MRYz3c3T1itDPjTEQCNgCYJOLf84q4fCq5y3DhnjmnJPFhCQBSkJS4v5D+t88A/uvYsaOqWvUl5+3ff/9NRYsGxtm+YMFCOnXqlHLnzuOcdvr0Kc2ZM1Pdu/dS7ty55ebmpmPHjqpw4SLONm+/3V61atVRkSL/W/aZM6e1Zs0n6tu3v5o3b6nmzVvqt99+Vdeub+mvv04oUyZ/Z9v8+fPLzc1Nv/12SEWK/O9yb7/9dkiZM2eRr6/vE2+LRyFgAwAAAADitGbNJ8qbN5+KFSuuTZs26K+/Tui994bH2f7119uqa9dOmjJlglq2fFV37tzWlCkTFR4erjx58srd3V2tWrXRokXz5eeXSQUKFNCWLZt08uTfGj58tK5du+Zclp+fn7766guFh4epXbsOstls2rZti3x9fZUvXz7duhXibJsuXXo1bdpCH3ywUBkz+qlYseLav3+v1q9fq27despiSfwB/AjYAAAAAJCEcmXL8OhGKejxmjVroTVrPtbJk3+rUKEimjVrvsuR5/8qWbK0Zs2aq0WLFqhDhzfk7e2tcuUqqHfvfnJ3d5ckde/eSzabTZMnj9Pt23dUuHBhTZ8+R3nz5nMJ2Bkz+mnGjDmaP3+OOnXqILs9SiVLltbs2QuULl16l4AtSX379pefn5/mzZut69f/Ve7cedS//2A1bdr8ibZBfBGwAQAAACAJOByG7HaHBrxRNskf2253JHi8k/z5C6hXr76xzuvcuZs6d+4WY3q5chWco3THxt3dXT179lHPnn1izCtbtpz27TvovF2q1LNasGBJrMvJkSOHS1s3Nzd16tRVnTp1jbX9f5cd2zKeBAEbAAAAAJKAYRi6fTssWa417nAYpgzihYcjYAMAAABAEjEMQ3Y7QTetImADAAAAAGJl1qnTTwvro5sAAAAAAIBHIWADAIAk9ccfR9Sx4+uqVauKunfvpAsXzsdoExUVpUmTxqlRo1pq1Ki2Zs6cJofDIUn655+/Va1aBdWuXdX5b9eubyRJZ8+eUe/e3VSnzkvq2PF1/forR14AAEmHgA0AAJJMeHi43ntvgF5/vb2CgnaqfPmKGj58aIx2Gzas1ZUrl7R27RatXPmZ9u/fq82bN0uS/v77L73wQhV99dVu57/q1V+W3W7Xe+8NUJEigdq27Wv16NFXQ4b019WrwUm9mgCApxQBGwAAJJmDB3+Wr6+vateuJ3d3d7Vv/5YuXDivU6f+cWl3/vzZ/39JGbskyWq1ytPTU5L0998nVKhQzOuvnj17RpcuXVS3bj3l7u6ucuUqqFSp0tq585vEXzEAAETABgAASejs2dPKmzef87bNZlPOnLl09uxpl3aNGzfVyZN/qX79mmrcuLby5cuvBg0aSIo+gv3bb4fUokUjtWzZWCtXfihJcjgccnd3l81mcy7HarXq4sWYp6ADAJAYCNgAACDJhIaGytPTy2Wal5eXwsLCXKZFRESqTp162rr1a61d+7lOnfpHH3/8sSTJ1zejXnihqlatWqspU2bp8883afv2LcqbN58yZvTTRx8tVWRkpA4e/FkHD/6s8PCIJFs/AMDTjYANAEAak5BBxObMme4cROw+wzDUs2cXLV26KMb9HzbvYby8vBQeHu4yLSwsTN7ePi7TJkwYpdq168nX11fZs+dQhw5va926dZKkkSPH6bXX2srb21v58xdQ8+at9MMP38vNzU0TJkzVgQP71KRJPW3evF4vv1xH6dOnj3d9ibntHjY4G4Cnh8Vikc1mTfJ/FosluVf9qUDABgAgDUn4IGL79OWX213arF27WocP/xrr4zxs3sPkzZtP586ddd622+26cOGc8uTJ69IuODhYkZGRzttubm5yc3NTWFiY5s2bpTt37jjnRUZGyMPDQw6HQxEREZo/f4m2b/9Go0ZN0OnTp1SoUOF41ZbY2y6uwdkAPD0sFosy+nrK19c7yf9l9PVMNSH7l19+VqVKz+vixYuSpHfe6azRo0ckc1Xx45bcBQAAAPM8OIiYJLVv/5Y+/fQTnTr1j/LnL+BsF3MQMYs8PDyc88+ePaPPP9+oatWqx3iMh817lOefL6cbN64rKGiratWqq1WrlitHjlzKly+/S7uKFStryZKFGj9+qsLDw7Ry5XI1atRQXl5eOnBgrxwOh955p5fOnj2tDRvWavDgYbJYLHrvvYHq0aOPqld/WTt2BOnChfOqWvWleNWW2NsursHZADw9rFaLLFabgjfNVMS/STc+hEfmXMratK+sVovsdiPJHvdpRMAGACANedggYg+GxMaNm6pfv56qX7+mHA6HatSopZdfriMp+qjy+PGj1LfvwBhHZh82Lz48Pb00efJMTZ06QdOnT1bhwkU0ZsxESVLbtq3Vvn1H1alTXwMHDtXMmVPVpk1T2WxuatiwsTp06KDbt8M1duxkTZs2UQ0avKz06dOrXbuOqlz5RUnSqFHjNXXqBE2cOFYFCxbS9Olz5OOTLkVsu7///kuRkZFq0aKRLBaLmjRprnbtOj72NgSQ+kX8e14Rl08ldxlIBARsAADSkMcdRKxDh866e/eOBg3qq/XrP1OLFq21evVKFSxYSOXKVYgREh82L74CA4tpyZIVMaavWvWZ829f34waPnyM87abm1Vubm6SwpU7dx7NnDk/1mWXKvWsPvpoTYLqSuxt5+ubUUWLFlPTpi10+fIlDRrUT5kzZ1GDBo0TVC8AJIVKlZ7X22931rZtWxQZGaUFC5Yoe/bsWrRovr78crvu3LmjAgUKqkuXd1SxYmXn/Y4e/UPz58/RH3/8Li8vb1WvXlN9+vSTl5e3QkJCNHfuLO3d+4OuX78hX98Mqlq1ut59d4C8vLyTcW2fHL/BBgAgDUnoIGLt27+lbds2659/Tmrbts/Vo0efGMt+2Ly0IDG3nRT34GwAkNKtX79WEyZM1aRJU5UnTx6NGTNCBw7s08iR4/TRR6v18st11L9/H+3Zs1uSdPHiBfXo0UXPPPOMliz5SBMnRg9AOXly9BlLY8aM0IkTxzVhwlStXbtJffr0V1DQVm3atCE5V9MUHMEGACANyZs3n4KCtjlvP84gYjabm3bv3qVr166qefOGkqIDptVq1Z9/HlOJEqXinDd58swYtVitFlmt5gyoY7NZXf43g8NhyOH4328RE3PbjRkzUUuWLNKbb77tHNX8/uBsAJDS1avXUMWKFZcknTt3Vjt2fKEVK1arSJGikqTXX2+rv/8+oVWrVujFF6tq06YNypgxo95/f8T/P/tIeu+9/9Phw79JkipUqKgyZco6B6HMkSOH1q5do5Mn/06GtTMXARsAgDQkoYOIffzxCtWsWUuvv95eb775trPduHEjFRCQXW+/3VWSHjrvQVarRZn8vGW12UxdP19f804ddNjtunEz1BmyE3vbxTU4GwCkdLlz53H+feLEn5Kkrl3fcmkTFRWl9OkzSJJOnvxLRYsWc4ZrSSpbtrzKli0vSWrRorV27/5O27Zt0blzZ3Xq1D+6ePGC8uZ1fb9NjQjYAACkIQkdRKx+/UZq3fp10+qwWi2y2pJ+pNz4enBE3fsBO7G33cMGZwOAlMzT09P5t8PhkCQtXLhUPj6uP6Gx/f8vVd3c3ONclsPhUP/+ffTPPydVp0491apVR0WLBmrixLGJUHnSI2ADAJDGJGQQsbi8//7IBM27L7WNlJuY2+5hg7MBQGpRsGAhSdK//15T0aJVnNMXLJgrm82mLl3eUb58+fXll0Gy2+3O0L1r17eaOXOaRo8er71792jJko9UsmQpSVJUVKTOnz+vnDlzJf0KmYxBzgAAAAAA8VKgQEG9+GJVTZo0Xrt3f6cLF85r5crlWrHiQ2dAbtnyVYWE3NKkSeN16tQ/OnToF82dO1Ply1dQ9uw5ZLO56ZtvvtLFixd07NhRvf/+EP377zVFREQk89o9OY5gAwCQSpk5iJjZzByMLDGl1Dr/OwAbgLTFI3PSHqk1+/HGjZuohQvnadKkcQoJCVHOnLn0/vvD1bBh9GUHn3nmGc2aNU9z587Sm2++Ll9fX9WqVUfduvWUl5eXhg8fpQ8+WKj16z+Tv39mValSVW3avKEffvjO1DqTAwEbpvjjjyOaOnW8zp07qyJFAvX++yNjnOIRFRWladMmaffunZIsqlevgUaMiB7cJTw8TBMnjtXevT/IxyedOnd+R/XrN5IUPYrrokVztX37FhmGoTp1GqhXr36yWlPmhyIASApWq0V+fj4pNiCmdLZ0fnIYDlMHTTOT3WHXzRuhhGwgjXE4DBkOu7I27Zvkj2047Al6T9m372CMaV5e3urbd4D69h0Q5/1KlXpWixYti3Ve3br1Vbdu/RjT+/btL0kqW7acy+MuWPDB45adbAjYeGLh4eF6770B6tmzr6pXf1mrVi3X8OFDtXTpSpd2Gzas1ZUrl7R27RaFhYWpd++u2rx5s6pXr6NFi+YpLCxUmzZ9odOn/1H//r1UqFARFS5cRGvWrNKhQwe1atU6GYahvn3f0RdfbFODBo2TaY0BIPlZrRbZbFZN/fgXnb9yO7nLieH5wKxq36B4cpcRJ6tXOlktVs3et0wXQi4ndzkucvoGqHelt1wGYAOQNhiGoVsh4cly9pHDYcgweE9JbARsPLGDB3+Wr6+vateuJ0lq3/4tffrpJzp16h/lz1/A2e78+bOy2x1yOOySJKvV6hyR8KuvvtSUKTPl5eWlwMDiqlWrrr76KkiFCxfRli2bNGTI/8nPz0+SNGnSTLm5mXvZFwBIrc5fua2TF24ldxkx5MqaPrlLiJcLIZd16sa55C4DwFPEMAzZ7QTdtIrzyvDEzp49rbx58zlv22w25cyZS2fPnnZp17hxU508+Zfq16+pxo1rK1++/GrQoIFCQkJ048Z15cnzv2XkyZNXZ86c1r1793T+/DmdP39Wbdo0V7NmDbRt22ZlzpwlaVYOAAAAAOKJgI0nFhoaKk9PL5dpXl5eCgsLc5kWERGpOnXqaevWr7V27ec6deofffzxxwoLC3Xe5z5PTy+FhYXrzp3o0x6/+26nFi/+UPPnL9HXX3+poKCtibxWAAAAAPB4CNipyB9/HFHHjq+rVq0q6t69ky5cOB+jTdu2rVW7dlXnv+rVK6lNm+aSpHv37mr8+FFq0OBltWjRSBs3rnPeLzj4igYP7qf69WuqWbMGWr58Sbzr8vLyUnh4uMu0sLAweXu7Xnh+woRRql27nnx9fZU9ew516PC21q1b5wznDy4jPDxMPj7ecnd3///r1UG+vhmVPXsONWnSXHv2fB/v+gAAAAAgKRCwU4n7A4m9/np7BQXtVPnyFTV8+NAY7Vat+kxffbVbX321Wxs3Bilr1mzq1aufJGnOnJm6dOmi1qzZoDlzFmn16pX6/vtdkqQJE0Yre/ac+vzzLzV//hIFBW3Vjh1fxKu2vHnz6dy5s87bdrtdFy6cU548eV3aBQcHKzIy0nnbzc1Nbm5uypgxo/z8MuncuTPOeWfPnlHu3Hnl55dJ6dNn0J07d5zzHA6HGJ8BAAAAQEpDwE4lHhxIzN3dXe3bv6ULF87r1Kl/4rzPggWzVbZseb34YlVJ0u7du9S58zvy9c2oHDlyqmnTFgoK2iqHwyEPDw+1b99R7u7uyp49h6pUeUl//HE4XrU9/3w53bhxXUFBWxUZGakVK5YpR45cypcvv0u7ihUra8mShbpz547+/feaVq5crrp160qSatWqo6VLF+nevbs6fvyYvvrqS9WuXVcWi0V169bX6tUrFRISosuXL2nTpvWqXr1mgrYjAAAAACQWAnYqEd+BxO47ffqUvv76S3Xt2tM5zeFwuPzO2Wq16uLF87JarZo0aYb8/TNLir5e9U8/7VOBAoXiVZunp5cmT56p9es/U4MGL+unn/ZrzJiJkqJPWd+xI0iSNHDgUGXJ8ozatGmqt95qq/LlK6pDhw6SpK5deypjRj+1avWK3ntvgHr16qfChYtKknr06KtChYqoXbvW6tSpnerWbaA6dWJeN+9hnvT0+qioKE2aNE6NGtVSo0a1NWfOdDkcDpf7X7x4QfXqVX+sugAAAACkHcl+mS6Hw6G5c+dq7dq1un37tsqXL6/hw4crd+7csbb/999/NX78eO3Zs0eGYeiFF17QkCFDlC1btiSuPGnFdyCx+z799BM1atTEeWkrSXrhhSpaunSRhg0brdu3Q7R16+eKiopyuZ/dbte4cSPl7u6h+vUbxbu+wMBiWrJkRYzpq1Z95vzb1zejhg8f47zt5maVm5ubpHB5e3vrvfdGxLpsDw+PR17I/mHie53uB2u9c+eO3nrrDefp9f+9hnevXl1VqNB25zY6cuR3jRgx1OVUdgAAAABPl2Q/gj1//nx98sknGjNmjNasWSOHw6FOnTopIiIi1vZ9+/bVxYsX9eGHH+rDDz/UxYsX1aNHjySuOunFdyAxSYqMjNS33+5Qw4ZNXKb37t1fXl7eeu21Zho58n3Vr99Q6dP/7zqloaGhGjLkXZ09e0bTps2Rh4dH4qxMEjPj9PqY1/C2OLfPgQP7NHLke3rjjTcTf2UAAACQqlksFtls1iT/Z7FYElTvsWNH9eqrzVW1akXNnj3DOf23337VCy+UM2uzpBnJegQ7IiJCy5Yt04ABA1S9enVJ0owZM1S1alXt2LFDjRq5HkENCQnRgQMHtGDBAhUrVkyS1KVLF3Xv3l03b950OVqb1uTNm09BQduct+MaSEySfv/9N/n7Z1aBAgVdpt+4cV0DB77nDNWLFs1ToUKFJUVv2379eihz5iyaO3exvL29Y63DarXIak1Y5/wvm83q8r8ZHA5DDofrCGgPO70+f/4CMZZx//T6Tz/d7JzWuHFT9evXU/Xr15TD4VCNGrX08st1JElFiwZq9eoNunbtqmnrAQAAgLTHYrEog6+nbFZbkj+23WHX7ZBwGY85WvDy5Uvl7u6u1avXKUOGDJKiw/XAgf1i/GQSyRywjx8/rrt376py5crOab6+vipevLh++umnGAHby8tL6dKl06ZNm1ShQgVJ0ubNm5U/f375+vomae1J7cGBxGrVqqtVq5bHOpCYJB09ekQlSpSKMX3FiqVKly69+vQZoBMnjmvLlo2aODH6W6gRI4YqW7YAjRkzUTZb7B3earUok5+3rHHMTyhf39jDfEI47HbduBnqErLNOL3+/jW8O3TorLt372jQoL5av/4ztWjRWhkz+sW6HAAAAOBBVqtFNqtNs/ct04WQy0n2uDl9A9S70luyWi2y2x8vYN++fVtFihRVrly5FRUVpZkzp2nduk9VsGAhhYTcSqSKU69kDdiXL0e/qLJnz+4yPWvWrM55D/Lw8NDEiRM1fPhwlStXThaLRVmzZtWqVatktT7ZUVA3t2Q/W/6h3Nx8NH36LE2aNF4zZkxW4cJFNH78JLm5WfXaay315ptvqV69BpKir2n9zDPPxFin3r37afTo4apfv6b8/f3Vv/9gPffcszp58m/99NN+eXp6ugzSVa9eAw0e/L7zts1mldVmU/CmmYr4N+YgYcnNI3MuZW3aV+7uNtnt//s2zcfHR5GRES7bIzw8TOnTp4uxjaJPr/9KH3zwocu8CRNGafjw0fL395O/v586duykVatW6NVX2zjb3D8Sn9JfS6mRmWc5IGXiOX58bLO0j+f48bHN0r608hxfCLmsUzfOJXcZj9S0aUNdvnxJkrR9+1atWLFav/56ULNmzdOlS5c0duzI5C0wBUrWgB0aGipJMX7r6+npqVu3Yn4bYhiGjh07pjJlyqhTp06y2+2aMWOGunfvrtWrV7v8nvhxWK0WZcqULkH3TUqVK5fXpk0bY0z/4osgl9sTJoyN9f6ZMqXTihUfxZhertyz+vPPP+NdR8S/5xVx+VS82ye1/x4RL1kyUF9+uc35HEefXn9epUoVi/G879u3T888k0Vly5Z2mX71arC8vGzO9hkzppOXl4fL/e/ejX7c1PBaAlIaM89kAdIK+gUQE/0iaX344SoNGtRPWbNm07vvDpSfXyYtX/6xJGnr1s+TubqUKVkD9v1LRkVERLhcPio8PDzW3wAHBQVp1apV2rlzpzNML1y4UDVq1NC6deucl3x6XA6HoZCQewm679PEZrOmije1kJBQlyPYRYqU1NWr1/Txx5+qdu26WrHiQ+XIkVP+/gG6ceOuy3337/9FxYuXjDG9UqUXNG3adE2aNE3h4eFauHCRXn65tku7W7eivzD6733x5FLLaw8J999+i0ejX6R99IvHR79I+1JKv/D19U4zR9MfJlOmTHJzc5enp5cyZ86S3OWkCskasO+fGh4cHKw8efI4pwcHB6to0aIx2v/888/Knz+/y5HqjBkzKn/+/Dpz5swT1RIVlfwd9T4zBxJ7GtntDpfn083NQ5Mnz9TUqRM0ZcpEFS5cRKNHT1RUlENt27ZW+/YdndfVvnjxojJlyhzj9dC//xDNnDlVLVs2kc3mpvr1G6lly9dc2t1/s09JryUgtfhvvwVAvwBiQ79ASpesATswMFDp06fX/v37nQE7JCRER48eVdu2bWO0DwgI0LZt2xQeHi5PT09J0r1793T+/Hm98sorSVp7YrFaLfLz83kqvhFLSvG5TrckDRgwJNb7//ca3rHJnj2Hfvjh54QXCQAAACBVS9aA7eHhobZt22rq1Kny9/dXzpw5NWXKFAUEBKhOnTqy2+26fv26MmTIIC8vLzVt2lRLly5V37591adPH0nSzJkz5enpqebNmyfnqpjGao2+Lt7Uj3/R+Su3k7scF88HZlX7BsWTuwwAAAAASJGSNWBLUu/evRUVFaVhw4YpLCxM5cuX19Kl0ddaO3/+vF5++WVNmDBBzZs3V9asWfXJJ59oypQpevPNN2W1WlWuXDl98sknzmuypRXnr9zWyQspa9j7XFkTNohcUkvJR/9ju043AAAAgLQh2QO2zWbTwIEDNXDgwBjzcuXKFWN064IFC2rhwoVJVR5SEVs6PzkMR4oe3MTusOvmjVBCNgAAwFMsp29Amn68p1myB2zALFavdLJarJq9b5kuhMS8jnpyy+kboN6V3pLVaiFgAwAAPIUcDkN2h129K72V5I9td9gT9Bl0wYIPYp3eqNEratQobYyDZSYCNtKcCyGXderGueQuAwAAAHBhGIZuh4QnyxWDHA5DhsFBnsRGwAYAAACAJGIYhux2gm5alXJHgwIAAAAAIBUhYAMAAAAAYAICNgAAAAAAJiBgAwAAAECi4LfWaUP8n0cCNgAAAACYyN3dXRaLFB4entylwATh4eGyWKKf10dhFHEAAAAAMJHNZpOfn59u3LgpSfL09JSU9JfmwpMyFB4ertu3bypTJj/ZbLZH3oOADQAAAAAmy549uyTp5s2bun07mYtBglksUqZMfs7n81EI2AAAAABgMovFohw5cihbtmyKjIxM7nKQQO7u7vE6cn0fARsAAAAAEonNZnusgIbUjUHOAAAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAE7gl9I4RERFat26dfvzxR129elXjx4/XgQMHVKJECZUuXdrMGgEAAAAASPESdAT7+vXratGihcaNG6czZ87o8OHDCgsL065du9SuXTsdOnTI7DoBAAAAAEjREhSwJ0+erLt372r79u3auHGjDMOQJM2ePVulSpXS7NmzTS0SAAAAAICULkEBe+fOnerTp4/y5s0ri8XinO7p6am33npLf/zxh2kFAgAAAACQGiQoYIeHh8vPzy/WeTabTZGRkU9SEwAAAAAAqU6CAnapUqX0ySefxDpvy5YtKlmyZLyX5XA4NHv2bFWtWlXPPfecOnfurHPnzsXZPjIyUtOmTXO2b9u2rY4dO/bY6wAAAAAAgJkSFLD79OmjPXv2qEmTJpo1a5YsFou2bt2qbt266YsvvlCPHj3ivaz58+frk08+0ZgxY7RmzRo5HA516tRJERERsbYfOXKkNmzYoPHjx2v9+vXy9/dX586ddfv27YSsCgAAAAAApkhQwC5Xrpw+/PBDeXt7a8mSJTIMQ8uXL9fVq1e1aNEiVapUKV7LiYiI0LJly9S7d29Vr15dgYGBmjFjhi5fvqwdO3bEaH/u3DmtX79e48aNU9WqVVWwYEGNHTtWHh4eOnLkSEJWBQAAAAAAUyT4Otjly5fXmjVrFBYWplu3bil9+vRKly7dYy3j+PHjunv3ripXruyc5uvrq+LFi+unn35So0aNXNrv2bNHGTJkULVq1Vzaf/vttwldDQAAAAAATJHggL148WL9/PPPWrx4sby8vLR//371799f3bp1U9u2beO1jMuXL0uSsmfP7jI9a9asznkPOnXqlHLnzq0dO3Zo8eLFunLliooXL64hQ4aoYMGCCV0VSZKbW4IO5pvOZksZdSDx8Bw/PrZZ2sdz/PjYZmkfz/HjY5ulfTzHSOkSFLCXLVummTNnugTpPHnyqF69epo4caI8PT3VqlWrRy4nNDRUkuTh4eEy3dPTU7du3YrR/s6dOzpz5ozmz5+vQYMGydfXVwsWLNDrr7+u7du3K3PmzAlZHVmtFmXK9HhH34GE8vX1Tu4SgBSHfgHERL8AYqJfIKVLUMBes2aN+vbtqy5dujinZc+eXcOGDVOWLFm0fPnyeAVsLy8vSdG/xb7/txR9GTBv75idx83NTXfu3NGMGTOcR6xnzJihl156SRs3blSnTp0SsjpyOAyFhNxL0H3NZrNZeeNI40JCQmW3O5K7jFSFfpH20S8eH/0i7aNfPD76RdqXUvqFr683R9MRqwQF7CtXrqhUqVKxznv22We1YMGCeC3n/qnhwcHBypMnj3N6cHCwihYtGqN9QECA3NzcXE4H9/LyUu7cuXX+/PnHWYUYoqKSv6Pi6WC3O3i9Af9BvwBiol8AMdEvkNIl6GuXnDlzau/evbHO++mnnxQQEBCv5QQGBip9+vTav3+/c1pISIiOHj2q8uXLx2hfvnx5RUVF6ffff3dOCwsL07lz55Q3b97HXAsAAAAAAMyToCPYrVu31pQpUxQZGalatWopc+bMun79unbu3KkPP/xQ/fv3j9dyPDw81LZtW02dOlX+/v7KmTOnpkyZooCAANWpU0d2u13Xr19XhgwZ5OXlpXLlyumFF17Q4MGDNXr0aPn5+Wn27Nmy2Wxq0qRJQlYFAAAAAABTJChgd+jQQVeuXNHKlSu1fPly53SbzaY333xTHTt2jPeyevfuraioKA0bNkxhYWEqX768li5dKnd3d50/f14vv/yyJkyYoObNm0uS5syZo6lTp6pnz54KCwvT888/rxUrVsjf3z8hqwIAAAAAgCkSfJmuwYMHq3v37jp06JBu3bolX19flS5dWpkyZXqs5dhsNg0cOFADBw6MMS9Xrlz6888/XaalT59eI0eO1MiRIxNaOgAAAAAApktwwJakDBkyqFq1ambVAgAAAABAqpWggB0WFqYFCxZo586dCg0NlcPhOpKfxWLR119/bUqBAAAAAACkBgkK2OPGjdO6detUoUIFFStWTFYr14ADAAAAADzdEhSwd+zYoX79+qlLly5m1wMAAAAAQKqUoEPPkZGRKl26tNm1AAAAAACQaiUoYFepUkXff/+92bUAAAAAAJBqJegU8QYNGmjEiBG6fv26nn32WXl7e8do07Rp0yetDQAAAACAVCNBAbtv376SpE2bNmnTpk0x5lssFgI2AAAAAOCpkqCA/c0335hdBwAAAAAAqVqCAnbOnDkfOt8wjAQVAwAAAABAapWggC1J27dv14EDBxQREeEM1IZh6N69e/r1118ZBA0AAAAA8FRJUMCeO3eu5s6dqwwZMigqKkru7u5yc3PT9evXZbVa1apVK7PrBAAAAAAgRUvQZbo2btyopk2b6sCBA+rQoYNq1KihH3/8UevWrZOfn58KFy5sdp0AAAAAAKRoCQrYV65cUePGjWWxWFSsWDEdOnRIklSyZEl169ZNa9euNbVIAAAAAABSugQFbB8fH1ksFklS3rx5df78eYWFhUmSihUrpvPnz5tXIQAAAAAAqUCCAnapUqWc17/Onz+/bDab9u7dK0k6efKkPDw8TCsQAAAAAIDUIEGDnHXr1k0dO3ZUSEiIFi5cqFdeeUWDBw9WxYoV9cMPP6hWrVpm1wkAAAAAQIqWoIBdvnx5rVu3Tn/++ackafjw4bJarTp48KDq1aunIUOGmFokAAAAAAApXYKvgx0YGKjAwEBJkqenp8aMGWNaUQAAAAAApDYJDthXrlzRkSNHdPv27VjnN23aNKGLBgAAAAAg1UlQwN6+fbuGDBmiiIiIWOdbLBYCNgAAAADgqZKggD1z5kyVLl1aQ4cOlZ+fn8klAQAAAACQ+iQoYAcHB2v06NEqUaKE2fUAAAAAAJAqJeg62M8995yOHz9udi0AAAAAAKRaCTqCPWLECHXr1k137txRqVKl5OPjE6NN+fLln7g4AAAAAABSiwQF7NOnT+vatWuaO3eupOhBze4zDEMWi0XHjh0zp0IAAAAAAFKBBAXsSZMmKU+ePOrcubOyZMlidk0AAAAAAKQ6CQrYFy9e1MKFC/XCCy+YXQ8AAAAAAKlSggY5K1KkiC5dumR2LQAAAAAApFoJOoI9dOhQDRgwQHa7Xc8995zSp08fo02OHDmeuDgAAAAAAFKLBAXsjh07KioqSsOHD3cZ4OxBDHIGAAAAAHiaJChgjxo1yuw6AAAAAABI1RIUsC9duqS6deuqYMGCZtcDAAAAAECqlKBBzhYtWqTz58+bXQsAAAAAAKlWggJ2oUKFdOrUKbNrAQAAAAAg1UrQKeI1atTQ9OnTtXv3bhUtWlQ+Pj4u8y0Wi3r06GFKgQAAAAAApAYJCthz586VJO3Zs0d79uyJMZ+ADQAAAAB42iQoYB8/ftzsOgAAAAAASNUSFLAfdPLkSd2+fVv+/v7KkyePGTUBAAAAAJDqJDhgb926VZMmTdK1a9ec07JkyaL+/furadOmZtQGAAAAAECqkaCA/e2332rgwIGqVKmS3n33XWXJkkXBwcH6/PPPNXToUPn5+al69eomlwoAAAAAQMqVoIC9YMEC1atXTzNmzHCZ3qJFC/Xr10+LFi0iYAMAAAAAnioJug72iRMn1KxZs1jnNWvWjEHQAAAAAABPnQQF7EyZMunWrVuxzrt586Y8PDyeqCgAAAAAAFKbBAXsypUra+7cubp8+bLL9EuXLmnevHl68cUXTSkOAAAAAIDUIkG/wX733XfVokUL1alTR2XKlFGWLFl07do1HTp0SBkzZlT//v3NrhMAAAAAgBQt3keww8PDnX8/88wz2rhxo9q1a6fQ0FAdOXJEoaGhateunTZu3KicOXMmSrEAAAAAAKRU8T6CXbNmTc2dO1dlypTR3Llz1apVKw0cODAxawMAAAAAINWI9xHs27dvKzg4WJI0b948XblyJdGKAgAAAAAgtYn3EexSpUqpf//+mjRpkgzDUI8ePeIcLdxisejrr782rUgAAAAAAFK6eAfs6dOna/ny5bp586Y2btyo4sWLy9/fPzFrAwAAAAAg1Yh3wM6WLZsGDx4sSfrqq6/Ur18/BQYGJlphAAAAAACkJgm6DraXl5f++ecfs2sBAAAAACDVSlDAjoyMVKZMmUwpwOFwaPbs2apataqee+45de7cWefOnYvXfT///HMVLVpU58+fN6UWAAAAAAASKkEBu3379po5c6YOHTqk0NDQJypg/vz5+uSTTzRmzBitWbNGDodDnTp1UkRExEPvd+HCBY0ePfqJHhsAAAAAALPE+zfYD9q8ebMuXryo119/Pdb5FotFR48efeRyIiIitGzZMg0YMEDVq1eXJM2YMUNVq1bVjh071KhRo1jv53A4NHDgQJUoUUL79u1LyCoAAAAAAGCqBAXsV155xZQHP378uO7evavKlSs7p/n6+qp48eL66aef4gzYCxcuVGRkpHr27EnABgAAAACkCAkK2D179jTlwS9fvixJyp49u8v0rFmzOuf91+HDh7Vs2TKtW7dOV65cMaUOSXJzS9DZ8qaz2VJGHUg8PMePj22W9vEcPz62WdrHc/z42GZpH88xUroEBez7vvvuO/3444+6evWq+vXrp2PHjqlEiRLKmTNnvO5///fbHh4eLtM9PT1169atGO3v3bunAQMGaMCAAcqXL59pAdtqtShTpnSmLAt4FF9f7+QuAUhx6BdATPQLICb6BVK6BAXs0NBQ9ejRQz/++KPSp0+vu3fv6u2339bq1at19OhRrVq1SoULF37kcry8vCRF/xb7/t+SFB4eLm/vmJ1n7Nixyp8/v9q0aZOQsuPkcBgKCbln6jITymaz8saRxoWEhMpudyR3GakK/SLto188PvpF2ke/eHz0i7QvpfQLX19vjqYjVgkK2NOnT9cff/yh5cuXq1y5cipZsqQkadKkSerUqZNmzZqluXPnPnI5908NDw4OVp48eZzTg4ODVbRo0Rjt169fLw8PD5UpU0aSZLfbJUmNGjVSt27d1K1bt4SsjiQpKir5OyqeDna7g9cb8B/0CyAm+gUQE/0CKV2CAnZQUJDeffddVapUyRlypejfTr/zzjvxvnxWYGCg0qdPr/379zsDdkhIiI4ePaq2bdvGaL9jxw6X27/99psGDhyoxYsXq0iRIglZFQAAAAAATJGggB0SEhLn76wzZsyoe/fid7q1h4eH2rZtq6lTp8rf3185c+bUlClTFBAQoDp16shut+v69evKkCGDvLy8lDdvXpf73x8ILUeOHPLz80vIqgAAAAAAYIoE/XCgcOHC2rJlS6zzvv3223j9/vq+3r17q2XLlho2bJhee+012Ww2LV26VO7u7rp06ZKqVKmi7du3J6RMAAAAAACSTIKOYL/zzjvq2bOnbt68qRo1ashiseinn37Shg0btGbNGk2bNi3ey7LZbBo4cKAGDhwYY16uXLn0559/xnnfihUrPnQ+AAAAAABJJUEBu1atWpoyZYqmTZum7777TpI0ceJEZc6cWSNHjlS9evVMLRIAAAAAgJTusQP24cOHdeHCBRUoUEC7du3SP//8o5s3b8rX11cFChSQ1cpw9QAAAACAp0+8A3ZISIi6du2qX3/9VYZhyGKxqEyZMpo2bZoKFCiQmDUCAAAAAJDixftw88yZM3X06FH16tVLixcv1uDBg/XPP/9o+PDhiVkfAAAAAACpQryPYO/cuVPvvvuu3nzzTUlStWrVlC1bNg0YMED37t2Tj49PohUJAAAAAEBKF+8j2FevXlWJEiVcplWsWFF2u12XLl0yvTAAAAAAAFKTeAfsqKgoeXh4uEzLmDGjJCk8PNzcqgAAAAAASGVMGfLbMAwzFgMAAAAAQKplSsC2WCxmLAYAAAAAgFTrsa6DPXLkSKVPn955+/6R6//7v/9TunTpnNMtFos++ugjk0oEAAAAACDli3fALl++vKSYp4PHNp1TxgEAAAAAT5t4B+yVK1cmZh0AAAAAAKRqpvwGGwAAAACApx0BGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATELABAAAAADABARsAAAAAABMQsAEAAAAAMAEBGwAAAAAAExCwAQAAAAAwAQEbAAAAAAATJHvAdjgcmj17tqpWrarnnntOnTt31rlz5+Js/9dff6lLly6qWLGiKleurN69e+vixYtJWDEAAAAAADEle8CeP3++PvnkE40ZM0Zr1qyRw+FQp06dFBEREaPtjRs31LFjR3l5eWnlypX64IMPdP36dXXq1Enh4eHJUD0AAAAAANGSNWBHRERo2bJl6t27t6pXr67AwEDNmDFDly9f1o4dO2K0//rrr3Xv3j1NnjxZRYoUUcmSJTVlyhSdPHlSBw8eTIY1AAAAAAAgWrIG7OPHj+vu3buqXLmyc5qvr6+KFy+un376KUb7ypUra/78+fLy8nJOs1qjVyEkJCTxCwYAAAAAIA5uyfngly9fliRlz57dZXrWrFmd8x6UK1cu5cqVy2Xa4sWL5eXlpfLlyydeoQAAAAAAPEKyBuzQ0FBJkoeHh8t0T09P3bp165H3X7lypVatWqVhw4bJ39//iWpxc0v2n6NLkmy2lFEHEg/P8eNjm6V9PMePj22W9vEcPz62WdrHc4yULlkD9v1TvSMiIlxO+w4PD5e3t3ec9zMMQ7NmzdKCBQv0zjvvqF27dk9Uh9VqUaZM6Z5oGUB8+frG/doGnlb0CyAm+gUQE/0CKV2yBuz7p4YHBwcrT548zunBwcEqWrRorPeJjIzU0KFDtXXrVg0dOlQdOnR44jocDkMhIfeeeDlmsNmsvHGkcSEhobLbHcldRqpCv0j76BePj36R9tEvHh/9Iu1LKf3C19ebo+mIVbIG7MDAQKVPn1779+93BuyQkBAdPXpUbdu2jfU+gwYN0ldffaVp06apYcOGptUSFZX8HRVPB7vdwesN+A/6BRAT/QKIiX6BlC5ZA7aHh4fatm2rqVOnyt/fXzlz5tSUKVMUEBCgOnXqyG636/r168qQIYO8vLy0YcMGbd++XYMGDVKFChV09epV57LutwEAAAAAIDkk+3kNvXv3VsuWLTVs2DC99tprstlsWrp0qdzd3XXp0iVVqVJF27dvlyRt3bpVkjR58mRVqVLF5d/9NgAAAAAAJIdkPYItSTabTQMHDtTAgQNjzMuVK5f+/PNP5+1ly5YlZWkAAAAAAMRbsh/BBgAAAAAgLSBgAwAAAABgAgI2AAAAAAAmIGADAAAAAGACAjYAAAAAACYgYAMAAAAAYAICNgAAAAAAJiBgAwAAAABgAgI2AAAAAAAmIGADAAAAAGACAjYAAAAAACYgYAMAAAAAYAICNgAAAAAAJiBgAwAAAABgAgI2AAAAAAAmIGADAAAAAGACAjYAAAAAACYgYAMAAAAAYAICNgAAAAAAJiBgAwAAAABgAgI2AAAAAAAmIGADAAAAAGACAjYAAAAAACYgYAMAAAAAYAICNgAAAAAAJiBgAwAAAABgAgI2AAAAAAAmIGADAAAAAGACAjYAAAAAACYgYAMAAAAAYAICNgAAAAAAJiBgAwAAAABgAgI2AAAAAAAmIGADAAAAAGACAjYAAAAAACYgYAMAAAAAYAICNgAAAAAAJiBgAwAAAABgAgI2AAAAAAAmIGADAAAAAGACAjYAAAAAACYgYAMAAAAAYAICNgAAAAAAJiBgAwAAAABgAgI2AAAAAAAmIGADAAAAAGACAjYAAAAAACYgYAMAAAAAYAICNgAAAAAAJiBgAwAAAABgAgI2AAAAAAAmIGADAAAAAGACAjYAAAAAACZI9oDtcDg0e/ZsVa1aVc8995w6d+6sc+fOxdn+xo0b6t+/v8qXL68KFSpo1KhRCg0NTcKKAQAAAACIKdkD9vz58/XJJ59ozJgxWrNmjRwOhzp16qSIiIhY2/fu3VtnzpzR8uXLNWvWLH333XcaOXJk0hYNAAAAAMB/JGvAjoiI0LJly9S7d29Vr15dgYGBmjFjhi5fvqwdO3bEaH/o0CEdOHBAkyZNUokSJVS5cmWNHj1amzdv1pUrV5JhDQAAAAAAiJasAfv48eO6e/euKleu7Jzm6+ur4sWL66efforR/ueff9YzzzyjggULOqdVqFBBFotFv/zyS5LUDAAAAABAbJI1YF++fFmSlD17dpfpWbNmdc570JUrV2K09fDwkJ+fny5dupR4hQIAAAAA8Ahuyfng9wcn8/DwcJnu6empW7duxdr+v23vtw8PD09wHVarRf7+6RJ8fzNZLNH/j+xcWVF2R/IW8x+eHjZJUvY2/yfDHpXM1cRkcY9+bbxXrZeiHCmvPjdrdHfLmNFbhpHMxaQyKblfSCm7b9Av0i76xZNJyX2DfpFw9IsnQ7+IP6vVktwlIIVK1oDt5eUlKfq32Pf/lqTw8HB5e3vH2j62wc/Cw8Pl4+OT4DosFotstpTVSfwyeCZ3CXGypcuY3CU8VEavDMldwkNZrck+tmCqlZL7hZSy+wb9Iu2iXzyZlNw36BcJR794MvQLIOGS9RV6/3Tv4OBgl+nBwcHKli1bjPYBAQEx2kZEROjmzZvKmjVr4hUKAAAAAMAjJGvADgwMVPr06bV//37ntJCQEB09elTly5eP0b58+fK6fPmyzpw545x24MABSVLZsmUTv2AAAAAAAOKQrKeIe3h4qG3btpo6dar8/f2VM2dOTZkyRQEBAapTp47sdruuX7+uDBkyyMvLS88++6yef/559evXTyNHjtS9e/c0fPhwNW3aNNYj3gAAAAAAJBWLYSTvMAF2u13Tp0/Xhg0bFBYWpvLly2v48OHKlSuXzp8/r5dfflkTJkxQ8+bNJUn//vuvRo0apd27d8vT01P16tXT0KFD5emZsn9rAwAAAABI25I9YAMAAAAAkBYwDB8AAAAAACYgYAMAAAAAYAICNgAAAAAAJiBgAwAAAABgAgI2AAAAAAAmIGADAAAAAGACAjYAAAAAACYgYKcgn376qbZu3RrrvL1796pZs2Zq3LixunXrplu3bsVoExoaqjJlyqhJkybOf3a7PUa7b7/9Vh9++OFj1TZnzhzNmTPnse7zXytXrlT9+vVVp04dffrpp87phw4dUuvWrdWwYUO9++67ioiIcLnfkCFDtGHDBuft+GyLlOb8+fOqWbPmY93nYa8HJEx8tunRo0dVsmTJOOdfuXJF7dq1U/369dW+fXv9+++/kqSIiAiNHTtWTZo0UcOGDfXDDz+43O/EiRNq2LCh83ZkZKSGDh2qRo0aqXHjxtqyZcsTrFnS+W9/fJTbt2+re/fuiVjR0439RuLsN+7cuaOWLVuqSZMm+uuvv55oHeIrIdurXbt2iVQNHpTa9x1r165VjRo1NG7cuEe2NUvRokUfq31C3mOAlIqAnYIcOnQoxocESbLb7Ro8eLCmTZumLVu2qFChQlq6dGmMdn/88YcqVaqkzZs3O//ZbLZY2925cydR1iEuR48e1Weffab169drw4YNWrVqlU6ePKk7d+6oV69eGj16tLZt2yYpekcgRe+MunXrpqCgIOdy4rst0oK4Xg9IuEdt09DQUI0ePVqRkZFxthk1apSaN2+uoKAgvfLKK84PLEuWLNGNGze0adMmzZw5U0OGDJHD4ZAkbdiwQW+//bZCQ0Ody/nss88UGRmprVu36qOPPtLYsWOTvF8mhVu3bun48ePJXUaaxX4jcfYbx44dk81m0+bNm1W4cOHEW8kndODAgeQu4amQ2vcdW7Zs0ejRo/X+++8/zmonqeR4jwESi1tyF5DWzZo1S9u2bVOGDBlUsGBB5c6dWytXrlTt2rX1+++/y9vbW1OnTtXp06f17bffat++fcqcObNeeukl5zJsNpu++eYbubu7KyIiQleuXIn1m8Hff/9dV65cUatWrWSz2TRgwACVK1fOpc2ff/6pNWvWSJICAgJ0+fJlSVKvXr0kRX8b3rNnT0nS5MmTZRiG8uXLp/z58+vw4cNq3bq17ty5o9atW6tDhw6SpIULF+rzzz+XzWbTiy++qIEDB8b4gLZz507VrVtXPj4+kqS6desqKChIhQsX1nPPPafAwEBJ0rBhwxQVFSVJ2rx5s15++WX5+fk99rZ40KBBg/Tnn39Kkm7evCnDMPT999/ryJEjGj9+vEJDQ5UhQwaNGDFCBQsWVLt27eTr66uTJ09q4sSJunHjhmbOnCmHw6HcuXNr9OjRypIlS5yP980332ju3LmyWCzy8/PTlClTJEnh4eHq37+/Tpw4ITc3N82ePVu5c+fWr7/+qnHjxiksLEz+/v4aPXq0zp49G+frAa7M6GP3TZw4UR06dNChQ4difazIyEjt379fs2bNkiQ1bdpU48ePV2RkpIKCgjRlyhRZLBYVLlxYy5cvl2EYunnzpnbt2qXp06dr8ODBzmW98cYbat26tSQpODhY7u7ucnd3j3M9Dx48qFGjRjlv//333xo5cqSaN2+uqVOnat++fYqKilK9evXUo0cP7d+/36UPjxs3TsOGDdOff/4pi8Wit99+W02bNo3z8cLCwjRo0CCdPXtWFotFr776qtq0aSNJ+v7777V69Wpdu3ZNrVq1Uvfu3eVwODR+/Hj9+OOPslqteuWVV9SlSxeNHj1awcHB6tatmxYuXBj3Ewkn9hvRkmu/8e+//+q9997TtWvX1LlzZy1cuDDWPta4cWNNmTJFgYGBeu+99xQWFqbp06frzJkz6tevX5xnejgcDo0aNUqHDh2SzWZTzZo1ndvy999/V5s2bRQcHKyqVas6+3xs22vs2LGSpObNmz/WWSWI9rTsO+bOnavff/9do0eP1pAhQ5QtW7YYn31Onjypzz//XHPnztWlS5dUvXp1BQUFqUCBAhowYIAaNGgQ51l4v/76q8aOHSvDMOTp6amxY8eqQIECkuR8nYeHh2vSpEkqXbq0Tp06peHDh+vmzZvy8fHR+++/L09PT5f3mFatWsXjGQRSMAOJ5ttvvzVatWplhIaGGvfu3TOaN29uzJ492yhSpIixdu1awzAMY8WKFUbnzp0NwzCMwYMHG+vXr49zeUePHjUqVapkVK1a1bh48WKM+R9++KGxaNEiw+FwGEeOHDFefPFF4/r16zHazZ4925g9e3aMvw3DMNq2bWvs27fP2Ldvn1GmTBnj5s2bznavvPKKcffuXeP27dtG7dq1jaNHjxq7du0yWrRoYdy7d8+IjIw0unXrZqxatSrGY/7f//2f8dlnnzlvf/bZZ8awYcOMRYsWGYMGDTJ69uxpNGrUyBgxYoQRFhbmct/YtsujtkVsQkJCjEaNGhm7d+82IiIijMaNGxvnzp0zDMMwfv75Z6NZs2bObTB9+nTDMAzj2rVrxosvvmicPXvWMAzD+OCDD4xevXo99HGaNGliHD9+3DAMw/joo4+MXbt2GefOnTOKFi1qHDx40DAMwxg/frwxceJEIzw83Khevbpx6NAhwzAMY/v27Ubz5s3jXG+4MrOPff3118agQYMMwzCMIkWKxNomODjYqFq1qsu0qlWrGpcvXzZKlSplrFq1ymjevLnRqlUrY+/evS7tzp07Z9SoUSPGMgcPHmyUKFHCmDVrVrzXe82aNUbbtm2NyMhIY82aNcaYMWMMh8NhREREGJ06dTK+/fbbGH140qRJxqhRowzDMIx///3XqFmzpnHs2LE4H+Orr74yevbsaRiGYVy/ft0YMGCAs94uXboYdrvduHbtmlG6dGnj9u3bxqpVq4xu3boZkZGRxr1794wWLVoYO3fujHO9ETv2G/+TnPuNffv2GW3btjUMw4izj02dOtVYtmyZYRiG0bhxY6NmzZqGYUQ/P3PmzIlz2ceOHXPub8LCwox3333XuHfvnjF79myjadOmRmhoqBEaGmpUqVLFOHHixEO3V1zvVXi4p23fcb+PxvXZ5/bt20blypUNu91urF+/3qhcubKxZs0aw263G9WrVzdCQ0PjXHb37t2Nb775xjAMw9i2bZuxYcMG57bYtm2bYRjRn4Xuf3Zq0aKFsX37dsMwDOPQoUNG9erVjfDw8BjvK0BqxiniiWjPnj1q1KiRvLy85O3trVdeeUWS5O7urubNm0uSmjVrpp9++ileyytWrJj27t2rbt26qV+/fjHmd+jQQV26dJHFYlGJEiVUqlQpHTx4MMH1FyhQQBkzZnTerl+/vnx8fJQ+fXrVqFFDBw4c0L59+9SoUSN5e3vLzc1NLVq00N69e2MsyzCMGNMsFovsdru+++47DRw4UJs2bVJYWJgWL178yNoetS3+y263q1+/fmratKmqVKmiU6dO6ezZs+rRo4eaNGmi0aNH6+rVq85TwJ5//nlJ0uHDh1W6dGnlzp1bkvTqq69q3759D32sWrVqqWvXrhozZowKFizo/LY7a9asKlOmjCSpSJEiunnzpk6fPi1fX18999xzkqK38dmzZ3X79u1HrhPM62NXr17VggUL9H//938PbXf/tL3/slqtstvtOn/+vNatW6fRo0drwIAB8XoeJ06cqO+//15ffvlljN/exWb//v1atmyZZs2aJTc3N+3Zs0e7du1S06ZN1bJlS505c0YnTpyQ5NqH9+3b5zwq4O/vr5dffvmhp5eWKlVKR44c0dtvv60tW7a4HEGpVauWrFarMmfOLH9/f926dUv79+9XixYt5ObmJm9vbzVu3DjW9wI8HPuN/0nu/cZ9cfWxl156ST/++KPOnTunHDly6JlnntHp06f1/fffq0aNGnEuL0+ePIqIiNAbb7yhjz76SP369ZO3t7ckqVq1avLy8pKXl5fy5s2rGzduxHt7If6exn2HpDg/+3h4eKhIkSI6cuSI9u3bpw4dOujAgQM6cuSIihYtKi8vrziXWbNmTQ0bNkzvv/++PDw8nNtSkurUqSMp+jPPjRs3dPfuXZ05c0b169eXJD333HPKmDGj/vnnn3jVD6QWnCKeiKxWa6xvqhaLRRaLRVL0m67VGvN7jiZNmjj/Xr16tfbt2+c8Padp06bO044ftHbtWlWpUkXZs2eXFP3hxM3NTe+//76OHDkiSc5Tyh6s5cEaH/z90P0d/oPrc9/9Zce2flFRUVq9erXzdJ82bdooW7ZsCg4OdrYJDg5WQECAsmTJotKlSytPnjySoj+MrVq1KsYy77t37168tsV/TZw4URkzZtTbb78tSc7TvTdv3uxcnytXrsjDw0OSnDuT/66fYRgP/Y2VJPXs2VMNGjTQd999pylTpujw4cNq3Lix3Nz+190sFosMw4h1+xmG4TzdEQ9nVh9r27atbt68qTfeeMNl/sqVK10GEVq3bp3u3LmjqKgoubm5KSoqSnfv3pWfn5+yZMmi+vXry2KxKDAwUAEBATp16pRKly4da+2HDx9WpkyZlDt3bvn7+6tatWr6888/VaVKlTjX9+zZsxo8eLAWLFggf39/SdFfHg0aNMj5QebGjRvy8vLS4cOHXfrwf8PKo15n2bJlU1BQkPbs2aPdu3erWbNmzt+7Pngqb1yvZV7HCcN+I+XsN+6Lq495eHjor7/+0u7du1WxYkXdvHlT33//vc6ePasSJUrEuTwfHx9t2rRJ+/fv1w8//KA2bdpo5cqVkhTv/QR968k8bfuO+x722ad69er68ccfdezYMQ0fPlxNmjRRvnz5HjlAa4sWLVS5cmXt2rVLy5cv165du5zvGfdfz/e3aWxfmrGvQFrEEexE9OKLLyooKEjh4eGKiIhQUFCQLBaLIiIi9PXXX0uKHsDixRdflBT9ofX+6K0PDjjj5ubm/O2kJG3bti3Gb+Sk6N9urVixQlL07zOPHj2qsmXLaty4cc5llSpVSjabzflmlilTJucARKdOnXI+Rmx27NihiIgI3bp1Szt37lSlSpVUqVIlbd26VaGhoYqKitL69etVvnx5vfbaa87HfO211/TSSy/pyy+/1N27d3X37l198cUXeumll1SlShUdPXpUFy5ckCR99913Kl68eJw1xHdbPGjt2rU6ePCgy+iZBQoU0K1bt5zfTm/ZskXdunWLcd9nn31Whw8f1rlz5yRFjyRaoUKFhz5eo0aNJEkdO3ZUhw4ddPTo0Tjb3q/j119/lSRt375dAQEBypQpk8vrAbEzq4+1atVKX3/9tfP2/fm+vr4u7dzd3VWhQgXnqK1btmxRhQoV5O7urho1ajgHVjp//rwuXbqk/Pnzx1n7Tz/9pOnTp8swDN2+fVs//PCDypYtG2f7O3fuqHv37ho0aJCKFSvmnF6pUiXnoDehoaHq0KGD9uzZE+P+lSpVcg4Edf36dX399dcP7TtbtmzRyJEj9fLLL2vYsGHy8fHRpUuX4mxfqVIlrV+/XlFRUQoNDdWWLVtUvnx554dJxA/7jZSx33hQXH3MZrOpbNmyWr58uSpWrKhKlSrpgw8+UKVKlR66vJ9//lmdO3dWpUqVNHjwYBUsWFCnTp166OPHtr0kuTwviL+nad/xoId99qlevbo2bNigXLlyKX369MqWLZvWrVun6tWrP3SZnTt31qlTp/T666+rT58+D/3Mkz59euXOndu5vr/++quCg4NVpEgRXstIUziCnYheeukl/f7772rWrJnSpUunTJkyydPTU1L0QFizZ8/WM888o4kTJ0qSqlSpoilTpihdunRq0KCBczkeHh6aPn26c2TJgIAA57eDq1evVnBwsPr06aN+/fpp6NChatiwoaxWqyZPnqz06dPHqKtixYoaOHCgMmXKpKZNm+qbb75RvXr1VKBAgYe+SefMmVOvvfaaQkND1aVLFxUsWFAFCxbUsWPH1LJlS0VFRemFF15Q+/btY9y3VKlSatWqlVq3bq2oqCi1adPG+Q3/2LFj9c477ygiIkJFixbVgAED4qzhYdsiLqNGjXLWfv8b6/un2I4fP15hYWHy8fHR1KlTY9w3S5YsGj16tHr27KmoqCgFBARo/PjxD328/v37q0+fPnJ3d5eXl5dGjhz50PWZMWOGxo0b5xxwZObMmZLifj3gf8zqY49jxIgRGjp0qJYsWaKMGTM6XzcDBgzQ6NGjnZdTGT16tDJkyBDnctq3b6+RI0eqcePGslgsat++vfOnArFZtWqVLly4oKVLl2rRokWSpNq1a6tr1646c+aMmjVrpsjISDVs2FC1atXS/v37Xe7fo0cPjRw5Uo0aNZLdbleXLl3iPEIiRZ/a980336hhw4Zyd3dX3bp1Hzow1KuvvqrTp0+radOmioyMVKNGjVSvXj3Z7XblzJlTr7/+uj755JM4749o7Df+Jzn3Gw9q06ZNrH1Mig4lu3fvVmBgoCIjI3Xz5s1HHvErW7asChQo4DxFuXjx4qpWrZr++OOPWNvXqFEjzu1Vu3ZtvfLKK1q3bp1zMDg82tO073iQh4dHnJ998uXLJ4vFoooVK0qK/mLn+++/V9asWR+6zJ49e2rUqFGaOnWq3NzcNGTIkIe2nzJlikaOHKn58+fL3d1dc+bMkYeHh8t7zP3BEIHUymLEdr4GTPHbb7/pxIkTatWqlQzDUO/evdWiRQt17dr1od/4A4gf+hjSGl7TQOKjnwFITBzBTkT58uXTvHnznKffVa9e/ZGn2iBhJk2apB9//DHG9Pz58zuPCJupf//++vvvv2NMr1ixot577z3THw+xS2t97OzZs87L9fzX0KFDH3nq6eP6+eefNWbMmFjnzZgxw3mpFSSdtPaaTskSc7+R1H0Zjyet9bPEfr0l9WcsILXjCDYAAAAAACZgkDMAAAAAAExAwAYAAAAAwAQEbAAAAAAATEDABgAAAADABARsAAAAAABMQMAGAAAAAMAEBGwAAAAAAExAwAYAAAAAwAQEbAAAAAAATPD/AMjZiieeTlhIAAAAAElFTkSuQmCC", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "# Extracting the model names and the metric values\n", - "models = list(by_model_and_context.keys())\n", - "metrics = list(by_model_and_context[models[0]].keys())\n", - "\n", - "# Plotting the bar chart with metric scores on top of each bar\n", - "fig, ax = plt.subplots(figsize=(10, 4))\n", - "width = 0.2\n", - "x = range(len(models))\n", - "\n", - "for i, metric in enumerate(metrics):\n", - " metric_values = [by_model_and_context[model][metric] for model in models]\n", - " ax.bar([pos + width * i for pos in x], metric_values, width, label=metric)\n", - " # Displaying the metric scores on top of each bar\n", - " for pos, val in zip(x, metric_values):\n", - " ax.text(pos + width * i, val, f'{val:.3f}', ha='center', va='bottom', fontsize=9)\n", - "\n", - "ax.set_xticks([pos + width for pos in x])\n", - "ax.set_xticklabels(models, rotation=0, ha='center', fontsize=8)\n", - "ax.set_ylabel('Performance')\n", - "ax.set_title('GPT Benchmarks')\n", - "ax.legend(loc='upper left', bbox_to_anchor=(1, 1))\n", - "\n", - "plt.tight_layout()\n", - "plt.show()" - ] - }, - { - "attachments": {}, - "cell_type": "markdown", - "id": "eeb8c5ba-c22f-4fae-b63c-d13f8c23ade7", - "metadata": { - "tags": [] - }, - "source": [ - "Our best model is GPT 4 with few shot learning at an f1 score of ~92%. We will see in the [Made With ML course](https://madewithml.com/) how fine-tuning an LLM with a proper training dataset to change the actual weights of the last N layers (as opposed to the hard prompt tuning here) will yield similar/slightly better results to GPT 4 (at a fraction of the model size and inference costs).\n", - "\n", - "However, the best system might actually be a combination of using these few-shot hard prompt LLMs alongside fine-tuned LLMs. For example, our fine-tuned LLMs in the course will perform well when the test data is similar to the training data (similar distributions of vocabulary, etc.) but may not perform well on out of distribution. Whereas, these hard prompted LLMs, by themselves or augmented with additional context (ex. arXiv plugins in our case), could be used when our primary fine-tuned model is not so confident." - ] - } - ], - "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.11" - } - }, - "nbformat": 4, - "nbformat_minor": 5 -} diff --git a/notebooks/blank_notebook.ipynb b/notebooks/blank_notebook.ipynb new file mode 100644 index 00000000..8562bb1b --- /dev/null +++ b/notebooks/blank_notebook.ipynb @@ -0,0 +1,80 @@ +{ + "nbformat": 4, + "nbformat_minor": 0, + "metadata": { + "colab": { + "name": "blank_notebook", + "version": "0.3.2", + "provenance": [], + "collapsed_sections": [], + "toc_visible": true + }, + "kernelspec": { + "name": "python3", + "display_name": "Python 3" + } + }, + "cells": [ + { + "metadata": { + "id": "bOChJSNXtC9g", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Title" + ] + }, + { + "metadata": { + "id": "OLIxEDq6VhvZ", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "\n", + "\n", + "text\n", + "\n", + "\n", + "\n" + ] + }, + { + "metadata": { + "id": "VoMq0eFRvugb", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "# Overview" + ] + }, + { + "metadata": { + "id": "qWro5T5qTJJL", + "colab_type": "text" + }, + "cell_type": "markdown", + "source": [ + "* **Objective:** \n", + "* **Advantages:**\n", + "* **Disadvantages:**\n", + "* **Miscellaneous:** " + ] + }, + { + "metadata": { + "id": "0-dXQiLlTIgz", + "colab_type": "code", + "colab": {} + }, + "cell_type": "code", + "source": [ + "" + ], + "execution_count": 0, + "outputs": [] + } + ] +} \ No newline at end of file diff --git a/notebooks/clear_cell_nums.py b/notebooks/clear_cell_nums.py deleted file mode 100644 index fc60b131..00000000 --- a/notebooks/clear_cell_nums.py +++ /dev/null @@ -1,23 +0,0 @@ -from pathlib import Path - -import nbformat - - -def clear_execution_numbers(nb_path): - with open(nb_path, "r", encoding="utf-8") as f: - nb = nbformat.read(f, as_version=4) - for cell in nb["cells"]: - if cell["cell_type"] == "code": - cell["execution_count"] = None - for output in cell["outputs"]: - if "execution_count" in output: - output["execution_count"] = None - with open(nb_path, "w", encoding="utf-8") as f: - nbformat.write(nb, f) - - -if __name__ == "__main__": - NOTEBOOK_DIR = Path(__file__).parent - notebook_fps = list(NOTEBOOK_DIR.glob("**/*.ipynb")) - for fp in notebook_fps: - clear_execution_numbers(fp) diff --git a/notebooks/madewithml.ipynb b/notebooks/madewithml.ipynb deleted file mode 100644 index f26dbcce..00000000 --- a/notebooks/madewithml.ipynb +++ /dev/null @@ -1,50138 +0,0 @@ -{ - "cells": [ - { - "cell_type": "markdown", - "metadata": { - "id": "acbetMKBt825" - }, - "source": [ - "
\n", - "

 Made With ML

\n", - "

ML for Developers

\n", - " Design · Develop · Deploy · Iterate\n", - "
\n", - "\n", - "
\n", - "\n", - "
\n", - "  \n", - "  \n", - "  \n", - " \n", - "
\n", - " 🔥  Among the top ML repositories on GitHub\n", - "
\n", - "\n", - "
\n", - "
" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "oh-HuNfDrPg0" - }, - "source": [ - "This notebooks contains the code for the 🔢  Data and 📈  Modeling lessons. After this proof of concept (PoC), we'll be moving all of this code to Python scripts to serve our application to production. Follow the accompanying [lessons](https://madewithml.com/) along with the code here to develop a deeper understanding of all the concepts." - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "XTNsIiUrqoJW" - }, - "source": [ - "
\n", - " \n", - " \n", - "\"Open\n", - "
" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "tags": [] - }, - "source": [ - "# 🛠️ Setup" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We'll be using [Ray](https://ray.io) to develop our application using distributed workloads." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "import os\n", - "import ray" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "import sys; sys.path.append(\"..\")\n", - "import warnings; warnings.filterwarnings(\"ignore\")\n", - "from dotenv import load_dotenv; load_dotenv()\n", - "%load_ext autoreload\n", - "%autoreload 2" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2023-12-07 11:26:30,445\tINFO worker.py:1633 -- Started a local Ray instance. View the dashboard at \u001b[1m\u001b[32m127.0.0.1:8265 \u001b[39m\u001b[22m\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "afcfdccd644b41d0b7af7f86f68dbdf3", - "version_major": 2, - "version_minor": 0 - }, - "text/html": [ - "
\n", - "
\n", - "
\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "\n", - "\n", - "
Python version:3.10.11
Ray version:2.7.0
Dashboard:http://127.0.0.1:8265
\n", - "\n", - "
\n", - "
\n" - ], - "text/plain": [ - "RayContext(dashboard_url='127.0.0.1:8265', python_version='3.10.11', ray_version='2.7.0', ray_commit='b4bba4717f5ba04ee25580fe8f88eed63ef0c5dc', protocol_version=None)" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Initialize Ray\n", - "if ray.is_initialized():\n", - " ray.shutdown()\n", - "ray.init()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "{'memory': 30507458560.0,\n", - " 'CPU': 12.0,\n", - " 'node:__internal_head__': 1.0,\n", - " 'node:127.0.0.1': 1.0,\n", - " 'object_store_memory': 2147483648.0}" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "ray.cluster_resources()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "These cluster resources only reflect our head node ([m5.2xlarge](https://instances.vantage.sh/aws/ec2/m5.2xlarge)). But recall in our [setup lesson](https://madewithml.com/courses/mlops/setup/) that our [compute configuration](https://madewithml.com/courses/mlops/setup/#compute) that we also added [g4dn.xlarge](https://instances.vantage.sh/aws/ec2/g4dn.xlarge) worker nodes (each has 1 GPU and 4 CPU) to our cluster. But because we set `min_workers=0`, our worker nodes will autoscale ( up to `max_workers`) as they're needed for specific workloads (ex. training). " - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "# Workers (1 g4dn.xlarge)\n", - "num_workers = 1\n", - "resources_per_worker={\"CPU\": 3, \"GPU\": 1}" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "If you are running this on a local laptop (no GPU), use the CPU count from `ray.cluster_resources()` to set your resources. For example if your machine has 10 CPUs:\n", - "\n", - "```python\n", - "num_workers = 6 # prefer to do a few less than total available CPU (1 for head node + 1 for background tasks)\n", - "resources_per_worker={\"CPU\": 1, \"GPU\": 0}\n", - "```" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "/efs/shared_storage/madewithml/GokuMohandas\n" - ] - } - ], - "source": [ - "# Storage\n", - "EFS_DIR = f\"/efs/shared_storage/madewithml/{os.environ['GITHUB_USERNAME']}\"\n", - "print (EFS_DIR)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "# Data" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "tags": [] - }, - "source": [ - "## 🔢 Data ingestion" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "import pandas as pd" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
idcreated_ontitledescriptiontag
062020-02-20 06:43:18Comparison between YOLO and RCNN on real world...Bringing theory to experiment is cool. We can ...computer-vision
172020-02-20 06:47:21Show, Infer & Tell: Contextual Inference for C...The beauty of the work lies in the way it arch...computer-vision
292020-02-24 16:24:45Awesome Graph ClassificationA collection of important graph embedding, cla...other
3152020-02-28 23:55:26Awesome Monte Carlo Tree SearchA curated list of Monte Carlo tree search pape...other
4252020-03-07 23:04:31AttentionWalkA PyTorch Implementation of \"Watch Your Step: ...other
\n", - "
" - ], - "text/plain": [ - " id created_on title \n", - "0 6 2020-02-20 06:43:18 Comparison between YOLO and RCNN on real world... \\\n", - "1 7 2020-02-20 06:47:21 Show, Infer & Tell: Contextual Inference for C... \n", - "2 9 2020-02-24 16:24:45 Awesome Graph Classification \n", - "3 15 2020-02-28 23:55:26 Awesome Monte Carlo Tree Search \n", - "4 25 2020-03-07 23:04:31 AttentionWalk \n", - "\n", - " description tag \n", - "0 Bringing theory to experiment is cool. We can ... computer-vision \n", - "1 The beauty of the work lies in the way it arch... computer-vision \n", - "2 A collection of important graph embedding, cla... other \n", - "3 A curated list of Monte Carlo tree search pape... other \n", - "4 A PyTorch Implementation of \"Watch Your Step: ... other " - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Data ingestion\n", - "DATASET_LOC = \"https://raw.githubusercontent.com/GokuMohandas/Made-With-ML/main/datasets/dataset.csv/"\n", - "df = pd.read_csv(DATASET_LOC)\n", - "df.head()" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "tags": [] - }, - "source": [ - "## ✂️ Data splitting" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "from sklearn.model_selection import train_test_split" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "tag\n", - "natural-language-processing 310\n", - "computer-vision 285\n", - "other 106\n", - "mlops 63\n", - "Name: count, dtype: int64" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Value counts\n", - "df.tag.value_counts()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "# Split dataset\n", - "test_size = 0.2\n", - "train_df, val_df = train_test_split(df, stratify=df.tag, test_size=test_size, random_state=1234)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "tag\n", - "natural-language-processing 248\n", - "computer-vision 228\n", - "other 85\n", - "mlops 50\n", - "Name: count, dtype: int64" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Train value counts\n", - "train_df.tag.value_counts()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "tag\n", - "natural-language-processing 248\n", - "computer-vision 228\n", - "other 84\n", - "mlops 52\n", - "Name: count, dtype: int64" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Validation (adjusted) value counts\n", - "val_df.tag.value_counts() * int((1-test_size) / test_size)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "WuCrsbxbNkSV" - }, - "source": [ - "## 🔍 Exploratory Data Analysis (EDA)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "eOJ3nlEgnSTJ" - }, - "source": [ - "Exploratory data analysis to understand the signals and nuances of our dataset. It's a cyclical process that can be done at various points of our development process (before/after labeling, preprocessing, etc.) depending on how well the problem is defined." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "tHdQmqTBNkSV", - "tags": [] - }, - "outputs": [], - "source": [ - "from collections import Counter\n", - "import matplotlib.pyplot as plt\n", - "import seaborn as sns; sns.set_theme()\n", - "import warnings; warnings.filterwarnings(\"ignore\")\n", - "from wordcloud import WordCloud, STOPWORDS" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[('natural-language-processing', 310),\n", - " ('computer-vision', 285),\n", - " ('other', 106),\n", - " ('mlops', 63)]" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Most common tags\n", - "all_tags = Counter(df.tag)\n", - "all_tags.most_common()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "Gl-E8d2HaCsx", - "outputId": "22afb969-0335-42ec-b58b-c36ca1db8bf8", - "tags": [] - }, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAA1kAAAEvCAYAAAC35QvGAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAABQkklEQVR4nO3dd1hT598G8DsJhKGggAIuKqIBUVkCalVUqmhbcdtqxW3F/XNVwVkHaBVHlbpaqXu14qx7te5VrSJaN06WgqHKEHLeP3xzagRqiJGA3J/r6lXznPU9yTlJbs5znkgEQRBAREREREREeiE1dAFEREREREQfEoYsIiIiIiIiPWLIIiIiIiIi0iOGLCIiIiIiIj1iyCIiIiIiItIjhiwiIiIiIiI9YsgiIiIiIiLSI4YsIiIiIiIiPWLIIiIiegtBEAxdgtaKU61ERB8qhiwiohJs4cKFcHZ2LtB/Dx48MHTZucTFxcHZ2Rn+/v4a7eqas7OzdVqvUqnE9OnTsXXrVq2XefDgAZydneHn5/efbe/DsWPH0KdPn7fWQ0RE75eRoQsgIiLDcXZ2RmBgoEbbkydPcOLECZibm+OTTz7JtYy5uXlhlWdwM2bMQHR0NKZPn27oUt7q0aNH6Nu3L+zs7AxdChFRiceQRURUggUEBCAgIECj7fTp0zhx4gSsrKwQERFhoMr0Y9euXQAAIyPdPu506XpnZ2eHXbt2wdjYWKdt6kqlUhWpeoiISjKGLCIi+mA5OTkV+jaNjY0Nst38FLV6iIhKAt6TRUREBZKRkYGff/4ZXbp0ga+vL2rVqoX69evj66+/xrFjx/Jc5vbt2xg9ejT8/Pzg7u6Ojh07YteuXdi2bRucnZ2xcOFCrbYtCAI2bNiA9u3bw8PDA35+foiIiEBGRkae8+d1T5ZSqcR3332HwMBAeHh4oG7duujSpQvWrl2rMZ+zszO2bNkCAJgwYQKcnZ0RHR0NAAgJCYGzszPOnDmDoUOHws3NDfXr18eKFSveeg/UgwcP8L///Q/e3t7w8vJCr1698nze/P394ezsjLi4uFzT1PfSzZs3T3ys7tqZkJCgcX/af9Vz8+ZNjBkzBo0bN0bt2rXRqFEjfPPNN7h582auebt37w5nZ2ekpqZi1apVaN26Ndzc3PDxxx8jNDQUjx49ynN/iYhKIl7JIiIirWVmZiIoKAiXL19G+fLl4eXlBYlEgr///ht//PEHjh49isjISDRv3lxc5sKFC/j666+RlpYGFxcXeHh44MqVKxgxYgQ8PDwKtP2xY8di27ZtMDc3R4MGDcTAd/jwYa2Wz8jIQLdu3XD9+nU4ODigUaNGSE9Px9mzZ3HhwgVcvnwZM2fOBAAEBgbi4sWLuH//Pjw8PFClShU4ODhorG/ixIl4+vQpGjdujJs3b8LZ2fk/t//8+XN07doVL168QL169ZCWloZTp07h5MmTmDRpErp161ag50PN2dkZzZs3x4EDB2BmZobmzZvD2tr6P5c5dOgQhg8fjszMTDg7O8PLywt37tzB9u3bsW/fPsyfPx/NmjXLtdyECRNw4MABuLm5wc/PD2fPnkV0dDROnDiBnTt3wsLCQqd9ICL6kDBkERGR1tatW4fLly/jk08+wffffy/e55OTk4Pp06dj3bp1WLt2rRiysrKyEBISgrS0NEyYMAHdu3cHAGRnZ2P69OlYv3691tveu3cvtm3bBgcHB6xevRr29vYAgJiYGPTu3VurdezZswfXr19HYGAgZs+eDYlEAgC4d+8eOnXqhC1btmDw4MGoUqUKIiIiEBISgvv376NTp07o3LlzrvUlJiZi+/btqFKlinj/1sOHD/Pd/j///IMKFSpgy5YtKFeuHIBXIwIOGDAAM2fORJMmTVC5cmWtnxO1gIAAuLq64sCBA7C0tHzrvXRJSUkYNWoUsrKyMHPmTLRv316c9uuvv2LChAkYNWoUdu/enWsgjePHj2PlypWoV68eACA1NRVffPEF4uLisH37dp2DIhHRh4TdBYmISGvGxsZo0qQJRo0apTGQgkwmw5dffgkAGkO8//7777h79y4aNWokBizg1UAUEyZMQNWqVbXetjqQhYSEiAELAGrXro1BgwZptY6kpCQAQIUKFcSABQAODg4IDw/HrFmzUKpUKa1ratasGapUqQIAkEgkGuvMz8SJE8WABQCNGjVCly5dkJWVhc2bN2u97XexceNGvHjxAu3bt9cIWADQqVMntG/fHs+fP88zBH/xxRdiwAKAsmXLok2bNgCA69evv9/CiYiKCYYsIiLSWlBQEJYtW6YxkMI///yDv/76C/v27QPw6uqV2okTJwAALVq0yLUuIyOjPNvzolKpcO7cOchkMjRs2DDX9Ne7J/4XHx8fAMBPP/2E4cOHY8eOHXj69Km4jrZt2761m93rXFxctJ4XAGxtbTUCipr6/qkzZ84UaH26Onv2LACgZcuWeU7/7LPP8q3H3d09V5v6ald6erq+SiQiKtbYXZCIiAokOTkZ69evx6lTp3D79m0xpKiv4rw+7Pnjx48BvLpylBdtu8alpqbi5cuXsLa2hqmpaa7plSpV0mo9Hh4eCA0NxZw5c7B7927s3r0bEokEtWrVQsuWLfHll1+iTJkyWq0LQIHm/a861VfmEhISCrQ+XSUmJv5nPerXRX3l73V57bNMJgOQ/zDyREQlDUMWERFp7fTp0xgwYABevHgBOzs7eHp6wsnJCTVr1kTlypVz3bf08uVLAPn/3pQuv0OVF6lUKn7Rf5tevXohMDAQ+/fvxx9//IGzZ88iJiYGMTExWLlyJdatW4ePPvpI6+0WhImJyX9O1/b3vHJycgq03Te97XlXhyW5XJ5rmjZdIomISjqGLCIi0oogCBg/fjxevHiR50h4sbGxuZZRX8HKbzCI+Ph4rbZtZWUFExMTpKam4vnz57num0pOTi5Q8LCxsUGXLl3QpUsXqFQq/Pnnn5gxYwZiYmKwbNkyhIWFab2uglBfQXqT+vmpWLGi2KYOM3ntV1pa2jvVYWtrizt37uDhw4eoUaNGrun3798H8Op5IiKiguM9WUREpJXk5GTcv38flpaWeY4gp/6tp9e7jDVo0AAA8hxiXRAEHDp0SKttSyQS1K9fHyqVCgcPHsw1/ciRI1qtZ8aMGWjUqJF4TxLw6mqUt7c3Bg4cCEAz+On7qs2dO3c0BgZRU9/P5uvrK7aZm5sDgNgd83UXL17M1VaQWtX3pu3duzfP6bt3785VDxERaY8hi4iItGJhYQFjY2MolUqcO3dOY9q+ffuwaNEiAJoDX7Ro0QKVKlXC0aNHsXbtWrFdEATMnz9fHI1Om4DQs2dPAMCsWbNw69Ytsf3WrVvij/K+TYUKFZCUlIS5c+fin3/+Eduzs7PFYFGnTh2xXd1d7l2vHKkJgoCQkBCNbe/duxebN2+GhYWFRndL9aAaq1at0ujet2LFCsTExORat7or4osXL956b9QXX3wBc3NzbNmyRfzBZbXNmzeLv0X25siDRESkHXYXJCIirZiamqJLly5YvXo1evToAR8fH1haWuLGjRu4c+cOKlWqhJSUFKSlpSEjIwOmpqaQy+WYNWsW+vTpg6lTp2LTpk2oWrUqrl27hrt378LBwQH37t3T6l6khg0bon///li2bBnatWuH+vXrAwBOnTqFWrVqITk5+a3r6Nq1K3bt2oU///wT/v7+cHd3h1wuR2xsLB49eoRq1app/OaWeoj5RYsW4cKFC2jbtq3WIxnmxdHRETdu3ECLFi3g7e2NpKQkXLhwAcbGxpg1a5ZG97wePXpgz5492Lt3L1q1agVnZ2fxuW7bti22bdumsW5ra2tYWlpCqVSiS5cucHBwyPf3suzs7PDdd99h5MiRCAkJwYoVK+Do6Ig7d+7g2rVrMDMzw6xZs7QeUISIiDTxShYREWktNDQUkyZNQvXq1XHp0iX88ccfkMlkGDBgALZu3Yp69epBpVLh999/F5fx9vbGpk2b0Lx5c8THx+PQoUOwsLDADz/8IA5dbmFhodX2R40ahfnz56NWrVo4d+4cYmJi0L59e/z4449aLW9iYoLly5ejf//+sLGxwenTp3Hs2DGYm5tjwIAB+OWXXzRGz+vatSvatWsHAPjjjz/yvIJUEPb29li3bh1q166NY8eO4caNG2jWrBk2btwoPhdqderUwZo1a9C4cWMkJyfj6NGjKFeuHH7++We0bt0617qlUikiIiLg5OSE2NhYHD9+HM+ePcu3loCAAPz6669o3bo1njx5ggMHDkCpVKJTp07YvHmz1sPrExFRbhJBX0M7ERERveHJkydITU1FxYoVYWZmlmv6wIEDcejQISxfvhyNGjUyQIVERET6xytZRET03vz999/47LPP0KNHD2RkZGhMO3z4MI4cOQJra2t4e3sbqEIiIiL945UsIiJ6b7Kzs9G1a1dcunQJZcuWhYeHB0xMTBAXF4dr167B1NQUCxcuhJ+fn6FLJSIi0huGLCIieq9evHiBTZs2YefOnbh//z5evHiB8uXLo0GDBujTpw+cnJwMXSIREZFeMWQRERERERHpEe/JIiIiIiIi0iOGLCIiIiIiIj1iyCIiIiIiItIjI0MXUNQJggCViretERERERGVZFKpBBKJRKt5GbLeQqUS8PTpc0OXQUREREREBmRtXQoymXYhi90FiYiIiIiI9Ighi4iIiIiISI8YsoiIiIiIiPSIIYuIiIiIiEiPGLKIiIiIiIj0iCGLiIiIiIhIjxiyiIiIiIiI9Ighi4iIiIiISI/4Y8SFTCqVQCrV7kfMiN6FSiVApRIMXQYRERFRicOQVYikUgnKljWHTMYLiPT+5eSokJr6gkGLiIiIqJAxZBUiqVQCmUyKH9Yfx8PEZ4Yuhz5glWzLYHDXhpBKJQxZRERERIWsSIWsJ0+eYObMmTh69CgyMzPh4+ODsWPHwsnJCQBw9epVhIWFISYmBtbW1ujVqxd69OghLq9SqRAZGYlffvkFaWlp8PHxwaRJk1ClShVD7VKeHiY+w92HKYYug4iIiIiI3oMi1W9t8ODBiIuLw7Jly/Drr7/C1NQUvXr1Qnp6OlJSUtC7d284ODhg8+bNGDx4MCIiIrB582Zx+UWLFmHdunWYNm0aNmzYAJVKhX79+iErK8uAe0VERERERCVJkbmS9ezZM1SqVAnBwcFQKBQAgEGDBqFt27a4ceMGTp48CWNjY0ydOhVGRkZwcnISA1nHjh2RlZWFqKgojB49Gk2bNgUAzJs3D40bN8a+ffvQunVrA+4dERERERGVFEXmSlaZMmUwZ84cMWA9ffoUK1asgL29PapXr45z587B19cXRkb/5sL69evj7t27SE5OxrVr1/D8+XM0aNBAnG5paQlXV1ecPXu20PeHiIiIiIhKpiJzJet1EydOxKZNmyCXy7F48WKYm5sjPj5eDGBqtra2AIDHjx8jPj4eAFChQoVc86in6crISD9ZlKMKUmHjMUdERERU+IpkyOrZsye+/PJLrF27FoMHD8a6deuQkZEBuVyuMZ+JiQkAIDMzE+np6QCQ5zzPnuk+kp9UKoGVVSmdlycyJEtLM0OXQERERFTiFMmQVb16dQBAWFgY/vrrL6xZswampqa5BrDIzMwEAJibm8PU1BQAkJWVJf5bPY+Zme5fNFUqAUrlC52Xf51MJuWXXipUSmU6cnJUhi6DiIiIqNiztDTTupdQkQlZT58+xcmTJ9GyZUvxviupVIrq1asjMTER9vb2SExM1FhG/djOzg7Z2dlim4ODg8Y8zs7O71Rbdja/pFLxlJOj4vFLREREVMiKzA0bycnJGDlyJE6ePCm2vXz5ErGxsXBycoKPjw/Onz+PnJwccfqpU6fg6OgIGxsbuLi4oHTp0jh9+rQ4XalUIjY2Fj4+PoW6L0REREREVHIVmZClUCjg5+eH6dOn4+zZs7h+/TpCQkKgVCrRq1cvdOzYEf/88w/Gjx+PmzdvIjo6GitWrEBwcDCAV/diBQUFISIiAgcPHsS1a9cwYsQI2NvbIyAgwMB7R0REREREJUWR6S4IAHPnzsWcOXMwYsQIpKWlwdvbG2vXrkXFihUBAD/99BPCwsLQvn17lC9fHmPGjEH79u3F5YcNG4bs7GxMmDABGRkZ8PHxwfLly2FsbGyoXSIiIiIiohJGIgiCYOgiirKcHBWePn2ul3UZGUlhZVUK477fhbsPU/SyTqK8VK1khfD/fYaUlOe8J4uIiIhID6ytS2k98EWR6S5IRERERET0IWDIIiIiIiIi0qMidU8WEX34pFIJpFKJocugEkClEqBSsUc8EREVPoYsIio0UqkEVlZmkEplhi6FSgCVKgcpKekMWkREVOgYsoio0Ly6iiXDnZ0/Iv3JY0OXQx8wM5sKcGz9NaRSCUMWEREVOoYsIip06U8eIz3hnqHLICIiInovOPAFERERERGRHjFkERERERER6RFDFhERERERkR4xZBEREREREekRQxYREREREZEeMWQRERERERHpEUMWERERERGRHjFkERERERER6RFDFhERERERkR4xZBEREREREekRQxYREREREZEeMWQRERERERHpEUMWERERERGRHjFkERERERER6RFDFhERERERkR4xZBEREREREekRQxYREREREZEeMWQRERERERHpUZEKWampqZg0aRL8/Pzg5eWFrl274ty5c+L03r17w9nZWeO/7t27i9MzMzMxZcoUNGjQAJ6enhg1ahSePn1qiF0hIiIiIqISysjQBbxu5MiRSEpKwty5c2FjY4PVq1ejb9++2LJlC6pVq4a///4b3377LZo3by4uY2xsLP7722+/xblz57Bw4ULI5XJMnjwZw4YNw5o1awyxO0REREREVAIVmZAVFxeH48ePY926dahbty4AYOLEiTh69Ch27NiBoKAgPHnyBO7u7ihfvnyu5RMSErB161YsWbIE3t7eAIC5c+eiVatWuHDhAjw9PQt1f4iIiIiIqGQqMiHLysoKy5YtQ506dcQ2iUQCiUQCpVKJv//+GxKJBI6Ojnkuf/78eQBA/fr1xTZHR0fY2dnh7Nmz7xSyjIz006tSJitSvTOpBChqx1xRq4c+fDzmiIjIEIpMyLK0tESTJk002vbu3Yu4uDiMGzcO169fh4WFBaZOnYrjx4/D3NwcrVq1wqBBgyCXy5GQkAArKyuYmJhorMPW1hbx8fE61yWVSmBlVUrn5YkMydLSzNAlEBkUzwEiIjKEIhOy3vTnn38iNDQUAQEBaNq0KcaNG4fMzEy4ubmhd+/euHr1KmbNmoVHjx5h1qxZSE9Ph1wuz7UeExMTZGZm6lyHSiVAqXzxLrsiksmk/MCnQqVUpiMnR2XoMkQ8B6iwFbVzgIiIii9LSzOte0gUyZB14MABjB49Gl5eXoiIiAAATJ06FWPHjkWZMmUAAAqFAsbGxhgxYgTGjBkDU1NTZGVl5VpXZmYmzMze7UtddjY/oKl4yslR8filEo3nABERGUKR66y+Zs0aDB06FM2aNcOSJUvE7n9GRkZiwFKrUaMGACA+Ph729vZITU3NFbQSExNhZ2dXOMUTEREREVGJV6RC1rp16zBt2jR069YNc+fO1ej+1717d4SGhmrMf/nyZRgbG6Nq1aqoW7cuVCqVOAAGANy5cwcJCQnw8fEptH0gIiIiIqKSrch0F7xz5w7Cw8PRokULBAcHIzk5WZxmamqKli1bIjw8HG5ubmjUqBEuX76MWbNmoW/fvihdujRKly6Nzz//HBMmTEB4eDjMzMwwefJk+Pr6wsPDw3A7RkREREREJUqRCVl79+7Fy5cvsX//fuzfv19jWvv27TFz5kxIJBKsXr0a4eHhKF++PHr16oX+/fuL802bNg3h4eEYMmQIAMDPzw8TJkwo1P0gIiIiIqKSTSIIgmDoIoqynBwVnj59rpd1GRlJYWVVCuO+34W7D1P0sk6ivFStZIXw/32GlJTnReqmf/U5ELtyKtIT7hm6HPqAmdk5wLXnpCJ3DhARUfFlbV1K69EFi9Q9WURERERERMUdQxYREREREZEeMWQRERERERHp0TsNfPHy5UsYGxsDAJRKJXbs2AEjIyN89tlnsLCw0EuBRERERERExYlOISszMxOhoaF4/Pgx1q9fj4yMDHTu3Bn37t2DIAhYunQpNmzYAFtbW33XS0REREREVKTp1F1wyZIl2LVrF+zt7QEAO3bsQFxcHL788ktMnToVqampWLx4sV4LJSIiIiIiKg50upK1d+9etGzZEvPmzQMAHD58GGZmZhg3bhzkcjni4uKwe/duvRZKRERERERUHOh0JevBgwdo1KgRAEClUuHs2bOoW7cu5HI5AMDR0RHJycn6q5KIiIiIiKiY0ClklS5dGpmZmQCAixcvIi0tDQ0aNBCnJyUloWzZsnopkIiIiIiIqDjRKWQpFArs3LkTT58+xZo1ayCRSNC0aVMAQHx8PDZt2oSaNWvqs04iIiIiIqJiQaeQFRwcjCtXrqBhw4bYtWsXmjRpAicnJ5w/fx4tWrRAUlISvv76a33XSkREREREVOTpNPBFgwYNsHr1auzYsQP29vbo3r07AMDGxgY+Pj4IDg6Gt7e3XgslIiIiIiIqDnQKWY8ePYKLiws8PDw02qtWrYqoqCg8e/YMp06dQv369fVRIxERERERUbGhU3fBTz75BAcOHMh3+v79+zFw4ECdiyIiIiIiIiqutLqSdf/+fWzbtk18LAgC9u3bh7t37+aaVxAEHDx4EMbGxnorkoiIiIiIqLjQKmRVqlQJe/bswc2bNwEAEokE+/btw759+/Jdpnfv3vqpkIiIiIiIqBjRKmRJpVIsWbIE9+/fhyAI6NOnD/r376/x21ivz1uuXDk4OTnpvVgiIiIiIqKiTuuBLypXrozKlSsDAIYMGYKAgAAoFIr3VhgREREREVFxpNPAF0OGDIGFhQVmzpyJZ8+eie2RkZGYNm0anjx5orcCiYiIiIiIihOdQtbdu3fRqVMnrFy5Evfv3xfbExMTsXbtWnTu3BmJiYl6K5KIiIiIiKi40ClkLVy4ENnZ2Vi9ejVq164ttk+dOhUbNmzA8+fPsXDhQr0VSUREREREVFzoFLLOnj2LHj16wNvbO9c0Dw8PfPXVVzh+/Pg7F0dERERERFTc6BSylEolrKys8p1ua2uL5ORknYsiIiIiIiIqrnQKWVWqVMGxY8fynX7y5ElUrFixwOtNTU3FpEmT4OfnBy8vL3Tt2hXnzp3TWG+HDh3g7u6OVq1a4bffftNYPjMzE1OmTEGDBg3g6emJUaNG4enTpwWug4iIiIiISFc6hazAwEAcPnwY8+bNQ2pqqtiuVCoRGRmJ/fv3IzAwsMDrHTlyJC5cuIC5c+di8+bNqFmzJvr27Yvbt2/j1q1bCA4ORuPGjREdHY3OnTtjzJgxOHnypLj8t99+i2PHjmHhwoVYuXIlbt++jWHDhumyi0RERERERDrR+neyXtenTx+cPHkSS5cuxbJly2BlZQWJRIKUlBSoVCrUq1cP/fv3L9A64+LicPz4caxbtw5169YFAEycOBFHjx7Fjh078OTJEzg7O2PEiBEAACcnJ8TGxuKnn35CgwYNkJCQgK1bt2LJkiXivWJz585Fq1atcOHCBXh6euqyq0RERERERAWi05UsIyMjREVFYebMmWjatClsbGxgaWmJhg0bYurUqYiKioKxsXGB1mllZYVly5ahTp06YptEIoFEIoFSqcS5c+fQoEEDjWXq16+P8+fPQxAEnD9/XmxTc3R0hJ2dHc6ePavLbhIRERERERWYTleygFcBqF27dmjXrp1eCrG0tESTJk002vbu3Yu4uDiMGzcOW7Zsgb29vcZ0W1tbpKenIyUlBQkJCbCysoKJiUmueeLj49+pNiMjnbJoLjKZftZDpK2idswVtXrow8djjoiIDEHnkAUACQkJOHLkCB4+fIiOHTvC3NwcCQkJGr+dpas///wToaGhCAgIQNOmTZGRkQG5XK4xj/pxVlYW0tPTc00HABMTE2RmZupch1QqgZVVKZ2XJzIkS0szQ5dAZFA8B4iIyBB0DlmrVq1CREQEsrKyIJFI0KBBA2RmZmLgwIHo1q0bJkyYoHNRBw4cwOjRo+Hl5YWIiAgAr8JSVlaWxnzqx2ZmZjA1Nc01HXg14qCZme4fsiqVAKXyhc7Lv04mk/IDnwqVUpmOnByVocsQ8RygwlbUzgEiIiq+LC3NtO4hoVPIOnz4MMLDw1GvXj189tlnmDx5MgCgWrVq8PT0xNq1a+Hq6ooOHToUeN1r1qxBWFgYWrVqhe+++068OlWhQgUkJiZqzJuYmAhzc3NYWFjA3t4eqampyMrK0riilZiYCDs7O112U5SdzQ9oKp5yclQ8fqlE4zlARESGoFNn9eXLl8PV1RVRUVEICAgQ2x0cHLBq1SrUrl0b69evL/B6161bh2nTpqFbt26YO3euRljy9vbGmTNnNOY/deoUvLy8IJVKUbduXahUKnEADAC4c+cOEhIS4OPjo8NeEhERERERFZxOIevKlSv4/PPPIZPJck0zMjJC27Ztcffu3QKt886dOwgPD0eLFi0QHByM5ORkJCUlISkpCWlpaejevTsuXbqEiIgI3Lp1C1FRUdizZw/69esHALCzs8Pnn3+OCRMm4PTp07h06RJGjhwJX19feHh46LKbREREREREBabzPVlvjuL3uqysLGRnZxdofXv37sXLly+xf/9+7N+/X2Na+/btMXPmTCxatAizZ8/GypUrUblyZcyePVtjWPdp06YhPDwcQ4YMAQD4+fm9071hREREREREBaVTyFIoFDh8+DCCgoJyTcvJycFvv/2GGjVqFGidAwYMwIABA/5zHj8/P/j5+eU73dzcHNOnT8f06dMLtG0iIiIiIiJ90am7YFBQEI4fP47p06fj1q1bAIAXL17g0qVLGDBgAGJjY/HFF1/otVAiIiIiIqLiQKcrWYGBgbh27RqWL1+OtWvXAoDYRU8QBHTq1AmdOnXSX5VERERERETFhM73ZH3zzTdo2bIldu7cibt370KlUqFy5cpo2bKlxn1SREREREREJYnOIQsA3Nzc4Obmpq9aiIiIiIiIij2tQtb9+/dRrlw5mJmZiY+1IZFIUKpUKVhZWeleIRERERERUTGiVcgKCAjArFmzEBgYCABo0aIFJBKJ1hupVKkS5s2bhzp16uhWJRERERERUTGhVchq164dHBwcNB5rE7IEQYBSqcSJEycwefJkREdH614pERERERFRMaBVyJoxY4bG45kzZxZoI/PmzcOqVasKtAwREREREVFx9E4DXwiCgJiYGDx48AByuRwVK1ZEzZo1c83n5eWFxMTEd9kUERERERFRsaBzyPrzzz8RGhqKe/fuabQ7ODggLCwM3t7eYluTJk3QpEkT3askIiIiIiIqJnQKWbdu3ULfvn3x8uVLtGvXDjVq1EBOTg5u3LiBXbt24euvv0Z0dDQcHR31XS8REREREVGRplPIWrRoEaRSKaKjo6FQKDSm9evXD126dMHSpUsLfO8WERERERFRcSfVZaGTJ0+ia9euuQIWACgUCnTt2hUnTpx45+KIiIiIiIiKG51CllKpROXKlfOdXqVKFaSkpOhcFBERERERUXGlU8iyt7fHpUuX8p3+119/wdbWVueiiIiIiIiIiiudQlbz5s2xdetWbNmyJde0zZs3Y9u2bfD393/n4oiIiIiIiIobnQa+GDRoEA4ePIhx48Zh8eLFqFatGoBXow4+ePAAFSpUwKBBg/RaKBERERERUXGg05UsS0tLbNiwAe3bt0dKSgqOHDmCI0eOICUlBe3atcOmTZtgZWWl71qJiIiIiIiKPJ2uZB04cAA+Pj4IDw9HWFgYUlJSIAgCrK2tIZFI9F0jERERERFRsaHTlazx48dj2bJlAACJRAJra2vY2NgwYBERERERUYmnU8jKyspClSpV9F0LERERERFRsadTyOrYsSPWrFmDhw8f6rseIiIiIiKiYk2ne7KysrLw6NEjNG/eHJUrV4aNjQ1kMpnGPBKJBGvWrNFLkURERERERMWFTiFr06ZN4r/v37+P+/fv55rnXe/PWrp0KY4dO4bVq1eLbRMmTMAvv/yiMV+lSpVw6NAhAIBKpUJkZCR++eUXpKWlwcfHB5MmTWLXRiIiIiIiKjQ6haxr167puw4Na9euxfz58+Ht7a3R/vfff2PAgAEICgoS216/grZo0SKsW7cOM2fOhL29PWbPno1+/fphx44dkMvl77VmIiIiIiIiQMd7st6XhIQEDBgwABEREahatarGNEEQcPPmTdSuXRvly5cX/7O2tgbwqgtjVFQUhg0bhqZNm8LFxQXz5s1DfHw89u3bZ4C9ISIiIiKikkjnkPX8+XMsWLAArVu3hru7O7y8vNCxY0esWLEC2dnZOq3zypUrMDY2xvbt2+Hu7q4x7d69e3jx4gWqVauW57LXrl3D8+fP0aBBA7HN0tISrq6uOHv2rE71EBERERERFZRO3QWfPn2Krl27Ii4uDhYWFnByckJ2djbu3LmD7777Dnv27MGqVasK3EXP398f/v7+eU67fv06AGD16tX4448/IJVK4efnhxEjRsDCwgLx8fEAgAoVKmgsZ2trK07TlZGRfi74yWRF6sIhlQBF7ZgravXQh4/HHBERGYJOIWv+/Pm4d+8exo0bh6+++gpGRq9Wk5WVhRUrVmDu3LlYvHgx/ve//+mt0OvXr0MqlcLW1hZLlizBvXv3MGvWLNy4cQMrV65Eeno6AOQKdiYmJnj27JnO25VKJbCyKvVOtRMZiqWlmaFLIDIongNERGQIOoWsw4cPo3PnzujRo4dGu1wuR//+/XH79m3s2LFDryFr4MCB+Oqrr2BlZQUAUCgUKF++PL744gtcvnwZpqamAF4FPfW/ASAzMxNmZrp/yKpUApTKF+9W/P+TyaT8wKdCpVSmIydHZegyRDwHqLAVtXOAiIiKL0tLM617SOgUstLS0uDi4pLvdHd3d+zevVuXVedLKpWKAUutRo0aAID4+Hixm2BiYiIcHBzEeRITE+Hs7PxO287O5gc0FU85OSoev1Si8RwgIiJD0Kmzeq1atfDHH3/kO/3ChQv/GcJ0MWbMGPTq1Uuj7fLlywCA6tWrw8XFBaVLl8bp06fF6UqlErGxsfDx8dFrLURERERERPnRKWSNHz8e58+fx+TJk/HkyROxPT09HQsXLsT+/fsxceJEqFQqjf/eRcuWLXHy5ElERkbi3r17+P333zFu3Di0bt0aTk5OkMvlCAoKQkREBA4ePIhr165hxIgRsLe3R0BAwDttm4iIiIiISFs6dRccPnw4JBIJNm3ahE2bNsHKygpyuRxJSUlQqVQQBAGdO3fWWEYikSA2NlbnQj/55BPMnz8fy5Ytw48//ggLCwsEBgZi+PDh4jzDhg1DdnY2JkyYgIyMDPj4+GD58uUwNjbWebtEREREREQFoVPIsrOzg52dXa72KlWqvHNBajNnzszV9umnn+LTTz/NdxmZTIZvvvkG33zzjd7qICIiIiIiKgidQtbq1av1XQcREREREdEHgb/SSEREREREpEcMWURERERERHrEkEVERERERKRHDFlERERERER6pFXIio+Pf991EBERERERfRC0ClkdOnTAxo0bxceRkZG4fv36eyuKiIiIiIiouNIqZKWlpSEzM1N8HBkZib///vu9FUVERERERFRcafU7WVWqVMHixYvx+PFjlCpVCgCwf/9+xMXF5buMRCLB4MGD9VMlERERERFRMaFVyBoxYgRGjRqFn3/+GcCrALVv3z7s27cv32UYsoiIiIiIqCTSKmS1aNECv//+O27duoWsrCz06dMHwcHBqF+//vuuj4iIiIiIqFjRKmQBgJWVFby9vQEAPj4+qF+/Pho0aPDeCiMiIiIiIiqOtA5Zr1u9ejUAQBAExMTE4MGDB5DL5ahYsSJq1qyp1wKJiIiIiIiKE51CFgD8+eefCA0Nxb179zTaHRwcEBYWJl71IiIiIiIiKkl0Clm3bt1C37598fLlS7Rr1w41atRATk4Obty4gV27duHrr79GdHQ0HB0d9V0vERERERFRkaZTyFq0aBGkUimio6OhUCg0pvXr1w9dunTB0qVLMXPmTL0USUREREREVFxo9WPEbzp58iS6du2aK2ABgEKhQNeuXXHixIl3Lo6IiIiIiKi40SlkKZVKVK5cOd/pVapUQUpKis5FERERERERFVc6hSx7e3tcunQp3+l//fUXbG1tdS6KiIiIiIiouNIpZDVv3hxbt27Fli1bck3bvHkztm3bBn9//3cujoiIiIiIqLjRaeCLQYMG4eDBgxg3bhwWL16MatWqAXg16uCDBw9QoUIFDBo0SK+FEhERERERFQc6XcmytLTEhg0b0L59e6SkpODIkSM4cuQIUlJS0K5dO2zatAlWVlb6rpWIiIiIiKjI0/nHiG1sbBAeHo6wsDCkpKRAEARYW1tDIpHosz4iIiIiIqJiReeQpSaRSGBtba2PWoiIiIiIiIq9dw5Z78vSpUtx7NgxrF69Wmy7evUqwsLCEBMTA2tra/Tq1Qs9evQQp6tUKkRGRuKXX35BWloafHx8MGnSJFSpUsUQu0BERJQnqVQCqZQ9P+j9U6kEqFSCocsgKnGKZMhau3Yt5s+fD29vb7EtJSUFvXv3hr+/P6ZMmYKLFy9iypQpKFWqFDp27AgAWLRoEdatW4eZM2fC3t4es2fPRr9+/bBjxw7I5XJD7Q4REZFIKpWgrJUZZFKZoUuhEiBHlYPUlHQGLaJCVqRCVkJCAiZPnozTp0+jatWqGtM2bdoEY2NjTJ06FUZGRnByckJcXByWLVuGjh07IisrC1FRURg9ejSaNm0KAJg3bx4aN26Mffv2oXXr1oW/Q0RERG+QSiWQSWVY+vsqPHqWYOhy6ANWsYwdgpv0gFQqYcgiKmRFKmRduXIFxsbG2L59O3744Qc8fPhQnHbu3Dn4+vrCyOjfkuvXr4+lS5ciOTkZjx49wvPnz9GgQQNxuqWlJVxdXXH27FmGLCIiKlIePUtA3JMHhi6DiIjeA51CVmhoKLp06QJ3d3cAwIsXLzBt2jT069cPTk5OOhfj7++f748Yx8fHQ6FQaLTZ2toCAB4/foz4+HgAQIUKFXLNo56mKyMjnUa6z0Um0896iLRV1I65olYPffiK4jFXFGuiDxuPOaLCp1XIGjBgAGrXrg03NzfUrl0bW7ZsQcOGDcWQlZmZia1bt6JNmzbvFLL+S0ZGRq77qkxMTMTtp6enA0Ce8zx79kzn7UqlElhZldJ5eSJDsrQ0M3QJRAbFc4CI5wGRIWgVsrKysrB69Wo8e/YMEokEEokE69evx+PHj1G7dm1UrFgRgvB++/qampoiKytLoy0zMxMAYG5uDlNTU7FW9b/V85iZ6f7molIJUCpf6Lz862QyKd/oqFAplenIyVEZugwRzwEqbEXtHAB4HlDhK4rnAVFxZGlppvWVYa1CVlRUFADg3r17uHTpEkaPHo34+HgsWrQI6enpYvCKiorC7du34eHhARcXF8hk+hs5yd7eHomJiRpt6sd2dnbIzs4W2xwcHDTmcXZ2fqdtZ2fzjYmKp5wcFY9fKtF4DhDxPCAyhAJ10nVwcBAHkBg+fDj+/PNP7Ny5ExMnToQgCLh79y5mzpyJjh07agy/rg8+Pj44f/48cnJyxLZTp07B0dERNjY2cHFxQenSpXH69GlxulKpRGxsLHx8fPRaCxERERERUX60ClknTpyAUqnM1S6RSFC9enV8+umnAICpU6fi/PnzWL9+PYYPH67XQjt27Ih//vkH48ePx82bNxEdHY0VK1YgODgYwKt7sYKCghAREYGDBw/i2rVrGDFiBOzt7REQEKDXWoiIiIiIiPKjVXfBPn36QCKRoHLlyqhduzYkEgkePXqE9PT0XPc7yeVyeHp6wtPTU6+F2tjY4KeffkJYWBjat2+P8uXLY8yYMWjfvr04z7Bhw5CdnY0JEyYgIyMDPj4+WL58OYyNjfVaCxERERERUX60Cll79uzB5cuXxf8EQcD8+fOxYMECVK1aFU5OTpBIJLh37x68vb31EmpmzpyZq83NzQ0bN27MdxmZTIZvvvkG33zzzTtvn4iIiIiISBdahayqVauiatWqCAwMBAC4uLhg8ODBqFChAmJjY8Xg9e233yIsLAyurq7w8PBASEjIey2eiIiIiIioqNHpx4gB4KOPPkJgYCA6duyIp0+f4uOPP8b48eMhlUpx4cIFHD58mCGLiIiIiIhKHJ1Clo+PD8qVKyc+lsvl8PHxgZeXF1xdXfHVV1/prUAiIiIiIqLiRKeQtXr1ao3HpUuXztVGRERERERUEhXod7KIiIiIiIjovzFkERERERER6RFDFhERERERkR4xZBEREREREekRQxYREREREZEeMWQRERERERHpEUMWERERERGRHjFkERERERER6RFDFhERERERkR4xZBEREREREekRQxYREREREZEeMWQRERERERHpEUMWERERERGRHjFkERERERER6ZGRoQsgIiIiopJHKpVAKpUYugwqAVQqASqVUKjbZMgiIiIiokIllUpgVdYMUpnM0KVQCaDKyUFKanqhBi2GLCIiIiIqVFKpBFKZDBcXL8U/jx4buhz6gJWuWAEeA4MhlUoYsoiIiIjow/fPo8dQxsUZugwivePAF0RERERERHpU7EJWQkICnJ2dc/0XHR0NALh69SqCgoLg4eEBf39/rFq1ysAVExERERFRSVLsugteu3YNJiYmOHDgACSSf0eksbCwQEpKCnr37g1/f39MmTIFFy9exJQpU1CqVCl07NjRgFUTEREREVFJUexC1vXr11G1alXY2trmmrZy5UoYGxtj6tSpMDIygpOTE+Li4rBs2TKGLCIiIiIiKhTFrrvg33//DScnpzynnTt3Dr6+vjAy+jc71q9fH3fv3kVycnJhlUhERERERCVYsbySZWVlhW7duuHOnTv46KOPMHDgQPj5+SE+Ph4KhUJjfvUVr8ePH6NcuXI6bdPISD9ZVCYrdpmWirmidswVtXrow1cUj7miWBN92IriMVcUa6IPW2Efc8UqZGVnZ+P27duoXr06QkJCULp0afz222/o378/fv75Z2RkZEAul2ssY2JiAgDIzMzUaZtSqQRWVqXeuXYiQ7C0NDN0CUQGxXOAiOcBEVD450GxCllGRkY4ffo0ZDIZTE1NAQC1a9fGjRs3sHz5cpiamiIrK0tjGXW4Mjc312mbKpUApfLFuxX+/2QyKd/oqFAplenIyVEZugwRzwEqbEXtHAB4HlDh43lApJ/zwNLSTOsrYsUqZAFAqVK5ryrVqFEDx44dg729PRITEzWmqR/b2dnpvM3s7KL1xkSkrZwcFY9fKtF4DhDxPCACCv88KFYdYm/cuAEvLy+cPn1aoz0mJgbVq1eHj48Pzp8/j5ycHHHaqVOn4OjoCBsbm8Iul4iIiIiISqBiFbKcnJxQrVo1TJ06FefOncOtW7cwY8YMXLx4EQMHDkTHjh3xzz//YPz48bh58yaio6OxYsUKBAcHG7p0IiIiIiIqIYpVd0GpVIolS5Zgzpw5GD58OJRKJVxdXfHzzz+Lowr+9NNPCAsLQ/v27VG+fHmMGTMG7du3N3DlRERERERUUhSrkAUA5cqVw4wZM/Kd7ubmho0bNxZiRURERERERP8qVt0FiYiIiIiIijqGLCIiIiIiIj1iyCIiIiIiItIjhiwiIiIiIiI9YsgiIiIiIiLSI4YsIiIiIiIiPWLIIiIiIiIi0iOGLCIiIiIiIj1iyCIiIiIiItIjhiwiIiIiIiI9YsgiIiIiIiLSI4YsIiIiIiIiPWLIIiIiIiIi0iOGLCIiIiIiIj1iyCIiIiIiItIjhiwiIiIiIiI9YsgiIiIiIiLSI4YsIiIiIiIiPWLIIiIiIiIi0iOGLCIiIiIiIj1iyCIiIiIiItIjhiwiIiIiIiI9YsgiIiIiIiLSI4YsIiIiIiIiPfrgQpZKpcKCBQvQuHFjeHh44Ouvv8b9+/cNXRYREREREZUQH1zIWrRoEdatW4dp06Zhw4YNUKlU6NevH7KysgxdGhERERERlQAfVMjKyspCVFQUhg0bhqZNm8LFxQXz5s1DfHw89u3bZ+jyiIiIiIioBPigQta1a9fw/PlzNGjQQGyztLSEq6srzp49a8DKiIiIiIiopDAydAH6FB8fDwCoUKGCRrutra04raCkUgmsrUu9c20AIJG8+v/Yvv7IyVHpZZ1EeZHJXv39pEwZMwiCgYt5jfocqNFpOARVjmGLoQ+aRCoDUPTOAeDf82BUiwHI5nlA75FRMTgPfL4ZCSGb5wG9PxIj/Z0HUqlE63k/qJCVnp4OAJDL5RrtJiYmePbsmU7rlEgkkMm0f0K1Uaa0qV7XR5QfqbRoXqw2LmVp6BKohCiq5wAAWJpZGLoEKiGK8nlgYsnPAyochX0eFN2zTgempq/Cy5uDXGRmZsLMzMwQJRERERERUQnzQYUsdTfBxMREjfbExETY2dkZoiQiIiIiIiphPqiQ5eLigtKlS+P06dNim1KpRGxsLHx8fAxYGRERERERlRQf1D1ZcrkcQUFBiIiIgLW1NSpVqoTZs2fD3t4eAQEBhi6PiIiIiIhKgA8qZAHAsGHDkJ2djQkTJiAjIwM+Pj5Yvnw5jI2NDV0aERERERGVABJBKGqDehIRERERERVfH9Q9WURERERERIbGkEVERERERKRHDFlERERERER6xJBFRERERESkRwxZREREREREesSQRUREREREpEcMWXrGEfGJSFd8/6CSjMc/EX1IGLL0RKlUYsyYMTh37lyhbbN79+7o3r37f84TEhICf3//QqqIirqFCxfC2dnZ0GVQHg4ePIixY8catIaCHh88nkhfbty4ga5du2q0OTs7Y+HChQaqiMgweNx/OIwMXcCH4urVq9i2bRs6duxo6FKI8tW5c2c0btzY0GVQHlasWGHoEgp8fPB4In3Zs2cPLly4YOgyiIj0hiGLqASxt7eHvb29ocugIqqgxwePJyIioryxuyAAf39/LFiwAN999x0+/vhjuLm5oW/fvrh79644zy+//IIOHTrAw8MDbm5uaNu2LXbv3g0AOH36NHr06AEA6NGjh9iFz9/fHyEhIRrbio6OhrOzMx48eADgVXebFi1aIDIyEr6+vmjUqBGePXuGjIwMzJkzBwEBAahduza8vLzQu3dvXL169Z32VZv1hoSEoFevXti8eTNatmyJ2rVro23btvjjjz801nXhwgV069YNHh4eaNq0KVauXIlevXqJ+3z69Gk4Ozvj9OnTGsu92c1R233dsmULPvvsM9SpUwdt2rTByZMn4erqiujoaHGeR48eYeTIkfD19YW7uzt69uyJ2NjYtz4vISEh6N69O3799Vc0a9YMnp6e6NmzJ65duybOEx0dDVdXV/zyyy9o2LAhfH19cfPmTQDArl270KFDB3h6eqJhw4aYNGkSnj17prGNixcvok+fPvDy8kL9+vUxcuRIJCQkiNNTU1MxadIkfPzxx6hTpw6++OILnDx5UmMdx48fxxdffAFPT0/4+Phg4MCBuHXrljj93r17GDBgAOrVqwd3d3d8+eWX+P3338Xpb3bv6t69O8aPH49ly5ahadOmqFOnDrp06YJLly5pbPfIkSPo0KED3Nzc0LJlS+zcuRMtWrQoMl0aBEHAihUr8Omnn8LNzQ0tWrTA8uXLxXs8jh8/jq+++gp169ZFvXr1MGrUKDx+/FhcPjo6GnXq1MG5c+fQsWNH1KlTBy1btsShQ4dw+/Zt9OzZE+7u7mjRogV+++03jeWcnZ3x119/oX379nBzc0NgYCD27NkjzqPNedC9e3ecOXMGZ86c0ZhXm2PC2dkZkZGR4usTGRmZ53M0ceJENGzYEDk5ORrtYWFhqFevHl6+fJnr+Cjo8QS8/VxQv+cdOXIEgYGBqF27Nlq2bImtW7fmWTd9GHJycrB27VoEBgbCzc0NTZs2RUREBDIzM7Fw4ULxuH2zq9Q///yD8ePHw9fXF56enhg2bBiSk5M11n3gwAF06NABderUQcOGDTF9+nS8ePFCnJ7f5yzR++bv74/IyEiEh4ejXr168PT0xKhRo/D8+XMsW7YMfn5+qFu3LoYOHYqUlJQ815GYmIjQ0FA0adIEbm5u6NSpEw4ePKgxj7OzM9asWYOxY8fC09MTH3/8McLCwpCZmSnO87b3c9I/hqz/t2rVKty+fRszZszA9OnTERMTI94fsXbtWkyaNAnNmzfH0qVLERERAblcjtGjRyM+Ph61atXCpEmTAACTJk3C5MmTC7TtR48e4ffff8e8efMQGhqKMmXKYMyYMdi8eTP69++PqKgohIaG4saNGxg1atQ73Rys7XpjYmKwfPlyDBs2DD/88ANkMhmGDh0qfjDdunULvXr1AgDMnTsXQ4cOxbJly3D+/Pn3UtPWrVsREhICLy8vLFq0CC1btsSgQYM0vjA+ffoUXbp0wZUrVzBx4kTMmTMHKpUK3bp10wgi+bl69SrmzZuHIUOGYPbs2UhJSUFQUBASExPFeXJychAVFYWwsDCEhobCyckJixYtwsiRI+Hh4YEFCxZg8ODB2Lt3L7p3746MjAwAQGxsLIKCgpCZmYlZs2ZhypQpiImJQd++fZGdnY3MzEz07NkTBw8exIgRIxAZGQl7e3v069dP/FJ9//59DBo0CLVr18bixYsRFhaGO3fuoH///lCpVFCpVAgODkZ6ejpmzZqFRYsWoWzZshg4cCDi4uLy3e+9e/fi4MGDmDBhAubOnYvk5GQMHTpUfG5PnTqFQYMGoUKFCli4cCG6deuGyZMna4QUQ5s1axZmzZoFf39/LFmyBJ06dUJERASWLVuGrVu3ok+fPqhQoQLmzp2L0NBQXLhwAV9++SWePHkiriM7OxujRo1Cly5dsHjxYpiZmWH06NEYMGAAmjZtiiVLlsDW1hZjx45FfHy8xvaDg4PxySefIDIyEo6Ojhg+fHiBPrwmT54MV1dXuLq6YuPGjahVq5ZWx4TakiVLEBgYiAULFqBly5Z5bqNt27ZITk7WCHsqlQq7d+/G559/DmNjY435dTmetDkXACApKQlTp05Fjx49sGzZMlSuXBljx47V6jyl4mnSpEmYMWMGmjdvjsWLF6Nbt25Ys2YNBg0ahE6dOqFTp04AgI0bN6Jz587icqtWrcLLly/x/fffY9SoUTh06BCmTp0qTt+xYwcGDx6MatWq4YcffsCQIUOwfft2DBo0SOMzLa/PWaLCEBUVhcePH2PevHkYOHAgdu7ciY4dO+LYsWOYNm0aRo4ciYMHD2LBggW5lk1OTkanTp1w7tw5jBgxAgsXLkSlSpUwePBgbN++XWPe77//Hk+ePMH8+fPRr18/bNy4Ufweq+v3A3pHAgnNmjUTmjVrJmRnZ4ttCxcuFBQKhfD06VNhxowZwuzZszWWiYmJERQKhbBz505BEATh1KlTgkKhEE6dOqWx3rFjx2ost3nzZkGhUAj3798XBEEQFixYICgUCuHs2bPiPJmZmUKfPn2E3377TWPZqKgoQaFQCImJiYIgCEJQUJAQFBT0n/s2duxYoVmzZgVa79ixYwWFQiHExcWJ85w5c0ZQKBTCnj17BEEQhG+++UZo2LCh8OLFC3GeP//8U1AoFOI+5/WcvFm3tjU1bdpUCA4O1phn6dKlgkKhEDZv3iwIgiDMnTtXqFOnjvDgwQON5/KTTz4Rhg4d+tbn6c3XISEhQahTp4742qtfu61bt4rzpKamCrVr1xYmTpyosb6zZ88KCoVCWLNmjSAIgjB06FChYcOGQkZGhsbz1axZMyE2NlbYuHGjoFAohIsXL4rTVSqV0K1bN6FDhw6CIAjCzp07BYVCIcTHx4vz/PXXX8LcuXOFtLQ0ITExUVAoFML27dvF6UqlUggPDxeuX78uCMK/x5taUFCQ4O7uLqSlpYltW7ZsERQKhXD58mVBEAThq6++Etq0aSOoVCpxHnUtCxYs+M/ntTA8e/ZMcHV1FcLCwjTap02bJvTt21do2LCh0KdPH41pcXFxQq1atYTvvvtOEIR/X9t169aJ8/z222+CQqEQ5s+fL7ZdvnxZUCgUwv79+zWWi4yMFOdRqVRC27Zthc6dOwuCoN15kNdjbY4JQRAEhUIh9OzZ863Pk0qlEpo1ayaEhoaKbSdOnNDYxuvHR0GPJ23PBfUyJ06cEOd5+PChoFAohOXLl791P6j4uXHjhqBQKISlS5dqtG/dulVQKBTCkSNHcr03CcKrY1t9HqmNHj1a8PHxEQTh1THt5+cn9O3bV2Me9XF9+PBhQRDy/pwlKgzNmjUTGjduLLx8+VJsa9WqleDp6SkolUqxLTg4WGjTpo0gCILGZ+usWbOEWrVqaXyvEQRB6Nmzp9CwYUMhJydHXCYgIEBjOz///LOgUCiEmzdvavV+TvrHK1n/r06dOpDJZOJj9X0G6enpCAkJwejRo6FUKnHx4kVs27YNa9euBQBkZWXpZfs1a9YU/y2Xy7F8+XJ89tlnSEhIwKlTp7BhwwYcPnw4322qVCpkZ2eL/73ZJaig67W2toaDg4P4+PXnA3h1dcPPzw9mZmbiPJ6enqhUqVKB9lubmuLi4vDo0SO0atVKY9nPP/9c4/HJkydRs2ZN2NnZic+DVCqFn58fTpw4AeDVlaj8nqfKlSvD29tbfGxrawtPT0+cPXtWYzuvv1YXL15EVlYWWrdurTGPt7c3KlWqhDNnzgAAzp8/Dz8/P5iYmGg8X4cOHULNmjVx8uRJlC9fHrVq1dKorVmzZoiJicGzZ8/g7u4OExMTdOrUCWFhYTh69ChcXFwwYsQIlC5dGuXKlUP16tUxceJEjB07Fjt27IBKpUJoaChq1KiR72tQvXp1lC5dWnxsZ2cH4NVrnZWVhQsXLiAgIAASiUScp1WrVjAyKhq3dF68eBHZ2dkICAjQaJ8wYQJCQ0ORlJSU6/VxcHCAp6en+PqoeXp6iv+2sbEBALi7u4ttZcuWBfBqNNHXtW/fXvy3RCJBixYtcOnSJY2rNwWlzTGh9voxCUDjGM/OzoZKpYJEIkGbNm1w4MAB8Vz/7bffULVqVY19VCvo8aTtuaDm4eEh/lv9/vJ6Fy/6cKhf+zffsz///HPIZLJcXWlfV7duXY3HlStXFs+/27dvIz4+Hv7+/hrHu4+PD0qXLo3jx49rLPvmeUJUGNzc3DQ+L8uVKwdHR0dYWFiIbWXLlkVaWlquZc+cOZPnd6s2bdogKSkJt2/fFtsCAwM1tqPu1XD27Fmdvx/Quyka35KKgNfDAgBIpa/yp0qlwr179zBp0iScPHkSxsbGqFatGlxcXADo73c9SpUqpfH46NGjCA8Px+3bt1GqVCm4uLjA3Nw8322OGzcOW7ZsER9XqlQJhw4dyjWftut98/lQf8FWqVQAXnXNU38JfV25cuW02t+C1PT06VMAyLW9N7eVmpqKuLg41KpVK8/tpKeno3///hpf9nx9fbF69WoA/4aL19nY2ODKlSsaberaAIhfdPPa73LlyolvmqmpqXk+X6/XnpSUlG/tSUlJqF69OtasWYNly5bh119/xapVq2BpaYmvvvoKw4cPh0QiQVRUFBYvXoz9+/dj69atMDY2RvPmzTFlypR8u8f817GfmpqKnJycXLXLZDIxcBhaamoqgFd/GMhvWn6vz5v3670eNtXefH7yYmtrq/HYxsYGgiDkCmMFoc0xoX5NXz8mAeRaZsiQIRg6dCjatm2LxYsX4+jRo2jcuDH27duHnj175rn+gh5P2p4Laq8/r+pjTl/vp1S0qI+N8uXLa7QbGRnBysoKaWlp+Z5nbx7bUqlUPE7U5/eUKVMwZcqUXMu+3tUbyP05S1QY8vpcefO4zs+zZ89QpUqVXO3q99nXP2Pe/A6j/tx+9uyZzt8P6N0wZL2FIAjo378/jI2N8euvv6JmzZowMjLCzZs3sW3btrcu/+YVJW3+Unvv3j0MHjxYvAesSpUqkEgkWLt2LY4ePZrnMkOGDEG3bt3Ex3K5XC/rzY+9vX2um48B4MmTJ6hWrRqA3MFM7fnz5+KHnTY1qf/K/fr9M3k9trCwgK+vL8aMGZNnzXK5HFOmTMHz58/Fttc/dPO66TQ5Ofk/w5H6jSk5OVncb7WkpCTxzdHCwkIMi6/7/fffUbNmTVhYWKBq1aqIiIjIczuVK1cGAHFgg6ysLJw/fx4bN27EkiVL4OLigk8//RR2dnb49ttvMXnyZFy7dg179uzBjz/+CCsrqwLfKwi8epM2NjbO9VqrA1hRYGlpCeBV8H/9NXj06BH+/vtvAMjzWE1KSoKVlZVeakhNTdUIF8nJyWIQ1eY8yIu2x0Refv31V43H6hDo6OgINzc37N69G1KpFEqlEm3atMl3PQU5nrQ9F6jkUR8bSUlJGn+Rf/nyJVJSUnQ+D9Xn/pgxY+Dr65vvdomKqzJlyiApKSlXu7rt9XPnze8w6s899R8g9f39gN6O3QXfIiUlBXfu3EGnTp1Qp04d8VKseqQ99Ren17saqpUuXTrXDfLaDAwRExODzMxM9O/fHw4ODuKXNHXoyOuvvZUrV0adOnXE//L6gVBd1psfHx8fHD16VGPkmtjYWHHURODfv968/hw8e/ZM4+Z2bWqyt7eHg4MD9u/fr1HDvn37NB77+vrizp07cHR01Hgutm3bhl9//RUymQzVqlXTmPb6l8G7d+9q1JaQkIALFy6gQYMG+T4P7u7ukMvl2Llzp0b7uXPn8OjRI3h5eQF41WXq+PHjGl0yY2Nj0b9/f1y5cgW+vr54/PgxbGxsNOo7fvw4fvrpJ8hkMqxYsQLNmjVDVlYW5HI5GjRogGnTpgF4FSguXLiAjz/+GJcuXYJEIkHNmjUxYsQIKBQKPHr0KN99+C8ymQxeXl65RjI6dOgQsrOzdVqnvrm5ucHY2FjsYqoWFRWFBQsWoHz58rlen/v37+PixYvi6/OuDhw4IP5bEATs27cPdevWhVwu1+o8AP69mqOmzTGRn9fnr1OnjsZfONu2bYujR4/it99+g5eXV77hp6DHk7bnApU86gD0+sic6sc5OTmoW7duruNfG9WqVYONjQ0ePHiQ63ifM2eOViPLEhVlPj4+uHDhAh4+fKjRvn37dpQvXx4fffSR2PZm76W9e/dCIpGgfv367+X7Ab0dr2S9hbW1NSpVqoS1a9fC3t4elpaWOHr0KFatWgXg33uU1H1rjxw5gjJlysDFxQXNmjXD0qVLsXTpUri7u+PQoUM4derUW7dZq1YtGBkZYfbs2ejTpw+ysrIQHR2NI0eOAND9vgV9rnfAgAHYtWsX+vXrhz59+kCpVOL777+HVCoVg5KzszMqVKiAH374AaVLl4ZEIsHSpUs1uoVoU5NEIsGwYcMwevRoTJ48GS1atMC1a9fwww8/APj3y2mvXr2wbds29OrVC3369IGVlRV27dqFTZs2ITQ09K37JAgCBgwYgBEjRkAmkyEyMhJlypTRGG7+TWXLlkX//v3xww8/wNjYGM2aNcODBw/w/fffo3r16uK9OoMGDcKXX36J4OBg9OjRAxkZGZg/fz7c3NzQsGFDZGdnY82aNejduzcGDBiAChUq4MSJE/jxxx8RFBQEY2Nj1K9fHxERERg8eDCCgoIgk8mwYcMGyOVyNGvWDJUqVYKpqSnGjBmDoUOHoly5cjhx4gSuXr0q/sSALoYNG4bu3btj2LBh6NSpEx49eoTvv/8eADTu0zIUa2tr9OjRAytWrIBcLoevry/++usvrF+/HmPGjIGFhQVCQ0MxatQotGnTBikpKeJr27t3b73UMGvWLGRmZsLR0RG//PILbt26hZUrVwLQ7jwAXv1V/sKFC+JPE3To0OGtx4QuPvvsM8ycORO7du36z79eurq6Fuh40vZcoJJH/fovWLAA6enp8PHxwdWrVxEZGYl69eqhcePGuHfvHgBg586dcHd31+rKp0wmw4gRIzBp0iTIZDI0a9YMSqUSixYtQkJCQr5dbYmKi969e2P79u3o1asXhgwZgrJly2Lr1q04deoUwsPDNf44cfHiRYwePRpt27bFtWvXsHDhQnzxxReoUqUKbG1t38v3A/pvDFlaWLRoEcLCwhASEgK5XI7q1atj8eLFCA8Px7lz59C9e3fUqFEDrVu3Fru57dy5E8HBwXj69CmWL1+Oly9fomnTpggLC8PAgQP/c3sfffQR5syZg8jISAwcOBBlypSBh4cHVq9eje7du+PcuXN5Xql6G32u96OPPsLy5csxa9YsDBs2DDY2NggODsbixYvFLlAymQwLFixAeHg4Ro4ciXLlyqFnz564ffs27ty5U6CaAgMD8eLFCyxfvhybN29GjRo1MH78eIwfP17s22xnZ4cNGzZgzpw5+Pbbb5GZmYmqVasiLCxMHB74v1SsWBF9+vRBeHg40tPT8fHHH2Px4sVvvfdI/Ya1Zs0abNy4EWXLlkWrVq0wfPhwsTZXV1esXr0ac+bMwfDhw1G6dGk0adIEo0ePhlwuh1wux9q1azFnzhzMnj0baWlpqFSpEkaNGoU+ffoAAFxcXLBkyRL88MMPGDlyJHJyclC7dm1ERUWJV+SioqIwZ84chIWFQalUomrVqpg6dSo6dOig1euaF29vbyxcuBDff/89Bg0ahEqVKmHixIkYMWJEkbnH4ZtvvoGNjQ02bNiAn376CZUrV8bEiRPRpUsXAK+6hS5duhSDBw9G6dKl0bhxY4wcOTLXPSK6+vbbb7F06VLcv38frq6uiIqKEgdR0eY8AIBu3bohJiYGX3/9NWbMmIHAwMC3HhO6sLa2RqNGjXD8+PFcg8m8zsTEpMDHkzbnApVMYWFh+Oijj7B582b8+OOPsLW1RY8ePTBo0CBIpVIEBARg27ZtCAkJQadOnfDtt99qtd7OnTujVKlS+Omnn7Bx40aYm5vDy8sLERER7KJKxV758uWxfv16zJkzB9OnT8fLly/h4uKCRYsW4ZNPPtGYt2fPnkhISMCQIUNgZWWFAQMGIDg4GIBu7+f07iQC7zQmHagHAXl9ND6lUomPP/4YY8aM0ftfRnbu3AlXV1eN7n1HjhxBcHAwtm3bJg5EoquQkBCcOXMmz8FCSrqDBw/C3t5e46/CN27cQOvWrfN8oy9JoqOjERoaioMHD/7nPVJERETvi7OzszjAERUdvJJFOrly5QoWLFiAkSNHolatWkhNTcXPP/8MCwuLXEM468P27dsxb948DB8+HBUqVEBcXBwWLFgAX1/fdw5Y9N+OHTuGXbt2YfTo0XB0dERCQgIWL16MatWqoVGjRoYuj4iIiKjIYcginajvn1q/fj0eP34Mc3Nz+Pr6YsaMGXkOpf2uvvvuO7Hb1NOnT1GuXDm0atUKw4YN0/u2SNPYsWNhamqKxYsXIzExEWXLlkXjxo0xatQojd/9IiIiIqJX2F2QiIiIiIhIjziEOxERERERkR4xZBEREREREekRQxYREREREZEeMWQRERERERHpEUMWERERERGRHjFkERERERER6RFDFhERERERkR4xZBEREREREenR/wFyXvZmb5uXgwAAAABJRU5ErkJggg==", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "# Plot tag frequencies\n", - "tags, tag_counts = zip(*all_tags.most_common())\n", - "plt.figure(figsize=(10, 3))\n", - "ax = sns.barplot(x=list(tags), y=list(tag_counts))\n", - "ax.set_xticklabels(tags, rotation=0, fontsize=12)\n", - "plt.title(\"Tag distribution\", fontsize=16)\n", - "plt.ylabel(\"# of projects\", fontsize=14)\n", - "plt.show()" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "pfjVstecaFC5" - }, - "source": [ - "> We'll address the [data imbalance](https://madewithml.com/courses/mlops/baselines#data-imbalance) after splitting into our train split and prior to training our model." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/", - "height": 335, - "referenced_widgets": [ - "af9c5bab12c64dc396c28154ea13f516", - "7d1b4a63fa924fa6b136204ce1e67a42", - "795b443fc1834645937b199e1214fcc3", - "ccc7456ad5484dd2b7ccdd62bbc27d0c", - "53f5b6e055864bb19eadba0aa640668d", - "8a9678ac8f3e4af49c02181ce0eb6241", - "8c6ffc9537344c709b47a5acea0e3075" - ] - }, - "id": "NgMGuIQrNkSV", - "outputId": "0e58055f-0482-4ae0-f6cf-e2a8c2a8552c", - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - }, - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAZUAAAD7CAYAAACi0gmlAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMSwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/bCgiHAAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOz9d5wl13nfCX9PxZvv7Zx7enICBjMABoEACIAgwQBSDMrJkixbtuTsV9baft910sdJ9tperbT2ylagZJHKYgIIAgQJgMjAYDA5z3TOffO9levsH3Xndvd090x3z4Dk7ju/P4C51VXnnDpVdZ7zpN8jpJSS27iN27iN27iNWwDlez2A27iN27iN2/h/D24Lldu4jdu4jdu4ZbgtVG7jNm7jNm7jluG2ULmN27iN27iNW4bbQuU2buM2buM2bhluC5XbuI3buI3buGW4LVRu4zZu4zZu45bhtlC5jdu4jdu4jVuG20LlNm7jNm7jNm4ZtPWeKIRYcUxRIJtRUBRYyIdcPeV7laOvawliehqJxPVquH5t1fMEAoSClAEgMLQEQegRhO53d8DvI7SETuiHhG6w7LhiqIR+COH//xIpCF1H+v6NX1RFYAz2ILRo7xU6Ht747OrXCQGCdc+rkkkiLQfp+escNKjZNEG1Dn5w4/M3gURWJ91uIBRBZc6hVvTel36aEFGfvhvi1td/T0KAqiv4btg8ppsKsZRGZeEWfcNCoKWyqGYMGQR4lSLSf5/nYz3D0vQV41BjCWQYELrO5htWVPRMDsIQr1xY87T1ELCsW6hci5gp+NgTcT76RIJCIeD/928K7Nqu09ut8q3v2Jtt9iYgaM9spzWzjao1h67FuTL1nVUFRczIEjMyFKqjKEKlM7eHijVLqTb2PRj3rUdyIEe8K401U6E2VkRLGghV4FVdkv1Z6pNlAttHSxrIUBI6PmpMj86pOCiGipY0cIsWiq6iGBp+zYHvQzkkDD1amFUFQokSjxFaNggQhgGhRDoOSiqBdD2k76N1d+BPzyI9HyWZQDouUkqEoQMgrej9VeIxun/lr6C1pAFwrkwy+S9/C+msXFy0tizC1PEm5tY1br2jBW82v26hIjSN1MN3UXvjJHpVQVE0XLeKHzgoQkU3kgS+i6rquG4ViUQIBZDRcxOCMFx7UdQMhXs/3YOiCMJAcvnd4vsuVISAXLdJvehtSKgkcjqDd2Y58/J885iZ0mgbiFPJu7fkPY11D5DevpfAtggci/DyOfzvA6GS2r6X2uVzhN6iANHSWULXuSmhoug6qe170RJp5l59DsLNb1w2LVTu3GfwkccSvPSqxc/8WBohIs3lr/10ZlWhku0yKc2s76Y1Q0HRxIZeNIAwDFgoX2KmcJrdAx8jm+xH02LMFc8R09OkEl3U7QUGOg4TN3O01LYyOvMmQtHobt1PZ24XpdoEs8WztGV20JoewvEqTOdPYuppOnK7UISGG9QZnXljQ2P7bkJPGqQGc1RHC8Q6U7Ts76Y6WsCv5UkPteEWbPS0SWZ7O7GOFPkTk6S2tBJrSzL5wnkyuzoQAgqnpsnt6ybRnWHmtSs4C/Xv9a0thyKI7d5OUCwTej5qNo2Wy+JOz4LnYWwdxD5zASWXQe/rxh0Zxy+WMfp7CObzaB1tqLksSszEL5ZR00nUTIrqa0cgWP+7p3W2kP34BxC6Ru2tU7ij06QePID0A7zpBfy5AonD+xCmQeWbb6LEYyTu3UvlxSMAJO7eg5pJgh9QffUYxrY+jMFu/Nk89XfPkXr4LpRkHL2rFSEUUoku/NAlleymXp9HNxIEgYcVLJDNDKJpMcLAx/Oj56WpBqpqMjnzbkM7XwkhoG0gzjtfnmLsVBmIfm89lOOdr0xx8ONdLIxZ9O9Nk+uNUZi0SeZ0Js9Vae2NkeuNUSt4zI/WufhmgQd/pI9Uq8HMpRpvfWmSbffkaO2Lk+uKsTBu8d6zM+x6sJWth3K8940ZmHZItxvc/0N9aJpCqs3gz/7lGbbf18LO+1tBSo49N0s17/LwTwwwdDDHwB0ZXv6DUXRT4e6nunGtkJFjJSSw/d4Wdj3UilX2OfaNGTRT4eBHu1B1Bc8O+PbvjhD6q0sfoekkB7dTnxyhdvls83h65x3E+7bglYuUTx/FaO0gObQLoen41RKVcyeI9w9RGz6P0HQS/Vupj1wkMbCNeO8WvEqR4om30NMtJAe3IXQTpCT/7iskeodIbt0NYUD53HHc/Bwt9z6MlszgFuYpnXyHeN8Qbfc+Qrx3EHtqjPLZYyQGd5Ac2knl3Am8Uh5FN8neeS96Joc1NU718hnS2/ditHQgDIPa8AXqIxfI3fUARks7fq1M8fhbhI6NNTFMcsvOdb/3a2HTPpXBfo0z512+8S2ruTOYXwjoaFPo3pHkyV/cRiyloZkKiazG4U/3oJsKyZyOHlMwEirxjIYRVzESKnseacNMqgglEkCpFh3NUIhnNOIZDUUTxNMaiVx0fFUIga7GySR6EEKhXJ8iE+9GV+MkYm0IBHUnz2zpHPnqCCMzrxHKAFXRKVZHGZ19m5b0FjKJXtqzO7ky/QqOV6M1sw3TyKCpMYanXyUV6yBmZDc7de87KsN5Fo5N0X53P6ktrdSnyljTleg5KQI9ZRBrT5Ha2opiqBjpGG6hjlOoE+tMo+gqlct5hKaS292JljJQzdX3H6qpkuhMLB4QEGuJIdRFc6lQBfH2OMnuJMmuJGbGAAGKppDsTpJqHNcTkaaQ7EqS7E6S6Iij6ErUZs4k1ZMk3Zsi1d04N5QEpTKxfTshDDGHBlCzKYSmIgwdf26eoFDCL1dQW7JonW0gJUJVEDETra2FoFACKdHbW/Fm5pGOixIzNjTf/kIZ+/wo9ffOY52+goiZqK0Zqm+cwDpzBb9YofbGCbzJOWJ3bMebWSC0HBRTR+g6elcbtTdP4S+USD5wJ7Gdg9TfPYeaTpK8bz9aS4baa8cJKnWQEolEESquWyWZ7ERTYxh6EsNIoaoGjlPG8y2C0EXXEyAEdWthTYEC4DkhL39+lDs/3Mmn/uFOurYliaU0OoaiZ9s+kCDVahDP6BSnbRLZ6P/b723Bc0LqRQ+nHtDWH0cocPybs7z+p+Mc+GgnigKZDpNMh8mrfzTGiRdmkaFk+GiRWtElkY3ereqCy2t/NE6t6HL2lQUAZi7WePtLk0xdqLLzgVaqeZfjz80yfrrMi783gl31qS64jBwvkWrVQUTrx77H23nlD8eYvlBl9wfayHaatA8mePF3R8h0mLQPxNecC0XXQVHwK6XmMaO1g+SWncy/9gLS90kMbkfPtIAQLLzxLWLd/QhNw2zrQkvnMFva0VMZFDNGeucdFE+8jZbKEu8eRI3F0bOtlM8eo/De6xCGJLfuwpoaoXjyHdziPFKGVM6fpPDe66S27QEE1vgVnPwchXdfo3LhFADW5Ah+pYyaSAKQGNiKUFTmX/smif4hYp29xHu2UBu7RPnMeyT6hlAMk9rweQrH3kDPtqEl0xt632+ETWsqC4WAw4dMdm/XMQzB9iGdT3wkwdGTLpkOk3hWI9tl0tIbI9VqkMwZZDpM9j/eQTXvouoKSInvS2Yv17jjiU6sks/UxSpDB3MsjNVp60/QOhBHhpL8hEXX1iRGQuXCmwXGG7uppVCESkt6CwCXJ1/GDyzmSxfozO3CDz3KtUmkDAlDHxmGBKGHIjT8wMbxKgShQxD66FqCIHTxAwc/sImbOTzfwnKL+KETmRwUffOzvg4ITcMY6MOdnEY669Tw2tuiRUrUibUnqU+WqQznaT3QA0BttIj0A8y2JJXhBbTGIl6frqAYKoHtY89VUQ2VzK4OFo5OMP/uOGYujpNfXUsZ+tAW9nxmJy/845ewCzaqoXL4b9/D0f9xjOpUFYBEW5z7/8Fh6gsWMggJA8nJPzxNrMXk/n9wmOLlIp7lM/7aBDPvzfLkf3mC8dcmMFI6E29NMfH6JP0P9dN1Vyfdh7oY/c4Yoy+PMfPeLH6hjDc5Q1CuYB0/g9bZRpAvgiIQihoJEUPHm52PFvKYifQD1Ewad3wKvbeL0HYIZuYJa3W82QXkRn0WYYj0/Og6PwApCSp1wkodFIX4/m3oPe2o6QTeTCHyuyzRhIJSlbBuE9ouRiaB1pEjvm8roe0QOi6hZRPUbKTjIQmZz59dcyjV2nTz36piIFMhlp3HcVd+L0shBOQnLZ753y+y95F29jzczpV3C9F3CsTSGkLQECA+MgDPDlE0Qb3kIRSwqz5mb5zOrUnuerKTuZE6ue5Y0x87N1zDrvrIhivE90ICb1FbUDTB0F1ZKgseZ16aw4irHPx4F4oiyHabWOXoWs+J3qGrlgwJ+G7YdHUZcRXPCXGqPlbFp2NIQQiYH7Owqz5W2UePqWs/Ts+DMERP53DmpqKxmTEC1yZ0bQK7jhqLE1h1vHKB0LUj05NQqI9fIbV1NwD18csohomRayO9Yz+hE5nSFE3HKxcJrFrTP5J/52VSO/aTvfMw1YunCew6rfc8jLswi5FtRSiC0I38gKHvIYPIbCoDHxkumlAVM05g1wldh8C2UeMJ/HqVoF5FBgFShmjpLC0HH8RZmMVs64y+k1uITQuVo8dddgzp/J1fyLJnp87/9qutjIz7/ObvVWnd30695LPv0XaqeY+z35mnYyhBS2+M4rRNS2+cwAs58515dt7fSr3kMXupxsiJEkiYHa4RT0VazNTZCkIVtPTEiGU08mMWhUlr1TGFoc9s8SzT+ZPNY6X6BB0tu6lZc1hO5IDyA4dUvIPBzgeYmD8a7f6WaMJ1J0860c3W7odRVZ254nlUxVhXBEL60YepvPTKZqe1CRGPkbzvXoJvfht/PUJFgLltCCWZpPLtl6lPV5pO45lXrjRPm3rxUvPf80fGV23KLS7Ob/H0zNpdqoKuAx3MHJul+1AXw98aWfNcK2/x3m8fR4tp3PET+9Dj0as3f3qB9373OH598cMI3IC3f+MIXXd1svWJIUZfHuPi05eYeW8GI2Xw9q8faZ4bVqpYJ6JF1puawZtaOd6wVME+ea75/GpvvLvYV6G07Fy3Ul3zHtaElIQ1m8Q9e5C2i1+sLP5NgBIzUeImoesjFIEx1IO5rQ+hqtiXJ1jqBPBmiwS1yCckPR93ZJrYrkHSHzwY+XY24C8IQpdieXhd58ZSGnd9rItMh4luKFx5r0h+wiLdbvDYz22htTfG5ehmuXYQ134WmhmZr/KTNtW8u/p5Ag59opsd97fQMZSgmvfQDMGDP9LP+JkKsWQvJ16YJZnTCQNJ4IY4tegdce2AdLvJYz+7hdf+ZJxUq8FdH+2iZ2eKgx/r5sKbeaoLLh/8mS1ohsKldwp4drjuuZO+R230EplddxLvG8KvFKkOn0cGAe0PPoFimJTOvBdpKte0aU2OkN1/N6Fj48xOgRBUR86DIgCBXylhtLRf7al5XXLrbrRkBtUwUQyD0HPRkmm84gJ+vdqcPLe4QOs9D1Mfv0Lt8lkyu+8iuWUXgVXDr5axZ8bJ3Xkf7Q9+GKGqOLNTmG1dy8YphNJoO0/oWEgZomdayOy+C6O9i2ytQvnccaS3uaAHsd56KqtFf8VMQWuLQiqp4PmSQjFEmho7Hmjj9ItzPPJTg0ycLtOxNUkiqzN7pU5Lr4lnhQgFdFOlNGNz4oVZDn28m+KMw9SFKoc+0U3oh5TnHCZOV9BMhWx3jH0fbGd+tM7x52dZGFspWNSG9hA0HZICVdHY3vsYE/PvUbPnmpOqq5H66/p1VEVHyoBQhmhqDD+wURUdTTUIZYjv2wihIIRKEDroahw/dJAyXNK5ippN0/nXf46Z3/i/ooXGsqOdsq4jwxChaQhFIfTcaEerqghdRwgR7SI8L3p5FIESj6MkEviFQjPaR5gGMojaQYB0veaOV5gmSiKODALCcqU5JqEooCgIRYl2NW5jbhQFYeiRM1eADEKk664qOBU0FKFy9Q2QgC8dskMZ9v7QHoZfGGHbk0O8/h/eQtEVPvArDyzTVJKdCT7wKw8gdIEQgql3pjj9Z+dI96Z45H99CLtg41ZdTn3xDHOn5vn07z/FN/7eCww9Poie1Dn5hdPIQJLuS3Hv37qHb//Tl9bzyqKgoYr17cJCQgK53BGrJOP0/4e/ty5HPZqKmowTOm4UAGAahPXItyhMPdKQwjDSZoIQJRlrzLkHQiBtF6FHzxWhoBgaMgwJ6w5KItaMLgurFoThyv5vEkKJIrE0XSEMJVbZx3dDUm1GFNUpwa75qJpCGEiEAjKMBIhnByiqQIaRtuHZQUMYRO1W5l2MuApIXGtx7Imcjm4qyFBSL0cCI9WiE/gSGUpqBY9YWkMzlIaGEuDUAoQCyZZoXNW8i6oJ4lkdVRW4VohV8dBNlVhKJQzAqngIAXpMxSr7xDMarhUs05JWTohAjSUQmoYMAgK7jqIbKLrR+G0hGt9X6Dqo8QSBY0MYosaTkbZqR9q9YpgohgkS/HoVoSgIVV3mWG/2FYbRQh9KtGQqWjeEwK9VlrUVei6hY0fX6XqjPwsZ+NExVSX0PELXbp4PoOhmNN5ENEYhBL5VQzTuF0VB+h6Bba26Fryv0V+93Sq5rMK5ix6T09HC1tOlMtgvePMrkcr43P8Z7W3ES/PR+ET0bcgQDn2ii4tvFprRGq/+8Xjzby/81pUV/SWyOu9+bYowhJae2KpCJbgmuiVmpOluvZNyfbopUACkDJeFGy+NEPMDq3ls6XEpQ5DRi+8FK/s2tw2ReewRtPY22n7qR0FC/s++RFitkf3YhwktC629DTWbofrKG1hnzhG/Yy/Juw9GQsd1KH/rZdzRcbTWVlo+80n0/j5mf/O38OeiKJe2n/4x/Pk8WksOJZnAuTxM6dlvIjSN7EefILZ3F9aJ05SeeS6aswP7SRw8gHRd1GyGoFyh9Ow38YslknffRWzvbpSYidHfh3XyNMWvPktYX2nm2pN+kIHE/ugBApKQF+Z+h7bdbWimRqIjTrwtTqY/TXVm9TDu6kyVo//jOKEfcO8v3U12IEMYhEy+NcWx3z2Ot0RTUQ2VB3/5PhRN4a1fP4IMNh7OI1DYkT7M1sTBdZ0/54xwqvwiTri+YAQ1k4hMeXUnilABglpjwRcKoeOCpiJUBYIwCgUWItIeBQSFyspGpURNJ1HSCZREDKGp0TVBQOj4hHUL/KAprG4KqoKaS6Pl0pHQUgRhEGI7HkGpQiArQEj1mhBdj+UCzbVWmgqFrmGpaZRcAmEaxHsVpOcTVGowk4dGxFt9leiy4vRyrdwqr4yOkyHLxuW7ksrc8nG6VrBibL7rr9nminswdETaQE0lEHETQ402JzIIIr9bLYafLxM2rAiBtfjeBNbyb+DayCwZhJH5SlXR2rKomWiehKYiPZ+wUsebLeBXV5osr20rsOtwzetwbf9oAr2zI7oXQ4ssM270PvmFCsgQGdIUXDeLTQuVew+a7Nqhc2m4TND46NMphV/+21l++Odml53bFG5y8d/DR0tYFX9RLZOrCsYmRo6X6NqWJPAlc8Pr+/Btt8zw9KsbuKvNw7lwiUKpRMdf+xnmfuv3mjcjDANhGmiJOKWvPx8tNkEAQYBzZQR3ZIzQssk88Sjx/XtxR8fx5xfI/+lf0vLDn13Rj5pJk//zL6PEYnT8/E9Tff1tgkKB4le/TrpURkkml52vdbSR/+O/xF9YIPcDn8DcugV54RKxndupvvwa3vQMuc9+ivqJ06sKlKW4qq1KCZqpkR3I4FQczIyJXXDIbcutKVSuImy8K0IV0Pjmr33svhPwyr9+nX0/sofWXS1UJiubChMVrK5h3woY/Z2IuIE/X0JNJlBSkebhzxYwetvx5kv4CyX0zhaCSh29uxU1GcebLeDN5AlKi/Ok5lLE9m4ltmsQvbcDrS2HmkuhmHqkxXg+Yd0hKJRxJ+ewjl2gfvTcDYWLmkmSfvxelGSM0HIoP/cmYc1CbUmTfvQeYnuHIl9PNoVQVaTvE9ZsvOl5nItjVF89jjs6fd0+lkFRMHcOkLr/DsxtfWjtOZRkHKGrhJaLP5fHvjiOtFc350rXp/buWdzLE8uOpx4+iDHY1TgJCn/2wrpCsYWpk3rkEHpnCwD+fJHKy0eR9tpmHa2zhfgd2zG39aH3tEfPIp1YDDf3PMKajZ8v4wxPYh09h3X6yqIFYD1QBMaWHpL33UFs1yBaRwtqKo4wNELHw58v4lwaJ6yu/j3KIMQ6fhH7zMrN97X3n7xvP/E7d2IMdqG1ZVHiJoSS0HbwCxW8iVmsExepvXWKsHZrUkE2LVRMU+B5silQAIrlgJbc+swNhamN3YBTCxg9cX1n44oxKkl2pu4jpbUuOx4SMFo/ybR9cd1tGUqcOzOPoyvLo0YkkpHacaadtdsSQmBfuERQXG6/1zJpkofvRm1pQWvN4Vxe2ydxFfa5C4TlCmG5gvR81HSKoLB2spI7NoE3M4u0bYJCETWdujqo6EO5upv2NhaDb2ZNVFPl3F+cpzxeYeDhfjKDGVRDJdmV4MFfuQ/f8hl/fZLJNydJtCd46J88gAwlxcslKuMVEh0Jug918eiWh/Ftn0vfuML4qxNIP8SzPEZeGuXgzx9g+sg0TjnSaGWwftOPlCFhI8GV5n8X/3UzAkcGIXpLBr09R1izEDETggAtk0Brz+EXq4DA3NqDn6+gJEwAlGQs8pkAKArJw3vJfuJh9O42lFQCoawck1BVlJiJ1prB2NZH4uAuYvu2UvizbxEU1v4mlFSCzIfvQ2vPEVRq2KevENZtWn/q48T2DKEYy4NNhGqgmAZaa4bYrkESd+9h/ne/in36+osXRNpJ6oN3k33qIfTO1oYPgebmSkmYGEO9GEO9a857ULPw5oorhEry3r0k7tsfmYnDkOKXXlyfUDF0Ug8eIL5vKwD2+VGqb5xcVagIQyfzxGFSj96N3tGCiJurjlNoKko8htaew9zRT/LwPiovHqH4pZfWJ1gUheT9+8l99nGMnvYovwoW5ylmYAx0YQx0rTlPoecT1u3rChW1LUvbj3+U+IGdKKn48rZUUHUNNZ3EHOgifmAn8YO7Kfzx83iT68uzuh42LVQmp3w+/Gicuw+YTEz56Lrghz+d5Ojxm8jqvMVQhEpKayVndC07LqWkpM8xa18hZH2RPnElTbu5ZcWDllIyrTZCaq+zm5bO8hdZxGO0fPZTVF55A+vp50jefy96Z/saVy8itJaY3qSEGyyMkZ8kXHK+QlCt4lweJvuxDxOUylhnzmFfHr5h30tRm61x5L8eRTaCAcZeHUe8JpCh5Lm//02aprIwso9/65++tKjpNI45ZZdn/uY3Fsfa8BU8/Te+ARKKV0q89M9faZq/KpNVXvoXy4MghCqi7/GaTHZJyIXq24zUT6ArMQwljqHE0JUYMSVJb3wXcTWzoXteCvv8KPaFseg+l6rYVx0QjfGUnn978b0QROde/R1GzmO9rwM1GUdKSWg5hDWL0HIWs/41DTWdQM0kEaqKmkqQfuxeCCXzn//aujLshaGTfOAO9P4u4vu3QRjiFyuElXpzgRYxAzWXRombCE1D7+uk/ed+gNnf+BPckanrtp984A7afvJjiEY4dlCoYF8Yw7k0FmlHmRTmjgFiO/pRs9HGRkqJdFzCmk3oeoSlKmHl+pru+wXp+YiYid7TjmJEPtCgbhPWLKTtNiMChaGhZpKNDYCClkuT+/SjhDWb0tM3DtCJ37GN9p//THOTEZZr2JfGcS6MEZSrqKkExrY+YjsGUFszkSCVEulGGpJ0PcK6RVBc21Sl93fS/rOfIrZ3qGFyDfEb0YjNZ23ojfuIoyRiJA/vQ8ulmf+dr9zwWd8ImxYqx065vHvc4e/9QhbLCTF0gWVLfu3/KN7UgL4bEEKQUNNoiom7Tht6Vu+44c42sq8K1NYWgnIF/LV3U0JVEYaBNzOLMAxiO7YRlDemiW0WQigoqRR+voA3ORV9HC05/PmF9Tcir3HaLfkdJZVJtKRB+939OPk6lZE8fnXlDjH0V2oeS49d609Z9ltAarAFr+pgz61cjCQhTlhf4SfRhEFW77opoRIFQa2MhFphww2Xz9G1cC6N41wcQ+tsxTk3gnNlEndsGm96gbBaRwYhSjKOua2P1MMHSd63H8XQESIyC5W/9TbulckbDlfoOukP3t1kIKi+eoz626dxhqcIytWIlqQtS/zATrJPPhCZ94RA72kj9chBClPza+7E1WyKls8+HplWAG8mz8Lnv0b9xMXlAk9VSX3gTlp/5CNo7bnI+X9xnNLXXsGfLxIUyrfGX7QZSEn9ndOkHr4L6XjYF8dwrkzgjU7jzRUJa9FmTs2miO0cIP34vcTv3NnULDMfuZ/amyfx54trdqEk47T80BMoiUgL8ktVFj7/NPV3Ti/XvFSFxIGdtP2Vp9C72wDwpuYp/OkLeHMFgkJlTdOYkoiR+4EPEts7hFAUgppF7Z3T1N48hXtlIsp1QqDlUpGp8uGDJA7sROgasZ0DtHzuQ8z9tz8jtDavHGxaqFRrkt/9wwovvmLTklNwPcnImM9CfvORKe0dCluGVGLxKPzuKubnAs6dWSdH0jqRUDPowsBlvUKl64bnhNUa1snTtP3o5wiqNYpffjqKAFsF0nFwLg/T8pmnCCpV/HyhaTJIPXg/sTv2YG4ZpPWHPo07NkHlO6+t2a85tIXk/fdibt0CqoLW1rIY1rzCUSXRWlvQ2lpwLl4mtCz0nm5SDx6m9M0XmxQltwJ6JkZqSwuV4TxCUeh6eCuKrlA6N0dmWxtqXKc6WiA11EpgeTgFCyEg0ZOhdH4ONa6jaAp+3UOogsz2dhaOToAqaNnfjT1bRTFU9EyMWHuK0rnZpub0/xT4+TL5P34ehMCbmkeu8jGHlTrWsQu4w1MocZPE3XsQQkQ283v2rk+oKAKRiCHDkNJXX6H09KvNhbI5lpk8lRfeIqzUaPvpp9BaMwhVJbZrC1pbFm9qftW24wd2onVEfgspJaVnX6N+9NzKE4Mgopnpbif3mUejCKtMkqBSw5uYXXn+dxnuxCzzv/1lgnINf7awqhAN8mVqb57CGZ6i6x/8BOaWnihyKpsktm8r1ZePrtl+bPcW9N6OpvZR+fY71N48sZIvLgipHzuP9vUW2v7KU6AI1HSS0HHxxtYO8QdI3LuX5OH9UbSn71N+7k1Kz7y6Qgj5C5HPz74wRsdf+wzxu3ZGm+27dxM/tJvaa8fXP3HXYNNCRRGQTCpYtsSbjwRJNqMSjymMT25MACgq/MBn4/z1X0yiaWLFOvjStx3+7b+8+V18KAMECkII4moWQ4lTC4rruFKQXWJCW9rO8g5Cis88F9mqJYR2FFJc+NLTyGtoP6TnU/za16PILykj9bshVGpH3qV+7HgjVA5kGEWcLPzBH0cmkQZmfvO/R+YtIXBnZqLwYQkgCR0Xd2IK69SZ5sdRfiEKxY3fuQ/puFTfOgJhSMyySdx1RxTSuNFJve6sQWqolZb5GoVT02R3d3Dxfx5BIKgaGi37uuh+ZBulC/OYrQnS29pwizZOsU7/J/bilWxkKFF0hdp4iZnXhxn85D4Kp2dwixaF09N03r+F1jt6mPjm+e8LgaKYGqEfNKK8RCOkWyAbkUcrWFelbAoFM2vSeagXK283zYNXUZ2uEZSqFL/0EomDu6ARjWTuHlz32KSUWMfOU37ujRUCpYlQYh27gHX3JVIPH4y0ld521Fx6baFyx/ZmBJy0HGpvnlp7DJ6PfW6EoFhBa82i97QT2zmwwo/yPUEo1+U/gkgAl55+lY5f/MFIwOsaxlAPXE+o7BpEMSPzoHRcam+dWpuANJTY50fx5wro3W2ouRTxAzuxT19e08wudI3cpx5pMkLYF8cp/uW3r+t/ChZK5L/4DXr3bYsiw1SF7McepP7OmY0FHyzBpoXK1iGNf/iLWQb7NPbtMbhw2WP3Dp2vPlvn7/6TDZhRgFhM8GM/meC5r9t8/as2tfryWbPqt2axKHrTpLV2dGGiKTpJLUfBu7H9MKakiCmLUVV5d4I2Y2D1k32f8Bqzl3RXjzaRnr/sgTcD4Vxv1Qd6bWa9tBe1CmkFq75rS4WZbDjj/dk54nfsI/XgYQhCjP5e3ImpNbWqzUICC0fGGX/2LFrSwCs5hE5AZlcHnYcHcCtOpKLbPqEbRE54AYqqMP/2GOmtrVFOhBrlaCR7swR2gHQDfNsndEMkEHgBsfYk1bHi95R9WcsmSO8fwF2oEDoe0guQUhLf2ol1ZRYlpqOl4ngLlegce/kzlqFENVSMlE4sa5LpTyMUgZW3OP/0FUI/xB2dws+X0RuagZZJrXt80nGpvnGSoHT9BM/QcnDHZqKNjqGjJuOomcSa52tt2aZhwZ8r3nAxCio1gqqF1ppF0TW0thxC19bP2Px9AufKBGGlHvG2KQpqau05AlBz6aZjPihUbmhiCi0bv1hB725DNMKPhWmsGb0WP7gLrTMKSpJSUv7G6+uaU3dyDufSGPG9WxFCoLXnMAa7cC6unhx9I2xaqOzfbTCfD/k//nuef/aPWviVf7HAhx6J09218SZVJdp4ffMbDufPvX8vlhVUSao5ILL9ZvQOhHUOyfVNdhm9rcH4GqHkza0tVP4fAHdqhsqLr6B3tiOB2rvHcMcnr+sD2lQ/RYv8iWgXHjg+c+9ELNDWdJn5oxOEXkDp3CxO3qI+UWzs7AWKqeEWLerTZWQgUXSV0PExWxNMv3yRwA2aPo3S6RlKp2fQkhvj63o/YLSnMbqzaC3JKLy4UCX0AhRDI7G9Gy0diyjsUzH8irVCqPi2z8KFAl7Nw8wYzJ3N07YjR2WqRng16i2UUahyR0tzh0wjF+ZG8OeLEYvyOuRuUKpGC1IjQkyJNxIwrzUjNMawGIQRcMMO5PL8AaEqNww4+X6E9PzIuZ5JLj4LRay5sRG6umSewuvnUMASv13j+obmu9ZV8Tu2R7lNQFit46xX+5MSd3SG+N4oSk4xDYz+74FQUTXB3HzA1EyAZYXU6pKnn6vzh7/Vya/9+sbaCgKYmQnp7lY4e3pDBLEbghfaOKGNoSQQQkRCBXHDbyyjRecBBNKnvi6T2fcxggB3dAx39P2l+g8sj9p4FEYt/ZDqcB4Ar+xcl/5lLdSnVppA7fmGg37+exM1tBTW6DzOTKmZ4EgYsSM0w6Ab5kxEVJvlWoReSGUi0iLsYrSLrc9ZBF7QXKclrMjoF+LG7zBAUKziXycEeSmk5y9fHPU1lgopCar1qHSAEKiZVNM0txaUeKzp1JcNipsN8619PyCUSO+acV+N/lvt9JodZcgrCmoyHgmh60AxIy0RGvNku2tqgcI0MHo7msLZz5cRihIltt4IqkK4NHdIUyPta5PYtFAZG/fobI8KdA2P+/yrf9yClHDq7Pr4YmIxuPf+aHepCMHIFZ+/+XdTDG3XuHzJx3MXH8zcbHhLHPWq0Ch7s6QbeStprRVV6I1chtUhEKT1NkSD0LnmFwjl5oMRlkITBoaSQFcMVKEvE1xe6OCGdTx560O0VTRMNYmuxFCFhkBBEuCHHk5Yxw2tZdrbrTYoKWiYagJDxFAVDUFE4RHKAF+6uKGFE1q3tufr7CBvFaQXRALgZqBGC4GSjEdRXrqKtpRux4jCizeD0LLX9qWsimu1kpWHAOyzIyTu2gWqQG3NENsxQP3dNUgvVQVzqAetJYq8C6sW7tT8+0I9c7MQmho9h0QMYWgRPZKmRr5PRUFryaDEzHW3Z1+eIPXIQUTMRMmmiO0ajIq+rdp5lGCrdUXRX9Lx8MZn1hS+aks6SjRtCBVjsJv+//QPNnbDV7terzBaA5sWKifPelwZ9SmXQz7/xSpPfSSOogi+8uz6dozZnMLf+YeLlMsyjDSUJz++8mZef8Xl3JmbpxBQhUbBm6aPPUC0uKX1NvLu2mqiqSQxlWTzYVX8PEsj0zYDU0nQbg7SavSRVHPEGgu8goJE4ocuVlil5hcoulPMOMM44c3vxAUqrUYPXbFtZLR24o2wagWFQAa4oUUtKFBwp5mxL1MLoqTKkODqBvumoKDSbg7SZvSR1tqIa5lIsKEikQTSwwkt6n6JojfNnDNK1V9A3qRwUeI62YODVM9O4xW+9xrNalAySeL7tmJu7UPrbIn8DckYwjSiwI9GkqrQ1KZTfKOQfvC+aAT1t0+RfeohtGwKIQS5zz6Gv1BaNd8htnsLqcfuiXwoUuJNzOJc/P4qjqd1thDbMxQJv44W1JYMStxEMY2IvkVVouehNYT9OmEdv4C/UEbvbUcIQfYTD+NNzGGfW5n0bAz2kPnEQyhmFMgTFMrUj6+dYB2VUVjUEG+KSUKIxaTMTWBTQuXDj8Z5+XWbhXxIX4/KxJTPf/3djS368/Mhv/x3ius6t77EUZ/sy7Dthw8soQyJomwCy+P0f7t+4SxFaJTc5TuDjN55XaESV9MYSqzZV9Vf2PTiKlBoM/rZmjxIRu9AE8aKhy8AQ41jqHGyeged5hDd8Z0M195jzhm9of9nLegixlDyLnrju4gpqRX9akJBU3TiWppWo4+e+E4uVt5ixrmML11uVmtIqDl2pg7TavRhKLFlPiqI7lsRKroSI6nmaDP76Y3vZqJ+luH6sU3f99W2E4PtuAu17zuhInSVxN17yH7sA+i9HdFuU1lizpLN/yz5vUmE8n3RCLyZPOWvv0rLD38EFIG5rY/OX/oh6scv4JwfI6zbKOlElKV/aDdaV2sU8Wg7lJ597bq5Hd9NCFMn/eg9ZD50L2pbrplPsvgsVj6Hq2a/9SDIlyl+9WU6/vpnkIqC3ttOx9/4HPXjF7DPjhBW6ijJGOb2fhKHdqP3d0brWxBSfOaV62a7C0NfZnaUYdjws238hYm4yTb/nmxKqPzqP2nhkz8xzUJe8oXf6uRHfn6WmdmN7YACH8ZGF6/RtNX9xLq+3Mdi5+uMPn2Wnke24lYcimdmSfSkSfTcOJFNFRqetKkHRZJaFD3ToncxfJ1rEmq0m4aImbfml9CV9au8S/vuj+9nZ+pwZOq6NjN/ycMXS8SWphi06D2ks21crh1ltH5iBZvujaCLGHszD9ET2xm1vgorADQcgQhUoZFSW9iffQyzkiCUfmNR33jdBYGg3Rxkd/pBkmrLqh/g0v6v/l9FI6nm2Jm+n7TexrnKa+sme1w+AEFiWwfWeB41tmnFfBl0AwxDEAZg23JNf6tuRFVZ1/IRClMn+8lHyH78A5GJhUib8ItV/GIVb2qeYL5IUK4R1Bv1VAKf1h/6MMZg9y25l1sCKSk//xYiHiPz2D0omST6QBfZ/k742JLJURqMskGIv1Ci8OffovbW6Rs7rDcNEWkV64CaS9HyIx8h9dBdzcCD0HHxi1WCYgVvah5/oURQqUVsB46HiJu0fPbxJrfYelB77ThqNkX2Yw+iZlNo3W1kulrJPHHf4klX5ymU+IUypa+/RuXbR647TzIIl5l3reMXmfu//mKD5s5r2tskNvWVqUuu0nVx02YRXYdP/ECcE8c8Ll9cLlk+9lScsVGf996NFtLA8ildmGfLD+zjyl+exClYFC/McegfP37DfhTUKDnLm2sKlaSaQxX6qgu1QBBXM2iiEfcd1LCDKqayMSeWgsZAfD87U/ejKouTF8oQO6hQ8RdwwhqB9FHQMJQYKa2NpJaNKOeFQBcmO1OHEcBw7di66WUECltTd9MT27VsQQ9lSD0oUfbmGj4UiSZ0EmqGtN4eUZuIGFtTd1O7CZNfq9HPnvRDJLVc85iUknpQouLncYM6gfQQQsVQTBJqjrTejiKUppDrjm0nJOB85Q3ccKMficSaKEAg8a3N1Ye4Fh0dCg9+wOTcWY+Ljfc1ZgpKJUmuRcG2JbYlGRhQmZsLqdck8bhAUaBcXvzwE4f2kPvkwxEtvpT4xQrVV45RP3IG5/LE6uGgmkr24w/dkvu4lQjrNsUvvwRBSO5Tj0TmraDBu6Y0SDHLNt5sHufSOLU3TkTRSe+bQGkkfBrrWOI0lfRj95J66K6IokVK3Ik5qq+8R/3IGdzJuVWj67TOVsJPbOxZSM+n/Ozr4Ae0/OCHUBKxxgIuQWmQelbtiFTy8gS1N09F5rEbLPLScZflsIl4o9TC9yBMe9Nbt1sZAGiYgh/+8QSzMxUuX2M23LFLY+9+rSlUriJ/bIo7/vZDOIU6RjZG+VL+xmMWkc+i7M/RI6MMUlXRSapZyv7KxC5NGCS0Rf4dJ6zhhDWUddbouIqO2CBDyYPN6ySSMAwYtU4wbV/GCsp4oYMkRCDQhEFcTdNuDrIleQBDxBsLrMJQ4i6csMaEtUrG8ipoNwboi+1adiwIPSbsc0xYZ6n5RXzpARIFFVNNkNbaGEzcSZvRT0xNYirxZqDCRhBTUpGG0hAoUkp86TBeP8u0c2nZfUM036aSpNXoYXvqMGYjSk8RKt3mdireAqP1kxs2hcX7Wknv7aV2eRZrZGM5VKthfj4kkRRMT4dkswqPPGpy8oSH6wYMDKrs3q3x539qMbRVw7F9Mhm4406Njk6VP/vjOrYNCEH2qYcWHb1+QPFLL1F56d0VPHFLIYRoho1+v8Ec6o14xRQFbzZP6ZnX8GfzEdNyEEQFzEpVgoXSd2exUwRKYu2ywVehJuKkH7+nKVCCQoXCn36T2pEz1+dVE6xbE1oKvaed+F27ELoWJbQ+82qUKX91nhwvyupfKK5eu2cVhFUrym9rmOP09uz37D3ZlFDRNcFXvtBNEEBXh8pf/n5Xc+4vj3j8zC9tjOlSUSAeF+QXVi4WU5MBh+5dWbp34tuXWDgxTbwziVuyo0qHN0C0MErK3gIhASoamjBIaa2rC5XGzvkqrKCCE1ooG3CCxdUMWxIHmgskRIv6mcorTFkXVmgcEoknHTzfoeLnKXoz3JX9CKYaXa8rMQYTd1L2FqisMualMJUEA4n9GMpiVEgoQ0bqJ7lYfWtF3yEBVlDBCioU3Gnuyn2ENqN/w0IUIq1we+reZqQdgC9dzpZfY8peed9X/+4HLnWrSD0osz/zKHE1EuqaYrA1eZBZexgr3AC7ggR7skjL4a0o+q35yFwnMnvV65K2NoVCPuTCeZ8tW1T27tPYuTNiJlAUSGcEYQiFQoimCdJpBdsO0fs6ohDQBrzpBcrfevvG5JAiouz4foPW2ULrj38Uc0c/Yd1m4Q+eof7uuVviw1kRXLDOxVKYEbPzjWBs7WnSzADYF0apvXP6htqB0LQNR0kpyRhtP/VxYvu2Qhiy8MVvUH3lvXXlGV0PQbmKP1vA3D4Q5UK1ZCN26vx3h09wKTYlVH7u78yhaasvrJa18ckJQ/A8SU+vuix0WAjYvlOjUl6pIgtNIdGdwilY1CbLxFoTWLPXzxS+aqhzwzpWUCGltaAKrWkKuxa6MElqWSAK840ivzairgs6jEFa9J4li3rASP3EqgLlWkhC8u4k56tvsDf9MJoSOfYzWgfdsW3UqoXrtpHRO8jqncvMXiVvhku1d27YtydtzpS/w90tTzXnYCNoNXppNweaDnmJZMw6zYS9dn31q5BI8u4k49YZtifvQRXRpiKmpuhP7OVC9c0NjSX0fMonx5GrkFduFqPDPoEvqddCJsYDAj96j2dnQlzHI2YKhIDuHoVLFwNcV2JZ4DjR+6O1ZJZF2DiXJ9bFNqy1ZSIyxu8zxPZsJbajP+Iwm5yjfuTsLTNtXUsyqeXSuJUb+9fiuwdvmAsCoLXllnTWoM1ZxyKvd7VsOJ/D3D5AbP82hBB4s3lqrx67aYECgATrzBWS9+0HRUMogvQjh3DOj9582xvEpoTKeydcBvs1VBWujCwKAUMXPPpQjPZWlSPHHarV9b1Unis5cczjJ382iRBw+aKPaQruvd/goUdMfu3frJS2fY9vJ72lBa/mcPGPjrH1M/s5/VvrW2y80MEKyqS0FoRQiKvpVf0qV0NuAUJ8qv7GTCcKCn2JvcsW9aqfZ9q+tG6fCEjmnVHy5iSdsSEgMoF0x3YyWj+5pvNaQSWnd2Msqf8SyqiOzHod/VZQYca+xNbUITbiOVPQaDMHlvmeLL/CeH1tTqhrIQmZc0boi+8mqSwK/a7YNi5VjxCyfvOJUAResU54szkkS/DmG9EcOo5kYSEay/CVgOHhxUTF579xbY7Rdfpf5wKc+uDdNxXu+b5ACIy+xcQ72eA9u1VCZVl0mBCYu7bg3oBYEU0l9dBdm+twPeNWFFKPHNpQSDFEuSfNbgJ5S5kE6u+ew//MY+iNTUfinj0Y337nu86rtmmfyqE7DX7oU0nK1ZC3jzr8yZdq/MLPpHnwcKQOvnPU4df/exklrrPrw/20DkVhrMNvzHD5O8urybku/OHna/z9f5Tmn/6LDIEfzbWmC/7w8zVefXllAmDL3k5Gnz1H1wODyCAk0bt+GnMvtKn7JaQR2R9jagpTiVMPli62ItrlE/lTgtCj4t3Yb7MUab1tmflHypCSN0vV31g7TlhnwR2nzexr7toTaoYWo3fNQmOaotNqLC+IVPOLlL31myZDAoreNG5oYyo3tk1fRUxN0KJ3oywJG553xzYcvVX1C9hBlYSaa96HqSRIa62U/PWz2urZBFrCxK/fZCJpw4YuN7KoS7lq0qVfKC87bgz1RCGha4aKCeJ37ST9yMENDvq7ACkJKrWmPd/c0k3bT3yUymvHI7bfa+/pKv1IGEamrRss4vbFMZbWDko/cpDaWycJ19JWFIX0Iwcxd66PbNNfKC65VmBs6Y5sl2uZ7hSF9KOHSBzava72lyIoL4a0612ttP3sJ6m8eARvJr/Sz7R0noLghsm7QaFM9cUj5D73eJS1n03T+qNPsvD5r+JNLdxYWKpKpNlJruvXuxE2LVTiscg+/NyLFgf2Gzz1pORDH4zzS788jwD++f/SQiYlMAbShH7Im797DhlKfHv1j2b4csA/+rtFduzSGNii4diSc2c8ZqbDVeeiPlkmvaWFeEeKvid23tD0tRQhAbWgRCh9VKETU1IYSpJ6sKgRCcQyuvtqUMSTGyNcbDcGljm4femRdyc3lXNR8mZwgjqJhilKCEGnObSmUFGFTuoas17Zm29kqq8f9aCMHVQ2JFRMJbWs2mYkTKcJ5Macs5KQql+k1ejjamiIIhTSevuGhEroeAhdxV24uRwVNZcm+wOPbohHyJ8rUHnx3RXHvck5vJk85lAPAEZfJ9mPPUDl5aPLF0s1KgQVv3Mnuc98ELU1i3Q9hPm95zpbivrR82Q+dBituw1hGmQ+8RCZTzy0irVYNhzRVdzRGervnsU6fRl/rrjmoudcmsAdm8XcEoVRm9v6aPvxj1J69nW82XzkzBYRVYnWkiFxzx6yn3gIYeiErreiwuW1cIenCAqVpv8ltncrqQ8coHbkzLJSBELX0NqyJO+/g+xTDyN0bV3tL5un4xfwxmbQB7pAVUg/fi/px+9dfZ5cj6BSx5uYo/7eOazjF/Fm89c1l5Wee7NZHRQhiN+5nY6/9SOUv/4qzuXJqEbPVTOrpqIYOkoihtqaJb57C4l795L/w2epv7e+QKDVsGmh4nqSv/xajf/5p1UeGYtxz0GTeExQq0vKlRBFCFRVEPghyfYYnbtzhH5IebJOcXz1j9vz4MwpnzOnbrz4jD57jr7Ht+NVHRJdKa58af2mFYC6X8KTDio6ppogpiZgiaKiCJW03tb8XXQ3UKu7gYzesex3IH1qfnHD7UBkirqWsiWjd7IWd0ZMSTVNdxD5KaywQiA3tgNxQxsv3JgwTWpZNGVx0fOkixNsLl7eC+1l2fwCBVPZGE2JX3cxe7K4+epNJT9quTQtn350Q9fYZ66sKlQIJaXnXqfj534gyovQVHKfeQxz+wDuyBRh3UJoGmoujbGlh9juQZSYiXN5AvviGNknH9j0fbwf8GfzlJ59jZbPfahZ2RFYJUxUIOImStxE72ojcXAX9oVRCn/+rTVp56XrUX7uDdp+8mORY1zXSD1yCGNrH87lCYJKLaIWScUxB7vRB7sRmhr9LV8meXjfdcce1m0qrxwl99TDERtwLk3rjz1JfP823PHZSIgbEZuyub0fY6gHoWtYxy8gPZ/kvddvf1lf1TqFr7xM2489udw3tto8xUyUmIne0UL8zh04VyYofumlqFbNGlpUWKlR/Itvo6YSmDv6EYpCbFsfxi98Fm98Fn+uGLEjN8qJq6k4aksGrbMFpcFycLOhvZsWKtOzAU/9ZIK2NpW79ht0d6n092oc3G9w/rLXyHGSOAsOtXmbRIuJDCRWYZX60ALa2qMomvVuAt2SzfBXTqOYGtIPN2wvrwclvNDBVJOoQotMLChNLSKp5pr5KRDR5m8EV3NcliKUUXTVZuCGVhR+uySD11BMDCW2au5GXMss84OEDRqWjVKe+KGLtwFBJBDLIuYANKGzO/0g2+U9G+obIuf8cn+OWCYs1zUmVcFsT1P5PmPCrb91msr2AdKPRn4SNZUg9eCdyHv3RuYOpUHL0hi3fWGUhc8/DapC6gN3oabWrz2+n1BSCbKffIjEoT2N/AhJZENZ4wLR+I8ANJXY3q20/9wPMPVvf48gX1p5vpTU3jqJ0d9J+kP3RlQpmoo51NPU9BZPjTr1xmaY/+0vR9np9+y5ru9Dej6Vbx3BHOwmfmBnswpm6tG7wfObJJBNUk0J9aNnWfi9p4nfuYP4nTuadVKuBxE3yXz4PlIfOIDSKB+9rLz0qvNE9PwVgbm9n7afeQp/Nn9dn5JzZYL53/4yrT/+UeIHdoAQKLqOubUPc2vf6nMgZTSe8DrjWSc2LVTeOuJg6ILHH4nztefqvHnEIRYT/Lv/tZWWFoWvPlunXA5REj56QmNgbwvFiRqTJ1b6ExJJwX/5ry381m9UefnF9dm9W+/opnRhjlhbgo57+ymenaN4dv0mkSg8uE5KtoKAjNaOIlSCBllkTu9aQvDoUfauH757LXRhRmSNS+hkJOGmCSIlEi9cfu3VXftqQkUXyxfeq2SNG0WIH2XUr5uOQhBTl0fEXKv13QwiOpeNOUdD28OZq0Cwsa9FhiHu+GxUbneT8GbW9p+FNYv8F57Fm1kg/cG7o/rw5lWer8i/EloOYaVO/eg5Ss+8ij9fRG3NUH/3LMaWbvz54vKyzkvH7/m4E7MEjaxqf7647gUjrNm4Y7MoychHGlbqK68VYGzpof2vfhpzWx9IiTezQO31E9gXRgkq9WWZ2Vfp4dVMEqO/i+R9+zC29iIalCXZTz5M/vefXn08VYv8Hz2HOz5L5sn70XJpRMxscKFFWfpXzUXWyUsUv/Iy/mwexTSwz42gJGJ40wtr7vD9mQXm/ttfkPvMoyTu3ouaikfUJ7qGkDKiLqlGteGrrx2n/M03IzLM4UnsU5dR27KN+V19gvWedtp++inid24HIfDnCtReOI196jJ+qbbM7yREI1w5ncDo6yRx925iu7YgNBWtPUfus48z++t/dJ2HJ3FHp5n5z18g9dBdpD54CL2zBSUeWyyVIGn4tPxG3XsHb2qe6hsnsE5fXrvtdWDTQsUP4NW3bM5d9IjFBKoahQX/k1/NU62FzM4FeD707E5Rm7P5+h+/Q9eeHL13tVGaWG6CUAQYBszNrV/bGPzEbs7+TpnuB7eAgO0/coAj/+qb675eElLx52lr2OvTeisKKkHDBpbVF6M0yv78hqKNIOIZuzZiKpDrqDVxHayM2hJNx/21WKplQXS/12Njvh42ct3V5M3vJwhdxZ4s4JU2FiggLYfpf/M779OoIoR1m9JXv0PtzZNR2d7Gxw+SsO7gLxRxr0zgjs81F6wgX2buv/7ZDdv25wpM/7vPb2pc1vELWMcvXPccNZNqmOyib8g+e4WFzz9948gsoP7uWaqvvkfXL/8U5lBvZP/fvQUlbq5ZvEq6HpVvvU39ndOYOwfQu9ujxV/XIkqVhRLOxXHc8dmm8LDPDjP1r/7Huu45aNSMr3z7COa2PtT2XFRFMQwJaw02gIvj+HOF5jXO5Qmm/8MfXLddETfJfuIh4ndFWoM7PMn87341qldyA+e59d55Ki++Q9c//Eni+6JQ5NjuLSjJ+A0pWKTrUfn2O1TfOIG5pQdjoBM1m0bEDJAN31alFpF/js7gzxduCZP3poVKe5vC3/zZDB+4L7Zs6Rwe8/nFX17c1YdeSLYvwcA9HbQMpqjnV9rn/QDGxwJa29a/Aw0DSXpLC0ZrnItfeI/WOzbOhVTy5pBIBFGSoq7E8AIbBZXkEkdz2ZvbMN39aiG4cpOL+lWE1zj4BawgZryKaxMWI017cy/MRq9b2bdshFDf/AsrpdywcBRCkN7Xh1ey8Iqb4A9rILFtF0GtijMzSWr3Hbj5edy5tc2iyZ378Ep53Nkbm0792QLV2cKK41omh18pbyo8V02miQ8MUbt8DhkExPu34BWL+KWNRR+uBb2vIyoMpSgENYvKd95bl0C5Cr9UxTp+EXMoilIUcRM1m7phRcSgXIvyYN4nuKPTuKMb96GuBa0lTfK+Rt14z6f66vF1CZSrCGs2tXfOEN+3DSDy77RmcNfJ6yUtB/vsMPbZ4c3ewoawaaFy+JBJb7fK3/sn8xRLi4vdtflbcxdKSCSdu3IsXCkzc6a4oi3Hlnz9azaf/HQc34fhy/6y+bZtSbm0/AFMPH+Bvg/vZPy588ggpDq+ii32Bih5M02iREWoZPQO6kGRhJbFUMwmPUskfDYmVELCFf6Lpbxfm4Eqll8vWXuBvTbSKqI72aRPYYOXXZuDUwuKnCl/h8qaeT6NinbheoSFbGh864dQlSgC7GbyO4RAb2kHocDMJHpbJ4HjoJQLoET8bKHrIH0fxYwhVBWzo5vQc0EoKKaJUBRCz0N6LoppggShaoSei/S95nUyDAltC6Hr5O59iNLRNwhqVULXQTFMhKY1ijbZCEVBGFFSbPM6VUMxTLR0FqO9k/rIRUDg5RcI7EioCk1H6BGxqQwCQseOfmt69Cx8n9C5ToCGIjD6u5oZ5WHN3ng+RKPw1LJDG2thTZg7Bsj94EcICmVkGFL60rejnfhq5+4cxLmwmCSoJOIomQT+9M1T+gDofZ0ojRo40vOxzw1veJMgrxG0729loJvDplc50xCcvegxPObjrZFLp8VUQj+kOF6jOF4j1R6nZ38Lo28vz5UwTcFnPhenb0DlgYdMHFsSLLF/v/yiw7//1eUO7oXjUywcX6zXcGadiY9LYQUV7KDW5KbK6V1M2xdIqi3N6CU3tLCCjVMd+DLitIo0oYgZWGkIr82aoVaalSR+uPqu7lr/ScQctjmaElXo6xYsV+vBLIWC2gwUuBaKqpNIdyMUlXp5miBwG7lBIUJRURSVwHcxYmmEUHCsEkIoKKpBGLgoio5QVMLARa6mTQpI7eulPrKAv0Hz142gxuO0PfIkoRsJCWdmkuq5k7Q99jGCWpVYdx/2zDhmdy+pXfsjk0PgU3jzO7Q+8BiB44CiYA1fwJmboeOJpwgsC79SovTem8R6B0ls2YYMfJypcarnT5HYsQezvQs1kaJ45DX0bAvpOw7hzs9itLQx+9yXSe7ch9nZgwxDFE0FBIkt20nt2k/p6JvYU2Ok995JfHA7frmImkwx982vkT30QOTQ7ejBmZ+h8MZLSH+tRFmBEjMX/WxSbrhWi1CVZjKglFEI7Zq5JxuFqmKfvULpKy+S+fhD6P1dBOUqem8nSsLEz5fw54voXW1kP/04pa++hD+bJ7Qc4od2Ywz2UH/3DM6FUYShR2UJTANvLk8wX8TY0oMMQtRUAm9qjqC0tt9NiceW+FbZOO9Zw3d1FdIPCIqL/WnCIKd2RptMAsr+QtOM/73ApoXKpWGfj34owY99NsX5Sx6+HwkBy5KcPh/d0NADnZQm6+z8UB9O1SOeM6jMWCuEiutK/vD3a2uuW/NzN9YS2g/1Mn90csP3UfJmm0Llal5KUss2fRVWUMbdYEgtRJqCG9okl8TDCqFgiAS23HgEmIK2gnI/RK6ZUHhtGLAqtA1HTUX9qqioG8iol9jB8g9Ma1S2XA3xVCeaEadWnMSIZZAyQDdSOFaBWLIdZEilOEYq149QVDy3Rio3gK4nqJTGaOnYBUjqlVkqhTFW28NJP4gcrTe7vZOymQAtrmaMCygdews1FiexdSdmZw+EIflXvknbB5+MGBsGhtAyOdy5GczObtRkFHLrzExQvxL5LYSq4SzMIYTAnplE+j7WyCWcuWmKb79CUK81CAd9vHIRvbUdLZECAe7sNPnXvkXnx38Qo60DPddG6b03QShkDtwTzc/wRfTs8rwla3yE8vG36fr4D6ImUyiqRuh5OLNTWOPD1xEoNBMer0LEDPSedryp9Qe0mNsHIsd1A+747ApKlpuBuWOA7KcfQ2vLYR09hzHYg7lzMAqMePQw5W+82girTUTRW4qCUERU7jgRax4zd21B72glKFdJ7R6i/I1XSX7gIN7MAsFC6Yblk5cGeghNwRjoxh1Zv3nNGOgmee/e5m9vYo6wuvjdx5UUXcZWFrwJfLzGu7mBibrF2LRQ6epQue9uk3sOGNSX1JS4MuLxV/9u9GKNvztPoi3GxHvzzF8qk+6Kk2pfGQYZBPDad9YZmSQEQhURrbW6uND1PLptU0Kl6M3QG49YfBNqmpiSIqFmmzT59aCMt2G69QhVL0+LvrjDUIRGQstguxsXKjE1iX5NUS87qKwZ0VXzC8sitq5Gii0Nm14PdMXckDCSSKrX9K0Lk7iaYrWcGlXV8d06vm9hxDMoSoxYogXXLiKEQiLbS6Uwiu9ahNJHCAUznsW1SpjxFoxYBqu+gG6mmubKawaEPVFAiemr1oVf/41JAquGnmtHMWMYbe3Uhy8QOk7ELNsIDw09NzJj6QbCMJBAUK/jTE9Sv3yO6rmT+NVI8w3qi4uyDHwqp46iJVK0PPQhZiZHm9TxQjdAsdGzOZJDOym+81okvBQBYUjQMFPJoLEDFqAY0TNTNC1qQ9MQqhqVxBVKNGY/opSRgR+Z78IAr7CAOzeNX79BxJuUUb2XchU1k0JNJ0g/fi/uRJQLcb1sdGFoxO/cQeuPPYmSWjQLVV9695ZS4XuTc9RefY/YHTswd21BmDrxO3agdbRGuUGGjjs8GUWMHT/fvM69MoEwdKzj5xGGTmx7P8ZgL0GxggyCiFlagntxDHd0ZXXLa+FPL+Dny2itGYShk37iMM7IVFR0a61ERiWKlDN3b6H1Rz6C2hYlPcsgpPLtd1bMkx1WmffHCWVASEC7NkC73g/ApHuBcjBPhz5Ihz6AQHDeegdVaPQaOzGVBHlvkhlv9TyhjWLTQuWbL1nc+8RyG6oQkEkv2q3tsodnBZQn6/hOgF1yKY6u/bLGYtDZpZJKCfwAioWQudnlO8xkb4bUlhx9j21HTxmNmHhI9uc2dR8lb4ZQBihCRRUa7eYAcTUdfWQypOYXNx0GvOBNMMD+5m9NaGS0jutWmlwLKa1lGY8XQMFdW4g6oYUT1oip0a5YCEFCy6Er5oZqkhhKYkW/N0ItKOBJG0PEm33njG4m7QsrItiqpUlau/ZgxrLUq7PEk20YsXQjbj5AhtFC6Xt14ulO6uUZXLtELNlGYfY8Vm0exyqBDNfcnIW2T3JrB2rMoHJq8zxI1shlcvc+SMeHP0nt0rnI5NTWgQx8pOvglYu4C3PYk2O0f/AjhK5HUK3gTI2T3n+Q7MH78MpFiu+8hltcIHSXZmvrtD74IZAh1sjlqHIfUD17gpb7P4g1eoXaxdP4tSrp/YcIXQe/UoqEhxLtlN2FOfxqhfqlc6T3H0S6Lvb0JIQh2UP3Y7R1oqbSBFYdv1ZtLEwSd2EuEjqKQmJoB6md+3DmpikdffO62oo7MUv93bOkHj6E0FQS9+xB72mLHPaXxgltBxnKxgYwqvduDPWSuGsn5tbeKHRaCELbpfzCW1inLm362awGYegoqQRK3CQoVfHn8tQB58JoVAxtrtAw2/kYQ33484Uo4zwIUFJxjMFu3Mk53LHpRoTUNNJxCYrRplC669uk+IUK1VfeI/vxDyB0jdjuLXT/f36K6mvHsM8MR0W/wjDahKkqajKG3t9J4q5dmDsHIgEIhK5H9bXjESX/NchpXc30gsv2capBHjusktU6yGqd1IIifcYuTtReIsBDoNCpDxJIj0nnAn3mLor+LI68+cqoN+U5Xm1T8dd+Os1//I1Fp3mmL4GZ0Jk+XSCeM2nZkmLs7ZX8Ux0dCj/8Ewke/qBJNicIGhFhX/4Li+eesZt91SZL1KcrxDuSTH77EoEb2XH3/Y3NZRhHPpMKSS2HEAqtRl9zIfalSz3YeADAVRTcqYg3S40WVwWNnNGFbpkbElQChazeib5kcZcyZM5Zm4E0lD4Vf6F5LxDl4hhr5LWshYSaaWgZ64cT1Cl787SbA81jbcYgMSVJLSguH2fgMj95nKtajFVdfDdcu0J5Ido91Ssz1CtRZFFp/jIlolj6+YljNxyPlonhzFUIrJuzMwf1KgsvP7/sWPn4keg+rDpeMYqqKr37+opri2+9svy6Y+8s+y09j7nnv7ziutrFM9QuLi4i+VfWDpsvHXkNAL9cxJ5c/m4U3nhpzeuK77yKlm1BaBrO7BSKGYuc9DeweIaVOqVnX0dtyRC/cydCERh9nbT96EeQfkBYt5FBEGlIho4wDYSy2KiUkqBUpfLiEYrPvHpLwlmvwp8v4k3MYgz2EJSqWO+dRQYhQlXRezsI6zbeePQ+Vb75BkZ/F2HdIqzWo+TC4Sn03k7ciVnsM1ciE1hfR1QFcnoe68QFgur6/D/ScSl/6220jhzJw/sRmore1UrLZx5DfiqM5sn3G0EXOiJmLEvWlFISWg6VV96j9LXvIO2V1om8P8WwfQJJiCYMeozt2LJOXEnjS7dRSypcFkRzlaIqodrMe2Mbrii7FjYsVK7eq5SR9r0UqgpPPBJvCpVMT4IDn9mKHtfoPdhGotWkMLJSU9F1+PG/kuDQPQZf/IMa4+MBhh6xFP+tv5diYT7knTcbEykjFXDihYt41cXJvfTHN15cVoMfetT8Akkth4JKuznYjLLyQ2fTtCoQ+TVmnSv0xyOmYiEEOb2LjN7Jgju27nYSaoZ2c7CZ9BcVGlu4TjTVVZ6xCdqNwaYZKqamaDf6G4SWN/6AVaHRYnSjiY35YpywRt6doMXoac6lqcbZkryT0+XvrHHVauO5NYtMrLcFoan4pTrW6K2J6Pl/G/xyicqJdyNTG+BXy8i1InCWwB2ZZv63v0L6icNRKeF0osEGq6KsQgvfNBNaDtaJi5SffxPnyuSK6KabRbBQpPLNN1Yct06szL2xr9GQwrpN/a0Ti79rFtbRs9dcszrn3lrwZ/Is/MHXca5Mkv3YB1BzqWieVKUZGbYUV+dJOh72uRFK33gd5+IYYXWtDaFccm2IKnTSSisKClZYwZceRX+GPfH7CQm5Yh8n703RbcRJq23YYeWWOfc3LFT+l7+bo79X5fkXLf7ZP2qhVltiExQCY0mAUmXG4sqr06S64ixcLONaPuXJldLdNAUfeNjkN/9LlVdedppayTtvuaTSgo9+IrYoVBowMjFUU8Mp2Ug/XFeRrtUQSI+Kn6dDDoFYzESXUuKG9oqd9UYgCRm3ztBhDjY1BlNJMpQ4QM0vYIc3ztRWhc5A4g4y2iKPWCgDxq0z1+XkkoQU3BnqQblZD0URCluSB5h1htelgaW1dnrju9eZSb+0b8mMfYWu2DYyWkezLHBvbDdlb55J68KGk0lBoAl9U6wA+dcvrkWRdlMQhh45zz2/sctSNkQ2uaI9BDomQih40rlueQQdkwB/AyUUlkMxNWLdEY1Q6Pi4C7WmprVR+HMFCn/yTcrPvkZszxDmjkGM3naUZJSVLj2P0HYJK/XInDQ8hXNxLMr032DEGIDZmcYt1JEbpGZSDA01ruOVrVv7LigqejaHUFWCem2Zr2wpgkKZ0tOvUHnxCLFdg5g7t2D0d0YJnKYOfkBouxGJ5PQC7sgU9sWxKLLsOvNUCfJUg2LTVxrgc8k+GkVR0qDMQTLqnG4S3IYEuNLikl1snrdRCqe1sGGh8rtfrGDogvvuNvniX1R5+rlFIaGqgv/tV5ew04aS6dMFcmUPVRfEMga+HVCZWS5thYjq3hcKy/0nQQAzUyG7964cZsfhAWLtCZy8RWWkQPH8HH51MzQkAfWg1KwE2Rw7kqqfv2mVsOrnmbDOM5Q80KRt6YhtYae8n8vVd6kFq8fOQySABhL7GEzsX0b3kncnmXdGbvgSVP0FFtxx4mq6qeXElBR7Mw9zrvL6mhT8AkFG72BP+qEN+1OuohYUGK2fYl/mYVSiyC9NMdiZuh9TSTJlX1iXYNOFSULLkdHayejtnKu8vnHBcgvNKk2oCsbWQdREAufyMNIPUOIx/IVCRIWhKJHNXYYoiTih495wATVEjC51CEmII21K4RwxkcSWVQQKtqyREBk8aZNWWqiEeQSClNKCKy0ECiE+CiqutPGvs/NM7+xk+19/mMr5GYSmUjo5ycy3zm3eUR6GBMUqtTdOUnvj5ObaWA8E7PylR7nye69RG179/VVMDT0Xx5mtLrsfPRcn0ZejeGLilhZsS2zfRefHP4OWSlM9c4LZZ79MaK1hGgtlRLtz5OwtTeC8NvgmSmdYDqGBooT4rrzueTeLDQuV6Znow1BVeO+kw8XLiztORYG3312uxmZ7kwze10mmJ0FtwWbufHGFUImc8pIHPmBw8bwX1fAGunsVPvi4uSof2MjXTpPoyZAayJHb3UH/h3fw3q+tbTe+HuygghtaxNV085hEbohefS0E0mPcOk1O76TV6GsKh57YThJqljlnmHlnjFpQJJAeCioxNUWb0U+nOUSr2dvcXUgZhRAP195bFzGlL13G6qciTUlJNU1wbUY/d2QeY8q+yJwzjBVUkTRUZq2NDnOQTnMrKa0VKUNcaaOL2IY5t6bsC2Qa9e6b9VDUBFuTh+gwB8l7U5TcGeywhh86CBHRzhhKjLiaJalmSWhZ4g2/ThAGXKi+tY5dZtSOLnRUoaMqBrqIwppVoWMq8WXPGiJGhb74buyghi89AulF5Y3D6N/Rb2/x4w1CpOMSahph3UbNZdBac/jFEvED+yAM8aZmI+r6thbcK2ME5eXPTDFjtD7yBHprOzIMcE+eQ1ysowoNW9ZoVbtRUGkRXVTDAro0SCutzPnjGCKGKjRyShsxkWjmQHnSRkVjJhjFv8GGqHR6iuHff4PUjk56P7Gf+dcu3bTf6fsBif4cmX29TD17apk248xWcGY3Z9G4HlK79qK3tCEUheSufagvPd8UKv27k+y5P0t+xuHs6yXq5Y1q6DdGLKmSyGrkJ5evk4oKXVviTF2O1tt4SkUzFEqzm6+Vsh5s2lE/MemvcORJCf/7b5VJxAW2IwlD0EyV4mgFRROMHZkj3bly52tbki/8fo1/8CtpPvyxGFOTAbGYYGBQZXg44C//ZKXUVww1Kpk51ELbwV6KZ9dffOpaWEEVJ6hds9BIiu76KSeu336ZU+UXOZj7KGmtLUreE0rDv9LOUPIgUgaEhAiiv6lCQ2E5IaUvHc6UX2ZhA9FjFX+eC5W32J/5YDNXRBEqWb2LtN7O9tQ9hDKIaqqjNKPgrgqyBXeceWeM7al7UTboWwmlz6XqEYRQ6IvvQUFt1JvXyepdZPQOwnjQTBJdJLcRKEJFoDQTRwGCdZp6tiXvbmh3akRl0/xv4/9iZSJoSsuxPXW4EZIsm2aDq9pgpCGOc6y06CiXjotUVaQfmb+EaSBUFTWTxh0ZR0nG8ecL6Ht2EBRKK4SK0DTiW3cS7x+MQoqn89gXTpMQkXM1JlI4sk41LCKRdKtbmfQvNXeXChoxkcCTLq60SCutaBhNp+yNoJoaZmea7N5u7JkKoeuT3t1F/2cOoqVMSicnGfvzd1F0la4P76X9viGEKhj/ynHyR0bpfHQnHY/sAAmTT5/AXajR/vAOkkOt2FNlYl0Z5l+/jJ6Lk9rWTuj6hE6AUBVGvvg2ZnuS/s8eREvFKJ2aZPwv36PrQ7tJ9OWI9UQm27E/fZfKhRm6nthDxyM7saZKKEa0bGX2dNP/g4fQkyaVS3OM/ekRYl0Ztv7cg8S7s7Qd3kLh6Bjjf/ke2f09bPnxw1SvLDDyhbcILA+zPUXfDxwgtb2D+kSRiS8fw6vY7PuVJ6mN5Elt7yB/ZJSxP7t+qLNfKUfvgKbhlYrRvxtIt+kUZl1kAL074vTvTeE7Ifkph5YuA9VQOPNakaH9KZItOpePlWntidExEOP0KwXa+kz6diU5+s0F0m062+/KcPl4mWyHQa7DYGbYQoaw76Ec7z6/QH7a4fDHO5i+XKcw7fL4T/Xw9tNzXDlW4e4n2xg5VcV3Qw5/ooN62ae84NLRH0MzFE68lGd+/OZ9W5sWKg/cG2P7Vo0Llzym5wIuD/vcdYfBT/5gCseTPP1cnTfecagXHXw3wEjpDN7bwez5lSYPKeHFbzlMTwV86CMxBgZVSoWQb37D5utftanXVz7QgSd3kd3extyRCYa/enpTpq+rsIMadrhYuQ6iOiI1f23T1EZRD8q8V/wGu9IP0m4MNOvNq2hNZ/ZaTMChDKj4C1yqvsOsM7zhvqfs8+iKydbkQUwl2dRYrte3lCEL7njT3DSUPIjOxpMnXWlxofImdlClP76XuJpp9i8au+v1QCLxpbsuHjJN6BhKfN1tQ5SYqqKsGfEkpURXYsuOhbYdhf4KEPEYSjKBEo8IDtXWHO7oOELX8AulZQvNWggIcGSVgj9Nq9JNOZwnLtIE0sfDoRIWcKSFKeIYwiQukswHE7SoXYQypBTORRsHybqobDL7etjRnUEoCqd+9RmEorDjFx5h+oWz+BWbgR88RPH4OGZHmkR/jlP/5uuEfogAYl1pOh/Zydn/HAnZPf/ww0y/cBY9bTL8+2+y7ec/wOQzJ2m9dwte0WLhzWG6PrSbyWdOktraRnJLK1t+8j5mvnUOv2LT/7lDlE5NYrQmQVU48++fo+ODO2i5ewAnX6PriT2c/Y/PgxDc+a8+BYBbrDP93BmEgL5PHcDsTFO5MMv4l46R3dvNyBfebpbEKJ2aYviLb9P+wLZGrptC56M7cearXPmDN2l/cBtdj+9m+ptniPXmuPTbr2H/zzc58K8/zexL56+r4ZSOvB7VvkmmqJ463sxDuoptB1LkZ1w0QxB4IU49YOiOFJePVSjOuOy8N0sqp/HiF6do6zVp6TKYHbbYeleawrTD5IU6QsDAniTTw3W2H8pQnnd559l5PvC5Lt55Zh49XubCO2Xa+0xGTlfp3R5n+GSVsbM1Tr1aBAljZ2skMxo92xKceqVAqkXn4IdaOfNGkfK8R//u5PdWqPR0qfzVn0xz/JSL58Pnv1jhb/18hlfftNE0wY99LsWpsy520cWteSxcrtAykMS1Vv+4ZHi1QNf6aMZnXh9l5Omzt8Q2GhIVz5JmiGjsYMv+3AoCx5tFPShzpvwdumLb6I3tjsoVL1nIVxMoVlBm0rrAtH1xw2WIr0IiGbNOYwUVBhP7aTP6VxBRNjUiJE5QZ9q+yGj9JPWghEDBC+0oeXIT/GGedLhSe4+iN0NPbCcd5mBTuN1w7FJSC4oU3EkWnPFNOerfLwSFxQ2SNzaJNxblDbljk9inF5Pp/Pn8unwVvnQph1Hi8HQwDECJxQz16eBK87yav7hwWf7mqPkLR8cY/4uj7PxbjxHryeDM1zBaExCEqHGDyadP4uZrZHZ3UxteIHB8CCPdzWxL4ZUtvKIFisCer2G2p3CLFoHj4xbquAs1FE0l9AK8skVgudjTZRL9LWjp2LK+pr5+slmZs3x6itD18UoWsa4MRjaODCTOXBUEeIU6QlXpfGxb1NdCDaGrG+J2E7oaaWOnppBegD1TJrWjE8XU8EsWtZEFCCVe2UaNX7+yY1CrsfCtZ1f/o4Qzb5SIp1XCQJJq0bGrAfkph96dCVq6DcpzLpoeZcFfNY9lOnRGT9dQNcGBxzIEgcSuBrT2mIyeqpJu1XGtaH3y3ZBMm07/niT9uxK09ccI3DDKERKw7a40CxM2Q3ekEQJmhi123J1BSkm16OFUA8JANuv23Cw2LVRCCV96ps4f/EmVB+4xufegSX+Pxle+XsdyJL/+b9uJxxXibSnMtM74u/NIoHtfC5XpyMb30AcN9t9p8Ae/U8OyNuYuyuxow3nHuq553Q6qHCs939yNR9Qpq4fkDdeOMWWf5+pWNapdsnrr4/Wzy3JEnGD9fEVOWGesfppZe5iM3kG7OUBG7yCupFGFSiADnLBGxc+TdycoutNYQXUT0VLLEUqfWWeYojdNVu+kwxwiq3cSV5MI1Cgnxy8x744x74xRD4pNUkpJyLvFry8htJQbDmCQhOTdCUreLMO198jq3bSZvaS0VkwlgSp0JJIg9HClRc0vUvXzFL2ZJlXOevscrh9j0j7HTZewuwbr7d8+f009iluYJX6r4Vcd5r5zke6P7OXK59/AmijhFOoUj41jtqdw5mvYM2Va7xti4Y0rhH5UK92aKqFn48T7cshQEutMUXhnmORQG83v5upty6X/jljB/YqNNVHCLVkUjo41+oqE47IaLIDbEFzJoTZkEGK0JlEMlfTOTkb/6B0Cx0PRl+R1eAFaKoYS16MkWj9EaApKQ/AohoZftXHyNZJb2ymfmyG5pY3Acglsb7FY1ZIxbBaX3ytHpspG/sWFI2XCUDK4J0VpzmXykkW95KPHFDwnxHNC3vraHJohsKoBmi7ITzlYZR+hCsy4gmOFCAF2LeDlP5qmVvJ597kFPCckP2ljxFUCT1IrebzxlTlkKHHqAUefn0eGYFUDEhmVMITAk3hOJICKM7dmw7ZpoVKphkgpyWUU2loV9u0xyGYVMmmFuhWgqpDpTtD3kQHMlEHPna1oMZWJ9xbzBDq7VHbt1lA3MYqu+wcbtCxrq/mScN1kkJ608fzlIbpmLEcs3rrGFYtIkFtXH2HoUSmPI2WIHVaxnSqzzlVqhGtf3ZULkVA0Eq19yDAg9B3syvwGFyyJG1rMOSPMOSOomkHo+8uiyDQziRT+Cpbj682jkciiGnGcaoHQvwFtufSoBUVqQZFJ+2r0y43vfb1QzThqphWpmYSBh1cp4FubLLIlFMxsG05xg/66dZi6vtfway7WZBEZhOSPjBDrzmC0Jjj/m9+m/7OH6PnoPpyFGpf/xyssvD2MYmrs+JsfBAFTXz9F8fg4418+xpYfPwwCRv7nm3gVBzVuEDoB9bECvuVSHy/gzNfwqw710TyB7WPPV/BKFhd+40X6P3eQ7o/sxc3Xufw7r2LPlPFK0cbPq9jR77LFxF8eZfBH78WaKjH74nncQp3JZ07S/7lDuPkapVOT+JXo+y2fmyG9p4tdf/sxCkdGmfrGaXo+tp/s/l7UhM7Wn76fsb84yuy3z9P95D52/Z3HqY/lmXzmJKHjU720+LxrwwsE9uaDFxxrubXDrkXr1eyohe/JptPccxbPq5UW3x/Xgnp5cY2zq8vXu0o+Glt5fnGMS8+v5hePl+aW/nulFcbfYIj2WhByncUyrjVV9PdG5q++Hg3HlUxMBmQyCqmEoFINyWUV/r//uoDWkSKRMyiO1/CdAKvkNteMz/5wnCeejPGf/n2ZWnXtYdi2pFRc/vetn70D3/aoXCkgwxAZSMqXbmVim2DL9g8xtOMjt6xFq77Akdd/neAGC+9aMBJZtj30EyyMvEci18P02e/glDcfoNC65SDFidOE/uIOJZ7tIvBd3Nr6/Unpzm20DB5g/vI71PPj675OxM2o/reiNMgSAwhClFSC0HYinqowRMmmo0irShUllSSs2whdQ0klo1DWUjm6TjdpP/AwRrad0HMQikp5+DSVkbNsRlDpqRw9Dz7F6PN/uOFr1wM1maL3J/5a01E//8LXKbz67felr9u4jVuBdfk0N9v4xFTAb/52mc52lWI5JJ8PUVX44AdidHepvHXEoVINMRWbnjta2HJ/J4goAmzkjcVQ3XvvM/gPv94S2fTWwGvfcfnPv7bcURZ4Aa13dJPe0oKUENjeLRYq359wKgvMnX+d7n2PEUtFkWSZru2ouokMQ2bOfods317SnVsJfY/5K0dwqgtke3aT6d4JisLU8edJtPXTtedhku2D1BbGyA8fJdO9g2zvbvIjx3BrBYSi0tK/n2T7FqQMmTj2LMm2QXJ9exBCIT96nNrCGLX8OInW1WtfK4pOa8duTDPL/OwpHLsY/UEI4nfsxrk0gppJI3QdP18gWCiSuOdOvOk5lHSSoFBGa8vhDo8TWjZaaw7XmkboOvG79uBeGSesVCMacjNOonOA2Xe/hb0wjaIbhIGPmWun/c6HmXz1K8gwaAqfyshZrPw0HXd9kGTPEGHgU7p0nNLF47Tuu4/czkPE23vZ+gO/gAwDRp75PWQYkOzdRuu+BxCKQvHie1RGz5EZ3EOsrRcz20b+3Du07DxEeeQspcsnIofh9wqqitnZQ2LHbsyOLpR4AoIAv1zCGh+hfukcQW1jmpyaShPfso1YTz9arhU1Fm/WcvGKC1ijw1jDF9cVnACQOXiY9IF7CO06+Ve+jTMZsU0IwyC+ZRvJbbvRW9sQmkbo2LgL81hjw9ijVwjt5eZsxTDJ3fcwie278GtVZr/6pw3KGYVY3wDJHXvQ29pR40lC18Uv5qmPXKR+8fwiIed1YLR30vbYR5tM09fCmZli4aXn1s5TuQbpOw6RvSeimJr58h83E1D1tnZSu+/AuMpqHYT4lRL2xAjVs6dW3Pd1oSjEevtJbNuN0dGJEk+g3MA8FLoO+e+8gD0+sv5+GripIl3trQonz3o4jsT1JP0dGvfcZeK4kiCILDOtQ2lUXeHEl4Yj215t+YMbueLzpb+wsK/jUxkfW6mWjX39HOPfONf8/X6YrX3PwrbWdo4rio5uJJtOb9+z8H2btXbFjr25Cn7L+tQN4rkejESW4tgpVDOBnsgye+5VfKeOlCG1hTGs0gzZ3t0kW/sJnDptWw8x+s6XCXwPGXhUZi5hlWaYOfMynh0J7MrsMGamE9WIaCOMZAupziEmjj9PGHjIMMAuzzJnV4hnOsj27qG2cH26GcNMs33XUw024bllQkVJJSMiw5gZcR5pi5FoxmBvVD/bciKNRFMhDDG2DuAvFCNBYjt4M/PN+hRh4BH6HrH2XrxqCd+qRvkfvoeRaSXRM0Rt4hJ6Kku8c5D8mbfIbNlHsnsLk698BUW/yrkkKZx9B69Wov3AI4w8+/sRZUYYEO8coO2ODzB//DsQSjoPf4TQsYh39IGi4pQX6Dr8JAsnXyM9uIvq+HkCZ3Ms1zcFIYj1DtD6yBPEt+1E0fRFjqVoksne8wB+rUrh1W9TPvbODReq+NB2cocfIr51B6oZi9q71rkrQ2QQ4s7PkH/xOaoXztyQZUBvaSOxdQehbVE9fRxnapxYbz/tT36KWN8WhKou76dRl2bu61+m9O4by78pVcXo7CKxbSd+tYLe2k5oW7R96GOk9h6InPnimnm47yGcyTHmX3gGa3T4upsAxYwR6xtEa2ltTPPy+xeqGo13PRACPdtCYttOpJSYPX2Enkvu/ofJHX4IxYw1uLAWa9Zk776ftsdKzD3/NLVzJ28ouM3uPlof+wjJbbuj72vJO7BaoEzkTwoJalWUWGzF39eDTQuVoUGNX/y5DFdGPKZnA373CxX+3t/IMj0bkEoq/I2fzfDP/12ewAvRTJVEWwwZSMLQxqks2vbGRgO++pcW1coGS9bqCm0HerDna1RGi8Q7ktSnrkkuExppvQ2Egu1XMNUEmmJg+RUMJYahJqj7JZxGoa6yu7TCo2Rm6ij5+fMrO28g17qVoR0fxTCjXcvs9HEmRl9bs4KhlAFBcHPJZUYiR6ZrOwvDR7Gr8yTNQbx6Ed+tI0MfVY/RseM+PLtKItdDdW4YoenIMMB37eYHc3WMYeg3/y1lAEtCURVNJwx8As8GKVFUnZbBO1FUHc1IINbhDEukOonFc41FYelLLJFBgN7fQ1CuImImem9XZNqSEqFrBKXoeQYLBcJiJRJAho7akiGs1WnUSG62GNh15o9/h5a9h0l2D2HNT1K6dByvWqQ8fJpU3w5qk1dID+zGmhnFr1cI7CpC1Uj2DFGbuoJbzjfnJ/T9qD65t2iuTHQNougm8Y6BKFteN0j27iAMfLzSAn69jJnrpD4zSmpg1/IF7LsFIUju2kfHxz6D0doWOas9F69QQjpOlEuTTqMmUujZHO0feQq9rYP8y88TVNcInRWC1kc+THLHbqBBcujYBNVKxLYsBGoihZZKo+g6sZ5+Op/6QcKv/in186fXN2xVRU0kiW/ZRtenfhijvTPSgKw6oeuCqqDGEwhNJ7Qs3IW5627ShKaR3LGb+NB2Ett2gZT45RJBvQ5CoKXSUR0ZXSe+ZRudn/gc01/+I5zJtU24frlE8e1X0bI5FMNE0Q309k7Mrp5lJJCbQWxgK4mtOyPNRVUJqhWCWgUZStR4HC2TQ2gaeksbnR/7NHNCUDl9bM0yA0ZHF12f/hFivQNIKfEKCzhTE9HmQVHQcy2YPf2osSh3MKjXqA9fxMsv4BXyuLOby9O7KZbi1992+MKfV7j3kMlD98fYNqTzL3+tgOfDf/xXrcTjCnbJJQwkbdsyyCAkDCXV2ZvfufV/eCeJnjS+7VMZfY+tn72DU//ncnbYmJoibXRQcmeIa2niWgbLr9AR30rVnSdjdFDzCiS1FnpTe6gXS8v4tHzPwvfWHms80bas2qDvWVi1+ZuuRX892KVZZs4tZ7xd9lkJgWammtTxge/iO3WcWoG+A08iw4CZMy8T+A5OZZ7uvY9Smb1CaeI0bVsOkunZje/U8O0qbr2EDHz67nySMHCZu/AmmhFH1WNIGRJ4FkJRad92mEz3DoxElsCt41QXtbuWth2rhyqGEvv0BdRkAn8+jzAMlHTkI7HPXgJNI6w3OJqCgLBuIXQN59zlSKAA9rkrSGdJxIqU1GdGsQuzxFq7ye08ROve+5g9+iK16WHaDzyCns6RGtjF1OtfA6A+M8r8iVdJ9e8gu/0uFk6+SmX03MrxNqDqJjLwCb2Irjx/+i3c0hyp/h0QRlE0YeBGUU63KERzo4gPDNH+4afQW1qRYUD90nlKR9/CKxaQnotQFLR0huSufaQP3IMai5M9eJigWqbw6ourm4GkpPT2a8QHhnCmJ6hdPIszNUFQrxF6bpRQGk8QH9xKywceQ40n0DJZ2h55gvrFs2vXV1kCoWrEBreS2n8Xeksr9SsXqJ4+jrswj/RcUCKhEuvfgqIbeIXrm7sVwyB338MoiQReMU/x9ZdxZiYJbAuBQE2mSO7eR/beB1E0HbOrh9x9DzHz5T9ZU1j5lRKF116MfqgqiqaTuft+2p/4xE0Llcydh1DMGIFjUzryBvXLFwitWiRUYjHiW7aTu+8htEwWLZ0he+8D1EcuEVRWCaIRgtaHn8DsiWqq2OMjzD/3VZzZ6ah0tKKgprOk9t5J26MfQY0nABH1e3Ht93892LRQsSzJlVGPsYmAocGQe+4ySSYEigLVWoiqCBQBdsVDUQW5/gTH/2KYROtiAt23nrd563WXem3jJqHsznZGnjlL94NbIJTEO1faOG2/ghfatMcGsPwqbmBRdmdoi/VT94vE/DR2UCGlt+IFDhmjgwV7/ezB3224VpnRd7+67Fg9P45VnGouBIFrMXHs2UZWdUQtLwOf6dMvoahRvH3QcMzPnH0FRTMIG9pTceI0pekLICWB5yBDn6nTLzXsrxLftZg59yqKGtVIl2GADAMWht8lP3oMZEiwtEaIUGhp27nm/QTzBYKrdcNrVjPv46rQuBbS83FHFtkEgoVrgwmiYlSh51KfGUWLJckM7UXRNNxKgcCukdt+F369ipNf9OtVx85Tm7xMZsteOg49tihUwiAqKqVqjYJZEq9eQbdqlC6fJPRsRKOWSap/x5KBrnnL7zvUZJrc/Y9gtHdCGFI58S7zLzyDX16edOxMT1IfvoRfrdD26JMopknu/keonDqGt7B68Eft0llGf/vX8cvFSHNYxaxljQ3jVyt0feqHEYqC2dOH0d6JO7uOSoeqSnrvAaQMKbz+MvlXvhXtqq9Z4GsXzkTcajdgURaKiprO4M7NMP2XX8Bp1JZZNt7RKwghyN73MEIIUnvvYv65r61JCrkMQUAYBEh37fSD9UIIgZrOEFTLzD33Vaqnj68wbVkTowR2nY4nP4VimMQHt2G0dmCtIlSM9k7i26J3MrAt5l/4OtboYhEuGQT4xTzFt14h1ttP+s67UeJxkjv3Ub98MXr3N4lNC5WzFzw+/Gicu/9ZJExqdcnkdMDP/USG6Vkfx5U4jqRlS4p63iHZFkOLqeQGU0yfihaDUlFSKgaoGhw+bHDlss/C/PrKvlZHi7Ts7iDRm2Hg47upTa6cWCEUKu48fujQavZT8RZIGx24S/JKdMUkrmWoevO0xvq/b4SKEAq6kcaMZdH1OEJRI+3Ad/H0CrZdigRGY2FfisBbyV4c+u6yKC9o+CCWmOMCzwHPueY6Z1mY8GrtBO7q2lwi1bWukOxbBS2Rov3AI3i1EkhIdA5Qm7wUVUaUIdbcBO13fZDpt77B1UUg2b8DM9tO6NjEO/qoTy/JPyovAJLW/Q/g1yqULh2nOn6BZM9W2g88jFcpoMWTlC4d/67d441g9vaT2LYThMArLFB4/aUVAuUqpOdReP0lMgcPY7S2oyZTZO66Z81EPul5uDM3qHQYBFTPnqT1occx2jsjwdLZvS6hIoRAqirVE8dYePEbawqN9QYAAEjHofDaizhTE6tqH9L3KLzxHTKH7kMYJoqmYfb0Ub+0ttn7fUMYUj19nOrpE6vfYxBQfu8dWh74IEZbB0JVifX1Y42sLG5mdvWiGCZCCNzZabzCGmWeg4Da+dOk77wbIQSxvgGEIm4qtmTTQuXiFY//9F9L7NiqMzXjMzruo2mCH/1sii0DGl/8iyrlaojmBCRaTTK9CQbu7aA6s3IBipmCf/zP0sxMhxx5y+WlbztcuuBfV7iMPXee7oeGsKYraDGd4S+fWnGOQKApJqEMGKuexFDiaIrBbP0yvvQoOdP4oc+8PUrNy2P5t55sbjMwY1m6eu8m27KVeKIdw0iiqDphGBD4NrZVpFadYnb6OMWFS9xol9TWuY+W1u1c5X8vl8aYnXpvXWNJZwfo6LoTRYlelWplirnpYwTBtYlSAt1IEI+3EU+2E4u3kskNoCiLTsvegftpbd+9Zl+uW2Fm8uiiM3+DCD0Ha24cLZZEypD82bexZseafiS3WsSrl7DmFm3mbmkBPZFB6AZBfZL8+UXmWL9eYebtbxJr7W5ma3vVIjPvPE+yZyuqEcOrFggcm8roeULPIfQ9iuffJXBrFM4dWeaPAVB1hVhao158H5gBVJX44FbURDIiH52exLmBEJCuizVyGaO1PaoOum3X2tnh60UQlSU22jsBgRJbP9N1UK9RPnZkXbVc1gN3fjaKYLrOYhI0CqyZnT2RbyiVuSV9bxShY1M9d/q61Tal5+IuzKK3dSCgMdaVdR2UeLxpjgttKyodvQb8WrVxfeNZ3aTZdtNCpbtTZdf2yCzS16PS1xM1deqMw+f/yMVxorr1hZEqeiz6W2m8xtTJldFUliX5p79c4v4HDZ54MsZnfijO6ZMeX/uyzTtvRm1da5L1Kg4T37qIamqEXhBRSFwDX7qUl5BC2tcw+17l9qp5jYp97jpU9PcVgmzLENt3P0Ui1YXaMFddjQ1XFA3VTGGYadLZPlradzE19hYTI6+sssgvol6bY8fuT2LGWwBoqS9gWwXKxeuHC+pGiqEdH4n8Igg8t0q5NEYQLp9rRdHoH3qErp5DKKqBqpmoqh4ROi55Qds69123v1p1hmL+Eo5b2hRdfei5q2oNQlFR40nSA7uojl9cplm5pXncUrSLO/TZQeJ6jPHjFomcjqIqVOZGUeU0qq4ghCTeYqAZFuVLR+nemyXRbVAZcZDODKlWg+KkhY7LlsdaufjKZRQlJNuXpDpv4zshPfuzmAmNkSML190KCN0g3jtAYNUjMtFyESklimliZFuxp8ZX+D6EqhLr3xL9kBJndvrGwRRC4C8xn+i5VoSqNsx9N0Aj+ks02mk0iNC0ZjlkoGkiXA+8hbkb+krWCyklXrmAV7pBzpWUBNbiO6HoxnVOfn8gpST0POypG+d5LTXNKYa5aq0g6XlNQSp047oUNlo8ydUgmtCxb9p8u2mhsmu7zi/91YhJVCiQSgj6ezWe+WadV95c3J21bU2z/6lBPNsn1RlHKHDl1eVRBWEI5874nD/r84efr3PHAZ2PfiLG3/+VNEjJ179m88arLpcv+k1yyfTWVgY/sYdYWyISMC9eYuHo2jXbv98hhEJr+x627/kksXgLQgiCwMWxS3hujSBwURQVTU9gxrJoWhzTzDK47XE0LcbIpRcIgtWTKq3aPBfPfe3/Zu+/wyS9rvtO/PPmylVdneNMT46YAQY5EJFgDiIlkrIoyZZs2ZZX3rWelaXf2pZsyUG2tLa12pVsyVSglpIoRgkkQRCBAJExGEzOM93TOVV15ao3398fb3d113SqnhlA8rP6PsDTPdVVb73h3nvOPed7vodd+34I3YgTjrSyZdtjXDr3jTV3BZKk0D/4MC2tO4M+4r7L1PhbzE2fWoVyKaHrMTRjMa8lgvOVVGRFqxsW17XWJTG4rknsQA/hdBvF44HBE76/INoo45s2kqosnB9IStB+tTYyt+5EMFLtdN/3EaqzYxSurM6WibToCKDvthbsqktLX5R0f4Srr83Rtj1OsjPEueem6NyZIJzSuPraHKGYhhZSQIJUT4QdD3Zw/rkpZEUinNAQvmDfk92EkzrzoxVCCQ3X8jCiwT3ZaO5Kmo6qqkiyQqR/EOF5OPl5tFQLvutiTTcuQJIso7e0sniDWh9+P63ve2KVAy/8FIu/L9OfUxTkUHjN2hVJNwLWUGc3Rk8/ems7ajSGHI4Ei5eqIqtL9PDNwqtU8M21m89tCkLglcsIe6Nd4XIdGW6ZBtZm4deq+E3kcoS/8blaM5P4toWkGxid3Wit7biF/Ir3SapKZNfehQMLzLGRNdmrzeKGjcpLr5m89NrSww8ZEh95MsLtB6+z8hJU5k3yY5WA+TW3TrdCEeT+JsY9Th53SLfK3H6nzgPvM3joEYPTJx3+4L9XmM/6bPnoXmZeH6F0LUeoPcL2zxxqMCqSqhHdvge9rT2wegteS/nCGYRjY3R043seTvbme6bcCoQjrQxse5RwJI0Qglo1y/TE22TnLlAtz9YX41CohVTrdnr67yWW6EFRNLr67qJSnmZm8p01ji7IZ68wNf4WfVseQlF1UultdPfdzcjQCwh/5S6vrXM/3X131w3CfOYS49deWdUoCOExM3WSYqFxkUulB+nqOQILasFT429SLq4djnFdE7YINBEmeecgbrGGJIEc0vA9HzyBcD1qo1n0tjhaOopvuUGL4HWCwOb8NMPf/sKafwdoG4xhV1wsQybRGSZzrQRCoIUV8hMV7LKDZihBX3U70F6qFmxCcRVFlejelyTWHkJWJKp5G98HWZGRZQktrGBVXIzYggads3HAOjAgOXzbRIlEgxCFEPiug2dW10gkS/XaAkmSbnhxXGtnYXT1kjxyD5Ede4IdzfVsJyEQwq+TGm4EwnNvelFbfj6+8zdHgHQj+Nata6lszUxRvXaV+IHbUSJRWt/3frK+jzkxFjDpADWRJLb/MLFd+xb02IpULp5tiqm3Hm6KUrwcpiV4/ajJ3//xxuZHviOo5W0qWRPhC5zq6kk2WYaBLQof+EiIhx8NoesSb75h8S/+9wJTkx6tbTI/9/MxPvN3Ivy33y7jlC0qEwXMbCUotsrVGjww4fvY83P4Vo2OD3+azPefxsll6wPWrVZu+ubdOkj0DNxPPNkLCFy3xtClp5mfu4B/3YJvmjmmJ45Rrcyx/9CPoRlxNC3MwOAjZGbOrrlb8TybybE3iCX6SLftQlY0egbupZgfYT7TSCGMJXro3/o+FEUPDFxljmtXvofrrp6QF8KnVBilVBhteF2WZTp77qg/lnz26orvuh5K1UC+GgxL3/EChdgFj1qSZXzbwS1b2NlAsda3vVvyHOeulpg8V0BRJfSoilVyKM9adQMgqxKO6VHJWmgRhcJkDTVkY5YcPMdn6PU5xo7PU5iu4bs+w2/O4Tk+F1+cIZzSqeYs5q6UiLbqODUP1/ZYt6mm72FngnCsW8xv+nqEENSGr2w6lOTb9qoLsdHTR+fHPoPR1RMYq4WcTW1sGDszh1su4VsmwnWQVY30I08SXgzFbe7EN/+Z9fA3Zo5vjFtmTAF8n+xLz2J0Bey78NbtdH3iczj5ebxaBWQVLZFAS7cFO1PLJP/Wq9RuoIL+etywUdm5TeWxh5ZmhaJI3HeXwdvHGxc1SYZUb5RwUgcBuXQZs2hjFpeSUaEQ/Pp/SbFrj0Zm1uOrX67y4vMWxYJf1+abGPf4y6+bfOyTgScmPMFd/+ZJrLyJngzhVmzu/rUPggRnf+d1KhMF7Llp7LkgTlgbHapv6eVQGFnT8BakFCRFRTZCSLoe8PhVDd+s4VsmcigcyFAIgVct37IE4nKEImm6eu4IaMBCMDNxjMzMWdb29gTF/AiTE2+xZdvjC8dopb3rINMTb6/5PbZV4sqFv+LQkZ8mFEmjaRG27/ko1XcymNVg8dH0GP1b30cs0RN8xi4zfOV7VEq3pmHZRvAqFl5laQx55dV3tk6uCcrnJlArBM/VBaxyMOjs6spJ7tSWXrMrLvaCQkRhqtHg5saCseWYHuayYt/lv28EPdFGqKUDMzcTVKovFnuKgN69IqErBF61GtQcCEHp/GkKx15f/eDr4bp8ihKJ0vbYhzC6AykeJz9P5tlvU7l0NghN+n6DMZCN0OZkRP4W7wqcuRmmvvJF2j/wcSKDO1Fb0qiplnoORvgewraxZ6eZf/l5yudONpdL2wA3bFSiUZmtA0sfd114+Q2Tv/hGYyxWi6j4niBztcjshTy3/dAg8e4Ix750Gc9e8CIkiZlpn6/+eZG337RYK6Q6OuLy2iuBFzX8jTOMfOv8qu+zC+vEZCWJUFcvLfc+TPnSWQrH30Rv6yB5+G6EEKjRGL5tY2dmKJ49QfLgEeRQCElRsXNZiiff2hSlsRl09txeryEJchdHaSZ8kJk+w5ZtjxF0MwxqQtYzKgBmNcvQpe+wY+8n0Y0Y4UgrW7c/wdWL38Kxq3T1HqGtYz+SJON5NlNjby7sLtY+n5AcRZU0bN/EFrcoHv63QNY0lFCU+MAehGMhKRqybuBWy5TGLuJeZ1SE7+PkMuitbSBJwc9bsEiEegfQO7qDPJ9ZY/6lZymfWy23tgBJCiRG/hZ/7fBtC7cYFDE72Qy1kaG6eKtXLWPPzVC7NhTsXm4RbsiofPCxMLou8frRlaGWwwcNXnx1+cIiUZis0rWvhfmREnNXCsQ7w0jyUrzXrAl+898X2WgTcPaUw4WzwZs67xkg0r0UavMsl6t/0US9gBBUr11Bb+9q2G76jkPhxFu0P/ohimfeIb7nIKGuHuL7D2NOjQVyDC1pKpfPrRuOMCItyKqGa1exa0U2Mg6SJJNMbWUxdlerzGFZzcn1W1YRx67WZWLCkVZUNbSgP7Y2splLxCaO0rvlQRRFo7V9D8XCKLVKhr4tDyIrQR+KfPYqk2NvNNSyrIaokkJCDuTy/5oK/4yQxC/+mxSGAaWi4NibFi98t7bhmqpq8MnPRvnqlyrv2rnv2K2SSMq889bm4vt2KaArA3VJGElW8GwL11yZSBeeR21shOiOPQBB5Xkk2lTydz0o8QRKOIhKuMV8QFNeJ4claRpauu2mvnN9rEJ3+lusgKSqtD7yARIHbsctl5h56iuYE6O3PsR4HW7IqHzmh6LEY0GS7o7bDM6ct7Gd4ETHxt0Go2JXHNJb46iGzO0/sp38RIVQYimZ394h8+SHQnR2K5w5afP6KzalNXTAPG/J8SqP5bEKNWRFJrGjFTVyczRA3zLB9/BtK/hdlpFUjdrECPOvvhCEH3y/HjJbC4qqk2jfzvzUOWRFw4imsWsFJFlB1UJ4joljLS0IRiiFbizx4i2zgKqFG+o71oKqhnE9C51YIJOhaKhaZEOj4ns2E6OvE4l10tq+B0UNMTD4KBCEv4QQmLV5rlx8CsfeWME2IiewRPONyhZC8vWftwKaBkfu1vkv/76Aqkn80OeibN+l8fu/XQwKIaMSqirh+VAp+3guhMISA4MqH/p4hO8/U8P3IT8fLJahsIRhBIberAlMMzhRVQ2OpSgSriuoVgWeG+QEI1EJTZNwHEG1EtDgkymZu+4PEY1KXBtycR1BsdDcRfu2iW9vYufne9SGL+PccTdasgW9rZPEwTvIH32tuQrptR7I8oS/L9Y1KEgSiYN3oESizZ/3BghYhVJdEima7MEsZ3DsKv4aOcS/RaD9lThwO5KqUj5/CnNi7F03KHCDRuWnfm6pOvO17/bwD38+w/Ts6oO2NFPj6g8mca3g7+GkwchU0Fuls0vml38tSf9Wheycz5MfCvHicxa/+R+KG/Y5yl9ckpKYfWuMO/7l482dvCQR6u5DT7fhey6hnoHVWTICrLlpIlt3EB7YVs+x1MavrXt4q5bHNos4tQLpvttwzBKhaBo9nMKqZFH1CNmJ03XGlaZHURS1zrJKt+/hnvY9zV3LiktTUJTmjKttFbl2+VnCkTaisQ50I75wDAnLKnL14rcxq831VKn5JcpebqFb5sbYvk1ldtajo0Mhk/UoFgVKIEKMoQdSP5WqIBSSkKSgjskwgtdrNbHmvHBcuHTeYXLc48IZm3/7X9K89pJOseDzk/8wTjwRGIpnnqrx7W9UeeixEJ/4kQjbdqj8H78WtFD4lz+fJRSS+aHPRdl7UEPTJIavOHzx98pUyj7v/0iY9z0e7NQzcx5f/mKZocsuh+/U+cRnokRjMtWKz7e+VuWdoxY/9tMxHnkiBJLE3gM614Ycfvs3iu+ao21NT1A+e4rk3Q8gGwYtDzyC8D0qF8401KPUIcuo0ThqMoWaSgfKt9eFDLyFJLysG6jJFEZXb7BbuS4JLhsGkR17aXnw8Vuqe5ZoHcQIpRC+iyQrSJJMPNVHfvYy5cLGdR3/X4WaSMGCYrKaakFNpvBKhVuSN1n3e9/VowN6WCHWHkKSJBJdEeauFJi9GMhG7N6r0dYh8+9/pcj5cw73P2jwv/x8jP/3j5RV5e6XY1FQEkCN6DjltRe03BsvBUqqC1AiMazZqYXfo9iZGarDl/BqVYpnj+MW85TOn8LJZckfe51Qdy9KLBHQODexGPiujaIaCN8LqLELYaXlUBQdSVraldzMZJQkaUXv+fVQKU8xcvV59hz8TH1n5HsOM5PHyWev0OzFKpJGRElSEvMrOkauhl07VPbv0+jpUTh33uHiRYe+PoVaDQ4f0iiXfE6dcdBUicOHNJ59weKuIzqJuMRzL1jkC2t7yotnnJnzmZ706O1XuHLR4Qv/T4nsnMcddxv81M/G+NbXqzz77RrTEy7/9JeS/O8/m6074J7r88y3qnz1Sz4trQr/9BcTdHQrzE3DnfcafP97NV56ziSekCiXBLoOn/iRKC89W+P1ly3ufzjEJz4T4fIFh9/7rSJmVWDZgi99YZ1dnyQTHhhsOl9nzU0H8fHrFgjfssgffRW9s4vItl1oyRbanvgo0Z37sGYmgvi66yApKko4ghJPoLe0obd3IFyX2tAlvOuMijU9gTOfRYklUMIRWu5/GDkUwhwbwbetIDTc2k5k63aiu/YhayrmZCBffytQzo1R0+aQZW3BsKh4rollri4/855AUZA1HVnXg34nC/NWUjW0ZGqBzuwE9N2/pnbSdmYW37JQQiFiu/Yj6wZObj4geCyekyCgqVdK2LPTmOOjDWvljeCGjMqBPXq9BXAkLLF/t0ZnR7Aomabg4pWlQVmaNbn4vQmQoHVrnGTfkvBjqkVmatLj3FmHYkHw8ksWf+9nomzboW5oVEoL4S8Az/KoTFw3wCRIdoaItGjMXDyJcBdvoqBy5XxjWFaiTr2sDl8CAbWRKwALDLLmK+191yE/cwnfd8nPXApCXp5NqxGjkp/Ac62GuhBZVht2Sq5rBbTgGxiHtlXatEKyqoYaDJEkL+x2NmHcCu4caa0HUyrjNJGo9wUMDbuoKrSmZZLJgPQxO+fR0a4wOemxd4+Grkvcf5/Ba2/YhENQMwWplES+mbVkoeZJ1SR0HT708TA79mjE4zKdXWpQurSGbZIV2H9Q56HHQ6RSMjv3aug6lEo+J9+x+cyPx9i2Q+Uvv1rFrPnEEzIPvz/M7v0aP/kPBbohUS76JFMypWKTlFZJIrpjT6Db1QSKJ9/GmhjFX8XrdOYzzD71Vdo/8Amiu/YiGwbRXXuJ7tiNcIMe7JIkgaIgLeyShRA4mdVrttxCntzrL9HZ2Y1shDA6uml79ENBtb/vI8kysmEgGwbCdck8+22E72N0faq5a98AVi0PfwPIZNG9B2m5634kIxS0YZAVJFlCDi21gdA7uuj64R8PdgO+H7RQsG2cbIbcq9/Hzrw3LEoIWHq5V79P+sHHgjGwfRWJJCECcVjXwTdNrNnpQM145sYLyW/IqPy7f9lCIhEsRMWS4F/9Qkt9DRwecfmpn1sKTSV7o+x4uBsAPaYycy5f/5uigGWBrkuEw0s5k5YWmXB4aVHzPMH1RbGla/P4toekyGgxA7fSaF0jSY1td6cpzlkomkyyS8c1PTxH0LolgqorzE9UibUa6GGF/FSNWsGhc0ec+fEqru2T7otQzdnIqkQpYxFOaJSz9rrFa0L4+Aty+b5nYy/IpxTmrmJV81xvLTzPbpC0mJl8h6FLT69akLgRBGJTXlGyZetSu2SxZGE7e26nXJpkevztFee7GnzhoUsGqtRc6C2X85me9ohEJCxLcPCARlurwqUrLqOjLjOzHt1dCoYuMTbmYduCmVk/aAZnN3d9kahEa5tMds7n5/9Fiukpj1/7pRy9Ayr/7r8siVyudrsefDTMBz4e4f/6jwUqZZ//36+mkCRwHfirr1R561WLj/9whF/+9RZ+9z8XuXbVZWLU5Vd/Kcfo8ELDMD8Ys4rSnH8gSRKoKlKTUzJYxNY2/E4uy/TXv0TswGEStx1Ba2lFCYfriyELRYpetYJfq+Lk5imdPbFmAV75/GmE55F+3xNoLWnkUBh1wSMXnodv1qhNT5J7/QdULp8jPDCIVy6t2SHxf0bo6TbC23YBi0IEK++/rGnoy0gKi5EJLZ6kePzN9+I0g/PQDYzegaAnjeciPDXYgSzvQbRQICspSqDeoBso8QTdn/lJpr76J1hNSMashk0blUhE4md/KUNu3icWk/H9ICm5OHGu9/4qWZPxdzKkt8VRdJlKttGTPXBQ4+d+Po6zkOjv7VP46CfDHDys1d9z7ozD1/+i0VXpfXQHUy8PkdzeRvtdfVTGC4w9s6QsalVcZofKtPZHiaQ0+g6mKM9ZmGWHvY91UpwxiaQ0evYnqMw7hJMa5YxF38EkobhKYcaka1eMcy/M0tIbpm0wimbInHvhxirwrerqHSS966RLNC1Sr0x+NxGOtLFl+xMLnSulhap9n0isE1UNsWXbY1RKU5SaiFlLkoQnXHya2yW9eTQwtHOZ4OfJU059nJ86Hexyz513G/LGs3MbM6ckCWJxmcEdEh/+ZIRCwefiOZuf+JkYP3jBxPfgrnsN9GW2r1QKcjftHTKlosCsCeIJieycx3zGY/d+nYHBYCzqOrR3KRRyPl/5UoWuHpWePoULZ2yGrzjcdofOxJiLrksYIZnpSQ9/gRjQ3asQjUl4HvUup75jUzzxFtWhzSviWpPjG4bKfNui+M6blM+fxujqQW9tRw5FkLWgaZtvmbilEk5mFjs7t66QIUDl0jnMyTFCfVvQ020BbVgIPKuGk81gTozhVQJ9PTs7x/wrL6BEo5iT6yt/10aGmH/5eZAk7JnJm6oFE45D5eLZQCvN9xvk3tf8jOtSPHmM2shwUNQ5NYbaEkNtiWGNLTjIsow1PU7+9RdBlRGuF0gG+QJJ15A1BSe3dnjTr1VxrmeNCkFt/BrZHzwH0HShauXy+XrN3WpsLjkcIXXPg7Tc+z5kTac2PhIQOPK5lWNGkVGMEFprB9Gde9HTrWgtaRK3301mbvqGyic2ZVQWZVOyGR/XFezYpdLeKfPMt0xqq7QD7tybYss9nehRlURPhJNfHaY8t2Qcrg25HDtqIUnUJ/qLzwdGZ/nEX01GKH2wi7l3xmnZ30nu/Cx9T+xsMCqKKhOKabRvizJ2Oo8eVhi8O83lV+Ywyw6FGRMhAuNTnDVxbZ/OnXEiLTrSWBUhIDtapVZwsMouO+9v49o7OXz31sZHTTMf7FYWQhKRaHvgSfq3vshyEYpq0NN/L8lUUPHsOFXGR16lUp5h/+2fR9OiGKEUgzs/yPlTf74BA0wiqiQXNU5v6HzW2lxtNhSdapH5l/8uRbkkGLvm8jv/Z5HsnM9ffaXKj/xYlA98LMyFM06dyQUwM+lx4azDr/zHNPPZYDdz9qTDPQ+E+Pe/lWbsmsfcrIcvIByV+fgPR9l7QEP4MD7qcvqEjW3Dl/+kwg//WJSHnwhh1gTff9bk6W9W8X04+Y7NkXvi/If/K83JYzZf+H+ChVfYNoWjr93QPdsM/FqV2vAVasNXbvpYXrlE5cIZNiIpe6Ui+TdfbuqY1aFLKwyrEWlhYO+TZCfPMD99rmEwtA+EiKY0ZoarhGJqIJlTdPFcgar5GIUL+LkLFDI2iiKR6tIxwgqlrAMSC43UAsKHXfMDo3LsjYbvD23tQE1G0Nq2g+8HkkGGTWX0BEZ3EJlRQ2Gc+RJusYawHKoXNu/Z10aGgtzYJlA5f5rK+dOr/1GSiO7cExiUUJjq0GVmv/P1oEfOul0yNZxcltZHPoASDmO0d6LE4rj55sg6y7Epo9LeKVMs+IwMu7R1yFiWoFwStHXIjI2s9FKP/NhOKvMmQz+YZv9Ht5C5UsAuLy2WJ487nD298eK5mtKCU7Zov6MPJaSSOTZB/5O7Gv5u1zxGjucYPZnHNT1OfmsSSZFwbZ/JC6W6KNvlVzPB74IgPqqA5wqEv9S5T9EkyvM246fym7hbzcF1qlRK00RjXcBiD5IWKqUN+lbcMCTaO2+jp/+eupz+7NRJZqaO43sO1y49w/Y9H0NWNJItW9my7VGGLz+zrgqy5dWoeqUVSfrrSQnvplBfuST4xCPTC98Ljr0UMv3uU1VeejaQ8bEtwZ/9Ubm+ozZNwW/8ah5Nk4JFxoYrFx3+zS/mUNUg5AVg28Ei9Ae/U0JTg5CW4wgWc5pnTthcPu+gasH328uUtS+dc/iVX8hhhGXUqE4oqWOVHBRdxjVXzhvVUOpsyWahqAapzt10DBwhkuhCVjRcu4JZmacwd4XZ0WO4dvO071sJSVJQNCPootqkpxBL9tDWdxjXqZGfvRx001yAWfbYe38LvbuiZMZNQlEZq+oTT2soqoQWUnAsj2rBA0lQzrlohowQsP2OBAgwIgpj58sMnyzhe6uckyyjJqMLYqYSii+QDQ0lYuBVgpIDqxDklNxMEa09ufIQqh4UEa/S3+hWQlK1QLF6QcU6tmsfcigcGMvjb62ZK1sO4TqYk2N4tQpKOBzkyG5QrXlTRmXsmsfhOxV27la5cM4hmZKRJJiaWH0CPP3LR2ndnqDnYCtm0Wb3+/uYOjPP3KWFDn8+K3IlzWLkr87Tcc9AfXcy/eq1oLZElhGuixwKIQwDt1BA0nWIRnHy+WC73jCIluShfc/FF4FUClJQTIaikNjSysVX83i3eJeyiLmZ07R3HUSSVCRJprf/Pi6f/8t3pS1xIjXA4M4n6xX8peI4Y0Mv1ift3OwZYsk+unqPIMsqHd2HKZemmZk8tkZIThBTW3B8i5LXGOK7XresWbrzjaK8Rn2T70FlWXfRxVDrImwrMAKLEGIpRHU9LFOwWtZBiMBAscr6sXi89M4k/Xd2MHVmnvmRErsf72X4tWnKcybJ3iiSBMXpGrvf38fkqSzFySrhtIERVZm/VmqQiFkORQvRt+sxurc/gFnJUClMInwPRQ1hRNL07X6M/OyVvzajEm/dQnv/7YydfxbbbK6wt5QbY/LKD8jNXFxRfKsZMpkxk2LGppRzaO8PMTtaI9VuEEku6MZ5AiMS7E5KWZt4WkOSoDBr4/sCs+RRzKy9+JhD05hDzRN0rInG0JUkyXRuuQdVMxi/+MINhLMlQulO1FAMu5zDLq4eGpNkhVjPDqz8DHZxPmD1xZML5At/Y9n/ZVBCYWR1QdnDtvE3CIeuhU0ZlWpV8NoPlqbU22+sbxGED5nLRTKXiyiGTEtfDGeTHthaqEwUGP760hZw/NnLqOlWjN5eqhcvIBkh9K5OauUykqqi9/bilUoI10VJJvErFZBlZF3Hd1xCAwPgC3yrFuxcfB97egqtrY0aaZSBrUjzx98V7a989grl4iSJ1AAQKATn5q8yN3PqltIRQ+E0W3c8gaYHyVPbKjN86Rksa4lO5To1JkdfI57oJZboRdOj9A8+TLk4Qbm0OiMk784go+CIxuXWtkoN5x9P9AbS+f8fRXXewqk6CF/gWR7JvmiwYxIQimu070wydSZHsifC5Mks8a4IvYdbEb4g2RPl0vMTqx43luqjrf8wlfwEQye/iVXN4QsfVTXQQwlUI0at9Nekxi3JJNt3EIq1bqqvim0WGTn79Kp/m5+ymJ9aGmuF2WAdKs6tPTezE8H7Z4bfGxqZqkdItg3i2BXWI1SsCVki3N6P8FyMdCfF4dNEu7dh5edwKgXifbuwSvPU5sYRwkOLJLCL8wGTa3GNkmX0tg7MJvJKcihMdNdelGjQ4M0p5PHKGxc+r4Z3vU5lEZ7lk7nanJfSDGL9SQY+vBc9GQIJPNPl0tdH0Ts7MUdHwHNZfJjC8xaUbiXCu3ajJpN4pRJyNFp/AJKioMTiOJk5hOPUC4QWu9Yp0WhQNr0JSDJsvytNJWdTyTs4loeiyEgyOJaPoslU5m08z+ba1efYc/CzaFoEVYuwbfeH0I0Ys1MnFvqQLIn2LdajSJKCpkdJt+0ilujl0tmvsxbXSFFD9G15kGTL4EKvFofR4RdXbdRVKc8yfOVZ9t32OVQtTDjSyo49H+PM8T9etVpfCJ+U3gNOUAi5iHJpCs9z6ruiju5DzEydoFqeWcVzk+re1SIi0Q66++8hkujCdx1ymYtMjR9tihknSTKp1h1YZoFq+eZpnJIERlShcyDE7rsTbN0fpa3PIJpU0XQZ1/ExKz6FjM3sqMX4xQrDZyrMjZlY1eCaijM1rrw0Re/hVioZk2rWojxbI70tTsvWOFbFRVYlqjmL0kyVVF8MSYbCZJXS9NqLoR5KoBtxpq68QqWwZPht19pwZyDJSz1vhBAI311VlkdRDZBkPKe24jO+56x4JpIkIysasmrQ0rkL4XuoehhvWWtq167ROF4lFNVokNS/vuX10nkryIqO55goC2Em33PwfTf4XllDCA/PtVltTsiKHtRmLYy54BpWCUVqYXzfw/fslZ9xnRXRBElWkWWVcKydaLKb4vw1VCOydGwRhLxX3N9YCN9yEM7S8RRNJ9Q5QHHkPPGBvSAEiS17mb9wFKdaJNzWi13INCTThW1hTo4R2b4LSVFpuech3Pw85sQowvPqIWkJCWQJSVbQ0q2kH3yc6O59ICt41cpCEeyNhZHeM6Nyq7H9s4eYfnWE6tTCpJFVjIE9CN9HTaTwaxWUWAxZ15E0LfjdMFBTKeRwBDeXQ9Z1Kpcuovf2ocbimENXiezfjzk0hBKLo6aCZlmSrlF6+yhik/0OJEkiktKCBKKh0LMnhl3z8D1wLQ+r4nHlzSBklJ8fYvTq82zZ/hiqFsUwkmzf/VG6++4inx2iVpsPBrasomphQuEUkWgnsUQPkqRQKc/UJ/kqJ0JH92E6e48gSQq+7zE3fYrZyeNrhNgEucxFxkdeYWDwUWRFJZ4aYOuO9zN8+Xsr5PUlSUZFQ5W0htc912R26gQ9A/chSRK6kWT/4c8zPfE2ldI0vu8hSTKKqqPrMXzfITN7bsG7g2pllqsXnqJnywNUyzPks1dQtQhqKIFZnScS7cC2S6hqGFWPIEsKllnAMvPoRgLXNYPdEoH8jBFOIUsynmtTKU+jG3F0I4GiGrhOlWp5btX7EUko7LsvyRM/3sWO2+Mo6nqe55I8iRDw9P+Y5Cu/GbQEaN0ap3NvCrviUp03mT6fY+CeDiqZoC2EZ3vUCjaTJ7Nsvb+LyVNZKhkTI6qRs9ZhFnkOvu8QjrU1r30jyUST3XRuuZt0915UPYrrmBTmrjB19VUq+fEGA7/zrh8lEu/g4ltfonPr3aS79qEZURyrQm7mAhOXXsSsLIRoJImWrj10b3uAcKIDPZQAITjw0D9m+QJ/8oXfWvoMgRzL4G0fJ9m+rd5BdOzCc4xffH7Fgp/uPsDWAx/h6vGv0r/3/UTiHWQmTzN5+Qf07nqE1u4DmJUsw6efophZSoRLskqibZCebfcTS29BUQ1ss0h24jQzI29hlrMN53j7k/+c/MxFZkeP0b3tARJtW5FlDauWZ3bkbWZHjtZll2RFp2vwHlp7DhJOdKBqEdoiKdLdB+rHdO0q73zvPzXcW9lQaXt8P9ZMgfwbS2QKt1amMj28QAEPcryVqWtEe7ajRRILenAGWjSJ8BwkWUG4LuXzp4hs2xkIgXZ20/OjP401NY41M1WXmZI1HTWRQG/rQG/vClIHkoRXq5J/61XKaxEBmsD/tEbFLpiUR3NUJhaNioxWvYyby6HEYgFjI59fmGTgZrOARPXCedR0Gnc+h1cp45smzuwMbi6Hm88hXbqIm8+jtqSRQwZuLoc9NxuEyzYJ3xdMXy4jBBSmTRzTw/MEiiJRKzkYkaXbL3yX6cl38H2XLdsfxwgFib9orKuexL9RJBL9DAw+gqoaCCGoVmYZH3kFx1n/mibH3iQW76G1Yx+yrNDedYhScZLZqeMrdhr+GjukyfE3iaf6SST7kCSJcKSVwZ0fwPc9hPCRJTkovpQkivkR8vPDdaOyGqKxDuLJfsavvUxn7xGys2dJte7E9x1cxySZ3sbEtZdRtTBtnQeZnztPYX6IZMtWUm07KGSHSLXtZOjCd2jrOojnWoTCaYTwqVVeWrEex1tUnvx73Tz6uS6iycb2yBtBkmDk7JIxmLtcIHO1WCeJXHttpl6EO3Mu1/DdU2fmET4UJ6sb6idWSzPUSnO09h6kUpwmO3kaxyyt/QEgmuhi++FPoRkx5sZPYtcK6KE4bX2HiSQ6GDr5TUrZxl2sHkoweNvH8T2HqaHXAEGibTsdA0dQVIMr73wl2FUIMCvzzI4dQ5JVtu7/EI5VYebaWw1MQuc6Q+k6VSYuv0Rm/ASRRBdb9n9w3WtQtRA9Ox6iMBfki9r7bkdVw/i+w9TVV+je/iCdW++mnBsPcoaSRLp7H1sPfATXrjI99DquYxKOt9O59S4i8Q6unPg6zrLdnUQgExNNdlPJTzF+4QVkVae1ez/9ex4HIZi88jJCBOO5nJ/EsSuEoq307niYcn6M2dGlfKTvuSvmjhI1cAtV9FRk6UVfUMtO4ppVjFQ71dkRjFQHTq2IUyvhRkr4bpD3cGvlIP+xMDat6Ukyz32blvsfIbpjD7KuE96yjfCWbWveS991qI1do3jqHUqnjt1U2P2GjIqqSTzy2U4e+FT7DX/xjeBP/+01Lr8TTBZJkbnzXz9JbaaM73q4VYcT/+lFANyFHYWbW0pS1ZbpHnnF4sLPIJfgzi8lmM1r14LX8vkNz0cIgb8sXLDCyxUwO7S0QE5fvt7bbPT4PddkeuIY5eIkvVseoLV9b9CnflXpFVEPV5SKk0yNv7lqMlDTo2zd8X50PRp4tMLn2uXvNcUuc+wyY9d+QCjcQiTajqIa9G15gFJhjGplKUbvCw9H1FaVva+WZ7ly7i/ZuuP9pNLbFuLqi+E7efFKwN9Ebc6iJIYkARK+75DPDmFbBbr770VWdKrlWczqkkadED6V4jRz06dIpgfR9DCeaxOJd+J7LrnMlZXEAlXiwU918P6f6CYUacwHBL1NFmrJWBY1lxZryiQqeYerJxqfeUMr2ODiF4533cv+yveshVo5w/jFFxg89Am27PsgnVvuJDdzgdmRY4F+23X3VZIVurc/SCjaytCJrzM/dQ5/Qf6kND/K7ns+T8fAEarFmQbmkqzo+K7N0Mm/rO8wshOn2X3Pj5No3Uok3kk5Pw4IqsVpqsVpZFmlf/fj2FaR7ORprHX05ITvUcmPU8mPY5vFDY0KkoRZyTJ24blg4U/1Ekl0cP6NP8aq5oi3bcUIt6AZUayqTSiSpnvb/UiSxOW3/5xaeQ4hfBQthGOV6dv1KK09B5geaqR5G+EUE1d+wMSlF3HtCkgy+ZkLHHjoH5Fs387c+HHsWgHhuxQzVwGItfTTve0BauUMc6NrRQQWrtvzKZ2fRIsvbxcgsPJBjUx1OlhDnMrSGmbllkK65ep1IU4hqF27ip2ZJdTTT2THHkI9faipdBC5IaiR8qpVnFwWa2aS6tVLONkMbrm0vmBoE7ghoyLJ0NKpM3jgva2WDceXJvbVvzjJtb88uzTfrp+sq0COhFFaU0iyjJsr4hfX9+Y2Qi57iaOv/Cb13M1i1vUGoLalcXOB2FupOM7FM1/BCKVIpbeTSA2g6zEULRRQGJ0qZi1HpTxNITeMZRbWXJAlVWN45HkYAc+xsKq5TVEci/kR3nnj/2Zp2Vy5+CuSiirpQZx2BQSl4jhnjn+RZMtWWlp3Eom2o+ph8EUQorJLVErTFAtjmOb6bBXHMdGMOJFoB0Yk6McufG/ZpA3CBEY4hWbEMDwLRQ2K9Hx/0fj7SARMwXJhkmppGsepcv2WoGNLiI/+o94VBsWqesyOmUxcrjEzYlIteWi6RDShEE1pdG0NEUupDJ2uUCm+u+J9CzeA+amzVApT9O56mGTbNrq3PUj3tgeZGz/B9NDrVIvT9WtTtTBtfbeRn71MITNcN6bCdylkhqiV5ki0bkPTow1jxXMtspOnMStLxtqsZKkWpkh17kYPJyH/3go8lnKjCN/Dqs7juza2WcIsB+dnVfIL9OqAdRiOtRNPb2Hiyg+olufqi6fnmBTmLtO59a4Fo/I6y8eBWZ1nfupsYFAAhE8lP4lZmUczoqhqCJsb1yHzLZf4/j60dIzaRA6/dmtaIHvlEpVL56hcPr+Mzr98ji54RJtU4tgI/9OFv0LtUXoe2b70gi+wcjVmj61ftSvHo8QfuRc5HkHYLtblYWqnLzZljNbDpqiCsoSSTODXTIS5bJciSehbevHKlTpBQAgfszbP9MQ80xNHb/j8unY+SDjRjlnKoIZilOaGmR16c1ODaONrlDDkCPI6xY9qPIHbYjB8+buEOvuwC9kV3QHXYgeVC+PYC2ETs5qhUpoinhogO3MGyywgyTJaVxfWyAUKuWv4nkMiNYDnmMiKjqZHqVWzyAt9anLZK0EjKUlF1lVa2ncDgumxtxqICA99up1IovGcSjmHF/98hhe/PEN2cvXJr6gSrT0Gkqxh1967drZWdZ6hE98kFGsl2b6ddPd+OgbuIJbq5dLRP63vLkLRVmRFRw8l6By8Z4UWnaxoQY5KblwehO9Sq6yktroLhmcz7K5bBXehNcBiOHW5ERT49V0jkkQo1oasqIRjbfTufJjlhkMPJZEllVC0dUW40bHKK0J1guC6FXVzOnmrQfgCNWogSRJqPIS9zKjIMnz4wyEkCcplwfHjNnfdpfPss8H6YRjwIz8SJp8XZDM+x96x2bFDZfs2FQFMTXns2KHiujA761GrCfoXxFtfecWiXBF85CMhjh61mZ29NWP1fzqj4tsetellOwxZItafZPvWg1z4g7W7Hho7tiBFQhS+9X38ai1gmNykQdksJMMgcngftfNXcKeX9NEQguqxG0+MbYTs2CmyIydIdO6ge9eDzA2/jWqESfXsxbNrpPsOYpbmmLr0Cp5jEmvtp23LEWRFJTPyDsXZITbagQUEgbUnl97SRurQvdSmRgn3bcV3LOzlRkWSMDp6EJ6DdZ2A53KGmu+7zE680/B32ynTcegAhWtnF9SVITu7eldQgPnZ86haBEU16uKZtcoc/rJksGZIHHq4peFzvic4/lyOp78wSbXooRlxWrr2EIqkyc9drieEPVcwN+ZgRKIIIaHqYWRZwzYLKKqBqkfXlO25eQjMcgaznCE/c5GenQ/TNXgvbX2HGb/4PBD0/IGgL0k43rHqUXzXXvHEhRA3XLvwbuF6h2dtB0gKQslAS+ceUh27Vn2XcFay7ITvrdM/XuKGKMPLjyBJ+LaHWypizzaGshQFHn/M4E//rEqpFBT0/tAnw3WjEgpJPPiAwe/+twrlsk9np8LHPhrixZcsLAvyOZ/HHlOYnPTJ5QRHjmiUy4J0q8SDD+m89ZbDhz8UIhKR+MpXbg3d+oaMihBQzjvMjDQfRkl36ai6VE90CiGolTxKuea1Zeyaj10wmXp5Ge9aAkVXuOtXP7D2BxUFraMNZ3wav1xFbU0hbAfP9Qjt3U70/juQQwbmhSHKL71J4oMPgyyh9XYhHIfit76PM5clcudBIof2IMkKlaOnqB47TeSOA+hbe1FiUZR0iuwffRWEIP74A+i9nXiVGqUXXsOdzpD61AcI7dtB+I59eLki2T/8KkprisTjD6Bv6SHzhb/Ay+aRNI3og0cI79+JcD3KLx/FunyN9E98Cmd6FmPbAF6xTP6rT+OXmyhoEyxQIO36pJNVndb+2yjMXGHkxFNIsoLv2YTirbRvu4fM8FF8z6Fr14O4do1qfm3V0jatj6pfQLC+p1MdHyK+8wAgIakabQ88iayHqE2N4OTnab3rYXzXpnzlHHprB161stAD3UPWDbRkIASZO/km0YHtQSMoIahcCwpgtXiS6NZdlIcuktx/B7JmYM6OU7p0ZoWuletUmbj2cj1f1RhCg+7BMPG0xvIFo5RzOP7CPNWFkJZjlSnNjwQ9aKp50j0HkCQFz6niuTbheAfZiVOk2ncSTfUyP3kWVQ+T6txFduI0jl0h3b0fs5yhlBujvf8wZjVHfvoi3gaN1pqBVc2Tm75Aa/cBYqne+uuOVQEEs6PHGDv/vdXVEgQN9N+bx7unptAUhMCxqwghuHb6KTLjJxGrOUpiZSho1ffdQkiqjFOoYnQmVv274wimp33K5UBU9XpUq4KpKQ/TFDz4oMGVKx5vvrk03sfGPIaHPa5edTl0SKNQ8Nm6VWFyMjAyzzxjcscdOl+Ta6uql2wWN7xTefaL0zz9healRP7lXxxg+6GlHIzvwctfm+XP/sPKOon1oMZ0UruWVEAlSSLcGac2t16vCglUBVwXydBJ/fCHEI5L4annSX7iCSqvH0dYNvFH7sW6fA0lGceZyZD5b18i/sQDGDuCRl6x++6gevQkKAqxB45gD48hqQpaZzvZP/wqvuOA4yJFwpjnr2BdvoaxfYDwgV0UhsbI/9VzJF2X8g/ewpkMEt1eJkfuq9+h/R9/vr6N1no6MLYNkP2DryIZGi2f/SjefB61NUX16CmKT/+A9Oc/gdbXhXVhY92gePsgsqoTSXWRm7pQXzyFEGSuHWtgChnRNKFomnCiA5BQ9AhGLL2uUck445j+xoVSbqWIrOqo0Tjhrn6UcITK0EUiW3ZQvXaZ0tWzOIV5zJkJWjt6EMLHaG0HWcHOZciffgvheyT334nwPaojV6hNjgTy7ZpOyx0PUjz3Dk4+E4hkjl3FykytKZR4fWJ+Odr6DFRNaohsVAoe45eWG3ERqDD4XkAfj3cCAteJMjd2nFCsFYGgVsngOlVKuZGF0JNGMTtM17b7sao5VD2CqoXwPYfs+MkN7+NmoKhBC+Ll4ZtaJYtZmScSb0dWtKar3G8EgsBgywvNtf76IKiWZnCsMvHWLcyMvH1DSuDNf12Qe5QVfUP2niRLOPNlfGv1cZpMynzsYyEmJz1efHGlod+6VeGTnwxz6ZJLPC6Rz61tGeIxidtuMzB0iT/+4yr/5GdjzM15KEpwnKGhm88BbvopGxGFOz/UzoGH06S7jZs+gc1CDWukdnfU/0/sbEMx1PX70/sefqWKHI8hLJvCXz2HVygiR8LIkTB+uYqwHQpPv4hXCBZY6/IweH6wE1BU5EQUFBm/ZuGXqxSffQWvWkMA9sQ0frUWtB4EjME+QrsD+p5wXOrNZ5qEkozjlSr41RpeuYpfriAngoZk5qVh8Dz8UhXZaPb+C3zXYn7sFJlr79Q9seU7l4Z3C3+hqM0mO3KcyvzqldyLaMagAAjXxZ6fxWgNQi6SrOA7FsULJ5bCKpKM8AXCsQPevefVpSMW3hD88H282hKzTpIknEIWLZECSWL+nVeRVJXo1t31AtbNIJrSkJVG79qxfIqZNQyU5+K5Fq5dRUIiHG8nmuwJ2GWuTSjaGhRx+i5aKE401YdZyRKKpnHMEr7n3NDOQJJkUp276dx6D9FkD4oaWtDaCtPStYeuwftQVIPM5FJ41fdspodfJ5Loom/P40STPfW6kFC0jba+wyTbd94iIyAwK/OEY+3EWvrrjlOQPH9vdy+10iy5mQu0dO2jd+f7CEVbkWQVVY8QTfbQOXjPmuHAzcLzbByrTKJ1C+HYEktWUVfOWSUewuhIooRXlzHKZn2+8IUK3/ymST5/3S5KBIrev/d7FV580eLqVY9du9RVRXgB8gWfP//zGnNzPvfdq2PZgvmc4PwFh337tNU/tElseqcSTarIMnRuDa2QS7hViIQldgxqZPMesajM3JxHKCQRMiTGp6uUfnCefCFQSgbwXR/hrrNv8wX26BTxx+5F39aPpCpIsoxXLOPOZfGrJtbQKGpLsh5OEl7j8bxsHr9UwZ2bx83MI8eiiNrCtS/fM0oSajqFX7OwhkYJ7duBv5iUX8jhyPEYUqgQJOsVBTmkIykycsjAUxWc2QzRew6hdrYFstqxKG5mfuV3NYnS3DUyI+9s/EbAKs9jV3KY5Sy14ixaKIZ/C8IgwvcCo1KYxy0XqE2NokbjxLbtxcrOYM1O4VUrJPfdgaxp2IV5lFAEp5DDrVaws7OkDt4FSOROvUl8295lhZ4Ct1qmeO44sR37CfcOEt2yA8UIYWVmArG9TUIPyQ1MbiEEniuwzcb7b9fyZCdP43sOsyNHEQgkZITwmKjMLzRl8xb6qdv4vktm/AS+71ItepRz4/Uq9szEDchiSDKxVB89Ox7C992F2P+CZvSCMzN24VmKmWUhYyGYHXkb3YjTPnCEVPvOunMhSUGV9dTV1yhmh26UzLj0Vb7HzMhbxFo+xbZDn6B/7/tB+AgBZ1/9/YaakHT3AVIdO1C0EEYkyGe19x0mEu/AdWoL9Ny3F8J3m4drVxm/8DyqFqFnx/voGrx34boXKO6ywuVjX74lkjZWNcf81Dm6tz/Avgd+eoFAIOFYFc68/LsN77VnitiZ0pr3OpmS+eVfTjA36/PVr9VIp2V+7dcSjI97PP20ycEDGr/2awmGh1y+8c0atx/W+Le/liCT9fnN3yxjWQLXDUoQbBssS/DNv6zxz/63OH/1VI3nnjPZtk3l8GEtEFG9yQ3cpo1KftYiP2tTLblkxm69+qYkwZOPhSmWfGYzHj/0kQhjEy6aJtHeqvCHXypxYIfM28cdCmbzC6w9PEbl9RDxR+4J+O1nLuGXyuT+4jvEHrqL6H2HcWfnKTz9IvbENKIWXJs3X0DSVNxsntILrxN94AhyOIR5aRh3bh4vV2yMwQqBef4KsYfvIfXJ92OPTOKVg0ngV2uY564Qvfd2wgd3k//q0xjb+gkf3odvO8Qfvofq8XOYl4Yov36cxJMPITyPwlPP4+VLWFdH6w29nOk5vOLGi1CtOINdW0l39F2bSm58RQLSLGeYufo6rVvuoHPHfVTzk8wNr02AaBbVsaUw3fSz3wDAmmsMn1auXarnR1Y/xtX67/PHlmTVhecx9/J3AcifDCTMa+ObkxO/HsoqRKZFufTlEMJHuEFO4vqdxnJ5EXdZQedyYcflr4sbMN7Cd5kbewfHrhBNdqMbsSCv49lUi9Pkpi9QKU6tyBO4dpVrZ58mO3WWdPd+QpEWQGCbJYrzIxRmrzSMjXJuHM+xAqXh61AtzVCYu7xmGG1+8iyuXaW15wB6OInvOZiV7HXOioQejmNEgryZ51jMT58HEexqdEUP2nIvMNIcs0h+5iLuQljP9wI69PI6mGphCt+1GxhhZiXLxbf+hHT3fpJt29BDCXzPxqzmKWaHKWQax01+9nKgpXa9VIwQlOZHkBVt1fyX7zmMX3qBWmmGVMduFM3Acy3KuZWUa+H5rNWKyHHgn/yTfMNrn/vRRpLHJz7ZyMj7/f/RaHS/8Y2l8/v615ee39//B0v36uJFl4sXb004UBKr6nqs8saFbasektlxJIHr+IxfrFItNHciizmVxeN4ruC5P5lakVORZfiHfy/O//hiCceBn/nJOPGYxFzGp7ND4Q//tMShAwZH3zEprqFK+7f4W9wsnvzJLj798wMY4cC6CCG4eqLMv/3smb/mM/tb/C3++tCMudj0TsWxfcrzDvsfasGu+Vw7fWNKlmvB9+HcBYe/92NxXn8raODluDCb8TBtwWc+GWNswl21KdgiJIkgHr5Ur7e6bL0EuiGzZX+U3Xcm6NsVId6qoelSED/PBgy30fMVLh8vU8k7rMks3ACL55Ro1ejfE2Fgb5SuwRDRhEokEfRMt02fasFlbsJi4lKVqyfLZCas4Nxv0H7KSpAIXITviRUFs7ICLR06u+9OsO1QnNYeg0hcwfcElaJLMeNw7UyFi28XyYxbTbUAMJI63bd3Ekro5K4VmTk1t+Z7JSnoWdO9LczgwRh9uyKku3VCUQU9JOPaArPiUc67zI2ZTA3VGD1fZX7KwlvlepqGtFRiEBTnS8hSUGQbb9WQ5caYvyQH59kMgkZQN3hey74vllLZdSTBtkMx2vsNYikNVZewTZ/8rMPEpQoXjhaZuFTDtvybDlctYsW4cVfu0iBwAlOdOgceTLFlX5TWHoNwXEH4UC25ZCeDsXzleJmZkaAZ3rLO1aiajGsv08FSpHrY8fp7GE+r3PlkKwfflyKSUCnlHC69VeSNb2coza90bjVDYt99KY68P03HgIFV85m5VuPUD/Kcf6N4S1pZyAq09YbYfVecrQdipLt1IvFAdNIsecxPW1w7W+Hi0SJzY83NnSWsneGXZZCW5fyEJ1aNjEsyxJIqu+5KsPP2eNDgLBk0NjMrHrkZm+nhGpffKTFxuYZV8262oH7zO5VIQmHXXUkuHytSLboNJxAJS7S3KUgSzGU8KtWlQze7Uwm+KyBrLU9rCLHwuirhuqvfwEXsvz/JP/2d3cgLwn/5WZt/+9kzFJZJY8dSKgffl+JDP91Dz44wsrzA9Lm+4HThf9v0OfHCPN/87fFNUakjCYX2vhC77oxz5P1pBg/GUHV5sT30qrlKIYJiX98TXDtT5oU/n+HsqwVKWWfViR2KKiTbNMyqRzSpUisFgyUUlfm7v7adI08u9WT/zu9P8pe/PYbvBwtk/64IT/xEF4cfTROOKSzIcK08HwGO6XPhzSLPf2mKi0dLK/ILy9F/fw+R1jC+52NXHEZeWrntDyakweHH0jzwyXZ6d4aRFp7DqvVky56H7wlmR03OvJLn5Et5pq7WyM3aTS2q8bTKjtvjpDp0Wjo1WjoNUh3awr91QhGlvrgtp8AjqOfxNsLx5+b54r8epiaFUdPJhQuWsS6PbvhZPSyzZV+Uhz7dwe2PtdSdjhX3ZOFeeJ5g6mqNF/5shpPfz5Gfs29qYUh1aPzEv97Gwfel6q998V8P88rXZ+vHVVSJrfujPPKjnRx5Io0RVVZ9bovPS/iCuVGLb/33ca4cLyOrMqom0TkY5u2ngwr41h6Df/Sfd7L1QCDKeeqlPF/4/12hWvLYfijG535xC9sOxVleY+l7MHm1yld+Y5QzrxbqDbfSnTqf/aUt3PmB1kBcXFo6H98TvP3MPF/7r6PMjd5YvjCaVNh5JMFjP9rJziOJeg5uret3LZ8rJ8o898UpLh0rUdkgwhNKdhBO91DLTizsDgRWKQhzqbrED/3Tfp78u9319//gK7N8+T+N1IttJQna+0M8/JkO7v9EG4lWfd0x5PuCQsbhpS/P8O3fm1zT+N3ynYosg1n1ufBGgWhSRVGlBjbMY+8LE4sGfbjfOGpSqd6YqyZEnUi14nXb3viiJBlUXa6ryRphhWS7XjcqXYMhPvIPe7nrg60rJDgaD7S05odjCm19oaYJK7IMhx5p4cj70+x/MEWqQ2tajFCSADmYuDuPJNiyP8bpH+T5y/97jNELK+tSoimV2x4OvLf5KYtSzqWYDa5VUSU0fSnjvGVfFEmWCIVl7v5wKx//2d6g+nudc1v8kxJVOPxYC7vvjvP0/5jkxS/P1r/nepSnKuRHivTd241ZXDlxFVXi3o+28djf6WTrgdgGyr+LJ7J0+xVVondnhN6dER7+bCdvfivDn/zqMG4T42PPvUn+yX9dvfhtza+Wgi/X9OaeoaIG75dUBa2/E2HaaH2dWFfH1yVbtPcZPPTpDh790c6FOpn1Tiq4H7IiMbA3yo//yiBH3p/m2S9Oce71QlP3Yr3zXz5u0l06sizh+QLNkLj/E+185Gd66RgIrXOUZYuYItG1LYQeVmjtC+FYPrIi4SzbpSzuWBe/t6VDJ9mmE4n7/J1/sZXth+KrnCf0747ymX8+QPGXrnLtTIWWTp3P/OIW7vpg6woGnySBLEvc9YE0Qgi+/Osj5Nfpw7La9fTvifD4j3Vx38fb0EPrqwjU505EYf/9SXbcHuONpzI89yfTjF+qrilsEW7pDnqy9O8DScapFbHKgY7b4jNf/nziaQ0jLGPXfBRVYv8DST7+s31sPxxbf91ZNoZauw3C8Zuvh9/UEcIJlVSHzpYDcUIRmdHzlQaj0toic/KszXzOJ7sOV/q9hqJKJNuCCZrq0PiJXxlk110JVG3poYhFDZxlWP4wfF8wPVwjO9mcZyME3PXhVu77WNuqD3Uji7/8M3pI5vYnWoimFH73n11u2HEBlLIO09dMVE0iFFWwqot9E1Z+b//uCHpY5t6PtvHJn+sj0ao1euMbnAsEO6MP/4NeFE3mO78/Ue8Xshz5kSJCCMbfmEKLXDfMJHjkc5184p8E378czXhC15+PEZbJzdycd/5uwZ3LY10exdjehzMxu648TtdgiM/8whYOPJhCMxrpvOvdl3rba0XiwANJugbDPPU747z8tdnVv06SUNuSSNpC0nsqs+EOr6Uj8HQ1Q+Kxv9PFR/9hL7GWZSrbG8wfAKvmc/LFHPlZOwhrSTQsjNcj3qrS0qlzxxNptt0WW3EPlh+/d2eEJ368iy/+yjD3fLSVw4+2IMkr79tSi3CZ2x9Lc/rlPK//Vaa5sSPB9tvjfO4XtzB4MIqiLl8/mpvPRljhgR9qp3tbmP/33w4zem714uXyzDCKHkaLJFD0MNX5cdY7yWgyCBXLMtz2cIrP/vMtdG4JLZvbsNHzcWyfi28VbjosuLnOjwUXx/TJTlqouoR/3ZcPj7g88kAIz4NvP1tl6FpzSXxJ15AMHeG6CNOuTzwlncQ3LUR1g3CTqsBiI65VoKgSqXadWIvK3/u17ey5N4ksB71HbNPHqvhBPqPsYpY89IhMNKlihBWMsIwWCnpgX36n1LT3JwS88rU57vpga927FULg2AKr4mHVfGZHTTLjFpWii+8J4mmN3p1h2noNYkkVZZnRk2WJXXcm+NT/1s8f//JQQ6zZsX0mr1Yxwgq1kkchu3buJ9Whc/cHW/mhn+sn3qoGPRRcQa3kkp9zGLtQoZh18FyxkP+J0tqtE1mIwwYNwiSMiMzjP9bJ+KUKb393vmHxinZGSA7EiXdF0WI6bs1l/nK+/vdDD7fwkX/QQzy9fFESWDWfSsFl5lqN2RGLSsHF90XgzLQHQo3RpIYRkTHCShD3lyTmp2xO/6D5ds+O6ZOfXV+0zwjLhGJKg8H13KDfeTOoFN26IrGXK2ENT+KX1+7R3tKp81P/bjs7bo83eNeLyhOFrMPU1RrzUxZWzSeeVukcCNG5NUwkoaIZ0gIdWKKt1+Dv/Iut+J7gtb/KrOjB3vrZx1CSUfyFuZb50+fAXT+q0NKlo+kyd34gvcygSLiOj1X1sape/flBUHoQiiroYZlQREFRJS6/XaQ0H/SLv+vD7QweijN5qcLzf7J6EXWiVePIB9Lc/lgLjiWYvFJl6FSQw91zT5LOLUZ9YZckibs+2Mrx53I89OkOjIhMtegxer7CyPkKkbjCwYdSJNv1eq7MiCjc/eE23nkuh1neOKrSvzvCP/iP2+noDzXkm1zHp5wP8keTV2qU5h1kJXBk+3ZHaOnQiSTU+nNVNZmdd8T5md/YyX/9mQtkJlY6qosS92ZxFonG5nWrIZbSMCIKg7fF+LF/MUhrb1AH5HsCs+ph14LnVCm6eI5POK4SSQSGyAgrqLrE1NUaMzcYDlyOTRkVIUBWg5i3a4kViuy2IygUfeSFHibNInRwF3p/N16hRO3kBZR4FL9mog/0IBwXZzaLqJlBxannIYdDyJEQqCrefJ7QgV24c/M4U3N1KvByKKpE12CID//9HvbdHxiUWsll+EyFd56f58qxEhNXqzjm0kmHojLd28JsOxRn++EYqXadS0c3V3l86e0iF48W2XdvkuyUxej5KsOnylx+p8jo+Sq11QayBIP7ozzyuU6OPJkmllry5GVZ4rb3tbD9ULzeAgCC/NDtj6WZvFLFtf0Vxn45ZAU+/8uDdU+4WnQ59uw8rz+V4cqxUpDsXQZNl9h5Z4InPt/FoYdT9US1JEnEUhqPfq6LMy8XGq6lNm8SSuhU54LWzOH0UogkmlS572OttHTpDQv2xOUaL/zpNMefz62ZG5FlaO012H44zraDUfr3RundEeHCW0WmrzWf5zr/RoFf//zZdd/zwA+184G/14MeWlo8Ji7X+N3/rZHyLCkqYqGBUgCB8H3Mike15IEsoW/twdjRj/B9it95dUX4KxxT+JFfGGDnkXiD92hVPa4cL/Hil2c593ph1Th8z/Ywd36wlXs/2kbXYKieGzQiMp/6Z/0Usw6nX8432DI5FmL295/alPZdS5fOtkMxPvG/9BFPa/i+YGqoytlXC5x/vcDVkyWK2aXzU1SJlk6dgb0Rdt+VYOuBGG9/bx7P9VF1hWtnyniuWHcxN8IKD/9wBwJ45g+n+O4XJinng+/o3hbm8788yN57E3UjoRsyn/75frq3RcjP2vzFfxrhre9k8TwBEuw6Eufv/uo2enYEfUskCXbdEScSVzY0KulunR//5UE6BkIN4zY7aXPse1le+foc45erKzYTqiax++4ED/9IBwcfStXDS5Is0bs9zOd+aQt/9K+G6tfVCLHw38bPKZpU6doa4qP/qI+2vqDAcn7a4txrRc68mmfoRInZcas+ryQJEm0afTsj7Lgjzo474oydr2zobDWDTRkVSYLddyVo6w9jVT3GzpcZObvEiT64T+epZ6rs362TSm6yGlcIhO1gbB/Ar5korSmU1hb8QhGtqw21NYV5eQRRM9G39qG2p7GHx/FyBdTWFF6+uGa+Q1El7vxAK0ZYRtVlChmHZ/5okjeeyjA/tfpNNCs+w6crDJ+u8MrXZNr6DGY3WZfjuoJv//cJLr9d4tKxIiPnKnXdqLXvAwyfqTD7GyMU512e/MmuOq0VAgOy775kg1HxHFFP0q+V41iEJElohrRwjR7f+L/GePUbc8ECuAocW3DutQLTwzVcZwt3fbCtIdm38444vTsjXDm+dD6+4+NaHrHuGHNnMpSnl8ZIW5/BwL7GOG+16PFn//4aZ19bWU+zHL4Pc2MWc2MWb347Q7rLoG93mGLG2TDxuRxW1d/QCJXmnRUhDcdq/Jy6oDVmzk5itHbgFPMgSfi1Ktb8HPiAJPAKZYTj4pUqK3cqEtz94VZufyzdcE9sy+f1pzJ8679NrOrJLmLyao3v/N4EF98q8Pl/tY2+3eH6bjLVofPk3+1mcqhGZnzZMXxB62cfw82VwBcUnj/WyIpZBe29Bj/88wO09YYQAk58P8e3/tsEYxeqONbKz3quIDNhkZmwOPH9HK3dBtVS0PXUqvnkZ2yqRXdD51PVZS69XeQ7vzfRMEanhmq8+OUZtt0WJRxbWqh7tkdwHZ/n/mSaN5/OLu3SBAydKnPi+zk6t4brObxIQqVrMLzmOgALIb8f7WLwYKzBoGTGLf7s10c4/XIeZw3SiusIzr5aYOxClQ/+VDdP/Hg3ekiun+/e+5Lc8f40L391jVBlk0i0qnzsZ/sY2BNFCBg+Xeap3x3n/BtFzMrKuS0EFOYcCnMFzr5WINmuoajS6o7uJrGplV8IuHa2wtlXcxx/LsvE5cZ44LefrfLxD0Rob5MZGd9EIY0v8PIlhOuhpOK4U3MIx0UOG7iZPH6lhhyPIocMpHCQLK8dP4fe14UcCeMtVLrXK9yvgyRDx4BBsl3Dqnr82X+4xrN/PLXuQFoOq+Yzcbm2eYqogItHi3z79yc4/0ZxY4OyDJWCx9NfmGDicq1hcVN1ie4dYcKxJUNTq3gcf26eS8dKTScdPdfnO/9jgpf+YnZNg7Ic81M2z/zhFDPXGovfVF1i333JFe8vz1SxChZ7P72TnruWOlfGW1TSXY1yFBffKnJ5mVFqBgKJ7KTFye/nGT69ToX1TcqSr4fF9q2h9m6USAw1GkOSFfS2TuqDRYCbzVM7cwV7eGKFUekcCHHfx9sIRRvj8+deK/DV/zy6rkFZhOsILr5d4g/+jysNAq2yLLHnngSHH21pYEyVXj2DeXkCZ3oee3p+3TzPIkIxha0Hovi+4I1vZfh/f3WYoZPlVQ3K9fA9mBu36oZfAvp2R7j9iTSJtvXJCEIIXv7q6mP01Es5yjl3hfGfvFzj5Iu5FTt21xaMXqhQLTWuTT3b1pfx2XogxpEn06jLSBquLfiL3xjhxAvzaxqU5ShmHZ763Qkuv1NsON9IXOGuD7aumBObhWbIbN0fRVbgyokSf/JvhjjxQm5Vg7IaCnNOsB7eAkr6psV9yjkHWQ76RSwyp2QJohEJ14FnX6wxMeWRTDR/aK9Ywrp8Db9Sxbo8QujQHiRdxxoaQ+vpQGlNUT12Fr2/G2OgB79qonak8UwT4Xk4IxOE9u5AaVld5XPRcxM+PPsn07zxrQyeHkXv60Xv60EOb14bqln4HjfMwqkWPF75eqNkhCQFsdpYKvDONCOofekYCNG/O1KnY64HIQSX3i7x+l9l1qUFX4/xS1UuHC2umMS77lzJylFDKpG2MK7pYeaWvHtFXdopLaKUc1Z2RFwHcjxGaPt29P6+ICamKEjawuIky0h6MEHlSBg13cIi11UKByFT1IX3yzenbeUU5imeP07hzNvk3n6Z0sXTuKUctfFry05WwtjRj7GzH7Ut1fB5SSaoDbqtMexVKXh8/bdGm87fACBg9EKV7/3hZEPdh6rJPPZ3uogml4ISbq6EHDHwilW8fLmphWTx/K6dqfDt35to2iFb9VR9QXbCIjdtk2xffzG1az5XTqzucFhVn5HzjY6tEDB2sbomoSY7aa8IdaW71z4HzZA59EgLXYOhhmd09LtZjj07vylHs1b2+KvfmWjI/UmSxI7bY/TtjqzzyY2xeG7FrMtTvzPO8OnKrey7tSlsmj+W6tDZc2+S9r4Qb383Q/l4CVmBRFzmkQfClMo+WwdUajXBEM1NCvtq0GBrUbnXvra6gKEzNr3kVUkLhUEi0OWyl/9tDUwP1/jBV2aQVJXwnt1ImoZfqQQyKrVb00vgVuPSsVK9RmcRRkiu50SECOK2qi5jm35TnqNj+Zx9tdAYEmkCVtVn8koN2/QbQnLt/StppYomkxsuMPrqRMOi5ToCu+YTji8t6P17Iqi6jGM1N0OVeBxJ19CSCRACSddQk0lqFy+jtrUiaRrWyChyJIISj+PmC+g9Xajt7TiTU3VD4+byOJPNK203A3s+0/iCAGHaAQHlOsMZigY008VwyCJOvJhj/NLmx6PnCk69lOfej7XRt2vJuejeFmLnkQTvPBvIeySfOIJXqqJLYGzpIvtnzwfCpxvAsXzefibLxKUm2i2sA0kOWIojZ8pkN9AOzC4QE9bC3GhjGNP3BJlJa00PvVryVjh5y/OW1yOaVDj0cKrBoJgVj1e/MXdDxa1j5ytMXa3Rv2fp+YRjQd3UmVcLeM7NWYJzr+U580r+po5xs9i0USnnHM69mmfwYLwef3NdmJnzeOnVGrmiT1uLTNV8F8zkdRpba/5t1Y8Kjr+QIz/rAApKLIo1NoE1NIwSixI5fBu18xfQe3pAkjD6+wLlXF/gmyZ+qYx5dYjYPXdSu3CJyKGDKLEYtfMXUGIxnNk5nNk5ko8/QuHZF27ZJc9PWUHyb9m6oxlBbgiCXdD8lE1uxgFEU/Ue5ZzLhbcKN+TJFGbt64xKsPNQdWlpssoStYKzasOjct4lN2s38OEH9kZ55LOdPPOHk01PVL9mIlwXtSWF2tERbEYMHUmW0Ht7sCeCUJNsBDU4cjSK1t6GPT6B2t6ONXwNJRLBkeUbEukMmnvJC3pf69xIIbDHZ/HypTqFdxHhaFBAtxyeJ3jne9l1yRbrYXbc4tqZCr07Iw0L4Z1PputGRYmGKL91Hr2vo+m6KyEE5bzL29+bv2kPWFYkOraECccV5sZMLr65di6tmHFw11loS7nGcK9t+RTm7DXP0TH9IHG/DNcb9eXoGAjVE/uLmLhSZWb0xnQPHVswfKbSYFQAth2KoWrSzRkVAd//85k155CsQCiiYFa9m1Z7WA+b3v8LH/IzNm88NcvklSWPxfehu0vBtgMmjN6knMV7BbPiM3KugmP5CMeheuIU4V07SD75OGpbG0oygSTLQR/7SAR9Sz+1sxcov3kU8+IlIocOoLW3ISkqem8PcihE9fRZIgcP4M7nMLYMYAz042ZvbUc/zxUrdh+SLDUw71q6DZ748S4Gb4ux9UCM9SBEIL0ydvHGvE2z6l+3fQ9i96HogpGRILKzm7YP34GSWLmlz4ybDJ+u4C/z2hVV4pM/18dP/pttDB6MLh1rrWtwXbTuLtSWFmpXruLMzOCVy/i12oJ+RaC0qyQTaF0dyPEYsqYjPC+Q2y+X8YpFfPPGBVElRaWj7w66t9xDONq2pky8HIsgR0LI0TDhA9sbtpxd28K0dDZ6yXOjJtPDN35eZtlj5HxlRRvjnUfiGJHgHCvHLtHykfuI3bsXe2y23sJ6I0xfM5ndhJrEWlA1CavmEY4rQVhunaWiXHDXXWiv38W4lr8GkyqA5/orQq3rSe/suy+5wlEbv1ilss53rAfPDerdrkffrkhzBcDrYH7GZvT82vPaCCsLxIZA/aCtV2fLvgihiEzfrjCDB6JEk4E6x957E3QMGDeUktz0TiXWorLjziTDJ0uUsk59m9malvnQ4xHa2xTSLQonz1hMzbyL5nCTKGRscjNLcWA3lyf/nWcIH9hPeM+uoB+KFMjPC8sB18MrFsH3g74mpTKh3Ttxc3mQZLS2VtzODsyrQ7iFAlpnB8b2QSpvHbv1J3/9nLruQbuWz6kXc3QNBqy8jZAZt1YtWGwGnruK1pYUFN4Fv0vBPZQkZF1ZIb5aKXi8+e0M++5L1lUGJEnCCCu870c6OfhQihMv5jj9Up6hU2UKWWfF9buzc5Rnl7TEamfO1X+3hkewhkdACKyha1hD1wAQfb3Yo2MgS1TeOQFC4OUDD1lGDppJbdC5sgECauU5ZFklFG0DgpbE10PSVZRUDDkSwreD3eQiBvY07iYgCPc0m1xdC9kJC7PqYSzkPBfvb+fWMKPnKlSOX8LJFpB1DWtkumlq8fCpjXX+JF0PcpSLckwLc2g5amWPqatVQAShtHW+3qr6DQ7I9bj+b54r1h3bC2o7jee8zsK5ZV/jjkIIQX5ht34jEEKsIAoAxFu0hZD2jT/70fOV9Wu1pEVliKDObNeROK4tkBWJnXfEA8YjkGzT6N8Vxix7zIrN161sPvyVdzHLLi1dOnbNq08A2xacPGszPetxbdRldDPsr/cAZsWrh+skwyBycD9qaxokmdrFy4QGtxJ/4F6kcGhhIWp8OLWLl0k88hDmcy/gFUsYA/0oiTh+rYZfreGbJgrJ5rxfKXhwHQMhWjp14mmNSFypU551Q0Y1ZDRdwogoaOtszyFo7VwpuGQmLYzwxpvPZhhFNwwBXrmGsNw1QxDnXi/wvT+e4tM/34+iLCUZJQnS3QaPfq6TO55IM3mlxoW3ihz9bpapq03mGNb4UvPSFeRQCK9cbniPik5SbqUsClii+d2bEB7V0gy2FSSRFXV1uRJvvoiXD6i7kq41DKvVJE7yMw5W7eaMSm7GXrFTUTSJ1m6d0XMVonfuJnLbdoTnYwx2U3ju7aYMy3KnbDVo7e0k3ve+oHncwj2e/8538ApL4S1JCmjC1aLH+IUq7QMhctNrH9ex/U0pJfi+wHVunbRC59aVJJ47P9C6InzVNCRoXaW5oSQH4dDr1TI2g8LcxoSXdFegb3fixRy+D8l2janhGnbNY2q4BiLInUUS6rq5rPWweZViy2fqalDUtpwiWyoLcnmf0+ds+npUUkmZ6k1OjuvRfVsaVVfIj5VxTA89quLUPGRFQg0pFMbXppa6lqhT/4RlUT11GkVV0HXwqxa16XF8ISF8gSQ8SiNXkfFhIeTujI2R+8rX8GoWCEHhuReCGeL7SKqKbBjY10YRzspBoagS4bjCwJ4Itz+WZtfdCdJdOqomLQgXBuq4i57EotCkBBvGvBVNwgjLxFIasRYVzZC5+NY6RZoCak1QiG8YQiBsFxArvPBFuLbg2S9OUc47fOwf9dHaY9Sr4yH4mWrXSbZp7DoS5/0/3sWV4yVe+sosV08EYnybjQkLy8KzVhrTpNxKVE5i++amjEookiaoKK/h+w6eu4bRkyRCewaJ3r0fZInsHy0VHaY6VrKOahVv3RxCM6iVVx5DWVDIBogc3kn2z54P6lU+9xiSojTVWnejWiBjyxbssTEqZ87Ujcr1TpasSnQOhujZHkXVJTRD5vLba49Xf6G5VNMQ66qZbArL5Z0WIUlLmnO3GtdL82wW1eLajhwE4+K1pzJB+2LT59iz8yiKhGUG9VeeG8zZBz7RxjvP54ilAn3Hzcq2bNqoJFp17vxgG74vOP9antFzSwv5nl0aU7MuO7dpTM96TE7f2sXLs306dqfo3JsiP16h+0CamXM5tLBKtNXg2J9ewVvDS/F80SBXIWyHgS2C227XGR/VMGsCIwS1qkCSZDTNZ3xMpr1DoVT0iSdkPN/j8vmgvlXYS95VaNdOkGXsVZhErd06hx9r4b6PtbPtcGyFnPrNYnHgd20LI0vSqlvr5RCAeYNCn01BImhqVqiu6J65HK4teOVrc1w7U+GRz3Vy20Mp2voahS0lKSAAxNMytz+e5tCjLVw9UeLVb2Y491qBuXHzpheQkj+PKulIYnPPxXWqtLTvRjdiFOaHVzZxql8EeMUK1dNX0Fob63kWcxzL4Vj+ClmVzcI2Vx5DkqnvYn3TJrSjD+H7SJpKaFc/biaPM5Nb97gbMQv9ahVJ1xG2jVijfaDnCCYvVZm6WsP3xIYChjfyfG8VRcgIyysEKd9N3GxJ1aIjIWsyyb44WkxDkiWEJ5i/msetuThWEOgFcCyBs+z3AIJTL+dp6zUYv1S9IR2wTRsVq+oxP2mR7NBX8L1ffsPkwF4d34fpdyGfUpquooUUQgmdwlSF0kwNqxQs7r4r1jQoa6FvQMVxBDt2B0ZlYFClVPS5eslBkiRME3bs1vA8QTwhMzbicuXCygiLeenyqscfPBjlU/9rP7vuTNTj22vB90VdP8k2fRwz+Ol5oqFlwPWwaz7TwybT10xkWWoo0Frzu25y0VoXkoSajgbJ3w0ZeTB2ocqf//oIb383y6FHW7jjiTTtvUaDttIiZFli5x0JBvZGuXamwqvfnOO1b87dnGcvyUiSjFhgqDcL26pQnL+GEAJ/vW2TL3Cmgi6d7my8Icy02oK1Wr+bzcJbpfeJJC19nz08hdHfgfB97Mksek8bwvM3NCprIfnoo2htbciRCGoqRWTfvvqOPffMM0FeZRn0BdXwzLjZdJO/vw402zvnbxokCWRVpvfOLjIX54l1R6lmqpRrzd3r/KyzwJK9MWzaqJhVj6snS4RjSgOdT5bh6rDD7JxHZ7tyy7yF5ajlbSZPzSMr0qYNyGo4+nqghaPpwYMwDInBHSqnjjvIciCzMj4abCklwHHW7+OyHNsPx/jJX91G/+7GZKzwBa4jKGYdzr9Z4NrZCtNDNXIzduCl+sF7Fn+GIgr//ruH1/RiFFUiklCQVYloQiUUUeqie38t8AWVM2OgSPi15grkHNPn/BtFrp4s88KXprnt4RYe+nQH3YOhoPfMsr4mELBYdt0Zp393hO2HYnz9v45RyNzYJBD4FL0M/iYTpLoRJ5EeRJIknMkKrrN66EyOhIJcCqD1tOGMT9eN12pFsaomBc2XbsJQarq8oq5TiID6r3akkMMGkq7iTGaoXRjFr9TW3VVuhOrZs/WC0wZIUsDIuw6+Lxg8HKNza4j5KZvxizfWc/7dxmpeuuv4XDxaZLLZHF+zECvp0TcKz/bJXs7Rc2cnlbkqkbYwsnpzobXNYPPFj+06d324jfGLFcp5h1rJQ9egt1vlyCGDaESiv0/luZdqzMzeut2Kqi4IEfsCbxPV1+uhttBEbGncC2avS0ZaN1Bv09qj88mf628wKEIExuTS2yV+8JUZTjyfw2qCQRKJr/+eZJvG9tvjeK4gFJEbZDr+OiDLGpINnt8cGUBVwgjh4flBcnl21OK5P5nmpb+YYfvhOPd8uJWdRxK09xsNBZeSFOSpHvxUB3pY4c9//doNJTmjUhJV0nCEhbmJnIqsqJjVLIpqsN4WJ7R/W33HpnUGeZjF96/mpeshGUWBm1le9JBcb1C3CN8D0dZO6sO9WMOTOMOT6L3tpD5yb5BfuQmj4swGRctKKhWw6goFkGX0zs5VYzqu5XPxzQJGRMHaFNNtk9vJm4RdWxlGFD4c+948L/zpzIr3L17qzdbxSASOrn2T2o6XvjVE711dlKcrVDM3TwVvFps2Kq7rU8o6QQJtYRzaDoxPuaSSMmMTLt2dKrnCrTMoigIdHQqZjHfTN7q9TSYRlymVfTJZv6mdR7pFplIVWNbGo0WWg86Tu65TnAV441sZ/vK3xzfFvlotDLQcudlAJdX3gvBGM+Gvdwu6GiUe7ca2y5Rq02hqGM938X0HVQkhhI/n26hKCEXRcZwq0XAbnudQrk0jSyqKrOF4Jo4luPBmkYtvFenbHeHAAylufyJQaF7k80uShKLCHU+0MHSyxPNfmt50Ar8mykSIo0gaKjouzQ0wszKPqoZxrMpCAeQaxz9xEeH6yGED69Jow4qTXYX1FEmoQWFr5cYX+UhSbegVBEFYrSpCmJfGKL92BoDqiSt0/MzHkWT5pnYqiwjv2IGwLCqnTwMQPXyY8ttv48w1Uq1VQ8b3IDNq0tprNGcrJIloqheQqOTHb37lbgKuIyjnnAaJm8WeRdejv1flzkMG41MuJ89am16nBvpUJqddXBd0Hfp6VK422TrkesiaTLI/jh7TqGSqJAcSGAkd13xvHM5NG5VqwWP4dCnIOSx4GeGQxBMPh9m7S0dRgvHxl9+psBHnWlUlHnhQp29A4eRxh/4Bha4umaNvORghiSNHNEZGPK5edjl4SOOl7/vce79GT6/C6IjH0BWXR58wuHrZ5Z1jDmvkBhsQj8t84PEQz71oUigKtvQrTM14lEqCnduDHMvElEdfr4IsSUxOe/R0Kwxfc0GHllTQUXJi0qOjXaY1LTMy6lGtBYNcD8vc9nDLihzKxJUa3/itsU1rJoXjGxQC+mBEFe77WButfQYX3ypy+gf5DY8rqRqSLAdW0Pfwb9ZaA4loL6ZdQJYUYuFODD2OrkYpViYIGSkMLcF8cYhouI14uIvR2TfxfS+oeJc10vFBQnqSucIlLDugoS7mXSav1Dj6TJb7PtrGR/5RL0ZYbmh89MTnu3jl63ObVln1hENYCQpGy1K+aUc4FE1j1nLoRhxZ0fHc1T1B4frogz3o/Z3IIZ3i996sL4hTQ7UVEjwtXUE7403pfl2HdJe+glruOj4zZ/OE9+9DiYbwihX0gU58094cu2oD1I+1XjOyrWFueyxNJe9SLbrMNNO2QICmR9EjKSr5Cd6rHcv0sNlAK5bkgJmoh+SGWpXDB3RcTzA24RKNyPzEZ6KMTgTPcGufRqkSMGMPHzDwheDSVYdtWzRiUYm3jlt85hMxLly2efkNk8EBlZakzNCIy5FDBnfcZvDWcYsTp5tzRkNJg0RfDLsS9PTRItrf7PBXNKly+LFW7JrP+ddzjF+sUjMF33muSktK5vuv1BjcoqGsvxYCsGVQQYwqzM74fPTjIS5ecPneMxaf/4kIp046ZDI+taogk/URAoyQRE+Pwltv2Dz+/hC7dqvkcz6Hbte5cMGlWNh4oI1PuMznfcYnPFrTMvv3ahy5XefCJYc9OzVCIYm3j9vs2aXR2SHze39QZv8ejVJJkEhI7N2lMTCg8rVvVjl0UOPAPo3//NtLgneaIbP98EqBxde+OXdDvQpWo51ej3BMZuJKFUWTmlJMBVBTKfTWdtRYguKpY2it7ciajpPLIOlBnYFwnU1VnQsEsqyQjPZhOxWq1jyKbBAOteK6NVzZRFVDhLQkQvgI4aHIKpIko8gasUgnQvjI0srB47mB1PjTX5ikmHP57C8MEEksDd+OgRBbD0Q5/8bmet7IKEgCcv4ctmgyTi5JtLTvRFEMPM/Gqq2T4JaC9ztTGfS+TuRkDL9UBc9j5EwZ1/Ebuh+294WIJBRYXf6umVOjY0uowZsWIqD/j700jEhmCe/bitqewhyawjw/smGDrmbhzMwQu+suJEVBjkSQNW3VnMrUUI1SboZq0V3GOtoIAtssoobWV4y41bh6ssShR1saXuvdGSaaVLHNpfn86psmn/+ROIYhkUzIOC5s36qxe7vON5+ucOdhg9Fxl7MXLG6/zeDh+8OcvWhx9qLLnh06mYzHd1+oksv7uK7gw09EaE3LbOlTeeqZCjNzzT+j2rzJ2OtT+G6wFpTGS3VC03uBTZsv3xfMjZlIMg3yCZ4HE1Muh/YbdHcqTYWKzFrAiw5HJI4ddahWBaVSkHsIhSTuOKIxl/Fpb5fp61fo7VVwXSjkA1pcIe+TSMqcP+dg1pobnEIs/i/Yu0tj+6BGJCwxn/PZtUtjatojl/PZuV1lcspDUSSMkMTAgIKuS1y+6nDlapDIb0nJFEsCZ1lCT9Nlku2N3HbPFYycq9yQ3s6Ow7ENqYaFjMPsqFnv2tgcJIyuXpxCHjWeJLJtJ9Hd+1CicYyOLmL7DrGiC9sGKJTHMNQYVXOeQmUCRTFwPZN8eRQA33dwXRNfOLieia5GAyMia/i+R7ZwhXJ1GttZWwbfdQQnnp/n4vW1DRL07d58QZoqBSwNeTPXKgTTo28zMfQKk8Ov4q6icbb8vX6lhhwLB7uD3nbkUOAo5DMO49eJM6Y6NLbsi94wvTSaUhnYE11R83DpWBHH8nFn85RePEH+W69TPXYRf6OuqpuANT5O5fhxtI4OZMOg+OabQbHpdfA8QbJdZ/C2eL2h1EaQVQPNiCHeTdGqVXDhzSKO3eio9e+OrlA2TiZlTpyxaG9VsExBS0Lm2qjL1IxLzfRxXMGh/TofeiKKoUsoCuTyPrWaQJZhPu9xcK9OW1phoE9loE+ltUUJwul7dHq6NuH/S6BFVJL9cdr2pOm6oxM9fnPS+pvBpncqlYLL6Lky5ZxBab5xAbt01eHvfz7BS6/VyBU29pinp3x+8H0LXYdSKWA8WabglZdt+voVvvkNkwce0Hnqr0xefcUim/GZm/UolXyefcYin/Pp7lEo5P2mQl8QMGBefT2IeZ676DAx5WKagp3bNV78gUkiLnNwv87rb1q0pGQSCZk3j1pYNhSLAcV3etYnEpHIZH0qFUFXp8LY+EK1vrIyN+lYzakHXw9Vlzj4UGrj92kyPTsiJNuCbW6zzJTa2DW0VBqvWgni6o6DWy6ipQLPzF+lWHA9uJ7JXGGpM6Jp5+u/LxoWTY1gOWVkWcP1bAqV8fp7StXmFIOLWYfshHVdx0Uaesw0i6gcCDpKbO6zqhoiFGkhFGsjO3V2zfAXgKQq4HgQUTHPDdUjN7WSy/nXC2zdH20o/Lz7Q6289peZG6oRWNyxXY9jz9xaTbpVIcuYIyOYw8Prvi0UUWjtDZHu1km06cyOmhtGsyRJwjFLC/Tt9y5ZPzNqMn6hytaDS85dvFXjyBNphk6V63ll0wy63j77YpXZjMfggEah5DM04jCb8cjMByKOyYSMaQo8HzLzHrYteO2oietCe6uC7QimZzy+9b0qc1mPN94O1qFmnPRFSJKErMp039FJcbxEJB1C0Tc/N24UmzIqyXad9oEQkgwD+6JYVY/ysuZKj78vzPEFa93ZrpDJrr+Qep5gdCRYjGVFqsdjz55xSCRl9u1TOfa2Qzbjk8349ff5HlwbDj6X36SwmxAwPhl8dmraY2o6eL1mwu23aQxdc5md8zh8UGd41GUu4zHT2NKEQtEjHJboaFMwjMaaHNcOBCD10NJDVHWpIcTRDCQJDj/awsC+jb1vx/YZPV+hpVMntUF/ivpnshmc+QymPBzUK8zNgATCCToe1oYv825ImTpulVxpBAikTm4EsiqtWn3cjO7Z9ch6k4C0Od0vQNUjRBJdSJKMLK/UOKtDAJ6PsaMfe3ymYT10LMHZ1wrc+9E20sukO/bcm+S2h1Mcf35zdSN6SOb+T7TT1tvo/Y+er6zZk+RWInbbbfi2TfXs+q2aayWX7IRJultn8vL62l+L8D0HWTUIx9spz4/c8NjZLMp5l7efyTKwL7qMIAKP/Ggn7zyfq3c8nZrxGrQOT55tDDfl8muPr8rCuF0McRWKfr3J4XzOZ2xyc+fsuz61eZORVyYQnk81W2voafRuY1NGxVpoWVvKOkxerq6ozB6f9NgxqCLJgRZYs5BViW13tlArBjLX2dEqL37fWmisJQjFVGwz+K6ObVHmhit4jsCIKAgB9i2Qg5mZ9fjuc0vHefb76z+EWk3w+lsrPXnPFeSm7YbknqrJbDsU4/ybhebWaSnojPfkT3YTS6lrFj4uQjOC42uazLWzTXL+hb8gabEgXeMHk0DSdNxCHrdwY4Vw60GSIJ7WqJbcG25cBtC1NUT/nuiK+zJ+A8rL/iaNySJq5Tk818T3PVxnnbEiy/hVk8J3XkXrSq/489CpMmdeLfDAJ9vri5aqSXzif+ljbtxq+ppkOXBCHvxUe4Nqg1Xz+P6fzdy0SGUzaCrhL0Gqy0BWJM6/lm9aeh8kFFUP1KDfw+5TniM48VKOO55Ms+22pSLkcEzhx/7FVv74Xw8xev7GQtsQ9NRRNWldZeUbgoD09hSp/jjhdIiL37qKU31v2F+bcp/NisfQgseTmbCYuU7CeXzS5dU3Tb77fI3hkeYvQFYk+vYn2HFPmq7tUXbckybZGSLdF6ZzR4ytd6SIJDRUTaZ9axRFlUl2GWy/N02io7mY7HsFx/IZPrNyYb/v4+0BfbIJbN0f5bP/fAvbD6+kJa8GSQpYKq7jE0vd3DZXODbOfKZpOfTNQDVknviJLj7zC1u47ZHUhhL3qyGeVnny73bTf12nvNyMzeiF96aITlrozeu5NqFwqv7v1aB1taIkoijxCHJ4pYBkreTx/T+fITdj1RdlSZLo3x3lM7+whcGDG+dX9JDM3R9p4zO/MNDA+hJCcPGtIqd+kH9X+2cswisWiezbR+L++4kdOULsyBHkUOM1q1qgnbX1QIzBQ3Ga3XAoqoGkqNhm8T0MfgWYulrj5a/NNqgfS5LEwP4oP/4rg9zzkbZN6XbJCrT3Gzz4qXZ+4l8PcuT9K52NW4G5c1muvTRGaaqMpPwNZn+V5p0VuZRF3H2Hwde/VcF2RLNq2gEECE/U+evp3jClrIWiyhRnLdq3RijMmMwNV9HDCqoh07s3QXa0RmFmk9s6SSK+4yCp/Xci6wbVyWEyb75A50MfYe6NZ/GqTVajS9LCtr3xQm3T58zLee54It3Q/Kd7MMRP/bvtfPk/jjBxuRoUoy1bRGQFEq0a9360jYc/20lbr4EsS7hOkI8Jx9Z+VEZEYdvBGLEWFbvmB6f2Xs+8JiDL0L87wm3va+Hej7VRmLO5crzMudfyDJ+pBPVPAvBF/a5KUkDjjKVUDjyQ4pHPddK/O9IwiX1f8PLXZhsETt9N6EYCPZQkmuhCN+KY1Ry+tzq7RknG0Lrb8Co1tPYWzIsjKx7OtTNlvvFb4/zdX9tWb7WsqBL770/Su30X3//yLEefzpKbCei/izRkWZbYsj/Kw5/p5NAjKaLJpV2tEAtsuT+YWlcF+FbCN03cXA7JMFAWK+yvo4EKP4h4eK5AUSTibRqsrnLUANepUpy9snSQ9xC+B699M8PAnqCZ3KLcjaJIbDsY4/P/apCHPt3B289kuXi0yPyUvVQ0uSCP09Kp0zUYZmBPhN13JWjrM4gmVYywwtwmO7A2A0mW6DzYRqwrilNzsQrvojL5ddi0UVkPsxmPf/xTCQpFn+deqjHUZPGO8AWFOQu74lGcs7CqLlsPpxg7XUSPKFTzQU+NaItGJKnR0hNi4lyR3Q+2oYdkxs4Wm87dyapO+vYHmPreV3ArRbREGjwPLZ5c1+NsgCQTG9yNU8hhZaevuxY4/2aBc6/lue3hliV9Jwn23J3gF7+4n6GTJYbPBIoEqiYTS6n0742ydV80oJMSGJpqyeW7X5hE1SU+/rP9a55OMeMwcq5CftZGM+S/kQZlORRVIpHWiLeo9O2K8MhnOvD9hQT8lEW14GJWfWQ5CA+09ui0dhuBIVnsCbEAzxWcey3PK1+fu6HE9o3AquXxPZtaeQZFDeGupVAM2OOzsOAlWqXqqtZe+PDGtzO0dOl88Kd7iCZUJCm4T+keg0//s34+9o97mRsP+rpbNZ9oUqF9Idm9SFxbfl/ysw5f+c1Rzr++dlfFWw17chJ7crKRqXLd9Xqu4PLbxXWViVeFEGuLdr4HsE2fv/hPI+ghhTs/mCa02KtGlogmVfbem2DvvQmECEJmlaKL7wmMsIIRCYQpG1XHAzXyd0uHr+++blp3tuCZLpF0jKmQilV8b5yLW2ZUOtpkdF3ie9+vcWXIwdwEW8FzBSe+3bg4X3otWzcUc8OVunPy8hdH6u9562s3SOb3XNRYAqcYGIXAmAgiPVtQ4yncSony1XMIzyXcPUCosw/ftigPncezTeI79pPafxdWdga7kCV/8vV6bgIgO2XzzB9N0TkYpmtrqN6ICoJY7P4HUux/ILXuKZZzDs9/aZrvfXGaXUfiOJa/6hZbkgNPKDdjE44FvVeapxX/9aK+CErButvSGfR6aBbCF1x4s8A3fnv8XfH21oKi6ESTveihBLZZxLHLiDVS9X6pgnnm6obH9BzBC1+axrUFH/zpbpJtWsO4McIKfTsj9G0guS6EYPJKjW/99wmOfje7+Yu7CcjRKJF9+9DSaZAkhG1TfOMN/OrN9bQPDXYj8hZeqYpXvLlj3QzMqs9XfnOE3IzFI5/tJNaytDNc3hNINqSmCTPvFsKpECMvT9B3bze5a4UVsj3vJm5ZoO3wQYNiyeeBe0JUa4KbDskvs0m3crfruzbZd16m5dB9dD3+Q+gtHQt/kTDauzGnx4gO7CDc1Y/R1kVi92Gs7AzC90jf8SCSomDPz+LbFlZmitrk6MoEpYCLbxX54381xPilKsJvridEENoQ5Odsvvwbo3z3D6Ywyx7ZSYu58dXDfEZYoWd7mCNPpjn0SGpFruFvEnxXMDtqYpt+/Vo3CyEEwhdUCg5Pf2GSP/rloUBA8z3cnfm+g1nJghBUipP4TfQiaQbVkscLfzbN7//iFa6dDVouN3OfFt/jOj7HvjfPH/wfV3nrO9n3fMcaGhxESSQwBgbwCgXUVAqpmSroDRDet4XQ7n7UlpVFxe81ChmHb//eJL//z68wdLLc9DNaxGKNnBACzxMMnS5z9fitZ+Z5tkffPV3oUY3kQOI9jRjesp2KoUsk4jJtaZnH3hfm1BmLuWWU4tlRsyGJ6HuQv4kuZ+vBrPiMX6qyPJo1N2oGEulCUB6+QGX8KtH+nXQ/+WkmvvNnABTPH8eanyXcsxU1nkRLtOCUclRGLqFG4oQ7+9GiCaz5OdxqCSs7gzkztuo5+D5ceKvI//nT53n4s50ceSJNsl1bYHvIyEowwHwvKPa0qh6VvMv5N4s8/YVJspNWfSAU5hxOv1yoh3dmR8165bxV88hMWMyNBYnexlwDZCctxpapwArBTYlOmlWPqaEa5fzSsyvn3KZCT44t+Or/Ocpb385y14da2XtvkmhSRQ/JaIZcb1omywT05oX743sBAcKqeZRzLidfyvHGt7JMD9XetZBXKecycblWz3FAcN8BFC1MaqGivq37ELPjx9atU9kM7JrP2VcKDJ86x51PtnL/J9vo6A8RiinoRiAUudAbDs/xsWo+tZLH2IUKL355lnNvFNbt6d4MPFeQmWgcN8CGEjhyOIwzNYXW2krp6FFSjz6KZBhQam7RdB2f7IxMOCXj1oIOnblZG3NkFimVQmtP4WaLeOWlcGMl7y4UkAYCYsWMUxep1JOtOJUiwl0aq54jmLlmNkTospOb2+WaFY9TL+e59E6J/fcnuf8T7fTtihCJB5ECbWEcs/CcFuf4YjuLwpzN5eMl3nl2nuHT5U23bhACCnP2iudTyDh14zb0/GiDbqB/C7TdmoUkmjSxG7GQ+noU+nqWbNTlqw7Z3I1fSCwu4XlLSsKrQVUhnpTJrVIPE2ntI9LSg1XKUpodrm93JEVF1nQ8s4oSitD7oc8x8/J36Hjgg0w9/w3ccoHWux7BrZTxHYtQZx+Z159FS7TQeuR9ZN58HrdWofPhj1K8eJLq+FBT15NsDyqluwfDRFsCiXrhC6yaT2neYWbEZOxClfysvSkPU9UkenZECMXkoKf0mLWiz81mIUsq6dhWJCRsr0qxNv2u1AXoIZmewST9gx1oySLRpIwRldGMoJLYcwW26WNWPHLTNrNjJpNXa7ekc6Xe0k6sfycgKFw6iWcuhVWM1i6ivdsQvk/x8kk86xbLnG8CWihggvXtitDSqROOKSiKhG35lPMuc+PBuJkbs24oPm+0dKAnWyldO3/T5xrevTvodLl1K8Jx0NrayD37LO786oWXsm4Q7d2GGksifA8zMxU4brEUc28+i/Cad35CHX04xfmG57jtR/9XJl/4+pqO36qQJKIDO6mMXNr4vUsfoWMgRO/OMK09Bom0hh5WkKSghmzRGZqftslMWEwP126KUn+rIUkKfW131P/teCbT82dYbfvfjLm4ZTuV8UmvXlS4EY7ca9DarnD+tE17p0JHl8KZExZ9WzTaOmTOn7LZsUcn2SLz1qsmngsHb9e5cMampVWhvUthcszFc+F9T4R5+fka58/Y1MegJDNw1yeJtvZjV/Oc+/Zv4dnBYFNCEToe/GDA6/N9KqNXcIqr1WQIalOjhDp66Xr8k0GoY/QqTiVIMFrZGdK3P0h8+35mXv42G8kdF+YcTr2U59RL+eZuaJNwHUFm0mTn7XH23p3k0ttFzr+5ySTodVAVg7b4djKlK6QivXieTdma2/iDm4Rt+sxcFYi5JGPZq/jiFvLoJZnU7sMkth+sv1SbHSd76jV8qxbomjk2nfd9gOrUSMNi5LsOvuvQee+TVCeHb5lRkVQ1YLZtgt/rmIKhk2WGTq7OSpRULTjeDbaDCHcNkNhx8JYYFfPaNSRFwZmZIbxzJ9bY2IoGXYuQNI3OBz6MGolRnR5DUhRCNxivk2SF1L4jFM4do2Yuz7ls/nhqOErbHQ9TGb3cQDJIRHro//+T995xklzXfe/3VuzcPTlvzsBiExYZBAGQAKMYJEqULEpWsGXJli3bkvVs+UmWZD0rmZJlyYo2ZYqiJBISA0AQBEjkvNjF5hxmdvJM90znynXfH9WTdsLuLBYgnt+PH34wW13h1q2qe+4953d+p20/lltkYPxlgnBu9dOW3Uaz3MjJ51/AdseWOu27GkIIMokudC1OLrUGz68zPn3iuoVGV21UWjfdRtdNDwAweOgxioPHl91X0XT69n+cXM92ZOBz/Ou/TWeXpKVd5dXnbbp7VMyY4M3XHT71IynOn/Y4fMDlgQ/EOXfaY2LMpzAZ8NBHk9QqIR/4WIKxkYBjb7rcfrfJc9+2GR/zOXd6nkGhUY8gnkYoCpqxMEnOr1cYf/4bUbU/GRK6DjLwGX7i7wjdyIUxdfhlhKIQeh6FA88gtEjLK3SsxosmKB4/QPns0UYwVQFVmTezmglANwrNh5FW2dsBI6awZV8GJHz7C2M3JBEUGnEDr0Iq1gZC0NdyK3E9S9WZZLx0mg3tdyNQmK4NUKqP0NeyD001mSyfw3JL9DTvxtASDOQPYGpJcsk+kCGFWj9ShnRktxGEPhV7nITZzKbO+wgCl6Gpwzj+DfAxy5DyxZO45Wl63vf9jL3wGPWx/tln7FWKlC+eoHXffYsO9UoFKrZF2633v/V2zEPrvvdSu3ye+mj/DTtn+x0PUTx1cBEL8bsB6XnoLS1ora1UDh5EiccXEFjmI7d1D/H2XgYe/RyBbTXcUYLcTfvR0zl6Hv40erqJ2uB58gefRYYBue37yGzaiaJqVAfPM3X4JUDS8/CnSXStJbV2K6HnUDx1kKk3X0SoGrlte4nd+xFCz2HipW9i50dRjBhtt7+fRNdaAqvK5BtPY40NkttxK8233InZ0smGH/xXICX9j/wJoedg6mnac1vxA4dSdYhCZY58kYy10pbdwuDkAeCtTei+GwhDn9OD30QIlT2bPo2hrV5Dbz5WbVRU3cRI5QCBql8tmU+gGXGMRJbQ9wBBKCW6Bu0dKropiMUEbR0qniup10Km8gGGKbBqIZkmhWRSIfQlugGvvWDTs1YjPxGgKALXlQigqVllfCyYjUFIGTL4xqPkendQGb9A4M6baUpJYC1OkgvnzUal55LcsB0ZBnjlIrLBFgtdh9B1UGNRtrwMfBQjhp5T0DM5nHzEJFMMIwrGBQECCBwbv1Ii9G48Q8m1Qw4/feOz3009TV/zXiw3OnfKbGGsdIqm5BpMLYUQCvnyeSr2BLlELwhBvnKRtswWLk68yET5DKlYG83JNbhBHcudZrR4AkWorGm9leGpI9TdKeJGjlyih0sTL9Oa3kjSbLkxRgUIXRu3VED6Hm4pv+RzXw0UI0aspRM7P0roOdG/W7uwJoaQvocaSxBr7UKNJQg9D2dqDK9SRI0nSXSuIbtpF0Ko6KksbqWINX4ZJMQ7+3DLU5i5NrR4Eq9SxJoYQigqRq4FI9uCUFS8Whl7chgZBOjpJmLt3WQ37iSw6sSaO7CnJ3DykX6alkgTa++JjqsUsfOjsy5gI9eG2dzeaHN8FVntKyO2bh2pPXswuruxTp0ie++9VF5/Hb9wBQtNCBI9GyifPzabFzZ/yhXv7GPkqS/h1ap03f9x4h291IcvUh++RPXSKVAUOu76IPGutVQvnWT4ib+h+8HvI3/oWayxOVeXounIwGfom18gvf4m2u/6AENPfJHWW+9HqAqD3/g8sdYuOu/5KIPf+DzFEwdw8mN03vc9XPry/1hEh5ZIFKHSlttCsTZIEL5zyr9vN6KVl39DyiDc0DyVa8HEaMDFcx6xuGBsOMC2JImk4PGv1CMfuiN5+RmL4cGANRs0ggBeecGmo0ulMBFQKITUa5LXXrQpTYWcPOpimGJRnZ/i4PFFqyhVExFb4xpCPULXUZQYeqYJGYYouoH0fZypCczWDpAhoeehmnHKZ48Sa+8iuXYLMvSjlQtgjQ+hxZNomSZCz3lbjMrbBcsrMTJ1lM7cTZhaCkXRUYTGdO0yjl9lsHCQ5uRaTD1NKAM0JaJQjpdOkUv2YWpJVMUAQqQf4oUOMCcAKec9LdevIZFIGc72HQBC0PHx/ZhdudlNw3/1PEHlndMxmg89naP11vcy9sI3cIuTGJkm2vY/wMgz/4Bfr9J0020YmWb8egXFiCFDH69aQqgaWiqLGkugJVIEbo7AcwGBUASte+7Ft2oEdh0hVNRYAmtyGKFqpNZuRYsnAUFTaxf5N1+gNngORTfQUznUWBwtmUbKELXhmtXiKdpvf4jQdwl9j9z2vRSPH6AycBo920znPR/Gq5UJ7DrxzjU3TONNa26mfuoUWnPzbI16cWVdY2bimiZefenJQ33oItbEMNL38EoF9HQTMpQIRSWzeRdaIoWeaUY1Vp7Uhp5D9fJZ/FqF8vmj5Hbsw2zpINm3kdGnv4JfK1OtlWnefQ/xrrVULizvdQEIw4B8+TzN6Q3EzUNUrcXVH+fD1NO0ZjaRjLUiZUjFGmeydGaB6yyT6KGjaTvD+UPUnbnYk6oYbO55kMnSWQrluVVRT+teZBgwNn2CpvRamlJrUIRG3ZlivHgKz59x/0UurVyqj5iRQSCw3DJT5QtU7Rvvyp6Pd9yohCGcOjbXqZPji1/ok43fjx2amwmMDS/c78zJaJ/551oJuiG49X05rFrA4eevnixZu3gmmploOrHOXrRUDsIAGfhUzh1H+j5GcxtmW1cU0D11OOLmhyEzJ5e+H/nRgdC7dqabEtPp/uF7ye5dz8AffYvqiTklX60pydqfeYjKsctMPv4m0r8+MoSWiaM1JbGHphaVko0G+ADXr2F7UdGtqj1Bc2oNllvCckv0Nu9FFRrT9UGKtUHSsTaaU2so18cIpE863oHnWzh+tXG+qE+C0IvcZc178EKHqj2BbFj5GcMyvyVB1UaGkuSWblLbuhn7+9e+a0ZlJSiaTqy5k/rEIMXThyKvp++BlPjVEtMnD9C8805K545SGzzP7AsoZpLoVPKHno9cqA1JhNBzKZ4+NLtr2/4HSPaspzZ4DmdqHLc8RevueymeOoQ9OVe4Kr1+B4quM3ng24SBT9P2W2nefQ+VgdNkNtyEDH3GX3ocpKTzng+jZ5oW3c/1ILQslHgcoWnonZ0osRhyCflwGfiEro2eyix5Ht+eSxKNjImC2dxO220PUjp3hNrgOdREcslSxQuuI+WsS1pGEhYouolQ1AUTvNBzUfRrySuRVOqjJGMtdOS2U7UmWG4gScZa2dr7MMl4G45bQVV1ulpuoS23hZMDj84almSslZ7WveRL5xYYFUXR6Gvbj+NV5xkVQWtmE5pqoqoGva178QMbTY2TCbqZqvTPGpVMoosdaz6MoSdxvOgb7DSa6Gq+mVOXH6dcX6VK5SrwjhuV7xbCUFIt+aSb9KvvDLMvXeC51C6dWXIfe2wQe2xlZslqGCyzUARGW4bY2jY6v+8OLpz5h1njIVQFs6sZe7Bw1Y9qJWRu3UDTXVvp/+w3COoLV1CeX+fC+AsAjEwfjTZeMak8N/b0gn+fH39+wb/zlQss98FN1y4zXbu8aPtE+Yp+lpB/6ih8R9DxPbeS2tZ9lbt6pyGY8R0Fdp2pE6/Suve9pHo3Url8lsqFE/gzs/EFFREX90t9dGA23jMDNZ6kacetxNt6ELqB2dRGdT4rSYaNFd/CcxpNrST7NtP3obbGdhFRdBEYmRacqYnZa9n5UbR09kZ0Bta5c2TuuAMhBC0f/nDk+iotkdEvJdXL52jZfQ+VCyfxqkUW+OCWcMHMrMbqQxcQqo4WT8/bPSQMfdRYcq4GkAwjQ9/ShTU+hNncgURGxrg4SbJ3A161hBZLoKeyOIVo1RH6XsOFHUN67iJSheNVmCyepa9tH0P5gzhL1P5RhMam7gfQVJPD5/+WijWOIhS6W/ewqft+1rTfzqWxF1fdvzPIJDpxvRqHL3wJyy0ihEBTY/jB3HdcscY4P/ocpdogXoPu3pJZz851n6Q9t42KNf62KT2/a4yKmW4h0dSNkcjNzhpCz8WzKtiVCezS5IoyDS0b9mGmWhZt950qk+deR4iAWinATKhLlsTO9d1MoqmL+vRow20mSDR3k2jqQotFwo6+Y2GXJ6jmB67JWJjpFpItfeiJDIpmIJbNNZVMDx7Hml5YT8QrVEhu7yGxuYvaqetUD1gCwtBIrGtHTbydYpw3kJjQ0Lv67qOh1dbg/yu6gTLPBVMf6Wdo8oskuteT274PLZYkf+i56F2ZqQ63zERgKUZYau0Wkj0bGHvhUZxigY47PzBLGplpzlJnk75PbfA8o8999YryvpLQd1GNOZFHxTAQbzWooigQhkjXpfT889SOH0cxzag2/TKB+srFE5gtHXTc+xG8ajFq89DyygNepQShpPXW+6OBX1VnjU/oudSHL5Hdtod45xrqQxeic0kwm9tpv/39GE1tlE4dwq+WKRx8npZ992E0taPGElT6T2Pno5m7V57Gq0zTfufD+LUyhUPPXSGuKpgsnaW7ZRfdLbu5NPbCorbGzRzN6XVcGnuRijUOSEIZMFo4xvqOe2hKrWVQPbDACKwGQiiMTB2ZjXdKKee5vWhsC8mXFtKiq9YkFWucuJFrEJX+DzUqQtVo33o3rRv2occzqHpsNgtXBgGB7+A7NexynsE3voZTWVp6omXDPjJdWxaeWwis4hiFi4eAgM51Ju29Jm88tfj4pjU7admwj+LQCaoTF2nbcict6/ehJ9KomgkIwsDDt6tUJi4xdPAxPHtpn7CiGbRsuJXWTfsxU82ojSX3zBAghFgQEJMyxKlMLTIq1ZPDxNe20vbB3dTOji5yU81dUJDa0Uvu9s3EepoRqsAZKzH94mkqJwZn6aZ6U5Km92wnfXMfyW09KIbGpl/5PmTjvMVXzzHx9TcAMFrT9P30Q5ReO0f+yaMLrrXmpx8CAZf/8FuzmzN71tN091aGv/A8sd4WWt57E3prGq9QIf/tY3NGUQjia1rI3rGZ5MZOlJiOV6pTfuMi0y+dvm533pIQIpqgKAqKEYtmsfPca2Imy1I0/jvPEEaqrmJuHyJ3lFBUEt3rQUJm083oyciFo5gx4u19+FYVt5jHr5VRY4k5IyIlvlUl2b0etzhJ6PsE1sripUIoIBRkGJLsXk+ydwPW+NzkQsqQwHMaLKYaoe8S2HWqg+fo2rCd5Jot2BNDaIk0CEF95BL1kX7ab38/yd4NhJ5Has025FtUBMjcfTf2+fO4o6OomQwtH/kIUkrs/n4qr746G1+Zj9B1yL/+NEZTW2SYwwC3FLl/hKbNDuRTR14k9Fx8q8rEq99CVpjhGAAA2QNJREFUS2YIXZviiQMEMy4sKSmdeRNrYhhF0/AaZRuGnvxbgnoNPZ1Dnj+G3WDIWRNDTLz6JFoijfQ9nKmJeQbKYeyFb6Cns8gwXJK9VrPzFMoXaM9tY7RwdNHv6XgnqmLQ3bKblszGBb8ZWgJHNRetLFaDMAwo167uvjL1DO25baTibRhaAk2Nk453MOVfulHcjCXxXTUqQtXp3vUQHdvuQSgqvlXBLk/guzaKqqMaMVQ9hplsXvYBz2Dk6LeZvnwMzUygmUma1+3GSMwt6zVdMHLRiYTdVlDxNZJN9N36MZrW7CT0HdxaicC1UPUYejyNkWyiZX0TimbQ/+qXCZyFMwShqLRtuZOeXQ+jqBpWcYypsQu4Vhk9kSHTuZlYpg2hqFjFUfLnX8cqTlArLHYHST9g8vE3af+eW0nv6KVybPE+APG1bfT+4/eixHScsRKh65Pes47cnVu4/CdPUnzlbDSr1RSEELgTZeJr2pB+QO3cGNKLBhVnfM5VoZg66Zv7sAcWBvWEECQ3d0az03nQm5Nk9q3HGizQ8uDNuOMlQtsj1teKnpmTjtGbknR83x0kt3TjjBUJqg7xvlZyt23C7G1m9G9fXt54rgaKQsvOO8nt2I8Q0H3/J6gNX2Ty9e8gA5+OOz9AomstAuh58PvwKkXGXvoGgVWj446HiXf0gQzoef/345WLjD7/dbxKicKRl2jeeQfZLbuoDpyjfPFEg+UniLf3kl67JXq2E8MUjry0IJt74vUnab/1faTWbqZ45k2mjr2KROJVSotcXwCV/tPE2jrp/cAPYk+OUjp3dOE3ICXjL32T1t33ktm0k+Kx1yifP441OsDki0+S27kfbfe9hHad/JGXZs+ppTK03/Ewfq1K+dzRiHiyDIRQUYS6ItMpsWUL1UOHQAgyd91F/dQp6qdOkXvgAdRMZjH7q4HQc7AnhlDRMZU4mgxxZA1JNPiCxC0WmDH2bjGPXy6RS/ZRt2u43pxRDl1nUZKjPR7FIr1KZGQEAiHUKF44PYksVwmkTxguNHpeeQqvvFKlTMnlidfoaNpBe9P2RYwpXYsjZYDtlbGc4oLf6s40lltcEKxfGssP+xKJF6wUVxS0ZTezte8DBKFLsTpEsTaMQDb69e3VAfuuGpVErpOm3h0oqkZp+AzDR57AmhqZDdaqRpxEUxep9vV49TKevfzMrjpxkepEI7tdKCSaexYYlWyrTluPwfAFe0VXSqKpi3iuk8rYecaOP0M139/ws2pkujbTveshki19pDs2ku3awlT/4QXH67EUHdvuQdVNymPnufjiF/Hqc4O1mW5l7e2fJNO1GaSkPHoOq7h0joHQVIqvn6fl/beQvW0jtbNLz06sgUkG/+I72IMFglo0+4lvaGfTf/xeMnvWUz50idD2cCcrjH/1AFomjtGeQU3GGP3ii4tiKtcLvSlF83u20/97j2FdioyRElsYw/Kmq4x9+VVCy8GdjFZ6ajrG5l/5FJldayl85zjuWPGtNyYMKRx5iUJjML0So89/bdlDR579yrK/VftPU+0/veRv+YPPkD/4zLLHGt0a44e+ip5LUDs/jpowCB2P8VcfJ76+HTVpEtRdhK6imBpBtUbx0itMHnyKoOYgDA210Z/C0FB0lerAGaoDZ9DUGJlEN8l4G3VnikRdZ+RbX8IPHBKxFhy3gkCgCI3KyTeZPvYqMSNLGPpM+TWEUNEUAz+wI0OiaPiBQ8zIEDebma5cuoJEMYfQ81ATCbRsFq25mdILLxDWalG556tofwkEveZWNpq7sWSVk/WXqMhpOnLbAZgsn0NXYwihYrslWjIbMPU0dadAwmxBU01qdh5di2NqKbzAQlPMiPRBiOfXiRtN1J1pTCNN0myhWBvE9y3S8Xaqdp4AQSrejutVGwYtThgG1J0C4TIuIsstMVE8Q1t2E5UrAvauX591d41OHVnx/kE23I8LB3pdW1x751phaEn62vYjEBy9+Ag1Ow802GjZLVc5+q3ju2pUtFgKLZZChiGl4dPUC0MLfg9ci8r4RSrjlxqMmOufwU5PeGiaoDC+MrdcCAVreoShQ9+gPjXP1RD6lIZPo8fTxG9tRzMTxJu6EZePLfCHx5u6MFMRm2bizMsLDAqAU8lTHDxBqm09RrKJeFPX8kZFEYS2R+HbR2l7eDf5p44tbQBCSe30QoPjTpSxLk2gN6eiGum8/crFiqEx9fypWYMCENpXXFeCfTm/YFNQsameGCSzbwNa0uRGsP+79I206WsAGPMuMuENXOWIxVDRyGkd1IIitrz+HBdTJEipOczOVoyWVGRohUBLxQi9gNq5UZpu30T+6RMITSW7dz32cIH6hXFiPU2EtgtSktreM7t/ams3MpRUjkfuzWyqD8+vYzlThIGHDAOEUBAIkrFWgsBB0ROk4h0YeorR/BFiRhY/sPEDh2yqB0XoTFcGMI0UudQaCqXz82bUCwc9BZUmrZNaUKL65ps0f+QjkerE0aOEloUwzUbl1pW/WQWVlNqErpjIUJJQ0pS8ScrWGJpiEDdymHoKP3TR1ThCKNScKXQ1gWmk8fw6rdlNKELD8SpIQnLJNQShi6bGGJs+QdxsIm42YTnTaKrZMBQCXU+iemWyyT78wCKb7EHX4thuBVXRCUIXyy0u03LJ6NRRdq77BFxhFMr1EYRQSCfaGS9qKwqO+qGDquio6kL2WTbRs2K/rQRdi6Nrcar25KxBmdmeMJtxvbdX6fm7alQiHr2LZiZIt69jauAIvlNdwjcll/dXXSMCP6S5U6d7Y4wDTxWX3U/KkOnLR5cZ6CWV8YsEvoNqRO4wRdUJ5hkVI5lj5gWzy0vzwZ3aNDL0UTQDzbiKlHkYUn6zn5YHdpK7bRNTL5ziyiC4UBVivS0037+D+Lo2tHQcJW5itmWiQeedU71edjU1C0VgtGbI3bWF9E19aLkESkzHaMngTVffEqNtBgLBGnMHWbUNIQSGMJn0Blddh75F72FH/G7O2QcYdq+hktSSbVHoNbfRa2yh3xtCZhT8cp3kxg5QIldkaPv4VRuvUEXLxAhtl3p/fpZOqyZMhK4hJVgDeaQbRHGWzV1UTw4hQ4kqNKxGeeMoH0hFERqyMRPWVBNF0fD8OqqiozXihDP0VE2LU65GtORMoptMsodi9TKhDFCEtiiw26x1c3PiXs7bhxg6cQKnvx+EIKjVoqC971N68cVlZVpmEOCT9wbJKC3UwiJTfvTdRddUUQRYbjFacZktuF4Nx681RDU9bLdENtmD61Wp2XmEUAhCBy+wiRkZmtNrgWhALddHcL0avm834pohqqIT09NM1IeJGVk0xaRmXyQZa0VRVmaK1uw809UBOpt3EsyLj9humZHCETqbbqJmTTJROjtL0kjHOwlDj2ItctXZThEvsOhp2UO1Pk4QusTNJta037bqd20GfmDjBTbJWAsxI9egHZts6HwPuhZftL8i1GgCItTZVZOqGEgZIKVctXzSd9WoWKVxqhOXaF63m9zaW9DiGQoX3qBWuIxTKdzQojxCETR3GpEi6FL0rwZ8p45VHFtWnylw67O/KZq+qLCXZ8/NaI14Bmt68SCrm0mEoiBDn8C/uuvJGS1SOnCBlvftpHy4fzawHjVCkLt7K33/5EGckWnKRwZwxqYhhPaP7pu5+6te45ohFi/V5yOsr7zOSGzsZO3PfgBFVykeuID9+nmCqk3zfTuI9S1m710PsmobCSUdKR0jyWkdxJUU9XB1EhqtWi+6MFC4fvl2FZUWrQtN6LgTFZyajT1aRPoB8TWt2GMlQsfDnSgR62vGnSjjTJSRno9i6ghNwezMUjk+hNmVI72jm9KbA0g3wC9bs+9xoXKRttxWTDdN3S6gCIVErJkgdBGKQtxspu4U8AN3loasKhqaFqdqTeK6tWh1Ur5IGPpUrQmC0MPUUhh6Al2N48zXu9IbfSMi5ldwpRJxECwrJHklxr1+xr3+uT5TdGJGFil9bLccuZNCf3Yl4gcOrlelOb2e5vR6CuUL6GqcIPQiT4NbxA88hFAJAxdNi2M5RVyvRirWRirejh/YmFqKMPQpVC7Qmt2M7ZZw/Rp+4OB4lQWGYin4gc1E8Qyt2c0LGHRSBg1WmGB913tY13l3I0HYxA8dLo6+AI1hou5Mc3nidXpb93Lbth9vsLgEE8XTmHrqmvrvSjhehdHCUdZ13sW+LZ/B9apoiknFGmN8+hSKWDjs97XfRibRhaoYJONtKEJj57pP4Icujlfh7NCTq7r+d9Wo+HaV0ePPgFBoXnsLmc6NpNrWYRVHqOUHKY+dpzRy+oZkomu6YGrcI9u68i2HnoO/goDg/KDcUlRMa2oEzyqjxzO0br6N6mQ/gTcXVNPjabI921BUA7syiV2auGrbpR9QOnCe5vt20HTnFqQ3Z/C0TILm92xHBiH9v/84zuh0Y3uc1oduueq5V7zPqGbtgu1qwkBoCvI6BAyFppC7YxNme5ZLn32M0uvnZ3/L7F1/3W29Ei1aN6ow8KVHKH0MEaddX0O/s3LG9HxE7p3lA9jXCl2JkVZbAEnlyADVsDj7mzUw55qYfvnc7GTHL0fvX2h7TD0/F78pH7w0+3f1zAjVeS7PIHAYm8dEGikcnv17fOrEgjZZjSS7gjdH4S3VBik1BrrJ0ly+kOtVqVgLV+0KKjn1rffNcghCb8lYxJU5IZOlpZWEpyr9AJTri2n448U54cz5yYbz/4ZI5WE+qtY450eeoVJf2BfF6mXODD6Bqhg47lz7HK/K+eHvMD59goTZ3FhBudSd6UbS5My9ugxOvE6pNkTCbEJKSd2ZolwfpWZPUnfmSzBJhvOHyJfOcTXK/tjUcerOVLTiEgqOV2W6epmE2YSuJRsr2giWMz3770J5oer6lSSGa8HbblQWWPAlfreKo1x+/StMXz5G+9a7SLb0kWjuIdHUQ9PaXdilccZOPENp5Myq1F2vhKIIXDtk8Ky14vMIZfCWKJZuvcTE2VfpuvkBcr072PTeH6U4dArPrqDH0uR6t5NsW4cMA6b6jyyI26yE+oVxKscv0/zgzgX1JNS4gZaO446XcCbm4jdaNkFsTSv1c4vdeFJKpB+imDooS686groDArRcAjQFGlTf2NpW1FRsduBbFRQFoyWNV6pjD80xghRTJ7nt+n3I86GLGBmtDQWFUjCJG1p06Oto09Zw2TlJuKILTMz+L6u2YYjIVSCEsuRqZSYYvNRZZs7VrHWhohHgowh1mfM0khivYqcFytz3JJe//uI7UhbsO3OPcytOOfu/q51JIMiorZhK5LZVWF3fzG/TUgiXqaC5MsS8e7r69a9sx8J9o15mwblCLLeINc9Qz8ALLMamTyzaDlG8ZLo6wHR15XieHzpMVS4xVbm0YPtS582Xzy/athQkIaXaEKXawjh1uT66aN+J4tLEk+vFqo1K6PsRPVVVEMpVDhcCRY9YDGHoL2sUfKfG9MARpi8fI9ncQ8uGfaQ7N2Kmmkm1r2dDUzfjp55n9MQzhP71hXE9JySRUkikVQZOrTAgSq7yca0MGfqMn3oBIQQd2+8l3bmZdMdGQCBlQOi7uNUp8hfeYOzkc9dMPpBByMRjB2m6ZxtGW3p2lu9XLZyJMtlbN5C+uQ9vqoqWjtP5/XeiaMt8uI6HPTxFdv9Gsvs3Yl2aACHwyxZeIZpt+cU69XNjZG5ZS8v9N1M/N4qWTdD2gd1o6Th+afVGRQYh1mCBpnu2kdm1loqqoMYMWt63Ey0dm2WuzUCJ6ahJE6GraJlogDfbMlEypB/ileqL6McpJUdKaUISMuldRiBo09eQUDNktTam/aX1mgwRo1NfT5PWRUptIq6kZgfLbbE72Bq7fdExY95FjtWfZ741iCtpeo0tpNWWKDgvIpVsVWrckfqeJd+sk9ZLDLvL1++IiSQtWg8dxlpSajO6iBFIl0owzbjXT94bXJZIsNa8mc2xW5nyRzlUe5KkkqXT2EC7voaYkow0ocIaeW+IMe8ilaCw6P3XZ/umk7TavKBvtsRuY3Ns/6LrTnj9HKk/y1KWskvfyI7EPYtW+nZY41j9WYrB1VfvEQRJJUu7vpY2vZeEkkUVGm5oUQomGXUvUAwm8OTSno4+cztbY7dTDMZ5o/pNkkqOTmM9bfoa4iIV5bmFNQreMGPeRcpBHqkp6O0tKIn4nJxO3cIbnXzLcd8l79DQ0VqbELqGOzwO/vVNrLW2ZoJSBem+/YSdVRsV361HmlhCieTlG7zvpSCE0ghcR4bjqpAhtcIgtcIQZqqZbO82OrbdQyzTTvu2eyiPnacyfvV630shkVZJZDQS6bde3vRqkKGPU5sm9D2s0gTlkTNRwMt38eolaoVB7HKe1WadW5cmKB+8SPN9O2a3BRWbwlNH0XNJ1v2rDxHUHGQYUjkygD1UINazOE4h3YDpl84QX9tG3088QGC5hJ5P/puHmXj04Ox+I3/9Aj2feQ+9P3ofgeUS1B1KBy6gnhhEy15H2eIgpPjKWRLr2+n81J20fXgvMpRYA5OM/u3L82JAETJ7N9D6/p2oyRhGW5Rk2PdT78OvOYS2x+X/8STuvNVZNItuIaYkCQko+MMYIoYnbXRhklM7VzAqcVr1PuJKCpC40iYmIk6/K60lByYnrHPlM0woGVr1PhQUAunj4WAQTayssLrkTNyXy0+UMmoLm2J7adF6UYTScOl5aMKgRe+mWeukoK/hvP0m5WApYkg0H08oGVq0HjbF9pJRWwgJCKSPIjRSSo50rIk2vY/T1qsU/IWrZ0PEaNV7SCiZa+4bWy7PMLLCKnlvEE0YqEInrqQwlFhDbPTa4n8ChTZ9DRvN3aTVZhBEOScyIKYkiStp2vQ+RtzzXLKPYcvF6QgRxVohoWRo1rrZHNvX6Jsw6hvUxX2jT2Ks7UHrbCV19z5qrx3BGxrFmyhc94C/4n3GDIy1PaQevIP8H32RYHoJ2Zt5ULORfE1QWugq1LvaCG3n3WlU7PLkLE0w0dwTVVF0l561mqlmzFQzANb0GNc+iEqcaoGJMy/jVqfZdP+PRQyxzo3XbVRCCReP14in3n6jkmpdS/ct7wehMPDql6lPjbIaAxLaHqN/E+VXLAh8Sxj6y2eZ/NYR3PEo2AtQOXYZZ7yI0ZJGaApBzcEenkJNxtAyccIlaMhW/wSX//QpzPYsQleRXoBzRX5I9dQwl37vG7Pn9asOzug0RktqkcRL+dAlzvyHv8EZX3iOK+GMTDP4F09jdmSjXAzbwx0rEnoB1qUJ7OF5fu7zo4zX7GUZYX554cClCZ0mrRNFKFSDItWgiCZ0nLCOqSbIqq0YIoYrFyeO1cMyp61XZ2fgzXoXm2P7UFAZcs8w5l5adMxSxqDoT3Cs9iwzg2OPuYW1xk2E+JyxX6ceLCYLLLfKSCgZNsf20aL1YMsaQ/YZisEEgfRRhU6z1sVa8yZatR7UuMaR2jO4cvG3KIQgpiTYFr8DQ5gMOMeZ9AYJCFDR6DLW021sJqXm2BzbR7E6TsCcC9gKK5yxXp/tmyatk83xW1FRGXbPMeou/iajvln6nS8Fk5y0XkZBRREK68yd9Jpbl9x3OTRrnWyJ7SOhZLFkhUH7NCV/kpAQQ4lWVp36BnqMLYDgnHUAfxlavSFibI/fiSFiXHZOMukN4uOjotJprKfH2EJSzbI5vo/pyjeovfImqArxbRspf/M5wuoVBnQpItAK5KBFmLdvWK5Re/Uwybv2LL0fC88b370Nf2KaoFxZsN06dmbp66+mXdeI1RuV4hhubQrN6CbbvY1U2zpKw6cXtUzRDDpvei9CUZFhSHHo5KLloRBKw5e8zF1JSX16lMBz0Iw4ytXcbSugMuVTmfJvBGN1RQhFJdm2DiORwyqN41SLq39wocTqX5qO7I6XcMevmK1IueT20PZm3VlLNJTQE1RPD89VDVRVtPYWQBBMl5Cet+R5vVqAMzEXExGmQeBD5XD/Nd2eX6zhFxcPpLUzi3Nt3IlrZ2wZIkGz1gVE7hdJiCcdpvwxMmorGbWFhJLBXSIbOSRYwA6Lh+lZN5AT1qmG11azJsBbEIx3w2iQl0jqQWnBbytBQaXH2EKz1oMjLY7WnqUUTC5wTU37o9TDEjfF76FJ7aTX2MJFZ+lkOyEUdGFw2nqNMe/ighVT2c4TIukztpFUszRrXUz6c9npV/ZNLExFiZBCxZHX3jfzzzdr/CTLuqeWgyHirDN3klCy2LLGkdozC912ARS8ISyzwvrYLnqNLRT9cUa9pSekUd+YnLEPMOqeX9g3VoFQhqwxd5BUsrToPUvmPAnTIP3gXSipOHpbC35hmulHnsDcuCbabmi4Q+OUHnuG2LYNJPbsiMIDqQTVF9/AevMU8V3bSL1nPygK7vkBSo8tk0iraaQfuIPYtg0A1F45jHXkFKn7biN1/+2ElRqp0m1M/fWj4Pkk79lH6t5byf/Fl/EGolVofM8OknfujtQfTpyl9uJBUg/ciZpJobVGeXblJ57HvTS0dBtWwKpHaSlDJs68zJr9H0fVDdbs/zgjxhNU84P4Tg2hqJjJJprW7aapbydCQLUwRHn0CgVaIUh1bCCWaac+PYxTKeA79dkYg1BUjGSO1k23oxlxZBhQm1r9DS5u/1s+xVXOL2dpx7FMG2v2f4z61PCCWJAMA3zXwi5P4lTyb4mAoLW3EtsW6QtJP8CfLuJeGkTaK3+oSiZF7ns/xPSXHiWsRAO8kkyQfvAezE3rmP7br+OcWzw7B2j+zPdS+c6L2CeiOIC5eQOxbRspPvKN676PG4FWvQddMQlkQN6be1cm/cusNXcQU1Jk1NZFg/O7EaaSoF1fi0DMxgauhESS94YpG3lyWgfdxib6nWNLkxEkTPmjTHgDi1xwvnQp+MN06uvRhE5KbVpgVFYLrT0HoSQo1ZBhGOmoSQmKgtaURno+oe0S1q6vhEFabaJJ60IIwWX7FOUgv2ifkJDL7ila9V6yWhtrzJsY8y4tHbyXUAzGmfD6F/cNUd90GRvQhEFaaWKCpQPvWnMWd3CU4t9/K2JN+gFBqUL99aOgCNIP3omSiCNiJgjB1N8+htHTQWL/LuxTFzF6u3DOD2C9eYqgsoIunAxxB0bw89OomSSp+/ZTP3CUylMvobU1YR09i318LkZXefJFjDXds7WMlHSS9IN3UfifXyKs27T82CdxL4+gphJI2yH/Z39H8q49mJvW4V4ehWB149N1Tf2nB46S6dxE05pbMNMtrLntk9ilCXy3PhtHMdMtKKqOWysyfvI53PqVM05BsqWPnl0P49SmcWvT+HaNwLORyKhiZLKJZHMPUkpKI2eoTiwe5ISiEsu0oycyqLqJqpmoemw2lqOZSdq23InvNAT3fAffrmEVxwmvIUdk1ZAhpZHTZEe3ke3eRuvGW2HjrXM/S9koY2xjV/JMDRxh8tyr10ebFmBsWEPi1luwjp5CxGOkb9mGlc1Qe+3NFS2orFlUnnmZ0Jr7sMNyhdJj3yb3vR9aVTPcwRGC0jtVRnX5ZV+HHtGSa8E0Vjj3UZb9PLask1DStOo9DLtnF7h33o1IKhmSShRHynvLD/Ch9KmFZXJ0YChxTCWJFS5enYYElIIJ/GX0CrzQwZcumjDQxfVLhACY67qQjotY14lQVdRsgqBYRQYhWlMa+/wwwtCu26g0az2oQiWQPpMrKCVExnKErNZGSs2RUDLUllgphoQU/cllV0yedPCkiybMhX1zhdcjqFn44/mIPBKEoKqk77s9+j5mXGQNtqU3MoGs24R1G8IAoSpUXz5EbOt6knftxp+uUH36lSXbo2bSJO/ag3X4FGHNQujaLGngWqBmUkjPI5iOvll/chqtJVqdOBcHIQgIaxZKMn5dycjXZVR8p8bgG4/i2VWa1+1G1U2SbWuY6WUpQ2TgUysNMXTocSpj55dgOclZI2Ikc8TSLY2OmbdHgy1VHDjCyNFv41mLPxbViNOz+yHSnZsimqIQUd14Nbo1LZaiZ9fD0XJdRuRBp1Jg4LW/p5ZfWqDxrUCPZ2jfejeJll7CwCV0Fw9egqh9ydY1xJu6kIHHxJlXuF7npjs0RvWF16OkyPvvRO/tQjvfT+Yj76P0tScJposYG9eS2HMzpcefRm9rJvepj6AkE0z81z8jrK5MohCGTuaD9xPbuglnYAglmZjb/uEHid20Bef0BYqDkfvKWNtL8q59SCkx1vbgXR6h/OTzBIVpjPV9pO+/G60lh5JJ4Q4M437rDVJumsnCKVTFwNAT2E5pNnAbygBV0ZGECBRisRyWNYXn12f1qFJKE2k14vlPBaML4h0zWdtrzB00a12YSpz6EgPvuwlptWW2CuYtyfuXpUILBJowZv82RAzryuI3RFT5WrB8kDeiNUfXUJYt0XBtUBSB0p5DMQ2Cco2gXIvUAQwNd7SAmo7PxgOvBxk1Ip9YYRV3BddZSEAtLEUaZAjSavOSRkUSUAuWd+HN9I2AhZVJFwl/zBWjg0ifTe9up/rCAUQ8htDnMvSXkq9RknHsUxfwJgrkPvH+yKhoGkrMAFVBScQIqzWUZBwlHsO9NEh81/Y59zUgLQetOYuSjEcGSwhEzEDoKiJuIkwDPx/dq7Ghj7BaR+/uoPrSQYy+roWlCq5zMX/dQQq3XmTo8NcpTx4l0bQe3Wwils3gWzZOeZpaYZDSyJnlKcBSkr9wgMrkJdLt64ll29FjKRTNACnxXQunUqAydoFaYXDZO5RhQH16lNVkjXtWheAKVdh6YQhVN3Hr5UXKw1derzRyBj2WopYfXKDro8czbHzPZ0i1raUyfpGxU89RnRhorIiiYkkIBc2Ik2xdQ++eDxLPddCx4z4mzx9AXqeCgNbWTPyW7QhNRetowzpyEiklSioJavQRCE1DScYjleKBYQqf+xLNP/K9y+apzEdi/y707k7yf/FFjN4uErsj9pl0PUpfeQJvaJTYjs3zGqQSu3krpa8/RfmJZ8l+6AHiu3ZQe+UgybtvpX70JPaRUzT/8CewTpylPniOeOvNtDRtwfOqKIpGJtMXlWCtjuD7NplUD7FYjon8ceKxZkwjw1TxPH6jAFG7vhYFDZAIqdCq9y64h6DBUFTQaNfXrioR8rsBozEjljKSYFFW+MJnYkeB9JdMyI32kXgrsMxuJCqvnkTNJBCqij994423ISKSiC9nvqvlEUiPkGDW4C4FicRbreKclNhnL80ZxzDEG51YELSXlkP5qZdIv+8u/HwR6/ApDD2D7usE0zVS7eux7GncoTGkH2BuXIO5oQ/p+ZS/+TxCUUnvvAVtSw9hqUrqPfuxDp9C5C28gVGyH30Q5+JlrCOnZlcptdeOkHrgDrJ9XZS++hQiZpK6ex8yCEjuuwktl6F+6ATFL3+T1Hv2I3SNyndexp8o4I1MEDRc4UGxHJ3zOvQW31LyY25bG4pmEybOM3RwiGR3ltpwicD2MXIxzGYDe8pfVCPDaGknsXYjaixJUK8ydfJNQnf5GYeaTJHecjP1/vO401eIEboWI0dWJyOwFMZPv8D46cUFd65E6LsMvPrIkr+1bNhLsrUPp1Zk9Ph3KI8upRcV4FkexaGTxDJt9O37CEYyh2YmFolPXivUVBK9uwOhqtFSGG6IhtYMjPV9WMfPEEwVscoVMsWru7q84TGcc5cIi2Xcy8NobS1R+zQNPB8ZhoSuN9vOSnUUVTXwfQtF0bGdUkTUsKfQVJO6PYXtFAlCn0p1FGQ4mwWsCYMmrTNaAQrB2thNrOWmZdvWrq9jwDnx7o6rzJsRn7PeWOCaaUxPFv0dElJbUYrmBtaquQqC8tsrWnijsVpdOEIZxU5mjvd86q8tJknYxxfGNzpvuh9sher4eXr3foQzT/4xtRcjGn/12deoPvva7L6amcSsGpQeewG3VpzdnmjupfKtF6Jy1VfAG5lg+gtfByDXoqJrLoXHvkMYQku7ij0VIP3Gfn/7DTQdttxkclaVEautAffiW4ipXfeRQLw9hZmLR291CJmNLbglCyMbI7OxhcyGFi783ZFFn65fKeGMDZO5aQ/Vs8ejzpkphtRwUzGjqRUGhLaNYsRQEymYXhyUe3cgihEJRcOrl7BLS7O35iDn4iiSt8QgcPoHKT/5HPgBiVt3kdy/i9LjVzBHlMWSK9cKoetIp9FWPyBcoujSlQgtZ7ZOC6EERSA9D/vEWdLvfw/Ju27Fn8hjn4wMr2UvXXMDwA29BbUzXHfh7DetNEdaX0Aow2UHiJmM9KSSIa02Uw6Wv+Z3G344Z0Sm/LFVM6z+T8bMiity+608eVLQZrPmV8oHeucgEUJgplvxnRp6Ikvrpv1oeoKJsy8T+A4t6/agGjFq+csNd/o9IEMmzr2KEc/SsmEfw0e+hR7P0LJuD0LV8awyhUuHaFm3Bz2ZpTo5wHvfO8LEiEOfJTl52KG1Q6U0HaCq0LdBZ2oyoFIO6V2rMXjJo1oO6ejRsOshpemQjm6VZFph8JKP61z7+PSWjIoMJVPHxshuaUXPmAhFYGTjOFN1Ur1ZvKpD6C32nYaug1eeJrDquKUp1HiKltvvQ4YB9tgQTn6C7M5bAUnt0jnq/WcJbIsbTqi+oZjzpwpVi9x4K0A14lFNFSJ3nL+Cy+3aIKJZv6rSkHCFMERNxgnLOkZfT6OK4erh56fQe7sQh0+gpFOoqeT1t9I08YZGqL95AuneiI9ckNXaiClJAjzOWAeWpY526uvZGr8dTRi0aX3vsFFZ3cqxGk7Nvk9NWgdV991kVL6732E5yNOidxNX0ujCwFsi7wii2FBCzSBEFJervAsMswxDAq+OkcwR+h6BazF16U3iTV1ku7fgWhWs0jilkdNoZpJ4rov8hQPosSSZzk3kz79OtncbiqJGhQzNBCNHnoxEeXtvwkg1MTVwhKbem0hmipz6ZpmtO03iCcGOXSYjl31iMcHajTr77ozx95+vRHN4AdtuMchkVbrXahw/6LB2o866zTqf+4Piqu7xLRmV6kARIxujNlImsH2cqTqqoWLkYjjTFkJT0DMmXnllZlNizQbqQ5eoXTxNx/s+jppIUbtwCmt0kM6HPkG9f3kJiwU3k8yS2XQzihEjdCysiSHsieG3RNldDerTIzSt2Uks00bLhr2Mn34J/4qSw4qqE8910rx+D9neHcgwpHDxDdRcksCyEaqCdLwoFiJBa8niT5dRDJ2gZi2ZtWtuXEv2ww9GWl1NOeqHjhFUqnij46Tuu5NguoTW2UZYr4OA2M6tmBvWorU0k77vTryRMayT5zD6ujE3r0fv6SSxfxdaewvW4ZNYB4+R/dhDZD/6fqTvz0qjqM05Yts3Edu2Ca2jjfT77sE+vbw2kRIz0TvbQFWJ37wVETMJqzUq336RsHZ9RtUQJjm1HYGCG9bJ+0MEcumVVMmfxAorpJVmslo7umsuy/iRMojkiIRAEdefMDtDUVWIpMWvFZWgiC2rxESKDn09I+4FgnegJs61YL6G2FtRcL5eFPwR1sgdqEKjVevlsntyyf00YdCidSEQ2GGVWlB8Zxu6BGQYEHo2aqqJMPBJta8jlu1AURplCoSIxispG7HleqNEiDEnizXPpnv1UiSBJSWqbmIkssTSrdQKgyjCZetOk8CXCEWQyii0dag0tar0rtOREuIJQWuHStcaLbo24NoS15G0dapMTQRcpSTOIrwlo1K+sHCmN/F65IczWxK4JRsUQehcnbopfQ/RkJGXjVoMqCpCVWdrVUdYebanZ3Kk199E5dJJFN2kbf+DTB74DtbYjWd5LYWpi9HyM97URfu2e0h3boqo1k4NhEAzEhjJXES5TkXsntLIafIXDhDbvSFKhkonqL96DL2vI9L9acrgTU4jLRs5MEboL+wPUXYxKybxNTupnDqKde44qda1pO5aR+3kObSNGxGWT+lrT6Kls2S378UujZPp3o5eiUOul+K5AVpuvx+zrw+pSspPvYxXKSOdyIXljYxT/Mq3UHMZwmqN+qHjBNNFCCXe2GRDOkIgg4CwWiecKlJ58jnCepTgZp88i7jQj9bRitqcZep/P4J0PfSudtLvuxcllbxuo2KKBFmtDYgyte1weX5/LSxRC4qklWaSSpaU0sR0sHSBNFfaEeNHKJGmFPp1Dep2GN2XIlQyajOVa1wdOWGNCe8ya4wd5LQ2+sxtDUHMpSdIKhGz6J0wPG5oNwxLpL2loS+brf52oBJMUfTHada6WWNup+APUwsXxyO7jI1k1TaklAy5Z69TrPIGo5FS4FmVyEgIBTPVjO/UCX0HuzxJru9mEi29WNOjC9ziQlHJ9mwn2dKHv66OXZpYwDarT49GcZh0C05lime/WSP0PcqlENeRvPhUnelCwPRUyPhIQOBLfF/y8tMW1UpIrRrS1Kwy1O+RSChcOuuRySm0tKnkx6+9794WlWKnUGeyaAMSGSzH2goJrDpISa3/PC133Eesq4/K6SO40wVye24ntWEr04deJtbZS6J3HWZbJLdtDfcve23fqlK5eALfqqHGE8Q7+rDzo2Q23kxu214UI4adHyN/8Bm88hR6toX229+PkWsldG2mjr5K5eJxzOZO2m5/H3oqS+i55N94htrQygqhbr3I+ef+kr59HyXVto5Ec08UZ2nMAGZeKBl4uLUi+YtvkD/3Kp5TxdA3EFoO3sgkIm6iNWdBSoJihaBYiVxX6pUy9GkyG25m7G++gF8uohgm2Vv2U71wGr9cJHvL7dRPnSPeuw5/Ik8s205o2VjnL5CvfY3k2k1Mv/kKQtOhdS2T3/gKRnMbZnsXtfPHIHAxEhoBCsHkJGF+ElUTBJ5E1QQI8Psvz73YQkSS+BK8eRLhwUxgXwiUeBxjTQ+hZRPftQPpuIQrJXpdBU16J6aIKM5LyYXMhyQk7w3Srq+NEiG1VorB+JIB+2pQxAor6CJGl74BK6ww7vUjZdggBChIKbHkyuymUjCBJ20MEWejuRcvdKmEhYjm2lA/Xko/K8BnyDlNWm2mSe1kY2wPObWdEe881aAISDShk1RyNGmdtGjdnLJeIe+/9QThq6EWFqmHFQw1Toe+jnpYYdy7SCgjQ6Os0DfR6kabJVUIBGqjvodAoAsTXZizShsSuSinyJUW/c5x4kqahJLlluT99NvHKAWThDJEFyZdxgb6zO2AYNK7zKh7beq+NwoaOmHjf/P1kyfPv964VxrfS0hl7Hz0DckQGYZYpYkoG6vBvJJhiFsvUm/UZqqMX4x+CwOqU5dAhUL/QQhD6tON5y9gWkYTdMXUkX7IpXNzhn86P2ckBi7MbR+tR32dSAoyOYWxYZ/CxDuQ/HgtkMHKa6agXmP64Fz98PwLCxlc+ee/teDfo9/4u9VcHdWMoZoJ7HxUcMsau0x9bIDQsWm/42HSG3YwdfhFMhtvJnAsLn/tf6KYsVmetl8vk3/jGdxygfT6HbTuf/CqRgXAqRS48MJfzxoUM9WEohpAQ1DSKmNX8lQnB/DtucG08vSBhf1TqmL0tOMOTSzWFmog1t6FO13AzUciiYoZJSt5UwUCq05YrxHYdbRkGsUw0dM56sMDjcp8XrSy8D1UTUeGktB1sMeHMdu60JJpNFlmz/f0UBioUZtyUQ2FRFYn8CSFwRqJrIFrBRhxlcAPUTWFyYtV7OrSq1N/okDlmZeJ774JoSp4Y5PUXjowu6JZLQQKHdq6SE02qFBcZtUxH3l/BFfaxJUUzVonI+75JX3yIQEXnMPsiN9NTEmyJbafjbHd+NJDQUUTOsPuWU5aL694PSeMBsD15i3E1RS7kw/iSYeQABUdRSgcr7/AmHdx0bHVsMgZ63U2xfbSrHXRYayjw1g3F7ubx/ALZbB6BtN1IiTkon2YHYm7iSspNsf2sSG2C1+6s30z4l7ghLWYTZnT2unSN6EJHVVoqOgk1SwQ0ag3x/fihBYBPoH08KTLRfvwIr22gj/Mefsg62O7SCvN7Ezehy9dAhk0ioephDJg0hvgvP3mknpvbxcEgi5tPdWwjGTmuSiNtF2JioYjLVQ0QgKqfon5Pi0ZeOiZZpK9m/BrZWrDFwl9d064Vwgy62/Cq5VRmgOUhI47WgRVQXo+QlNRUxF9OihbGF05QtendnzwquPyDOo1yaFXr6/PvqtFut4OmM3tdN73cQDcYj4yBGGIUDUyG3agJbOYLR34VsTHtvMjpNZuoXnPvZROv4nbKAEsw4B4Rx+5bXtREyn0dJZrFfGSgUdtsp/aZP9130dYqWOfvsrxgqvzyMMQa+gSifVbosBg7RryBhrZuTKUKIqgZU2CXHc8ivGYCr4TUik4JJsNmhIqZlLFKvvEMzqFyyskUoYh9tFT2EdPLb/PKhBvrDYAJv0h/Gsoe+pKi2l/nLiRIqd2YIr4soHevDfESV6mS99ATov2NYSKL13KQeGaAv2SkCH3NK606dTXk1Fb0YQxm1tS8ovY4fJ9Vg7ynKy/TKveS6vWQ1ptwVTiCBT80MWSVSr+FMVg7B0lHuT9YU7VX6bT2EjTbN/E8KXX6JulWZpptZk+c9uSvwmhklZbmC8kHsqAy86pRUZBIhn1LlEPq3Tq62jWuoirGXRh4kmbqj/NhHeZSW9wSYXitxtRe0OalS4K4QgaGiCIK0lA4IcecZHCJ3qGV67GEh1r6H3gB/Aq0ww8/pdYk3MrUEU36LzrI9SGzlMcew2jNYNiaAhNpXZmhPSutXiFKkKA0RqxIhVTR4kbBNW337i+I0ZF1yGdVOZT76nVJLYrUVSFMAgXEu5hbuyev61BXV4JXqVE8eTr5Lbfil+v4tcqqPEUHXd/iPKF45TOHiG349bZNI7a0AX8apn0xpvpefjT5N94msqFE3Tc9UFkGDJ17BX0VI54W88Cm5JNK4RSUq3Ja2YDx2MC0xTMSCF5vqRuySWldTQNUkkFx5FY9tIXcCZHyd60F6OlHb9aRvoehCFGSxteqYgST+CVi3iVIm33fYjaxdP4tUqUZasbUUKk3sjGVhSUWByztRNkiF+r4AU+Bx65HHV8tB4HIQgDSRhI8v1RrXAkpFpN1uzJoZkLXXSZlAICqrXwmgN+RnMbejqHVynhFvMNynWI2d6NOzU5G4PTN23ilYuPEXouvvCuOe/klPUy56w3oj5cQaJdIpn0LjPtjaIKfdaJEZV0CpclBFwJT7qMuOeY8AZQUK84T4B/lfPYssqwe4Yx9yKqUJkpcCWJssEDGTQGpcX3P+ScYsy9CEicJRSMZ1AK8hyofhOBQnBNiYCSSX+QKX8MTWjz2rRy3ww755lwB1G16D2aIS0uz6WRKzwjSSmYoBIU0ISOQJ1dDYT4+HLld2LIOcu4OwDIJdWdZ1AOpnij+kSjb5a+LyURI/fx91J95SjupREmg2Ekkko4TdBIvhRAMYyefUhAlSI0+mu5+9NTWXJb9mLlR5acQFoDk9T7R2az6kPHZ+rp40gvaLA9o+0ylAsqxr6deEeMyj23x/m9X2ujt0sjkVAwdPjpX5zkr59wadvRSulyGd8JiOVis2Vq/bqHYqj4lkfohSi6gpkxCQOJV/eoDC094w49B3tyhHztGdpuex+1oXMEjo1qxqiPXCJ0bcxcazRYAaqZwKsWKRx6ltC1yWy6hcrFk8Tae5l87dt45WmSPRsW5HhkUgovPtrH4IjHP/23EwyNXn2GvH2LwS/8TI4H35OkvUXFskNePmDzi/85z4nTiz/iB+9N8Bef7eBvvlLhF38tv+Sn4VcrFA+/Tm7X7SAE5ZNvUjlzjMyOPSTWbKR86jCBVQNFxRrux50ugJSo8STJDVvRkhnS226hcuoIoe+T230HXrFA8fCrkYECnNryL+L8X6YG60wNLvz4VQW++TeRMf6pnx/n+BL3uRRCz8Xs6MaZnkTRNMyOHoJ6DbO1E8UwCR0bZ3IMqYQ4qo0kiAyRomKNDi76+HQlRi7ew1JEj/TsX5KyM47jL57V+nizA79oFD6LSCQSpIJQBIoZzUSl10j2nSnQGEqEoiD9AE86ZMwOTC296BoQlZYtO2P44eJ+kkh8XPwV7KZAkIv3oClLZ46ngYozge0vTpCUhCsa2OUQ4F2zcZ2//9ZdKfpP1klkNJJplaFziwd1U02RiXWSXiUde2mEke4eIUHoE0ofP3TxQwcvmCEeLI1r6RsRM0g/uB/n0jDupZFZUoDfOO9Sj01ehTgQWDW8Wonctr0Ujr+MW1q8+pNeQHgFNT9sFLv7bhG/35JRyaQVbt8bY+cOk+ZsNCOdLAScOuvy+ps2xVLUocdPufzir+dpblL5xAdTfPLDUZ5D6EtUQ6XtplaEKlANlcAJ0JM6MpAIVTDwzGUS7UkSbXG0mIqZMZk6O0VluLJir9mFMayJIXLb9pE/+CxOaYrWWx8gsGsNtl60NEqv3068oxcZhqhmgvKF4yAllQsnaLr5NpJrNkUMtHkDlVAgFhNo2oLE52XRnFP41V9o5gP3J3nsqRqHTzjoGrgeFApLv1i6JtC1aJW3rNdNSuqDF6gPLgxQ51+8QmEgDCgdnYvZBFaN/PNPLNhl6tWnr34jq4QQEI8LXFeuKu8yqFfxa1WCeg0j1xKtnsIwSpINoxWLV5qru2K2dRLr7EVoGk5hnNBZuMRPmq3s6f7EitRgKSWXpl/jXP6FZQcYNWGS3NaNPVjA7MohtOh8WiZO/dwYStxAqApaKoaUIVo6gTNeJKjY2MNTCBTWN91GV2bHkuevOJMcHXuMinOtlQ8XQhE6W1vvJxfvXnaf4+NPMFRamPktVIXk9h5SO9cgFIXamRHKhy4u0JSa7YNUjMze9Zi9LUw+epCgMmcM9LYMuds3I0yN4ounF5domIdcu8E6IYjFFYJALmlUcvEednV99C1RuiEyyFJGRiWUPkHoRcYktHD8OrZfoeYWqDiTlJ1xwmtwoy6NG1tXQ8qQyuBZshtvoeXmOxl96dGrHqOnm0iv2YqebgIpcaYnqA6fx69FE4lE5zoyG25i4o3vEDakqnJb9xFr6qDcf5L6WD8A8Y41ZNbfxOShZwmXqZe1HK7LqAgB+3eb/NK/bmHPzSbptMKMOojnQaUa8kefK/L7f1rEcSWThYBvPRNZ+r5ujU98KDIqTtlh+PVREERuMC9oJNOLKF8jDLGLDk7FpTJcIfRDhADfCZYcZO38KBOvPIFfq0Q14I+8hBpL4NerTLz0OFoyjQx8fKuOUKKRutJ/CmtiCCEUQtfBrUQJUlNHX0LvbwYh8GtlSqcPztL7KpWQD/+jYVxXMjp29Rdw5w6TvTtjnDzn8rO/NMHUdIiigK4LnGUyVZ99uc6D3zfMZCF42+X6rwXxmOA//utmnnimxgvXGMDzA/jUT44iBFweWiXltGHE9aYW1HiCoF5DBj5maydSSBTDwGjpJHAcvGIBFIXAtgm960uoFELQm7mFy8VD2P7Sq2AlppPY0E5Qd0ls6EDoKkHNIag7qOkYWjqO3pRE+iGh4yE0BUXX0HqaFxQfe7dBb03T8v5bmHr2ZKSCoIglDQpENXpqp0do/dBepp45MWdUVIXc7ZtBVSi/cRG/vPJAdPylEht3pgC4fOrtlXSJmGYqCFDR0NUYC9aoUhJIFy9wsP0y45WzjFVPY/tVVj3fV1XQVmEEZ1ME5rmYZ7YIFTsf0YTT63YwdfJ1nOmlK5cCJHs20nXvxzCSOWQYIFQVpMSaHGbkha/iTE+gp3I077iD8sXj1McGQCi03nIP8fZeQhlQHx9ACIV03xZym3ZROPLCqukf12VU7tof5/N/2EFLk8pLr1t8/stlTp9zURTB7ptM3nNnnJcPWDjuyg9EBhKndHXJd6/m4dWuPihJz8Xz5j7ewK4T2NEL69cr+PXFg0VQrxLUF7s8Qs/FKcyjxVpzwdRQwtkL1z5IdnWopNMK336+TmEqekRBAMEydGuAak1y4sy7QVYiQkebyo/8QIajp1Yn0X+hf/X5CzIIKJ86DFJSPXeS2oVTDcolzAZxpCT/YoMhKCXuVMM1cB0CeDPQ1Thrc/s4k3+OpQaTwHYpvnoee7iAdWkCs7sJa2Cysev8IOCVf7/NleHeIhRTB6Fg9U/iF6uzzRe6itmZQ+gqfsXGy5eRfoA7USJ0POZ2FMTXtRFb09roD9n4fWnopkBKGDxbJ9Oik2nRKU9990oRCCHQhImmmMS0NLlYN+uab2OkfJzh0jHqXvGamHUiZtD64x+j5Uc+fE3XlX7A4M/+NgQh8bXrURNJahfOzClNNAgz+SMvsH7ddnJb9jB+YGmdw1hzJ933fhwZBlx67C+wJ4dBKOS27KHzjg/Sdc/HGHj8c7iVKXyrSry9j/rYAGZTO2o8SW34IrFcO6qZQIYhZlMHVn6EMFj9c1m1UWnOKfzW/91Ca7PKn3+hxG/83hTTpbkOf/OYw//+0jtVW+P/G4iZCqoK9ir0c95teODeBKbxDg6OszM2ORtnW7j9yr9vDJ22I7WFofIxau5iJlVYd7Hr0fbQ8bAuLeWmkkv8/e5+7l6hgj1coOP77qB+ZpjyoYsEVYeme7ejt0Y1XYy2NONfegV3cvG3HbnPehsuwcjP6YwVkUuVfVAgmdXYtDuFqkKmWWdyyFnS/fXdwEy5hZiWYn3T7bQm1jNQPMh49ewCPbYlEYQ4FwbxJ65NDiZyqzfo4ZpG6Doouk4wa1QAIbALo1QHz5Beu43iuTcXT46FILVmK2ZTe8QUG59J9g4oXzxGqm8z2U27MNJNeJXpyKi0RSresdao2Nn02YO03HwXWjxJ4NqYuTbK/SdmY6urwaqNykcfSrLrJpPXD9n8978oLjAoM1htWv+VUBTYvF7n4fuT7L7ZpCmnULckZy+4fPnRKieXmMErAm7ZYfKxDybZusnANAT5qYDzlzy+/VydIyedRe1qaVL4gY+n2bfLpCmrUqmGDA77vPyGxfOvWFRrc4NBPC74qR/J8uC9jVoiwLHTDp/94yKTS8RF3n9fgg88kKCnU2PbZoNUQuGjDyfZuF5HAH4g+eo3q/zl3869IOv6NP7tTzexbo0+O7d97Kkaf/K/V1YvTiUFD92X4L13J+jqVAkDGJsMeOOwzZPP1hmfnGtfIi54+P4Ed98WZ02vhqoIRsZ9nnvZ4vFv16hbc/fc1aHyg59Is32LyT23x0inFP7dP2/mh78vM9u+lw9YfPZPirMGU1XhH/9Aho9/KDXbTxcHPH7vT4tcurz8C9rTqfHpT6TYtcMkkVDoH/R49MkarxywcOcdlk0r/MnvtPP1b9V49Mkqn/5Emrv2x8mmFYZGfb7+RJXnX7W4Bs3LRRBCYGppOlPbuDD1Mu92Y3CjENQc8t84RHxtG+m964lv7GTiK6/T+qE9+MU6oeMRX9dGeWPHkkZF+gFTTx1Fy8SpnR6mcmhxMb3ZfUMo5z0uHq1i10JiSWVBvs27CUII0mY7W1vfS8po5XzhJYIVRCml51N94U1qr524xivIWTejMzqM2d17RdB9Tou6cPxV1n7wR0n1bKJ0/uiCCZWiG5hN7QhVo23f/bTccs/scUIo0W9Cwci2Url8Gq9aJNYSld2ONXfi1SrYhbFItDeWRIYhejqLU5y8LomrVRkVRYGH7k8gJTzxdJ2BobdnyXrTVpOv/GUXMVPguJIgkOia4EMPJvihT6b5+f+U57Gnagsmqt//8TS//+tt+H5EwZUyouV+9CHBJz+c5KFPjVCpzVmVm7cb/PFvt7Nlg0GlGhKGElURGIbgR38gww/801FePjCvKmIIU9MBpXJAZ7vG3bfFSSQU4rGlB/wN63T27DTRNUE8LhACTEPQlI1mckEA8djC6LXjSibyAR3tKps3GNy0xeDigLdsUTfRMKS/+X+3cPveGPW6xPUkgihec+/tcS4NeLNGRdPgT3+3g/fdG8dxJZ4fvbZ37Y/xI5/K8MijFX76303MDuK9XTofeSiJpgoyKQVFQDI5dw8AiYSywLsjJUwVA6aLAW0tKvfekaCrw+V/fnHp1auqwgP3JPgfv9VGOqVQrUnCULJ/d9Smz/1tmV//bGHWwBuG4MH3JEDAZ74/zfbNBp4X5dO85444n/54ml/93QJ//oXSdRkWRai0pTYyXj1D1V0610KISMcrCv4u/OhU1SBo1MURQsxmRb+roQgCy6V6YhBnokT3j9yH3pICCUN/8R2CsgWaQmjdGHdsGIJuKNz5kRaQcOiZ4g0579sBIQSGlmBt0z50Nc6piadWZLtJz0c6q++noF6jfvHcsjNyuzBG5fJpmnfcTnXo/ILBXigaqjHD+BMo6sKYjlvK4xQnCT0bpMTOj5DsWo/Z1I6Za8cav0xg1fCtKrHmDjzDJPQ9vOr1leJYlVFpzil0d2g4rly1b301GBr1+J0/mmZ41OeNIzaFqYDODo1/8eNZ/s0/a+JTH03x4usW08VGMFeDf/8vm6hUA/7dr+V56jkL15P0dKrs2RlDESwwKIqAj30gxa27YvzmH0zxx39ZYqoY0JRV2bHVYH2fxulzC18Mx5F8/ksVPv+lCumUwumX1gKgZpIwXkWJmQhDJ6xZSMflT/93iT9trDB+5PvTfPbX2njk0So/938vL4k/Oh7w65+NYkLf83CSz/9h54r9lMsq/OZ/bOXu/TH+/rEq/+tvSpy76KEqsH6tTluLuiAu4/vwN/9Q5oVXLV4+YHGh34sG9XsT/PovtvDpT2T4k8+XOPBm9GwPHLZ54JPDAPzhf2nj+z+W5ld+u8DffXX5ZLIwhK88XuMrj0c5LKdeXLfiPezcbvLbv9yKpgp+4VfzfOOpGuVqyC07TH7+p5v4mR/LMjru8/t/Vlxw3Cc/lOLVQzY/+i/GeOOIg64Jvv/jKX7j37fyz340yz98o8rYKuUlIBpEMmY7LYl11NypJX3pppkhl11HrTZJrT6OqhgEoYuUktaW7RSmzqKqBppmYlnTjUJu795Vj9mRI71nPaHloOWSuGNF7KEpiq+cpeV9t2ANTKLEdIovnkZNxUhs7EDPJUnvXkfNGMYeXH05inU3Jzn0dJFUTqNrXYypURfHWp0BdgOLqfplQrnyc56R1VEVHU0x0JUYppZGU41li5pdCUWodGd24PhVLk69unjFImVU7uEaM9aXxAountC1KF84RnrNNtLrdywo6CcDn8CNVNwHn/oiXmVl95uVj77pRNd69HSW0rlD+HYNd3qSRHsfbjyNVy3NMsZWi1UZlURcwTAEQSApTL99iTTTxZA//fxCKzk47PPZPynyTz6To6dbI5tWZo2KJKLg+j4UpgJq9RAp4dJln0uXFw+AkiiHQggoV0IK0wFBENGhn3vZ4rlVtNXY0EsiKVGzaVBVvNFJ7BMX3roP8Bpwx74YD9wT5xvfrvFL/yXPyNjcMxkeW/r5PP6dxUybb36nxgN3J9i0XmfHFmPWqLzd0DR46L4EWzcZ/NZ/n+ILj1RmV2SHjjr81h9Os/tmk3/86QxffrTK8Lx8INuR/Pp/LfD8LBNN8vePVfnI+5M8fH+SbEa5LqMCMwPITYxWTuIGi/vLdWtoWhzHLSOESiLRhmGmmJw8QSgDhFBRFZ2YmSNmNlGYujaV7e8WYk4cUQqQmoQRh8Lpk0jHI//4IZLbejDTWWQ5yr/RhYmGyfhXXie03dkldOj5lF45i1+6NiZXadJj064UuqmgqLDhliSnX6+siuloeSVOTXwbL7xaPKZhVETDqKgxYlqalNFKc2INTfHea6ItK0KlN7uTsjPOePXMgt/CqkX+f30Nt3/k2m9glaiN9lMfH6Tl5rsWxDpC38WZmkD6PtmNt5A/vPIIZudHAUmivQ9F1bGnJghdB6eUJ7N+B4oRw6+VliQ2XQtWVWAjCKKxUiDQtbfXD6oIiJmCdFKQzSjksgqKEhkNQxeo6tz1fR/+x18W6WzX+F//rZPP/lore3aaJBNiyfwIKeGp5+qcPufyiz/bzJf+vItPfDBJc05hXhnpa2tnMo6SShDWLaTvR0KQ7xAeuCdBEMC3n68zugoVUV2HZEKQSSvkMgqphEKpEuD7i11ybycyKYWbtxsYOnz1m9VFA8rxUw79gx7trSq3bF9Yn+bsBXcRA89xJJeHfHRNkEy8tfvImO20pzYt+VsYegSBSxC4xGI5UqkOUsnIRy2EgqJE9NVsdu27fpXSavRh1HRqr/ZTfO40zqFRvFIdTRiYbgz/WAH7lcv4hyYxAgO9rCGOVnBeGKL06nkYsoiTQoTg95cxSjoKKjElRULNLSuNXxh1aF9jkmvTOHeoysWjtVUZlAiSUAbX8H+fIHRxgxp1b5qSPcp49SwXp1/j8OjXODj8CIX6AKH0F6j+LgVDTbImt4eYllnYEs/HOnSaYKoxu1eUayrVvRoEdo3i2UNosSRmrm3exWWUYzI5RNue99K66170VA7VTGA2tZPbuo/WXe9hRkbEr1fwamUSXevw7RqBE61y3OIkWiKNkWvFKeaXLwV/FaxqpVKphtTrEl2PAqtvF5qyCu+7L8EH7k9yyw6DVEpB1wSaCl0dGmMTi2M5f/KXJYZHfT7zqQwffSjFT/xQloNHbP7qyxUefarGZH7hoPvKGzY/+M/G+Jc/meWuW+N87g86mSwE/PUjZR55rMqpc+6S8ilXovbyYapvU2zpauhq16hZIYWpa8tl0VS4aZvBJz6U4u79cTrbNWIxgapCLhOtQt/JkKlhCLINoaelVhVBCPnpAE0TNOUWDk6F6RDXW3zTMwvE66xHNgshFNbmbmWscmZJ1o/jlJAyiOq4eHX8wEVVY6iKTjLRRt0qMDZ+mGSiDUUxCJfIkn83oOYXaTK6Zwf/jNaKFZTJah0gIKFkKfrjpLUW4kqaelBCV2JktXYmnH4SWhZTSVBwh8hobfjSxQ3rtJvrAEnBHV6yjsmmXSme+btJ0k0qqSYd59Tbu7JXMqm5VZXtNLTtQjxpU6j3U7JH6c3uYl3TrZhqalnygBCC5ngfLYk1DJePX/kjWlsTxtou9PamSEVhvIB7aYSgdGP0x8oXj2HfcjeJrvULtrulPCPP/j2dd36Ytr0P0Hnnh0EoyNAnsOuULhxjPt3dmhymZefdFI6+MJsEaRcnkb6PkWnGLlxdnHU5rMoylKshFwc87r49xq17Ynzl8SpvxYW4FBQBv/izTfz4D2U5etLhkceqjI771OuRTtAf/Ebbksf5QeTLf+ZFiz07Te69I86H3pfks7/Wxr5dJr/wq/kFzCaAU2ddfvY/THLTVoPb9sR4/31J/uU/beJ99yX4Z78wcW2yIt/FSajlhOhaRC64Ftx1W5z/+p9a6ezQeOTRKo98o0qpFGA7ku/9SIqPfzD1Nrd4IYIAbDd6gaKVxWLDkowrhCGLkkTD8No111aC5ZUw1CSqsvhTSOg5OtPbFmWgA0xNR4rV1doo1dro7PbRsYML9qvXr1ZW+rsPTzpk9FacsIauxEioWYQQlL08qq6hEGlISSSK0Kj7JaQqUYQyq2ImADe0qAXThIR4oYMVVpaNWQxfsNi0O4miCAbPvv317GNb1hHU6kjbRUnEIjqvUAhrdbyhcfzQYWD6DRy/xo729zUSJJeGEAq92V2MlE8uiLkZ67pp+vT7iW9bPytrTxhSP3CS6X94Bn98ecFPRTPQYik8q4wMfKz8COOvPdEQkoyMgWrEkTJk7JXHSXSuxSsXEfMkPezCKEPf+Tsya7ejGGZUwtsPCOwa1ZELC2j306fewKtMUxu+MFvr3isVmDj4HVQjNptZfz1Y9XLj8e/U+KHvTfPAPXFu3m5y5MSN9b93tKn8xD/Kcv6Sx3/4jTwHjzizhiuVFOha+4rHF8shz7xk8dLrFo88VuWPfrOdT3woxV//Q4WXX1+cCe77cOSEy9GTLl//Vo1/8sNZfulfN/Ph9yc5ccZ9V2SzL4fjp1z+8Q8Itm40iJlixTwY0xB85P1Jdm43+Q//T54//XyJWn1GQj2Kz6y0WpdyljZ/w1CphfQ3aMb7dplcHFjozmprUenp1LCskIsr0JHfCkr2GEIotCc3LZqdKkKjM7WNyep5nGAF9eX/D8OVNhUvTyAjAcZR6xy+dKlRxJceBXeIkJCyP4kqDELpRbVSgjKB9LGDGopQccI6TlgnkAESSd4dJCRYkv3WuS6G50jOvRklWr4TiY/S8/CGxjE39qE150BVEKqKfebS7ApGEjJWOUVMS7G59T0oK2gwZcwOkkYLVTeaNAhTJ/3ArZjreyh+/XmsI1Eczdy2ltz33EdQqTP9d09GigVLINW+DkU1UFrXMDVwFOn5FM8cJPR9mtfvolYYRtVNFFXHLU0xOXqJWKa18U0qaLEUQlUJHAuvNI1dGsd3LFQ9hqob+FYVLZZCUXV8p4adHwbXiwoINhD6LsUzB5ds32qwaqPyxNM1nny2xvc8nOI3/2MLv/q7U5y/5FK3In2neEwhlRRM5gOq9dWPyPGYIGYKLDukVA4Jwmj10pRT+MynMmTSix90KinobNeYLgZUqiFuJBHFZD6itqqqQWJerEDTIjdaGMJ0MZhVAa7VQkbGfMJAkkq+c7GF68XXnqjy8z/TxGc+leHgUZvnXrGo1eSs5lY6qTBVDKjWJKrKbIypMB3MGiDTENy6y+Se2+ML4lRXYrIQkEwqbFynk4gL6paMtM8E10XdBbBtydMvWnzqe9L8659q4tBRh8FhD8+P3HGf+VSaTRt0vvVMnaMn3x7ygEDhcvEQzfG+RbNTIQTZWCetyQ0NV8e7eIZxnQjkQkFIK1wYnJ1fPCyYp4k187crrdlu8ecZkOXKCQC095ls2p1kcijyBFw8XmP4bU5+tI6ejSRLjjQC7DPKDFfI0UhCRsonyMV7lpxozEARKu3JjfOMikF85yYqzx6k9NgLs7Ri58IQimmQ2LsNvasV9/LSbiWlYTBAkGpfh5luQdUMpvoPY6SaqeWHEIqKkcyR7tzA+KkXMdOtKIqOr1lkuregxZJMDxzFSGYxU81M9R9BNePE0q149TItG/YReBZWcRzNTGCmW7GmR/CsG5usvmqj4vnwS/+lQDymcP89cb70F1289JrF6ESApkFnm0ZHm8ov/1aB516xSCUFu2826WjTiMcEt+6KIQTcfVuMej3EcSSVasi3X6gTBDA05nPgTZu9t8T4Dz/XzBtHHEwjkn/p6VY5eXaxS2r7ZoP//l/audjvcaHfo1gOSMQVdm43ee9dcV58zebQ0bmXvCmr8ks/18yGtTpHTzpMNOItPZ0aH3pfkpHxgCeeXhg4XL9WZ9eOaEXQlFVJxBW62lW+76Mphkd9bEdy5ITDwJB/XasbXY/otet6NWLxSKhT1wU7thp85lNpLDvKv3nupTqVRs7G8KjPf/69KX7p55r5k9/p4Mln6wwOe6iqoKNNpaNN5Tf/+zTPvWxh2ZI3jjj8wMdC/vVPNdHdqVGtSjrbVe64NYbvQ20FSudTz9X52Z/M8eOfztKcVRmd8EnEFU6fd/nK49VZw9LdqXHrLpN4TBCPK2QzCjEzokhv32Jg2yGnz3mcvegShvDCqxZ/9vkS//ZnmvjLP+jgmRfrVOuSbZsMPvBAgnMXPX7j96euKb51PdBUg4ozSb7eT2dq66JBRFdjtKc2MVm7sCQT7P9PEKqgY2cbrdtaGhugOlZj6NURfOvaVxvVos/Zg1VG+6Nvsl5+ByTZZz7KK/+7BJygymT1/JITjTkIsvFuaLB3haqiJOO4A6ML81SkxDp+gfR796Gk4is20XdqKFpkXPRYCrdWJHAdAtdqyNiDNT3WqEcfQ9EMjHQzwfQYbq2IZ5VRVB1F0QjDAEXRUDUDPZFG0U3CwKOWH0RRdQLXRk9kqIzd+IqY1xVtP3fR41/8+wk++nCSjz6U4oF746RTCpYlGZ0IeO7lOsMNocWuDo3/62ebuXWXiWEIYo0Vw/d/T4qPPpTE8ySFqZD9D1+mbklcF/7Nr+T5Fz+R48F743ziQykKUwHffqHOL/76NB97OMV77lz4cPqHfF563eL970nwgQcTJBMKti25OODxp58v8bm/KTNVnBswK7WQlw9YbN6g84++N01TVkVKGJv0eeFViy88UuGNwwtnxg+9N8Ev/5tmDD2KYSTigo3rdH7l51uiREJP8iu/XeBzf1teegCUK89z00mFf/qZLB/7QBJDj1ZrpgH33BZn7y0mnhfFFR76gSFON8qCej584ZEyg8Men/5EmvfcEaetNYnnwei4z7efq8/ScKWErz5eRdciZYCf/5kmIIor/fkXSoyNB/zhb7Yv28Y3jtj8wn/K85M/nOEnfziLpkWrlz//qxKKmAsA3rkvxn/7jTYMQ2DogmRCIFH4hX/eNNtPf/g/i/zXP/Zw3KiezB99rsjlYZ8f+3SGn/6xHPGY4PKQzxf/vsJfPVLm1BITiZVwNQbPfGiKiRfUmaxdoCWxFl2NLYoDtCTWkTE7yNeXzxT//wUk2EWb0mAZIaBjdwfJ9iRDr66ORjt83kJKcO13b2Jo0R7B9itoirnsaiWuZ2ZzlKJaTxLpLl62h1ULoamRwOMyqE30E3guqhEj9Bzc6hSB7yBDn9Lw6YhUYFWQMsR3agSuRS0/iFAUPKtC4FmAIAw8PKuComqEgYtbKxIGHqHvUho6he/WEUIht+ZmKqPnUM0EQlGvK3N+OQh5jV/gUh2rqRHtV9fFbNZ3EILrShw3CqSqSlRsSlvBfIWS2ZyTGcRiAtOIClqFYZSX4Lhy9npXFn0yzcb+KnNtCcC2I3eYUDXUWCKqgxGGKH4dQ/XRtAbtWEbXcVyJ7SwOAsdigmR85YBCrS6XjGuYhiCRiBSJryQLzECIyD01o6+lG4KmZoWpfIjvz/h8iVyCweJjY437V5RovzCI7mXmOcy/j74+lUpZ4jgS35PUG+6/dCoqCjaTnFsqLmxrJiPIZBSsukSGc89l/j2bhiCVXLmfLHthPyQ7k6S7UoSlOv50HaFAEAqsWoAXRnXvZSjR4hrprhRMlQll9A4EvpxVuZZBSLpJJx5XKIw7+I3Jcy7ey229n14yF6HmFnmh/8/QlRi7uz9Gc3zNku/6ZO0Cb458ZcVEO72nDXNtB/bZwegF1FT8fImZoKBA4ZbOD79t0veqMNjf+wOrlr6/HsRyJvt/Zi8nvnyaqXPTqEZU70goArfq4tV9VENFNVVUXUHRFeyiE5W2SOjoST3K7i45hN7SxqUjtXVF6fuSPcobQ19elKdiKklAogkTJ6zNuvdkQ9xzppCXKqJBacaVJ1BmA+8Chb3dn6Q1uWFZo1Jzpzg4/Ah1bxq1OUPPb/1Lin//NNaJhaUo9PZmWn/qk0z/7ZPY5y7P/SAl3tD1Peu3CjPTSizTTn1qGK9+7Znz12IuVr1SEapGevPNiHlsmZlXQvou5XPHFiwtgxBKldXPSGxbYi9R8XDGDXQlHEcuKyMvFJXcTbeSvWk/yBC/XqVw4Fmqo1HVt7fSnqWgKHDLHp0167QFIrW2JXntJYdSafF5pIyUiWfkSHbu1vnPv5vj535qmksXVp5FSLl8v1yJrh6VP/hfzfzSvyly6MDCFUCxFBJPCP7Fv80QBPC7v1FiJsdKUeHhj8TZul3nv/1OmUp56WvNGLLVoG1nO37dJ7WpmYFnBkj3ZQjKNkiL5p4MCJg+N0WyPYmRMSmMKGTWZWnPmEwemyDVlcJImxRO5UltbsfIGIQTA1y1TCigqyYAXmgxVDpKU7wHscRn0ZJYRy7Ww5R1edFvMxC6Rmi5JPZuRfoBajZF+dsHCCv/Z7nNFE1hx6e2MX5sgqlz0yBg84c3kulNo+gKgRNy+HNHabuplU0f2EB1rEasyeTM185Tm6hx0/dvx0gbICWFs1Ocf+LSsoblepBUs8TUJAk1x6QzgESiC4OSP0lczWCIGEV/nGa9G0WoTDoDxNU0ujAp+/mIYEBIzZuilfUspzKtCDVyjzW+ETUZX1GhuPUnP77g39Lz6f/xX+WGU2ivAU45j1NevRLCteA6jIpKau0WFN1ATaRJdK2hNnSR0LEIbIvK+ROL9JC+21DMGNnte6n1n6F0+k0Q4FffPiVlTYfv+8EE+24zOXF0jkFWLkmOH/Uold5d/XMtkCEceNXl3BkPe5nV1luBUAWTxyfR4xrp7jSDF6Zp2tSEb/lk1mSpjdWwpi06bu3CmrZp392JZqrUJ+uk+zIUz08T+iG+4xNMBYT+tX2oilBRUAgJmKydp+LkycYWy+MIFNbk9lK0R5Yt4uQXSkjPxx2ebGQJK4S1t78m+DuN7v2dmFmDo3/VD4CZNbn5B7cz+uY4oRvSc3sXl54eAMBIGxz/vTfw6hFrrPvWToyUzuv//SBG2mD/T+9m/Mgkpcs37nsMpI8uokJpcTWDqcRRhIYnXZr0LlShUQ2mCKSPJ53I6Cgmaa2FWlCcXY06fhXZoEsvBYFAaax2wppF/s+/sqp2RpTjuW8pnesDoVCZHqCpYxt2rYBVvX5KeiLdgaLoVEtDV9/5BmLVRiV0Hcae+XqUGNW7AePBTzL58rdwpiYaCUXRAxFqRA2SQYCi6RFnOgyR84ooCVWL/IwNf9VMZb/oRwVF0wgDPzpezBw/r44DgKJErAlFzCY0zUoYNM6hxpOo8STO9CR+vRpVEfTmxUyEaLRRgVASBt4CmZUl7yUIrioL/eYbLr/5q6VZoxKGYNUjdlYiKXAdiWk2CnU1BCcdRy5gUylKJOIoFAh8sK4Y0BUFzFiUGDqTz+FfMebFYgJNj35XlvAkaFp0DiFAW0IpQdejcxTyAeOjLDq/2XCXSRklNEoZuUDn18sSotFObSEt2XEkoRcydaZAfbJOoiNJbaKGW3aw8nVad7Shp3TcijPrBnPLDn7NRQYaVqFOdl2Ojr2d1L91Ed/yad7aQv5EnsC+evBYIFAVgzC08EOXgemD7Oz84AL+/wxy8W6a433LxlbCSv3/uFXJlUh1JVl7bx8nvnwa324IlZoqXs3j+F+fIvACjv/NKeoFi45b2qiN1XBr7uwnqyd0fMsncIPZ/2qxt1bZ8UpIQlShUQkK+KGLJjRCGWAHVXzNBky80CFQPFJaMxU/j0BBF7HI1TbDZrtawqoQs7Rj6XhUnnnjLbU7lmxBNIxKKtNNGHjY9em5MVVRkaGPULSGqKkgDHykDFFUreHYEwSBixACz6nOc1eJBrssQhi4jW3RcZHL/Iqx9TpxXYH6mQzM0Iu0fwLXWVTCtXn33cS7+qhcOElm2x70VAYnP8bod75C6Nqo8QTtd31gtu64DAJKp99k+thrSM8l2beBtjsfonz+OOkN21FjcULPZfKVp6gNnANAaDpNO28nvXEHSiweVYocHWTytW8T1KuYLR00772HWFs3Rq6F9rsfpmXfe3AKY4w983VCx0JoOtlte8hs240WTxK6DuWzRykef322imDL/vdiNrVRu3yezNZdaMkM1thlxp97lNBdnurqupJKeXF8pqtH5U8/38zXHrH40MfivPCMTeDDex40ef5phz/9g4jWGQbw0Ifi7Nqr09qmUsgH/LffqXDyWGR1NA3e/8E4H/1knNY2BduSPPe0zSNfrM+62HbcrPMzP5ems0clPxlw+A13QT5KLCb4wR9N8vCHY0jgzEmP9g6VywNzq6nb7zb5kZ9Isn6jxuGDLr/xyyWK03M39W/+rwytbSoT4wG37DFQVHjzgMv//OMqhXxknHfu1vnRf5IimxO0tqn0rdW4dN7jc39W4xtfHZg9V220Sm00yj4uXy5THqpAKFFNlcyaLPWJGva0zfnHoncACZef6Z9NFp46U2D63NTCGixXgabos375Qv0SRWuEpkTvgn2EEJhqis70Nor28NUHnLeIbG+SXG+yoXQs8e2A/IUyZlon15NESkl9yqVwqfyOMZ0VTWHd/WsRmiDdnSLZnsCtehQvlSicmaZ7fyfF/hJ6Qqc2ERnXK9/9wrkpeu/oZu29fWhxjcAJo2f8VtumAIog9CVlP0/Zn3PtTHlzRIJhe06HzU8UmAqnCGyfaW+MojfWiLtcIySEV1GhFnFztuz0lQjr9kLXl1CIJVtJN63BiGVRtRjd6+5iauI0oe/S3reX0f5X6dt8P2Hgk2ley8ill6lXxuhcewdCCJKZbs4e+TJa49jydD/jg2+QSHewduv7qVcmMBM5Lp18nFi8iZaum1E1AzOW5fyxr+Dab33F+PZprQiIdfTilqYoHHiG0HNQjNisQZJ+QH34EqUzhwkdm+TaLeRu2k9t4NxsxUUtnSW5ZjOTr32H0HVo3nUnrbc/iDU+RGhb6OksTbfcTuHQi1ijA6jxJELVZldD7vQkky9/Cz2VpfuDP0jhwLPUBs4ig2C2HcnejeR23kbx6GvYE8PEOntp3nUXbnmK6oWTs7cT71qDV54m/9p3CH0PRdNXNCgAO3cb/NwvzpUtLeRDPv8XUbKRYUYj+yN/U+czP5Hk639f50tfqPP9/yjB5/8iGlQVFbZu1/jzP6oSBPCP/nGCf/ULaf7tP5+mWpFsv1nnR34yydceqXP4oMf6jSo//GNJ8pMhj/6DRTan8OM/ncLzJP/5PxbRdcGnP5NckI+yZ7/BJ38gzl//ZY2jhzx27dW5+z3mAqPyygsOJ455/MhPJOlds/gD0XTYvc/gi5+v8Ru/XGLtOpUf/2cpjr5p8K1v2CSSgh/+8SSTEwG/+xtVsjmFX/+dJp541OKJR6+Sn9AwDkIRhH7I2BuN7PUrv/15/16NQQFQlbkZnBtYjFZPk4l1LNgOkWFpSawlbbYzbb29LoVkS4z2LTm2f2gNQwcnmTxfojRaZ8eH1pBqi1G4WKFoVJnqr6yK7bY6zNXzmPlnaaCEogpy6yONOytvURooceh/HaV7XydNG3LU8xYylJSHKlx+cXDBs6mN1Tn91XO0bW8h8EOO/vUJvPpbT37MdRiYcZXRi9H7lMxqBH6INy++JwDNiArm1SsBHeviBIHk8slI8+vKXlQVg5UgCedcoYrA3NSH0HXsM/2zZYKzH7wLvbdjyeMr33kd+8TFee0TGGaaeKoN3UjMNXr2v1HJYVWLUSv3RzXsi5fR9CjTvl6ZxHPrOPUpHGBq8gyaZs4e73sWA2eepG/zA8TiTQ2GmIdVy2NV8zfEoMDbaVSIisdMH3kFr7xYijn0HEqnD0e+kGjVRnbHXlRzjhcuFIXpIy9TvxxxqUtGjM4HP46eyuLYFlJKhBaxurzyNE5+nPlvsAz82diJDAN8q4pXKS5oR2bbLtypScpnjxAGPl6tTGr9NtLrt1O9eGquMpuqMX301UXHr3j/Ys4dBCxgwPkevPGag2VJfuhHEzzzpI2iCH7wR+fEMhUF/uHv6hx8PTKSQsBv/n6OLdt0Dh1wefjDcQr5kMe+YmHbkpFhn1vvMLn7vhhPPGqxZp3K1u0av/zvShw+GK1uUhnBzbvmBssHHjIZHAj4+iMW9bpkfCzgznvNBfcRBFAuhVQryw9e/Zd8vv73dSbHQ4Yu+9z3YIyNmzUUBVIpQWuryvNP24wOh4yNhOQnAlJp5ZrzT3zLpzxwffUdVoZYMHhIQqbq/VTdm8iYnYuYPzEtQ0dqKyV79KqS628FI0cKjBwp0LE9x4nHBhg/VYyunzU49cQgI0cbq7Ebak8EhpogCF1URSdhNOP4FRSh4QZ1PM9i8KVhBl8aXnSkW/U4/82LC7ZVR2tURxcqEchQUjgzReHMFDcS8bRGKqMyegnaekx6tyZo6jA4d7CCUAQtXQYjFyy6NsRpX2Py4lcm8dwQVRfzJbEWwFSTLBekBwhlgBdEk1MlZpL9yL1Iy8XtHyH0I+MW274ec2Mv/uS8MVBR0HJppO1in5yX0S8DylOXmBg6hBnLggxnBUoFBrqRBAmB72DXpygVLuI51aiGj2dTLY/gjp9qXETM/g8ESPDcGiCRoQ+KQhgG+J5FtTiIY924b+ttNSqBYy9pUADURJrcTftIdK9DjcVRzDhmU9siHRAnP69OvGNHvkQ1arZfLjLx0rdo3nMP2e17qJw7Tun0m7jF/IrJTXMQmK2dGNkW4t1rG5sEQlFmXWyz17brqzIoAMcOu/zX/6e8ZL6VlJJaVdKQB6JSlqTSgIT57vyhobmB63K/j6oJWtujHTZv1bhlj8EXv9o6czuoquDY4Yg3n84oqJpgYp6C8dDAQvHJ3j6NyclIKBSimE1+cvVslOJ0OOvq8v2ILRdPRB9sPh9y+JDLp34oiedCa7tKU7PC808vXOnNxNhm3KrLQaga8jpqZy+HGWrpDKpugYnqOVJG26LfhBD0ZG5msPgmNe/GDozXAqfisf9Ht0YVNV8c49hXLhEGN8ayNCV6EQhy8R5K9hiq0LC9MulYOyAZr5y9plrt3y3E0yqpnEa23aBzfRy7HlAueGzck6ZjbYzhc3W6N8cJA4mmKxgxBTOhoiiCYNHqVpAwcstql0kpCaSP40dGU+ga5sZeSt94kdBaGAqwz15m/Hf/au7MikLzDz5M7KYNc/kPgO/WZz9+16ng2hXCMOD/be+/wyTLz/pu+HNy5eqqznlyTrszm4M2SKvVKkcECDAv4AcHcMbmtfFjbOC1sbGNjQk2iAdkQAihvNJKG7V5J+fU09M5VY6nTj7PH6ene3q6e6a7Z2YlXs/3uuaarqqT6tT5/e77d4fvt6PvXlzHQq/OIKthRFGitWsPshIhM34E17UJRVN0hA4gSRojF79HLNlNqm0LgiBimTWMRmHOcFhmDd+1UUMJIvE2wtGgmXV04EVs8+aJL2+rUeE6DTXpux8m1r+F3NvPY2SmUBJJOt/3qcWHWJAMv4ZSwXOpnD9OffQSsf4tJLbuI9zVz9T3/mrFBsCzLWpD58kdfmXB4T3TWDCxraU5yJvtlVluflyJ3QuF5h/qUDiIr1+Juum6z/EjFr/9mwt1KOp1D8tkrr/l6p4rLbRwkBhGwDp95dkWxSAxb60yZeC6/hI/d3Au14GXnzd4+DGNuw6olIoev/XrFY4dvqpoQ5SIdPQjSBL69GhQbiZKeJaJpIVQ4inMwgwIAlqiGaOUQRAlQi2dmPmZQIXRsYNkpu+t0KkIrlC8JswFMFk9R3diN2GladFqRRY1+pru5lz2hdXcoluCt/5n4InGOyI8/X/v59Irk9Rzt6bCzLCryKJKrn4ZyzUIywkEQUS3iyvSG/lBola0ae3RaO8LMX25gSQJuK5HOW9TnLbIT5iUsjbn36kQiog0ag6epyErArIiBP1OVyEkxwnJ8etKHRt2ZV6sSxQQVSUo1LjKQFmjM8Ek4MwPDh8Xt1JHjEUWLISK2fl8z8zoobm/S1e9H0v2YNsN6uVxwtFAJjgUSVGvzGA2isSS3QiiRH76DPnphbLGenUGgMz4EURRJpbspl6exLZqhGPtgWTDLcDtNSrXQbijl8bMGNXZvIXa3IYcTdxgr6Xh6jXK545iV4p0PvVppEhshUbFRx8fItzZi6vXcdYon3k7cdd+ZS4xf/c9KrYFI8OBl374HYsPfjSMXvcW5ECuIJ/zqFU8du9TGR0OluN77lIX0MKfP2Pz4KMa7R0S01MuySaRdetlzpy+tSR/B+5TyU57/NffrGAskUYRRIlQuh1BkmlkJ4n3bUEQJepTQ4iySqxrA3algA9o6TbMSh5JC5Po30a+WkJrasOq5FHjTegzYytfyQjCkhNmwy4xVTvPhtT9S+7WFtvEWPkYNWt55tnbieq0jud6SMraOOrkqErH0zsJtyfwHJfikVEKR0cXOFaGHYyHxiq43Zof3IAxVaY+9O7el3LW5vhL81GRC4fm8wNDp+a978sn5v8eOrm8V57Q2tDk+LKfg0/ZmGenxvPxDBMpGQs6vmcT8OVvvbbYwZHEgLJlDbmwenU6iKYAZqNCo5ZBlFRC0TT4kK2fwKgHK+jlZMgBPM+hkLmAFk6Cz6xR+huQU7ke9PFBEpv3kL7rYRAE4pt2XbMquTEifZtJ77kfY2Ycz7EId6/HrpVxGytnlC2dOkiks4/O930SfXQQRJFwezf5I6/RmBq58QGug207FH7278bmEql63ee7z67cq6zXfT7yqQipZgnP83nqmTAvPGcwfDmYMJ/9ms6Dj6j8q19L8vYbAZvzlq0K3/5GgzdfNRkadHj1JZOf/wcx+volRElg1x5lQYTxW19t8NQzIf75v05w7LDF5u0Kre0SzBoySYbePpnObokNm2Ta2iXueUBjYtRh+LI7Fza7HmQZJsZdPvM5mb96thXPg3rV54XvNviLP9HnyqSdRg2jMIPv2IiyilGYQVI0bL2GrVdxbQtRVhBkBVFWcI06TkPHNXSM/CRNW+/GrpVWHRoThaWHwVjpGN2J3YTkhZIAgiCgyTG6E7u5mHv1XQ0Jde1tpjKt07w+TqNkoRfXRrQpqDKSpjD9/Dk816P9sS1UB7P4joeoSPiuh10Lji1HNQRZxLddnJqJoEjIURV8cHQL33aRY8E2sXXNeLrF32ROZ0lQaI6sm82pLA0fj1x9vrTcMy2Mc8PE3nM3xrkhzOEpcF3c4jUTtSQS2tJHeNdGjPPDKzYs0YTEve9NMnCijmVOYxk+nuuT7hCxDAMtPI1je/iGT2u3jO/D+h0RBo7XKeWWHg+WUcYybr0jfVNGxa1XqV46vaicGMDMz1C9fG6JvQIUjr6BZ1mE2rpwDZ3M698h1NaF0wi8B6depTpwGv+qpgjX0KkOnsU1gnJFq5jFyE+jpgM6fDMzSWXg5KI8jmfb1C6fw6kuvoF2pcDkd79EYssetJZOfNdBnxzGKs97WmZu+rq8PdfCc+HEURtFEdi0Zf4WVyo+mmai6z6vvGBSrXpEUiGOnZWQYiGIipy8JOO4AqWix9e/3ODoIZOnngnT3iHxpT/T+esv1udkEUpFn3/9S2Xe90yIbTsUPA8unre5fCkgtXRs+KPfrzE9FZT6ZmZc/v2vlvnEZyIU8sFBJidc/tU/LfPMR8Js2Czz+isGr75ooGkCvhf0yLz36RCbtwbfY3rS5b3vD1Eue3zxT3UuX3I4fcImdBWFjeP4nDxmYxoBncu+Ayqf+tEIv//bVYYGnYA3qlPi7/2jOCNDLi9+18D3PTzbItTcgWvUMUtZHL2C73l4joXvuUhaODAqooQcimJaBrZeRYklscp5RFnByF7lPa4Qy1Gcm06difJJNqTvX9S3IgoSzZH1xLRzVM2ZVZ9zpZg4nscoz4cJm9fH2f6BXoyKxcE/vjDXK7IWSGGF2MZWBFnEqZm4DZvWhzcR7kqipqOMfvEwgijQ++m7scsN9LEime8P0PrwRiI9TYiKTPVihuLxMdb/1P1YRZ34lnYq5+fvhySHiMY7cOxAXdBzA9VMLdSE4xjYVp1QuAnb0vE8G1FUsMzb15i8EiRDnbTFNl839FUz8wvodHzDovrSIZp/5qO0/cJnqbx0MEjY1xv4jhesTiJhtP4OYk/cE+jVfPetRSzJy0EQwLF90h0qu+6PzRmLux9PkB23UFSBwVM6qTaFrXdHKeUCtnXLCFM/WFtQBXe7sSbur2gkqGhajsfqDlaOdQ+0k+iK0ihZ1PMGWkyhMFShPPE32debhyDAj/xEhPse1PiVf1aaqyCLxgT+9MvN/Okf1vn6l2+e9lxJpFHjKeoTg4s+ux73l+e7nJn5LhOVU0seNxnqYk/HB4mq6cX7eg4D+dcZLh5a0Wrlh4n7S0lF6PvU3RjTFVzLQYmHmHn5Ak27upEiCi0PbGDoT97GKtZpf2IrCCKFQ8NYpQYbf+ZBzFwNQZZwGxbl05O0PLCBS3/wGut/6gFKJ8cpHhsDoLVrH65joKhRwpFWbKtGtTxBS/tObFunkDlHNNGJJKl4rk25OIyhBw7dWrm/bgaqFGZv50dojqxbdhvf9zmffYmR0hEWxAtlifCODSQ/+DCh7evw6gZuTcd3XAQ5YDGWYmGM88OUv/MmjVOXFuRargdZEYjERVRNJNkik5+2EYDmLpWejSHqZYfTb9do6VJp6VJwHZ/shEW96lErOddLb68Kt4X7qykp8rd+LEal6vHG2yYXLt0e8aRlIYCkyfiutyq+IEEUkDQJz/XxrB8empRGyaJ5UxKzZhNuUgklVDLnfniu72bh+zA57tLTJ/OpH40wcMEhlRZ57MkQjQYcP3JrmgidegW7VlrTvvOrkKs902DwVM0MufowEaVp8WpFlOlM7GCqehbDufkGvncbTt2kdGYSt2HT+fQO4pvbSe7uYuLrJ0ju6gJRwC4bZF4ZQGkK0/9j93Lhv76IXTUoHh/DKuq4uoUUVpGjGlJIQQorCyo4I9E2Ri+9QLptB5KkUNELxJPdgI9ey5BIraOh51C1OJqWwNDf/Yq6K9CkKNva3ks63LfsNr7vB1IJ9cssqkN2XBqnLmEOT6L1daBtXYfSlkLQVDzDxMmWMM4PYY3N4NX0Fa9SIFilVAou4JKbmp9zi1mHiUED1/GxDJ+xAYPJoSBydAsLJFeFVRuVkCYwNe3S1SEhLy6amYMa14h0xlCiGuDjNBz0mRpmqbHot1gNYl0J7v1Xj1M4n+HE/3gnWFquAE1bWrj3Xz5G9sQ0R//Ta2u/gFlI4RhKNIHTqOE26sixJG6jvpD+ZQWYOVdk5txsuE6Apt4Y9groRf4m4c1XTRy7wlMfDHHgfg3T8Ll43uE//XqF6albY0BvrsRYQFRCaIlmJC2C77mYlRyOXsHzHaZr52iLbSQkJxaFROJqK+2xrYyUbo6i492Gb7v4rk/PR/bg2R7F42OUToyR2NpG22NbsHI17HIDrTVGz8f24vuQfW0AV7eY/t452t6zBVGVKBwdpXhsjMrFGfp//F4c3cQuz68czEaBWLIHSVLwPAe9Ok0y1Q+CSL0ySbzvHlzXRBAkLKtKONpCo/7uSjDLokYq3MP61H2kwt1crzfF9W0mKifR7dLSG/g+XqVO4/QgjdOLV823Cq3tIhu3KPg+1Kse46Mu1iyh7PWGQmu7iG35CxgxbjVWbVSmMy6nzloMDgsMjyxx9QKktray8WPbab27i3BzFHwfq2oy9dYoZz5/BCO3dn4kQRaRQhKSKi/Xs3Sdnbne87Lyw4gSiY07cc0G0d5NlAdOkN77EOULxzAyN9Fp7UNp9ObrxH/Y4Djw5msmb752e9Qbbw185FAULdmKazWCxlk9iO2XjCkKjTG64jsX7SUIAr3JfUxWztzSMMzthlMzGf3LxYZw6E/eXvTepd9f6ITVh/MMDb+14L3Jby0dPszNnCWZWkdDz9PQ89hWjez0KRQ1im3XyU6eRA0lqFcm8X0/aPB7VyAQUZIkQ100R9bRGt2AJl//3L7vkddHmK5d+IH26wgCPPhoiE9/LsqpYxbRmEC14vOFP6wxPbm8kyaK8NQHw4yPOnz/hds3FldtVFrSIpGwwJ4dKobhc/rcwvBXrDvB3f/kIWK9SS5/9RzTB8cQJJHmXW1E2mLYtZsLd9QnK7zzb1/GrlsrZqK95RBFpHCM4pmDtN3/VEAPIwgosQRGTlxARnk1Nq1/mmSi9zoH9oMuV9fEsmrojTyV6hiV6sSKmJ81Lcmm9U8R0prW9LVMs8Lp819iKVPd1rKL3u4Hlr5q38N1LWyngd7IUamOU66M4brXf3AVJcr6vseIx5bPAawGI+Ovk8svXxxyPXi2SX1mCDkcRxClBRKrvu8yWjxKR3wb0hJDJqI20Rnfxmj52Jqv/f9f4dg6+czZBe9dzZpbr05Rr84XV9jWapwqAUEQEFi+rFoQpICiXgyhyRHCSpKo0kwi1E5YSaLJMRQxdN2kPARhL8Opcin/Gqbzw+H4HTtk8Ye/UyGeEPnpvxPnmY+F+fM/rvPAIxpPfTBMLC5y9KDJV75Yp6H7/Mtfa2L/bKTgcz/jcegtk//536r0b5D58Z+O0tUjk8+6/PHv1+YqTNeCVRsVRRHYtkWd04G/erUgiAI7/j/7ifc1ceJ33mbkuYtzeY/s0cmA3XfWEEghmVhPgsYsI+3ViHTEEBUJfaY2l//QUmFC6fDKVhoChJsjKPFZrYyahbCc/roAWjKEmggFWhCWi1kygnLK5ZZBvo9nm6jJFnzfJ9a7CaucJ9wxKwNgLV02HI220ZRct+xlL0yC+bOvfRqNAmOTb5PJnca2l0/gS6JCPNZNNNK67DbXg64v31ugqgmSif4lB9/i6/YwzQqTM0eYmjmKuUw1jyhIRCPt170nK4Xv+2jqzYlPea5LozCJ77o415SlV8wZMtWLSybZBUS6krvI1C/dstxKU6uMJIs4tkeqTWFi0MBeRi/oBwJJRNQCTRTPsgFh3pkSA1oQxICdQlAkvMasM7mMw7UWJLR23rP+51e49WxvvDBPXXIjQ3IFvu/TsMucznwHKV6ku1vDdXwKGXsu5LRWROIinguGvvr74nk+hgHlkstbrxp8+JMRvvSFOtOTLn/6v2pUKx4//w8TPPa+MF//K53//Btl/s4/TnDiiMXL3zVwZ5kYGrrHS981GBq0eeqZMH//nyX4p39n7bmtVRuVqRmXd46Y1OseemMhCVuoNUrXQ/3kTk4z9dbogkS67/kLElOpLS088fsf5dBvfJ+hb52fP4gosPfv3U+0O8HBf/cylaEg39BxXw8bP7YDLRUm0h5j+LmLHPtPry9erQjQ+WAfW390L4n1KVzToT5ZJXdiasmHqOO+XjZ8bDupLS2IioRnueROTjPwpVMUzi0d2/Vdh/rYJeIbd+LoNZxqierQWSLdG1bceR9494uLHOa4fgRxLt8ZjbaxZeMHSSb6GLj87esalncDvu/juld1wwsC4iwddzBYRcLhNBv630tTch2DQ9+jWlud5OwPAkokTqJ3GwCV0fMYxXkP2sdjrHKCluh6FGmhnLUgCESVZlqjGxkrn+BWEHL1bAqz5e4YoiRw4UiNddtFBo7/8FQEauu6kFpSONliQN+nqXhGQK/jNww820FOJUCWkFvTODN5BFXBGpm8ZfIAgiAgCddJ7N4C+L5HxcwwkHuNqj3Ohz/RTFuvSm7KRq96PP+X+bWX6wrQ3qNi6B5TIzcXwalVfSJREd+HYsFj5x6FZJOCrEC6JVjJmWaQb7GthYKDlZKHIARs5OGISN866bqNkzfCqo1Kuknkofs18gWPE6dMSle1fqS3tSDKIuXLBYz8rdWVmHpjlOL5LPF1Kfb+3fuW3S61pYVdP3cPoiJy4r+/RSOnE+9NsvETO4h0LGxia9rSwt5feIBGps7J330Hs2QQ702y+dO7uOsfP8Rr//Q5rPLSqw4zP41dK6Ol22lMB02S+sTlJbddCoZR4sKlbyyafgRBDMj8wi2kUhtoSvQjiBKiKNHRtodGI8/Q6Es3PL7ve2Tz55meuXFIRpYFwlGBatlkZROiz4VL38CaNW6BUVHQ1DjJRB8t6a1IUqDtnWrawLrexxi4/CyGubBPyHZ0Lo+8yPjk4jg+gKYl6O95hFCoCYCZ7CkyuTPLGu5qffU9KlfDNRs4ehUpFMW1F//uVSNLTh+mI7ZtCeoWldboRjK1S5juzYdHpkdMogkZQYBEWiYz9sOVj5JbUri6gZSIISWjCGogD+w7Lo3jF5Db0oiREIIc5D6lZBypKYZXrWP9DdCcubL6zunDXMq9RsXMICk+es3jrefKXDim89l/0EHPJg0tJLL3oTh6zeWd75VZvyNMW7eKIEIkJvHGt0v4Ptz7viShsMjx16qcPVxn+/4oex6IceilYCXfvzXE/scSKKpArezw7J+unJUgGhNoNHwSSZGf+XsxxkdchgYd9Jq/gEFjKXz2b8Xo6pZ46zUTTXMDZ3bVCet5rNqoqKpAqeRx6IhJubJwlRBpj+M5Ho2sPrf87X9qE3v+7n2AgGe7nP2TYwx9Y/Vxb6tqBkJNPrjm0pOKIAp0PbKOeF8T7/ybF5l4bTigLjg+hSCL7PuFBxZsu/Wze5BUiRP//U3KQ8Vg26OTSJrEjp/eT+8TGxj86tklzwXgmY3AoKzBpDuuSb44sOzngiAyNvkWbS072bLpw8iSCgh0tO1lauYohlm67vF930dv5MiXznLfI2FOHDYwGz6qFujYNxo+qiogyRASRdb1q+SPmyiqcEPPy/d9iuUhzGuMBAhMTR8lFutk84anScR7gybB9BbyxYtMTi+s6/c8h3JledaCSLiF7s57517repZs7ux8fumqB1+QBPybJFb0XJvyyBkESca1Fifdba/BTPUi6XA/mhxZ8NkVWvxkqJNMffnfdaVXWCk4jF5sIIpQmLEw6rc4fyiKiOEQnnGVpocsIUbCeJXAKKr93cQePUDhC19ftHv9yLmARVcU0bb0I4Q0zAvD+JaFbzm4tcBwXDG+vu8H2jCz5xJjEdKf+yhKVxuV775G/Y2jt/b7rREBBb6H4VQZKx1jrHwSx7viYMw7EmbDIzthsnl3hI5+je/8WY6ejSH2PRInmZbJTds0dyhMjVjsvj/GK18r8ua3S8SSEu/7TDNnD9e5fEZn3fYQqdZgGk63y6RaZb70OzP85C910tqlkJ1cvmVDEALRu1iryL0Papw7ZRGLC/T0yvzx79Uo5j0efM8847jvg+sEwoCiOM/19+TTYX7nP5Y5/LbFe94bWvZ8K8WqjUq15qEqAs88FeaV1w0uD88ndERFnPNWrnwLfbrG1BujRDpitOzpQA7dPmYYJaYS70viOS4zh8bnRrDveFQGF66ewm1REhtT+J5PYkOaxIb55rZwS1AFktq2gtzEbdKyCMJjJtOZ48RjnfR2Pxg8REqYeKzrhkblCuJJkceeieK6cPmixfY9Gv2bFA691mD3/hCm6XPmqEE0JnLXfSHGhh0Gz691Ke7jehblyghDIy+zbcvHCGlJJEmhObWZmeypJZP3WkggGhdJNUvkMg7lwsom0HBzmGh7DKtmoTVpVMcqGIW1kysqkSSRtn7CqXbKo2dp5BZX8uX1EcrGJK3RjYtWK5Ko0J/aT14fxvWXmwxW9rz0bgmxfmeUmRGDmVHzlj9mcjpJ06efpvLc61hDQaNieOdmEu9/hJnf+iNwPbyGgTU+vfQBZpkufNfDOLNE6ezsHLAw2zYPr6aT+8Mv0fTRJ4NVzg8Y/uyzW7eK5OtDTFTPUL8Or1s4JtLRp3H2cJ1my6NWcqkWHXo2akiyQClro6gClaJDS1eYvQ/F6dsSwrZ8YskgvGSZ/oI8mevAzJhFteRSr3pokesvMbZsl/nsT0Xp6ZWRFfjTP9QxDZ9azeN9z4QxGj7rN8rMzJbtW5bPxfM29z0cEGmODDkcP2xx+rjFY+8L09kts2O3ctMVsquXE/bBtHz0JejR7ZoVaAVEZh+S2VVC9vgUXQ/107x7sfb3rYSkycgRFats4l7TGOkYDs5VzHhaMoSsyYRbIuz+2/csOpZZMnD0d7mxcwn4vkeheImergeCMJMgo6qxG+84i3LBY2rM4fCbDVraJFzHZ2bSobVD5sIZk/YuGVkVaGmTaOmQefX5W9N8VqqMoDfyaGrQ2xGNtiOK8pJGpSktsufeMG2dMkfeaFAurCzUE0qHadvbjpbUmDk2TfO2FibeXHtJt2sZ+K5DdXJgji7oWtheg6nqOZoj/UvG81PhblLhnuUlh2+gFHgFZsPDdXxCUemWlMFfC6dcxSmUUPs6sIbHwffRtm2gcfoiIBC5ZzfalnU4mYXPg9TcRPSe3UjNTbjFCvqR0ziZAomnH6H+zkncQgkhrBF7+AD1t44haAqRe/ciN8Xxajq1N47iFn54iFtdz6Fu5SkZk5SMSSrG9CxJ6NJWPBIXefhDTWw/EGV0wODEG1VSrTJP/3gzqiYycFKnf0towd6CKBBLSqghgXrFpVoKQkz3PJlg130xamWH3JS94jyG78OJIxaqGhAgD5w3OHfKIpvxkCT4/O/W2LxNoVb1+I//tjwX/vI9ePVFg0rZI5WW5hL1n/+9Kvc8oCEI8Of/T523XzdZ4WO6JFZtVFqbJUzLp1j0SMQXWtLqWBlRFom0x28qHCFqa6NgDooBvKUrvQQWdPpe0TvPn81w6NdfWfJ4K9E4fzfguCa+7yIIciD+tgxX1XKYHLN5/8dizEw6bNmtYege05ZDukVi3SaFYs5latxheNDmwScivP78zce8XddcEB5Tleiy153PuMxMOpw9ZtCor/yZqYyWiXXEKFy0iXXGyJxYG73JFXi2QXXyYqDZfZ3RPVO7yLrUAZKhzkWfCUj0pw5Q0EfxuDZM6y/x3jLnGDGpFhy0iHTL9FIWwHawLo8T2r0Z3jiKGI2gdLZSeu0wuC7GhSEEVSF6/z6qz78BgKAqxB7ej++61N8+gZQIetAQBML7d2KcvRQYFVUhvG8bjWPn8AXwylX0gRFCe7aS/MiTFP6fr9ySr+D7Hq6/sjHq+x6OZ2G5dQynRt0qULOyVM0ctm/guCaOe1VOcYkZ3nXghb8qEomJuA6U8g6OBS9/pUg0KeG5UC06XDyuY1s+Ayd0HAcundRxHZ9IQsJzfFw3KII7d6TO0Dkj6NIvukyPWgyeDsKuX/vDLLXK8s/K8GWH4WFvvppOEEAQcF2fs6fsOWbza1Ep+7z64kKnLTvj8e2vzYd7hwdvbt5btVEZHXfYtV1hXZ/Mi68ujDsXzmUwCjrp7a3E+5uoXF5aoAvAtV1830eOKgiiMCcBK6kS8d6mBauKlcLRLYxCg/ZUmFA6QiMz721qiRBqYj6+qGfqmGWDcHME13Qwi7dGk+J2QJZDCLP8R57nYlqrK1v93tfqSHIwKE4cNIIQuh/orLz+vL5i9cXVwvOc4ESBJVxyG2G2EvX8CZNwVFgdtYQf/I4+MPLSMHZ97StLUdYQFRU1nkaJJjHLWYzC0ol/z3cYKh5kT8eHluSlSoY6aI1tZKZ2cdFnK+k3iqck1JBEqk1h/c4Ir34tj3ml5FQSEaR54+xba58AzEsjxB+/HzEWQe1qwy1VcUpB0tir1HAKZRZ57IKAqKr4to1x5hK+ZXO9TLBbLGMNTyBEQjhTWcJ7t675eq9F1cxyfOprWO7yTaf+bIl7oNK5tHFObz6Aa5s0CpNBoUwoMlsqbeK5Qbm077nIWgTLdzErIKkaUtRGS4epZ0ZpXPXs2bNtEObsZZmzPppeW+j+VwruLPXKPMwGiNEIRlMnglSDTHaOzNa3bQRVBc/D9zzC27Zgz2RwCkVCG9fj1urY07eP3HSlWLUYQyQckEmWKx7Ra2J+bsNh8CtnSG5Is+Uzu4n3JYFg+XelZ+QKrLKBVTFpu6sTLRWUaIqqRO+TG4l1XU/HYHk4DYfC+Syu5bLp49uRw0F4Qk2G6Hp0HVpyPglllQ0mXx8hlA6z4aM7UOLzkrJyWKF5VzvSbcz/rBSCINKc2hIkOX0fy6pSqa4+xHNlsnavGluuy20zKAICqhLjSuzGsuqBeNY1iMREOntl7nkkzINPROnbsPL4erg5Qnp7y626YERZRZQVfMe6oQxDQR9dqKdx5TCCgCKGaIttRhYXJz1dbyVGQCAcFYMqoJIz53ABqC0J4ndvJHHvZpIP7wi0O9YIt1jBmpwhvHMzSlc79vg0vrl8Ps23bOpvHsN3HBJPPUziA48ipZNLXv8VBcPovXuIv+9BtE39KN1twQS5wv6QG8HHw3ZNHG/5f65nzerIL7/a8z0H1zKQQzGi7f2EU52IskqktTdgz+jZQijVRri1l2j7eqLt/cQ6NhBtX4eo3Hxi+1rIzWnk1hZ810NpbyOybw+hzZuQmppQWloI79oRGBbLDjxD38ezrFUxqd9OrHrWTMRFQiGBfMGjOS0yOr5wlTj8nQES69P0PrmR9M42zKKBIEC4LcgDXAkrmCWD8Zcv0/fUZh74tfdSGy+jNYWJdsXJHJtasKrQmkK07usk1BIh2pVAS4VJbW1hy4/uwa6a1CYqZI9N4TkeE98fpvOBPjZ8bAdNW1owSwbRzhiiJFGfXNiEd/kb50msT7H507toP9BNbaKCElEINUdQkyFe/UffpmH84LpnBUTaWnfT3raHYFD4TEwdXKLq6ocP4XB6rhTY931q9anZlctCmIZHrSowNGChqgK16sqDua7lIodkmrc2Y+QbN7VS8WwTx/dxrQaebdwwtm27DSYrZ0loHUjitZLDIs3hfhJaG4XG6Nz7PuCvIFxTLTrUyw6eH7DTOldV4zkVHd91cesGoXVtCJI4V1G1FjSOnSX+3oewJ2donLo4Xwm2DJxMnvJ3XkVuSZF46mHCu7dSe+0w2C7IwaQmJWIIsgSSQOzRe6g89yqNkxcIbV1PeM+2NV/r7UJl/GIgYS0ImOUs4IMPRnEG19Qpj57DcyzE4gy+61zV7C3he+6SvHPCbHXVdesyZhfw1/pa9tQMvu2g9ffi1XXkVBKzWkXt7kIMqWgbN6AfP3lNAEBYVe7tnh/bSMfOJt76/EVyg7eWDHXVRqXe8EgmRNpapbkbdvTEvHdjFhsc+y9vMP3OGH1PbiTcGsXRbXInp5l+e4yZwxMAOLrN6f91mOpoma6H+kj0p6gMFTnzR4eJ9STpfnTdXDd9uDXKume2Em6NgCBgFHREUaT3iY1AkBfJn83gOR5mscHBf/cymz+9i7b93UQ748wcGmfsxcts/vQuGldVgNlVk2O/9TqT9/XS+/gGkhtSuIZLbbzM9F+fwSzcvnp6SVSIRtsXRxdEEUUKEY2205zeSiq5DlGUsaw6E1MHmZg6tPQBr4UQ5DGikfYVXpGP3sivKDxzI8hymK6OA0TCLQiCgOOaZHPnFjRMXoFjQ63iYpkC4Yi4KESwLAQwCg0GvnoBOaJg6zfPduz7Hk39O5G1CKXhU1jV5YsWfHzy+jBlY4pUuGdRJZgmx+hK7KBsTC2oBFtJDkAQYPu9cWolh5ZujTNvV+ZKir2GRePiJPH9G7EmC/OVlmuEcWGI1Gc/iFup4kzNNvsqMnJTArklhRDSULracKt1fMsmtGtzsJpxAzp3rxHIblsT00T270ZUVaIP3gW2A56PW6qg9HTiNUwi9981t7ISo2GkVBIxHkXyfOTOVtx8KfC+32W45vw4X6oh2a6XZrdb2fHkkMTPffkJzn1vgtd+7xyuvbRlefwXd7L+gTa+9s8PURiZd16lpiRKZ3tAUmA0cIpl3EoVpbkZRAm3WkNQVaSmJqR0CqdcRU41Icai2Jkc/gq0wFN9Ubp2ptBit77ybtVGxXXhhVcadHVIjE64TM8sfqgd3WbshUHGXrgOS6cg4BkKo89OMvCl+Ya2SPcGyLRz8csN1OZdyKXTlAbyvP5Lz634Gu2axdk/PsrZP15Y+370t15ffK0Nh4lXhph4ZelqnauhxJsQFQ2zmLnpUuJIpIX79//idbfxPIdafYZafZps/hyF4sCKJ31RkOjq2E9Xx/4Vbe84JoeP/x51fS0MsUFHvapEiIRbaW3ZSUfbnllmWpds7izF8hJU4bNobpXYcVeIvg0Kh15vcO74jUevGldRoyqJ/iSRtiiZ49NURm9W3EnArORxQ40V/b66XSJbHyQZ6lhUCSYIAu2xLYyUji7QR1lJ+EsQoalVIdWuYOoezrWTkiRSfvsC3i0wpDguledew7ds3ErgsUrRCOG7tiM3N2ENTxB96G6MM5cwL40gIKBt3wiCQOPkBRonL4DvU3nuVaL37SO0czP1Q6eQomG8hkHpq88TffAuQjs3U3vtEM50sBKQO1sJ796KbzuIYY3Y/fuovXYYJ7d8HvZ2ofeJDahxlczRSapji58hKSTTfqCLaPvSVZe5UzMUB/Lzj7fnU8+bxNvCKGEZ117aUCa7A436a9U7nWwOJ1+YS8KbQ0Evlz25MNxaP3Rk7m/9xNKEnj8IrNqoNKdEHnkgREebxPffMMgUBHxZAs9HDGsgy3iVGnJnC26hMh+jlSXklhT2xAy4HoIgokaaEEQJc9YTAEhs2oPvWDRmgtr569KeiCJqUyuuXp1Tg7wVkEIRlEQKIzOx4H3fdfAE8VawcNxQ7EaYbWv1fS8wLLXJJcNHPwgIgsi2TR/F9YLBIhBoi8hyCE1LzhFa+r5PvjjA8OgrWNcpLqiUPBp1n3e+36C4jPTptXBNF0/z0HM6dt3Gqt4aXRa7XkbPjKyQbsdnunaenuTeWb2VhasVRQrTl7yLM5nvzm3vLdu/Mg/PhXe+W8T3gma1BRBAaUmgdaQwp4o0Lk3dtINzbeOhW6pQ/d4bS26rHzmNfuT0ovfdXInKs68set+r6ZS/+sLca+vS6Nz/V/7+QUJLhdn39+8l3Brl5B8c4sIXTy+S0xBlkfS2liAEnw4T607gWi7V0RJ21aKR0yldKsyNad+H0oROJK2hhGWMytK/eawlhFm1MatLfH4LOdLebazaqExOuVwednj9bRO94RG+Z89cYM8tB2pwSs8eBFHELVXxr9wczwuqRHywx6bwfQ/f94gmO2mUphZ4cPrUCNXLZ+ZeC5KMIEp4thn8LUl4toUaT9G0dR+14QuYxSyuUUcQpdntRZAkPDPoPRBVDUEKvEnPauDPZqhFNaCSwA/kigVRJNqzES3djlOr4Nkmnm0hSIHus9eoc3XZoaiGgtiq68xpqUhaOOggliQ8y8RfIunreQ51fXEJrCCISJKGLKmIokI83k0s2k5P1/1MTL3DxNShG7L/wiw/l2fhOitbs7uuteIeCkEQaGleuorH94NqG8uqMjlzlLGJN3Gc61PCm4bP2JCNbXuU8itbibmmi1EyMEpGwP92Cwy9Ek2ihGLYennJktKl0LDLTFbOsKn5oSU/b4ttZrR0lKoVrACvGOIboWdTiEc/0YIWEvnf/36MxpWwoA92phwYsJswJqIsBvftKjsozJbdy5qE3XDm3pvLDVzZ9oeI1/Jm0X5PF0pMxSg2aNvXydCzA5jFhc+rXbM494WTXPjiaZo2N3Pvv3iE6kSFd/7tK3i2h2suLKbwPJ/iWJ2WjXHUSJBnkkMSWkzGqjvYDRc1IqFFZWYulud+xmRnmLs+vZ5197WixRSKo3VOfmOUwdensRvz4yLcpPJjf/AQb/7xRSZPFXnwp7fQvTeNIAlMnizwyu+co54LqlllVWTjI+3c9an1JLsilMbrHPvr4VtWLLEUVm1UrhQYNKdFKiMu9mQwWMR4FCeTR2puwrwwjBBSERQliJEKAoIo4BkWvmnO9VrIagREmWuf0khnwHcFPtWhc4Q7+khs2En+5JskNu7CdxzKl07QtOMe4ht2oCSasWtFMm88R7hzHU3b78bRa8iROMUz72BkJ0luu5tQSzeiJNOYGaVw8k20lk6a9zx4ZTSReee7yJEEyW37kaNxpEiM+uhFqpfPEm7vofnuxzByk+QOvYTvOkQ615HYvBdBlvFti9L5I3iWRfdTP0J9fBAllsSulcm+/b1Fnq/eyHHo2O8ue58DHq1+2tv20pzaTDiUYtP6pwmH0gwOP3/Didr3PcYn32Fw6LvX3W4t8H3/qnLhAIIQ8JMBNIw8Z85/mWptYpkjLESqReKJD0VxHTj8hs7AmZWtOmKdcRL9CfLn85glY1VKoEvBadRI9GxF0kLo+ck5PZUbYbx8gp7kHsJKYtFnihSip2kvF7Iv4/nudTrtr7kWy+fkq2U61oUWJXJ9zw/GkCKtiaNJkAQ69rZQuFwm2hJGkAIDI2sSjuHQvquFzNk8nhv0cqkxBc/xUGMqeq5BPatj1384Vs03A1EW6by3B6dhM/i182z+zE4ibdFFRgXANR1cMzAwvufjOW5AG7VED5Hv+RTHakRnVyqCKLDvE+t48p/s4q0/usirv3uOcJOGqIiUxoMIS8vGBB/+tf1oUZmxY/lAEXZ9jPf90m46tiV57Q/O41rBgyAIkOyKsP6+NnZ/sA9Ld7j8VoZwUkWJyFj6rEMgCux4ppfH/8EOiqN1Lr02jRqWeejntt5Wx2D1zY8tEnftUQmHAkt37OTCiePaDtzlIMoKkaaOYEWxwF0CUQshhWcFcwSBxtQIaiJN673vxdVrZA+/jGfqFE68gahqFE+9jVmYr8+WwzFmXv82rtkAfARRxKlXsZQskhYhvnEXhZNvkt79ALXxS1QunkSQgtWGU6tQuXQSJZ4id+glrtx9fXIYKXwILdUWXL+iEt+wk9rweWqjF0lu3UesdzO1kQv4nkvhxBt4jk3P0z+KHIlh11ZXsWVaVTK50xTLQ2zof4LuznsRBJGOtr1U61NMrjRhf1vgMzj8PWz7SshRIJnopatj/2xuJUYs0jbLTHzjp9ds+ExPODS3SitP1AONQoP0lmaS/UkKpou1StXNa+E5FpWxgJfu6uTtjWC5OhOVU2xsfvAKwfocREEiHe4nrrZSNqdXWFIMU8Mm5YJDdtLCMq+6JwJoPc1Ed/Yhx8M0BqdX3asiCBBpCaNEFWLtUTzHw6pbaHGVyaMZbMOlY18rjuEyfTJLy9Y00iwFkygJVCd/eNiSbwbR7jiJ9SnyZ7Jkjk+x8WPbabu7k+KF3M0d2IfqjIEWVVCjMmpEpmN7kupMg74DQQl8OKkiKSLlKR1ZE7nvJzaSaA/xrf/7KENvZfAcn3BS5aG/vZW9n1jH8MEsw+9cle8UBDY+1M4rv3OWc8+N41geggjR5hD2rFFRIzL3fm4jpTGd537jBJkLZQRRoG9/M5/8z/dRz98ektJVG5VsziWT82hrEcnmFocqRElAUq+qnfdnPVvXx7sqPuzaJrnLh4Mu0KtDND7Uhi8sCH8BOI0qoZZOqpfP4C1B9nc17GopMCizLp6SaCa5eQ/Zwy8jaWEinf3Bl4/EsEoBJcOCskDfXzQ5LPFFESQpoPPwPVxDR21qAUHEbdRx6pUgZGY7CNLa+11su8745EGSiT7isS4kSaMlvY1c/vx18xS3E77vk8mdWVDaXKmNE4t1kIz3IcthOjvuplQZoWHc2Mmo1z3OHgv4x0or5P2CoCAkeyaD73jY9ZvPqUhqiKb1e3CtBtXJQazKyiYXH49MbYDO+HaianrR51E1RUt0A1Uri+vZc+SK10PPphAN3WVqyGDBItcHczzgpAr1tqxK5/wKPMdn7K0pfN9HnF2lxNojtO1sxq7ZjLw+gaSIeK6HXXdo5Ifn4mCe4+FaC8d9euN+2rY9OBfqnj71IuXxQM6iY9fjFIaOYV2VN/1hQdPGNLHuOBe+eIraRJXy5QK9T6zn4pdO3zQ5qVm3sXSHWItGOaHQvC7OwKvTbHyonaaeKOHUrFGZ0En1xejcmWLmfJnLb2bmzt0oW5x/YZLNj3Wy8wM9C40KMH2hxOXXZ3BmVzC+B7XsfBN3qj9Ky/o4b/7RRXKDldltfEaP5Ji5WCbWfOt7bGCVRkUUoadb5tRZE0kUsJcoldv9kT4+8Ct3zb7ysRsu5Umd0SM5Tn1rjOxAGccMWroda2lvUGtun11lgJGbQokmiK/fweQLX6Jp+wHi63dSHTo7VyMebu9FkCSMbKDZcW0SXJQkEEQkVSPSuW4un1K5fJam7fupyAqCJNOYGcOzDBy9RrRnA+HOfuxqEadWRk21oiZbUGJNhFo6MQsZzPw0sf4tiIpKpKMfIz91k1rpS8MwS1SqE8RjXQiCQCScJqQmfmBGZSnoepbp6WPEIu3Icoim5Ho62vcxPPLKDaVXW9oknvxQjMELFuWSR32FvSqRtgibPrgZ27AZfXmE2sTN3Q9RVrAbVZRwYi6Ut1LUrDyZ2gD9qQOLuuxFQaIzvoPp6nk8XHw8BK5/fMv02fNgktyUyek3qwsqwOR4CLW9CXMiP5+zXCXMykIjXKiVKQzOOwlXB+ms2vVDdrIWoXD5GJnzs8n9q8bf9OmX13R9txtSSKZldzue45E5OolRaJA/m2Xrj+wisS5FefDmOPAs3aGWM0h0RKjnLSRVZODlKdbf10b/PS24toekiBTH67RsiKPFFYbeyiwyZuVJHatu07a1adE5yuM6VmP5+SbVE8W1PaqZxgKH3vegOFK/bUZlVe246ZTIQ/eFePqJCHfvVZHlpTi2BERJ4PIbM7z1Rxc58dURiuN1dnygl4//5j3s/nAfSnj5AVUbuYAgSkR7NhLt2YikhREkmfLFExj5afIn3sD3nKAQwGxQGTiJpIUJtfUAYFcL1IbPL3iwzWKWyuApQm29NDLjFE8H+h2VC8fQxwcJd/ShNbfPhuJAnx6hPn6ZSEcvSizoGNZSbeB72NUiWnNHcE0XjmMVs4TbemhkxqkNX8DRq5QvBgqEvudRHjhx05VpnufgOPMeiCSqiNItqC+/xbm6TO40ler4nCfe3Xkv0WjbdfeJJ0U2bFUpFz1Mw58juVsJXNOlPlPDd/y5nqabgV0vY5VzNPITWLXVlbZ6vkOmtrzyY1RN0xbbNLftjVCYtjj7ToXJQWPRPfE9HzkRIbqzb+6Z/YHD9+f/EdDeJHq2077zPcjhgCFDECWaN99DsmcHbTseJd65OXhfUkj27qBt+8Ok+vcgqbdnsrsaWlKjdV8HmcOTAXGsD7mTM9h1m+5H+m/6+LbuUC+YxFpC9N/TQnlCZ+ZCmeylCj37mok2a3iuh1405/RLvKUKL3w/oFdb4mf2XP+60WVRFGYbbpfY9zZWl61qpeJ5UKt7hEMCmiaiacvPSgPfn+L4V0cQJYFQXKFjRxPv///u4+H/axuV6QaDb8wseUNqw+eoDS/UW7naT7LLeezyPCV1Y2ZsrvwYwK4UsSsLJwTfdahcXCw163sulcHF5ZG+bVG+cAwxrKJ2pBBD6qJw3BVULl1TH25DZeAEansTdqlGZeDmJG4hoDy5mozRn5Mavj6UlgTx1i3oZ8fmPVrXA1lE8EHtacbOlPEMe7YuWMB3XARJQhAF3Nrq+NBsp8Hw2Ks0JdcjCBKqEmNd73s4c+HLy/bXmIbPyCWb8eHgGhqr0A3x3CBhnTubxSzffHxYUsOEm7vxXBsllsIsrY5HqWxOUdTHCSeSi8JbgiDQ23QXFXNmlofq+ki1K+x6MEG94lLMFbGvUuoTwxqIAnahtqLn4LqQZdTuLpxcDkFWEFUVpxysWERVQdC0oGPfc/EaxizNCniGOT9bCQItW+8n2bMdgNGDX8OqFTErOdp3PEJlagCnUUUQZTp2Pc70qZcwStN07HoPjeIk8a4tSLKGXpgk3rERRJHi8M2Pm+sh1p0guSGN1hTikf/0fvB85IiCltRoP9DFxb88vSb+wSuwGi71vEE0rdG6McHUmSJG2eLymzPs+Ugfggj1fJDob5QtbN0h2RlZdJxISkPRJPIjq2f2qOVMZFUkFFcWFXREUtqy+90sVmVUCkWPb35Hn6tGux5vlA/g+7hW0Ag0+PoMz/+HE3zk1w9w309uYvRIbkGZHASJpXCTiqxJ+J6PNWvtl4tvirIQVFhEZARBwDYcGkUL23AXbZfui1HNGtgNh1hLCCUs4XtgVCwaJWuxNRcFEvdvxa3o2NkyanczoixiF2v4rofWmcbOV/AMG62rGadcxynrqF1pfMtG621BTsdw6ybm6FoaCuchKyHCodTca8cxluxOvxZSWA323dBGdFc/9bNjeLpJ4r4t2MVasNrrbcWtG9i5MvH9GzFGckjxMGpbktzX3sGtr86wlMrDTGWO0dUeNF2mU5tob93DdOY4S3kRlukTbxIJh0Usy0dTRYYGVpYfcS0Xz/bpf2IdVsWkPHxz9DWCrGDrFVzbRNYi2LKK56w8V+P5LiOlw7TFNqNIiwdtSE7Qndy9JAfatdDCgXZ5ukNFkgTsq+6dNV2kLol4pn3T/QzhTZtQ2lsRtmzByeXwTJPI3j34to05Nh5Ubeo6UjKJ3NQEBL9i4/QZ3Orsqsz3yV86TPbCW8F9cGzAx6xkF4md+a5DcfgEnmPTsuV+tHgL8fYNhFOduJaOIEq4VmPVTNyrggA9j6+fyw+FmuZXRkbJINYdJ72jhcyRtSuJ2g2Hes6k9+5m4m1hDv/lZXwfht7O8MBPbyaS0sgOVvB9yA1VyV2u0bM3TeumOLnBKr4Pkiqy/v42ImmNNz+/mJz0RsheKqMXLHr2NZN4bpzKdAMESHSE6d6TxrpNFXyrziCvmRXCh6kzJcaPF1h3fyvJzgi5y7MPpQCtmxLc9cl1bHiwnVhbCNfyyA5WOPG1kaC6wVw4eLS4wt6P9bP9/d0098cRZYHylM7AK1Mc/ashKlPzD3OsNcTPfvkJXv7tM7iWx75PrCPZHcX3PMaOFTj854OMHMouiDvi+RhDM2g9zYghlcQ9m7CmisiJCGpnKtDbzpSQIhpSRMOpNnDKOqKm0BicCrRPNIXwhg7smVIwAawR0Ug7iXjP7G30MYwSpnXjclenrFMZuoTWlUK/OIkxmkVJxWgMZRAUCXumhFNr4NtuUGU3lMGaLCCnYzQGp3Abq/f+fd9lYvIgqeR6IuHmWcqWuykvk7QXBEgkRbr6VMoll4EzKz+nGlWItEUoDRZvSfOjZ5uIsoKohvAdC8dIYJZXVwlUMWfI1i/Rldi56DMBgfbY1hsXgQDTwybNHSrGkIdlLK7+UprjqK1JrKkivr32ycEplfDx8eo6brWCnEjSuHhxLpTl1GqIWgjftLAyGQTA1Rv4zsJz+q6zIgPs+95VZJ3+rONpkD33OoWh43NFLStrPl0b5JBM14N9TL89xqHffB3rqlVu8642Hv9vz9C8s43ssekF/Sergef41AsmzevjNMoW02eD6IlRtilN6vQfaOXSq9OAj627HPrzS3zgX+3jqX+xl7PfGadRsWjZmGDXB3sZO5rnwouTq74Go2pz9K+GuOfHN/LQz21l+GAWNSKz6dEOjIqNuJREyC3Au0rD2yhbZAcrbHiojY7tTXNGJZrWeP8v76WpJ8qZb48xdaZEKKmw+0O9PP6LOxFFkRNfG55zdCVV5L6f3MT+z25g5GCWo18awrFc1t/fxr5PrifZGeGb//rogr4FURLZ9/F1NMoWR788jF4wSPfHuPdzm4j/w518+1ePMX22NH+xAoiagpKKI6diCJKInIxg1g2caoNQbxSvboDrBoN7uohXN1DbkijpGAhgjuWQoqGAXG+NRiUSbmZ932OoWhCX9lybUmX4qnLe5eFUdNyKjl6Z39Yp1GgMZ5DC6qLwljUZTPpXqovWirqeIZM9RV/Pw4iiTCLeS2vLTsYm3lwUBvN9OHnIYOCcFcgcr0JPxapajL4ygu/6WLVb01Hv2iZyOEajNLNqg3IFY+XjtEY3okgLcwOCICCtcMg1d6rEm2RE0UWUhHlNFR/cagOtK41Tqi9mI1wl7Olp7Ol5dUe3tHi151JmtU+vFm8mvX4fkVQn7TseoTx+jur05UXbeV6wcmneuJ9Y+wbAJzdwED2/sh6ntaB5VyDsVhosYFUWOjHly0WMYoP0tlbUZGjJnpWVop4PtFIKIzVqmWCsOZbL+LECGx5opzypz0VIxo7m+d5/OMndn9nAgz+3FVkVaZQsLrwwwfGvjKxpVeE5Pse+PIQgws4P9LLliS7qeZPzz08w8k6W/Z/dsObvdj28q0bFtTwaJQt8iLfND7gDP7qRti1JXvu9cxz78hCOGdRcjxzM8hOff4S9H+tj7GhujnSt70ALuz/Ux+SpAt/+1WMY1SDRNvx2FkEQ2PF0DxueG+fS9xdKoYaSKt/8lSNMnSnhez6iIqAXTN7/L/ex9Ykuspcqcw1G+NAYzmBO5PEMi/CmDspvnMOzHPChfmIYz3ICLfhzE3i2g+96mFNFcFyM0Ry+41I5NLCkJykIIooSZXFISAj4lbQEzektdLbfTTiUmhOOqtWnmJ45vsR+iyFJ6iz9/BIwQbrmM9/3sJ2bp7vxPJvpzHGa01uIRTuRJIXe7gfI5c+jNxaHAhMpiWc+FWdi1Ob8SZOpsZUNIC0VItYZI72lmZGXh5fkbVrVdTs2enaUUKoTQVz70KiaWTL1S3TFd96wdHg5yIpAbspi4lJjASGhFA/jVhtUDg6A6y2iFPlBIHfxnUXvWfUS2QtvkRs4FKxOXBvPsRh4/g/nthl588t4tonv+5iVIKfDLFP0bYMAvY+tw67b5E4uzuu6psP0wQk67+8l2hmbMyqSJiHKIsqs/pMoi6gxDdd28Sw3YCe4BhdenGT4YBbX8uaMh+f4vPOnA5z46nBA33Ll/D4Mv5Nl8lQRJRTkNIP+IWeuZPgKGmWb//0jRxGdMJ4lwlx1pY8oyKSifVhOnaqRQS/YvPVHAxz54hCSLOK5PkbNQhREzj0/iVGxWEiVEMw/QcXm2igU1jRyBEkk3JnAKjdwqqsLkfjebDXDLFupHJLY+t4uypM6Q29l5sJcvgfF0ToTJ4v07EvTvC5GYaSGIAn07E0Tbw/x4n8+tYBXp1GyGD+RZ+sTnWx6uGORUZk4VaA4Vp9b0nq2z9A7WSrTDXr3N6OEpHmjAvimjTu7wqgeGcStz39X96o4oKvPv+/pC+/Hco1p0Ugr9+//B4s/EAIGY1Gcr+4KtFQ8avUpzg18Hcu+cdJOEER6Ou+jp/O+G257BY1GgbcO/xduRbttXc8yMXWYLRufQRBkNDXB+v7HOXfxK4s4zHyPQHlywKZaXsUk6fmEmkJUxyuLeifWAklRiXdtxvfcRQJdoZYoUkjGLDaIdCQCluRsDSmsoDaFqQ0X5pRCHc9kpnqBlsg6NHnl0s9XQ6+6bNwdpaVL5c1nC3Na5lpvC0oyipUNVhSNwelV0bUoYpiQvLjz/5ZAvqZqywXbaixgEXCukpK42ni4tgH27RfKC7dGad7VjlFsUDi/eCXquz7Tb4+z4UNbad7eSvF8DjmisPVHdtG6r4NQOkKkI4aWDvPof3o/Vs3k0lfPMfn66KJQmWN6OObi+dFuuIvyycHJwao7N1yV+J6PnnMIq4GjmQx3IYoSdTOPIoVJhDuYKB4npMQIqykMu4pTMdG0ZgyniugKRLUW3LqJJjgoYQ1BkKgaGaJaOnCUrSJRLY0kqpTq4zdsC7gaa3PHBFBTEWLrmxEkkfLZKYzMCiY6SUCNyAgisxYyWLFoURkhJnDfT25adLPT/THUqIwWDyZZJSQRaw0jiALbn+qh7+6FIk2p/hiSKpHoDC86fz23WLveNT2qMw3i7WHEpUqkZ2Fnbq2GiSCIqGr0htv5vo9t62RzZxmfeod6fWUVSWv1kG8lZjIn6GjbS1OyP+ALS2+lOb2FbO7sgu0s06OQc4jERBRl5det53QyJzP4rrcgLr4WSGoYORSlnhkh2rEeUVYXfN7+8AbkiEL2nRFSu9oxcjqx/hRGrk7z3i7qY6UF2xeNCcrGFK3RTWv6LXwfjIaHXnEW2AzftPFsZ828X92JXTRHbr5kdqUYLh4kp9+YAfzdgu96XPjiKayqib1MyDR7cpojv/UGlZESPuA5HsWL+WUrDPWZW1CFtwI0dYbY90wHlw8VyZ13cLzg+pORLhpWiZCSwHJ0LKeO45p0p/YgCDKSqGDZdcJqE1UjQ3NsHaoSw/UsfM9Dt0pEtWAelUWVqpEhojbRFOlBEhVqRgbbXbnBX5NR8V0Pu2qS3teDUzdp2t1FbbhAbfD6MWgtIpPojIAP2UtBqEJSAyW4UFJh4yMdSzrJesGaMwaiJASUEQRhsKUqw8yqPcd/s/DCl+Dp8X0815tNWt3eidjznBVVbQVhqAYNo0i5PEKucB7TyuMLJkoo+O6e4y9isPXx8Tx7RedY+vqWj5z7vjf3uSD6yKqAZV1/bnNcg+HRV9i5/TOIgoQgiHS23025MragcdNxoKVNRpIF8hknEDjy5jnGrnyfa0txI21R+h/vpzZTZ+boNI6x9oS1pIZREy2o8RRWJY94Va+EFJJRkyHsmkm4I46SDCNHVIpnZjByNfSZGs41Hf2222Cqep50pB9ZUK893Q2RbJGJN0m092lcOFabE+oyRrP4w5kbimkth5jWTExrXtO+a8FUdaEDIYggCleqQ2frAWb/vlmoYYl7Pt7FloeaiaZVKlmTk8/NcO6VLKYePDtGvsHwdwauexyzaDD4tfNzr13DYeK1kZu/wCXQuSWGD0xfvLFT3rUtziM/2U+8OcQblw0SoQ5qRhbXszDsMiDgeha2a+D5LnWzSDLSiTP7umGVcTyThl0OVjBOGUEQMewymhLDcQ2ioRYEQaRqZPF9D8e15ozXSrEmoxLuTKKmwox+7QSiLOE7HlLkxs14qb4ovXc3U55qkLkYGJVGycS1XabP1vnKPz24LB/NFU/AMT2MSlAC/Fe/+BZTZ0rLnG3xUxpKqIsqHiRFJJzUgrLiGzTeCSK0rwsTTcpkRgyqhdWlL0+d/YsVVf5AYCCu/AXw8Kfaef/P9hCOSUSSMq/91Qx//ZtDCyqDGo08B4/+7orPsfQ5l74HE1NvMzl1EICnfqabX/oXG/jTfzXA4LHrd7Hnixd57c3fuO45XMdnZNBi03aNex+NcP6kwcXTFg0jz6Fjvzf3fZbatzJRpTiQv2maFqtWRI2nqE8N4lxF8QOQ3NaGXQ0IK5ObWylfypE9OIrneCQ2tqDENURVWtSAOVO7QF/TXTSFule9WpkaMujeGCY/3VjQo+Lbt68q6t3Apr1RttwVxWp4lHM206MWvu8zPWLOhfjWgmSHxqf+zU7W728iN6qjl23SXWE+/ivb2XhPim//lwEalR8uEkxREnjf393I+NnKioxKbkTn/KtZzr+WoVArUKiNAD4TxYU9PZnKBQAK9WGK9ZGr5pIAlcY01cbM7Lv+gn1qZm42p+IzVjg2295yu3MqokDr/esY/UrwRbo/uJOJ75zFrl5/eRRt1rjnc5uIt4V4439ewJ71Kut5k8yFMu1bm2jbkuTyG9cP7zimS2agglV32PRoJ1NniisugGnbkiCUUBfkYZp6oqR6o5x7fgLnBnH5ZIvKZ//lBrbel+Sb/32Ub//BarXi/VX/QFdw+rUiuXGDtv4wH/nFPq7l4bwV57gRrsRVIwkRRQv+rWa/5aCoQXLw+9+p0dB9WjuufiyX/z5W1cTRbVp3t5M5Pk19+maIDn1qU0uLytlVk4kXLoIPya1tNKYreLaLIIoIApi5OpImLzIqnu8yXDzMvs4uVrMKbmpVUDSBzJhJW6+GJMNtYP/5gWDsYoPuDSFKWZt4Wqajb5YDK+dgm2v7krIqcN+nethwoImDX5ng+58fpjRjkmzTePzn1rP/I12MHC9z+OurL8u9nQjFZPr2NTFxbmX0QpnLdf7qV65e+d14nC83dq43R1zt0K5lJlm9UfF9lHiI+KYg9BTuTCwZAxHFQJch0qTSva+Z3R/uo+9AC0NvZTjz7bH5nhAf3vnTS3zqv97PQz+3FUUTGTmcw/N8ommNjh0pwgmFU98cncu3DL2VYfpskb0f68Oq25x/foJa3iTcpJLui9F/oIUjX7pMPbdw1ZPqifLgz2zhtd8/RzVj0Lw+ziM/vw3P8QJiNuP6RqVjQ5jOjRFM3WPLvUle+rMpjNq74zmWZixKMxbZMYP3/2z3u3LO5fDyn09x/KUCkwM3z1abaBJp7ZQxGh4f/JEEh15rMHTxxqsOQRJoWt9Eojc5S3x4+2Roq4PzJda5w/PsDb7rUb6YpXxx+ebWgj5KyZhc1WolEhfp3hjm8mmdTXujSIoAxu1xFN5tWIbH8VfL1CsusWSQX/VcH/0mxlGyPcSGe1I0qg4v/c8hqrng+SnPmBz86wnW393EA5/t4cg3JlHCEs/8481Isshf/+rZBfPyxvvSPPDZHo5+fYqzr8z/ptGUwu73trPxvjRqWCI3qnPsW1OMn60s2F8QoH1TjL0f6KB1XQRJEajlbYaPFrnwRp5a3kIQYd3dTex4rI2ubXHizSoHPt7Fhnvmm5tf/98jnHtlPpXw6E/3s+WBZgQxeH4OfXWC488uLEK6Ai0qse+ZTjYcSBGKy+RG6pz4zgxjp8tzzncoLvOJf72d0y9kyA7VufvDXbRuiGLpDoMHCxz++iSutfbnbQ1GBca+fpK2RzYihRWmX7q4pMF87z/dzeP/YGcQM3V9bMPl5NdHefMPz1OdWbiqGT9R4LlfO85Df3srH/iVuxBncya+5+NaHoNvzHD62fnBXJ1p8J1/e5ynf2Uf9/7EJh74mS0Bz40X5Bmsus2Jry2OgV54aYrm9XH+1p89higGuRnH9Dj6pSEG35i5bn5AkgXW74kjyQIHv5lh13vS9O+IceHgfAJfFKG5J4RedrBMj1hKRtVEPA+Mmku1aC+4V6IE4bhMKCohK2KQlDc9akUH21x9zFxWBdIdGo2au2RoLpaSiTYpFCbNueMLAkSbgmu4UnJomx6NqoPZmL8GQYCWnlAwwQG1on3dFaKsCsSaFJSQiCgGIS5TDxLPV+eCVE2gtV2mo0fm2NsGosSKNEKUqELLzlZ8D8yKcVP5lNsJ2zMYL58gobUvkhxeDlPDJq3dGvc9nWLknI6p/+DLhm8VPBdK2eC3KmZujSOQaNNo6Ytw6WCBWmGhQ5Ib1skM6Wx7pIWmzhCNmkPfniSyIi56zBItKhsOpBh8Z75JN90d5hP/ejvtm2IUJhtYDZdtj7Zw94c7+PpvXODEc9PBOBBg23ta+egvb8V1fPIjOqIssO6uKH17ktQKFhdezyMIAtEmFVkVMKoBY7VetMmNzDtoxjVhuomzVWRZpGtHgm0PNzN4cGmyy0Srymf/w27aN8bIjeo0yjZbHmphz1MdPP97lzn01Ql810dSRDbdlybdEw5aK0SBWtGma1ucHY+10rE5xjf/w8X53qhVYk05Fcew8WwPQfZovqef2uV5Ty4/VOXYl4cBH98DS7epTDeYPFVk8kxxycnCd33OPT/B9PkS6+5tJb0ujigKGFWL3OUqY0fzi8rsiuN1/vofv8OGB9to25IklFCw6g6VqQYTpwqUpxb3W9TzBi//9hk2PtxOqi+Ka3mMH8tz+a3MglLipRCOS2x/sInhU1WOfi/PAx9vY92eGANHynPU5JEmhX/2hd0cezFPadriwDMtJJoDmo3RczW+/ftjXDwU5JIEEbbck+SJn+iib3sUNRxQ09SKDoe/k+XFL0yhrzIGnO7U+Pn/tp2ZIZ3P//OBBYZJDYt8+Bf6uP/Dbfz6J4+TGQ0M+74n0zz0qQ46N4ZRQwHRZzlr8c43Mrz0v6fmDIASEvn0P19PW3+IpnYVy/D4/C9d5Pzbi6viYmmZRz7VwV3vayberKCoIq7jM36xznf+YJxLR+b7SXIzLk3NDiODFtWyF1AAreBZtioW5790jnBzmPSWZtS4hlG4jf0Na4ZPoTFOyZgkHelbUb7L9+DEaxVOvHZzfTf/p0CLykSaFHIj+qJnx2q46CULQYBUd5jGhVUwWQvw+M+tJ90b5qu/fo7z38/huT6t6yN85td28d6/s5HJc1UyQ3UUTWTLg2lESeBPfuE4U7M5EjUi0bE5xsyl4LXn+px+IcPpFzL07kqw7dFWzr6S5cU/WNwYegWD7xQYfKfAloea6d+TXHIbSRF4/Oc20Lklzrf+4wVOfCegxE92aDzzj7bw/l/YyMSZ8lyoTZQF2jZE+f7nh3ntT0ewGh7pnjA/8hu72PlEG2//5Tgzg2uLRKzJqIiyhBRRMLM14ptaESRhLsk9ddmi+JKEUyhhXhy6PkHY1fCDvpTi6PwXkdtacArFZblhrLrD+ecnOf/8ymKlgiigFwyOfHH5H3A5NLVrrNsd4zt/MM7Y+TrZMYP1e+JEk8qCVYEkCxx4uoWR0zVe/JNJqgWb3u1RnvhcFx/7R+v4nZ8/GxgLHxRNRC87fOt3x6jkbRRN4L4Pt/HkT3VTmDJ54yuL5Yavh9KMxdk3ijz8qXbSnSozw/MrwnSnxsa9CQYOl8lPBmHBlt4QH//H66jkbb7+X0fRqw7huETP1ih61V2wcrMNjy//xyHCcZknfqKLbfct/XALIux5T5r3/q0u3vpahouHyuALJFoU+nbEsI3FxvvS2cXhLjEewas1FodWRWGBhkgj32DirevktgQB3SpwcvpZpEgYBAFPb1w1+fiUjaVDCbcKhl3mYu5VIkrTdbdzPIOGvfbSdc93uJR/HUVaXE5/NQRRJLl5b6AbM3z+llReLYeSsfY8RtmY5OT0s8saYttt4PoWkhJDVkXMmrPkV7EaQfOhFl2dnEG8WWXnE62cfz3HxTfyc557dkjnwhs5Hv7xPvr2JskM1fFcn0bFQYtI9OxOkB3WcSwPS3cZPXFr2xGWQronzPr9TUwPVOcMCkB52uToNyfZcE+KfR/qXJC/yQwGoTFrNiJRGG8wfKxES38Xqe7wu2tU3IZF9vXLRHqaqI8WF1RNads3YY1N4hbLSMk4kXv34Mzk8V0XuTmFb1qYA0OE927HreuYF4YI7doCno81OIzS142UjGOcuUj0gbuxZ/KYFy+jdLQit7dgnDyPPX1zBI1rwd4n0ph1l9GzNYy6y6lXijz4iTZSHeoCoyKIAkbN4cU/neTsGyV8H86+WaKtP8zOR1L0bI1y8VCgS332jRIXD5XnHnqAqcEGv/Rnu9m0P7Fqo2IZHufeLHHgA63c/9E2vv7bo8E1CdCzLUrnxjDP/eH4HJV6qkMlmpQ58t0cR7+Xm9PsOPZ8Ht9nwfLX9yEzEhip0szyPSGCINC2Loypuxx7Ps/l4wE5niDAwWezKwrrCapM/Ml70d85jWeYuBUdMayC5xN9+C4ax87jFMoo7c14uoFv2UipILdnZ4vI6QQIAk62SHjPFnzTYvr8eeRwCt92catlxEgYKZXAyRTw7YVhmFBrF52PfhQ5Gsf3PFxTpzZ8gdzx1/HXoC7p41M2JinfxAS7svN4K+sJEUVsqQuXGoXquTX3vKwE25/upWtvPy/+5gme/Gd7mT5b5My3Rhdtt/6hdra/v4eTXxtm/GgQ+ZCSFjVpaI7iBKB1S5JkV4RLr8w3p/pe8G85Litptv9sKYfmemjbEEWLyux6so0N+1MLPtMiMpIiEmkKQpqu7XPyezOsu6uJp39xM/d/ppfjz05x5qUM5WlzUfn/rUaqM0wkqTD4TmFRB352WMeoOfTtXugIVnMmpemFqQi9bCMIgbb9WrG2jnpZomlXJ2oqgqNb8zFwAaRYBNv3id63FyQZt1RFSsYRNZXGuUvI6SaiD9yNUyyDD3JrGqkpQeUbLyCEQwhqQLUiNSVx8iX0I6eQEjGk5hTOTA5107p33ajIqsD+97cwPdRg6nID1/E5/06Zxz/XyeYDCcbO1xfkFzKjBsOnanNj1bV9pi832PVoimjT/C33XB81LNOxIUIkISMrAlpEQpQE1LA016+xGlw+XmX8fI0DT7fw0hemqBZsZFXkwNMtTA3qjJ6tzXmmU5d0MqMG93+kDVN3uXiwwtRlnUZ17UlTz/MZPFrh4U+28+G/38drX5pm/IJOftKY84huBKW9GUEUkdvSyM1J9CPnUNd3YQ1NIkVDeKZFaOs6ALQt/Xj1BtqmXuzxGaSmgCMtsn87hT9/DjGk4tSCsIiUjIEk4tUbhHZuxKvUcWYW85wJoowcjTP9+rdxzTqhlk6a9z2CqGjMvPntNd+bHxp4Htl3vveunEoJS0RSGum+GEpYQo3KJLoi2LqDUbVJr4tRGqsz/NYMTd1RZDVYTYTiClvf140Slhk9lGXqdBEtrqBo0pyK4RXYhotZd0i0hRblSQLpDRlBgFr++gUggigsWBWpYSkodx6oMXS4tGh7z/UYPz1/LdMXa3zhH55g9/va2fVUO4/8ZD/v+el1vPaFUQ5+efy2ljRLSqBjZS1hOF3Lw3d91LC4oAjRsX2ca5rBb8WqdY3hLxFRlcm8PkjX+7ejJsPYdQvfdrEmZlDX9SBGIthTGeSWNPbkDDQl8BsmeB5OvoSUjOPM5HBLFfxGYC3llhShPduC8EStjlutE9q6ASebB99HSsYxL4/d4OpuPXq3x2jtDaGGRN7/M914jk+8WcH34K73NvPKX0zjXhWSMeoujdrCB8h1fASYkw0QRNj5cIqHPtlOW38Io+7OeVKKFpSqrjC9sACNmsuxFwp84p/0s+s9Kd76aoZkq8LW+5K8+dUMpZn5gVUrOvzl/+8yj36mg8d/vIuHP9XB4LEKx18scOb14oqNwAL4cPFwhS//5hD3f6SNn/h3m5gabHDpaIV3vpFh/MKNucW0Lf2YlycQFBnPdghtX4+gKHgNE99yECNhfNtGjEXA8/BtB7dcxZ7OIbelESPhQHPEdfF0AzEaAlFEjIaQUwnsySx4HkJYBUmCZVh+jew4drWEPjGEGk8T7dnIFUuf3n0/jcwEcjROpHNdIBh36RRWKQeiSKS9l1jvZgRFCwTcRi7gWfNeodbcQXzdNuRIDM+2qE8OUx8N6M1FRSO5eQ9aug3XMqgMnsHMTy/ctz/Y17UM9Mlh9MkhfM9FkGQiXeuJdK5DUlXsepXayAXMQlCqH+3ZSHzddgRJojp8ntrIhbnjRns2IofjOEY9+K6+R210AH1ydvUjiEQ6+oj2bkIORecmqOrQOWqjS1Oz+55PZUqn//42KtMNBEFg/QNtFIZrTJ8rsevD/Rz+s0vouYUes6SKRNMhlLAcaH8IwXs9d7fguR6H//eluW31sk0lY9K3O4EgCgsiJ7FmlWSbhl6xKUw0EK90XgqBwbl6BRGKy4hXMTpU8xa+FyTKn/vtgRUt6BpVh4NfmeDk8zP07U6y/2OdPP6z69FLNoe+cvtIMhsVB9vwSLYtllwIJxVkVaQ41bitoc4rWHNHPb5P8z19eKZD+u5eSmenMKarmJeGcTI58H28mo4Yi+BbQXjBM0zcWuApi+EQvhMI/9TfPgaAM52l/sZhfNfDN4PJTwyH8Go6bqmCICt4+uoJD2tZgz/6kZfQl9BaWQn2PZFGUgQiSZn9T8/TwgiSwLo9cVq6tQX5C9+/scxFqkPjx//NRmpFh6/+5xGmL+s4to8WlvjlL+1Z9TVejWPP5/nQ3+1l1yMpjj2fZ9+Tzbi2z6UjlUWezPDJGjNDQ7z0hSl2vaeJRz7Zwc6HU3zv8xO88CeTa6oAMesuB5/Ncu6tEl2bozz4sTYe/Fgbux5J8Sf/coDhU9dv9KofOoNX0xFUNfAeQxq+7eDbDrXXj+HbTuCYREL4vo9v2piXx/FNC3sqhyBJNI4FHdHGxRFEVQHPwxwYw1JkvHoD4+xlBE1dFPpaEoKAIIqBVPTszJLcso/4+h1YlQJWMYeoaohyEAqJ9myk/YEPoE8N4+hV0rvuJ9TcQe7Iy3i2FXz+0DNYxSyN7CRSOIISmVVHlBU6Hv4QWqqF6sgF1GQz3U9+mokX/hKzkEFUNbqf+CSN7CRmcQY1niLU1jU38Uc619F23/uojV7ErlfQUm0Yuck5o2IWswiSTNu978U19AVGJdTWQ3rnfZjFLPXJy6jJZjof/QiTL3+FxswYWqqV9oeeoXL5DI3cBG33PEl15CJGfvmclO9BZUqnc3eaiRP5ubJYmNWFE5cOWdXzJjPnS8ghicHXguPreZPMhRLNGxZylxUnDaYHamx/T0tQvXWwMKeW2LsrQefWOKdfymLpLpIi4Fge4YRMok2jOBmMWzUs0bU1PlesAjBzqUY1a9K1NUZzXyQoBLjq4kVRWDA+BHH28fDBqDpcfDNPOWOw64k2urfHOXTNd3TsgDhXCYlr8yCvQmaoTnnGoG9vklizOr8qE6BvT5JIk8Klv7w5ieSVYm1GxfOpXs4hKhJaa4zMa4PzyVPbwc2X5rZ1CwuTVP5s0t01riJhrAaeom87i7a/st2KBv8y8ByfmfNrS5bFmxU2H0iQGzP4zR8/iV6ZN0r3PNPCj/zyeg58oJVnf291K6jN+xM0tao8/8cTnH61OPd+1+bITfN26RWHN74ywwMfbWPDnjj3fLCV6aFgtbAUGlWX8Qt1Ji7WOfjNHJ/7txt5/8928+pfTmPU1xYK81woZ23K2RLn3y6x+9EUP/0ftvCez3YwfOrS9fetBAlC3zCDcabPG2y3XFvy7ytOiH+NxIDfMOd0Ybz6fHWYpxsLjrsUwu29qE2tRNp7iPVvJXvoRa6MfEFScPUqM28+N7sCmZ0VBIHWA09SHx1g5p3vguehTw7T+djHqAyewioXaNq+HyM7ydSr38B3bK6eUWJ9W4j2bWL4q/8zUDAVBNZ99GdI7bqf6Ve/gaRFkEIR6hOXqY8N4JpXvM/A/ZZjCTzHojZ6ETM/HWiXXOViO/UKdaOOte3Akt9ZVDWm3/gW1qzxWf+J/4twRx+NmTGiPRtxDZ3i6bfxHQc1kUYKRYNrWAY+PrbpzgpieXNl/E09URzLI9ocCjR1OiNEm0M4posWVzCrNq7jkWyJku4PyGRDSZV4e5hos0asNRQoJ3o+esnmyDen6Nmd4JO/uoOX/9cQM4M12jdGec9Pr6dWsPj+5wOj69o+l94p8MhP9fPYz6znyNcDx2nzg81svDe1gBTSNjy++zuDfPSXt/KBf7iZN/9iDL1sISki6e4wnVvjfP+PhzGqDmpE4qEf66WSNckO6dimi6JJ7P1AB7blMX1psSNVmDCoF202P5Bm5HgLpWkDURIoTQXvQxC1uLLSSLRpgTBhSiHdG8ZzfMy6Q6PioJds3vjzMT7yL7by0V/exltfHMOoObRvjvHwT/SRG9E5/LV3p/lzbeEvTab1gfXoE2UiXQmygjDXexlLdBNP9uK5FuXiMEZj7dYxHGkmnuylWpmgUX/3k/MA/TtiNHeHOPZ8nlpxYZhk8FiFcs5m5yMpXviT1f1gtunhA1pEQpKDZXi8WeGRT7cHsc+bxNHv5nn0Mx3c/9FW0p0q3//iNNX8wgm3pUdD0UQyIwauE7BHO7ZHo+quWcBHEKBna5RqwaacteY8t1rZwXeX90wB5Gic+PodSKFAVtUqZKmOXpideG8PYv1b0afH8MzFK+DUrvvxLAPX0MkcfIHyVZLUvudi5meuCmnNTkaCiNbUTPHM23PLVbtWxjMN1GQzrtFATbaQP/H6Vd/rqr6dZDOirJDafmBOAloKRVATaRAl7FqZ0vkjpHYcIL5uG/XxS1SHz+M26oCPPjFEpKOPtnvfi1nMURu9QH3i8sJ7eB2P2GnUsIrBWPN9D8fQEZWAu8wx6kihMEosidPQUeIp7Grxusvy7EAlCIFN6jRKJqIsYlRteve3kOqNcvY7Y9gNl5adiUCvXRKIpDTMms3M+TKR1hjtO1IURmvEWkKIskA9Z5DsidIoWXNh5wuv5fjuf5O4/zO9PPNPtqCGRGRNJDfa4Dv/cYDixLwD8faXxmnujbDziVZ2P9WGWXPIDuu8/aUJHvqx3gXXf+alDGpI5O4Pd/LZf78r6OuQBMy6y4U3cguE/WLNGvf/SC9aRJqV7xDQyxZv/cUYJ59bzBRi1R2+9z8GeeRzfXzm13ZiGR624fKd/zLAmZeC36Bvb5KHfryPeKtGLK0SbVLY90wn6+5KYRsu51/L8crnh8GH0y/MEE7I3PPxbn70N3fjez6eByPHirz6JyPvGk3NGqu/bPJHxjDzNfTJ0rz+ORBLdKGoEarlAr3r38Pli9/BddZGae04BqFwCs9zfiBGRZQF+nfFSDQrHH5u8fnzkyaj52psu6+Jvh1Rpi6vvE9i6ESV4pTJo5/pIN2hYRke3VsjOKa/IO8BEEnIbL03STytkO7WiCRk+nbEePzHO6kVHbJjDYZOVBdwJxWmTM69XWLfk834Hhx5bjHZ55Z7kzz2o51zBsBzob0/RPfWKG9+JbOgUmvd7hhdmyOEohIb9sYJxSQOfKCFjg1h6mWHy8er5CdMJFngyZ/qomN9mFLGopKzCcWCMmXf93nnW8v/jkqsiUjnOqpD5/AsA0evrlouV1Q1tKZWjPx0EK66AexqCd9d2mjNvPFt7FoJz7YWGzbfX2Y/P+Cpu0oOVxAEEITZceKD719HLtfHc2x8z5sbV+WB2VwNPvgeuaOvol4+S7i9h6btBwi1dpF5+3k8y8CuFsm89V3UphZi/Vtpu+995E++SfnCsRVVeXn2tclsfy55rY8Nkli/g573/yiOXsOulSlfPL5ApVHpbie8eytupUbj1AUy50tLnqc8vrBcdfjtDMNvL6x2rOVNzr1awCkGneu5wcqiJP3cdbs+x5+dZvRkmUSrhqyJPP4z60l3hzHr7oIwVSVj8o1/f56WvghqRMKxPYoTBo2KzejJ0gID5JgeR745xaWDBZLtIRQt6Lkyag6lKQNrluXDari88kdDHHt2ilBUns3XeDjpToyuPUQ+c4CQaaEfO4txKgg5+j4c++YUYyfLxNIqghgcJzs07+Bkhuq8+edjyzKoV7PmnJPge3D0hTKlbe8hnlGRcMl+/VVKORd/24OEpGGMUxcwqjZf+Ecn0We1ra7Gye9NM36mvOZyYlhr+MvxKJ8JSvqMmeqCC/M9l0Y9RzF3kWisnab0BhzHoKVtB4Igkc+ew3MtYokeJkZep7VjT6AVUpmko+cAihKlXpthauxtbKuOZczXVUuSSu/6x1DVGKZZYXLsLZrbdhKLdyCIMpXiMJmp47S076YpvR7Pc5gaP4xtVunb9CS2VUNVY1y+8G0STf20duwOlNmy5ynkLnAtYqkwqc4wFw6WGTs3/0OLSgjPNvA9OPztHD1bonRujDAxoJMdMyhnrxmYgkij5pEdM+bYUosZi9/7hXM89mOd9O+O4Zge598u8/pfz/DEj/egaPOt5U1tKo9/rpNEs4IgCNSKDtGEyoMf78DzPC4dqTA5oC/gTjLqLqe/X2T/Uy2cP1RiegmDd/FgmY51YTbsS7BhXxJkkcxQnb/6rVFOvJhfkMTc+0SafU82IwiBsa3mbDYfSLLp7gSW4fHc5yfJT2RxXZ+jL5a490MKrd0aXVvjNCoWl09UePUvpxk7d/2H1WnUqY9fwjWuut9aGEkLAQKuUcezTBBF5HAMQZLxPRdXr4EAkY5+or2b8FwHt1HD0WsIijqbWBbmVh4IIlIoEhiGZUrsXKM+uwJYBTwffWqYaNd6aiMX8R2bUGsXoqJiFjO4RgMjP0Vi4y7qk0N4ZiMwQIKAZzYwspP4tk115AJWOahMEyU5CGN5HoKsIKkadqWIXS3i1Gu03fde5EgMyzICdmVBwCzMYJULiKpGtGs9lYGT80ZWDJjBg/NeW2J4HcMjBEUEmXdeoD4+iO86iwy3GA3jFMv4DRO1txO5vQVBEDDOXULp6URua0Y/chptQy9SLIp+4hxKZxtySwprdBK5JY2YiGKPTeEWymib+tCPniW8fxdiMoZbrGBPzhDZvxtPb1B79eBcztb3IT/aID8aPOuu7fO3/vs+nvjb6ynPGOTH5seAXrKZcRuIiohVt+comoaOlAg3qYRTGp7r4Tk+akRGr7jUSzWUsIxjBkZKjchEmkWMsoXn+FRz1hxFzPwNKSM1TRJ98C6MUxexxqdni0bCCLKEa1hMD+qIU36gMSUIeLOPvhiLojsSl89ZeJUayHKwnyDgNQx800KMRxGjkaCopd7AF2Wylypc+u2X8S07uDdCoCArNyXm7svQqQaCpiLGo3j1BmI0jG9alCsSxekyorY44b9S3Lzy43WeQdexULUEydQ6atVpBATiyV6mxt6mvWs/oXCKaLyD6fHDJFPrEQSRfPYcrR27KWSTGI3iguPFm3pxPZuLZ79C7/rHiCd7kWWVfPYcldIY6zY9hV6boaV9FzOTR4klOoknuynmAqrrzOSxuWOKkkKtOk1Dz1GrLK7K0BKt+GqKL/1mFqtWRFLDCKIFgkBq3W6KQyfwHIszbzY4/foZfNdGkBR+8ycGcK0GWrwFz7Gx9TJKJMHb36rx+l9NIUgyoqLh2RaTgw5//msTeI65wIt86Y8kfN8lFGpG1/Nkhn3+y0+fxfc9ZDmM65pEIq24rolp1mYlehf+EIIYhNZ84M2vZpZ0UnPjJl/5zyMIikRkXStSREG/nCWyvgWSCSjmEDUZQZb4+n8b5Ru/M44YUnAbwcCRIipew0aQRbT2BIIkIigSU34rX/z9IvXBDOG+NI3RAr7tIkW1oNrK9xAUCVGVcGsL+z6UeJKmbXfjWSZGfppGZoJY72Yinf0IkoxnW8y88SyR9l5SO+7BtUw8q0HxzCEQBBIbdxNq7UIQJYz8FKWzhwm3dpHYsAtBkhEkienXvgWiQLx/Ky0HHmP8u3+OkZ1afIPWBJ/c4Vdoe+D9dL7no3iWgZpIUzxzCLsSrIpKZw/Tdt/76Hzs4zi1EoIoYRaz5I+9Sn1ymNL5I7Q/8H6scgF8H1FWKA+coDZ6kVBzJ60HHsfRq3iug5pMUx05j1OvgCCS3LSLWP9WnEY9UBdNpCicehvfcxEVjVjfZrR0O6GWdpRojJa7H8Uq56lcOnXjrzZriCOd/cjhGL7rYJaygSG8yrio3e14DRM7kwfPx63VkDtacfJFEEXUng68egOvWkeKR4Mqs1cP0fSppzEvj1J/4wjxJx6g8t3XUEwLQZYQNAX9yBmi9+7Frel4tTr2dC4oGloGY6fKvPaFER79qXV86Je28he/dGpuZaHGFLZ/sA9JFqnnDUbeniHRFaU2o7Pr4xuoZRqEUxql0RotmxJMHMsRaQ7R1BtDzxuUxuv03N2CY7qce3YkMEKOT3GkulCzyZstOnJcPMsK5MfXdRPevQ3fcRAkifrBEyQ+8B6c6VzQozcwhHH2Ek2feAq3VMEtVai9eYzwjk2o63uCAqdanfqbR0l++EmcTB5EgcbJC/iWjZiIEdq6Ad+0aZwbCJrHXQcIwphCOETi6UfxGiZCWKNx+BTRB+7GuHCZ8F3bqT73GqFdW6g+//qaRsBtkxOWlQiJVD+To28RjjQDPoZRplqdwHEMirmLdPU9SEPPYdv1ufJEz3OYHj+8pAa7788vxeeT2fM6KMKVakFBAN+jUhrDNIr4vofrmDhXKcuV8oOEoy3EEl2EI81MjS2URFWiSdRYmkZxmlBTO1qiBd91qEwO4HkugiihxlKEkm1IWoTq1CCR5q6gxDM/QaxjI2atgN2ooEab8BwTzzaJtPYhh2LUM8NE2/oRRZnazGWs2rwBTSR6ZkOGAoocQZLDOLaOj4eiRPBcJwifqDE0NUm5sriZLByT2P2eFNlRg6GT16em0FrjqM1RahencQ0bz3QQJAEkEbUlTmJnN4W3LhHuSSNFVCpnJwj3pFGbIlTOTSIIAuHuNOZ0BTmmEe5NUz4+igBE+lowp8oobQnCPSkQBOqXZkjs6aUxmqd+6ZoGT9/Hd10818Wf9aA9O7h3guuQ2LyHmTeeRRCloFx37BL1yaFgUvV9ShePEjN1codfnst3eLaNZ5vg2iQ370NUFBy9Run8EeIbdy66H1Y5x/Trz+I0lq80zB56Ebu2dPGHkZ9i+tVvEGrpRJBkStXDNLJTc+GyRmacye9/jVBzJ6Kq4bvOfAWV55I//jr61AhKPAkIOHoNIxs4PmZxhsLpt4O8k+9TvXyGRnZyLmxVG7s0mwcJ4bsOVqUQlCPPJrc828KulcgdeWX2fs+HvGrD5zHzVxlXzyd/7DWc2dVaYtNu3EYtePabmpG0ME077mHmjWdpzMwXqpgDIwiaiiCKQfWnbePXdcI7twQVoOUqvm0T2r4J88IQYiRM5MAunJkcvu0G8tuiiNLegtrXjVfTg3CgZQM+vmGgbV6HUyhzPa/WNjze+uI4WlRGlMTFQlqCgKhKOKZL992t6HmDDe/pQpjjBZx31hzLw/eDfIpjuWTOFfBdD8/xqOcNUusSpNfFcW2P4sh1xpskom3sR25vCVou2pqRErHgt3z1IFp/N3J7MwgC9vg0QkjDzuQRVAW5vYXGsbPY2TyJpx5FSiXB9zEHR7GGgvsvpZtmx5CH77pL3h6lux3fdal85xUi9+1F6evCrdaR001Bf1hrGqdQWv473AC33KgIokRH192kW7aSmTpBtTyOIIi0duwhnuyllL9EvTJFuTRCa+ceCrkLuI5JKX+ZUDhFS/suLLNKpTxGe+ddNLfvCISaHJNKeZSm1Hq27PwkplmmWhojEmmhtWMPLe27KBeHqFenmJk6RnPbDgCmxg/iWI1Zoaf5O5xq3UK6ZSu+71HInl/0PfTsKL5rE23tQ9bCSGoYq15GlOSA8lyU0BKthNIdeLaFlmjGcx2McgbftXEtHatamFuBiEoIUQ7CMK5ZR42lkZQQZnWhIBSA69qUK2MocoRovJtCYYBQKEU43EyhOEAk0oqAQDLZz/TMsbnvJYgQigT61vd9uJVtDzTxrf8xRiV3/US3IEt4loOrW/iuN7sMB0mViW1qI7atk+Khy7iGRXxHF/WhLG7dJLynl8ZEEbvcQAwpCIqEUzEwc1WsYjARiaqMqClEN7SitcWxSzpSRMMzHfTRxY2Hdq1CeeDEXPhL0sK0HnicyVe+Cj4kNu4KqFemR7EqReLrt9P+4DPkDr8UlM36LGhgE2SF9gfeT+bgC7hGnWj3xvlmoWXgGjrVy2euu81yfRkA+D5WOT8XvloKdqUYVHcttbvnok8NwxKLJ88yF5QBLzputYRdLS35mWdb171uszAzV3o8eyXUxwM5AEkLkd79ADNvPEt94nJAMxRL0vHoh1GTLXNGxbw8Pn97BQFBDqYY33EwB0eDPJHrgShgjU7hGWawEpGl+TCWbVP57qtgO1SeezWo/BwE37KpvvIO0fv3UfrGi4S2rENQ1bk+t6VQy1t8778H3+Hajnq9YJDsjqEXTVJ9ccYPZ+i7rx1bdxg7nGHzkz34rk/2YpnicIVIWqMyo+Na3oKu9bbtKZp6o9iGixq9wZTq+biVGtbQGI3TF8Hz8b2gtYKr8mh4HvqxM4iRMIkPPkHxz76G7ziIsQhiXUdQJDwzUMnz6gudH7dUxTh9ITDOALKEoCiz/+Sg1SMaQYiEEGPRoFrX81E6WzEHhgnv3U5ljasUuA1GZXr8ENPjCyuyK6URKqWFrMGWWeHs8T+be20aRUYuvbBgm5mpY8xMHVvw3sjgi3N/i6KM61pMjx+mUhqeez8/c4b8zMJJYezyywteL7XN1VDjaZRoE7ZeoVGYJNrah1UtBOErSUFLtmKUppEUDdc2MQpTxDo3Em3rpzJ2HluvEEq2YetlJEVDDsUwSxkco4YaS1MdP48oSth6OfAorr43VoVIuAW9kcMolYnHu9EbeRrFS8TjXVhmDdtpUNczhEIpdD2H77u09Yf5qV/bTLpLQw2JHP5OjkPPZm9IEWFMldDa4qTu3UD1zARSVEOOhTBndUMaIzl8x0MQRZxKwMclKjJ2Scf3fJRECDmqoaYiGNNljKkSeD5yMoyoymhtcWoXpkEQsHJVnEoDK1PBX4muvCjgey5qPIWSSM8ZaS3VhhJvwq4W0VKtiEoQA3bNBqIWhHmsUg6rnMdzbJRYArWpBUkLB31SWhgt3YYcjhFu68VzHKxSfvUUBv+HwLVMzPw0Tdv2o6U7QBDQUq3g+wtWKTgL+beuGIpr/wbwmW0XcBZzdvmz5d7+NY2pfsPAPH8Zrb8La2RyrpT8erCW0IP3HI/KlM7E0Rz997eTGyiz+ckexg5lSHZH6dnfRmmsRqNs0bW3Gc/xMMoW+aEK8fYIWkyhUbLwXA+CwAiO4czJpC+4ZtfBzuTxjcAIGOcGiezfRfSBu3HLFfTDp7AnM+B5eHUdJxeECeNPPIjv+xhnLuI1DIzTF4ns3422ZT2NY2fxylXsiZnAuFx1j+3JmfnSaEFA29SP0teFIImEtm2kce4S5oXLJD/wGE6+hHFhEKWtGUQB4/QF5PbWIKS2Rgj+CsWVfxg0z6+FIIhEYm3Ylo5l3gZG17XwpCw8AO9KC+ssIgmZPY+liDYplHMWA4fKlLOrKMddyeVevY0grKiiaKWQI3HUVCuN6dEFMfpY72aUZBq7XEAKRSgPnEBLtRLpWg+CiF0pUJ8cxncsBEki0rUeNdmMVS5QHxsg1NZNuK0HR68hSjKVobNIWohI13qUSALPtjCLMzRmxhdUMt3BQsjRBNHujciRGACOXqUxMxbkft7F5/yHEbd4KPzQYiXm4m+0UbmDO7iDO7iDdw8rMRcrDn+t0PbcwR3cwR3cwf/BuPnW7Tu4gzu4gzu4g1ncMSp3cAd3cAd3cMtwx6jcwR3cwR3cwS3DHaNyB3dwB3dwB7cMd4zKHdzBHdzBHdwy3DEqd3AHd3AHd3DLcMeo3MEd3MEd3MEtwx2jcgd3cAd3cAe3DHeMyh3cwR3cwR3cMvy/Cq9x450oJBMAAAAASUVORK5CYII=", - "text/plain": [ - "
" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], - "source": [ - "# Most frequent tokens for each tag\n", - "tag=\"natural-language-processing\"\n", - "plt.figure(figsize=(10, 3))\n", - "subset = df[df.tag==tag]\n", - "text = subset.title.values\n", - "cloud = WordCloud(\n", - " stopwords=STOPWORDS, background_color=\"black\", collocations=False,\n", - " width=500, height=300).generate(\" \".join(text))\n", - "plt.axis(\"off\")\n", - "plt.imshow(cloud)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "b8ua3MFhrOaX" - }, - "source": [ - "Looks like the `title` text feature has some good signal for the respective classes and matches our intuition. We can repeat this for the `description` text feature as well. This information will become useful when we decide how to use our features for modeling." - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "HFifXKl_eKsN" - }, - "source": [ - "## ✨ Data Preprocessing" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "RxAZ1AmteRaD" - }, - "source": [ - "Preprocessing the data via feature engineering, filtering and cleaning. Certain preprocessing steps are global (don't depend on our dataset, ex. lower casing text, removing stop words, etc.) and others are local (constructs are learned only from the training split, ex. vocabulary, standardization, etc.). For the local, dataset-dependent preprocessing steps, we want to ensure that we [split](https://madewithml.com/courses/mlops/splitting) the data first before preprocessing to avoid data leaks." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "import json\n", - "import nltk\n", - "from nltk.corpus import stopwords\n", - "from nltk.stem import PorterStemmer\n", - "import re" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "6VgTwEQboTGc" - }, - "source": [ - "### Feature engineering" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "U_001GPyMZsC" - }, - "source": [ - "We can combine existing input features to create new meaningful signal (helping the model learn). " - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "3x1ldAFQNkSU", - "tags": [] - }, - "outputs": [], - "source": [ - "# Feature engineering\n", - "df[\"text\"] = df.title + \" \" + df.description" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Clean text" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "VDXLH6QeLd0F", - "outputId": "2202b045-1830-477a-94ad-85e648946319", - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "[nltk_data] Downloading package stopwords to /Users/goku/nltk_data...\n", - "[nltk_data] Package stopwords is already up-to-date!\n" - ] - } - ], - "source": [ - "nltk.download(\"stopwords\")\n", - "STOPWORDS = stopwords.words(\"english\")" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "VfdWkkV8LlNR", - "tags": [] - }, - "outputs": [], - "source": [ - "def clean_text(text, stopwords=STOPWORDS):\n", - " \"\"\"Clean raw text string.\"\"\"\n", - " # Lower\n", - " text = text.lower()\n", - "\n", - " # Remove stopwords\n", - " pattern = re.compile(r'\\b(' + r\"|\".join(stopwords) + r\")\\b\\s*\")\n", - " text = pattern.sub('', text)\n", - "\n", - " # Spacing and filters\n", - " text = re.sub(r\"([!\\\"'#$%&()*\\+,-./:;<=>?@\\\\\\[\\]^_`{|}~])\", r\" \\1 \", text) # add spacing\n", - " text = re.sub(\"[^A-Za-z0-9]+\", \" \", text) # remove non alphanumeric chars\n", - " text = re.sub(\" +\", \" \", text) # remove multiple spaces\n", - " text = text.strip() # strip white space at the ends\n", - " text = re.sub(r\"http\\S+\", \"\", text) # remove links\n", - " \n", - " return text" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "3LRaq0_5LpE4", - "outputId": "4f7beaa6-6713-4e02-80a2-22474260f406", - "tags": [] - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Comparison between YOLO and RCNN on real world videos Bringing theory to experiment is cool. We can easily train models in colab and find the results in minutes.\n", - "comparison yolo rcnn real world videos bringing theory experiment cool easily train models colab find results minutes\n" - ] - } - ], - "source": [ - "# Apply to dataframe\n", - "original_df = df.copy()\n", - "df.text = df.text.apply(clean_text)\n", - "print (f\"{original_df.text.values[0]}\\n{df.text.values[0]}\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Clean DataFrame" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
texttag
0comparison yolo rcnn real world videos bringin...computer-vision
1show infer tell contextual inference creative ...computer-vision
2awesome graph classification collection import...other
3awesome monte carlo tree search curated list m...other
4attentionwalk pytorch implementation watch ste...other
\n", - "
" - ], - "text/plain": [ - " text tag\n", - "0 comparison yolo rcnn real world videos bringin... computer-vision\n", - "1 show infer tell contextual inference creative ... computer-vision\n", - "2 awesome graph classification collection import... other\n", - "3 awesome monte carlo tree search curated list m... other\n", - "4 attentionwalk pytorch implementation watch ste... other" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# DataFrame cleanup\n", - "df = df.drop(columns=[\"id\", \"created_on\", \"title\", \"description\"], errors=\"ignore\") # drop cols\n", - "df = df.dropna(subset=[\"tag\"]) # drop nulls\n", - "df = df[[\"text\", \"tag\"]] # rearrange cols\n", - "df.head()" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Label encoding" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We need to encode our data into numerical values so that our models can process them. We'll start by encoding our text labels into unique indices." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "{'mlops': 0,\n", - " 'natural-language-processing': 1,\n", - " 'computer-vision': 2,\n", - " 'other': 3}" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Label to index\n", - "tags = train_df.tag.unique().tolist()\n", - "num_classes = len(tags)\n", - "class_to_index = {tag: i for i, tag in enumerate(tags)}\n", - "class_to_index" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
texttag
0comparison yolo rcnn real world videos bringin...2
1show infer tell contextual inference creative ...2
2awesome graph classification collection import...3
3awesome monte carlo tree search curated list m...3
4attentionwalk pytorch implementation watch ste...3
\n", - "
" - ], - "text/plain": [ - " text tag\n", - "0 comparison yolo rcnn real world videos bringin... 2\n", - "1 show infer tell contextual inference creative ... 2\n", - "2 awesome graph classification collection import... 3\n", - "3 awesome monte carlo tree search curated list m... 3\n", - "4 attentionwalk pytorch implementation watch ste... 3" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Encode labels\n", - "df[\"tag\"] = df[\"tag\"].map(class_to_index)\n", - "df.head()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "def decode(indices, index_to_class):\n", - " return [index_to_class[index] for index in indices]" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "['computer-vision', 'computer-vision', 'other', 'other', 'other']" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "index_to_class = {v:k for k, v in class_to_index.items()}\n", - "decode(df.head()[\"tag\"].values, index_to_class=index_to_class)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Tokenizer" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Next we'll encode our text as well. Instead of using a random dictionary, we'll use a [tokenizer](https://huggingface.co/allenai/scibert_scivocab_uncased/blob/main/vocab.txt) that was used for a pretrained LLM ([scibert](https://huggingface.co/allenai/scibert_scivocab_uncased)) to tokenize our text. We'll be fine-tuning this exact model later when we train our model." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "import numpy as np\n", - "from transformers import BertTokenizer" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "input_ids: [[ 102 2268 1904 190 29155 168 3267 2998 205 103]]\n", - "attention_mask: [[1 1 1 1 1 1 1 1 1 1]]\n", - "[CLS] transfer learning with transformers for text classification. [SEP]\n" - ] - } - ], - "source": [ - "# Bert tokenizer\n", - "tokenizer = BertTokenizer.from_pretrained(\"allenai/scibert_scivocab_uncased\", return_dict=False)\n", - "text = \"Transfer learning with transformers for text classification.\"\n", - "encoded_inputs = tokenizer([text], return_tensors=\"np\", padding=\"longest\") # pad to longest item in batch\n", - "print (\"input_ids:\", encoded_inputs[\"input_ids\"])\n", - "print (\"attention_mask:\", encoded_inputs[\"attention_mask\"])\n", - "print (tokenizer.decode(encoded_inputs[\"input_ids\"][0]))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "def tokenize(batch):\n", - " tokenizer = BertTokenizer.from_pretrained(\"allenai/scibert_scivocab_uncased\", return_dict=False)\n", - " encoded_inputs = tokenizer(batch[\"text\"].tolist(), return_tensors=\"np\", padding=\"longest\")\n", - " return dict(ids=encoded_inputs[\"input_ids\"], masks=encoded_inputs[\"attention_mask\"], targets=np.array(batch[\"tag\"]))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "{'ids': array([[ 102, 2029, 1778, 609, 6446, 4857, 1332, 2399, 13572,\n", - " 19125, 1983, 1954, 6240, 3717, 7434, 1262, 537, 201,\n", - " 1040, 545, 4714, 103]]),\n", - " 'masks': array([[1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1]]),\n", - " 'targets': array([2])}" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Tokenization\n", - "tokenize(df.head(1))" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "
" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We'll combine all of our preprocessing steps into function:" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "def preprocess(df, class_to_index):\n", - " \"\"\"Preprocess the data.\"\"\"\n", - " df[\"text\"] = df.title + \" \" + df.description # feature engineering\n", - " df[\"text\"] = df.text.apply(clean_text) # clean text\n", - " df = df.drop(columns=[\"id\", \"created_on\", \"title\", \"description\"], errors=\"ignore\") # clean dataframe\n", - " df = df[[\"text\", \"tag\"]] # rearrange columns\n", - " df[\"tag\"] = df[\"tag\"].map(class_to_index) # label encoding\n", - " outputs = tokenize(df)\n", - " return outputs" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "{'ids': array([[ 102, 856, 532, ..., 0, 0, 0],\n", - " [ 102, 2177, 29155, ..., 0, 0, 0],\n", - " [ 102, 2180, 3241, ..., 0, 0, 0],\n", - " ...,\n", - " [ 102, 453, 2068, ..., 5730, 432, 103],\n", - " [ 102, 11268, 1782, ..., 0, 0, 0],\n", - " [ 102, 1596, 122, ..., 0, 0, 0]]),\n", - " 'masks': array([[1, 1, 1, ..., 0, 0, 0],\n", - " [1, 1, 1, ..., 0, 0, 0],\n", - " [1, 1, 1, ..., 0, 0, 0],\n", - " ...,\n", - " [1, 1, 1, ..., 1, 1, 1],\n", - " [1, 1, 1, ..., 0, 0, 0],\n", - " [1, 1, 1, ..., 0, 0, 0]]),\n", - " 'targets': array([0, 1, 1, 1, 1, 2, 1, 2, 3, 1, 2, 2, 1, 1, 2, 2, 2, 2, 1, 2, 0, 1,\n", - " 1, 1, 1, 1, 2, 1, 2, 0, 3, 2, 0, 1, 1, 1, 1, 2, 1, 1, 0, 2, 3, 3,\n", - " 3, 0, 2, 1, 3, 3, 1, 1, 1, 1, 2, 1, 2, 2, 2, 3, 2, 1, 1, 3, 1, 0,\n", - " 1, 2, 2, 2, 3, 2, 3, 2, 3, 2, 1, 1, 3, 3, 3, 1, 1, 2, 3, 0, 1, 1,\n", - " 1, 1, 3, 3, 0, 2, 3, 2, 2, 1, 1, 3, 2, 3, 1, 1, 1, 1, 2, 0, 0, 2,\n", - " 1, 1, 2, 2, 1, 1, 0, 3, 1, 2, 2, 1, 0, 2, 3, 1, 3, 1, 2, 3, 1, 1,\n", - " 3, 3, 2, 1, 1, 0, 1, 3, 1, 1, 2, 2, 0, 0, 2, 1, 1, 1, 2, 3, 2, 1,\n", - " 1, 2, 0, 1, 1, 3, 2, 1, 1, 2, 1, 2, 3, 1, 2, 2, 1, 2, 1, 2, 1, 3,\n", - " 2, 2, 0, 1, 2, 2, 1, 2, 2, 1, 3, 2, 2, 1, 2, 2, 3, 2, 1, 1, 1, 1,\n", - " 2, 2, 2, 0, 2, 1, 0, 2, 1, 3, 1, 1, 1, 1, 2, 1, 3, 3, 2, 1, 0, 1,\n", - " 2, 0, 2, 2, 3, 1, 1, 2, 1, 1, 1, 1, 1, 2, 1, 1, 2, 1, 2, 2, 1, 2,\n", - " 0, 2, 2, 1, 1, 2, 2, 2, 2, 2, 1, 1, 2, 3, 2, 1, 0, 2, 1, 2, 2, 1,\n", - " 1, 2, 1, 2, 2, 1, 1, 2, 1, 2, 2, 2, 3, 2, 1, 2, 0, 2, 2, 1, 2, 3,\n", - " 2, 1, 1, 1, 1, 1, 2, 1, 1, 2, 1, 2, 3, 2, 1, 2, 2, 2, 1, 2, 2, 2,\n", - " 2, 1, 1, 2, 2, 1, 2, 2, 2, 2, 1, 1, 2, 1, 2, 2, 1, 3, 3, 0, 1, 3,\n", - " 0, 2, 1, 1, 1, 1, 1, 0, 2, 1, 3, 2, 1, 2, 2, 1, 1, 3, 0, 3, 3, 2,\n", - " 1, 1, 3, 3, 2, 3, 1, 1, 3, 1, 0, 1, 1, 1, 3, 0, 2, 2, 2, 1, 1, 2,\n", - " 2, 1, 3, 2, 0, 1, 1, 1, 2, 1, 1, 1, 2, 1, 1, 2, 0, 3, 0, 1, 2, 1,\n", - " 3, 2, 3, 2, 2, 0, 2, 3, 2, 2, 2, 1, 2, 1, 1, 1, 2, 1, 1, 1, 1, 1,\n", - " 2, 2, 1, 2, 1, 1, 2, 2, 3, 1, 2, 2, 3, 2, 1, 1, 2, 0, 2, 0, 1, 1,\n", - " 2, 1, 1, 3, 1, 1, 1, 1, 1, 3, 1, 2, 1, 0, 3, 1, 3, 2, 2, 1, 1, 3,\n", - " 2, 1, 2, 1, 3, 1, 2, 2, 1, 2, 2, 2, 1, 0, 3, 2, 1, 3, 1, 1, 2, 1,\n", - " 2, 2, 0, 1, 2, 1, 2, 2, 3, 1, 1, 2, 2, 1, 2, 2, 0, 0, 1, 2, 1, 1,\n", - " 2, 1, 1, 2, 1, 1, 3, 2, 3, 1, 2, 2, 3, 0, 1, 1, 2, 1, 2, 1, 1, 1,\n", - " 1, 1, 2, 1, 3, 1, 0, 2, 1, 3, 1, 2, 2, 1, 0, 2, 3, 2, 3, 2, 1, 1,\n", - " 1, 2, 1, 2, 1, 2, 1, 3, 2, 2, 2, 2, 2, 1, 2, 0, 1, 0, 1, 2, 2, 1,\n", - " 2, 3, 2, 1, 2, 2, 2, 3, 1, 3, 2, 1, 2, 2, 2, 1, 3, 1, 1, 2, 2, 1,\n", - " 2, 3, 2, 2, 0, 1, 2, 2, 2, 0, 1, 2, 1, 3, 0, 2, 3])}" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Apply\n", - "preprocess(df=train_df, class_to_index=class_to_index)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Distributed preprocessing" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "The main issue with our approach above is that we're limited by our single machine in terms how much data our dataframe can hold and that we can preprocess. With the increasing trend in ML for larger unstructured datasets and larger models (LLMs), we can quickly outgrow our single machine constraints and will need to go distributed." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "from madewithml.data import stratify_split\n", - "ray.data.DatasetContext.get_current().execution_options.preserve_order = True" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2023-12-07 11:26:57,951\tINFO read_api.py:406 -- To satisfy the requested parallelism of 24, each read task output is split into 24 smaller blocks.\n", - "2023-12-07 11:26:57,959\tINFO dataset.py:2380 -- Tip: Use `take_batch()` instead of `take() / show()` to return records in pandas or numpy batch format.\n", - "2023-12-07 11:26:57,960\tINFO streaming_executor.py:93 -- Executing DAG InputDataBuffer[Input] -> TaskPoolMapOperator[ReadCSV->SplitBlocks(24)] -> AllToAllOperator[RandomShuffle] -> LimitOperator[limit=1]\n", - "2023-12-07 11:26:57,961\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-12-07 11:26:57,961\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/576 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(24)] -> AllToAllOperator[RandomShuffle] -> LimitOperator[limit=1]\n", - "2023-12-07 11:26:59,974\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-12-07 11:26:59,974\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/576 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(24)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> LimitOperator[limit=1]\n", - "2023-12-07 11:27:00,813\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-12-07 11:27:00,814\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/576 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/576 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(24)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> AllToAllOperator[Aggregate] -> TaskPoolMapOperator[MapBatches()]\n", - "2023-12-07 11:27:01,561\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-12-07 11:27:01,562\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/576 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/576 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(24)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> TaskPoolMapOperator[MapBatches(preprocess)] -> LimitOperator[limit=1]\n", - "2023-12-07 11:27:02,546\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-12-07 11:27:02,546\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/576 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/576 [00:00\n", - "\u001b[2m\u001b[36m(MapBatches(preprocess) pid=21398)\u001b[0m Traceback (most recent call last):\n", - "\u001b[2m\u001b[36m(MapBatches(preprocess) pid=21398)\u001b[0m File \"/Users/goku/Documents/tobias/venv/lib/python3.10/site-packages/ray/data/dataset.py\", line 5222, in __del__\n", - "\u001b[2m\u001b[36m(MapBatches(preprocess) pid=21398)\u001b[0m if self._current_executor and ray is not None and ray.is_initialized():\n", - "\u001b[2m\u001b[36m(MapBatches(preprocess) pid=21398)\u001b[0m KeyboardInterrupt: \n" - ] - } - ], - "source": [ - "# Distributed preprocessing\n", - "sample_ds = train_ds.map_batches(preprocess, fn_kwargs={\"class_to_index\": class_to_index}, batch_format=\"pandas\")\n", - "sample_ds.show(1)" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "lGvI2YuuNkSX", - "tags": [] - }, - "source": [ - "# Training" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "When developing models, it's always a best practice to start with the simplest models and slowly motivate more complex models. For example our baseline model progression would be: \n", - "\n", - "1. random model (predict labels randomly)\n", - "2. rule-based model (pattern match labels in input text)\n", - "3. logistic regression (td-idf vectors from text)\n", - "4. CNN (apply character filters over text)\n", - "5. Fine-tune LLM (this notebook)\n", - "\n", - "We cover all of these methods in our [other lessons](https://madewithml.com/#foundations) but since our focus here in on MLOps, we will skip directly to fine-tuning an LLM for our task." - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "K9CfUuNh2YLE" - }, - "source": [ - "We'll first set up some functions that will help us achieve complete reproducibility." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "86sFERmsuPQl", - "tags": [] - }, - "outputs": [], - "source": [ - "import os\n", - "import random\n", - "import torch\n", - "from ray.data.preprocessor import Preprocessor" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "NXd8flJuNkSY", - "tags": [] - }, - "outputs": [], - "source": [ - "def set_seeds(seed=42):\n", - " \"\"\"Set seeds for reproducibility.\"\"\"\n", - " np.random.seed(seed)\n", - " random.seed(seed)\n", - " torch.manual_seed(seed)\n", - " torch.cuda.manual_seed(seed)\n", - " eval(\"setattr(torch.backends.cudnn, 'deterministic', True)\")\n", - " eval(\"setattr(torch.backends.cudnn, 'benchmark', False)\")\n", - " os.environ[\"PYTHONHASHSEED\"] = str(seed)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "def load_data(num_samples=None):\n", - " ds = ray.data.read_csv(DATASET_LOC)\n", - " ds = ds.random_shuffle(seed=1234)\n", - " ds = ray.data.from_items(ds.take(num_samples)) if num_samples else ds\n", - " return ds" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "class CustomPreprocessor():\n", - " \"\"\"Custom preprocessor class.\"\"\"\n", - " def __init__(self, class_to_index={}):\n", - " self.class_to_index = class_to_index or {} # mutable defaults\n", - " self.index_to_class = {v: k for k, v in self.class_to_index.items()}\n", - " \n", - " def fit(self, ds):\n", - " tags = ds.unique(column=\"tag\")\n", - " self.class_to_index = {tag: i for i, tag in enumerate(tags)}\n", - " self.index_to_class = {v:k for k, v in self.class_to_index.items()}\n", - " return self\n", - " \n", - " def transform(self, ds):\n", - " return ds.map_batches(\n", - " preprocess, \n", - " fn_kwargs={\"class_to_index\": self.class_to_index}, \n", - " batch_format=\"pandas\")" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## 🤖 Model" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "import torch.nn as nn\n", - "from transformers import BertModel" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "Some weights of the model checkpoint at allenai/scibert_scivocab_uncased were not used when initializing BertModel: ['cls.predictions.decoder.weight', 'cls.predictions.transform.dense.bias', 'cls.predictions.bias', 'cls.seq_relationship.weight', 'cls.seq_relationship.bias', 'cls.predictions.transform.LayerNorm.weight', 'cls.predictions.transform.LayerNorm.bias', 'cls.predictions.transform.dense.weight', 'cls.predictions.decoder.bias']\n", - "- This IS expected if you are initializing BertModel from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n", - "- This IS NOT expected if you are initializing BertModel from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).\n" - ] - } - ], - "source": [ - "# Pretrained LLM\n", - "llm = BertModel.from_pretrained(\"allenai/scibert_scivocab_uncased\", return_dict=False)\n", - "embedding_dim = llm.config.hidden_size" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "(torch.Size([1, 10, 768]), torch.Size([1, 768]))" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Sample\n", - "text = \"Transfer learning with transformers for text classification.\"\n", - "batch = tokenizer([text], return_tensors=\"np\", padding=\"longest\")\n", - "batch = {k:torch.tensor(v) for k,v in batch.items()} # convert to torch tensors\n", - "seq, pool = llm(input_ids=batch[\"input_ids\"], attention_mask=batch[\"attention_mask\"])\n", - "np.shape(seq), np.shape(pool)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "class FinetunedLLM(nn.Module):\n", - " def __init__(self, llm, dropout_p, embedding_dim, num_classes):\n", - " super(FinetunedLLM, self).__init__()\n", - " self.llm = llm\n", - " self.dropout_p = dropout_p\n", - " self.embedding_dim = embedding_dim\n", - " self.num_classes = num_classes\n", - " self.dropout = torch.nn.Dropout(dropout_p)\n", - " self.fc1 = torch.nn.Linear(embedding_dim, num_classes)\n", - "\n", - " def forward(self, batch):\n", - " ids, masks = batch[\"ids\"], batch[\"masks\"]\n", - " seq, pool = self.llm(input_ids=ids, attention_mask=masks)\n", - " z = self.dropout(pool)\n", - " z = self.fc1(z)\n", - " return z\n", - " \n", - " @torch.inference_mode()\n", - " def predict(self, batch):\n", - " self.eval()\n", - " z = self(batch)\n", - " y_pred = torch.argmax(z, dim=1).cpu().numpy()\n", - " return y_pred\n", - " \n", - " @torch.inference_mode()\n", - " def predict_proba(self, batch):\n", - " self.eval()\n", - " z = self(batch)\n", - " y_probs = F.softmax(z, dim=1).cpu().numpy()\n", - " return y_probs\n", - " \n", - " def save(self, dp):\n", - " with open(Path(dp, \"args.json\"), \"w\") as fp:\n", - " contents = {\n", - " \"dropout_p\": self.dropout_p,\n", - " \"embedding_dim\": self.embedding_dim,\n", - " \"num_classes\": self.num_classes,\n", - " }\n", - " json.dump(contents, fp, indent=4, sort_keys=False)\n", - " torch.save(self.state_dict(), os.path.join(dp, \"model.pt\"))\n", - "\n", - " @classmethod\n", - " def load(cls, args_fp, state_dict_fp):\n", - " with open(args_fp, \"r\") as fp:\n", - " kwargs = json.load(fp=fp)\n", - " llm = BertModel.from_pretrained(\"allenai/scibert_scivocab_uncased\", return_dict=False)\n", - " model = cls(llm=llm, **kwargs)\n", - " model.load_state_dict(torch.load(state_dict_fp, map_location=torch.device(\"cpu\")))\n", - " return model" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n" - ] - } - ], - "source": [ - "# Initialize model\n", - "model = FinetunedLLM(llm=llm, dropout_p=0.5, embedding_dim=embedding_dim, num_classes=num_classes)\n", - "print (model.named_parameters)" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "## 📦 Batching" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "We can iterate through our dataset in batches however we may have batches of different sizes. Recall that our tokenizer padded the inputs to the longest item in the batch (`padding=\"longest\"`). However, our batches for training will be smaller than our large data processing batches and so our batches here may have inputs with different lengths. To address this, we're going to define a custom `collate_fn` to repad the items in our training batches." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Created a temporary directory at /var/folders/x8/ffj4btjx0cv6r653rgfnffsc0000gn/T/tmpfieao6lq\n", - "Writing /var/folders/x8/ffj4btjx0cv6r653rgfnffsc0000gn/T/tmpfieao6lq/_remote_module_non_scriptable.py\n" - ] - } - ], - "source": [ - "from ray.train.torch import get_device" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "def pad_array(arr, dtype=np.int32):\n", - " max_len = max(len(row) for row in arr)\n", - " padded_arr = np.zeros((arr.shape[0], max_len), dtype=dtype)\n", - " for i, row in enumerate(arr):\n", - " padded_arr[i][:len(row)] = row\n", - " return padded_arr" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "def collate_fn(batch):\n", - " batch[\"ids\"] = pad_array(batch[\"ids\"])\n", - " batch[\"masks\"] = pad_array(batch[\"masks\"])\n", - " dtypes = {\"ids\": torch.int32, \"masks\": torch.int32, \"targets\": torch.int64}\n", - " tensor_batch = {}\n", - " for key, array in batch.items():\n", - " tensor_batch[key] = torch.as_tensor(array, dtype=dtypes[key], device=get_device())\n", - " return tensor_batch" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "> `pad=(0, max_len)` in [F.pad](https://pytorch.org/docs/stable/generated/torch.nn.functional.pad.html#torch-nn-functional-pad) refers to (left_padding, right_padding) on the input. There will be no left-padding (hence the `0`) and only right-padding. And the `constant` mode refers to each element being padded to a constant size (size of longest element in the input)." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2023-12-07 11:27:34,483\tINFO streaming_executor.py:93 -- Executing DAG InputDataBuffer[Input] -> TaskPoolMapOperator[ReadCSV->SplitBlocks(24)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> TaskPoolMapOperator[MapBatches(preprocess)] -> LimitOperator[limit=128]\n", - "2023-12-07 11:27:34,484\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-12-07 11:27:34,484\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/576 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/576 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> LimitOperator[limit=1]\n", - "2023-09-18 21:57:50,565\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-18 21:57:50,566\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> LimitOperator[limit=1]\n", - "2023-09-18 21:57:51,012\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-18 21:57:51,012\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> AllToAllOperator[Aggregate] -> TaskPoolMapOperator[MapBatches()]\n", - "2023-09-18 21:57:53,337\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-18 21:57:53,338\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> TaskPoolMapOperator[MapBatches(preprocess)]\n", - "2023-09-18 21:57:54,977\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-18 21:57:54,977\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> TaskPoolMapOperator[MapBatches(preprocess)]\n", - "2023-09-18 21:57:56,897\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-18 21:57:56,898\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/4096 [00:00\n", - "
\n", - "
\n", - "

Tune Status

\n", - " \n", - "\n", - "\n", - "\n", - "\n", - "\n", - "
Current time:2023-09-18 21:59:12
Running for: 00:01:13.39
Memory: 22.2/62.1 GiB
\n", - "
\n", - "
\n", - "
\n", - "

System Info

\n", - " Using FIFO scheduling algorithm.
Logical resource usage: 4.0/32 CPUs, 1.0/2 GPUs (0.0/2.0 accelerator_type:A10G)\n", - "
\n", - " \n", - "
\n", - "
\n", - "
\n", - "

Trial Status

\n", - " \n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "
Trial name status loc iter total time (s) epoch lr train_loss
TorchTrainer_1a81f_00000TERMINATED10.0.34.101:727773 10 68.3685 90.0001 0.0525064
\n", - "
\n", - "\n", - "\n" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "\u001b[2m\u001b[36m(TorchTrainer pid=727773, ip=10.0.34.101)\u001b[0m Starting distributed worker processes: ['727834 (10.0.34.101)']\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=727834, ip=10.0.34.101)\u001b[0m Setting up process group for: env:// [rank=0, world_size=1]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Auto configuring locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b']\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=727834, ip=10.0.34.101)\u001b[0m Moving model to device: cuda:0\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Executing DAG InputDataBuffer[Input] -> OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=727900, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=727900, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=727900, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=727900, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=727900, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=727900, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=727900, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=727900, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=727900, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=727900, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=727900, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
epochlrtrain_lossval_losstimestampshould_checkpointdonetraining_iterationtrial_iddate...time_since_restoreiterations_since_restorecheckpoint_dir_nameconfig/train_loop_config/dropout_pconfig/train_loop_config/lrconfig/train_loop_config/lr_factorconfig/train_loop_config/lr_patienceconfig/train_loop_config/num_epochsconfig/train_loop_config/batch_sizeconfig/train_loop_config/num_classes
000.00010.5770600.4994631695099495TrueFalse11a81f_000002023-09-18_21-58-15...12.8838821checkpoint_0000000.50.00010.83102564
110.00010.4977960.4546311695099501TrueFalse21a81f_000002023-09-18_21-58-21...18.9866892checkpoint_0000010.50.00010.83102564
220.00010.4324760.3242191695099507TrueFalse31a81f_000002023-09-18_21-58-27...25.0888693checkpoint_0000020.50.00010.83102564
330.00010.3196990.2500691695099513TrueFalse41a81f_000002023-09-18_21-58-33...31.1925354checkpoint_0000030.50.00010.83102564
440.00010.2438720.2089181695099519TrueFalse51a81f_000002023-09-18_21-58-39...37.3382415checkpoint_0000040.50.00010.83102564
550.00010.1888710.1830511695099525TrueFalse61a81f_000002023-09-18_21-58-45...43.4585406checkpoint_0000050.50.00010.83102564
660.00010.1453480.1396731695099532TrueFalse71a81f_000002023-09-18_21-58-52...49.5594157checkpoint_0000060.50.00010.83102564
770.00010.1029190.1266151695099538TrueFalse81a81f_000002023-09-18_21-58-58...56.1167728checkpoint_0000070.50.00010.83102564
880.00010.0740930.1357461695099544TrueFalse91a81f_000002023-09-18_21-59-04...62.2195639checkpoint_0000080.50.00010.83102564
990.00010.0525060.1135681695099550TrueFalse101a81f_000002023-09-18_21-59-10...68.36852610checkpoint_0000090.50.00010.83102564
\n", - "

10 rows × 25 columns

\n", - "" - ], - "text/plain": [ - " epoch lr train_loss val_loss timestamp should_checkpoint done \\\n", - "0 0 0.0001 0.577060 0.499463 1695099495 True False \n", - "1 1 0.0001 0.497796 0.454631 1695099501 True False \n", - "2 2 0.0001 0.432476 0.324219 1695099507 True False \n", - "3 3 0.0001 0.319699 0.250069 1695099513 True False \n", - "4 4 0.0001 0.243872 0.208918 1695099519 True False \n", - "5 5 0.0001 0.188871 0.183051 1695099525 True False \n", - "6 6 0.0001 0.145348 0.139673 1695099532 True False \n", - "7 7 0.0001 0.102919 0.126615 1695099538 True False \n", - "8 8 0.0001 0.074093 0.135746 1695099544 True False \n", - "9 9 0.0001 0.052506 0.113568 1695099550 True False \n", - "\n", - " training_iteration trial_id date ... \\\n", - "0 1 1a81f_00000 2023-09-18_21-58-15 ... \n", - "1 2 1a81f_00000 2023-09-18_21-58-21 ... \n", - "2 3 1a81f_00000 2023-09-18_21-58-27 ... \n", - "3 4 1a81f_00000 2023-09-18_21-58-33 ... \n", - "4 5 1a81f_00000 2023-09-18_21-58-39 ... \n", - "5 6 1a81f_00000 2023-09-18_21-58-45 ... \n", - "6 7 1a81f_00000 2023-09-18_21-58-52 ... \n", - "7 8 1a81f_00000 2023-09-18_21-58-58 ... \n", - "8 9 1a81f_00000 2023-09-18_21-59-04 ... \n", - "9 10 1a81f_00000 2023-09-18_21-59-10 ... \n", - "\n", - " time_since_restore iterations_since_restore checkpoint_dir_name \\\n", - "0 12.883882 1 checkpoint_000000 \n", - "1 18.986689 2 checkpoint_000001 \n", - "2 25.088869 3 checkpoint_000002 \n", - "3 31.192535 4 checkpoint_000003 \n", - "4 37.338241 5 checkpoint_000004 \n", - "5 43.458540 6 checkpoint_000005 \n", - "6 49.559415 7 checkpoint_000006 \n", - "7 56.116772 8 checkpoint_000007 \n", - "8 62.219563 9 checkpoint_000008 \n", - "9 68.368526 10 checkpoint_000009 \n", - "\n", - " config/train_loop_config/dropout_p config/train_loop_config/lr \\\n", - "0 0.5 0.0001 \n", - "1 0.5 0.0001 \n", - "2 0.5 0.0001 \n", - "3 0.5 0.0001 \n", - "4 0.5 0.0001 \n", - "5 0.5 0.0001 \n", - "6 0.5 0.0001 \n", - "7 0.5 0.0001 \n", - "8 0.5 0.0001 \n", - "9 0.5 0.0001 \n", - "\n", - " config/train_loop_config/lr_factor config/train_loop_config/lr_patience \\\n", - "0 0.8 3 \n", - "1 0.8 3 \n", - "2 0.8 3 \n", - "3 0.8 3 \n", - "4 0.8 3 \n", - "5 0.8 3 \n", - "6 0.8 3 \n", - "7 0.8 3 \n", - "8 0.8 3 \n", - "9 0.8 3 \n", - "\n", - " config/train_loop_config/num_epochs config/train_loop_config/batch_size \\\n", - "0 10 256 \n", - "1 10 256 \n", - "2 10 256 \n", - "3 10 256 \n", - "4 10 256 \n", - "5 10 256 \n", - "6 10 256 \n", - "7 10 256 \n", - "8 10 256 \n", - "9 10 256 \n", - "\n", - " config/train_loop_config/num_classes \n", - "0 4 \n", - "1 4 \n", - "2 4 \n", - "3 4 \n", - "4 4 \n", - "5 4 \n", - "6 4 \n", - "7 4 \n", - "8 4 \n", - "9 4 \n", - "\n", - "[10 rows x 25 columns]" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Metrics per epoch\n", - "results.metrics_dataframe" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[(Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/llm/TorchTrainer_e2941_00000_0_2023-09-17_22-40-33/checkpoint_000009),\n", - " {'epoch': 9,\n", - " 'lr': 0.0001,\n", - " 'train_loss': 0.052506402134895325,\n", - " 'val_loss': 0.11356845498085022,\n", - " 'timestamp': 1695015703,\n", - " 'should_checkpoint': True,\n", - " 'done': False,\n", - " 'training_iteration': 10,\n", - " 'trial_id': 'e2941_00000',\n", - " 'date': '2023-09-17_22-41-43',\n", - " 'time_this_iter_s': 6.128554105758667,\n", - " 'time_total_s': 66.49748063087463,\n", - " 'pid': 842775,\n", - " 'hostname': 'ip-10-0-35-174',\n", - " 'node_ip': '10.0.35.174',\n", - " 'config': {'train_loop_config': {'dropout_p': 0.5,\n", - " 'lr': 0.0001,\n", - " 'lr_factor': 0.8,\n", - " 'lr_patience': 3,\n", - " 'num_epochs': 10,\n", - " 'batch_size': 256,\n", - " 'num_classes': 4}},\n", - " 'time_since_restore': 66.49748063087463,\n", - " 'iterations_since_restore': 10})]" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Best checkpoints\n", - "results.best_checkpoints" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Evaluation" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "from sklearn.metrics import precision_recall_fscore_support" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "class TorchPredictor:\n", - " def __init__(self, preprocessor, model):\n", - " self.preprocessor = preprocessor\n", - " self.model = model\n", - " self.model.eval()\n", - " \n", - " def __call__(self, batch):\n", - " results = self.model.predict(collate_fn(batch))\n", - " return {\"output\": results}\n", - "\n", - " def predict_proba(self, batch):\n", - " results = self.model.predict_proba(collate_fn(batch))\n", - " return {\"output\": results}\n", - " \n", - " def get_preprocessor(self):\n", - " return self.preprocessor\n", - " \n", - " @classmethod\n", - " def from_checkpoint(cls, checkpoint):\n", - " metadata = checkpoint.get_metadata()\n", - " preprocessor = CustomPreprocessor(class_to_index=metadata[\"class_to_index\"])\n", - " model = FinetunedLLM.load(Path(checkpoint.path, \"args.json\"), Path(checkpoint.path, \"model.pt\"))\n", - " return cls(preprocessor=preprocessor, model=model)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "# Artifacts\n", - "best_checkpoint = results.best_checkpoints[0][0]\n", - "predictor = TorchPredictor.from_checkpoint(best_checkpoint)\n", - "preprocessor = predictor.get_preprocessor()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2023-09-17 22:41:46,264\tINFO read_api.py:406 -- To satisfy the requested parallelism of 64, each read task output is split into 64 smaller blocks.\n", - "2023-09-17 22:41:46,268\tINFO streaming_executor.py:93 -- Executing DAG InputDataBuffer[Input] -> TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> TaskPoolMapOperator[MapBatches(preprocess)] -> LimitOperator[limit=1]\n", - "2023-09-17 22:41:46,268\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:41:46,269\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/1 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> TaskPoolMapOperator[MapBatches(preprocess)->MapBatches()]\n", - "2023-09-17 22:41:46,831\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:41:46,832\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> TaskPoolMapOperator[MapBatches(preprocess)->MapBatches(TorchPredictor)]\n", - "2023-09-17 22:41:47,785\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:41:47,786\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/4096 [00:00MapBatches(TorchPredictor) pid=348532, ip=10.0.34.101)\u001b[0m /tmp/ipykernel_841208/1209796013.py:7: UserWarning: The given NumPy array is not writable, and PyTorch does not support non-writable tensors. This means writing to this tensor will result in undefined behavior. You may want to copy the array to protect its data or make it writable before converting it to a tensor. This type of warning will be suppressed for the rest of this program. (Triggered internally at ../torch/csrc/utils/tensor_numpy.cpp:206.)\n" - ] - } - ], - "source": [ - "# y_pred\n", - "predictions = preprocessed_ds.map_batches(predictor).take_all()\n", - "y_pred = np.array([d[\"output\"] for d in predictions])" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "{'precision': 0.9138952286238713,\n", - " 'recall': 0.9109947643979057,\n", - " 'f1': 0.9114851103432928}" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Evaluate\n", - "metrics = precision_recall_fscore_support(y_true, y_pred, average=\"weighted\")\n", - "{\"precision\": metrics[0], \"recall\": metrics[1], \"f1\": metrics[2]}" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "def evaluate(ds, predictor):\n", - " # y_true\n", - " preprocessor = predictor.get_preprocessor()\n", - " preprocessed_ds = preprocessor.transform(ds)\n", - " values = preprocessed_ds.select_columns(cols=[\"targets\"]).take_all()\n", - " y_true = np.stack([item[\"targets\"] for item in values])\n", - " \n", - " # y_pred\n", - " predictions = preprocessed_ds.map_batches(predictor).take_all()\n", - " y_pred = np.array([d[\"output\"] for d in predictions])\n", - "\n", - " # Evaluate\n", - " metrics = precision_recall_fscore_support(y_true, y_pred, average=\"weighted\")\n", - " performance = {\"precision\": metrics[0], \"recall\": metrics[1], \"f1\": metrics[2]}\n", - " return performance" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2023-09-17 22:41:54,734\tINFO streaming_executor.py:93 -- Executing DAG InputDataBuffer[Input] -> TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> TaskPoolMapOperator[MapBatches(preprocess)->MapBatches()]\n", - "2023-09-17 22:41:54,734\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:41:54,735\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> TaskPoolMapOperator[MapBatches(preprocess)->MapBatches(TorchPredictor)]\n", - "2023-09-17 22:41:55,456\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:41:55,456\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/4096 [00:00 TaskPoolMapOperator[MapBatches(preprocess)->MapBatches(TorchPredictor.predict_proba)]\n", - "2023-09-17 22:42:00,134\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:42:00,134\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/1 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> LimitOperator[limit=1]\n", - "2023-09-17 22:42:01,337\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:42:01,338\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> LimitOperator[limit=1]\n", - "2023-09-17 22:42:01,795\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:42:01,796\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> AllToAllOperator[Aggregate] -> TaskPoolMapOperator[MapBatches()]\n", - "2023-09-17 22:42:03,340\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:42:03,340\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> TaskPoolMapOperator[MapBatches(preprocess)]\n", - "2023-09-17 22:42:05,079\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:42:05,079\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> TaskPoolMapOperator[MapBatches(preprocess)]\n", - "2023-09-17 22:42:07,293\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:42:07,293\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/4096 [00:00\n", - "
\n", - "
\n", - "

Tune Status

\n", - " \n", - "\n", - "\n", - "\n", - "\n", - "\n", - "
Current time:2023-09-17 22:43:31
Running for: 00:01:21.68
Memory: 20.8/62.1 GiB
\n", - "
\n", - "
\n", - "
\n", - "

System Info

\n", - " Using FIFO scheduling algorithm.
Logical resource usage: 4.0/32 CPUs, 1.0/2 GPUs (0.0/2.0 accelerator_type:A10G)\n", - "
\n", - " \n", - "
\n", - "
\n", - "
\n", - "

Trial Status

\n", - " \n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "
Trial name status loc iter total time (s) epoch lr train_loss
TorchTrainer_1bd07_00000TERMINATED10.0.35.174:844750 10 63.6994 90.0001 0.0421994
\n", - "
\n", - "\n", - "\n" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "\u001b[2m\u001b[36m(TorchTrainer pid=844750)\u001b[0m Starting distributed worker processes: ['844833 (10.0.35.174)']\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m Setting up process group for: env:// [rank=0, world_size=1]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Auto configuring locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a']\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m Moving model to device: cuda:0\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=844909) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m /tmp/ipykernel_841208/1209796013.py:7: UserWarning: The given NumPy array is not writable, and PyTorch does not support non-writable tensors. This means writing to this tensor will result in undefined behavior. You may want to copy the array to protect its data or make it writable before converting it to a tensor. This type of warning will be suppressed for the rest of this program. (Triggered internally at ../torch/csrc/utils/tensor_numpy.cpp:206.)\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-42-09/TorchTrainer_1bd07_00000_0_2023-09-17_22-42-09/checkpoint_000000)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=844909) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-42-09/TorchTrainer_1bd07_00000_0_2023-09-17_22-42-09/checkpoint_000001)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=844909) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-42-09/TorchTrainer_1bd07_00000_0_2023-09-17_22-42-09/checkpoint_000002)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=844909) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-42-09/TorchTrainer_1bd07_00000_0_2023-09-17_22-42-09/checkpoint_000003)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=844909) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-42-09/TorchTrainer_1bd07_00000_0_2023-09-17_22-42-09/checkpoint_000004)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=844909) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-42-09/TorchTrainer_1bd07_00000_0_2023-09-17_22-42-09/checkpoint_000005)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=844909) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-42-09/TorchTrainer_1bd07_00000_0_2023-09-17_22-42-09/checkpoint_000006)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=844909) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "2023-09-17 22:43:01,995\tWARNING worker.py:2012 -- [tqdm_ray] Failed to decode {\"__magic_token__\": \"__ray_tqdm_magic_token__\", \"x\": 47, \"pos\": 0, \"desc\": \"Running: 0.0/32.0 CPU, 0.0/2.0 GPU, 0.28 MiB/8.95 GiB object_store_memory\", \"total\": 64, \"ip\": \"10.0.35.174\", \"pid\": 844909, \"uuid\": \"54df93474628434c, this may be due to logging too fast. This warning will not be printed again.\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m 8d2fe8f67788261f\", \"closed\": false}\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-42-09/TorchTrainer_1bd07_00000_0_2023-09-17_22-42-09/checkpoint_000007)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=844909) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-42-09/TorchTrainer_1bd07_00000_0_2023-09-17_22-42-09/checkpoint_000008)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=844909) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=844909)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=844833)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-42-09/TorchTrainer_1bd07_00000_0_2023-09-17_22-42-09/checkpoint_000009)\n", - "2023-09-17 22:43:31,004\tINFO tune.py:1143 -- Total run time: 81.76 seconds (81.66 seconds for the tuning loop).\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 1.23 s, sys: 1.31 s, total: 2.53 s\n", - "Wall time: 1min 21s\n" - ] - } - ], - "source": [ - "%%time\n", - "# Train\n", - "results = trainer.fit()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
epochlrtrain_lossval_losstimestampshould_checkpointdonetraining_iterationtrial_iddate...time_since_restoreiterations_since_restorecheckpoint_dir_nameconfig/train_loop_config/dropout_pconfig/train_loop_config/lrconfig/train_loop_config/lr_factorconfig/train_loop_config/lr_patienceconfig/train_loop_config/num_epochsconfig/train_loop_config/batch_sizeconfig/train_loop_config/num_classes
000.00010.5777800.4931021695015745TrueFalse11bd07_000002023-09-17_22-42-25...11.8825751checkpoint_0000000.50.00010.83102564
110.00010.4896530.4319581695015751TrueFalse21bd07_000002023-09-17_22-42-31...17.6544352checkpoint_0000010.50.00010.83102564
220.00010.3988240.3062011695015757TrueFalse31bd07_000002023-09-17_22-42-37...23.3537523checkpoint_0000020.50.00010.83102564
330.00010.3005130.2388031695015763TrueFalse41bd07_000002023-09-17_22-42-43...29.1189924checkpoint_0000030.50.00010.83102564
440.00010.2206080.1744111695015769TrueFalse51bd07_000002023-09-17_22-42-49...34.8974855checkpoint_0000040.50.00010.83102564
550.00010.1514990.1586481695015775TrueFalse61bd07_000002023-09-17_22-42-55...40.6453846checkpoint_0000050.50.00010.83102564
660.00010.1050870.1128291695015781TrueFalse71bd07_000002023-09-17_22-43-01...46.3875687checkpoint_0000060.50.00010.83102564
770.00010.0773850.0919221695015788TrueFalse81bd07_000002023-09-17_22-43-08...52.1533438checkpoint_0000070.50.00010.83102564
880.00010.0538570.1098101695015794TrueFalse91bd07_000002023-09-17_22-43-14...57.9010849checkpoint_0000080.50.00010.83102564
990.00010.0421990.1211221695015800TrueFalse101bd07_000002023-09-17_22-43-20...63.69944410checkpoint_0000090.50.00010.83102564
\n", - "

10 rows × 25 columns

\n", - "
" - ], - "text/plain": [ - " epoch lr train_loss val_loss timestamp should_checkpoint done \\\n", - "0 0 0.0001 0.577780 0.493102 1695015745 True False \n", - "1 1 0.0001 0.489653 0.431958 1695015751 True False \n", - "2 2 0.0001 0.398824 0.306201 1695015757 True False \n", - "3 3 0.0001 0.300513 0.238803 1695015763 True False \n", - "4 4 0.0001 0.220608 0.174411 1695015769 True False \n", - "5 5 0.0001 0.151499 0.158648 1695015775 True False \n", - "6 6 0.0001 0.105087 0.112829 1695015781 True False \n", - "7 7 0.0001 0.077385 0.091922 1695015788 True False \n", - "8 8 0.0001 0.053857 0.109810 1695015794 True False \n", - "9 9 0.0001 0.042199 0.121122 1695015800 True False \n", - "\n", - " training_iteration trial_id date ... \\\n", - "0 1 1bd07_00000 2023-09-17_22-42-25 ... \n", - "1 2 1bd07_00000 2023-09-17_22-42-31 ... \n", - "2 3 1bd07_00000 2023-09-17_22-42-37 ... \n", - "3 4 1bd07_00000 2023-09-17_22-42-43 ... \n", - "4 5 1bd07_00000 2023-09-17_22-42-49 ... \n", - "5 6 1bd07_00000 2023-09-17_22-42-55 ... \n", - "6 7 1bd07_00000 2023-09-17_22-43-01 ... \n", - "7 8 1bd07_00000 2023-09-17_22-43-08 ... \n", - "8 9 1bd07_00000 2023-09-17_22-43-14 ... \n", - "9 10 1bd07_00000 2023-09-17_22-43-20 ... \n", - "\n", - " time_since_restore iterations_since_restore checkpoint_dir_name \\\n", - "0 11.882575 1 checkpoint_000000 \n", - "1 17.654435 2 checkpoint_000001 \n", - "2 23.353752 3 checkpoint_000002 \n", - "3 29.118992 4 checkpoint_000003 \n", - "4 34.897485 5 checkpoint_000004 \n", - "5 40.645384 6 checkpoint_000005 \n", - "6 46.387568 7 checkpoint_000006 \n", - "7 52.153343 8 checkpoint_000007 \n", - "8 57.901084 9 checkpoint_000008 \n", - "9 63.699444 10 checkpoint_000009 \n", - "\n", - " config/train_loop_config/dropout_p config/train_loop_config/lr \\\n", - "0 0.5 0.0001 \n", - "1 0.5 0.0001 \n", - "2 0.5 0.0001 \n", - "3 0.5 0.0001 \n", - "4 0.5 0.0001 \n", - "5 0.5 0.0001 \n", - "6 0.5 0.0001 \n", - "7 0.5 0.0001 \n", - "8 0.5 0.0001 \n", - "9 0.5 0.0001 \n", - "\n", - " config/train_loop_config/lr_factor config/train_loop_config/lr_patience \\\n", - "0 0.8 3 \n", - "1 0.8 3 \n", - "2 0.8 3 \n", - "3 0.8 3 \n", - "4 0.8 3 \n", - "5 0.8 3 \n", - "6 0.8 3 \n", - "7 0.8 3 \n", - "8 0.8 3 \n", - "9 0.8 3 \n", - "\n", - " config/train_loop_config/num_epochs config/train_loop_config/batch_size \\\n", - "0 10 256 \n", - "1 10 256 \n", - "2 10 256 \n", - "3 10 256 \n", - "4 10 256 \n", - "5 10 256 \n", - "6 10 256 \n", - "7 10 256 \n", - "8 10 256 \n", - "9 10 256 \n", - "\n", - " config/train_loop_config/num_classes \n", - "0 4 \n", - "1 4 \n", - "2 4 \n", - "3 4 \n", - "4 4 \n", - "5 4 \n", - "6 4 \n", - "7 4 \n", - "8 4 \n", - "9 4 \n", - "\n", - "[10 rows x 25 columns]" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "results.metrics_dataframe" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
run_idexperiment_idstatusartifact_uristart_timeend_timemetrics.config/train_loop_config/lr_patiencemetrics.time_total_smetrics.time_since_restoremetrics.config/train_loop_config/num_epochs...metrics.epochparams.train_loop_config/num_epochsparams.train_loop_config/lr_patienceparams.train_loop_config/batch_sizeparams.train_loop_config/lrparams.train_loop_config/lr_factorparams.train_loop_config/num_classesparams.train_loop_config/dropout_ptags.trial_nametags.mlflow.runName
0a67f6ec4e10b49a7845b91db61efc7e0703905858072772764FINISHEDfile:///efs/shared_storage/madewithml/GokuMoha...2023-09-18 05:42:12.863000+00:002023-09-18 05:43:30.925000+00:003.063.69944463.69944410.0...9.01032560.00010.840.5TorchTrainer_1bd07_00000TorchTrainer_1bd07_00000
\n", - "

1 rows × 35 columns

\n", - "
" - ], - "text/plain": [ - " run_id experiment_id status \\\n", - "0 a67f6ec4e10b49a7845b91db61efc7e0 703905858072772764 FINISHED \n", - "\n", - " artifact_uri \\\n", - "0 file:///efs/shared_storage/madewithml/GokuMoha... \n", - "\n", - " start_time end_time \\\n", - "0 2023-09-18 05:42:12.863000+00:00 2023-09-18 05:43:30.925000+00:00 \n", - "\n", - " metrics.config/train_loop_config/lr_patience metrics.time_total_s \\\n", - "0 3.0 63.699444 \n", - "\n", - " metrics.time_since_restore metrics.config/train_loop_config/num_epochs \\\n", - "0 63.699444 10.0 \n", - "\n", - " ... metrics.epoch params.train_loop_config/num_epochs \\\n", - "0 ... 9.0 10 \n", - "\n", - " params.train_loop_config/lr_patience params.train_loop_config/batch_size \\\n", - "0 3 256 \n", - "\n", - " params.train_loop_config/lr params.train_loop_config/lr_factor \\\n", - "0 0.0001 0.8 \n", - "\n", - " params.train_loop_config/num_classes params.train_loop_config/dropout_p \\\n", - "0 4 0.5 \n", - "\n", - " tags.trial_name tags.mlflow.runName \n", - "0 TorchTrainer_1bd07_00000 TorchTrainer_1bd07_00000 \n", - "\n", - "[1 rows x 35 columns]" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Sorted runs\n", - "sorted_runs = mlflow.search_runs(experiment_names=[experiment_name], order_by=[\"metrics.val_loss ASC\"])\n", - "sorted_runs" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "run_id a67f6ec4e10b49a7845b91db61efc7e0\n", - "experiment_id 703905858072772764\n", - "status FINISHED\n", - "artifact_uri file:///efs/shared_storage/madewithml/GokuMoha...\n", - "start_time 2023-09-18 05:42:12.863000+00:00\n", - "end_time 2023-09-18 05:43:30.925000+00:00\n", - "metrics.config/train_loop_config/lr_patience 3.0\n", - "metrics.time_total_s 63.699444\n", - "metrics.time_since_restore 63.699444\n", - "metrics.config/train_loop_config/num_epochs 10.0\n", - "metrics.iterations_since_restore 10.0\n", - "metrics.config/train_loop_config/batch_size 256.0\n", - "metrics.pid 844750.0\n", - "metrics.should_checkpoint 1.0\n", - "metrics.timestamp 1695015800.0\n", - "metrics.config/train_loop_config/num_classes 4.0\n", - "metrics.done 0.0\n", - "metrics.time_this_iter_s 5.79836\n", - "metrics.train_loss 0.042199\n", - "metrics.config/train_loop_config/lr 0.0001\n", - "metrics.lr 0.0001\n", - "metrics.val_loss 0.121122\n", - "metrics.config/train_loop_config/dropout_p 0.5\n", - "metrics.training_iteration 10.0\n", - "metrics.config/train_loop_config/lr_factor 0.8\n", - "metrics.epoch 9.0\n", - "params.train_loop_config/num_epochs 10\n", - "params.train_loop_config/lr_patience 3\n", - "params.train_loop_config/batch_size 256\n", - "params.train_loop_config/lr 0.0001\n", - "params.train_loop_config/lr_factor 0.8\n", - "params.train_loop_config/num_classes 4\n", - "params.train_loop_config/dropout_p 0.5\n", - "tags.trial_name TorchTrainer_1bd07_00000\n", - "tags.mlflow.runName TorchTrainer_1bd07_00000\n", - "Name: 0, dtype: object" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Best run\n", - "best_run = sorted_runs.iloc[0]\n", - "best_run" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Dashboard" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "Let's view what we've tracked from our experiment. MLFlow serves a dashboard for us to view and explore our experiments on a localhost port:\n", - "\n", - "```bash\n", - "mlflow server -h 0.0.0.0 -p 8080 --backend-store-uri $EFS_DIR/mlflow\n", - "```" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "MLFlow creates a main dashboard with all your experiments and their respective runs. We can sort runs by clicking on the column headers.\n", - "\n", - "\"mlflow\n", - "\n", - "And within each run, we can view metrics, parameters, artifacts, etc.\n", - "\n", - "\"mlflow\n", - "\n", - "And we can even create custom plots to help us visualize our results.\n", - "\n", - "\"mlflow" - ] - }, - { - "cell_type": "markdown", - "metadata": {}, - "source": [ - "### Loading" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "from ray.train import Result\n", - "from urllib.parse import urlparse" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "def get_best_checkpoint(run_id):\n", - " artifact_dir = urlparse(mlflow.get_run(run_id).info.artifact_uri).path # get path from mlflow\n", - " results = Result.from_path(artifact_dir)\n", - " return results.best_checkpoints[0][0]" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "# Artifacts\n", - "best_checkpoint = get_best_checkpoint(run_id=best_run.run_id)\n", - "predictor = TorchPredictor.from_checkpoint(best_checkpoint)\n", - "preprocessor = predictor.get_preprocessor()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2023-09-17 22:43:36,691\tINFO streaming_executor.py:93 -- Executing DAG InputDataBuffer[Input] -> TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> TaskPoolMapOperator[MapBatches(preprocess)->MapBatches()]\n", - "2023-09-17 22:43:36,692\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:43:36,692\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> TaskPoolMapOperator[MapBatches(preprocess)->MapBatches(TorchPredictor)]\n", - "2023-09-17 22:43:37,552\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:43:37,553\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/4096 [00:00MapBatches(TorchPredictor) pid=845827)\u001b[0m /tmp/ipykernel_841208/1209796013.py:7: UserWarning: The given NumPy array is not writable, and PyTorch does not support non-writable tensors. This means writing to this tensor will result in undefined behavior. You may want to copy the array to protect its data or make it writable before converting it to a tensor. This type of warning will be suppressed for the rest of this program. (Triggered internally at ../torch/csrc/utils/tensor_numpy.cpp:206.)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{\n", - " \"precision\": 0.9168092951711627,\n", - " \"recall\": 0.9109947643979057,\n", - " \"f1\": 0.9105512639658029\n", - "}\n" - ] - } - ], - "source": [ - "# Evaluate on test split\n", - "performance = evaluate(ds=test_ds, predictor=predictor)\n", - "print (json.dumps(performance, indent=2))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2023-09-17 22:43:43,282\tINFO streaming_executor.py:93 -- Executing DAG InputDataBuffer[Input] -> TaskPoolMapOperator[MapBatches(preprocess)->MapBatches(TorchPredictor.predict_proba)]\n", - "2023-09-17 22:43:43,282\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:43:43,283\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/1 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> LimitOperator[limit=1]\n", - "2023-09-17 22:43:44,427\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:43:44,427\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> LimitOperator[limit=1]\n", - "2023-09-17 22:43:44,886\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:43:44,887\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> AllToAllOperator[Aggregate] -> TaskPoolMapOperator[MapBatches()]\n", - "2023-09-17 22:43:46,123\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:43:46,123\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> TaskPoolMapOperator[MapBatches(preprocess)]\n", - "2023-09-17 22:43:47,914\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:43:47,914\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> AllToAllOperator[RandomShuffle] -> AllToAllOperator[Sort] -> AllToAllOperator[MapBatches(group_fn)->MapBatches(_filter_split)->RandomShuffle] -> TaskPoolMapOperator[MapBatches(preprocess)]\n", - "2023-09-17 22:43:50,092\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:43:50,093\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "- RandomShuffle 1: 0%| | 0/4096 [00:00MapBatches(_filter_split)->RandomShuffle 8: 0%| | 0/4096 [00:00) per trial\n", - " grace_period=5, # min epoch () per trial\n", - ")" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "# Tune config\n", - "tune_config = tune.TuneConfig(\n", - " metric=\"val_loss\",\n", - " mode=\"min\",\n", - " search_alg=search_alg,\n", - " scheduler=scheduler,\n", - " num_samples=num_runs,\n", - ")" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [], - "source": [ - "# Tuner\n", - "tuner = Tuner(\n", - " trainable=trainer,\n", - " run_config=run_config,\n", - " param_space=param_space,\n", - " tune_config=tune_config,\n", - ")" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "
\n", - "
\n", - "

Tune Status

\n", - " \n", - "\n", - "\n", - "\n", - "\n", - "\n", - "
Current time:2023-09-17 22:45:41
Running for: 00:01:49.07
Memory: 21.8/62.1 GiB
\n", - "
\n", - "
\n", - "
\n", - "

System Info

\n", - " Using AsyncHyperBand: num_stopped=2
Bracket: Iter 5.000: -0.2372603341937065
Logical resource usage: 4.0/32 CPUs, 1.0/2 GPUs (0.0/2.0 accelerator_type:A10G)\n", - "
\n", - " \n", - "
\n", - "
\n", - "
\n", - "

Trial Status

\n", - " \n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "\n", - "
Trial name status loc train_loop_config/dr\n", - "opout_p train_loop_config/lr train_loop_config/lr\n", - "_factor train_loop_config/lr\n", - "_patience iter total time (s) epoch lr train_loss
TorchTrainer_639d7776TERMINATED10.0.35.174:8467050.5 0.0001 0.8 3 10 68.3885 90.0001 0.0520358
TorchTrainer_145c1bc2TERMINATED10.0.34.101:3497160.841192 5.18042e-050.7586272.25374 5 30.7297 45.18042e-05 0.392521
\n", - "
\n", - "
\n", - "\n" - ], - "text/plain": [ - "" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "\u001b[2m\u001b[36m(TorchTrainer pid=846705)\u001b[0m Starting distributed worker processes: ['846788 (10.0.35.174)']\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=846788)\u001b[0m Setting up process group for: env:// [rank=0, world_size=1]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Auto configuring locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a']\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=846788)\u001b[0m Moving model to device: cuda:0\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=846864) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=846788)\u001b[0m /tmp/ipykernel_841208/1209796013.py:7: UserWarning: The given NumPy array is not writable, and PyTorch does not support non-writable tensors. This means writing to this tensor will result in undefined behavior. You may want to copy the array to protect its data or make it writable before converting it to a tensor. This type of warning will be suppressed for the rest of this program. (Triggered internally at ../torch/csrc/utils/tensor_numpy.cpp:206.)\n", - "\u001b[2m\u001b[36m(TorchTrainer pid=349716, ip=10.0.34.101)\u001b[0m Starting distributed worker processes: ['349780 (10.0.34.101)']\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=349780, ip=10.0.34.101)\u001b[0m Setting up process group for: env:// [rank=0, world_size=1]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Auto configuring locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b']\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=349841, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=349780, ip=10.0.34.101)\u001b[0m /tmp/ipykernel_841208/1209796013.py:7: UserWarning: The given NumPy array is not writable, and PyTorch does not support non-writable tensors. This means writing to this tensor will result in undefined behavior. You may want to copy the array to protect its data or make it writable before converting it to a tensor. This type of warning will be suppressed for the rest of this program. (Triggered internally at ../torch/csrc/utils/tensor_numpy.cpp:206.)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=846864) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=349841, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=846864) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "2023-09-17 22:44:16,982\tWARNING util.py:315 -- The `callbacks.on_trial_result` operation took 3.185 s, which may be a performance bottleneck.\n", - "2023-09-17 22:44:16,983\tWARNING util.py:315 -- The `process_trial_result` operation took 3.187 s, which may be a performance bottleneck.\n", - "2023-09-17 22:44:16,984\tWARNING util.py:315 -- Processing trial results took 3.188 s, which may be a performance bottleneck. Please consider reporting results less frequently to Ray Tune.\n", - "2023-09-17 22:44:16,984\tWARNING util.py:315 -- The `process_trial_result` operation took 3.188 s, which may be a performance bottleneck.\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=349841, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=846864) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "2023-09-17 22:44:25,141\tWARNING util.py:315 -- The `callbacks.on_trial_result` operation took 3.025 s, which may be a performance bottleneck.\n", - "2023-09-17 22:44:25,143\tWARNING util.py:315 -- The `process_trial_result` operation took 3.028 s, which may be a performance bottleneck.\n", - "2023-09-17 22:44:25,144\tWARNING util.py:315 -- Processing trial results took 3.028 s, which may be a performance bottleneck. Please consider reporting results less frequently to Ray Tune.\n", - "2023-09-17 22:44:25,144\tWARNING util.py:315 -- The `process_trial_result` operation took 3.029 s, which may be a performance bottleneck.\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=349841, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=846864) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "2023-09-17 22:44:33,395\tWARNING util.py:315 -- The `callbacks.on_trial_result` operation took 3.181 s, which may be a performance bottleneck.\n", - "2023-09-17 22:44:33,397\tWARNING util.py:315 -- The `process_trial_result` operation took 3.183 s, which may be a performance bottleneck.\n", - "2023-09-17 22:44:33,398\tWARNING util.py:315 -- Processing trial results took 3.184 s, which may be a performance bottleneck. Please consider reporting results less frequently to Ray Tune.\n", - "2023-09-17 22:44:33,398\tWARNING util.py:315 -- The `process_trial_result` operation took 3.184 s, which may be a performance bottleneck.\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=349841, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=846864) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "2023-09-17 22:44:41,574\tWARNING util.py:315 -- The `callbacks.on_trial_result` operation took 3.101 s, which may be a performance bottleneck.\n", - "2023-09-17 22:44:41,576\tWARNING util.py:315 -- The `process_trial_result` operation took 3.102 s, which may be a performance bottleneck.\n", - "2023-09-17 22:44:41,576\tWARNING util.py:315 -- Processing trial results took 3.103 s, which may be a performance bottleneck. Please consider reporting results less frequently to Ray Tune.\n", - "2023-09-17 22:44:41,577\tWARNING util.py:315 -- The `process_trial_result` operation took 3.104 s, which may be a performance bottleneck.\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=349841, ip=10.0.34.101) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['860a06117a62bfc12416a8163d19974a865e594674344a920da1e53b'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=349841, ip=10.0.34.101)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=846864) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "2023-09-17 22:44:49,825\tWARNING util.py:315 -- The `callbacks.on_trial_result` operation took 3.286 s, which may be a performance bottleneck.\n", - "2023-09-17 22:44:49,828\tWARNING util.py:315 -- The `process_trial_result` operation took 3.289 s, which may be a performance bottleneck.\n", - "2023-09-17 22:44:49,828\tWARNING util.py:315 -- Processing trial results took 3.289 s, which may be a performance bottleneck. Please consider reporting results less frequently to Ray Tune.\n", - "2023-09-17 22:44:49,828\tWARNING util.py:315 -- The `process_trial_result` operation took 3.289 s, which may be a performance bottleneck.\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=349780, ip=10.0.34.101)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-43-52/TorchTrainer_145c1bc2_2_dropout_p=0.8412,lr=0.0001,lr_factor=0.7586,lr_patience=2.2537_2023-09-17_22-43-55/checkpoint_000005)\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=846788)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-43-52/TorchTrainer_639d7776_1_dropout_p=0.5000,lr=0.0001,lr_factor=0.8000,lr_patience=3.0000_2023-09-17_22-43-52/checkpoint_000006)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=846864) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=846788)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-43-52/TorchTrainer_639d7776_1_dropout_p=0.5000,lr=0.0001,lr_factor=0.8000,lr_patience=3.0000_2023-09-17_22-43-52/checkpoint_000007)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=846864) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=846788)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-43-52/TorchTrainer_639d7776_1_dropout_p=0.5000,lr=0.0001,lr_factor=0.8000,lr_patience=3.0000_2023-09-17_22-43-52/checkpoint_000008)\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "(pid=846864) Running 0: 0%| | 0/64 [00:00 OutputSplitter[split(1, equal=True)]\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=['c268d87a05f14889a7bdc3c259e78ced37c574c65ab440657e85be5a'], preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "\u001b[2m\u001b[36m(SplitCoordinator pid=846864)\u001b[0m Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n", - "\u001b[2m\u001b[36m(RayTrainWorker pid=846788)\u001b[0m Checkpoint successfully created at: Checkpoint(filesystem=local, path=/efs/shared_storage/madewithml/GokuMohandas/TorchTrainer_2023-09-17_22-43-52/TorchTrainer_639d7776_1_dropout_p=0.5000,lr=0.0001,lr_factor=0.8000,lr_patience=3.0000_2023-09-17_22-43-52/checkpoint_000009)\n", - "2023-09-17 22:45:41,369\tINFO tune.py:1143 -- Total run time: 109.13 seconds (109.03 seconds for the tuning loop).\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "CPU times: user 1.67 s, sys: 1.85 s, total: 3.52 s\n", - "Wall time: 1min 49s\n" - ] - } - ], - "source": [ - "%%time\n", - "# Tune\n", - "results = tuner.fit()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
epochlrtrain_lossval_losstimestampshould_checkpointdonetraining_iterationtrial_iddate...hostnamenode_iptime_since_restoreiterations_since_restorecheckpoint_dir_nameconfig/train_loop_config/dropout_pconfig/train_loop_config/lrconfig/train_loop_config/lr_factorconfig/train_loop_config/lr_patiencelogdir
090.0001000.0520360.0963911695015936TrueTrue10639d77762023-09-17_22-45-36...ip-10-0-35-17410.0.35.17468.38852410checkpoint_0000090.5000000.0001000.8000003.000000639d7776
140.0000520.3925210.3263201695015885TrueTrue5145c1bc22023-09-17_22-44-46...ip-10-0-34-10110.0.34.10130.7297465checkpoint_0000040.8411920.0000520.7586272.253736145c1bc2
\n", - "

2 rows × 23 columns

\n", - "
" - ], - "text/plain": [ - " epoch lr train_loss val_loss timestamp should_checkpoint done \\\n", - "0 9 0.000100 0.052036 0.096391 1695015936 True True \n", - "1 4 0.000052 0.392521 0.326320 1695015885 True True \n", - "\n", - " training_iteration trial_id date ... hostname \\\n", - "0 10 639d7776 2023-09-17_22-45-36 ... ip-10-0-35-174 \n", - "1 5 145c1bc2 2023-09-17_22-44-46 ... ip-10-0-34-101 \n", - "\n", - " node_ip time_since_restore iterations_since_restore \\\n", - "0 10.0.35.174 68.388524 10 \n", - "1 10.0.34.101 30.729746 5 \n", - "\n", - " checkpoint_dir_name config/train_loop_config/dropout_p \\\n", - "0 checkpoint_000009 0.500000 \n", - "1 checkpoint_000004 0.841192 \n", - "\n", - " config/train_loop_config/lr config/train_loop_config/lr_factor \\\n", - "0 0.000100 0.800000 \n", - "1 0.000052 0.758627 \n", - "\n", - " config/train_loop_config/lr_patience logdir \n", - "0 3.000000 639d7776 \n", - "1 2.253736 145c1bc2 \n", - "\n", - "[2 rows x 23 columns]" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# All trials in experiment\n", - "results.get_dataframe()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
epochlrtrain_lossval_losstimestampshould_checkpointdonetraining_iterationtrial_iddate...pidhostnamenode_iptime_since_restoreiterations_since_restorecheckpoint_dir_nameconfig/train_loop_config/dropout_pconfig/train_loop_config/lrconfig/train_loop_config/lr_factorconfig/train_loop_config/lr_patience
000.00010.5778600.4922271695015848TrueFalse1639d77762023-09-17_22-44-08...846705ip-10-0-35-17410.0.35.17412.8284651checkpoint_0000000.50.00010.83.0
110.00010.4757430.3871871695015856TrueFalse2639d77762023-09-17_22-44-16...846705ip-10-0-35-17410.0.35.17420.6512862checkpoint_0000010.50.00010.83.0
220.00010.4023740.3723901695015864TrueFalse3639d77762023-09-17_22-44-24...846705ip-10-0-35-17410.0.35.17428.2356283checkpoint_0000020.50.00010.83.0
330.00010.3490680.2977041695015873TrueFalse4639d77762023-09-17_22-44-33...846705ip-10-0-35-17410.0.35.17435.8737924checkpoint_0000030.50.00010.83.0
440.00010.2568880.2075741695015881TrueFalse5639d77762023-09-17_22-44-41...846705ip-10-0-35-17410.0.35.17443.4876125checkpoint_0000040.50.00010.83.0
550.00010.2042790.1612831695015889TrueFalse6639d77762023-09-17_22-44-49...846705ip-10-0-35-17410.0.35.17451.1135386checkpoint_0000050.50.00010.83.0
660.00010.1427160.1385461695015897TrueFalse7639d77762023-09-17_22-45-18...846705ip-10-0-35-17410.0.35.17451.1156707checkpoint_0000060.50.00010.83.0
770.00010.0976150.1080341695015924TrueFalse8639d77762023-09-17_22-45-24...846705ip-10-0-35-17410.0.35.17456.7815268checkpoint_0000070.50.00010.83.0
880.00010.0700970.1022921695015930TrueFalse9639d77762023-09-17_22-45-30...846705ip-10-0-35-17410.0.35.17462.6071849checkpoint_0000080.50.00010.83.0
990.00010.0520360.0963911695015936TrueTrue10639d77762023-09-17_22-45-36...846705ip-10-0-35-17410.0.35.17468.38852410checkpoint_0000090.50.00010.83.0
\n", - "

10 rows × 22 columns

\n", - "
" - ], - "text/plain": [ - " epoch lr train_loss val_loss timestamp should_checkpoint done \\\n", - "0 0 0.0001 0.577860 0.492227 1695015848 True False \n", - "1 1 0.0001 0.475743 0.387187 1695015856 True False \n", - "2 2 0.0001 0.402374 0.372390 1695015864 True False \n", - "3 3 0.0001 0.349068 0.297704 1695015873 True False \n", - "4 4 0.0001 0.256888 0.207574 1695015881 True False \n", - "5 5 0.0001 0.204279 0.161283 1695015889 True False \n", - "6 6 0.0001 0.142716 0.138546 1695015897 True False \n", - "7 7 0.0001 0.097615 0.108034 1695015924 True False \n", - "8 8 0.0001 0.070097 0.102292 1695015930 True False \n", - "9 9 0.0001 0.052036 0.096391 1695015936 True True \n", - "\n", - " training_iteration trial_id date ... pid \\\n", - "0 1 639d7776 2023-09-17_22-44-08 ... 846705 \n", - "1 2 639d7776 2023-09-17_22-44-16 ... 846705 \n", - "2 3 639d7776 2023-09-17_22-44-24 ... 846705 \n", - "3 4 639d7776 2023-09-17_22-44-33 ... 846705 \n", - "4 5 639d7776 2023-09-17_22-44-41 ... 846705 \n", - "5 6 639d7776 2023-09-17_22-44-49 ... 846705 \n", - "6 7 639d7776 2023-09-17_22-45-18 ... 846705 \n", - "7 8 639d7776 2023-09-17_22-45-24 ... 846705 \n", - "8 9 639d7776 2023-09-17_22-45-30 ... 846705 \n", - "9 10 639d7776 2023-09-17_22-45-36 ... 846705 \n", - "\n", - " hostname node_ip time_since_restore iterations_since_restore \\\n", - "0 ip-10-0-35-174 10.0.35.174 12.828465 1 \n", - "1 ip-10-0-35-174 10.0.35.174 20.651286 2 \n", - "2 ip-10-0-35-174 10.0.35.174 28.235628 3 \n", - "3 ip-10-0-35-174 10.0.35.174 35.873792 4 \n", - "4 ip-10-0-35-174 10.0.35.174 43.487612 5 \n", - "5 ip-10-0-35-174 10.0.35.174 51.113538 6 \n", - "6 ip-10-0-35-174 10.0.35.174 51.115670 7 \n", - "7 ip-10-0-35-174 10.0.35.174 56.781526 8 \n", - "8 ip-10-0-35-174 10.0.35.174 62.607184 9 \n", - "9 ip-10-0-35-174 10.0.35.174 68.388524 10 \n", - "\n", - " checkpoint_dir_name config/train_loop_config/dropout_p \\\n", - "0 checkpoint_000000 0.5 \n", - "1 checkpoint_000001 0.5 \n", - "2 checkpoint_000002 0.5 \n", - "3 checkpoint_000003 0.5 \n", - "4 checkpoint_000004 0.5 \n", - "5 checkpoint_000005 0.5 \n", - "6 checkpoint_000006 0.5 \n", - "7 checkpoint_000007 0.5 \n", - "8 checkpoint_000008 0.5 \n", - "9 checkpoint_000009 0.5 \n", - "\n", - " config/train_loop_config/lr config/train_loop_config/lr_factor \\\n", - "0 0.0001 0.8 \n", - "1 0.0001 0.8 \n", - "2 0.0001 0.8 \n", - "3 0.0001 0.8 \n", - "4 0.0001 0.8 \n", - "5 0.0001 0.8 \n", - "6 0.0001 0.8 \n", - "7 0.0001 0.8 \n", - "8 0.0001 0.8 \n", - "9 0.0001 0.8 \n", - "\n", - " config/train_loop_config/lr_patience \n", - "0 3.0 \n", - "1 3.0 \n", - "2 3.0 \n", - "3 3.0 \n", - "4 3.0 \n", - "5 3.0 \n", - "6 3.0 \n", - "7 3.0 \n", - "8 3.0 \n", - "9 3.0 \n", - "\n", - "[10 rows x 22 columns]" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Best trial's epochs\n", - "best_trial = results.get_best_result(metric=\"val_loss\", mode=\"min\")\n", - "best_trial.metrics_dataframe" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "{'dropout_p': 0.5, 'lr': 0.0001, 'lr_factor': 0.8, 'lr_patience': 3.0}" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Best trial's hyperparameters\n", - "best_trial.config[\"train_loop_config\"]" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
run_idexperiment_idstatusartifact_uristart_timeend_timemetrics.time_total_smetrics.config/train_loop_config/lr_patiencemetrics.time_since_restoremetrics.iterations_since_restore...metrics.config/train_loop_config/num_epochsparams.train_loop_config/lrparams.train_loop_config/lr_patienceparams.train_loop_config/dropout_pparams.train_loop_config/lr_factorparams.train_loop_config/num_classesparams.train_loop_config/num_epochsparams.train_loop_config/batch_sizetags.trial_nametags.mlflow.runName
0ebc5576cd02e4430bbe949612a25bd45703905858072772764FINISHEDfile:///efs/shared_storage/madewithml/GokuMoha...2023-09-18 05:43:55.499000+00:002023-09-18 05:45:41.257000+00:0068.3885243.00000068.38852410.0...NaN0.00013.00.50.8NoneNoneNoneTorchTrainer_639d7776TorchTrainer_639d7776
1a67f6ec4e10b49a7845b91db61efc7e0703905858072772764FINISHEDfile:///efs/shared_storage/madewithml/GokuMoha...2023-09-18 05:42:12.863000+00:002023-09-18 05:43:30.925000+00:0063.6994443.00000063.69944410.0...10.00.000130.50.8410256TorchTrainer_1bd07_00000TorchTrainer_1bd07_00000
20d8a50554ecf498cb6f1471b58aedb9d703905858072772764FINISHEDfile:///efs/shared_storage/madewithml/GokuMoha...2023-09-18 05:43:59.010000+00:002023-09-18 05:45:17.549000+00:0030.7297462.25373630.7297465.0...NaN5.1804178109970566e-052.2537356446691870.84119201160730330.7586266131367906NoneNoneNoneTorchTrainer_145c1bc2TorchTrainer_145c1bc2
\n", - "

3 rows × 35 columns

\n", - "
" - ], - "text/plain": [ - " run_id experiment_id status \\\n", - "0 ebc5576cd02e4430bbe949612a25bd45 703905858072772764 FINISHED \n", - "1 a67f6ec4e10b49a7845b91db61efc7e0 703905858072772764 FINISHED \n", - "2 0d8a50554ecf498cb6f1471b58aedb9d 703905858072772764 FINISHED \n", - "\n", - " artifact_uri \\\n", - "0 file:///efs/shared_storage/madewithml/GokuMoha... \n", - "1 file:///efs/shared_storage/madewithml/GokuMoha... \n", - "2 file:///efs/shared_storage/madewithml/GokuMoha... \n", - "\n", - " start_time end_time \\\n", - "0 2023-09-18 05:43:55.499000+00:00 2023-09-18 05:45:41.257000+00:00 \n", - "1 2023-09-18 05:42:12.863000+00:00 2023-09-18 05:43:30.925000+00:00 \n", - "2 2023-09-18 05:43:59.010000+00:00 2023-09-18 05:45:17.549000+00:00 \n", - "\n", - " metrics.time_total_s metrics.config/train_loop_config/lr_patience \\\n", - "0 68.388524 3.000000 \n", - "1 63.699444 3.000000 \n", - "2 30.729746 2.253736 \n", - "\n", - " metrics.time_since_restore metrics.iterations_since_restore ... \\\n", - "0 68.388524 10.0 ... \n", - "1 63.699444 10.0 ... \n", - "2 30.729746 5.0 ... \n", - "\n", - " metrics.config/train_loop_config/num_epochs params.train_loop_config/lr \\\n", - "0 NaN 0.0001 \n", - "1 10.0 0.0001 \n", - "2 NaN 5.1804178109970566e-05 \n", - "\n", - " params.train_loop_config/lr_patience params.train_loop_config/dropout_p \\\n", - "0 3.0 0.5 \n", - "1 3 0.5 \n", - "2 2.253735644669187 0.8411920116073033 \n", - "\n", - " params.train_loop_config/lr_factor params.train_loop_config/num_classes \\\n", - "0 0.8 None \n", - "1 0.8 4 \n", - "2 0.7586266131367906 None \n", - "\n", - " params.train_loop_config/num_epochs params.train_loop_config/batch_size \\\n", - "0 None None \n", - "1 10 256 \n", - "2 None None \n", - "\n", - " tags.trial_name tags.mlflow.runName \n", - "0 TorchTrainer_639d7776 TorchTrainer_639d7776 \n", - "1 TorchTrainer_1bd07_00000 TorchTrainer_1bd07_00000 \n", - "2 TorchTrainer_145c1bc2 TorchTrainer_145c1bc2 \n", - "\n", - "[3 rows x 35 columns]" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Sorted runs\n", - "sorted_runs = mlflow.search_runs(experiment_names=[experiment_name], order_by=[\"metrics.val_loss ASC\"])\n", - "sorted_runs" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [ - "# Artifacts\n", - "best_checkpoint = get_best_checkpoint(run_id=best_run.run_id)\n", - "predictor = TorchPredictor.from_checkpoint(best_checkpoint)\n", - "preprocessor = predictor.get_preprocessor()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2023-09-17 22:45:42,824\tINFO streaming_executor.py:93 -- Executing DAG InputDataBuffer[Input] -> TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> TaskPoolMapOperator[MapBatches(preprocess)->MapBatches()]\n", - "2023-09-17 22:45:42,824\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:45:42,825\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> TaskPoolMapOperator[MapBatches(preprocess)->MapBatches(TorchPredictor)]\n", - "2023-09-17 22:45:43,741\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:45:43,742\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/4096 [00:00MapBatches(TorchPredictor) pid=350325, ip=10.0.34.101)\u001b[0m /tmp/ipykernel_841208/1209796013.py:7: UserWarning: The given NumPy array is not writable, and PyTorch does not support non-writable tensors. This means writing to this tensor will result in undefined behavior. You may want to copy the array to protect its data or make it writable before converting it to a tensor. This type of warning will be suppressed for the rest of this program. (Triggered internally at ../torch/csrc/utils/tensor_numpy.cpp:206.)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{\n", - " \"precision\": 0.9168092951711627,\n", - " \"recall\": 0.9109947643979057,\n", - " \"f1\": 0.9105512639658029\n", - "}\n" - ] - } - ], - "source": [ - "# Evaluate on test split\n", - "performance = evaluate(ds=test_ds, predictor=predictor)\n", - "print (json.dumps(performance, indent=2))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "2023-09-17 22:45:49,875\tINFO streaming_executor.py:93 -- Executing DAG InputDataBuffer[Input] -> TaskPoolMapOperator[MapBatches(preprocess)->MapBatches(TorchPredictor.predict_proba)]\n", - "2023-09-17 22:45:49,875\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:45:49,876\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/1 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> TaskPoolMapOperator[MapBatches(preprocess)->MapBatches()]\n", - "2023-09-17 22:45:52,091\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:45:52,091\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/4096 [00:00 TaskPoolMapOperator[ReadCSV->SplitBlocks(64)] -> TaskPoolMapOperator[MapBatches(preprocess)->MapBatches(TorchPredictor.predict_proba)]\n", - "2023-09-17 22:45:52,988\tINFO streaming_executor.py:94 -- Execution config: ExecutionOptions(resource_limits=ExecutionResources(cpu=None, gpu=None, object_store_memory=None), locality_with_output=False, preserve_order=True, actor_locality_enabled=True, verbose_progress=False)\n", - "2023-09-17 22:45:52,988\tINFO streaming_executor.py:96 -- Tip: For detailed progress reporting, run `ray.data.DataContext.get_current().execution_options.verbose_progress = True`\n" - ] - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Running 0: 0%| | 0/4096 [00:00\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
idcreated_ontitledescriptiontagtextprediction
0192020-03-03 13:54:31Diffusion to VectorReference implementation of Diffusion2Vec (Com...otherDiffusion to Vector Reference implementation o...computer-vision
1262020-03-07 23:11:58Graph Wavelet Neural NetworkA PyTorch implementation of \"Graph Wavelet Neu...otherGraph Wavelet Neural Network A PyTorch impleme...other
2442020-03-08 00:32:58Capsule Graph Neural NetworkA PyTorch implementation of \"Capsule Graph Neu...otherCapsule Graph Neural Network A PyTorch impleme...other
3802020-03-20 05:59:32NeRF: Neural Radiance FieldsRepresenting scenes as neural radiance fields ...computer-visionNeRF: Neural Radiance Fields Representing scen...computer-vision
4842020-03-20 15:18:43Mention ClassifierCategory prediction model\\nThis repo contains ...natural-language-processingMention Classifier Category prediction model\\n...natural-language-processing
\n", - "" - ], - "text/plain": [ - " id created_on title \\\n", - "0 19 2020-03-03 13:54:31 Diffusion to Vector \n", - "1 26 2020-03-07 23:11:58 Graph Wavelet Neural Network \n", - "2 44 2020-03-08 00:32:58 Capsule Graph Neural Network \n", - "3 80 2020-03-20 05:59:32 NeRF: Neural Radiance Fields \n", - "4 84 2020-03-20 15:18:43 Mention Classifier \n", - "\n", - " description \\\n", - "0 Reference implementation of Diffusion2Vec (Com... \n", - "1 A PyTorch implementation of \"Graph Wavelet Neu... \n", - "2 A PyTorch implementation of \"Capsule Graph Neu... \n", - "3 Representing scenes as neural radiance fields ... \n", - "4 Category prediction model\\nThis repo contains ... \n", - "\n", - " tag \\\n", - "0 other \n", - "1 other \n", - "2 other \n", - "3 computer-vision \n", - "4 natural-language-processing \n", - "\n", - " text \\\n", - "0 Diffusion to Vector Reference implementation o... \n", - "1 Graph Wavelet Neural Network A PyTorch impleme... \n", - "2 Capsule Graph Neural Network A PyTorch impleme... \n", - "3 NeRF: Neural Radiance Fields Representing scen... \n", - "4 Mention Classifier Category prediction model\\n... \n", - "\n", - " prediction \n", - "0 computer-vision \n", - "1 other \n", - "2 other \n", - "3 computer-vision \n", - "4 natural-language-processing " - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Add columns (for convenience)\n", - "test_df = test_ds.to_pandas()\n", - "test_df[\"text\"] = test_df[\"title\"] + \" \" + test_df[\"description\"]\n", - "test_df[\"prediction\"] = test_df.index.map(lambda i: preprocessor.index_to_class[y_pred[i]])\n", - "test_df.head()" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "TiXcls5JoNA8" - }, - "source": [ - "### Coarse-grained metrics" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "h2OQtNODrh6c", - "outputId": "4c15bd9d-3465-4476-f02a-282aaaae0a91", - "tags": [] - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{\n", - " \"precision\": 0.9138952286238713,\n", - " \"recall\": 0.9109947643979057,\n", - " \"f1\": 0.9114851103432928,\n", - " \"num_samples\": 191.0\n", - "}\n" - ] - } - ], - "source": [ - "# Overall metrics\n", - "overall_metrics = precision_recall_fscore_support(y_test, y_pred, average=\"weighted\")\n", - "metrics[\"overall\"][\"precision\"] = overall_metrics[0]\n", - "metrics[\"overall\"][\"recall\"] = overall_metrics[1]\n", - "metrics[\"overall\"][\"f1\"] = overall_metrics[2]\n", - "metrics[\"overall\"][\"num_samples\"] = np.float64(len(y_test))\n", - "print (json.dumps(metrics[\"overall\"], indent=4))" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "zl3xSuXRutKG" - }, - "source": [ - "### Fine-grained metrics" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "jqetm3ybN9C1", - "tags": [] - }, - "outputs": [], - "source": [ - "from collections import OrderedDict" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "1zIAI4mwusoX", - "tags": [] - }, - "outputs": [], - "source": [ - "# Per-class metrics\n", - "class_metrics = precision_recall_fscore_support(y_test, y_pred, average=None)\n", - "for i, _class in enumerate(preprocessor.class_to_index):\n", - " metrics[\"class\"][_class] = {\n", - " \"precision\": class_metrics[0][i],\n", - " \"recall\": class_metrics[1][i],\n", - " \"f1\": class_metrics[2][i],\n", - " \"num_samples\": np.float64(class_metrics[3][i]),\n", - " }" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "Rhh-tgpP0dvj", - "outputId": "1de2a5eb-b9fb-4d23-d890-39f7310e868c", - "tags": [] - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "{\n", - " \"precision\": 0.9146341463414634,\n", - " \"recall\": 0.9615384615384616,\n", - " \"f1\": 0.9375000000000001,\n", - " \"num_samples\": 78.0\n", - "}\n" - ] - } - ], - "source": [ - "# Metrics for a specific class\n", - "tag = \"natural-language-processing\"\n", - "print (json.dumps(metrics[\"class\"][tag], indent=2))" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "vQVA6G-j__t5", - "outputId": "960e8f1e-21e9-4bc7-f284-ae4800c77913", - "tags": [] - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[\n", - " \"other\",\n", - " {\n", - " \"precision\": 0.96,\n", - " \"recall\": 0.9230769230769231,\n", - " \"f1\": 0.9411764705882353,\n", - " \"num_samples\": 26.0\n", - " }\n", - "]\n", - "[\n", - " \"natural-language-processing\",\n", - " {\n", - " \"precision\": 0.9146341463414634,\n", - " \"recall\": 0.9615384615384616,\n", - " \"f1\": 0.9375000000000001,\n", - " \"num_samples\": 78.0\n", - " }\n", - "]\n", - "[\n", - " \"computer-vision\",\n", - " {\n", - " \"precision\": 0.9393939393939394,\n", - " \"recall\": 0.8732394366197183,\n", - " \"f1\": 0.9051094890510948,\n", - " \"num_samples\": 71.0\n", - " }\n", - "]\n", - "[\n", - " \"mlops\",\n", - " {\n", - " \"precision\": 0.7222222222222222,\n", - " \"recall\": 0.8125,\n", - " \"f1\": 0.7647058823529411,\n", - " \"num_samples\": 16.0\n", - " }\n", - "]\n" - ] - } - ], - "source": [ - "# Sorted tags\n", - "sorted_tags_by_f1 = OrderedDict(sorted(\n", - " metrics[\"class\"].items(), key=lambda tag: tag[1][\"f1\"], reverse=True))\n", - "for item in sorted_tags_by_f1.items():\n", - " print (json.dumps(item, indent=2))" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "f-juex26zvBF" - }, - "source": [ - "### Confusion matrix" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "xPUao0S4k99c" - }, - "source": [ - "- **True positives (TP)**: learn about where our model performs well.\n", - "- **False positives (FP)**: potentially identify samples which may need to be relabeled.\n", - "- False negatives (FN): identify the model's less performant areas to oversample later.\n", - "\n", - "> It's a good to have our FP/FN samples feed back into our annotation pipelines in the event we want to fix their labels and have those changes be reflected everywhere." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "ZG2SgsPAzukL", - "tags": [] - }, - "outputs": [], - "source": [ - "# TP, FP, FN samples\n", - "tag = \"natural-language-processing\"\n", - "index = preprocessor.class_to_index[tag]\n", - "tp, fp, fn = [], [], []\n", - "for i, true in enumerate(y_test):\n", - " pred = y_pred[i]\n", - " if index==true==pred:\n", - " tp.append(i)\n", - " elif index!=true and index==pred:\n", - " fp.append(i)\n", - " elif index==true and index!=pred:\n", - " fn.append(i)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "ePrxeVkG0mmO", - "outputId": "c13e3881-e527-4a2a-b1dd-ef15187425ab", - "tags": [] - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "[4, 9, 12, 17, 19, 23, 25, 26, 29, 30, 31, 32, 33, 34, 42, 47, 49, 50, 54, 56, 65, 66, 68, 71, 75, 77, 78, 79, 82, 92, 94, 95, 97, 99, 101, 109, 113, 114, 115, 118, 120, 122, 126, 128, 129, 130, 131, 133, 134, 135, 138, 139, 140, 141, 142, 144, 148, 149, 152, 159, 160, 161, 163, 166, 170, 172, 173, 174, 177, 179, 183, 184, 187, 189, 190]\n", - "[41, 61, 102, 104, 154, 165, 188]\n", - "[16, 76, 112]\n" - ] - } - ], - "source": [ - "print (tp)\n", - "print (fp)\n", - "print (fn)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\n", - "=== True positives ===\n", - "Mention Classifier Category prediction model\n", - "This repo contains AllenNLP model for prediction of Named Entity categories by its mentions.\n", - " true: natural-language-processing\n", - " pred: natural-language-processing\n", - "\n", - "Finetune: Scikit-learn Style Model Finetuning for NLP Finetune is a library that allows users to leverage state-of-the-art pretrained NLP models for a wide variety of downstream tasks.\n", - " true: natural-language-processing\n", - " pred: natural-language-processing\n", - "\n", - "Finetuning Transformers with JAX + Haiku Walking through a port of the RoBERTa pre-trained model to JAX + Haiku, then fine-tuning the model to solve a downstream task.\n", - " true: natural-language-processing\n", - " pred: natural-language-processing\n", - "\n", - "\n", - "=== False positives ===\n", - "How Docker Can Help You Become A More Effective Data Scientist A look at Docker from the perspective of a data scientist.\n", - " true: mlops\n", - " pred: natural-language-processing\n", - "\n", - "Differential Subspace Search in High-Dimensional Latent Space Differential subspace search to allow efficient iterative user exploration in such a space, without relying on domain- or data-specific assumptions.\n", - " true: computer-vision\n", - " pred: natural-language-processing\n", - "\n", - "EfficientDet (PyTorch) A PyTorch implementation of EfficientDet faithful to the original Google implementation with ported weights.\n", - " true: computer-vision\n", - " pred: natural-language-processing\n", - "\n", - "\n", - "=== False negatives ===\n", - "The Unreasonable Effectiveness of Recurrent Neural Networks A close look at how RNNs are able to perform so well.\n", - " true: natural-language-processing\n", - " pred: computer-vision\n", - "\n", - "Get Subreddit Suggestions for a Post Trained on 4M Reddit posts from 4k Subreddits. End-to-end ML pipeline built with fasttext and FastAPI, deployed to Valohai.\n", - " true: natural-language-processing\n", - " pred: computer-vision\n", - "\n", - "Machine Learning Projects This Repo contains projects done by me while learning the basics. All the familiar types of regression, classification, and clustering methods have been used.\n", - " true: natural-language-processing\n", - " pred: mlops\n", - "\n" - ] - } - ], - "source": [ - "# Samples\n", - "num_samples = 3\n", - "cm = [(tp, \"True positives\"), (fp, \"False positives\"), (fn, \"False negatives\")]\n", - "for item in cm:\n", - " if len(item[0]):\n", - " print (f\"\\n=== {item[1]} ===\")\n", - " for index in item[0][:num_samples]:\n", - " print (f\"{test_df.iloc[index].text}\")\n", - " print (f\" true: {test_df.tag[index]}\")\n", - " print (f\" pred: {test_df.prediction[index]}\\n\")" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "6S5LZdP2Myjh" - }, - "source": [ - "### Confidence learning" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "ZW5nY_h-M08p" - }, - "source": [ - "While the confusion-matrix sample analysis was a coarse-grained process, we can also use fine-grained confidence based approaches to identify potentially mislabeled samples. Here we’re going to focus on the specific labeling quality as opposed to the final model predictions.\n", - "\n", - "Simple confidence based techniques include identifying samples whose:\n", - "\n", - "**Categorical**\n", - "- prediction is incorrect (also indicate TN, FP, FN)\n", - "- confidence score for the correct class is below a threshold\n", - "- confidence score for an incorrect class is above a threshold\n", - "- standard deviation of confidence scores over top N samples is low\n", - "- different predictions from same model using different parameters\n", - "\n", - "**Continuous**\n", - "- difference between predicted and ground-truth values is above some %\n", - "\n" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "OuN8xKFZlo2t" - }, - "source": [ - "> The operations in this section can be applied to entire labeled dataset to discover labeling errors via confidence learning." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "3FCrRUb2GANr", - "tags": [] - }, - "outputs": [], - "source": [ - "# Tag to inspect\n", - "tag = \"natural-language-processing\"\n", - "index = class_to_index[tag]\n", - "indices = np.where(y_test==index)[0]" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "sKQxFU0iU-w-", - "tags": [] - }, - "outputs": [], - "source": [ - "# Confidence score for the correct class is below a threshold\n", - "low_confidence = []\n", - "min_threshold = 0.5\n", - "for i in indices:\n", - " prob = y_prob[i][index]\n", - " if prob <= 0.5:\n", - " low_confidence.append({\n", - " \"text\": f\"{test_df.iloc[i].text}\",\n", - " \"true\": test_df.tag[i], \n", - " \"pred\": test_df.prediction[i], \n", - " \"prob\": prob})" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "7DnkXhXFFMv_", - "outputId": "c93cd01b-8ad1-4e63-8254-79f885534ffb", - "tags": [] - }, - "outputs": [ - { - "data": { - "text/plain": [ - "[{'text': 'The Unreasonable Effectiveness of Recurrent Neural Networks A close look at how RNNs are able to perform so well.',\n", - " 'true': 'natural-language-processing',\n", - " 'pred': 'computer-vision',\n", - " 'prob': 0.008757317},\n", - " {'text': 'Machine Learning Projects This Repo contains projects done by me while learning the basics. All the familiar types of regression, classification, and clustering methods have been used.',\n", - " 'true': 'natural-language-processing',\n", - " 'pred': 'mlops',\n", - " 'prob': 0.020190474}]" - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "low_confidence[0:3]" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "JwL1ltdiUjH2" - }, - "source": [ - "But these are fairly crude techniques because neural networks are easily [overconfident](https://arxiv.org/abs/1706.04599) and so their confidences cannot be used without calibrating them. \n", - "\n", - "
\n", - " \"accuracy\n", - "
\n", - "
\n", - " Modern (large) neural networks result in higher accuracies but are over confident.
On Calibration of Modern Neural Networks
\n", - "
\n", - "\n", - "* **Assumption**: *“the probability associated with the predicted class label should reflect its ground truth correctness likelihood.”*\n", - "* **Reality**: *“modern (large) neural networks are no longer well-calibrated”*\n", - "* **Solution**: apply temperature scaling (extension of [Platt scaling](https://en.wikipedia.org/wiki/Platt_scaling){:target=\"_blank\"}) on model outputs\n", - "\n", - "Recent work on [confident learning](https://arxiv.org/abs/1911.00068) focuses on identifying noisy labels while accounting for this overconfidence which can then be properly relabeled and used for training." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "XX3cORGPPXXM", - "tags": [] - }, - "outputs": [], - "source": [ - "import cleanlab\n", - "from cleanlab.filter import find_label_issues" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "*** SIGTERM received at time=1695015958 on cpu 1 ***\n", - "PC: @ 0x4edd8a (unknown) _PyEval_MakeFrameVector\n", - " @ 0x7fe3ff0e9420 514711536 (unknown)\n", - " @ 0x72c720 (unknown) (unknown)\n", - "[2023-09-17 22:45:58,798 E 848689 841208] logging.cc:361: *** SIGTERM received at time=1695015958 on cpu 1 ***\n", - "[2023-09-17 22:45:58,799 E 848689 841208] logging.cc:361: PC: @ 0x4edd8a (unknown) _PyEval_MakeFrameVector\n", - "[2023-09-17 22:45:58,803 E 848689 841208] logging.cc:361: @ 0x7fe3ff0e9420 514711536 (unknown)\n", - "[2023-09-17 22:45:58,808 E 848689 841208] logging.cc:361: @ 0x72c720 (unknown) (unknown)\n" - ] - }, - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
idcreated_ontitledescriptiontagprediction
10314592020-06-16 03:06:10SuperGlue: Learning Feature Matching with Grap...SuperGlue, a neural network that matches two s...othercomputer-vision
10214512020-06-16 01:21:09EfficientDet (PyTorch)A PyTorch implementation of EfficientDet faith...computer-visionnatural-language-processing
16521372020-08-13 02:10:03Unpopular Opinion - Data Scientists Should Be ...I believe data scientists can be more effectiv...mlopsnatural-language-processing
617102020-05-05 04:01:24Differential Subspace Search in High-Dimension...Differential subspace search to allow efficien...computer-visionnatural-language-processing
162642020-04-06 21:33:32The Unreasonable Effectiveness of Recurrent Ne...A close look at how RNNs are able to perform s...natural-language-processingcomputer-vision
\n", - "
" - ], - "text/plain": [ - " id created_on \\\n", - "103 1459 2020-06-16 03:06:10 \n", - "102 1451 2020-06-16 01:21:09 \n", - "165 2137 2020-08-13 02:10:03 \n", - "61 710 2020-05-05 04:01:24 \n", - "16 264 2020-04-06 21:33:32 \n", - "\n", - " title \\\n", - "103 SuperGlue: Learning Feature Matching with Grap... \n", - "102 EfficientDet (PyTorch) \n", - "165 Unpopular Opinion - Data Scientists Should Be ... \n", - "61 Differential Subspace Search in High-Dimension... \n", - "16 The Unreasonable Effectiveness of Recurrent Ne... \n", - "\n", - " description \\\n", - "103 SuperGlue, a neural network that matches two s... \n", - "102 A PyTorch implementation of EfficientDet faith... \n", - "165 I believe data scientists can be more effectiv... \n", - "61 Differential subspace search to allow efficien... \n", - "16 A close look at how RNNs are able to perform s... \n", - "\n", - " tag prediction \n", - "103 other computer-vision \n", - "102 computer-vision natural-language-processing \n", - "165 mlops natural-language-processing \n", - "61 computer-vision natural-language-processing \n", - "16 natural-language-processing computer-vision " - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "# Find label issues\n", - "label_issues = find_label_issues(labels=y_test, pred_probs=y_prob, return_indices_ranked_by=\"self_confidence\")\n", - "test_df.iloc[label_issues].drop(columns=[\"text\"]).head()" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "UtXjpKf9FU4C" - }, - "source": [ - "Not all of these are necessarily labeling errors but situations where the predicted probabilities were not so confident. Therefore, it will be useful to attach the predictions alongside the data. This way, we can know if we need to relabel, upsample, etc. to improve our performance. Analysis like this could also shed light on the task itself. For example, you may notice that some projects involve multiple data modalities and so it's difficult to just assing one tag. So perhaps it might be better to make this taks a multilabel classification task instead (it does but we simplified it for this course)." - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "dvS3UpusXP_R" - }, - "source": [ - "### Slice metrics" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "eeWWMG38Ny4U" - }, - "source": [ - "Just inspecting the overall and class metrics isn't enough to deploy our new version to production. There may be key slices of our dataset that we need to do really well on:\n", - "\n", - "- Target / predicted classes (+ combinations)\n", - "- Features (explicit and implicit)\n", - "- Metadata (timestamps, sources, etc.)\n", - "- Priority slices / experience (minority groups, large customers, etc.)\n", - "\n", - "An easy way to create and evaluate slices is to define slicing functions." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "ZyueOtQsXdGm", - "tags": [] - }, - "outputs": [], - "source": [ - "from snorkel.slicing import PandasSFApplier\n", - "from snorkel.slicing import slice_dataframe\n", - "from snorkel.slicing import slicing_function" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "coutP2KtXdLG", - "tags": [] - }, - "outputs": [], - "source": [ - "@slicing_function()\n", - "def nlp_llm(x):\n", - " \"\"\"NLP projects that use LLMs.\"\"\"\n", - " nlp_project = \"natural-language-processing\" in x.tag\n", - " llm_terms = [\"transformer\", \"llm\", \"bert\"]\n", - " llm_project = any(s.lower() in x.text.lower() for s in llm_terms)\n", - " return (nlp_project and llm_project)" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "id": "PbxmLvi-D7lq", - "tags": [] - }, - "outputs": [], - "source": [ - "@slicing_function()\n", - "def short_text(x):\n", - " \"\"\"Projects with short titles and descriptions.\"\"\"\n", - " return len(x.text.split()) < 8 # less than 8 words" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "2Vxg5X9OD-Ax" - }, - "source": [ - "Here we're using Snorkel's [`slicing_function`](https://snorkel.readthedocs.io/en/latest/packages/_autosummary/slicing/snorkel.slicing.slicing_function.html) to create our different slices. We can visualize our slices by applying this slicing function to a relevant DataFrame using [`slice_dataframe`](https://snorkel.readthedocs.io/en/latest/packages/_autosummary/slicing/snorkel.slicing.slice_dataframe.html)." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/", - "height": 98 - }, - "id": "VRs93KeBMthW", - "outputId": "b58e5925-7b89-4925-8afc-2f1eaa9b91db", - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 191/191 [00:00<00:00, 32805.57it/s]\n" - ] - }, - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
texttag
12Finetuning Transformers with JAX + Haiku Walki...natural-language-processing
19Question Answering with a Fine-Tuned BERT What...natural-language-processing
29BertViz Tool for visualizing attention in the ...natural-language-processing
30The Transformer Family This post presents how ...natural-language-processing
31Pruning Bert to Accelerate Inference After pre...natural-language-processing
\n", - "
" - ], - "text/plain": [ - " text \\\n", - "12 Finetuning Transformers with JAX + Haiku Walki... \n", - "19 Question Answering with a Fine-Tuned BERT What... \n", - "29 BertViz Tool for visualizing attention in the ... \n", - "30 The Transformer Family This post presents how ... \n", - "31 Pruning Bert to Accelerate Inference After pre... \n", - "\n", - " tag \n", - "12 natural-language-processing \n", - "19 natural-language-processing \n", - "29 natural-language-processing \n", - "30 natural-language-processing \n", - "31 natural-language-processing " - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "nlp_llm_df = slice_dataframe(test_df, nlp_llm)\n", - "nlp_llm_df[[\"text\", \"tag\"]].head()" - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/", - "height": 224 - }, - "id": "B7jmdmNaXuA2", - "outputId": "84b59a83-9e58-44f1-f5c4-98e1a31507ea", - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 191/191 [00:00<00:00, 64413.61it/s]\n" - ] - }, - { - "data": { - "text/html": [ - "
\n", - "\n", - "\n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - " \n", - "
texttag
75NLPAug Data augmentation for NLPnatural-language-processing
123Offline Reinforcement Learning Challenges, alg...other
127Image Classifier Pure JavaScript Image Classifiercomputer-vision
132imgaug Image augmentation for machine learning...computer-vision
140QSVM Quantum SVM for sentiment analysisnatural-language-processing
\n", - "
" - ], - "text/plain": [ - " text \\\n", - "75 NLPAug Data augmentation for NLP \n", - "123 Offline Reinforcement Learning Challenges, alg... \n", - "127 Image Classifier Pure JavaScript Image Classifier \n", - "132 imgaug Image augmentation for machine learning... \n", - "140 QSVM Quantum SVM for sentiment analysis \n", - "\n", - " tag \n", - "75 natural-language-processing \n", - "123 other \n", - "127 computer-vision \n", - "132 computer-vision \n", - "140 natural-language-processing " - ] - }, - "execution_count": null, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "short_text_df = slice_dataframe(test_df, short_text)\n", - "short_text_df[[\"text\", \"tag\"]].head()" - ] - }, - { - "cell_type": "markdown", - "metadata": { - "id": "kZuDZwTNO93Q" - }, - "source": [ - "We can define even more slicing functions and create a slices record array using the [`PandasSFApplier`](https://snorkel.readthedocs.io/en/latest/packages/_autosummary/slicing/snorkel.slicing.PandasSFApplier.html). The slices array has N (# of data points) items and each item has S (# of slicing functions) items, indicating whether that data point is part of that slice. Think of this record array as a masking layer for each slicing function on our data." - ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": { - "colab": { - "base_uri": "https://localhost:8080/" - }, - "id": "mQG8PFovXfEm", - "outputId": "22f16ecb-ed18-4502-e734-7fe73041d597", - "tags": [] - }, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "100%|██████████| 191/191 [00:00<00:00, 27137.02it/s]\n" - ] - }, - { - "data": { - "text/plain": [ - "rec.array([(0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 0), (0, 0), (1, 0), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 0), (1, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (1, 0), (1, 0), (1, 0),\n", - " (1, 0), (0, 0), (1, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (1, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (1, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 0), (0, 1), (0, 0), (0, 0), (1, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (1, 0), (0, 0),\n", - " (0, 0), (1, 0), (0, 0), (0, 0), (0, 0), (1, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (1, 0), (1, 0), (1, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (1, 0), (0, 0), (0, 0), (0, 1), (0, 0), (0, 0), (0, 0), (0, 1),\n", - " (1, 0), (0, 0), (1, 0), (1, 0), (0, 1), (1, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 0), (1, 0), (0, 1), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 1), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (1, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (1, 0), (1, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (1, 0), (0, 0), (0, 0),\n", - " (0, 0), (1, 0), (0, 0), (0, 0), (0, 1), (0, 0), (0, 0), (0, 0),\n", - " (0, 0), (0, 0), (0, 0), (0, 0), (0, 0), (1, 0), (0, 0)],\n", - " dtype=[('nlp_llm', '